diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000..fc29e96 Binary files /dev/null and b/.DS_Store differ diff --git a/IRT/IRT_parameters/item_difficulty.pt b/IRT/IRT_parameters/item_difficulty.pt new file mode 100644 index 0000000..0cc125a Binary files /dev/null and b/IRT/IRT_parameters/item_difficulty.pt differ diff --git a/IRT/IRT_parameters/student_ability.pt b/IRT/IRT_parameters/student_ability.pt new file mode 100644 index 0000000..2abaa55 Binary files /dev/null and b/IRT/IRT_parameters/student_ability.pt differ diff --git a/IRT/__init__.py b/IRT/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/IRT/__pycache__/__init__.cpython-310.pyc b/IRT/__pycache__/__init__.cpython-310.pyc new file mode 100644 index 0000000..dea642b Binary files /dev/null and b/IRT/__pycache__/__init__.cpython-310.pyc differ diff --git a/IRT/__pycache__/__init__.cpython-311.pyc b/IRT/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000..3c04d69 Binary files /dev/null and b/IRT/__pycache__/__init__.cpython-311.pyc differ diff --git a/IRT/__pycache__/implement_irt.cpython-310.pyc b/IRT/__pycache__/implement_irt.cpython-310.pyc new file mode 100644 index 0000000..bba266c Binary files /dev/null and b/IRT/__pycache__/implement_irt.cpython-310.pyc differ diff --git a/IRT/__pycache__/implement_irt.cpython-311.pyc b/IRT/__pycache__/implement_irt.cpython-311.pyc new file mode 100644 index 0000000..8a3613c Binary files /dev/null and b/IRT/__pycache__/implement_irt.cpython-311.pyc differ diff --git a/IRT/__pycache__/load_params.cpython-310.pyc b/IRT/__pycache__/load_params.cpython-310.pyc new file mode 100644 index 0000000..1a64a61 Binary files /dev/null and b/IRT/__pycache__/load_params.cpython-310.pyc differ diff --git a/IRT/implement_irt.py b/IRT/implement_irt.py new file mode 100644 index 0000000..79d6eef --- /dev/null +++ b/IRT/implement_irt.py @@ -0,0 +1,123 @@ +''' +Code for implementing 1-PL Item Response Theory (student ability and item difficulty) in Python +''' +import os +import random +import numpy as np +import json +import torch +from torch.utils.data import TensorDataset, DataLoader, random_split + +# setting the seed +def set_seed(seed_val=37): + ''' + set random seed for reproducibility + ''' + random.seed(seed_val) + np.random.seed(seed_val) + torch.manual_seed(seed_val) + torch.cuda.manual_seed_all(seed_val) + + +def read_dataset(num_items): + data_path = 'IRT_dataset/502_45/IRT_dataset.json' + with open(data_path) as f: + data = json.load(f) + student_ids = [] + outputs = [] + for student_id, student_data in data.items(): + student_ids.append(student_id) + outputs.append(list(student_data.values())[:num_items]) + return student_ids, outputs + +class IRTModel(torch.nn.Module): + def __init__(self, num_students, num_items, load_params=False): + super(IRTModel, self).__init__() + self.num_students = num_students + self.num_items = num_items + self.student_ability = torch.nn.parameter.Parameter(torch.normal(0.0, 0.1, (self.num_students,))) + if not load_params: + self.item_difficulty = torch.nn.parameter.Parameter(torch.normal(0.0, 0.1, (self.num_items,))) + else: + # load the saved parameters and freeze them + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + if device == torch.device('cpu'): + self.item_difficulty = torch.load('IRT/IRT_parameters/item_difficulty.pt', map_location=torch.device('cpu')).requires_grad_(False) + else: + self.item_difficulty = torch.load('IRT/IRT_parameters/item_difficulty.pt').requires_grad_(False) + + def forward(self, student_ids, item_ids): + ''' + student_ids and item_ids are not of the same size + ''' + student_ability = self.student_ability[student_ids] + # broadcase student_ability to the size of item_difficulty + student_ability = student_ability.unsqueeze(1).expand(-1, len(item_ids)) + item_difficulty = self.item_difficulty[item_ids] + predictions = student_ability - item_difficulty + return predictions + +def play_with_model(model): + + # play with the model + student_ids = torch.tensor([0, 1]) + item_ids = torch.tensor([0, 1, 2]) + + predictions = model(student_ids, item_ids) + print('Sample Predictions Shape: ', predictions.shape) + +def get_dataloader(batch_size, student_ids, outputs): + output = torch.tensor(outputs, dtype=torch.float32) + student_ids = torch.tensor(student_ids, dtype=torch.int64) + data = TensorDataset(student_ids, output) + return DataLoader(data, batch_size=batch_size, shuffle=True) + +def get_model_info(num_students, num_questions, load_params=False, verbose=True): + ''' + Return IRT model and the optimizers + ''' + # select device + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + if verbose: + print('Using device:', device) + # read model + model = IRTModel(num_students, num_questions, load_params).to(device) + # loss fucntion + loss_fn = torch.nn.BCEWithLogitsLoss() + # optimizer + optimizer = torch.optim.Adam(model.parameters(), lr = 5e-3) + # number of training epochs + num_epochs = 1000 + return model, loss_fn, optimizer, num_epochs, device + +def train_IRT(item_ids_lst, model, loss_fn, optimizer, num_epochs, device, train_dataloader, verbose=True): + ''' + Train the model + ''' + item_ids = torch.tensor(item_ids_lst, dtype=torch.int64).to(device) + for epoch in range(num_epochs): + if verbose: + print('Epoch {}/{}'.format(epoch, num_epochs - 1)) + print('-' * 10) + # Each epoch has a training and validation phase + for phase in ['train']: + if phase == 'train': + model.train() # Set model to training mode + # Iterate over data. + for student_ids, output in train_dataloader: + student_ids = student_ids.to(device) + output = output.to(device) + # zero the parameter gradients + optimizer.zero_grad() + # forward + # track history if only in train + with torch.set_grad_enabled(phase == 'train'): + predictions = model(student_ids, item_ids) + loss = loss_fn(predictions, output) + # backward + optimize only if in training phase + if phase == 'train': + loss.backward() + optimizer.step() + if verbose: + print('Loss: ', loss.item()) + return model \ No newline at end of file diff --git a/IRT/load_params.py b/IRT/load_params.py new file mode 100644 index 0000000..8cb700b --- /dev/null +++ b/IRT/load_params.py @@ -0,0 +1,26 @@ +''' +Loads the saved parameters from IRT_parameters folder +''' +import torch + +def load_irt_parameters(): + ''' + Load the saved parameters from IRT_parameters folder + ''' + device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') + if device == torch.device('cpu'): + student_ability = torch.load('IRT/IRT_parameters/student_ability.pt', map_location=torch.device('cpu')) + item_difficulty = torch.load('IRT/IRT_parameters/item_difficulty.pt', map_location=torch.device('cpu')) + else: + student_ability = torch.load('IRT/IRT_parameters/student_ability.pt') + item_difficulty = torch.load('IRT/IRT_parameters/item_difficulty.pt') + return student_ability, item_difficulty + +def main(): + student_ability, item_difficulty = load_irt_parameters() + + print(student_ability) + print(item_difficulty) + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/IRT/run_irt.py b/IRT/run_irt.py new file mode 100644 index 0000000..ae8b6aa --- /dev/null +++ b/IRT/run_irt.py @@ -0,0 +1,43 @@ +from implement_irt import * + +def main(): + CONSIDER_TEST_CASES = 36 + + # set seed + set_seed(37) + + # read dataset + student_ids, outputs = read_dataset(CONSIDER_TEST_CASES) + + # model parameters + num_students = len(outputs) + # num_items = len(outputs[0]) + num_items = CONSIDER_TEST_CASES + + + + model, loss_fn, optimizer, num_epochs, device = get_model_info(num_students, num_items) + + # play with the model + play_with_model(model) + + # get dataloader + batch_size = 128 + train_dataloader = get_dataloader(batch_size, [i for i in range(num_students)], outputs) + + # train the model + item_ids = [i for i in range(num_items)] + model = train_IRT(item_ids, model, loss_fn, optimizer, num_epochs, device, train_dataloader) + + # Save the student ability and item difficulty separately + save_dir = 'IRT/IRT_parameters' + if not os.path.exists(save_dir): + os.makedirs(save_dir) + + torch.save(model.student_ability, '{:s}/student_ability.pt'.format(save_dir)) + torch.save(model.item_difficulty, '{:s}/item_difficulty.pt'.format(save_dir)) + + + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/IRT_dataset/492_32/IRT_dataset.json b/IRT_dataset/492_32/IRT_dataset.json new file mode 100644 index 0000000..7d6f95f --- /dev/null +++ b/IRT_dataset/492_32/IRT_dataset.json @@ -0,0 +1,8582 @@ +{ + "026039890a9a87b488e8a023da480144c3f6cedf": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "3a567cd9965567230689effa4c473fee2b2cedc4": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "be96949c5841e4e3f31901084ec4dcb0919497a2": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0 + }, + "7c38e2d38b490bed7a35ad9a1717d7454c735ba4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0ca49110f61496792c164e53ebb749283bfaeca9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b298397458679c987636d9b92c8186c62df3287a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c37d868fe8557607c09004a35982077c66183872": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "7d0a2209d2aab756575b95584c915832b996bbc5": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "fcc3bf3b047ce1867f52e07c05e93d0fec5b0b59": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2329af11e6f615500cbdd0ff0b191b620b515427": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "6adc39581762816e76495cd9b50369c46cb8db49": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "905f4f187415898d352d1179854bdffd6400db1a": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b1e6914e7522c2cab1580762eada3f03f66d8476": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c28f1db3b98eccc9bf14bad6af77e537a13c86b0": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0 + }, + "4dd6e09bcba553ae25b60542bbc5e58279c590eb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "38941932857dd560c7404bcf29fe13398ab20954": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "080a1841ce9ba4d597c9a10188421bb6e1014163": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "9d78df22ba9c59be5a11c5e56ecb75cec1f2a12f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "f0bb5ca829994225a894ad3290801b109fc0d39b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "67ce8a09c43099bf6a17eb4751a335d1a2ffda21": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "7d2b990c657506470d4583e37d2bef534901fe7b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "227851bc5283b04a991ed749b8289bdfc76c58d0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "5d12d2635a6742274b96e3f823dacf454ef52dbc": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "b30f99ddba2ec8d412219bdb0153d837fbda32ed": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "6cb232005bdc59bdbcd394a1771700ca079b04c3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "ceb142be271f48d8c80d313705d62905a631d6bc": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "0865a786698e128695cd1ad9810db7faadf79de8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "31fb29d5f1f915799dcdb70e3d6dcbccfbd9cf00": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "3349411a92e575865a47a709ef5c529dac839596": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "ab410810fa94080da5429e04c0ee8af5f90f629f": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0 + }, + "5e11d7005b9d41dd6c2eb255c30404b4ef6634ca": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "4aa75259c590ff07fc38712460a6717cd8961b8f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "9530789d388fadbdd89896539b63f0b2b659912f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2367cd4bb470bb3c1db271313a4fd8ce4e4502c6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "13d34e810b3a19db4f271dfd39beb624f1ba42e6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "d172f65237a063637c8f4874d8d9b340e81f27d1": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "88bda97a99d3b37ea281bb2db78599a8049c954d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "92f7a6fc68137561085b7ed356271d6d8d9e7e50": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4e6446c81bc0c6cb85157da9e391701543941972": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "1fc7843c28e117d0283e905d6d21b6246eb8f891": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "680145ae89da836c8b7b8f5dee59ddf3d7eaf2a0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "5b70750b8d6bdcfe3663edf4d24264af590cdfd1": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 1 + }, + "4f62ba446a69292f82a8645962072d3ec7ed43d8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "5bbfd97793c102444c56948416c1811cddb35195": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ebd46f97be264b460ea9bfb853586896e5ff8872": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e6e467c4ded522f38d868e83eb7c1a0ad3bab8b3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "f376cb17efd86bfafa841e40da533de5a43affd7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "147705b49f64c180ebd19cf0dfff4937b09531d5": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "0745e670c9437c03200a3e652fd7a5a0bf1399ee": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "837b6da3e7dd3371e9f2bae5099a6b33d21b7af2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b73e2bf23c322625673a147b256ca12af2fa3a53": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0d589bcc2f507bf6dff25a0ea02b4007ebec1da9": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0 + }, + "9c0484f1b62107a91a78223662ee6f7ef41f8473": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "7842e1daa2e925dd865fe8cc1e2126b92e59d1d8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "22e40cb1e558fa0b5b65b8811619e2a95e51b811": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b0b40e7594db7a5735f6e018dc175e108ec87432": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "305c956c04bd5be3c18be0419b95995a047357a4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "31e0b5eaa35d80502c699f6e1079b21a8616e9e2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "3699d0cc149bd2a9c0f51a1ad1db7f1ded24d7ae": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "9a77189f6f32b2c31aa2f7f77b40eaae986f31a3": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "9c3b966dba97301c7aef3daf87cb226e1051df0a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e981d2d52cee654b04d00050c8fdb8a0e502b24c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "25dc1b218b079a0a049f5aa57649152f33a5fca4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "718bdc3103ad61dd9c9bf14f8c60d2f3ff7cd009": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "422c99696d1a199fc290e9b3ebf127f5b18272ed": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "dfbfbeee3293898f7b805559bf26cf3c0894c68f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "25f79e68ada62e87c9e9d897d22af8ed632e9632": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "e40b8d20cbb94131dee3a39f001f1350ccb43136": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "5ba74352af46c5434bab1ead1e85dafdb54062f3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "88f50d2e56c8aa9c9b0e6b753df021578247666d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0ece09510d1459c2889fefa42298972f1a5b298e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "293f84d85c7a0147d1a2d9c70fb083177060c8cb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2152254046751657a9f09d636e6bc44966453984": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c2ccd8be46a00094b627580885365dbb6bf0b08e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e722b882c20170a972edf85cf0c343c6a27ba1bf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "1faa331bc1d9a76614ebbc39d3150287c019ea76": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "41a616b57deb275ffb22d24de1e4c635bdcb9a8d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "32dbfb30fe08680163f01e1d05511771cccb2be8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "56a31cc0a92ee97b331d0cc7c9b8f73d53c4c3cc": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "d007f6ac7bc55097fa524d334f0a1caede0e7314": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "9755cdae5e8c3cb48b7ff376e3796fbcaba727af": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "bc4c61e9bb0a939e5ed88959cf1aa063107720a6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "5415c45556b1ace78ab0043341164b0117a7bffa": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "ea50be8e0657522d1a456e6f620fd5386cc3bcf6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c8106a0be10a80a0e348300975c3d3ba216fafcc": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "eddd6c4f54dc5c9570a271d752b54d6b0c9ec780": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "7b92e54b085426ff6fa00202be44716e86a8a206": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "bb0a97ba028c9dc3b5c3ed9bd9b28c8d0a2c8032": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0 + }, + "108f42c2356ec285dea8146e6232f0ff26c42133": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ee9c52092e5391acde22ebdc3892bf5b9d90de87": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "2b8eca1a03371ee4fc33e35002620d7d20b8e901": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "c34a551084df900a4ccd817fa707bad0ab882d88": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "6993e69a24eee0ca3b11997f93acf7e293f09db3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "fedff4952ddc72d75d7f9206ca62293526c255c6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e249ed87ffcb5811f90c53652d5a9537e80c39a8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "25fe304efc312f5fe6685e0b68de54e3fdf3b943": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "3e5475f37975ca89cfb00e04443a24398b2d6519": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4450d9d9cd37583d17e9f723b37636841442d981": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "9dc124bbf3575db093b9644de2bcd9fc9c52900b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "09527b371d2678d52222749c19a9231c84aebeda": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "9c8a5da04bd0f0af7921da5102ca9e0d997b93bf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "85a16b0d053055e5bf3e9f07b8436dd81deb2b8b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "6a94cf6a4e1e5eeb06e3bd563533c127af7aaf7c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "a37b470dc208e67d19cf150332464d163f3d4a57": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "c5965c538f04ac2a1699a644c980f7b2bf784313": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e147cdeabbfa3edde3d29cde0090f0a9b6bd0ea7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0 + }, + "7c7516d4be299b7936c855752181ac3cabf3275e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "00ff2b16e307c09711af47879c4fe72ef92f774a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "acab6c9568e16d0d2cfb6f4b7a30ea4b6de253a7": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "c1869fd49f6f81c56e978c29e30c29badfc47519": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "16fce7850d879f4687eee74b6cf7f2c4b9b9a43b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "343c783c365b4eba712ceb768965c2295738b11e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "4776fe68561c78fe3971f2e10c565b26274a6b18": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "acfc85a16f0be539c15268db114023cf4b58deb1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "5a3dba61ce19ca764b4c0fe85814842395a5ce01": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "d343c2a82853ebc27e6313fb80505e809c22ea4d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "dcabb277da3643fe5217ccfa58fd0db22015021e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "450563f480c1cfac29da9e3f663c63866c69d643": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "373125eb1a1fbe6db947eea4e2c6ac9f926e1290": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b1af05ca971dc68055fda3d6389ce35815c2aafd": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "4ae25ed5f084dee0e844c5cbe28955fe40650748": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "cc4d36c135bdc822cb6aebd03dfde98d31721f8d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "3523df4269c92a6bf89b8a1350e4a67f4366c4ae": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e6a882b8a6277a17f5f4d63b4484c07c05caa759": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0cdd25e5df102f70aacc58cc4e54fc4ec12fa4ea": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "1550a9f80be2630a081c25aa998cc3cbdbb5dc00": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "ea8865a98083dd9c0d43761f8f7f128f309b9e14": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "1f81ba3161159a29b82a4ecbfb520f35b6916e3a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "fdb44777b79dc812c3da61d2c6f7cedcac0fc116": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e44969c3033272d7140e1ed5ca7363311b13d823": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "f79b42456a0e667fd5701df12ca92dad2cf7d63e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "3fc85bb7f530b55eb1c11ae286cfecfeea824856": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "87889d8c43db05c6e920b8e6ebf3ce9b9ca80cd7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c533014baffc3fc9c06df0acac672c00af237532": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "617818e8fe647102adec5cb03d5efd72f38567c9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "a3d8e37ce75e9cdaa47621702bb9033778e07c2c": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "1b6dcdeb9ac606ab980db8888d1338fbf23efd75": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0 + }, + "0a0354cb0dde44c41ee40dc2a660b26f8794a1a2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "7f732dde3b934b3fbd4a13d87390e4a584e508eb": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "6880e8f3c66ee542d28a6dd0d4caed2a499fd33d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4d6efbd0a2c6fad0d2b97fd90632ecc1d54a6de3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "04967832d28d8deb15dd16f7a47e5ea5774a6c68": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "74c5c2b59ebdb13a800b0ed81ac9b9c1d3f8d056": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 1 + }, + "93c59b120145dda0e61a97b8c7cec10f4200e726": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "59c0390431787d7669fbbe67a950b8d00c696666": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0 + }, + "20582207c9163c757888530f8ac966faea243af3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "d7b233d7d8118ea333b285f4d482dbf4f57df9f6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b5012005b74ebd0621928f6c0342dccbf0a2bb60": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c92cc634f4017808696903492d4f237e6d882ece": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4566c3681ab6bc0af9c1bbfd3cf2564110635f3f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "805f58cdb71b45124c964fba5fa84bf6c0b2c184": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "956a089c3cd20ef8db20c737337edc1ab1e08d31": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "9b102768619af63d6f97f05faecadfeede934f83": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "352a1e0914f09ece699874d022f24aba4d486410": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0fea0224e4088c599ca8e3ef996832f1e9e6fb7c": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "d208dbeee4a31e58f61aac1c6b27761f7382d378": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "06e2a038b0cd2de4a974a806d131bc0f12736fbe": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "bbd641e063bd12d28d0132efd13fe6340760c728": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "27a93cc54a89f35bdb1adff140ceaccfb6b8498f": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "ecf8cc65135aada9da417f77d6fdf0bc60e9b472": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "413998aeefa0eeae2843d0417622252ece0f0014": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "57d011134f13bd6dbd9f4af066f0343867c0a734": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "cb527a85b13e23a62d99d510678e1b08378f888d": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "bb4b27aafa3bcd17b2247ada49b95fcd4be4a0f9": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0 + }, + "6df8513b9747b0558a47249979c01ad15f3de2dc": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "8144e935551e4ee3db01c40c9e70569846b69d2e": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "62fe2b50e7676327259fc8a703ce1ed3c696c38d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "43dc4dc8d787c560356b9992075f1c750f66da58": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "fa731d60ba07a7d260e797165726286fd31de122": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "f2070afac55d2c28b0096d53a2b633b88a8e50ac": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "27a4d9267e4c496154afe2e22e241026243a4462": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "a5a248831ad9e5aaf95f8ac46bbba40ed6158ede": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "a108d5462aeee37969674f62f8a63ab288a154b6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e86812fed5f486032a2c173789c11c0032921cd0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0d09d424bfa0904289a0cbcf8e646229fa20aa3f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "a23cf3ee2c5e8b50621b010d323dda95e6ad06d5": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "69d1cbd65482b78b6ea24edf0718ca091c9a201b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0d307ea906f465cf1bbf6a68274ae0aad0638fa8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "9f3c2ceb847163f249b07d38bd5243dc6ddd5bf3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "6271e2115a36ac767eb15bad5740b1a4ea99ae63": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "de0a18a3605e75a460430964a28db46e71530dac": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "c1ff220be64aa988c3cae574126435a48aaa72ab": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2e6c6114af11d1fa87b4b1ec2b8ca74bcee5bb90": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "e38c07305d47ffd4f7ba721fffdfd211df281a52": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "b26b0d2ddb22f8d5e55d3b9a000bde980782ad07": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e99d0ff36e58c39674bcb0a4a7a924c741522cda": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "f890abc7632f0a6b0c57016614608192aa752843": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ce4b2635cd35244d34218608e91eee0322c02048": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "011cbfd14abc54ded7ba034bb5111b7650ca8dcf": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "a695fdd90beb9ee0e18dcfafd519d849cfca582f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "24ad7ef167cf11c57ed39f816a43d5aabf742845": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "307e7c73c5413b9547de079b818064e4a416de96": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c66b40772a6cfcb455cbc7beb76519b901489ddb": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "85071fdba623125029828d0d136cce6027b1b403": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "bbec8249b5b931da2265761a3e3f065826112132": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "43adddb60e25dcde8b03c06a471c49c55670cfa9": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "564050c2bee367e10f7fb9ca892b541ee36b3174": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ce586d94617ba1408a07ef2e243f817ffe9b4a92": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "d51ff3a64de913bc35b9d0b82fd720b12b608751": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "e527afe489fc4b53f40d666f51496ed58fa03716": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2624ae2dbfdf0a9d8511c3b79eb61843fbbd5b94": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "57296711f23950d30500dc50a87cf7ffe80656df": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "39d3d0f0b363c457297150b35b2fbb84fe97dc17": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "8f2a7cd06322f712775d31da9b831bb615df44bd": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "ae54c4b4cdc4a3c8eb64f60b1934afb499eb5680": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "d4ced7c12463b9963a8a2d6f2204708036d1e90e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4702396042c1cab49e29614e7de60c35473a2c10": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "62afc52c7b0d29514c74e53a55de7a7d49438ce1": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e379bcbd266f7f89d3be0bbdf621502d8359a168": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "3f5861d07546f0caf43867583411c4eb249fda70": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ed9cb12e03962a4c25d3959d5623dd36ec0d49a4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4eed7996d5bc05c5fb61a0eee32cb0925f78f206": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "50da6d3673bc00c4d14790f5ba9153c44b8ce81a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "d40650ab9c009415d80455cf012dc269a10a1171": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "601a40dc9605398f07bbca32a5bbe3e8f026bca8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "453793b2cb1c2793f09bd80727352e3c5a5c505e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "7e857edbdfcaa4ab2739e8087662511aaf10d88d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e0ede905cce3edc21395f7964141d1d847e88daf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "641ed7154d860dace80f24d65b0686cbe54c7519": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "68fc9708adc08f1b3c744cde44684bbbf8b950e8": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "95a258313a6bba0317e1651df0a3a82a4a353ef0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0c3b853a296428491d9bacecb6053e4883ec3735": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ba47fbb8024fd95558ea9de0d53ce688f4f7637f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "a69b94bbe9b7fdbdd6128e1e269574cdff9ac29c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "324ba53987649800d19c4f0250bf489638b41bf7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "d49b7c20d2619e44827a8fa49093a06661e7ec51": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "a2a1b5cc880723e0085d00b207b6f5e9f6f19792": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "1f49513dd20b08ff7dae1d9d9afb47b3b85787cd": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "fd5c4f36263b2aadd7e72c3cc4084659ecf1b748": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "84f542db831aed94c59f773af59b25d8d86c3a37": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "bd9aaea7376d7b7ad405b0c9e0049f1cc8eb21c2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "a489ab3dd02c40bf0885f9a910ff28e831748750": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "43b8862ba62cc5c5cf0a099e68b1a284cf7c7608": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "af187a9457b945482166984be51ed9e37bb52b63": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e4c5200cf271802b4c11b5e87ad968a2ec7b8512": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "cb66e4238e7b38a5e9cef8dc2ba46652155cf2f9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "162ad85403c8812b0a00fe5b6f42a162bf34c537": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "3471c6e1d2856f223986086482ba5d5d95867a8f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "9e16fac43ec39292bf0f7f8f41bf58fcad5daae0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "4717c7ed12c603a1013156f3aa1859eaa4f4fb29": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "04de5a4511a6815c4a8820a43bbf8e58f75b578d": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "9ba207af0fe80a61ab0a4e05caf3bcfce7584e9d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "186e5b299e752e9c8dcda2204f52571b21dab6b8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "535e39c49f1a3c2dfd16fe860fbf513d83190d8f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "58035778995c134f7aa90e87fe7dc78b026cc61f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "bf3d85e3e6ec5b97e0955ed03679b8e21a123c54": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "958193821f71aea7952170796f7d1fba3093aec9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "1f9cfe0ad15be359081183aba85c155aa774ac9b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "55695d32d3ffe57f14a7df361aa06334d8ff6885": { + "0": 1, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0 + }, + "fdeb17f5b1fb5623b7f08122c03baa6faf122bff": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "f67a42b78ea06ff89253c2b5d7a225b8d6673ea4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "9d441b2bb3ab4bbc569156b1395482d3f0efc827": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 0, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "eb95c07997175dccd87b5edbb62cd7502deffd4f": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "055d5c6eb654988641e159857c48ffc2d7fbb6e2": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "a93093454e5044979bd9937c2de2025f20a28e31": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "9cf7636c57debfa176acb6e24ba35596b1718eb6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "71ac7b338b9f97d4148d7c23d488734eb9ef28d4": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 0 + }, + "0bebe25908f7e3c3fc41b4e220585d9cc4d70e80": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "640947e75ed143395f4a2efed2c5ddbaa3f5d134": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "ae036476bd9797d3346ba0aa4130f4e2b181873a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "60314e1d986f8295f07bf1f970ec9a0e4b95c9f1": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "fba8ec518deae2bf95638d2683f5bb1e63fe6a85": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "05f0f01027620c706deefd27d5cfa0868bd822e6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "2e62fdcc813131a4a34063b11cfae8810333b06e": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "5a8923071ae3d59b744e2c994508286894832e6c": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "11b39abc04e7dcd5f5caac38328256b7df85a302": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "6e96de7d8961c9f4c9ff9bd6fc7edf22bf14baaa": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "08924678547a7bf5c7a5b0fd3b8a498c0dfac79f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "6a8875bbf15f51adcb83b63dced7e2ee198aaa4a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "465bcf016153e8374113943b2c901d80853ded40": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "80054099ada64c4ec2fed6b3e2219d30d4aae048": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "79d5c8791f486c40bbcc185bfdcf013a50867833": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "b3c3486c6068700d666794d2ff66d0983b5073bc": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "6107df91d79dea178ad3db8e351f9e2c95ba687a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "5da71aaa15e05f2ff7d6e84b218eefaa1d776f76": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "9797e3622ef89cb355d8bf9e18a4a931db5ef7d6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b5594a9a44c21f116853dca3f895178a39d22670": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "cfa4133576629fc9b72667a8b01dcc0d01eeebe2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "88e35de258e05b96e316e0de1ddaafbd7949e264": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2d117649bb492a141e46ba23e190b71a4cae79a0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "ed2c148aea70c31348312d9555b6ae6e9818b47d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "f489b9f5f5a7046b3fc47b08247f265427a29739": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "1c3f12a79771b58b50f69a1109c0386f5dc5f545": { + "0": 1, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "eb2f80be19da8ef5934c2de233e702573d837837": { + "0": 0, + "1": 0, + "2": 1, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "550f10c8d38c32d805fedec4d4e9a1e4c2a492d2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "2c11d62437a4a3c03eefa3fd1e81c1b038464059": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "395d6a97a706cf3755f9713390de8e8bcb948bf6": { + "0": 1, + "1": 0, + "2": 1, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0 + }, + "a6d79594ccd8eda824590ed3c1b0ac399db80b23": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "428a061e2f556d120bec3087324f6884d9348e43": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "3e87e0381ebeef812946d2a41701556fd2a0fd6c": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "91382dbabc997fe3790c8de5a89d472b3800dcb5": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "8c01cabbf6e8b919c280ef835f5d8c0ca9dd0796": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4f81c424c8df475b8884f61d6613811e48ca0e54": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "b1a7444e8ac980342523cfbbcd159e91f8d93209": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 0, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "1594464613ad722a5f03a58ef10cae9f4d56390c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "7412db298a545e79f6eb50191ced3f478c634d58": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "57d0465a7e27ba8b40a63cbdd85629fedc1e181f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "61b92eb6eaa0d0c03b8a40730eb7ca75149c0c34": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "198d590706198b2adc07410e6bdc622c5a57434d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "074f0146127918d54cd7065a5ab207408f8d3d1f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "7604ecfa4e79bb4c043d03260fa8b5f2e5c4cce7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "6ba51e1327d6b7b39ae9abcccbdc351d10ca95fa": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "08d937a351538e87fac8e8aa9772ef19f941476e": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0 + }, + "0cc3eed872295b324c70fc02eb2b99720c14b389": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "501d8c6496f64ac99f044b646f0d860851b55682": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "4742632dbe7db1c6c102e0176132b9f8e86180f9": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0af3852ff26ebfae82d0ff8fbfc46201d4600630": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "43bbdc156508f478c713b84d6d1ab11fd75073bb": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 0 + }, + "ed1a8c19a26c19aeab93038a9e2b1ce4eba73e1a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "23bb3d854af36b17534ac951855db3722814541f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "603d54466da286f5f61063e4169b303bc4da1f7c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "df07ed8696183f2f7e469f97912ed87f8bee6880": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "6ddec940817395b34eaf97d5151ff19f3dbd4cf4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "20dc599067ac07408b5636973fc6b8a37db9af32": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "e6f261ab0f4315ba891ea44578a4d48f37e4f9f1": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "548938774dc948448b0bb51139bbcae3a3966ab8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "c8537cb9d008214f807f3e4f5c7fa375e122d8e8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "540bc2c449ac72c1f6be37e28adc80582dda6dd1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "61b57304e5e94a87eef135aa5f3b7c9591f650e3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "34acc746540a38929e4a5a9c4f460ac32edcb1d0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "97688dbd37b49053bf9dffdbfb19372503947de7": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 1 + }, + "b5eb56215f80a78814453ac041ec11ab13a44325": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "c1b4a75753d39c64da084b9712f1b7df205e125d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "8b1a41643d7710606510190a73409a6505b75146": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "8387f167ae39f4d03ed35e404ac36f9dd9eec487": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "0f03dd1a582ff365ea1601c27c839f334dff6258": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "d074b9bfdd858b22b3918ceabd266b00568f70be": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "8b9758de473711e3b52dc810b51f9664ac25da50": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + }, + "c1bec5efffe252c2094c351b30934d39abcd0ad8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1 + }, + "654e76edb18be8f51d5fe401d8818963dfab33a2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0 + } +} \ No newline at end of file diff --git a/IRT_dataset/492_32/all_code_outputs.json b/IRT_dataset/492_32/all_code_outputs.json new file mode 100644 index 0000000..e7dbf91 --- /dev/null +++ b/IRT_dataset/492_32/all_code_outputs.json @@ -0,0 +1,8582 @@ +{ + "026039890a9a87b488e8a023da480144c3f6cedf": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "3a567cd9965567230689effa4c473fee2b2cedc4": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "be96949c5841e4e3f31901084ec4dcb0919497a2": { + "0": "He++++++++++\n", + "1": "++++o++o+++++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++\n", + "5": "Hello+++++Hello+++++Hello+++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+++\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++\n" + }, + "7c38e2d38b490bed7a35ad9a1717d7454c735ba4": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0ca49110f61496792c164e53ebb749283bfaeca9": { + "0": "test\n", + "1": "test\n", + "2": "test\n", + "3": "test\n", + "4": "test\n", + "5": "test\n", + "6": "test\n", + "7": "test\n", + "8": "test\n", + "9": "test\n", + "10": "test\n", + "11": "test\n", + "12": "test\n", + "13": "test\n", + "14": "test\n", + "15": "test\n", + "16": "test\n", + "17": "test\n", + "18": "test\n", + "19": "test\n", + "20": "test\n", + "21": "test\n", + "22": "test\n", + "23": "test\n" + }, + "b298397458679c987636d9b92c8186c62df3287a": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c37d868fe8557607c09004a35982077c66183872": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "7d0a2209d2aab756575b95584c915832b996bbc5": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "fcc3bf3b047ce1867f52e07c05e93d0fec5b0b59": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 21, end 26, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 26, end 31, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 8, end 13, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 11, end 16, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 11, end 16, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 31, end 36, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 21, end 26, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 41, end 46, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 36, end 41, length 40 ERROR\n" + }, + "2329af11e6f615500cbdd0ff0b191b620b515427": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "6adc39581762816e76495cd9b50369c46cb8db49": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "905f4f187415898d352d1179854bdffd6400db1a": { + "0": "He\n", + "1": "\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello\n", + "5": "Hello\n", + "6": "\n", + "7": "\n", + "8": "\n", + "9": "\n", + "10": "\n", + "11": "H\n", + "12": "\n", + "13": "Hello\n", + "14": "Hello\n", + "15": "HelloHelloHello\n", + "16": "\n", + "17": "Hello\n", + "18": "\n", + "19": "Hello\n", + "20": "\n", + "21": "Hello\n", + "22": "Hello\n", + "23": "Hello\n" + }, + "b1e6914e7522c2cab1580762eada3f03f66d8476": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c28f1db3b98eccc9bf14bad6af77e537a13c86b0": { + "0": "He\n", + "1": "++++o++o\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello\n", + "5": "Hello+++++Hello+++++Hello\n", + "6": "+++++++orld\n", + "7": "+++++ \n", + "8": "++++++++++d\n", + "9": "++++++++r\n", + "10": "++ll+++++l+l\n", + "11": "H\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello\n", + "15": "HelloHelloHello\n", + "16": "+e\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello\n", + "23": "Hello+++++Hello+++++Hello+++++Hello\n" + }, + "4dd6e09bcba553ae25b60542bbc5e58279c590eb": { + "0": "He++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++\n", + "4": "Hello++++Hello++++\n", + "5": "Hello++++Hello++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello++++\n", + "15": "Hello++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++Hello++++Hello++++Hello++++\n" + }, + "38941932857dd560c7404bcf29fe13398ab20954": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "080a1841ce9ba4d597c9a10188421bb6e1014163": { + "0": "He+++++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello++++++\n", + "3": "HelloHelloHelloHello++++++\n", + "4": "Hello+++++Hello+++++++\n", + "5": "Hello+++++Hello+++++Hello+++++++\n", + "6": "+++++++orld+++++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World++++++\n", + "13": "Hello+++++Hello++++++\n", + "14": "Hello+++++++\n", + "15": "HelloHelloHello++++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello++++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello++++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello++++++\n", + "22": "Hello++++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++++\n" + }, + "9d78df22ba9c59be5a11c5e56ecb75cec1f2a12f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "f0bb5ca829994225a894ad3290801b109fc0d39b": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "67ce8a09c43099bf6a17eb4751a335d1a2ffda21": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "7d2b990c657506470d4583e37d2bef534901fe7b": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "227851bc5283b04a991ed749b8289bdfc76c58d0": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "5d12d2635a6742274b96e3f823dacf454ef52dbc": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "b30f99ddba2ec8d412219bdb0153d837fbda32ed": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "6cb232005bdc59bdbcd394a1771700ca079b04c3": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "ceb142be271f48d8c80d313705d62905a631d6bc": { + "0": "He\n", + "1": "o\n", + "2": "Hello\n", + "3": "Hello\n", + "4": "Hello\n", + "5": "Hello\n", + "6": "orld\n", + "7": " \n", + "8": "d\n", + "9": "r\n", + "10": "l\n", + "11": "H\n", + "12": "World\n", + "13": "Hello\n", + "14": "Hello\n", + "15": "Hello\n", + "16": "e\n", + "17": "Hello\n", + "18": "l\n", + "19": "Hello\n", + "20": "W\n", + "21": "Hello\n", + "22": "Hello\n", + "23": "Hello\n" + }, + "0865a786698e128695cd1ad9810db7faadf79de8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "31fb29d5f1f915799dcdb70e3d6dcbccfbd9cf00": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "3349411a92e575865a47a709ef5c529dac839596": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "ab410810fa94080da5429e04c0ee8af5f90f629f": { + "0": "He++++++++\n", + "1": "++++o++o++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello++++\n", + "5": "Hello+++++Hello+++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++\n", + "9": "++++++++r+\n", + "10": "++ll+++++l+\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello++++\n", + "15": "HelloHelloHello\n", + "16": "+e++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++++\n" + }, + "5e11d7005b9d41dd6c2eb255c30404b4ef6634ca": { + "0": "He++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+\n", + "5": "Hello+++++Hello+++++Hello+\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+\n" + }, + "4aa75259c590ff07fc38712460a6717cd8961b8f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "9530789d388fadbdd89896539b63f0b2b659912f": { + "0": "He++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++\n", + "4": "Hello++++Hello++++\n", + "5": "Hello++++Hello++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello++++\n", + "15": "Hello++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++Hello++++Hello++++Hello++++\n" + }, + "2367cd4bb470bb3c1db271313a4fd8ce4e4502c6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "13d34e810b3a19db4f271dfd39beb624f1ba42e6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "d172f65237a063637c8f4874d8d9b340e81f27d1": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "88bda97a99d3b37ea281bb2db78599a8049c954d": { + "0": "++++++++++\n", + "1": "+++++++++++\n", + "2": "+++++\n", + "3": "++++\n", + "4": "++++++++++++\n", + "5": "++++++++++++++++++\n", + "6": "++++++++\n", + "7": "+++++++++++\n", + "8": "+++++++++++\n", + "9": "+++++++++++\n", + "10": "++++++++++++\n", + "11": "+++++++++++\n", + "12": "+++++++\n", + "13": "+++++++\n", + "14": "++++++\n", + "15": "+++\n", + "16": "+++++++++++\n", + "17": "+++++++++++++++++++\n", + "18": "+++++++++++\n", + "19": "+++++++++++++\n", + "20": "+++++++++++\n", + "21": "+++++++++++++++++++++++++\n", + "22": "+++++++\n", + "23": "++++++++++++++++++++++++\n" + }, + "92f7a6fc68137561085b7ed356271d6d8d9e7e50": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "4e6446c81bc0c6cb85157da9e391701543941972": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "1fc7843c28e117d0283e905d6d21b6246eb8f891": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "He++++++++He++++++++\n", + "5": "++++++++++++++++++++++++++++++\n", + "6": "++++++++r+d\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++W+r+d\n", + "13": "He++++++++He+++\n", + "14": "He++++++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "+++++++++++++++++++++++++++++++++++\n", + "18": "++ll+++++l+\n", + "19": "+++++++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "+++++++++++++++++++++++++++++++++++++++++++++\n", + "22": "He+++++++++\n", + "23": "++++++++++++++++++++++++++++++++++++++++\n" + }, + "680145ae89da836c8b7b8f5dee59ddf3d7eaf2a0": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "5b70750b8d6bdcfe3663edf4d24264af590cdfd1": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHello+++++\n", + "3": "HelloHelloHello+++++\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++++++\n", + "7": "+++++ +++++\n", + "8": "+++++++++++\n", + "9": "++++++++r++\n", + "10": "++ll+++++l++\n", + "11": "H++++++++++\n", + "12": "+++++++++++\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "HelloHello+++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello++++++++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "4f62ba446a69292f82a8645962072d3ec7ed43d8": { + "0": " He+++++++++\n", + "1": " ++++o++o+++\n", + "2": " HelloHelloHelloHelloHello\n", + "3": " HelloHelloHelloHello\n", + "4": " Hello+++++Hello+++++\n", + "5": " Hello+++++Hello+++++Hello+++++\n", + "6": " +++++++orld\n", + "7": " +++++ +++++\n", + "8": " ++++++++++d\n", + "9": " ++++++++r++\n", + "10": " ++ll+++++l+l\n", + "11": " H++++++++++\n", + "12": " ++++++World\n", + "13": " Hello+++++Hello\n", + "14": " Hello+++++\n", + "15": " HelloHelloHello\n", + "16": " +e+++++++++\n", + "17": " Hello+++++Hello+++++Hello+++++Hello\n", + "18": " ++ll+++++l+\n", + "19": " Hello+++++Hello+++++Hello\n", + "20": " ++++++W++++\n", + "21": " Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": " Hello++++++\n", + "23": " Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "5bbfd97793c102444c56948416c1811cddb35195": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "ebd46f97be264b460ea9bfb853586896e5ff8872": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e6e467c4ded522f38d868e83eb7c1a0ad3bab8b3": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "f376cb17efd86bfafa841e40da533de5a43affd7": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "147705b49f64c180ebd19cf0dfff4937b09531d5": { + "0": "He++++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello+++++++++\n", + "3": "Hello++++Hello++++Hello+++++++++\n", + "4": "Hello+++++++++Hello+++++++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "6": "+++++++++++\n", + "7": "+++++ +++++\n", + "8": "+++++++++++\n", + "9": "++++++++r++\n", + "10": "++ll+++++l++\n", + "11": "H++++++++++\n", + "12": "+++++++++++\n", + "13": "Hello++++++++++++++\n", + "14": "Hello+++++++++\n", + "15": "Hello++++Hello+++++++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello++++++++++++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello++++++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++++++++++++\n", + "22": "Hello++++++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n" + }, + "0745e670c9437c03200a3e652fd7a5a0bf1399ee": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "837b6da3e7dd3371e9f2bae5099a6b33d21b7af2": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "b73e2bf23c322625673a147b256ca12af2fa3a53": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0d589bcc2f507bf6dff25a0ea02b4007ebec1da9": { + "0": "He++++++++\n", + "1": "++++o++o++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello++++\n", + "5": "Hello+++++Hello+++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++\n", + "9": "++++++++r+\n", + "10": "++ll+++++l+\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello++++\n", + "15": "HelloHelloHello\n", + "16": "+e++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++++\n" + }, + "9c0484f1b62107a91a78223662ee6f7ef41f8473": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 10, end 12, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 4, end 1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 7, end 4, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 5, end 1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 10, end 1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 8, end 1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 11, end 12, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 11, end 12, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 6, end 1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 10, end 5, length 40 ERROR\n" + }, + "7842e1daa2e925dd865fe8cc1e2126b92e59d1d8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "22e40cb1e558fa0b5b65b8811619e2a95e51b811": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 22, end 26, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 17, end 21, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 17, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 27, end 31, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 9, end 13, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 12, end 16, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 7, end 11, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 12, end 16, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 32, end 36, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 22, end 26, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 42, end 46, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 37, end 41, length 40 ERROR\n" + }, + "b0b40e7594db7a5735f6e018dc175e108ec87432": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "305c956c04bd5be3c18be0419b95995a047357a4": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "31e0b5eaa35d80502c699f6e1079b21a8616e9e2": { + "0": "+He+++++++++\n", + "1": "++++o++++++\n", + "2": "+Hello++++++++++++++++++++\n", + "3": "+Hello+++++++++++++++\n", + "4": "+Hello+++++++++++++++\n", + "5": "+Hello+++++++++++++++++++++++++\n", + "6": "+++++++orld+\n", + "7": "+++++ +++++\n", + "8": "++++++++++d+\n", + "9": "++++++++r++\n", + "10": "++l+++++++++\n", + "11": "+H++++++++++\n", + "12": "++++++World+\n", + "13": "+Hello++++++++++\n", + "14": "+Hello+++++\n", + "15": "+Hello++++++++++\n", + "16": "+e+++++++++\n", + "17": "+Hello++++++++++++++++++++++++++++++\n", + "18": "++l++++++++\n", + "19": "+Hello++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "+Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "+Hello++++++\n", + "23": "+Hello+++++++++++++++++++++++++++++++++++\n" + }, + "3699d0cc149bd2a9c0f51a1ad1db7f1ded24d7ae": { + "0": "He++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+\n", + "5": "Hello+++++Hello+++++Hello+\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+\n" + }, + "9a77189f6f32b2c31aa2f7f77b40eaae986f31a3": { + "0": "He+++++++++\n", + "1": "++++o++o++++\n", + "2": "HelloHelloHelloHelloHello+\n", + "3": "HelloHelloHelloHello+\n", + "4": "Hello+++++Hello++\n", + "5": "Hello+++++Hello+++++Hello++\n", + "6": "+++++++orld+\n", + "7": "+++++ ++++++\n", + "8": "++++++++++d+\n", + "9": "++++++++r+++\n", + "10": "++ll+++++l+l+\n", + "11": "H+++++++++++\n", + "12": "++++++World+\n", + "13": "Hello+++++Hello+\n", + "14": "Hello++\n", + "15": "HelloHelloHello+\n", + "16": "+e++++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello+\n", + "18": "++ll+++++l++\n", + "19": "Hello+++++Hello+++++Hello+\n", + "20": "++++++W+++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello+\n", + "22": "Hello+++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++\n" + }, + "9c3b966dba97301c7aef3daf87cb226e1051df0a": { + "0": "He++++++++\n", + "1": "++++o++o++\n", + "2": "HelloHelloHelloHello\n", + "3": "HelloHelloHello\n", + "4": "Hello+++++Hello++++\n", + "5": "Hello+++++Hello+++++Hello++++\n", + "6": "+++++++\n", + "7": "+++++ ++++\n", + "8": "++++++++++\n", + "9": "++++++++r+\n", + "10": "++ll+++++l+\n", + "11": "H+++++++++\n", + "12": "++++++\n", + "13": "Hello+++++\n", + "14": "Hello++++\n", + "15": "HelloHello\n", + "16": "+e++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++\n", + "18": "++ll+++++l\n", + "19": "Hello+++++Hello+++++\n", + "20": "++++++W+++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++\n", + "22": "Hello+++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++++\n" + }, + "e981d2d52cee654b04d00050c8fdb8a0e502b24c": { + "0": "He+++++++\n", + "1": "++++o+o+\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello+++\n", + "4": "Hello++++Hello+++\n", + "5": "Hello++++Hello++++Hello+++\n", + "6": "+++++++orld\n", + "7": "+++++ +++\n", + "8": "++++++++++\n", + "9": "++++++++r\n", + "10": "++l+++++l\n", + "11": "H++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello+++\n", + "15": "Hello++++Hello\n", + "16": "+e+++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello++++\n", + "23": "Hello++++Hello++++Hello++++Hello+++\n" + }, + "25dc1b218b079a0a049f5aa57649152f33a5fca4": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "718bdc3103ad61dd9c9bf14f8c60d2f3ff7cd009": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "422c99696d1a199fc290e9b3ebf127f5b18272ed": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+o+l+Hello+o+l+\n", + "5": "Hello+o+l+Hello+o+l+Hello+o+l+\n", + "6": "++llo++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++llo+World\n", + "13": "Hello+o+l+Hello\n", + "14": "Hello+o+l+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+o+l+Hello+o+l+Hello+o+l+Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+o+l+Hello+o+l+Hello\n", + "20": "++++++W++++\n", + "21": "Hello+o+l+Hello+o+l+Hello+o+l+Hello+o+l+Hello\n", + "22": "Hello++o+l+\n", + "23": "Hello+o+l+Hello+o+l+Hello+o+l+Hello+o+l+\n" + }, + "dfbfbeee3293898f7b805559bf26cf3c0894c68f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "25f79e68ada62e87c9e9d897d22af8ed632e9632": { + "0": "He+++++++++\n", + "1": "++++o++++++\n", + "2": "Hello++++++++++++++++++++\n", + "3": "Hello+++++++++++++++\n", + "4": "Hello+++++++++++++++\n", + "5": "Hello+++++++++++++++++++++++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l+++++++++\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "Hello++++++++++\n", + "16": "+e+++++++++\n", + "17": "Hello++++++++++++++++++++++++++++++\n", + "18": "++l++++++++\n", + "19": "Hello++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++++++++++++++++++++++++++++\n" + }, + "e40b8d20cbb94131dee3a39f001f1350ccb43136": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "5ba74352af46c5434bab1ead1e85dafdb54062f3": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "88f50d2e56c8aa9c9b0e6b753df021578247666d": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0ece09510d1459c2889fefa42298972f1a5b298e": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 3, end 2, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 5, end 4, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 40 ERROR\n" + }, + "293f84d85c7a0147d1a2d9c70fb083177060c8cb": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "2152254046751657a9f09d636e6bc44966453984": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c2ccd8be46a00094b627580885365dbb6bf0b08e": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "e722b882c20170a972edf85cf0c343c6a27ba1bf": { + "0": "+++++++++++He\n", + "1": "+++++++++++o\n", + "2": "+++++++++++++++++++++++++Hello\n", + "3": "++++++++++++++++++++Hello\n", + "4": "++++++++++++++++++++Hello\n", + "5": "++++++++++++++++++++++++++++++Hello\n", + "6": "+++++++++++orld\n", + "7": "+++++++++++ \n", + "8": "+++++++++++d\n", + "9": "+++++++++++r\n", + "10": "++++++++++++l\n", + "11": "+++++++++++H\n", + "12": "+++++++++++World\n", + "13": "+++++++++++++++Hello\n", + "14": "++++++++++Hello\n", + "15": "+++++++++++++++Hello\n", + "16": "+++++++++++e\n", + "17": "+++++++++++++++++++++++++++++++++++Hello\n", + "18": "+++++++++++l\n", + "19": "+++++++++++++++++++++++++Hello\n", + "20": "+++++++++++W\n", + "21": "+++++++++++++++++++++++++++++++++++++++++++++Hello\n", + "22": "+++++++++++Hello\n", + "23": "++++++++++++++++++++++++++++++++++++++++Hello\n" + }, + "1faa331bc1d9a76614ebbc39d3150287c019ea76": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "41a616b57deb275ffb22d24de1e4c635bdcb9a8d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "32dbfb30fe08680163f01e1d05511771cccb2be8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "56a31cc0a92ee97b331d0cc7c9b8f73d53c4c3cc": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "d007f6ac7bc55097fa524d334f0a1caede0e7314": { + "0": "+rld\n", + "1": "+ld\n", + "2": "+oHello\n", + "3": "+oHello\n", + "4": "+oWorld\n", + "5": "+oWorld\n", + "6": "+World\n", + "7": "+ld\n", + "8": "+ld\n", + "9": "+ld\n", + "10": "+dl\n", + "11": "+ld\n", + "12": "+ World\n", + "13": "+dHello\n", + "14": "+oWorld\n", + "15": "+oHello\n", + "16": "+ld\n", + "17": "+dHello\n", + "18": "+ld\n", + "19": "+dHello\n", + "20": "+ld\n", + "21": "+dHello\n", + "22": "+ World\n", + "23": "+oWorld\n" + }, + "9755cdae5e8c3cb48b7ff376e3796fbcaba727af": { + "0": "He++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+\n", + "5": "Hello+++++Hello+++++Hello+\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+\n" + }, + "bc4c61e9bb0a939e5ed88959cf1aa063107720a6": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "5415c45556b1ace78ab0043341164b0117a7bffa": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "ea50be8e0657522d1a456e6f620fd5386cc3bcf6": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c8106a0be10a80a0e348300975c3d3ba216fafcc": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "eddd6c4f54dc5c9570a271d752b54d6b0c9ec780": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "7b92e54b085426ff6fa00202be44716e86a8a206": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "bb0a97ba028c9dc3b5c3ed9bd9b28c8d0a2c8032": { + "0": "He+++++++++\n", + "1": "o+++\n", + "2": "Hello\n", + "3": "Hello\n", + "4": "Hello+++++\n", + "5": "Hello+++++\n", + "6": "orld\n", + "7": " +++++\n", + "8": "d\n", + "9": "r++\n", + "10": "l\n", + "11": "H++++++++++\n", + "12": "World\n", + "13": "Hello\n", + "14": "Hello+++++\n", + "15": "Hello\n", + "16": "e+++++++++\n", + "17": "Hello\n", + "18": "l+\n", + "19": "Hello\n", + "20": "W++++\n", + "21": "Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++\n" + }, + "108f42c2356ec285dea8146e6232f0ff26c42133": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "ee9c52092e5391acde22ebdc3892bf5b9d90de87": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "2b8eca1a03371ee4fc33e35002620d7d20b8e901": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "c34a551084df900a4ccd817fa707bad0ab882d88": { + "0": "\n", + "1": "\n", + "2": "\n", + "3": "\n", + "4": "\n", + "5": "\n", + "6": "\n", + "7": "\n", + "8": "\n", + "9": "\n", + "10": "\n", + "11": "\n", + "12": "\n", + "13": "\n", + "14": "\n", + "15": "\n", + "16": "\n", + "17": "\n", + "18": "\n", + "19": "\n", + "20": "\n", + "21": "\n", + "22": "\n", + "23": "\n" + }, + "6993e69a24eee0ca3b11997f93acf7e293f09db3": { + "0": "T\n", + "1": "T\n", + "2": "T\n", + "3": "T\n", + "4": "T\n", + "5": "T\n", + "6": "T\n", + "7": "T\n", + "8": "T\n", + "9": "T\n", + "10": "T\n", + "11": "T\n", + "12": "T\n", + "13": "T\n", + "14": "T\n", + "15": "T\n", + "16": "T\n", + "17": "T\n", + "18": "T\n", + "19": "T\n", + "20": "T\n", + "21": "T\n", + "22": "T\n", + "23": "T\n" + }, + "fedff4952ddc72d75d7f9206ca62293526c255c6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "e249ed87ffcb5811f90c53652d5a9537e80c39a8": { + "0": "+\n", + "1": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 11, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 11, end 5, length 30 ERROR\n", + "6": "\n", + "7": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "12": "+\n", + "13": "+\n", + "14": "+\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 11, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 11, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 11, end 5, length 45 ERROR\n", + "22": "+\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 11, end 5, length 40 ERROR\n" + }, + "25fe304efc312f5fe6685e0b68de54e3fdf3b943": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "3e5475f37975ca89cfb00e04443a24398b2d6519": { + "0": "He++++++++++++\n", + "1": "++++o+++++++o++++++++++++\n", + "2": "Hello+++++Hello++++++++++Hello+++++++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++++++++\n", + "3": "Hello+++++Hello++++++++++Hello+++++++++++++++Hello+++++++++++++++++++++\n", + "4": "Hello++++++++++Hello+++++++++++++++++++++\n", + "5": "Hello++++++++++Hello++++++++++++++++++++Hello+++++++++++++++++++++++++++++++\n", + "6": "+++++++orld++++++++++++\n", + "7": "+++++ ++++++++++++\n", + "8": "++++++++++d++++++++++++\n", + "9": "++++++++r++++++++++++\n", + "10": "++l+++l+++++++++l+++++++++++l+++++++++++++\n", + "11": "H++++++++++++\n", + "12": "++++++World++++++++++++\n", + "13": "Hello++++++++++Hello++++++++++++++++\n", + "14": "Hello+++++++++++\n", + "15": "Hello+++++Hello++++++++++Hello++++++++++++++++\n", + "16": "+e++++++++++++\n", + "17": "Hello++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++++++++++++Hello++++++++++++++++++++++++++++++++++++\n", + "18": "++l+++l+++++++++l++++++++++++\n", + "19": "Hello++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++++++++\n", + "20": "++++++W++++++++++++\n", + "21": "Hello++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++++++++++++Hello++++++++++++++++++++++++++++++++++++++++Hello++++++++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++++++++\n", + "23": "Hello++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++++++++++++Hello+++++++++++++++++++++++++++++++++++++++++\n" + }, + "4450d9d9cd37583d17e9f723b37636841442d981": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "9dc124bbf3575db093b9644de2bcd9fc9c52900b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "09527b371d2678d52222749c19a9231c84aebeda": { + "0": "He+++++++++++\n", + "1": "o++++++++++++\n", + "2": "Hello++++++++++++++++++++++\n", + "3": "Hello+++++++++++++++++\n", + "4": "Hello+++++++++++++++++\n", + "5": "Hello+++++++++++++++++++++++++++\n", + "6": "orld+++++++++\n", + "7": " ++++++++++++\n", + "8": "d++++++++++++\n", + "9": "r++++++++++++\n", + "10": "l+++++++++++++\n", + "11": "H++++++++++++\n", + "12": "World++++++++\n", + "13": "Hello++++++++++++\n", + "14": "Hello+++++++\n", + "15": "Hello++++++++++++\n", + "16": "e++++++++++++\n", + "17": "Hello++++++++++++++++++++++++++++++++\n", + "18": "l++++++++++++\n", + "19": "Hello++++++++++++++++++++++\n", + "20": "W++++++++++++\n", + "21": "Hello++++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++++\n", + "23": "Hello+++++++++++++++++++++++++++++++++++++\n" + }, + "9c8a5da04bd0f0af7921da5102ca9e0d997b93bf": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "85a16b0d053055e5bf3e9f07b8436dd81deb2b8b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "6a94cf6a4e1e5eeb06e3bd563533c127af7aaf7c": { + "0": "He\n", + "1": "+\n", + "2": "Hello\n", + "3": "Hello\n", + "4": "Hello\n", + "5": "Hello\n", + "6": "+\n", + "7": "+\n", + "8": "+\n", + "9": "+\n", + "10": "+\n", + "11": "H\n", + "12": "+\n", + "13": "Hello\n", + "14": "Hello\n", + "15": "Hello\n", + "16": "+\n", + "17": "Hello\n", + "18": "+\n", + "19": "Hello\n", + "20": "+\n", + "21": "Hello\n", + "22": "Hello\n", + "23": "Hello\n" + }, + "a37b470dc208e67d19cf150332464d163f3d4a57": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 3, end 2, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 5, end 4, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 40 ERROR\n" + }, + "c5965c538f04ac2a1699a644c980f7b2bf784313": { + "0": "java.lang.StringIndexOutOfBoundsException: String index out of range: 2 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: String index out of range: 4 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n" + }, + "e147cdeabbfa3edde3d29cde0090f0a9b6bd0ea7": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 10, end 12, length 11 ERROR\n", + "1": "++++o++o++\n", + "2": "Hello+++++Hello+++++Hello\n", + "3": "Hello+++++Hello++++\n", + "4": "Hello+++++Hello++++\n", + "5": "Hello+++++Hello+++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l++++++l+l\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello++++\n", + "15": "Hello+++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++l++++++l\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++++\n" + }, + "7c7516d4be299b7936c855752181ac3cabf3275e": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "00ff2b16e307c09711af47879c4fe72ef92f774a": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "acab6c9568e16d0d2cfb6f4b7a30ea4b6de253a7": { + "0": "He++++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "3": "Hello++++Hello++++Hello++++Hello++++\n", + "4": "Hello+++++++++Hello+++++++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "6": "+++++++orld+++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World++++\n", + "13": "Hello+++++++++Hello++++\n", + "14": "Hello+++++++++\n", + "15": "Hello++++Hello++++Hello++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "22": "Hello++++++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n" + }, + "c1869fd49f6f81c56e978c29e30c29badfc47519": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 10, end 12, length 11 ERROR\n", + "1": "++++++++o++++o++++++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello++++++Hello++++++\n", + "5": "Hello++++++Hello++++++Hello++++++\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "7": "++++++++++ ++++++++++\n", + "8": "++++++++++++++++++++d\n", + "9": "++++++++++++++++r++++\n", + "10": "++++ll++++++++++l++l\n", + "11": "H++++++++++++++++++++\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 10, end 15, length 11 ERROR\n", + "13": "Hello++++++Hello\n", + "14": "Hello++++++\n", + "15": "HelloHelloHello\n", + "16": "++e++++++++++++++++++\n", + "17": "Hello++++++Hello++++++Hello++++++Hello\n", + "18": "++++ll++++++++++l++\n", + "19": "Hello++++++Hello++++++Hello\n", + "20": "++++++++++++W++++++++\n", + "21": "Hello++++++Hello++++++Hello++++++Hello++++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 10, end 15, length 11 ERROR\n", + "23": "Hello++++++Hello++++++Hello++++++Hello++++++\n" + }, + "16fce7850d879f4687eee74b6cf7f2c4b9b9a43b": { + "0": "He+++++++\n", + "1": "++++o+o+\n", + "2": "Hello++++Hello++++Hello\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 26, end 31, length 30 ERROR\n", + "6": "+++++++orld\n", + "7": "+++++ +++\n", + "8": "++++++++++\n", + "9": "++++++++r\n", + "10": "++l+++++l\n", + "11": "H++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "Hello++++Hello\n", + "16": "+e+++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 36, end 41, length 40 ERROR\n" + }, + "343c783c365b4eba712ceb768965c2295738b11e": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "4776fe68561c78fe3971f2e10c565b26274a6b18": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "acfc85a16f0be539c15268db114023cf4b58deb1": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "5a3dba61ce19ca764b4c0fe85814842395a5ce01": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "d343c2a82853ebc27e6313fb80505e809c22ea4d": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "dcabb277da3643fe5217ccfa58fd0db22015021e": { + "0": "java.lang.StringIndexOutOfBoundsException: String index out of range: 2 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: String index out of range: 4 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n" + }, + "450563f480c1cfac29da9e3f663c63866c69d643": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "373125eb1a1fbe6db947eea4e2c6ac9f926e1290": { + "0": "++++++++++\n", + "1": "+++++++++++\n", + "2": "+++++++++++++++++++++\n", + "3": "++++++++++++++++\n", + "4": "++++++++++++++++\n", + "5": "++++++++++++++++++++++++++\n", + "6": "++++++++\n", + "7": "+++++++++++\n", + "8": "+++++++++++\n", + "9": "+++++++++++\n", + "10": "++++++++++++\n", + "11": "+++++++++++\n", + "12": "+++++++\n", + "13": "+++++++++++\n", + "14": "++++++\n", + "15": "+++++++++++\n", + "16": "+++++++++++\n", + "17": "+++++++++++++++++++++++++++++++\n", + "18": "+++++++++++\n", + "19": "+++++++++++++++++++++\n", + "20": "+++++++++++\n", + "21": "+++++++++++++++++++++++++++++++++++++++++\n", + "22": "+++++++\n", + "23": "++++++++++++++++++++++++++++++++++++\n" + }, + "b1af05ca971dc68055fda3d6389ce35815c2aafd": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "4ae25ed5f084dee0e844c5cbe28955fe40650748": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "cc4d36c135bdc822cb6aebd03dfde98d31721f8d": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "3523df4269c92a6bf89b8a1350e4a67f4366c4ae": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "e6a882b8a6277a17f5f4d63b4484c07c05caa759": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0cdd25e5df102f70aacc58cc4e54fc4ec12fa4ea": { + "0": "a\n", + "1": "a\n", + "2": "a\n", + "3": "a\n", + "4": "a\n", + "5": "a\n", + "6": "a\n", + "7": "a\n", + "8": "a\n", + "9": "a\n", + "10": "a\n", + "11": "a\n", + "12": "a\n", + "13": "a\n", + "14": "a\n", + "15": "a\n", + "16": "a\n", + "17": "a\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 ERROR\n", + "19": "a\n", + "20": "a\n", + "21": "a\n", + "22": "a\n", + "23": "a\n" + }, + "1550a9f80be2630a081c25aa998cc3cbdbb5dc00": { + "0": "He++++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "3": "Hello++++Hello++++Hello++++Hello++++\n", + "4": "Hello+++++++++Hello+++++++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "6": "+++++++orld+++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World++++\n", + "13": "Hello+++++++++Hello++++\n", + "14": "Hello+++++++++\n", + "15": "Hello++++Hello++++Hello++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "22": "Hello++++++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n" + }, + "ea8865a98083dd9c0d43761f8f7f128f309b9e14": { + "0": "He++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++\n", + "4": "Hello++++Hello++++\n", + "5": "Hello++++Hello++++Hello++++\n", + "6": "++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello++++\n", + "15": "Hello++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++Hello++++Hello++++Hello++++\n" + }, + "1f81ba3161159a29b82a4ecbfb520f35b6916e3a": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "fdb44777b79dc812c3da61d2c6f7cedcac0fc116": { + "0": "He++++\n", + "1": "++o+++\n", + "2": "Hello++Hello++Hello\n", + "3": "Hello++Hello++\n", + "4": "Hello++Hello++\n", + "5": "Hello++Hello++Hello++\n", + "6": "++++++\n", + "7": "++++++\n", + "8": "+++++d\n", + "9": "++++r+\n", + "10": "+l++++\n", + "11": "H+++++\n", + "12": "+++World\n", + "13": "Hello++Hello\n", + "14": "Hello++\n", + "15": "Hello++Hello\n", + "16": "++++++\n", + "17": "Hello++Hello++Hello++Hello\n", + "18": "+l++++\n", + "19": "Hello++Hello++Hello\n", + "20": "+++W++\n", + "21": "Hello++Hello++Hello++Hello++Hello\n", + "22": "Hello+++\n", + "23": "Hello++Hello++Hello++Hello++\n" + }, + "e44969c3033272d7140e1ed5ca7363311b13d823": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "f79b42456a0e667fd5701df12ca92dad2cf7d63e": { + "0": "+He+++++++++\n", + "1": "+++++++++++\n", + "2": "++++Hello++++++++++++++++++++\n", + "3": "++++Hello+++++++++++++++\n", + "4": "++++Hello+++++++++++++++\n", + "5": "++++Hello+++++++++++++++++++++++++\n", + "6": "+++++++++++\n", + "7": "+++++++++++\n", + "8": "+++++++++++\n", + "9": "+++++++++++\n", + "10": "++++++++++++\n", + "11": "H++++++++++\n", + "12": "+++++++++++\n", + "13": "++++Hello++++++++++\n", + "14": "++++Hello+++++\n", + "15": "++++Hello++++++++++\n", + "16": "+++++++++++\n", + "17": "++++Hello++++++++++++++++++++++++++++++\n", + "18": "+++++++++++\n", + "19": "++++Hello++++++++++++++++++++\n", + "20": "+++++++++++\n", + "21": "++++Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "++++Hello++++++\n", + "23": "++++Hello+++++++++++++++++++++++++++++++++++\n" + }, + "3fc85bb7f530b55eb1c11ae286cfecfeea824856": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "87889d8c43db05c6e920b8e6ebf3ce9b9ca80cd7": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c533014baffc3fc9c06df0acac672c00af237532": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "617818e8fe647102adec5cb03d5efd72f38567c9": { + "0": "l\n", + "1": "l Wr\n", + "2": "HoHoHoHo\n", + "3": "HoHoHo\n", + "4": "WdW\n", + "5": "WdWdW\n", + "6": "W\n", + "7": "oW\n", + "8": "l\n", + "9": "ol\n", + "10": "ellordd\n", + "11": "e\n", + "12": " \n", + "13": "Wd\n", + "14": "W\n", + "15": "HoHo\n", + "16": "Hl\n", + "17": "WdWdWd\n", + "18": "ellord\n", + "19": "WdWd\n", + "20": " o\n", + "21": "WdWdWdWd\n", + "22": " \n", + "23": "WdWdWdW\n" + }, + "a3d8e37ce75e9cdaa47621702bb9033778e07c2c": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "1b6dcdeb9ac606ab980db8888d1338fbf23efd75": { + "0": "He+++++++++\n", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "H++++++++++\n", + "12": "", + "13": "", + "14": "Hello+++++\n", + "15": "", + "16": "e+++++++++\n", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "Hello++++++\n", + "23": "" + }, + "0a0354cb0dde44c41ee40dc2a660b26f8794a1a2": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "7f732dde3b934b3fbd4a13d87390e4a584e508eb": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "6880e8f3c66ee542d28a6dd0d4caed2a499fd33d": { + "0": "word\n", + "1": "word\n", + "2": "word\n", + "3": "word\n", + "4": "word\n", + "5": "word\n", + "6": "word\n", + "7": "word\n", + "8": "word\n", + "9": "word\n", + "10": "word\n", + "11": "word\n", + "12": "word\n", + "13": "word\n", + "14": "word\n", + "15": "word\n", + "16": "word\n", + "17": "word\n", + "18": "word\n", + "19": "word\n", + "20": "word\n", + "21": "word\n", + "22": "word\n", + "23": "word\n" + }, + "4d6efbd0a2c6fad0d2b97fd90632ecc1d54a6de3": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "04967832d28d8deb15dd16f7a47e5ea5774a6c68": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "74c5c2b59ebdb13a800b0ed81ac9b9c1d3f8d056": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHello+++++\n", + "3": "HelloHelloHello+++++\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++++++\n", + "7": "+++++ +++++\n", + "8": "+++++++++++\n", + "9": "++++++++r++\n", + "10": "++ll+++++l++\n", + "11": "H++++++++++\n", + "12": "+++++++++++\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "HelloHello+++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello++++++++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "93c59b120145dda0e61a97b8c7cec10f4200e726": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "59c0390431787d7669fbbe67a950b8d00c696666": { + "0": "He+++++++++\n", + "1": "++++o++\n", + "2": "HelloHelloHello\n", + "3": "HelloHelloHello\n", + "4": "Hello+++++Hello\n", + "5": "Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ \n", + "8": "++++++++++d\n", + "9": "++++++++r\n", + "10": "++l++++l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHello\n", + "16": "+e++++++++\n", + "17": "Hello+++++Hello+++++Hello\n", + "18": "++l++++l\n", + "19": "Hello+++++Hello\n", + "20": "++++++W\n", + "21": "Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello\n" + }, + "20582207c9163c757888530f8ac966faea243af3": { + "0": "He++++++++He++++++++He++++++++He++++++++\n", + "1": "++++o++o++++++o++o++++++o++o++++++o++o++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "3": "Hello++++Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "4": "Hello+++++++++Hello++++Hello+++++++++Hello++++\n", + "5": "Hello+++++++++Hello+++++++++Hello++++Hello+++++++++Hello+++++++++Hello++++\n", + "6": "+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "7": "+++++ +++++++++ +++++++++ +++++++++ +++++++++ +++++++++ ++++\n", + "8": "++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "9": "++++++++r+++++++++r+++++++++r+++++++++r+++++++++r+++++++++r+\n", + "10": "++ll+++++l+++ll+++++l+++ll+++++l+\n", + "11": "H+++++++++H+++++++++H+++++++++H+++++++++H+++++++++H+++++++++\n", + "12": "++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "13": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "14": "Hello++++Hello++++\n", + "15": "Hello++++Hello++++Hello++++Hello++++\n", + "16": "+e+++++++++e+++++++++e+++++++++e+++++++++e+++++++++e++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n", + "18": "++ll+++++l++ll+++++l++ll+++++l\n", + "19": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n", + "20": "++++++W+++++++++W+++++++++W+++++++++W+++++++++W+++++++++W+++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n", + "22": "Hello+++++Hello+++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n" + }, + "d7b233d7d8118ea333b285f4d482dbf4f57df9f6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "b5012005b74ebd0621928f6c0342dccbf0a2bb60": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c92cc634f4017808696903492d4f237e6d882ece": { + "0": "Hel+++++++d\n", + "1": "++++o +or+d\n", + "2": "HelloH++++HelloH++++Hello\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 26, end 31, length 30 ERROR\n", + "6": "+++++++orld\n", + "7": "+++++ W+++d\n", + "8": "++++++++++d\n", + "9": "++++++++rld\n", + "10": "++ll+++++ldl\n", + "11": "He++++++++d\n", + "12": "++++++World\n", + "13": "HelloW++++Hello\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "HelloH++++Hello\n", + "16": "+el+++++++d\n", + "17": "HelloW++++HelloW++++HelloW++++Hello\n", + "18": "++ll+++++ld\n", + "19": "HelloW++++HelloW++++Hello\n", + "20": "++++++Wo++d\n", + "21": "HelloW++++HelloW++++HelloW++++HelloW++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 36, end 41, length 40 ERROR\n" + }, + "4566c3681ab6bc0af9c1bbfd3cf2564110635f3f": { + "0": "HeHeHeHeHeHeHeHeHeHe\n", + "1": "ooooooooooo\n", + "2": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "4": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "5": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "6": "orldorldorldorldorldorldorldorldorldorldorld\n", + "7": " \n", + "8": "ddddddddddd\n", + "9": "rrrrrrrrrrr\n", + "10": "llllllllllll\n", + "11": "HHHHHHHHHH\n", + "12": "WorldWorldWorldWorldWorldWorldWorldWorldWorldWorldWorld\n", + "13": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "14": "HelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "15": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "16": "eeeeeeeeee\n", + "17": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "18": "lllllllllll\n", + "19": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "20": "WWWWWWWWWWW\n", + "21": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "22": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n", + "23": "HelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHelloHello\n" + }, + "805f58cdb71b45124c964fba5fa84bf6c0b2c184": { + "0": "He++++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "3": "Hello++++Hello++++Hello++++Hello++++\n", + "4": "Hello+++++++++Hello+++++++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "6": "+++++++orld+++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World++++\n", + "13": "Hello+++++++++Hello++++\n", + "14": "Hello+++++++++\n", + "15": "Hello++++Hello++++Hello++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "22": "Hello++++++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n" + }, + "956a089c3cd20ef8db20c737337edc1ab1e08d31": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "9b102768619af63d6f97f05faecadfeede934f83": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "352a1e0914f09ece699874d022f24aba4d486410": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0fea0224e4088c599ca8e3ef996832f1e9e6fb7c": { + "0": "He++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+Hello+\n", + "5": "Hello+Hello+Hello+\n", + "6": "++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++\n", + "13": "Hello+Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+Hello+Hello+Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+Hello+Hello\n", + "20": "++++++W++++\n", + "21": "Hello+Hello+Hello+Hello+Hello\n", + "22": "Hello+\n", + "23": "Hello+Hello+Hello+Hello+\n" + }, + "d208dbeee4a31e58f61aac1c6b27761f7382d378": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "06e2a038b0cd2de4a974a806d131bc0f12736fbe": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "bbd641e063bd12d28d0132efd13fe6340760c728": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "27a93cc54a89f35bdb1adff140ceaccfb6b8498f": { + "0": "He++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+\n", + "5": "Hello+++++Hello+++++Hello+\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+\n" + }, + "ecf8cc65135aada9da417f77d6fdf0bc60e9b472": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "413998aeefa0eeae2843d0417622252ece0f0014": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 1, end 0, length 40 ERROR\n" + }, + "57d011134f13bd6dbd9f4af066f0343867c0a734": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "cb527a85b13e23a62d99d510678e1b08378f888d": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "bb4b27aafa3bcd17b2247ada49b95fcd4be4a0f9": { + "0": "He++++++++\n", + "1": "++++o++o++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 26, end 31, length 30 ERROR\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++\n", + "9": "++++++++r+\n", + "10": "++ll+++++l+\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "HelloHelloHello\n", + "16": "+e++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 36, end 41, length 40 ERROR\n" + }, + "6df8513b9747b0558a47249979c01ad15f3de2dc": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+o+l+Hello+o+l+\n", + "5": "Hello+o+l+Hello+o+l+Hello+o+l+\n", + "6": "++llo++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++llo+World\n", + "13": "Hello+o+l+Hello\n", + "14": "Hello+o+l+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+o+l+Hello+o+l+Hello+o+l+Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+o+l+Hello+o+l+Hello\n", + "20": "++++++W++++\n", + "21": "Hello+o+l+Hello+o+l+Hello+o+l+Hello+o+l+Hello\n", + "22": "Hello++o+l+\n", + "23": "Hello+o+l+Hello+o+l+Hello+o+l+Hello+o+l+\n" + }, + "8144e935551e4ee3db01c40c9e70569846b69d2e": { + "0": "+++++++++++\n", + "1": "++++o++o+++\n", + "2": "+++++++++++++++++++++++++\n", + "3": "++++++++++++++++++++\n", + "4": "++++++++++++++++++++\n", + "5": "++++++++++++++++++++++++++++++\n", + "6": "+++++++++++\n", + "7": "+++++ +++++\n", + "8": "+++++++++++\n", + "9": "++++++++r++\n", + "10": "++ll+++++l++\n", + "11": "+++++++++++\n", + "12": "+++++++++++\n", + "13": "+++++++++++++++\n", + "14": "++++++++++\n", + "15": "+++++++++++++++\n", + "16": "+e+++++++++\n", + "17": "+++++++++++++++++++++++++++++++++++\n", + "18": "++ll+++++l+\n", + "19": "+++++++++++++++++++++++++\n", + "20": "+++++++++++\n", + "21": "+++++++++++++++++++++++++++++++++++++++++++++\n", + "22": "+++++++++++\n", + "23": "++++++++++++++++++++++++++++++++++++++++\n" + }, + "62fe2b50e7676327259fc8a703ce1ed3c696c38d": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "43dc4dc8d787c560356b9992075f1c750f66da58": { + "0": "He+++\n", + "1": "++o++\n", + "2": "Hello++Hello++\n", + "3": "Hello++Hello\n", + "4": "Hello++Hello\n", + "5": "Hello++Hello++Hello\n", + "6": "++++\n", + "7": "+++++\n", + "8": "+++++\n", + "9": "++++r\n", + "10": "+l++++\n", + "11": "H++++\n", + "12": "+++\n", + "13": "Hello++\n", + "14": "Hello\n", + "15": "Hello++\n", + "16": "+++++\n", + "17": "Hello++Hello++Hello++\n", + "18": "+l+++\n", + "19": "Hello++Hello++\n", + "20": "+++W+\n", + "21": "Hello++Hello++Hello++Hello++\n", + "22": "Hello\n", + "23": "Hello++Hello++Hello++Hello\n" + }, + "fa731d60ba07a7d260e797165726286fd31de122": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "f2070afac55d2c28b0096d53a2b633b88a8e50ac": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "27a4d9267e4c496154afe2e22e241026243a4462": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "a5a248831ad9e5aaf95f8ac46bbba40ed6158ede": { + "0": "java.lang.StringIndexOutOfBoundsException: String index out of range: 2 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: String index out of range: 4 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n" + }, + "a108d5462aeee37969674f62f8a63ab288a154b6": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e86812fed5f486032a2c173789c11c0032921cd0": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0d09d424bfa0904289a0cbcf8e646229fa20aa3f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "a23cf3ee2c5e8b50621b010d323dda95e6ad06d5": { + "0": "He+++++++++\n", + "1": "++++o++++++\n", + "2": "Hello++++++++++++++++++++\n", + "3": "Hello+++++++++++++++\n", + "4": "Hello+++++++++++++++\n", + "5": "Hello+++++++++++++++++++++++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l+++++++++\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "Hello++++++++++\n", + "16": "+e+++++++++\n", + "17": "Hello++++++++++++++++++++++++++++++\n", + "18": "++l++++++++\n", + "19": "Hello++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++++++++++++++++++++++++++++\n" + }, + "69d1cbd65482b78b6ea24edf0718ca091c9a201b": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0d307ea906f465cf1bbf6a68274ae0aad0638fa8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "9f3c2ceb847163f249b07d38bd5243dc6ddd5bf3": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "6271e2115a36ac767eb15bad5740b1a4ea99ae63": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "de0a18a3605e75a460430964a28db46e71530dac": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "c1ff220be64aa988c3cae574126435a48aaa72ab": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "2e6c6114af11d1fa87b4b1ec2b8ca74bcee5bb90": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 10, end 12, length 11 ERROR\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 26, end 31, length 30 ERROR\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 36, end 41, length 40 ERROR\n" + }, + "e38c07305d47ffd4f7ba721fffdfd211df281a52": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "b26b0d2ddb22f8d5e55d3b9a000bde980782ad07": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e99d0ff36e58c39674bcb0a4a7a924c741522cda": { + "0": "He+++++++++\n", + "1": "++++++++++\n", + "2": "++++++++++++++++++++\n", + "3": "+++++++++++++++\n", + "4": "+++++++++++++++\n", + "5": "+++++++++++++++++++++++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "+++++++++++\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "++++++++++\n", + "14": "Hello+++++\n", + "15": "++++++++++\n", + "16": "+e+++++++++\n", + "17": "++++++++++++++++++++++++++++++\n", + "18": "++++++++++\n", + "19": "++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++\n", + "23": "+++++++++++++++++++++++++++++++++++\n" + }, + "f890abc7632f0a6b0c57016614608192aa752843": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "ce4b2635cd35244d34218608e91eee0322c02048": { + "0": "java.lang.StringIndexOutOfBoundsException: String index out of range: 2 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: String index out of range: 4 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: String index out of range: 1 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: String index out of range: 5 ERROR\n" + }, + "011cbfd14abc54ded7ba034bb5111b7650ca8dcf": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++Hello++++Hello\n", + "4": "Hello+++++++++Hello+++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++++++Hello\n", + "14": "Hello+++++\n", + "15": "Hello++++Hello++++Hello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++\n" + }, + "a695fdd90beb9ee0e18dcfafd519d849cfca582f": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "24ad7ef167cf11c57ed39f816a43d5aabf742845": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "307e7c73c5413b9547de079b818064e4a416de96": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c66b40772a6cfcb455cbc7beb76519b901489ddb": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "85071fdba623125029828d0d136cce6027b1b403": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "bbec8249b5b931da2265761a3e3f065826112132": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "43adddb60e25dcde8b03c06a471c49c55670cfa9": { + "0": "He+++++++++\n", + "1": "++++o++++++\n", + "2": "Hello++++++++++++++++++++\n", + "3": "Hello+++++++++++++++\n", + "4": "Hello+++++++++++++++\n", + "5": "Hello+++++++++++++++++++++++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l+++++++++\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "Hello++++++++++\n", + "16": "+e+++++++++\n", + "17": "Hello++++++++++++++++++++++++++++++\n", + "18": "++l++++++++\n", + "19": "Hello++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++++++++++++++++++++++++++++\n" + }, + "564050c2bee367e10f7fb9ca892b541ee36b3174": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "ce586d94617ba1408a07ef2e243f817ffe9b4a92": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "d51ff3a64de913bc35b9d0b82fd720b12b608751": { + "0": "\n", + "1": "\n", + "2": "\n", + "3": "\n", + "4": "\n", + "5": "\n", + "6": "\n", + "7": "\n", + "8": "\n", + "9": "\n", + "10": "\n", + "11": "\n", + "12": "\n", + "13": "\n", + "14": "\n", + "15": "\n", + "16": "\n", + "17": "\n", + "18": "\n", + "19": "\n", + "20": "\n", + "21": "\n", + "22": "\n", + "23": "\n" + }, + "e527afe489fc4b53f40d666f51496ed58fa03716": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "2624ae2dbfdf0a9d8511c3b79eb61843fbbd5b94": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 10, end 12, length 11 ERROR\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 16, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 26, end 31, length 30 ERROR\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 11, length 10 ERROR\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 7, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 36, end 41, length 40 ERROR\n" + }, + "57296711f23950d30500dc50a87cf7ffe80656df": { + "0": "+++++++++++\n", + "1": "+++++++++++\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 22, end 26, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 17, end 21, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 17, end 21, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 27, end 31, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 9, end 12, length 11 ERROR\n", + "7": "+++++++++++\n", + "8": "+++++++++++\n", + "9": "+++++++++++\n", + "10": "++++++++++++\n", + "11": "+++++++++++\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 12, end 16, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 7, end 11, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 12, end 16, length 15 ERROR\n", + "16": "+++++++++++\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 32, end 36, length 35 ERROR\n", + "18": "+++++++++++\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 22, end 26, length 25 ERROR\n", + "20": "+++++++++++\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 42, end 46, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 37, end 41, length 40 ERROR\n" + }, + "39d3d0f0b363c457297150b35b2fbb84fe97dc17": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "8f2a7cd06322f712775d31da9b831bb615df44bd": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "ae54c4b4cdc4a3c8eb64f60b1934afb499eb5680": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "d4ced7c12463b9963a8a2d6f2204708036d1e90e": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "4702396042c1cab49e29614e7de60c35473a2c10": { + "0": "He+++++++++\n", + "1": "++++o++o++++\n", + "2": "HelloHelloHelloHelloHello+\n", + "3": "HelloHelloHelloHello+\n", + "4": "Hello+++++Hello++\n", + "5": "Hello+++++Hello+++++Hello++\n", + "6": "+++++++orld+\n", + "7": "+++++ ++++++\n", + "8": "++++++++++d+\n", + "9": "++++++++r+++\n", + "10": "++ll+++++l+l+\n", + "11": "H+++++++++++\n", + "12": "++++++World+\n", + "13": "Hello+++++Hello+\n", + "14": "Hello++\n", + "15": "HelloHelloHello+\n", + "16": "+e++++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello+\n", + "18": "++ll+++++l++\n", + "19": "Hello+++++Hello+++++Hello+\n", + "20": "++++++W+++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello+\n", + "22": "Hello+++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++\n" + }, + "62afc52c7b0d29514c74e53a55de7a7d49438ce1": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e379bcbd266f7f89d3be0bbdf621502d8359a168": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "3f5861d07546f0caf43867583411c4eb249fda70": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "ed9cb12e03962a4c25d3959d5623dd36ec0d49a4": { + "0": "Hello WorldH+++++++++++e+++++++++\n", + "1": "Hello World++++o++o+++\n", + "2": "HelloHelloHelloHelloHelloH++++H++++H++++H++++H+++++e++++e++++e++++e++++e+++++ll+++ll+++ll+++ll+++ll+++ll+++ll+++ll+++ll+++ll+++++o++++o++++o++++o++++o\n", + "3": "HelloHelloHelloHelloH++++H++++H++++H+++++e++++e++++e++++e+++++ll+++ll+++ll+++ll+++ll+++ll+++ll+++ll+++++o++++o++++o++++o\n", + "4": "HelloWorldHelloWorldH+++++++++H++++++++++e+++++++++e++++++++++ll++++l+++ll++++l+++ll++++l+++ll++++l+++++o+o+++++++o+o+++\n", + "5": "HelloWorldHelloWorldHelloWorldH+++++++++H+++++++++H++++++++++e+++++++++e+++++++++e++++++++++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++++o+o+++++++o+o+++++++o+o+++\n", + "6": "Hello World++++o++o+++++++++++r++++ll+++++l+++++++++++d\n", + "7": "Hello World+++++ +++++\n", + "8": "Hello World++++++++++d\n", + "9": "Hello World++++++++r++\n", + "10": "Hello Worldl++ll+++++l+l\n", + "11": "Hello WorldH++++++++++\n", + "12": "Hello World++++++W++++++++o++o+++++++++++r++++ll+++++l+++++++++++d\n", + "13": "HelloWorldHelloH+++++++++H+++++e+++++++++e+++++ll++++l+++ll+++ll++++l+++ll+++++o+o+++++++o\n", + "14": "HelloWorldH++++++++++e++++++++++ll++++l+++ll++++l+++++o+o+++\n", + "15": "HelloHelloHelloH++++H++++H+++++e++++e++++e+++++ll+++ll+++ll+++ll+++ll+++ll+++++o++++o++++o\n", + "16": "Hello World+e+++++++++\n", + "17": "HelloWorldHelloWorldHelloWorldHelloH+++++++++H+++++++++H+++++++++H+++++e+++++++++e+++++++++e+++++++++e+++++ll++++l+++ll++++l+++ll++++l+++ll+++ll++++l+++ll++++l+++ll++++l+++ll+++++o+o+++++++o+o+++++++o+o+++++++o\n", + "18": "Hello World++ll+++++l+\n", + "19": "HelloWorldHelloWorldHelloH+++++++++H+++++++++H+++++e+++++++++e+++++++++e+++++ll++++l+++ll++++l+++ll+++ll++++l+++ll++++l+++ll+++++o+o+++++++o+o+++++++o\n", + "20": "Hello World++++++W++++\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHelloH+++++++++H+++++++++H+++++++++H+++++++++H+++++e+++++++++e+++++++++e+++++++++e+++++++++e+++++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll+++++o+o+++++++o+o+++++++o+o+++++++o+o+++++++o\n", + "22": "Hello WorldH+++++++++++e+++++++++++ll+++++l+++ll+++++l+++++o++o+++\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorldH+++++++++H+++++++++H+++++++++H++++++++++e+++++++++e+++++++++e+++++++++e++++++++++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++ll++++l+++++o+o+++++++o+o+++++++o+o+++++++o+o+++\n" + }, + "4eed7996d5bc05c5fb61a0eee32cb0925f78f206": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+o+l+Hello+o+l+\n", + "5": "Hello+o+l+Hello+o+l+Hello+o+l+\n", + "6": "++llo++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++llo+World\n", + "13": "Hello+o+l+Hello\n", + "14": "Hello+o+l+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+o+l+Hello+o+l+Hello+o+l+Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+o+l+Hello+o+l+Hello\n", + "20": "++++++W++++\n", + "21": "Hello+o+l+Hello+o+l+Hello+o+l+Hello+o+l+Hello\n", + "22": "Hello++o+l+\n", + "23": "Hello+o+l+Hello+o+l+Hello+o+l+Hello+o+l+\n" + }, + "50da6d3673bc00c4d14790f5ba9153c44b8ce81a": { + "0": "He++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++\n", + "4": "Hello++++Hello++++\n", + "5": "Hello++++Hello++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello++++\n", + "15": "Hello++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++Hello++++Hello++++Hello++++\n" + }, + "d40650ab9c009415d80455cf012dc269a10a1171": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "601a40dc9605398f07bbca32a5bbe3e8f026bca8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "453793b2cb1c2793f09bd80727352e3c5a5c505e": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "7e857edbdfcaa4ab2739e8087662511aaf10d88d": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e0ede905cce3edc21395f7964141d1d847e88daf": { + "0": "He++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++\n", + "4": "Hello++++Hello++++\n", + "5": "Hello++++Hello++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello++++\n", + "15": "Hello++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++Hello++++Hello++++Hello++++\n" + }, + "641ed7154d860dace80f24d65b0686cbe54c7519": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "68fc9708adc08f1b3c744cde44684bbbf8b950e8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++Hello++++Hello\n", + "4": "Hello+++++++++Hello+++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++++++Hello\n", + "14": "Hello+++++\n", + "15": "Hello++++Hello++++Hello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++\n" + }, + "95a258313a6bba0317e1651df0a3a82a4a353ef0": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0c3b853a296428491d9bacecb6053e4883ec3735": { + "0": "java.lang.StringIndexOutOfBoundsException: begin -2, end 0, length 11 ERROR\n", + "1": "", + "2": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 30 ERROR\n", + "6": "Hello World\n", + "7": "Hell+ W+rld\n", + "8": "Hello World\n", + "9": "Hell+ W+rld\n", + "10": "H+++++o Wor++d++\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "12": "Hello World\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 15 ERROR\n", + "16": "+ello World\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 35 ERROR\n", + "18": "H+++++o Wor++d\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 25 ERROR\n", + "20": "Hello+World\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin -5, end 0, length 40 ERROR\n" + }, + "ba47fbb8024fd95558ea9de0d53ce688f4f7637f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "a69b94bbe9b7fdbdd6128e1e269574cdff9ac29c": { + "0": "He+++++++++++\n", + "1": "++++o++o\n", + "2": "HelloHello+++++Hello++++++++++Hello+++++++++++++++Hello\n", + "3": "HelloHello+++++Hello++++++++++Hello\n", + "4": "Hello+++++Hello++++++++++\n", + "5": "Hello+++++Hello+++++++++++++++Hello\n", + "6": "+++++++orld++++\n", + "7": "+++++ ++++++\n", + "8": "++++++++++d+\n", + "9": "++++++++r+++\n", + "10": "++ll++++++l++++++++l\n", + "11": "H+++++++++++\n", + "12": "++++++World+++++\n", + "13": "Hello+++++Hello+++++\n", + "14": "Hello++++++++++\n", + "15": "HelloHello+++++Hello\n", + "16": "+e++++++++++\n", + "17": "Hello+++++Hello+++++++++++++++Hello+++++++++++++++++++++++++Hello\n", + "18": "++ll++++++l\n", + "19": "Hello+++++Hello+++++++++++++++Hello\n", + "20": "++++++W+++++\n", + "21": "Hello+++++Hello+++++++++++++++Hello+++++++++++++++++++++++++Hello+++++++++++++++++++++++++++++++++++Hello\n", + "22": "Hello+++++++++++\n", + "23": "Hello+++++Hello+++++++++++++++Hello+++++++++++++++++++++++++Hello\n" + }, + "324ba53987649800d19c4f0250bf489638b41bf7": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "d49b7c20d2619e44827a8fa49093a06661e7ec51": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "a2a1b5cc880723e0085d00b207b6f5e9f6f19792": { + "0": "He\n", + "1": "++++o++o\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++Hello++++Hello\n", + "4": "Hello+++++++++Hello\n", + "5": "Hello+++++++++Hello+++++++++Hello\n", + "6": "+++++++orld\n", + "7": "+++++ \n", + "8": "++++++++++d\n", + "9": "++++++++r\n", + "10": "++ll+++++l+l\n", + "11": "H\n", + "12": "++++++World\n", + "13": "Hello+++++++++Hello\n", + "14": "Hello\n", + "15": "Hello++++Hello++++Hello\n", + "16": "+e\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "18": "++ll+++++l\n", + "19": "Hello+++++++++Hello+++++++++Hello\n", + "20": "++++++W\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "22": "Hello\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello\n" + }, + "1f49513dd20b08ff7dae1d9d9afb47b3b85787cd": { + "0": "He++++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "3": "Hello++++Hello++++Hello++++Hello++++\n", + "4": "Hello+++++++++Hello+++++++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "6": "+++++++orld+++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World++++\n", + "13": "Hello+++++++++Hello++++\n", + "14": "Hello+++++++++\n", + "15": "Hello++++Hello++++Hello++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "22": "Hello++++++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n" + }, + "fd5c4f36263b2aadd7e72c3cc4084659ecf1b748": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "84f542db831aed94c59f773af59b25d8d86c3a37": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "bd9aaea7376d7b7ad405b0c9e0049f1cc8eb21c2": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "a489ab3dd02c40bf0885f9a910ff28e831748750": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "43b8862ba62cc5c5cf0a099e68b1a284cf7c7608": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "af187a9457b945482166984be51ed9e37bb52b63": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e4c5200cf271802b4c11b5e87ad968a2ec7b8512": { + "0": "He++++++++\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "2": "Hello+++Hello+++Hello+++Hello+++Hello\n", + "3": "Hello+++Hello+++Hello+++Hello\n", + "4": "Hello++++++++Hello++++\n", + "5": "Hello++++++++Hello++++++++Hello++++\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin -1, end 3, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 12 ERROR\n", + "11": "H+++++++++\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin -1, end 4, length 11 ERROR\n", + "13": "Hello++++++++Hello\n", + "14": "Hello++++\n", + "15": "Hello+++Hello+++Hello\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "17": "Hello++++++++Hello++++++++Hello++++++++Hello\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "19": "Hello++++++++Hello++++++++Hello\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin -1, end 0, length 11 ERROR\n", + "21": "Hello++++++++Hello++++++++Hello++++++++Hello++++++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++++++Hello++++++++Hello++++++++Hello++++\n" + }, + "cb66e4238e7b38a5e9cef8dc2ba46652155cf2f9": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "2": "+++++++++++++++++++++++++\n", + "3": "++++++++++++++++++++\n", + "4": "++++++++++++++++++++\n", + "5": "++++++++++++++++++++++++++++++\n", + "6": "+++++++++++\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 9, end 13, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "12": "+++++++++++\n", + "13": "+++++++++++++++\n", + "14": "++++++++++\n", + "15": "+++++++++++++++\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "17": "+++++++++++++++++++++++++++++++++++\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "19": "+++++++++++++++++++++++++\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 8, end 12, length 11 ERROR\n", + "21": "+++++++++++++++++++++++++++++++++++++++++++++\n", + "22": "+++++++++++\n", + "23": "++++++++++++++++++++++++++++++++++++++++\n" + }, + "162ad85403c8812b0a00fe5b6f42a162bf34c537": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "3471c6e1d2856f223986086482ba5d5d95867a8f": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 0, end -1, length 40 ERROR\n" + }, + "9e16fac43ec39292bf0f7f8f41bf58fcad5daae0": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "4717c7ed12c603a1013156f3aa1859eaa4f4fb29": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "04de5a4511a6815c4a8820a43bbf8e58f75b578d": { + "0": "He+++++++++\n", + "1": "++++o++o++++\n", + "2": "HelloHelloHelloHelloHello+\n", + "3": "HelloHelloHelloHello+\n", + "4": "Hello+++++Hello++\n", + "5": "Hello+++++Hello+++++Hello++\n", + "6": "+++++++orld+\n", + "7": "+++++ ++++++\n", + "8": "++++++++++d+\n", + "9": "++++++++r+++\n", + "10": "++ll+++++l+l+\n", + "11": "H+++++++++++\n", + "12": "++++++World+\n", + "13": "Hello+++++Hello+\n", + "14": "Hello++\n", + "15": "HelloHelloHello+\n", + "16": "+e++++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello+\n", + "18": "++ll+++++l++\n", + "19": "Hello+++++Hello+++++Hello+\n", + "20": "++++++W+++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello+\n", + "22": "Hello+++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++\n" + }, + "9ba207af0fe80a61ab0a4e05caf3bcfce7584e9d": { + "0": "f\n", + "1": "f\n", + "2": "f\n", + "3": "f\n", + "4": "f\n", + "5": "f\n", + "6": "f\n", + "7": "f\n", + "8": "f\n", + "9": "f\n", + "10": "f\n", + "11": "f\n", + "12": "f\n", + "13": "f\n", + "14": "f\n", + "15": "f\n", + "16": "f\n", + "17": "f\n", + "18": "f\n", + "19": "f\n", + "20": "f\n", + "21": "f\n", + "22": "f\n", + "23": "f\n" + }, + "186e5b299e752e9c8dcda2204f52571b21dab6b8": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "535e39c49f1a3c2dfd16fe860fbf513d83190d8f": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "58035778995c134f7aa90e87fe7dc78b026cc61f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "bf3d85e3e6ec5b97e0955ed03679b8e21a123c54": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "958193821f71aea7952170796f7d1fba3093aec9": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "1f9cfe0ad15be359081183aba85c155aa774ac9b": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "55695d32d3ffe57f14a7df361aa06334d8ff6885": { + "0": "He+++++++++\n", + "1": "+++++++++++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++++++++++++\n", + "5": "Hello+++++++++++++++++++++++++\n", + "6": "+++++++++++\n", + "7": "+++++++++++\n", + "8": "+++++++++++\n", + "9": "+++++++++++\n", + "10": "++++++++++++\n", + "11": "H++++++++++\n", + "12": "+++++++++++\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+++++++++++\n", + "17": "Hello++++++++++++++++++++++++++++++\n", + "18": "+++++++++++\n", + "19": "Hello++++++++++++++++++++\n", + "20": "+++++++++++\n", + "21": "Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++++++++++++++++++++++++++++\n" + }, + "fdeb17f5b1fb5623b7f08122c03baa6faf122bff": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "f67a42b78ea06ff89253c2b5d7a225b8d6673ea4": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "9d441b2bb3ab4bbc569156b1395482d3f0efc827": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello+++++Hello+++++Hello\n", + "3": "Hello+++++Hello+++++\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l++++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "Hello+++++Hello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++l++++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "eb95c07997175dccd87b5edbb62cd7502deffd4f": { + "0": "+H+e+++++++++++++++++d+\n", + "1": "+++++++++o+++++o+++++++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "+++++++++++++++++++++++++++++++++++++++++\n", + "5": "+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "6": "+++++++++++++++++r+++d+\n", + "7": "+++++++++++ +++++++++++\n", + "8": "++++++++++d\n", + "9": "+++++++++++++++++r+++++\n", + "10": "++ll+++++l+l\n", + "11": "+H+++++++++++++++++++++\n", + "12": "+++++++++++++++++r+++d+\n", + "13": "+++e+++++++++++++++++++e+++++++\n", + "14": "+H+e+l+l+o+++o+r+l+d+\n", + "15": "HelloHelloHello\n", + "16": "+++e+++++++++++++++++++\n", + "17": "+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "18": "+++++l+l+++++++++++l+++\n", + "19": "+++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "20": "+++++++++++++W+++++++++\n", + "21": "+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n", + "22": "+H+e+l+l+o+++++o+r+l+d+\n", + "23": "+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\n" + }, + "055d5c6eb654988641e159857c48ffc2d7fbb6e2": { + "0": "He++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+\n", + "5": "Hello+++++Hello+++++Hello+\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+\n" + }, + "a93093454e5044979bd9937c2de2025f20a28e31": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "9cf7636c57debfa176acb6e24ba35596b1718eb6": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "71ac7b338b9f97d4148d7c23d488734eb9ef28d4": { + "0": "He++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+\n", + "5": "Hello+++++Hello+++++Hello+\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+\n" + }, + "0bebe25908f7e3c3fc41b4e220585d9cc4d70e80": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "640947e75ed143395f4a2efed2c5ddbaa3f5d134": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "ae036476bd9797d3346ba0aa4130f4e2b181873a": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "60314e1d986f8295f07bf1f970ec9a0e4b95c9f1": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "fba8ec518deae2bf95638d2683f5bb1e63fe6a85": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "05f0f01027620c706deefd27d5cfa0868bd822e6": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "2e62fdcc813131a4a34063b11cfae8810333b06e": { + "0": "He++++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello++++\n", + "3": "Hello++++Hello++++Hello++++Hello++++\n", + "4": "Hello+++++++++Hello+++++++++\n", + "5": "Hello+++++++++Hello+++++++++Hello+++++++++\n", + "6": "+++++++orld+++\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World++++\n", + "13": "Hello+++++++++Hello++++\n", + "14": "Hello+++++++++\n", + "15": "Hello++++Hello++++Hello++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++++++Hello+++++++++Hello++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello++++\n", + "22": "Hello++++++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++\n" + }, + "5a8923071ae3d59b744e2c994508286894832e6c": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "11b39abc04e7dcd5f5caac38328256b7df85a302": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "6e96de7d8961c9f4c9ff9bd6fc7edf22bf14baaa": { + "0": "He++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++\n", + "4": "Hello++++Hello++++\n", + "5": "Hello++++Hello++++Hello++++\n", + "6": "+++++++orld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++World\n", + "13": "Hello++++Hello\n", + "14": "Hello++++\n", + "15": "Hello++++Hello\n", + "16": "+e++++++++\n", + "17": "Hello++++Hello++++Hello++++Hello\n", + "18": "++l+++++l\n", + "19": "Hello++++Hello++++Hello\n", + "20": "++++++W+++\n", + "21": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "22": "Hello+++++\n", + "23": "Hello++++Hello++++Hello++++Hello++++\n" + }, + "08924678547a7bf5c7a5b0fd3b8a498c0dfac79f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "6a8875bbf15f51adcb83b63dced7e2ee198aaa4a": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "465bcf016153e8374113943b2c901d80853ded40": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "80054099ada64c4ec2fed6b3e2219d30d4aae048": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "79d5c8791f486c40bbcc185bfdcf013a50867833": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "b3c3486c6068700d666794d2ff66d0983b5073bc": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "6107df91d79dea178ad3db8e351f9e2c95ba687a": { + "0": "He\n", + "1": "o\n", + "2": "Hello\n", + "3": "Hello\n", + "4": "Hello\n", + "5": "Hello\n", + "6": "orld\n", + "7": " \n", + "8": "d\n", + "9": "r\n", + "10": "l\n", + "11": "H\n", + "12": "World\n", + "13": "Hello\n", + "14": "Hello\n", + "15": "Hello\n", + "16": "e\n", + "17": "Hello\n", + "18": "l\n", + "19": "Hello\n", + "20": "W\n", + "21": "Hello\n", + "22": "Hello\n", + "23": "Hello\n" + }, + "5da71aaa15e05f2ff7d6e84b218eefaa1d776f76": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "9797e3622ef89cb355d8bf9e18a4a931db5ef7d6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "b5594a9a44c21f116853dca3f895178a39d22670": { + "0": "\n", + "1": "\n", + "2": "\n", + "3": "\n", + "4": "\n", + "5": "\n", + "6": "\n", + "7": "\n", + "8": "\n", + "9": "\n", + "10": "\n", + "11": "\n", + "12": "\n", + "13": "\n", + "14": "\n", + "15": "\n", + "16": "\n", + "17": "\n", + "18": "\n", + "19": "\n", + "20": "\n", + "21": "\n", + "22": "\n", + "23": "\n" + }, + "cfa4133576629fc9b72667a8b01dcc0d01eeebe2": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "88e35de258e05b96e316e0de1ddaafbd7949e264": { + "0": "Hello World\n", + "1": "Hello World\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloWorldHelloWorld\n", + "5": "HelloWorldHelloWorldHelloWorld\n", + "6": "Hello World\n", + "7": "Hello World\n", + "8": "Hello World\n", + "9": "Hello World\n", + "10": "Hello Worldl\n", + "11": "Hello World\n", + "12": "Hello World\n", + "13": "HelloWorldHello\n", + "14": "HelloWorld\n", + "15": "HelloHelloHello\n", + "16": "Hello World\n", + "17": "HelloWorldHelloWorldHelloWorldHello\n", + "18": "Hello World\n", + "19": "HelloWorldHelloWorldHello\n", + "20": "Hello World\n", + "21": "HelloWorldHelloWorldHelloWorldHelloWorldHello\n", + "22": "Hello World\n", + "23": "HelloWorldHelloWorldHelloWorldHelloWorld\n" + }, + "2d117649bb492a141e46ba23e190b71a4cae79a0": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 3, end 2, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 5, end 4, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 40 ERROR\n" + }, + "ed2c148aea70c31348312d9555b6ae6e9818b47d": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "f489b9f5f5a7046b3fc47b08247f265427a29739": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 3, end 2, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 5, end 4, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 40 ERROR\n" + }, + "1c3f12a79771b58b50f69a1109c0386f5dc5f545": { + "0": "He+++++++++\n", + "1": "++++o++++++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l+++++++++\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++l++++++++\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "eb2f80be19da8ef5934c2de233e702573d837837": { + "0": "HeHe++++++\n", + "1": "++++o+o++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHelloHello\n", + "4": "HelloHelloHelloHelloHello\n", + "5": "HelloHelloHelloHelloHello++++\n", + "6": "+++++++orldorldorldorld\n", + "7": "+++++ ++++\n", + "8": "++++++++++d\n", + "9": "++++++++r+\n", + "10": "++l+++++ll\n", + "11": "H+++++++++\n", + "12": "++++++WorldWorldWorldWorldWorld\n", + "13": "HelloHelloHelloHelloHello\n", + "14": "HelloHelloHelloHelloHello\n", + "15": "HelloHelloHelloHelloHello\n", + "16": "+e++++++++\n", + "17": "HelloHelloHelloHelloHello++++HelloHelloHelloHelloHello\n", + "18": "++l+++++l\n", + "19": "HelloHelloHelloHelloHello\n", + "20": "++++++W+++\n", + "21": "HelloHelloHelloHelloHello++++HelloHelloHelloHelloHello\n", + "22": "HelloHelloHelloHelloHello\n", + "23": "HelloHelloHelloHelloHello++++HelloHelloHelloHelloHello\n" + }, + "550f10c8d38c32d805fedec4d4e9a1e4c2a492d2": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "2c11d62437a4a3c03eefa3fd1e81c1b038464059": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "395d6a97a706cf3755f9713390de8e8bcb948bf6": { + "0": "He+++++++++\n", + "1": "xxxxoxxo+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "HelloxxxxxHello+++++\n", + "5": "HelloxxxxxHelloxxxxxHello+++++\n", + "6": "xxxxxxxorld\n", + "7": "xxxxx +++++\n", + "8": "xxxxxxxxxxd\n", + "9": "xxxxxxxxr++\n", + "10": "xxllxxxxxlxl\n", + "11": "H++++++++++\n", + "12": "xxxxxxWorld\n", + "13": "HelloxxxxxHello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "xe+++++++++\n", + "17": "HelloxxxxxHelloxxxxxHelloxxxxxHello\n", + "18": "xxllxxxxxl+\n", + "19": "HelloxxxxxHelloxxxxxHello\n", + "20": "xxxxxxW++++\n", + "21": "HelloxxxxxHelloxxxxxHelloxxxxxHelloxxxxxHello\n", + "22": "Hello++++++\n", + "23": "HelloxxxxxHelloxxxxxHelloxxxxxHello+++++\n" + }, + "a6d79594ccd8eda824590ed3c1b0ac399db80b23": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "428a061e2f556d120bec3087324f6884d9348e43": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "3e87e0381ebeef812946d2a41701556fd2a0fd6c": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "91382dbabc997fe3790c8de5a89d472b3800dcb5": { + "0": "He++++++++++\n", + "1": "++++o++o++++\n", + "2": "Hello++++Hello++++Hello++++Hello++++Hello\n", + "3": "Hello++++Hello++++Hello++++Hello\n", + "4": "Hello+++++++++Hello++\n", + "5": "Hello+++++++++Hello+++++++++Hello\n", + "6": "+++++++orld+\n", + "7": "+++++ ++++++\n", + "8": "++++++++++d+\n", + "9": "++++++++r+++\n", + "10": "++ll+++++l+l+\n", + "11": "H+++++++++++\n", + "12": "++++++World+\n", + "13": "Hello+++++++++Hello\n", + "14": "Hello++++++\n", + "15": "Hello++++Hello++++Hello\n", + "16": "+e++++++++++\n", + "17": "Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "18": "++ll+++++l++\n", + "19": "Hello+++++++++Hello+++++++++Hello\n", + "20": "++++++W+++++\n", + "21": "Hello+++++++++Hello+++++++++Hello+++++++++Hello+++++++++Hello\n", + "22": "Hello+++++++\n", + "23": "Hello+++++++++Hello+++++++++Hello+++++++++Hello\n" + }, + "8c01cabbf6e8b919c280ef835f5d8c0ca9dd0796": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "4f81c424c8df475b8884f61d6613811e48ca0e54": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "b1a7444e8ac980342523cfbbcd159e91f8d93209": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "Hello+ello+ello+ello+ello\n", + "3": "Hello+ello+ello+ello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l++++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "Hello+ello+ello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++l++++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "1594464613ad722a5f03a58ef10cae9f4d56390c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "7412db298a545e79f6eb50191ced3f478c634d58": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "57d0465a7e27ba8b40a63cbdd85629fedc1e181f": { + "0": "+\n", + "1": "+\n", + "2": "+\n", + "3": "+\n", + "4": "+\n", + "5": "+\n", + "6": "+\n", + "7": "+\n", + "8": "+\n", + "9": "+\n", + "10": "+\n", + "11": "+\n", + "12": "+\n", + "13": "+\n", + "14": "+\n", + "15": "+\n", + "16": "+\n", + "17": "+\n", + "18": "+\n", + "19": "+\n", + "20": "+\n", + "21": "+\n", + "22": "+\n", + "23": "+\n" + }, + "61b92eb6eaa0d0c03b8a40730eb7ca75149c0c34": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "198d590706198b2adc07410e6bdc622c5a57434d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "074f0146127918d54cd7065a5ab207408f8d3d1f": { + "0": "He++++++++++\n", + "1": "++++o++o++++\n", + "2": "HelloHelloHelloHello++++++\n", + "3": "HelloHelloHello++++++\n", + "4": "Hello+++++Hello++++++\n", + "5": "Hello+++++Hello+++++Hello++++++\n", + "6": "++++++++++++\n", + "7": "+++++ ++++++\n", + "8": "++++++++++++\n", + "9": "++++++++r+++\n", + "10": "++ll+++++l+++\n", + "11": "H+++++++++++\n", + "12": "++++++++++++\n", + "13": "Hello+++++++++++\n", + "14": "Hello++++++\n", + "15": "HelloHello++++++\n", + "16": "+e++++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++++++++\n", + "18": "++ll+++++l++\n", + "19": "Hello+++++Hello+++++++++++\n", + "20": "++++++W+++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++++++++\n", + "22": "Hello+++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello++++++\n" + }, + "7604ecfa4e79bb4c043d03260fa8b5f2e5c4cce7": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "6ba51e1327d6b7b39ae9abcccbdc351d10ca95fa": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "08d937a351538e87fac8e8aa9772ef19f941476e": { + "0": "HH+++++++++\n", + "1": "++++o++o+++\n", + "2": "HHellHHellHHellHHellHHell\n", + "3": "HHellHHellHHellHHell\n", + "4": "HHell+++++HHell+++++\n", + "5": "HHell+++++HHell+++++HHell+++++\n", + "6": "+++++++oorl\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++WWorl\n", + "13": "HHell+++++HHell\n", + "14": "HHell+++++\n", + "15": "HHellHHellHHell\n", + "16": "+e+++++++++\n", + "17": "HHell+++++HHell+++++HHell+++++HHell\n", + "18": "++ll+++++l+\n", + "19": "HHell+++++HHell+++++HHell\n", + "20": "++++++W++++\n", + "21": "HHell+++++HHell+++++HHell+++++HHell+++++HHell\n", + "22": "HHell++++++\n", + "23": "HHell+++++HHell+++++HHell+++++HHell+++++\n" + }, + "0cc3eed872295b324c70fc02eb2b99720c14b389": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "501d8c6496f64ac99f044b646f0d860851b55682": { + "0": "He++++++++++++++\n", + "1": "++++o+o++\n", + "2": "Hello++++++++++++++++++++Hello+++++++++++++++++++++++++\n", + "3": "Hello++++++++++++++++++++Hello++++\n", + "4": "Hello++++++++++++++++++++Hello++++\n", + "5": "Hello++++++++++++++++++++Hello++++++++++++++++++++Hello++++\n", + "6": "++++++++++++++++++++++++++++++++\n", + "7": "+++++ ++++\n", + "8": "+++++++++++\n", + "9": "++++++++r+\n", + "10": "++l+++++l+\n", + "11": "H+++++++++\n", + "12": "+++++++++++++++++++++++++++++++++++\n", + "13": "Hello+++++++++++++++++++++++++\n", + "14": "Hello++++\n", + "15": "Hello+++++++++++++++++++++++++\n", + "16": "+e++++++++\n", + "17": "Hello++++++++++++++++++++Hello++++++++++++++++++++Hello+++++++++++++++++++++++++\n", + "18": "++l+++++l\n", + "19": "Hello++++++++++++++++++++Hello+++++++++++++++++++++++++\n", + "20": "++++++W+++\n", + "21": "Hello++++++++++++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++Hello+++++++++++++++++++++++++\n", + "22": "Hello+++++\n", + "23": "Hello++++++++++++++++++++Hello++++++++++++++++++++Hello++++++++++++++++++++Hello++++\n" + }, + "4742632dbe7db1c6c102e0176132b9f8e86180f9": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0af3852ff26ebfae82d0ff8fbfc46201d4600630": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "43bbdc156508f478c713b84d6d1ab11fd75073bb": { + "0": "He+++++++++\n", + "1": "++++o++++++\n", + "2": "Hello++++++++++++++++++++\n", + "3": "Hello+++++++++++++++\n", + "4": "Hello+++++++++++++++\n", + "5": "Hello+++++++++++++++++++++++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++l+++++++++\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "Hello++++++++++\n", + "16": "+e+++++++++\n", + "17": "Hello++++++++++++++++++++++++++++++\n", + "18": "++l++++++++\n", + "19": "Hello++++++++++++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello++++++++++++++++++++++++++++++++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++++++++++++++++++++++++++++++++\n" + }, + "ed1a8c19a26c19aeab93038a9e2b1ce4eba73e1a": { + "0": "++H++e++l++l++o++ ++W++o++r++l++d++\n", + "1": "++orl++\n", + "2": "\n", + "3": "\n", + "4": "++++\n", + "5": "++Hello++\n", + "6": "\n", + "7": "++ Worl++\n", + "8": "\n", + "9": "++rl++\n", + "10": "\n", + "11": "++H++e++l++l++o++ ++W++o++r++l++++++\n", + "12": "\n", + "13": "\n", + "14": "++H++e++l++l++o++W++o++r++l++d++\n", + "15": "\n", + "16": "++ello Worl++\n", + "17": "\n", + "18": "++l++\n", + "19": "\n", + "20": "++Worl++\n", + "21": "\n", + "22": "++H++e++l++l++o++ ++W++o++r++l++d++\n", + "23": "++Hello++\n" + }, + "23bb3d854af36b17534ac951855db3722814541f": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "603d54466da286f5f61063e4169b303bc4da1f7c": { + "0": "null\n", + "1": "null\n", + "2": "null\n", + "3": "null\n", + "4": "null\n", + "5": "null\n", + "6": "null\n", + "7": "null\n", + "8": "null\n", + "9": "null\n", + "10": "null\n", + "11": "null\n", + "12": "null\n", + "13": "null\n", + "14": "null\n", + "15": "null\n", + "16": "null\n", + "17": "null\n", + "18": "null\n", + "19": "null\n", + "20": "null\n", + "21": "null\n", + "22": "null\n", + "23": "null\n" + }, + "df07ed8696183f2f7e469f97912ed87f8bee6880": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "6ddec940817395b34eaf97d5151ff19f3dbd4cf4": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "20dc599067ac07408b5636973fc6b8a37db9af32": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "e6f261ab0f4315ba891ea44578a4d48f37e4f9f1": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "548938774dc948448b0bb51139bbcae3a3966ab8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "c8537cb9d008214f807f3e4f5c7fa375e122d8e8": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "540bc2c449ac72c1f6be37e28adc80582dda6dd1": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "61b57304e5e94a87eef135aa5f3b7c9591f650e3": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + }, + "34acc746540a38929e4a5a9c4f460ac32edcb1d0": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "97688dbd37b49053bf9dffdbfb19372503947de7": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHello+++++\n", + "3": "HelloHelloHello+++++\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++++++\n", + "7": "+++++ +++++\n", + "8": "+++++++++++\n", + "9": "++++++++r++\n", + "10": "++ll+++++l++\n", + "11": "H++++++++++\n", + "12": "+++++++++++\n", + "13": "Hello++++++++++\n", + "14": "Hello+++++\n", + "15": "HelloHello+++++\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello++++++++++\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello++++++++++\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello++++++++++\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "b5eb56215f80a78814453ac041ec11ab13a44325": { + "0": "+++++++++++\n", + "1": "+++++++++++\n", + "2": "+++++++++++++++++++++++++\n", + "3": "++++++++++++++++++++\n", + "4": "++++++++++++++++++++\n", + "5": "++++++++++++++++++++++++++++++\n", + "6": "+++++++++++\n", + "7": "+++++++++++\n", + "8": "+++++++++++\n", + "9": "+++++++++++\n", + "10": "++++++++++++\n", + "11": "+++++++++++\n", + "12": "+++++++++++\n", + "13": "+++++++++++++++\n", + "14": "++++++++++\n", + "15": "+++++++++++++++\n", + "16": "+++++++++++\n", + "17": "+++++++++++++++++++++++++++++++++++\n", + "18": "+++++++++++\n", + "19": "+++++++++++++++++++++++++\n", + "20": "+++++++++++\n", + "21": "+++++++++++++++++++++++++++++++++++++++++++++\n", + "22": "+++++++++++\n", + "23": "++++++++++++++++++++++++++++++++++++++++\n" + }, + "c1b4a75753d39c64da084b9712f1b7df205e125d": { + "0": "+++++++++He\n", + "1": "+++o++o++++\n", + "2": "+Hello+++++Hello+++++Hello\n", + "3": "+++++Hello+++++Hello\n", + "4": "+++++Hello+++++Hello\n", + "5": "+++++Hello+++++Hello+++++Hello\n", + "6": "+++orld++++\n", + "7": "+++++ +++++\n", + "8": "+d++++++++++\n", + "9": "++r++++++++\n", + "10": "+l+l++++++l++\n", + "11": "++++++++++H\n", + "12": "+World++++++\n", + "13": "+Hello+++++Hello\n", + "14": "+++++Hello\n", + "15": "+Hello+++++Hello\n", + "16": "+++++++++e+\n", + "17": "+Hello+++++Hello+++++Hello+++++Hello\n", + "18": "+l++++++l++\n", + "19": "+Hello+++++Hello+++++Hello\n", + "20": "++++W++++++\n", + "21": "+Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "++++++Hello\n", + "23": "+++++Hello+++++Hello+++++Hello+++++Hello\n" + }, + "8b1a41643d7710606510190a73409a6505b75146": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "8387f167ae39f4d03ed35e404ac36f9dd9eec487": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "0f03dd1a582ff365ea1601c27c839f334dff6258": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "d074b9bfdd858b22b3918ceabd266b00568f70be": { + "0": "java.lang.StringIndexOutOfBoundsException: begin 3, end 2, length 11 ERROR\n", + "1": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "2": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "3": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "4": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 20 ERROR\n", + "5": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 30 ERROR\n", + "6": "java.lang.StringIndexOutOfBoundsException: begin 5, end 4, length 11 ERROR\n", + "7": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "8": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "9": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "10": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 12 ERROR\n", + "11": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "12": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "13": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "14": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 10 ERROR\n", + "15": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 15 ERROR\n", + "16": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "17": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 35 ERROR\n", + "18": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "19": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 25 ERROR\n", + "20": "java.lang.StringIndexOutOfBoundsException: begin 2, end 1, length 11 ERROR\n", + "21": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 45 ERROR\n", + "22": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 11 ERROR\n", + "23": "java.lang.StringIndexOutOfBoundsException: begin 6, end 5, length 40 ERROR\n" + }, + "8b9758de473711e3b52dc810b51f9664ac25da50": { + "0": "He\n", + "1": "o\n", + "2": "Hello\n", + "3": "Hello\n", + "4": "Hello\n", + "5": "Hello\n", + "6": "orld\n", + "7": " \n", + "8": "d\n", + "9": "r\n", + "10": "l\n", + "11": "H\n", + "12": "World\n", + "13": "Hello\n", + "14": "Hello\n", + "15": "Hello\n", + "16": "e\n", + "17": "Hello\n", + "18": "l\n", + "19": "Hello\n", + "20": "W\n", + "21": "Hello\n", + "22": "Hello\n", + "23": "Hello\n" + }, + "c1bec5efffe252c2094c351b30934d39abcd0ad8": { + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" + }, + "654e76edb18be8f51d5fe401d8818963dfab33a2": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "" + } +} \ No newline at end of file diff --git a/IRT_dataset/492_32/correct_outputs.json b/IRT_dataset/492_32/correct_outputs.json new file mode 100644 index 0000000..f8a7d9c --- /dev/null +++ b/IRT_dataset/492_32/correct_outputs.json @@ -0,0 +1,26 @@ +{ + "0": "He+++++++++\n", + "1": "++++o++o+++\n", + "2": "HelloHelloHelloHelloHello\n", + "3": "HelloHelloHelloHello\n", + "4": "Hello+++++Hello+++++\n", + "5": "Hello+++++Hello+++++Hello+++++\n", + "6": "+++++++orld\n", + "7": "+++++ +++++\n", + "8": "++++++++++d\n", + "9": "++++++++r++\n", + "10": "++ll+++++l+l\n", + "11": "H++++++++++\n", + "12": "++++++World\n", + "13": "Hello+++++Hello\n", + "14": "Hello+++++\n", + "15": "HelloHelloHello\n", + "16": "+e+++++++++\n", + "17": "Hello+++++Hello+++++Hello+++++Hello\n", + "18": "++ll+++++l+\n", + "19": "Hello+++++Hello+++++Hello\n", + "20": "++++++W++++\n", + "21": "Hello+++++Hello+++++Hello+++++Hello+++++Hello\n", + "22": "Hello++++++\n", + "23": "Hello+++++Hello+++++Hello+++++Hello+++++\n" +} \ No newline at end of file diff --git a/IRT_dataset/492_32/test_cases.json b/IRT_dataset/492_32/test_cases.json new file mode 100644 index 0000000..1f6225a --- /dev/null +++ b/IRT_dataset/492_32/test_cases.json @@ -0,0 +1,26 @@ +{ + "0": "\"Hello World\", \"He\"", + "1": "\"Hello World\", \"o\"", + "2": "\"HelloHelloHelloHelloHello\", \"Hello\"", + "3": "\"HelloHelloHelloHello\", \"Hello\"", + "4": "\"HelloWorldHelloWorld\", \"Hello\"", + "5": "\"HelloWorldHelloWorldHelloWorld\", \"Hello\"", + "6": "\"Hello World\", \"orld\"", + "7": "\"Hello World\", \" \"", + "8": "\"Hello World\", \"d\"", + "9": "\"Hello World\", \"r\"", + "10": "\"Hello Worldl\", \"l\"", + "11": "\"Hello World\", \"H\"", + "12": "\"Hello World\", \"World\"", + "13": "\"HelloWorldHello\", \"Hello\"", + "14": "\"HelloWorld\", \"Hello\"", + "15": "\"HelloHelloHello\", \"Hello\"", + "16": "\"Hello World\", \"e\"", + "17": "\"HelloWorldHelloWorldHelloWorldHello\", \"Hello\"", + "18": "\"Hello World\", \"l\"", + "19": "\"HelloWorldHelloWorldHello\", \"Hello\"", + "20": "\"Hello World\", \"W\"", + "21": "\"HelloWorldHelloWorldHelloWorldHelloWorldHello\", \"Hello\"", + "22": "\"Hello World\", \"Hello\"", + "23": "\"HelloWorldHelloWorldHelloWorldHelloWorld\", \"Hello\"" +} \ No newline at end of file diff --git a/IRT_dataset/494_107/IRT_dataset.json b/IRT_dataset/494_107/IRT_dataset.json new file mode 100644 index 0000000..2365cdc --- /dev/null +++ b/IRT_dataset/494_107/IRT_dataset.json @@ -0,0 +1,8822 @@ +{ + "ec0d90a5e9480a734e6675d7c10448f30daf64a1": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "09eb67d29ea5fffab0543c4e51c89b045b248347": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "b86b9c093eafddd0018a35e02b358dd2eb71f4af": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "b1e82a683414f1ba22b572bb0ebbdd287a733312": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "043635d2219b492a59f8d6a0cc046d1d67b382a4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "99c1c254f6d32c0cfa54afc3db2af5ebc27f3922": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "927a804fc77b9eaa0b3949299a14e6fc562945ab": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "cfa8cf821815609acb89096ed9064a2259fcb031": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "1d403f172d9fcdb24a076a6acf1ce0111085642c": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "2d590af4574fe2ee13adcd5b9ec63c5afbb254d9": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "ba0d37b9a256e625faf1239dfedf5bf20ba4c84b": { + "0": 0, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "67494d24c904ad457fd72c664a92610c17b1675c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "0635200200e17d2012425a43f7b9ef623fdc4190": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "4039fac8b09a7ffd30dd6aa84f0de06ac2123932": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 0, + "27": 1 + }, + "687f100b82454565aae6b757d575ea87d39dd92f": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "691a5925a42e35a05cbeab9885d9f4b003a81f3f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "4c377a93c29dfbadb1db8e3d8fc76bc0068d8750": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "038fd3a5171d977be8f436d721673756c19e0b93": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "9c975e826b9208f25749b877e6294b45662e7d42": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "d0cb9a2ac23cf21ea9c3065977aa5aced25d78ff": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fe3206fd0d4f3bde82d6a2c52a3fa4ae2ad5ad8f": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "ea624bf49aed3355fb696b56f5ba3855a02501c7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "6070b80ca122475404a5215acde59735c48beb62": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "f0e3a00e6b08c0bba23ebf1d0a933775a2b162d7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "5b90d3a09890699bcf1cbb251146d0ea0a1b8365": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "ace04f7f6f58114cfd8d0662322f6e68ff5e393a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4872328b73d6f4f2aba37914993f8d500787a99c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "8767af868496e57a95d842f7b1d78f887332cc7b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "ecfad41858d2ae09a02483b7e292162ff7237a78": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fb5d9670990c82b0ee30127c5927bcd78d991210": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "c565833b540b15f532d3914a5a40bfc2a010cfa6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "8ded6fc9d2a080d5cd8ed75b5fe3697c5d46c0fb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "ce13a6687cd7cf490fcad30a9c541c0aa678157b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "59808f5db4d1115d6f559fbbb313d6cc2a440d31": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fa6bf3d48bf5e0ae2d511f8aeae70093016110a0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "235d417d77271ca7f52cd237f4f4b1a74ae26db8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "2f95e603c39b23b1aa6da33615a4b4b554ac1377": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "1ccb7f34422007921e0174f402eefa4e5aba0066": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "8fb500466613a34013f0592cc334f444d8a2780d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "434c1686d91fb7a715883f8a24f2a8345cbf755d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "fcac9677bf391cd24ed7b5daf3e275f798875a79": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0 + }, + "b82cbb8e02bb1a8d37bb7b148e2a82776d9ac3db": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "5862a7fd93216246bf42b0da9878bc6909187008": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "43fede5bd6c9dc4aa69df66b34809488616642de": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "be602f873c016a18bf4d0ce7d662add4e8f6725b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 0, + "27": 0 + }, + "b06a254fe98f5f91149f0ac2f91f63ddbd0cb03b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "32c0f4952bcd7977f11bd0ef7f3df02964934631": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "26a23586dbb904483f57d4084c90dfcfae217280": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 0, + "27": 1 + }, + "1fa9c66c5ac53ae19da3cd19fcc6a21d857159b9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "3d8eebef5e3f4a3bd35ab35b142f9389fae3b72c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "f48d4af26a51cac3758d5ee02995ff6a356c0252": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "1fbc0bff8b27b6f5502c6e150ab351189af0e417": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "518252b72cd3dd43fdf69f9bb24f79600a4d88d0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "26fa787fea233bedf6b3aaf7385df243555c38b7": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "f882983ffa4d1a42f7c6dcb80f336d789c865445": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "d045ab70f386e103d04e21337d9f519a314e7a0b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "0212b99711453fd4acc40fe676e038cf3d05a8fb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "c83498662d751a0e97a9eb3cb27a72d840f0a28d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "c32e55fb2409bbc74abad87ecf1751e259f688ee": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "80da8568bfe82e877f31f05c40e0b8b3e1b35109": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fef4cba16c249392d2224763f7083b8b6513ae85": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "6534acf7eb834ab2e447278387d49286fe611f8c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4690b3990e2eb6dd080ba258226248164f82da78": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "d4dcc6ee398c0337c9ab67108947b1782e45772e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "ae5379d490936e0295bed80ad3f1eb92f1f3577d": { + "0": 0, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "54125426a1ca45dd76e5e83c4e309ac5510f121a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "8cb2932515975a5400c9753f64da717f0112efb0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4c5164a4a35736402dda8cf0c6a43caaffdfba82": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "721405ddd9faed52f46952cab844150fb076ee27": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "0c0e480b0aea7e4e587934c6ac6179c026eae0b9": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "ee7a7f024b0b83b329c1ac2c50e06ed6d852c1ed": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "b1487a8184a6f93c06867717c48e052ff0694d4c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "f1e3ac658df52d1ca1b678a8de731dee850ee3a4": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "f51daf31f93e28574fbd9c3879263ccedb94b865": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "e230703ea73cb94a29b9af2a661749e0a4950f96": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "55bf6e8f2426023b7fe6f650e3a009ae03bdf876": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "7759f22378fa841fb29750b6eeb21bbde19f51f1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 0, + "27": 0 + }, + "92e5596ea0cde081ad830d0f3c58cdf7ea7a125d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "24a7d9be81b9dc546ef62ce998fe7d1e15a0038e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "f7f4c84b49975065729b418e0fc6ab9c23a151e7": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "d90597618d5ca84528f1668509b3329021dc8d4b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "4e812c3caf01b39f8df6dd7420a275d766a2b923": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "0d1baa650a80605774f4dd49461793578fd3b433": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "471ee3e285c074066efe8030679f0a698900864a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "070eb3e4b02b0fe2ed05fb588c75f10dfefec6d9": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7acf0d1d79716029de139aa2c0d7dba4f3d40f00": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "d820490b1532a00c604bb059109d0932e14ef8bf": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "6193fd9a0549b03ef7248c9e7b6cc31352034645": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 0, + "27": 1 + }, + "d506372df332c2acec52313e3b4dffb06f2c6870": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "0cf2770148d2390683da3ff1a3245a12801fa599": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "9a0d6918a4d7adcc8e0c75894c161fc250985bc3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "690b355c355175db4665022fb8b3c50fc74ebddf": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "518bf924f089c1845f344a7946a4a7b20104f8a3": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 0, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "097b381f46514667043f333e2e99d972041ee5eb": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "dc988dc66c6f987566cce9089b1bede732670c65": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "0a2a46810ad049bdd4fbe1171441bea69822e718": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "3b7faf3b612beacc816a7741c8d50a303d3f022e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "bd6a0818d02de2faff72753b137582927a9653f1": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "b5cd1e43e06343ef556facf84ac538b453dd49b9": { + "0": 1, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 1, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 1, + "27": 1 + }, + "e597872c3d6514b947976f6745bab0b37f25d204": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "6d63e73d09fd7b272a05b111f00394142e87716d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "fe254d1d5256e8a4cb1946805a0860b747bc4a21": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "c02f02d18842ac3c2f31be2c64008d3dc3939d6f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "cc9351ce61547ce610fde50f7ad0975430cc0069": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "28018e7e59c90a49753d14e37e9cbeeadb8ad09d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "3bb457d7c6add3ecb5ddc74ea4c28c826656d82d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "428ba95bd45e126faec49d29c0f8b805daea1382": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "6ef5ad363fc49ea6cd38be8d8db41019b17c0334": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fbb6937cc6a54b1e66eaa1b644dbb8c97a3c8a58": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "757b7d101c3b586dcfe54f6dc42137d684baec5b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "45b84799605ea78ab18994c6bd5d2d791d983115": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "9cb3f3f1f15c334ecbb6fc8d30642c71645ca418": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7a3644959bbe929f7027c995192f32970c76c8ce": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "794f7b0429ceb6f92e0cbcce2b212cd4bcb07a25": { + "0": 1, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1 + }, + "de756834a04a2fe5cd27f5a87a30481ad0c9ce50": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 1, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 0, + "26": 0, + "27": 1 + }, + "6037080b3b6983b9cf9e36a743c3c847b3da74ee": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "c4c1db8e0ada12edbb2729a444c006015ebc3294": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4769b9ee78cd2910bdf0e080377b13447950b359": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "13e932f003911724da257e180abd0f3e3462691c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "b13956a6af956788cdf990469278229af64b94e3": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "bdee1311af07d9cb2a997b40e61055f62c3f9a96": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "1adf1201d219d6cf2893ea40470b60c2a19806f6": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0 + }, + "e42875fc1cf3975c31388676276fba8302102b74": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 0, + "7": 0, + "8": 1, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "9f5e6eff54ca1335230af2264f0f11cba0362a0f": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "90d4734826e7dc950961a57a5b6640fb394c6893": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "34794d7f72d9dd89db15abb8a654292cb33dcf21": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "df39d1eb604d2e83959ee26db1b3e2dd53fd9b49": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "afcada4b5bace5be728909d13712f8a54a678df7": { + "0": 1, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "ea1ba46ae75c154535b126447a36903e1c1d9502": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "9548b1bc45145a3993bf163cf8fde39ef5c63ab3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "04d74d23a973da9e07eb62721d838bab59ff9dda": { + "0": 1, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 1, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 1, + "27": 1 + }, + "756f7665d76edea368a76ece4486867c3f75a6a3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0 + }, + "6d58210497ab4d479d69061be38d53edd4df23f3": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "cb7cb38d1248f66dcbc562b4ea123176cdfd4669": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "327075b15cd3f80d6a85418bc84cf1ff4afb09bf": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "a2878503daf39e18159522e5abc933642cc8d3dd": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "2d0243ff86d98678b058726f2cbb82367e6d5587": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "675f56302bcafb51337112658aa81c256daa8f11": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "b127937d122abc3acbd9ea65eeb68e41564dcbc8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "29782e4c301791337dbb78a623f863c6265ceaca": { + "0": 1, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "c26a664473358b48a7cf97c46e616da46f7aac66": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0 + }, + "9c5fb984543dec0748b2a8e89e8e4417428d9d21": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "b2719569d4342435200b196a4c6eaca9744ce746": { + "0": 0, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 0, + "27": 1 + }, + "7fcc8d616c24a1c8cc6da7ed8fb14f06e47fa166": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "7dfef13967d69d170bbbd36448db665c9686a78a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "92d9b17aa6341608ccb6208ef918be80c36b5e6f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "6434b911e74e0d2939d97a8820552e19fd926f60": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "f4d66cec22e50c98d1934c490d64b1de271ebe22": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4dbfffced679fd9578e9b0919de16cec8011a14a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "c4302e992c0860331c63add6221dabfb4762d094": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "adf3f72be5f1b3f3c90597ffe3722d6331299f3e": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "449ce4d334b644b4b553b8b61bfb12ecbb183dd2": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "c1ce75cbdabc608bb1fe2902a239c12e30833c68": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "5cf28b2251d6ec4011439cccfe0c1931519a937c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "226f9cd3a02f4dc30eca77b7b28b95270216ec15": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "e5e9e227675f86b8d7810fb992762f8f69150bcd": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0 + }, + "f7f3184d30de13ed9ae3b79fd751d885d923aff4": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "e2f8529167a0f81cfa378c2bf2c61e5d2fa636ef": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "cd112014ec241ee69df4f4c3142afa724b82bc7a": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "550197bd387881097b5714408b77ffadf0d20f29": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "bed3ad099c634447380c6035ee7583c5bd908158": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "8474284f770625afd34954c4bc22d44bd3b5c948": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "30f5e4556282b891403a8b30d8862a1e4b67911c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "84b590f9cb4857e3148cd3c82fdedadc6f54f831": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "dcfce28f94e4eed967332d4810f0f353e90df007": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "31d8f63f1b0253b38207bb9a23177ee03315bf89": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0 + }, + "219f39b5b98f4f1ca2b50d0c073cf2e995fe282b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0 + }, + "07b66638f416d4c730c713856975cfa137c406c2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "47b2edea5bf4c36daea2e859be3791c5db0651a4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "9321bbbf17a156ae9fd3f51f2cdddee14f901c35": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "b4f752dcd3e38c26f064d5e78f319bf8565833a7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4fa063cf6f0e70b29beb8ad49e687f80a0af3e75": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "a6d8a6f583256921c737587834590f0b196961c7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "15437eb52cbcbae98c83e492def3cb84044e00cb": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "aed56b7d10155f5fd93b655121c451dc2fada076": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "3b60da46fcdf437129a9596b7ae281ec2ea0426c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "880769239c4066d21c29e16d6a4233b6a831604d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "0b6bf62818fb842dc0d4dd4411ca79f12b30f168": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "d7f4dcad39ba71f3fbbce52c0b1217afcebb6b4b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "4b3ff086cbfed8325b198b1559e6721374b1f3e2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0 + }, + "775bc7b099b2810a7e59257e370d744ceed2cf50": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "19963c0d6f4aecf22e9242d91d1f206c9756a851": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "7336e688ffc43f61fda8d21ac3f5ae97f1d44782": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "d989e2cf702cc517c260e3a038c4f858d4fd8660": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "f852dfc7d0c0ce0f36e9cb7bc589553f894c61cf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "36982f6628436491bc56aef0faf3e069fffe8fd7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "87ca6a850560f0410fababac716f58a8c5f30f5f": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "6694f5fda680d8bcdfc1c4221633e0fff6f42c42": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "7076aa9014f05b460c3e30634ff79e2106c4d295": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "c262f570ee476f74e68352743fc1db25c1c8218a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "95028595e19d9a6d61bb2c086428620e7a0f6669": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "60713369599a785604dd684075e75e7ad783eb9d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "992605dd98ce086118a9d13b3cb490bfdc040503": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "328c5d8d40ed4e88ace93870bd36887fd2ac42b4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "ac0bed3b6b6d42b132b7897a029cca264a7954af": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "3a1845105e8d0513efec2bfc8bcfc6bbad825525": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "247bac774fc2204b62308ee6d32c644db8d82526": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "fccc3c6ee06f4a382dbff50fb08cccb85de11f5c": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "8f8f7dc4c03c34c2628d2e45f1fabdfa01b7947d": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "03fe0183d50b4f31aa936406b9877383477faeec": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "a342aff34596e953245922f01a45ff618d88807a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "46bb2f8b52255c73dbec93503ba3bb830770806c": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "23d3a9b2ea2cc30e04996e5b293efb853e158e57": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "2ffe46ef4593f6bf3a896d6cc264a5d229589f0f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7455ad4fe1140b55ca5549f229b99ea60fa39fc6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "a977daeb2f01123a19ac38a7284c0975d58760fe": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "5e3b930604fe5e709917da2cd5241e8b123016ae": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "af89fa91bc0417319d9d88d113c533a58d3bacb5": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0, + "24": 0, + "25": 1, + "26": 0, + "27": 0 + }, + "01c60f36dcc27af4bd7ddd667612fd02507003cb": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "94a778e9a8025bb674f687e0c8c1050bca634992": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "17a7ee4abc56d113429a354af4b71e2152822e18": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fb9a6a0cc75239e228e12ef5ba887125df298011": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "80905fc1e77ee62a9724b32c75d9dedb86514ec6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "895c093ca28eb49257dd67df0976e1ef8c5e31e8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7bf310f858eea190992cd718584dd249afb6baba": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "bc188cf6b8396cbad92722cc692593b2b8186d84": { + "0": 1, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 1, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 1, + "27": 1 + }, + "7563a00fcbd8bb711bb67dca2da25e2a8e37f472": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "aa06bbe524b291db1101c2c30faf1a49e4886a66": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "2c6bc981f762a21bf063579dabd688be28902769": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "766fa67d7e7230cf27f47d4a4643fa3ee230e21d": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 0, + "24": 0, + "25": 1, + "26": 0, + "27": 0 + }, + "af039df147062104ef5bfd49ba70c81cef38f1bd": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 0, + "27": 0 + }, + "94cf40844761b9bf23b7a2aae0f274c46ef27211": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "04d85794ccb9a49e312cd54a3ed2e7eec585130c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "bf74f7da83957922cd059750ca8bd35697559798": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "5e00cb86e7ea4550b9e50c5ba6d5787883f32cdd": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "4e6d2d73383ed509e91fa4de1611fdf43b259eaa": { + "0": 1, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 1, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 1, + "27": 1 + }, + "45c7310799bdfe67842f35b5e79785a39bda4f45": { + "0": 1, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "e045356c0a2a71eb4b78dca5368370b81699fd0d": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "2819d1ecc701888008960a234045249898203857": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "85a8a87396958d44d4359c238f71b8a905f21d97": { + "0": 1, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0 + }, + "c33b44f557fd7c2a3238818722cd845a74e96b85": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "739a21d5c9c3b98a4fa557c72b681220b141eba8": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "64524289f45cd271a56bfeba711b26aa6baf4105": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "635fa27f29c62fced3306d89658b44900762cf0d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "b2fd8011ee7c2afea9f59abe051ebe9def429f27": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "d261a776851487ad6f6d2ffbbde9d4a04387ea17": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "8a33e477bf30013fa27cfae14f18eed5a300031c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "b7363a88b8bcf4988df13485dae7dc7a882ca3da": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "a6c6ee4eefdd98e35660f4b13c40031e2dd96fdc": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "35b6c221af679013699d7e53028f4a4123c7ee3d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "c22fd2a7199c49c9e3e2e4b98f33be8555b90851": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "ad6667fff46d9f39dbb845a132b591cd3622a8cb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "aec6ae2bc9eb1b96cc394da8eb580f81d4668c42": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "11704cdbd479653a614869166ef6c2ec6acafbf0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7f3b7ed40c69bbead1eb1d59516bf4cf267cfada": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "a8c3148cf271714e4a99f1ff26edabe6f5495d09": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7bbcca8ec052b749383f6d1608b025e479522e45": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "eaf5347f413b5c68eebe2c420cf8ac1fe9ee1c80": { + "0": 0, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 1, + "15": 0, + "16": 0, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 0, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "ed5fa20c5b0792d19b7590e0234ea703b4e4f60b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "12595fd25d44c0460c3f9c32a53a60f9f9288e74": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "69de671a7c92660989562dc0fe570dc30c2ac901": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "d2477b81f6f33d94c86c17b4f7651cc90bb48304": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "383c059001302ad2260c68e7074a12948173567c": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "f026ace36cef60704945a20964b6b650387bc764": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "90a9d9db66e8ebc962a7d66b3048f646a22706c4": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 0 + }, + "5483465d13d40f818df65ae64d62c497420d43a3": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0 + }, + "49f95df18c12dc78fbe6b60882bd0206c195d2da": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "3bfc9d6d287862d30e80bc65d01fd486c67ba7f5": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "1b9ec977a7535750df5ecb057242af8d050a0aad": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "a15ade257144669f08a3b41833cffc5c5239b48a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "02d614e5cecb69b332de07c259cce1c2222dbdf4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "7c07e58d75ad1efd7d4087ffda93ce64620ec6eb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "576ee7eb3c2d2726479d5a0225e5c5a93fb2d121": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "48f104c2a0afba7854cd74d6478d2a6100bc9ae5": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "d275c3a0dbe58ff9108cf324787c4eca68c06fec": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1 + }, + "67c2ac4db747b163f231b96e39e5782e4d1bf799": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "eafdb094c4118009da8a7f0ff70ac640c5edf50b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "57ddc5489563e9f00f8870dad89983192c533530": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "e2f97269afc161c5f243907bd2fdd6b5cc946ce7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7b28e3148b5596f6fffad9b62b86a22a92fef068": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "fa13af4dd9ad5e798c772364f6fcb3ccb9ca5d69": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "e951b0c7fce1c21696ae663476c272540f69d2a8": { + "0": 1, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "659ed82a01175510d27767586c23946d90290b41": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "95faa7d65214956ab9b6ba1851d2e865a3a36105": { + "0": 1, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0 + }, + "c69aed689e9a2372cdafe0eaee6429ec31e1b470": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "925251313138aa8bbc97741cb68b0e7639b1ed16": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "f6782d6ea316bb65079d366d047cadfed1ed01c9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 1, + "24": 0, + "25": 0, + "26": 0, + "27": 1 + }, + "133aec360f6130c089ecb4fed3d586065f798b51": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 0, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 1, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 0, + "19": 1, + "20": 1, + "21": 1, + "22": 0, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "158377ea699db1d9f602d54e6af4fe86330fa2ae": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "33af1338ebd77ac62d707b19269ed4e0d2204de1": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "8dd4f56a79183e0ebe35dcd1c61f799358e4f551": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "7f5c70978d856d562b8455823f53623bbc04fdae": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "5d4b1fb995bbce6fd0a375422eb15b622dc52aaf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "d4c3fdc69fa16e2b77eeb427a3856009ec1edf60": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "caeacba3661b5f95022d895c1974e8c51c03f7a8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "90134f57014e977d1d0027bd80392751bb902793": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "7ea97b5d7f91c9338173d7792fef82194b594edf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "c660a2dbaae8e42c9eda7a41ff6e16d73b0d3bf0": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 1, + "23": 1, + "24": 1, + "25": 0, + "26": 1, + "27": 1 + }, + "7bc2bce417cf6debcc137690a244dca8c8a5cd2c": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "6c755aaa31da095e8bc4396b5f96cb842d08a201": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 1, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "06bdc12c0d6529a832a7579347b11563358ced9e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "f419bec9e80d3ca87e56fa7dc0c491ab36c2494f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0 + }, + "5b687d7f53a0c028d1c8eea206364bb32b4d8832": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + }, + "077619bf90d1a0fc61906b6a9709ee64f3ab70af": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 0, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1 + } +} \ No newline at end of file diff --git a/IRT_dataset/494_107/all_code_outputs.json b/IRT_dataset/494_107/all_code_outputs.json new file mode 100644 index 0000000..024e390 --- /dev/null +++ b/IRT_dataset/494_107/all_code_outputs.json @@ -0,0 +1,8822 @@ +{ + "ec0d90a5e9480a734e6675d7c10448f30daf64a1": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "09eb67d29ea5fffab0543c4e51c89b045b248347": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "b86b9c093eafddd0018a35e02b358dd2eb71f4af": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "b1e82a683414f1ba22b572bb0ebbdd287a733312": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "043635d2219b492a59f8d6a0cc046d1d67b382a4": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "99c1c254f6d32c0cfa54afc3db2af5ebc27f3922": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "927a804fc77b9eaa0b3949299a14e6fc562945ab": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "cfa8cf821815609acb89096ed9064a2259fcb031": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "1d403f172d9fcdb24a076a6acf1ce0111085642c": { + "0": "4\n", + "1": "4\n", + "2": "4\n", + "3": "4\n", + "4": "4\n", + "5": "4\n", + "6": "4\n", + "7": "4\n", + "8": "4\n", + "9": "4\n", + "10": "4\n", + "11": "4\n", + "12": "4\n", + "13": "4\n", + "14": "4\n", + "15": "4\n", + "16": "4\n", + "17": "4\n", + "18": "4\n", + "19": "4\n", + "20": "4\n", + "21": "4\n", + "22": "4\n", + "23": "4\n", + "24": "4\n", + "25": "4\n", + "26": "4\n", + "27": "4\n" + }, + "2d590af4574fe2ee13adcd5b9ec63c5afbb254d9": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "ba0d37b9a256e625faf1239dfedf5bf20ba4c84b": { + "0": "3\n", + "1": "2\n", + "2": "1\n", + "3": "1\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "1\n", + "10": "2\n", + "11": "1\n", + "12": "1\n", + "13": "2\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "1\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "1\n", + "27": "1\n" + }, + "67494d24c904ad457fd72c664a92610c17b1675c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "0635200200e17d2012425a43f7b9ef623fdc4190": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "4039fac8b09a7ffd30dd6aa84f0de06ac2123932": { + "0": "1\n", + "1": "0\n", + "2": "5\n", + "3": "0\n", + "4": "4\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "2\n", + "10": "1\n", + "11": "0\n", + "12": "1\n", + "13": "0\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "1\n", + "20": "1\n", + "21": "0\n", + "22": "0\n", + "23": "1\n", + "24": "0\n", + "25": "0\n", + "26": "1\n", + "27": "1\n" + }, + "687f100b82454565aae6b757d575ea87d39dd92f": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "0\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "0\n", + "12": "4\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "691a5925a42e35a05cbeab9885d9f4b003a81f3f": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "4c377a93c29dfbadb1db8e3d8fc76bc0068d8750": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "038fd3a5171d977be8f436d721673756c19e0b93": { + "0": "1\n", + "1": "1\n", + "2": "1\n", + "3": "1\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "1\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "1\n", + "15": "1\n", + "16": "1\n", + "17": "1\n", + "18": "1\n", + "19": "1\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "1\n", + "27": "1\n" + }, + "9c975e826b9208f25749b877e6294b45662e7d42": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "d0cb9a2ac23cf21ea9c3065977aa5aced25d78ff": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fe3206fd0d4f3bde82d6a2c52a3fa4ae2ad5ad8f": { + "0": "4\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "ea624bf49aed3355fb696b56f5ba3855a02501c7": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "6070b80ca122475404a5215acde59735c48beb62": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "f0e3a00e6b08c0bba23ebf1d0a933775a2b162d7": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "5b90d3a09890699bcf1cbb251146d0ea0a1b8365": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "ace04f7f6f58114cfd8d0662322f6e68ff5e393a": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "4872328b73d6f4f2aba37914993f8d500787a99c": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "8767af868496e57a95d842f7b1d78f887332cc7b": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "ecfad41858d2ae09a02483b7e292162ff7237a78": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fb5d9670990c82b0ee30127c5927bcd78d991210": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "c565833b540b15f532d3914a5a40bfc2a010cfa6": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "8ded6fc9d2a080d5cd8ed75b5fe3697c5d46c0fb": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "ce13a6687cd7cf490fcad30a9c541c0aa678157b": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "59808f5db4d1115d6f559fbbb313d6cc2a440d31": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fa6bf3d48bf5e0ae2d511f8aeae70093016110a0": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "235d417d77271ca7f52cd237f4f4b1a74ae26db8": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "2f95e603c39b23b1aa6da33615a4b4b554ac1377": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "1ccb7f34422007921e0174f402eefa4e5aba0066": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "8fb500466613a34013f0592cc334f444d8a2780d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "434c1686d91fb7a715883f8a24f2a8345cbf755d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "fcac9677bf391cd24ed7b5daf3e275f798875a79": { + "0": "6\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "1\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "1\n", + "12": "5\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "2\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "3\n", + "20": "15\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "5\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "10\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "b82cbb8e02bb1a8d37bb7b148e2a82776d9ac3db": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "5862a7fd93216246bf42b0da9878bc6909187008": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "43fede5bd6c9dc4aa69df66b34809488616642de": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "be602f873c016a18bf4d0ce7d662add4e8f6725b": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "1\n", + "8": "1\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "2\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "1\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "b06a254fe98f5f91149f0ac2f91f63ddbd0cb03b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "32c0f4952bcd7977f11bd0ef7f3df02964934631": { + "0": "1\n", + "1": "1\n", + "2": "1\n", + "3": "1\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "1\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "1\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "1\n", + "27": "1\n" + }, + "26a23586dbb904483f57d4084c90dfcfae217280": { + "0": "1\n", + "1": "0\n", + "2": "5\n", + "3": "0\n", + "4": "4\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "2\n", + "10": "1\n", + "11": "0\n", + "12": "1\n", + "13": "0\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "1\n", + "20": "1\n", + "21": "0\n", + "22": "0\n", + "23": "1\n", + "24": "0\n", + "25": "0\n", + "26": "1\n", + "27": "1\n" + }, + "1fa9c66c5ac53ae19da3cd19fcc6a21d857159b9": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "3d8eebef5e3f4a3bd35ab35b142f9389fae3b72c": { + "0": "11\n", + "1": "6\n", + "2": "9\n", + "3": "13\n", + "4": "8\n", + "5": "5\n", + "6": "10\n", + "7": "5\n", + "8": "5\n", + "9": "5\n", + "10": "10\n", + "11": "5\n", + "12": "9\n", + "13": "5\n", + "14": "10\n", + "15": "4\n", + "16": "5\n", + "17": "10\n", + "18": "5\n", + "19": "7\n", + "20": "29\n", + "21": "6\n", + "22": "11\n", + "23": "5\n", + "24": "19\n", + "25": "5\n", + "26": "19\n", + "27": "10\n" + }, + "f48d4af26a51cac3758d5ee02995ff6a356c0252": { + "0": "6\n", + "1": "2\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "0\n", + "10": "5\n", + "11": "1\n", + "12": "4\n", + "13": "2\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "2\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "1fbc0bff8b27b6f5502c6e150ab351189af0e417": { + "0": "4\n", + "1": "0\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "0\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "4\n", + "11": "0\n", + "12": "4\n", + "13": "0\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "518252b72cd3dd43fdf69f9bb24f79600a4d88d0": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "26fa787fea233bedf6b3aaf7385df243555c38b7": { + "0": "4\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "f882983ffa4d1a42f7c6dcb80f336d789c865445": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "d045ab70f386e103d04e21337d9f519a314e7a0b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "0212b99711453fd4acc40fe676e038cf3d05a8fb": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "c83498662d751a0e97a9eb3cb27a72d840f0a28d": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "c32e55fb2409bbc74abad87ecf1751e259f688ee": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "80da8568bfe82e877f31f05c40e0b8b3e1b35109": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fef4cba16c249392d2224763f7083b8b6513ae85": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "6534acf7eb834ab2e447278387d49286fe611f8c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "4690b3990e2eb6dd080ba258226248164f82da78": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "d4dcc6ee398c0337c9ab67108947b1782e45772e": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n" + }, + "ae5379d490936e0295bed80ad3f1eb92f1f3577d": { + "0": "4\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "54125426a1ca45dd76e5e83c4e309ac5510f121a": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "8cb2932515975a5400c9753f64da717f0112efb0": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "4c5164a4a35736402dda8cf0c6a43caaffdfba82": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "721405ddd9faed52f46952cab844150fb076ee27": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "0\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "0\n", + "12": "4\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "0c0e480b0aea7e4e587934c6ac6179c026eae0b9": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "ee7a7f024b0b83b329c1ac2c50e06ed6d852c1ed": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "b1487a8184a6f93c06867717c48e052ff0694d4c": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "f1e3ac658df52d1ca1b678a8de731dee850ee3a4": { + "0": "3\n", + "1": "1\n", + "2": "2\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "3\n", + "11": "1\n", + "12": "3\n", + "13": "1\n", + "14": "2\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "8\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "3\n", + "25": "1\n", + "26": "5\n", + "27": "1\n" + }, + "f51daf31f93e28574fbd9c3879263ccedb94b865": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "e230703ea73cb94a29b9af2a661749e0a4950f96": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "55bf6e8f2426023b7fe6f650e3a009ae03bdf876": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "7759f22378fa841fb29750b6eeb21bbde19f51f1": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "1\n", + "8": "1\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "2\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "1\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "92e5596ea0cde081ad830d0f3c58cdf7ea7a125d": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "24a7d9be81b9dc546ef62ce998fe7d1e15a0038e": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "f7f4c84b49975065729b418e0fc6ab9c23a151e7": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "d90597618d5ca84528f1668509b3329021dc8d4b": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "4e812c3caf01b39f8df6dd7420a275d766a2b923": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "0d1baa650a80605774f4dd49461793578fd3b433": { + "0": "3\n", + "1": "3\n", + "2": "4\n", + "3": "4\n", + "4": "3\n", + "5": "2\n", + "6": "5\n", + "7": "2\n", + "8": "2\n", + "9": "2\n", + "10": "3\n", + "11": "2\n", + "12": "2\n", + "13": "2\n", + "14": "4\n", + "15": "2\n", + "16": "2\n", + "17": "4\n", + "18": "2\n", + "19": "2\n", + "20": "7\n", + "21": "2\n", + "22": "5\n", + "23": "2\n", + "24": "7\n", + "25": "2\n", + "26": "5\n", + "27": "4\n" + }, + "471ee3e285c074066efe8030679f0a698900864a": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "070eb3e4b02b0fe2ed05fb588c75f10dfefec6d9": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7acf0d1d79716029de139aa2c0d7dba4f3d40f00": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "d820490b1532a00c604bb059109d0932e14ef8bf": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "6193fd9a0549b03ef7248c9e7b6cc31352034645": { + "0": "1\n", + "1": "0\n", + "2": "5\n", + "3": "0\n", + "4": "4\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "2\n", + "10": "1\n", + "11": "0\n", + "12": "1\n", + "13": "0\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "1\n", + "20": "1\n", + "21": "0\n", + "22": "0\n", + "23": "1\n", + "24": "0\n", + "25": "0\n", + "26": "1\n", + "27": "1\n" + }, + "d506372df332c2acec52313e3b4dffb06f2c6870": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "0cf2770148d2390683da3ff1a3245a12801fa599": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "9a0d6918a4d7adcc8e0c75894c161fc250985bc3": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "690b355c355175db4665022fb8b3c50fc74ebddf": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "518bf924f089c1845f344a7946a4a7b20104f8a3": { + "0": "6\n", + "1": "1\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "0\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "5\n", + "11": "0\n", + "12": "4\n", + "13": "1\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "2\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "097b381f46514667043f333e2e99d972041ee5eb": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "dc988dc66c6f987566cce9089b1bede732670c65": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "0a2a46810ad049bdd4fbe1171441bea69822e718": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "3b7faf3b612beacc816a7741c8d50a303d3f022e": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "bd6a0818d02de2faff72753b137582927a9653f1": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "b5cd1e43e06343ef556facf84ac538b453dd49b9": { + "0": "5\n", + "1": "5\n", + "2": "1\n", + "3": "8\n", + "4": "1\n", + "5": "2\n", + "6": "10\n", + "7": "3\n", + "8": "2\n", + "9": "1\n", + "10": "5\n", + "11": "5\n", + "12": "5\n", + "13": "4\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "9\n", + "18": "2\n", + "19": "5\n", + "20": "15\n", + "21": "4\n", + "22": "5\n", + "23": "1\n", + "24": "15\n", + "25": "4\n", + "26": "10\n", + "27": "1\n" + }, + "e597872c3d6514b947976f6745bab0b37f25d204": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "6d63e73d09fd7b272a05b111f00394142e87716d": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "fe254d1d5256e8a4cb1946805a0860b747bc4a21": { + "0": "-8\n", + "1": "-3\n", + "2": "-20\n", + "3": "-51\n", + "4": "-17\n", + "5": "-7\n", + "6": "-34\n", + "7": "-2\n", + "8": "-5\n", + "9": "-6\n", + "10": "-9\n", + "11": "-4\n", + "12": "-10\n", + "13": "0\n", + "14": "-23\n", + "15": "-5\n", + "16": "-9\n", + "17": "-30\n", + "18": "-4\n", + "19": "-8\n", + "20": "-180\n", + "21": "-7\n", + "22": "-43\n", + "23": "-8\n", + "24": "-95\n", + "25": "-5\n", + "26": "-70\n", + "27": "-43\n" + }, + "c02f02d18842ac3c2f31be2c64008d3dc3939d6f": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "cc9351ce61547ce610fde50f7ad0975430cc0069": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "28018e7e59c90a49753d14e37e9cbeeadb8ad09d": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "3bb457d7c6add3ecb5ddc74ea4c28c826656d82d": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "428ba95bd45e126faec49d29c0f8b805daea1382": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "6ef5ad363fc49ea6cd38be8d8db41019b17c0334": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fbb6937cc6a54b1e66eaa1b644dbb8c97a3c8a58": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "757b7d101c3b586dcfe54f6dc42137d684baec5b": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "45b84799605ea78ab18994c6bd5d2d791d983115": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "9cb3f3f1f15c334ecbb6fc8d30642c71645ca418": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7a3644959bbe929f7027c995192f32970c76c8ce": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "794f7b0429ceb6f92e0cbcce2b212cd4bcb07a25": { + "0": "5\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "14\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "de756834a04a2fe5cd27f5a87a30481ad0c9ce50": { + "0": "2\n", + "1": "1\n", + "2": "1\n", + "3": "3\n", + "4": "1\n", + "5": "0\n", + "6": "0\n", + "7": "1\n", + "8": "0\n", + "9": "1\n", + "10": "2\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "1\n", + "19": "3\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "0\n", + "26": "1\n", + "27": "1\n" + }, + "6037080b3b6983b9cf9e36a743c3c847b3da74ee": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "c4c1db8e0ada12edbb2729a444c006015ebc3294": { + "0": "10\n", + "1": "6\n", + "2": "4\n", + "3": "13\n", + "4": "4\n", + "5": "5\n", + "6": "10\n", + "7": "5\n", + "8": "5\n", + "9": "3\n", + "10": "9\n", + "11": "5\n", + "12": "8\n", + "13": "5\n", + "14": "4\n", + "15": "4\n", + "16": "5\n", + "17": "10\n", + "18": "5\n", + "19": "6\n", + "20": "28\n", + "21": "6\n", + "22": "11\n", + "23": "4\n", + "24": "19\n", + "25": "5\n", + "26": "18\n", + "27": "9\n" + }, + "4769b9ee78cd2910bdf0e080377b13447950b359": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "13e932f003911724da257e180abd0f3e3462691c": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "b13956a6af956788cdf990469278229af64b94e3": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "bdee1311af07d9cb2a997b40e61055f62c3f9a96": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "1adf1201d219d6cf2893ea40470b60c2a19806f6": { + "0": "5\n", + "1": "5\n", + "2": "5\n", + "3": "10\n", + "4": "5\n", + "5": "5\n", + "6": "10\n", + "7": "4\n", + "8": "5\n", + "9": "4\n", + "10": "5\n", + "11": "5\n", + "12": "5\n", + "13": "4\n", + "14": "5\n", + "15": "5\n", + "16": "6\n", + "17": "9\n", + "18": "4\n", + "19": "5\n", + "20": "15\n", + "21": "5\n", + "22": "10\n", + "23": "5\n", + "24": "15\n", + "25": "5\n", + "26": "10\n", + "27": "10\n" + }, + "e42875fc1cf3975c31388676276fba8302102b74": { + "0": "6\n", + "1": "1\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "0\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "5\n", + "11": "0\n", + "12": "4\n", + "13": "1\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "2\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "9f5e6eff54ca1335230af2264f0f11cba0362a0f": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "90d4734826e7dc950961a57a5b6640fb394c6893": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "34794d7f72d9dd89db15abb8a654292cb33dcf21": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "df39d1eb604d2e83959ee26db1b3e2dd53fd9b49": { + "0": "0\n", + "1": "3\n", + "2": "3\n", + "3": "4\n", + "4": "3\n", + "5": "2\n", + "6": "8\n", + "7": "1\n", + "8": "2\n", + "9": "2\n", + "10": "0\n", + "11": "3\n", + "12": "0\n", + "13": "2\n", + "14": "3\n", + "15": "3\n", + "16": "4\n", + "17": "6\n", + "18": "1\n", + "19": "2\n", + "20": "0\n", + "21": "1\n", + "22": "7\n", + "23": "3\n", + "24": "9\n", + "25": "2\n", + "26": "0\n", + "27": "8\n" + }, + "afcada4b5bace5be728909d13712f8a54a678df7": { + "0": "5\n", + "1": "2\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "4\n", + "11": "1\n", + "12": "3\n", + "13": "2\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "8\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "3\n", + "25": "1\n", + "26": "5\n", + "27": "1\n" + }, + "ea1ba46ae75c154535b126447a36903e1c1d9502": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "9548b1bc45145a3993bf163cf8fde39ef5c63ab3": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "04d74d23a973da9e07eb62721d838bab59ff9dda": { + "0": "5\n", + "1": "2\n", + "2": "1\n", + "3": "5\n", + "4": "1\n", + "5": "2\n", + "6": "2\n", + "7": "2\n", + "8": "2\n", + "9": "1\n", + "10": "5\n", + "11": "2\n", + "12": "5\n", + "13": "2\n", + "14": "1\n", + "15": "1\n", + "16": "1\n", + "17": "3\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "3\n", + "22": "2\n", + "23": "1\n", + "24": "6\n", + "25": "2\n", + "26": "10\n", + "27": "1\n" + }, + "756f7665d76edea368a76ece4486867c3f75a6a3": { + "0": "6\n", + "1": "4\n", + "2": "3\n", + "3": "5\n", + "4": "3\n", + "5": "2\n", + "6": "5\n", + "7": "3\n", + "8": "3\n", + "9": "3\n", + "10": "6\n", + "11": "4\n", + "12": "6\n", + "13": "2\n", + "14": "3\n", + "15": "2\n", + "16": "3\n", + "17": "6\n", + "18": "2\n", + "19": "6\n", + "20": "16\n", + "21": "2\n", + "22": "6\n", + "23": "3\n", + "24": "11\n", + "25": "2\n", + "26": "10\n", + "27": "6\n" + }, + "6d58210497ab4d479d69061be38d53edd4df23f3": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "cb7cb38d1248f66dcbc562b4ea123176cdfd4669": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "327075b15cd3f80d6a85418bc84cf1ff4afb09bf": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "a2878503daf39e18159522e5abc933642cc8d3dd": { + "0": "4\n", + "1": "2\n", + "2": "2\n", + "3": "5\n", + "4": "2\n", + "5": "3\n", + "6": "5\n", + "7": "2\n", + "8": "3\n", + "9": "2\n", + "10": "4\n", + "11": "2\n", + "12": "4\n", + "13": "2\n", + "14": "2\n", + "15": "2\n", + "16": "3\n", + "17": "5\n", + "18": "2\n", + "19": "2\n", + "20": "14\n", + "21": "3\n", + "22": "5\n", + "23": "2\n", + "24": "9\n", + "25": "3\n", + "26": "9\n", + "27": "5\n" + }, + "2d0243ff86d98678b058726f2cbb82367e6d5587": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "675f56302bcafb51337112658aa81c256daa8f11": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "b127937d122abc3acbd9ea65eeb68e41564dcbc8": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "29782e4c301791337dbb78a623f863c6265ceaca": { + "0": "5\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "4\n", + "11": "1\n", + "12": "3\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "8\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "3\n", + "25": "1\n", + "26": "5\n", + "27": "1\n" + }, + "c26a664473358b48a7cf97c46e616da46f7aac66": { + "0": "5\n", + "1": "1\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "1\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "2\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "3\n", + "20": "15\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "5\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "10\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "9c5fb984543dec0748b2a8e89e8e4417428d9d21": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "b2719569d4342435200b196a4c6eaca9744ce746": { + "0": "1\n", + "1": "0\n", + "2": "1\n", + "3": "0\n", + "4": "1\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "1\n", + "10": "1\n", + "11": "0\n", + "12": "1\n", + "13": "0\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "1\n", + "20": "1\n", + "21": "0\n", + "22": "0\n", + "23": "1\n", + "24": "0\n", + "25": "0\n", + "26": "1\n", + "27": "1\n" + }, + "7fcc8d616c24a1c8cc6da7ed8fb14f06e47fa166": { + "0": "2\n", + "1": "1\n", + "2": "1\n", + "3": "2\n", + "4": "1\n", + "5": "2\n", + "6": "1\n", + "7": "1\n", + "8": "3\n", + "9": "1\n", + "10": "2\n", + "11": "1\n", + "12": "2\n", + "13": "1\n", + "14": "1\n", + "15": "1\n", + "16": "1\n", + "17": "1\n", + "18": "3\n", + "19": "1\n", + "20": "2\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "2\n", + "27": "1\n" + }, + "7dfef13967d69d170bbbd36448db665c9686a78a": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "92d9b17aa6341608ccb6208ef918be80c36b5e6f": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "6434b911e74e0d2939d97a8820552e19fd926f60": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "f4d66cec22e50c98d1934c490d64b1de271ebe22": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "4dbfffced679fd9578e9b0919de16cec8011a14a": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "c4302e992c0860331c63add6221dabfb4762d094": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "adf3f72be5f1b3f3c90597ffe3722d6331299f3e": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "449ce4d334b644b4b553b8b61bfb12ecbb183dd2": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "c1ce75cbdabc608bb1fe2902a239c12e30833c68": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "5cf28b2251d6ec4011439cccfe0c1931519a937c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "226f9cd3a02f4dc30eca77b7b28b95270216ec15": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "e5e9e227675f86b8d7810fb992762f8f69150bcd": { + "0": "7\n", + "1": "6\n", + "2": "8\n", + "3": "9\n", + "4": "7\n", + "5": "4\n", + "6": "10\n", + "7": "4\n", + "8": "4\n", + "9": "4\n", + "10": "6\n", + "11": "5\n", + "12": "5\n", + "13": "5\n", + "14": "9\n", + "15": "4\n", + "16": "5\n", + "17": "9\n", + "18": "4\n", + "19": "5\n", + "20": "15\n", + "21": "4\n", + "22": "10\n", + "23": "4\n", + "24": "15\n", + "25": "4\n", + "26": "10\n", + "27": "9\n" + }, + "f7f3184d30de13ed9ae3b79fd751d885d923aff4": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "e2f8529167a0f81cfa378c2bf2c61e5d2fa636ef": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "cd112014ec241ee69df4f4c3142afa724b82bc7a": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "550197bd387881097b5714408b77ffadf0d20f29": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "bed3ad099c634447380c6035ee7583c5bd908158": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "8474284f770625afd34954c4bc22d44bd3b5c948": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n" + }, + "30f5e4556282b891403a8b30d8862a1e4b67911c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "84b590f9cb4857e3148cd3c82fdedadc6f54f831": { + "0": "1\n", + "1": "1\n", + "2": "1\n", + "3": "1\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "1\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "1\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "1\n", + "27": "1\n" + }, + "dcfce28f94e4eed967332d4810f0f353e90df007": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "31d8f63f1b0253b38207bb9a23177ee03315bf89": { + "0": "6\n", + "1": "3\n", + "2": "5\n", + "3": "7\n", + "4": "4\n", + "5": "3\n", + "6": "5\n", + "7": "3\n", + "8": "3\n", + "9": "3\n", + "10": "5\n", + "11": "3\n", + "12": "5\n", + "13": "3\n", + "14": "5\n", + "15": "2\n", + "16": "3\n", + "17": "5\n", + "18": "3\n", + "19": "4\n", + "20": "15\n", + "21": "3\n", + "22": "6\n", + "23": "3\n", + "24": "10\n", + "25": "3\n", + "26": "10\n", + "27": "5\n" + }, + "219f39b5b98f4f1ca2b50d0c073cf2e995fe282b": { + "0": "4\n", + "1": "2\n", + "2": "2\n", + "3": "9\n", + "4": "2\n", + "5": "3\n", + "6": "6\n", + "7": "2\n", + "8": "3\n", + "9": "2\n", + "10": "4\n", + "11": "2\n", + "12": "4\n", + "13": "4\n", + "14": "2\n", + "15": "2\n", + "16": "3\n", + "17": "5\n", + "18": "4\n", + "19": "2\n", + "20": "14\n", + "21": "4\n", + "22": "5\n", + "23": "2\n", + "24": "9\n", + "25": "3\n", + "26": "10\n", + "27": "5\n" + }, + "07b66638f416d4c730c713856975cfa137c406c2": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "47b2edea5bf4c36daea2e859be3791c5db0651a4": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "9321bbbf17a156ae9fd3f51f2cdddee14f901c35": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "b4f752dcd3e38c26f064d5e78f319bf8565833a7": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "4fa063cf6f0e70b29beb8ad49e687f80a0af3e75": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "a6d8a6f583256921c737587834590f0b196961c7": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "15437eb52cbcbae98c83e492def3cb84044e00cb": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "aed56b7d10155f5fd93b655121c451dc2fada076": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "3b60da46fcdf437129a9596b7ae281ec2ea0426c": { + "0": "10\n", + "1": "3\n", + "2": "29\n", + "3": "10\n", + "4": "20\n", + "5": "4\n", + "6": "5\n", + "7": "4\n", + "8": "6\n", + "9": "6\n", + "10": "10\n", + "11": "2\n", + "12": "9\n", + "13": "2\n", + "14": "39\n", + "15": "2\n", + "16": "2\n", + "17": "7\n", + "18": "8\n", + "19": "6\n", + "20": "29\n", + "21": "5\n", + "22": "11\n", + "23": "3\n", + "24": "9\n", + "25": "2\n", + "26": "18\n", + "27": "6\n" + }, + "880769239c4066d21c29e16d6a4233b6a831604d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "0b6bf62818fb842dc0d4dd4411ca79f12b30f168": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "d7f4dcad39ba71f3fbbce52c0b1217afcebb6b4b": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "4b3ff086cbfed8325b198b1559e6721374b1f3e2": { + "0": "4\n", + "1": "4\n", + "2": "9\n", + "3": "5\n", + "4": "7\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "4\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "3\n", + "10": "4\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "4\n", + "13": "4\n", + "14": "11\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "3\n", + "18": "4\n", + "19": "2\n", + "20": "14\n", + "21": "3\n", + "22": "4\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "5\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "10\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "775bc7b099b2810a7e59257e370d744ceed2cf50": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "19963c0d6f4aecf22e9242d91d1f206c9756a851": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "7336e688ffc43f61fda8d21ac3f5ae97f1d44782": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "0\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "0\n", + "12": "4\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "d989e2cf702cc517c260e3a038c4f858d4fd8660": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "f852dfc7d0c0ce0f36e9cb7bc589553f894c61cf": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "36982f6628436491bc56aef0faf3e069fffe8fd7": { + "0": "12\n", + "1": "3\n", + "2": "6\n", + "3": "8\n", + "4": "5\n", + "5": "2\n", + "6": "2\n", + "7": "3\n", + "8": "2\n", + "9": "3\n", + "10": "11\n", + "11": "2\n", + "12": "10\n", + "13": "3\n", + "14": "7\n", + "15": "0\n", + "16": "0\n", + "17": "4\n", + "18": "3\n", + "19": "6\n", + "20": "30\n", + "21": "4\n", + "22": "3\n", + "23": "2\n", + "24": "10\n", + "25": "2\n", + "26": "20\n", + "27": "2\n" + }, + "87ca6a850560f0410fababac716f58a8c5f30f5f": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "6694f5fda680d8bcdfc1c4221633e0fff6f42c42": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "7076aa9014f05b460c3e30634ff79e2106c4d295": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "c262f570ee476f74e68352743fc1db25c1c8218a": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "95028595e19d9a6d61bb2c086428620e7a0f6669": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "1\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "1\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "1\n" + }, + "60713369599a785604dd684075e75e7ad783eb9d": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "992605dd98ce086118a9d13b3cb490bfdc040503": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "328c5d8d40ed4e88ace93870bd36887fd2ac42b4": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "ac0bed3b6b6d42b132b7897a029cca264a7954af": { + "0": "1\n", + "1": "1\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "1\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "1\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "0\n", + "19": "1\n", + "20": "1\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "1\n", + "25": "0\n", + "26": "1\n", + "27": "0\n" + }, + "3a1845105e8d0513efec2bfc8bcfc6bbad825525": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "247bac774fc2204b62308ee6d32c644db8d82526": { + "0": "1\n", + "1": "1\n", + "2": "1\n", + "3": "1\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "1\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "1\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "1\n", + "27": "1\n" + }, + "fccc3c6ee06f4a382dbff50fb08cccb85de11f5c": { + "0": "7\n", + "1": "2\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "1\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "8f8f7dc4c03c34c2628d2e45f1fabdfa01b7947d": { + "0": "7\n", + "1": "2\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "1\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "03fe0183d50b4f31aa936406b9877383477faeec": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "a342aff34596e953245922f01a45ff618d88807a": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "46bb2f8b52255c73dbec93503ba3bb830770806c": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "23d3a9b2ea2cc30e04996e5b293efb853e158e57": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "0\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "0\n", + "12": "4\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "4\n", + "25": "1\n", + "26": "9\n", + "27": "1\n" + }, + "2ffe46ef4593f6bf3a896d6cc264a5d229589f0f": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7455ad4fe1140b55ca5549f229b99ea60fa39fc6": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "0\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "a977daeb2f01123a19ac38a7284c0975d58760fe": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "5e3b930604fe5e709917da2cd5241e8b123016ae": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "af89fa91bc0417319d9d88d113c533a58d3bacb5": { + "0": "2\n", + "1": "1\n", + "2": "2\n", + "3": "1\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "2\n", + "10": "2\n", + "11": "1\n", + "12": "2\n", + "13": "1\n", + "14": "2\n", + "15": "1\n", + "16": "1\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "2\n", + "21": "1\n", + "22": "1\n", + "23": "2\n", + "24": "1\n", + "25": "1\n", + "26": "2\n", + "27": "2\n" + }, + "01c60f36dcc27af4bd7ddd667612fd02507003cb": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "94a778e9a8025bb674f687e0c8c1050bca634992": { + "0": "11\n", + "1": "6\n", + "2": "9\n", + "3": "13\n", + "4": "8\n", + "5": "5\n", + "6": "10\n", + "7": "5\n", + "8": "5\n", + "9": "5\n", + "10": "10\n", + "11": "5\n", + "12": "9\n", + "13": "5\n", + "14": "10\n", + "15": "4\n", + "16": "5\n", + "17": "10\n", + "18": "5\n", + "19": "7\n", + "20": "29\n", + "21": "6\n", + "22": "11\n", + "23": "5\n", + "24": "19\n", + "25": "5\n", + "26": "19\n", + "27": "10\n" + }, + "17a7ee4abc56d113429a354af4b71e2152822e18": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fb9a6a0cc75239e228e12ef5ba887125df298011": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "80905fc1e77ee62a9724b32c75d9dedb86514ec6": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "895c093ca28eb49257dd67df0976e1ef8c5e31e8": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7bf310f858eea190992cd718584dd249afb6baba": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "bc188cf6b8396cbad92722cc692593b2b8186d84": { + "0": "5\n", + "1": "5\n", + "2": "1\n", + "3": "8\n", + "4": "1\n", + "5": "2\n", + "6": "10\n", + "7": "3\n", + "8": "2\n", + "9": "1\n", + "10": "5\n", + "11": "5\n", + "12": "5\n", + "13": "4\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "9\n", + "18": "2\n", + "19": "5\n", + "20": "15\n", + "21": "4\n", + "22": "5\n", + "23": "1\n", + "24": "15\n", + "25": "4\n", + "26": "10\n", + "27": "1\n" + }, + "7563a00fcbd8bb711bb67dca2da25e2a8e37f472": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "aa06bbe524b291db1101c2c30faf1a49e4886a66": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "2c6bc981f762a21bf063579dabd688be28902769": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "766fa67d7e7230cf27f47d4a4643fa3ee230e21d": { + "0": "2\n", + "1": "1\n", + "2": "2\n", + "3": "1\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "2\n", + "9": "2\n", + "10": "2\n", + "11": "1\n", + "12": "2\n", + "13": "1\n", + "14": "2\n", + "15": "1\n", + "16": "1\n", + "17": "1\n", + "18": "1\n", + "19": "2\n", + "20": "2\n", + "21": "1\n", + "22": "1\n", + "23": "2\n", + "24": "1\n", + "25": "1\n", + "26": "2\n", + "27": "2\n" + }, + "af039df147062104ef5bfd49ba70c81cef38f1bd": { + "0": "5\n", + "1": "5\n", + "2": "5\n", + "3": "5\n", + "4": "5\n", + "5": "5\n", + "6": "5\n", + "7": "5\n", + "8": "5\n", + "9": "5\n", + "10": "5\n", + "11": "5\n", + "12": "5\n", + "13": "5\n", + "14": "5\n", + "15": "5\n", + "16": "5\n", + "17": "5\n", + "18": "5\n", + "19": "5\n", + "20": "5\n", + "21": "5\n", + "22": "5\n", + "23": "5\n", + "24": "5\n", + "25": "5\n", + "26": "5\n", + "27": "5\n" + }, + "94cf40844761b9bf23b7a2aae0f274c46ef27211": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "04d85794ccb9a49e312cd54a3ed2e7eec585130c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "bf74f7da83957922cd059750ca8bd35697559798": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "5e00cb86e7ea4550b9e50c5ba6d5787883f32cdd": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "4e6d2d73383ed509e91fa4de1611fdf43b259eaa": { + "0": "5\n", + "1": "2\n", + "2": "1\n", + "3": "5\n", + "4": "1\n", + "5": "2\n", + "6": "2\n", + "7": "2\n", + "8": "2\n", + "9": "1\n", + "10": "5\n", + "11": "2\n", + "12": "5\n", + "13": "2\n", + "14": "1\n", + "15": "1\n", + "16": "1\n", + "17": "3\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "3\n", + "22": "2\n", + "23": "1\n", + "24": "6\n", + "25": "2\n", + "26": "10\n", + "27": "1\n" + }, + "45c7310799bdfe67842f35b5e79785a39bda4f45": { + "0": "5\n", + "1": "2\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "4\n", + "11": "1\n", + "12": "3\n", + "13": "2\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "8\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "3\n", + "25": "1\n", + "26": "5\n", + "27": "1\n" + }, + "e045356c0a2a71eb4b78dca5368370b81699fd0d": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "2819d1ecc701888008960a234045249898203857": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "85a8a87396958d44d4359c238f71b8a905f21d97": { + "0": "5\n", + "1": "5\n", + "2": "4\n", + "3": "9\n", + "4": "4\n", + "5": "4\n", + "6": "10\n", + "7": "3\n", + "8": "2\n", + "9": "3\n", + "10": "5\n", + "11": "5\n", + "12": "5\n", + "13": "4\n", + "14": "4\n", + "15": "4\n", + "16": "5\n", + "17": "9\n", + "18": "3\n", + "19": "5\n", + "20": "15\n", + "21": "4\n", + "22": "9\n", + "23": "4\n", + "24": "15\n", + "25": "4\n", + "26": "10\n", + "27": "9\n" + }, + "c33b44f557fd7c2a3238818722cd845a74e96b85": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "739a21d5c9c3b98a4fa557c72b681220b141eba8": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "64524289f45cd271a56bfeba711b26aa6baf4105": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "635fa27f29c62fced3306d89658b44900762cf0d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "b2fd8011ee7c2afea9f59abe051ebe9def429f27": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "d261a776851487ad6f6d2ffbbde9d4a04387ea17": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "8a33e477bf30013fa27cfae14f18eed5a300031c": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "b7363a88b8bcf4988df13485dae7dc7a882ca3da": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "a6c6ee4eefdd98e35660f4b13c40031e2dd96fdc": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "35b6c221af679013699d7e53028f4a4123c7ee3d": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "c22fd2a7199c49c9e3e2e4b98f33be8555b90851": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "ad6667fff46d9f39dbb845a132b591cd3622a8cb": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "aec6ae2bc9eb1b96cc394da8eb580f81d4668c42": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "11704cdbd479653a614869166ef6c2ec6acafbf0": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7f3b7ed40c69bbead1eb1d59516bf4cf267cfada": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "a8c3148cf271714e4a99f1ff26edabe6f5495d09": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7bbcca8ec052b749383f6d1608b025e479522e45": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "eaf5347f413b5c68eebe2c420cf8ac1fe9ee1c80": { + "0": "1\n", + "1": "1\n", + "2": "1\n", + "3": "1\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "1\n", + "11": "1\n", + "12": "1\n", + "13": "1\n", + "14": "1\n", + "15": "1\n", + "16": "1\n", + "17": "1\n", + "18": "1\n", + "19": "1\n", + "20": "1\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "1\n", + "25": "1\n", + "26": "1\n", + "27": "1\n" + }, + "ed5fa20c5b0792d19b7590e0234ea703b4e4f60b": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "12595fd25d44c0460c3f9c32a53a60f9f9288e74": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "69de671a7c92660989562dc0fe570dc30c2ac901": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "d2477b81f6f33d94c86c17b4f7651cc90bb48304": { + "0": "9\n", + "1": "3\n", + "2": "3\n", + "3": "7\n", + "4": "3\n", + "5": "2\n", + "6": "1\n", + "7": "0\n", + "8": "0\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "4\n", + "13": "3\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "5\n", + "18": "1\n", + "19": "4\n", + "20": "14\n", + "21": "2\n", + "22": "4\n", + "23": "3\n", + "24": "4\n", + "25": "0\n", + "26": "9\n", + "27": "8\n" + }, + "383c059001302ad2260c68e7074a12948173567c": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "f026ace36cef60704945a20964b6b650387bc764": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "90a9d9db66e8ebc962a7d66b3048f646a22706c4": { + "0": "4\n", + "1": "1\n", + "2": "0\n", + "3": "4\n", + "4": "0\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "0\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "1\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "2\n", + "20": "14\n", + "21": "2\n", + "22": "1\n", + "23": "0\n", + "24": "5\n", + "25": "1\n", + "26": "9\n", + "27": "0\n" + }, + "5483465d13d40f818df65ae64d62c497420d43a3": { + "0": "5\n", + "1": "1\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "1\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "2\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "3\n", + "20": "15\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "5\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "10\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "49f95df18c12dc78fbe6b60882bd0206c195d2da": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "3bfc9d6d287862d30e80bc65d01fd486c67ba7f5": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "1b9ec977a7535750df5ecb057242af8d050a0aad": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "a15ade257144669f08a3b41833cffc5c5239b48a": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "02d614e5cecb69b332de07c259cce1c2222dbdf4": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "7c07e58d75ad1efd7d4087ffda93ce64620ec6eb": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "576ee7eb3c2d2726479d5a0225e5c5a93fb2d121": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "48f104c2a0afba7854cd74d6478d2a6100bc9ae5": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "1\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "1\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "1\n" + }, + "d275c3a0dbe58ff9108cf324787c4eca68c06fec": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "1\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "1\n", + "26": "5\n", + "27": "1\n" + }, + "67c2ac4db747b163f231b96e39e5782e4d1bf799": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "eafdb094c4118009da8a7f0ff70ac640c5edf50b": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 14 out of bounds for length 14 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 9 out of bounds for length 9 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 8 out of bounds for length 8 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 30 out of bounds for length 30 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 12 out of bounds for length 12 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 20 out of bounds for length 20 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 11 out of bounds for length 11 -999\n" + }, + "57ddc5489563e9f00f8870dad89983192c533530": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "e2f97269afc161c5f243907bd2fdd6b5cc946ce7": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7b28e3148b5596f6fffad9b62b86a22a92fef068": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "fa13af4dd9ad5e798c772364f6fcb3ccb9ca5d69": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "e951b0c7fce1c21696ae663476c272540f69d2a8": { + "0": "5\n", + "1": "1\n", + "2": "2\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "2\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "659ed82a01175510d27767586c23946d90290b41": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "95faa7d65214956ab9b6ba1851d2e865a3a36105": { + "0": "5\n", + "1": "1\n", + "2": "2\n", + "3": "5\n", + "4": "2\n", + "5": "2\n", + "6": "1\n", + "7": "2\n", + "8": "2\n", + "9": "2\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "2\n", + "15": "1\n", + "16": "1\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "3\n", + "22": "2\n", + "23": "2\n", + "24": "5\n", + "25": "2\n", + "26": "10\n", + "27": "2\n" + }, + "c69aed689e9a2372cdafe0eaee6429ec31e1b470": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "925251313138aa8bbc97741cb68b0e7639b1ed16": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "f6782d6ea316bb65079d366d047cadfed1ed01c9": { + "0": "1\n", + "1": "0\n", + "2": "5\n", + "3": "0\n", + "4": "4\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "2\n", + "10": "1\n", + "11": "0\n", + "12": "1\n", + "13": "0\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "1\n", + "20": "1\n", + "21": "0\n", + "22": "0\n", + "23": "1\n", + "24": "0\n", + "25": "0\n", + "26": "1\n", + "27": "1\n" + }, + "133aec360f6130c089ecb4fed3d586065f798b51": { + "0": "7\n", + "1": "2\n", + "2": "5\n", + "3": "4\n", + "4": "4\n", + "5": "1\n", + "6": "1\n", + "7": "2\n", + "8": "1\n", + "9": "2\n", + "10": "6\n", + "11": "1\n", + "12": "5\n", + "13": "2\n", + "14": "6\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "2\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "2\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "158377ea699db1d9f602d54e6af4fe86330fa2ae": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "33af1338ebd77ac62d707b19269ed4e0d2204de1": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "8dd4f56a79183e0ebe35dcd1c61f799358e4f551": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "7f5c70978d856d562b8455823f53623bbc04fdae": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "5d4b1fb995bbce6fd0a375422eb15b622dc52aaf": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "d4c3fdc69fa16e2b77eeb427a3856009ec1edf60": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "caeacba3661b5f95022d895c1974e8c51c03f7a8": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "90134f57014e977d1d0027bd80392751bb902793": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "7ea97b5d7f91c9338173d7792fef82194b594edf": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "c660a2dbaae8e42c9eda7a41ff6e16d73b0d3bf0": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "2\n", + "4": "2\n", + "5": "0\n", + "6": "0\n", + "7": "1\n", + "8": "0\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "1\n", + "19": "2\n", + "20": "15\n", + "21": "1\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "0\n", + "26": "10\n", + "27": "1\n" + }, + "7bc2bce417cf6debcc137690a244dca8c8a5cd2c": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "6c755aaa31da095e8bc4396b5f96cb842d08a201": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n" + }, + "06bdc12c0d6529a832a7579347b11563358ced9e": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "f419bec9e80d3ca87e56fa7dc0c491ab36c2494f": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "" + }, + "5b687d7f53a0c028d1c8eea206364bb32b4d8832": { + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + }, + "077619bf90d1a0fc61906b6a9709ee64f3ab70af": { + "0": "6\n", + "1": "1\n", + "2": "3\n", + "3": "4\n", + "4": "2\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "3\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" + } +} \ No newline at end of file diff --git a/IRT_dataset/494_107/correct_outputs.json b/IRT_dataset/494_107/correct_outputs.json new file mode 100644 index 0000000..4079c41 --- /dev/null +++ b/IRT_dataset/494_107/correct_outputs.json @@ -0,0 +1,30 @@ +{ + "0": "5\n", + "1": "1\n", + "2": "1\n", + "3": "4\n", + "4": "1\n", + "5": "1\n", + "6": "1\n", + "7": "1\n", + "8": "1\n", + "9": "1\n", + "10": "5\n", + "11": "1\n", + "12": "5\n", + "13": "1\n", + "14": "1\n", + "15": "0\n", + "16": "0\n", + "17": "2\n", + "18": "1\n", + "19": "3\n", + "20": "15\n", + "21": "2\n", + "22": "1\n", + "23": "1\n", + "24": "5\n", + "25": "1\n", + "26": "10\n", + "27": "1\n" +} \ No newline at end of file diff --git a/IRT_dataset/494_107/test_cases.json b/IRT_dataset/494_107/test_cases.json new file mode 100644 index 0000000..69f03a6 --- /dev/null +++ b/IRT_dataset/494_107/test_cases.json @@ -0,0 +1,30 @@ +{ + "0": "new int[]{1, 1, 2, 2, 3, 3, 4, 4, 5, 5, 5, 5}", + "1": "new int[]{1, 2, 3, 4, 5, 5, 5}", + "2": "new int[]{1, 1, 1, 1, 1, 1, 2, 3, 4, 5}", + "3": "new int[]{1, 2, 2, 3, 4, 4, 5, 6, 6, 7, 8, 8, 9, 10}", + "4": "new int[]{1, 1, 1, 1, 1, 2, 3, 4, 5}", + "5": "new int[]{1, 2, 2, 3, 4, 5}", + "6": "new int[]{1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 10}", + "7": "new int[]{1, 2, 3, 3, 3, 4}", + "8": "new int[]{1, 2, 3, 2, 2, 5}", + "9": "new int[]{1, 1, 1, 2, 3, 4}", + "10": "new int[]{1, 1, 2, 2, 3, 3, 4, 4, 5, 5, 5}", + "11": "new int[]{1, 2, 3, 4, 5, 5}", + "12": "new int[]{1, 1, 2, 2, 3, 3, 4, 4, 5, 5}", + "13": "new int[]{1, 2, 3, 4, 4, 4}", + "14": "new int[]{1, 1, 1, 1, 1, 1, 1, 2, 3, 4, 5}", + "15": "new int[]{1, 2, 3, 4, 5}", + "16": "new int[]{1, 2, 3, 4, 5, 6}", + "17": "new int[]{1, 2, 3, 4, 4, 5, 6, 7, 8, 9, 9}", + "18": "new int[]{1, 2, 2, 2, 3, 4}", + "19": "new int[]{1, 1, 2, 3, 3, 4, 5, 5}", + "20": "new int[]{1, 1, 2, 2, 3, 3, 4, 4, 5, 5, 6, 6, 7, 7, 8, 8, 9, 9, 10, 10, 11, 11, 12, 12, 13, 13, 14, 14, 15, 15}", + "21": "new int[]{1, 2, 2, 3, 4, 4, 5}", + "22": "new int[]{1, 2, 3, 4, 5, 5, 5, 6, 7, 8, 9, 10}", + "23": "new int[]{1, 1, 2, 3, 4, 5}", + "24": "new int[]{1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 11, 12, 12, 13, 13, 14, 14, 15, 15}", + "25": "new int[]{1, 2, 3, 4, 4, 5}", + "26": "new int[]{1, 1, 2, 2, 3, 3, 4, 4, 5, 5, 6, 6, 7, 7, 8, 8, 9, 9, 10, 10}", + "27": "new int[]{1, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10}" +} \ No newline at end of file diff --git a/IRT_dataset/502_45/IRT_dataset.json b/IRT_dataset/502_45/IRT_dataset.json new file mode 100644 index 0000000..c5fa1fd --- /dev/null +++ b/IRT_dataset/502_45/IRT_dataset.json @@ -0,0 +1,11174 @@ +{ + "ffb2d7fa653815e1aa434e96ff4b9e5e4b621dfb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "564e90e87b8ecb7eb37013ff415946b69ee1cc14": { + "0": 0, + "1": 0, + "2": 1, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 0, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "a2d5fa93f3d5b5980563760914a04b9f6c3340f7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "ffcb412e5c7c8fe917e30b1842c4b1cdcb36fb2a": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "fed9ec01426303bbde6256594f38f4eac31f3264": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "26a38f5ff0bdbb32d93f829402b6ce647984213b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "65c152e25f9869dfb7665454723f377174fb6f01": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 1 + }, + "3b7689d6fe02439964739ce9e60ae96ce451285d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "a9a1ee6f18a4b5dd8b59e0d51fbc951d3af5b18d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "f625177b49f26aea920b849b734c11ddd73a81b7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "e3dc5f74379491989d9402ce2df9421bc1150bf4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "bc697f1320f0fafb7ca12402db8774301cf58c4f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "b2a3279b87d747da822b4af803566fc832967721": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "7ce4c46e2741856f96710258c1046f71b85871ee": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "65ac047fb720684a32fad4b7f39e0f0c65fbce46": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "9c3e88e9a6a3df6e19d23a83b99297de179a7b7e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "da7b077ea3e713db6ec9cc955a427085ae3ce1ff": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c2a00fc4f27170e464415de4fdaa1e96d861be13": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "b325d72ad57327fe3d37e9e8a2cf6924603d76ae": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "d98e096854a0204b6ba40785c2d98dd649aec625": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "218400aea4f92cc37eb6db2d839b52a8636f1ab6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3034fc11bf017e324e538111aa3675c7f00e5934": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "3c2fb95a1cd214c202f19c5fd7912cf0fb6e0e6b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "e6c14ca37026fb7abbf6a82b89b4f26a90697695": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "174b36c78ec46a46446964faefed2c52a209425d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c800888f69aa09ecbfbc64b012397e55b4d8271f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "6278dac5854b7ab18fc810573a8a9c24f9ba2d83": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 0, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 1 + }, + "0a1e4bbb549d05d45ee58072a0794c1c566202e4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "812d85fbd6d1d3f3ebfedf0c494ddf463468925c": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "6b27df6908868b0aa6b2ab643555f6c2d2c4aeb5": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "c4800e725618c21ead098234a6509babbd173f0b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "bf26ec926feeda8cd645a570d77868b03040e34f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "f76a3b017f396e92657b23fa303a4fb8962646a7": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1ca2c9ce53d634168206e6f3a6a51d4d9d23195e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "b823a3987bbde75c8c523f503c6c2d8dca80be84": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "16a07c21ff4aca55cdc169ef69ccc664fb586dc8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "00ddb82ff98418db89a7343ac6ac2d1b950a0d21": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "876c22dd4f090ff86d75337ac2d931e6da6dc7d4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "bbdfe210ec3fd31504cdb91fe2e79c06a13b3e8a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "0c4614f1cc3c0bfd961194f56d4c0759df634512": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "f9e4518deb6611f284939c9f2b63c302942ee89f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "0251a084ccc42d957ba8521c5406a59e6c20512b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c2329bf35016634d505e4aeb0e402a3043a7770d": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "b582494b7566fd2e40e9699094879d12819c2f07": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "eb799b1f34a90801352dee2f0c6cc62bf5199947": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "2061afb0b58d7277187550ca90f53bb21e903e6f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "64f8c7d78c3e6ca231ce1f0b1f2845febb1c6c43": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "63d075e393430d828191bbc791d9977b23bd2bd3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "20d67eb532ecef2c560ff378dec2f1be7ddbf0e2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "352792bb92e06e4a2da8095e07f6915ad793b8f0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 1, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "c440b400cffac18e252070c5c5e73815672ca6a5": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 1, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "76c84ae0579dcf2c13f3ea49e803e1da5da919fd": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "4b19d070dd0db17ac32dd239e26a6f1d5ba4651d": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 1, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "4833d4451353433606e1c4825d0a7c7174819875": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "fcc5103f7bca18bdbf4805588d169373cc385383": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "b72dabaa304b62e845385fdf71dc0a39dc945ed3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "a6ca8ac589e620a7a4227de3fa6b90b9f6b84e9b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "e61db761623743dcc3b885d3e0f02737cd65de42": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "f5da401b654b435fe78db486f41689dbc01a93d4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c8e6238f3b97cfb21bf4882b61a381a40309f2c4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "285cd1cf3f256a4dd031c787b8a1b9275cc9d1f1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "bbfbaba9faadfd66caf509039e1149ad4bab7cf9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "ee75a650d00a9242b172bd337002ab4aaa5f7aa8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "a41da37bfe218408e0617a6b2b8d63d2029ab263": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "48e85e3676dc840e8792bd50ec752ae43759acea": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "81fab6aa42ee69f6642a4e908920cfa107d5a08a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "d9bfc0d558e142ee312849a47899383633133cc3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "3e73172a121589a71a33b6b4a7aee51ea1177d73": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "757ec9469cc7771dbcdbc4b9a6e718debdb1d9cf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "528dc0aa6677184237e5f521005768f0bba1aaf2": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "cf7bbfe8dd1af2d7977a22fc4fe9df27ea99e60f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 1, + "34": 0, + "35": 0 + }, + "216f6c372c20bde159df3cafae5bc548493e9cf8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "5a9368f36a75d23889e034c78e39be1d464dee35": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "cd38e1f9454588bd3aaee0431ef12c7eda2125dd": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "07962d108d77d291ad6b54a3e8301cf2d4e8d51c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "52b61edd4883d6ee7ebb1bfcc1038b18a61b0aab": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "db9181a229d6275769fd47051ca0470e446945fe": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "f2d367ab61e2dc394ec2d95e2519a1528196b7f3": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "ef8a621f5a9c6a35b2dfa5b6ed92559bc4d1242b": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "452230717aae1c6561afbbeb3b1addd18ad2e0fc": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "4a4d87cd2497defeeb926c61503d5722c5c194bd": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "3a3ba23b70c3c83b344cf27bd9d123197e174067": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "1bf72cf07390c9181077df671e3cff867aca2b0a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "09238d35208cd0a37427600298a80914b608f156": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "c486a067ddb18cefc12f688fd888be0490489c7e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "88c0ebee413d8b5b670a3501ee252889d0c4a55e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3d762be17194acaea2b791265d96e7b5f75f2ae6": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "a07c13c939976efd4bc25b4e4776b2af92aa0bfc": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "35e73508ecfe0ae4f9957f8e72bfd464a1cb759c": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "d3138b8b25cfdd4e2b898ae4884ff8819d897982": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c1622e48629194f80bf2ec75bedab5b10ef8d421": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "2480cb5870afc1a929721e0d193bf886371575d3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "71fc366d6fc166f0524d91dbe93e8b7d574df6f6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "fdf6cb7fb1dc71e8c85d3297c3b50916b9adfa21": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "c14ce2901ee4748356d1d8b0c7943eb476184ae2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "eb3c8854096ef8034aa6916bea8b60ed3a4a5858": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "8c7054e78af58c362700fab795a867550b067a0e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "656b6acc9395536c8c725b3f7711345a27fc8d31": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "9412add40dff587e1799f8ba0206c428e0eabd72": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "2a531e0e22c5b4bc67f87327241f0fcba41ad414": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "934fbd7d839abd5ccbb4ffedb820613425e6977a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "157b0ee4189723049716fad60e3e73290a4cbde4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "97909dee614bbcd019e5e6ea80d9f14e50908726": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "98ace1b474889716870ab50459be7e1f3f6dd93f": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 1, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "34179de3ab2794f106293233b483fc32bfddf875": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "6c6a765824d12ecfc88b318eea2f2ea5abd9b014": { + "0": 1, + "1": 0, + "2": 1, + "3": 0, + "4": 1, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 1, + "13": 0, + "14": 1, + "15": 1, + "16": 0, + "17": 1, + "18": 1, + "19": 0, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 0, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 0, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 0 + }, + "de48215dd6f7b96ffa93aa8b533d8ef6d2523719": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "07731dd1587e914ace9464e2112aa4593f47ac2a": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "8280e0f713d2b910d60f002c584ffb1e748c295c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "21809384192d61b93440edf1e1ea6e11c0766dea": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "da211c80d017ee0b41728dfc613fcdbc7c648ef3": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 1, + "34": 0, + "35": 0 + }, + "e0d34f536c85fecb9724f4191a2ac8e39207af26": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "9f87b2b05c03f2be8a156ec1c96ef54488b5591a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "5771edb09478591fc879512a4e01c7ace896b913": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "39d90616a433de9c46728e2a76328def36442e16": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "9658277c6224aeed52efb501f40dff5422a3c78c": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "e1b2e5be9ab83c28f50b1debbc5dcd4d0e82d2d6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "5d45e56b86f116ebd9cd2ed0dacca012c5cd0faf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "21746737b23ab9cce3b20cc8f28181adf1f22392": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "fcc1f57db79f4fd19ec743ea40a2fe3d0ea8ed4d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "a7e9e2de2cd35e0ed7fe8c5fe3f5fba84b2531e9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 1, + "34": 0, + "35": 1 + }, + "3eb0a8c47020f9f218bba9ff6c38b15b3335de59": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "a5cfaf7872c25167aa99a456e4b64512aae8fa52": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "1736f1d5a84ac4b84acec8c686b45bfa52555fe6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "f0101c8fba3bafa6ea5376e7616456811b19c0d8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "f000c68218a9151512f2424c24f313ec7fc5fbef": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "6ab54fbd713b4439fdc47f14d316326aee9976c2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "89419f86fb186732ad5bea85b60320a1603370ff": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "df892e8778093e310afae051ec452504ab3f1443": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "fd389170a33d31dedc7c8c2bd63e815791ea440e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "098cb607147c96f93a96fd50cefc5d910bbcad11": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "142669317801a422f317bdbb39a32cceecd09911": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "f67a86d6c3275e8b58571e58c9358e5bc2cacd71": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "06f456cd3f70f0a2125290afde435a41283463ee": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "2d0ba9d5957aa0acc800fbc533aeb26bf1286a75": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "fd0f2907bd5084b580d744028b9941655f8ab8d2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "4397433bcb12c07e3fcc2fff79f0d7edce42b41d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "a89a88b8e4d274eb5011d40daddee0f3f6db7655": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1089e13fd0c03abe8bf05dd4f58e72ec0d6da36a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "7be0ea67886d512411a9e58a775a8833482e031c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "8aa86e57c7410f4e1352903f2bb98ab182c5e328": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "02707ab211e13c007f1a789a4a025b0d115716c4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "b799e16eb887b3bbfc77309bebd5b0ba089ea26e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 1, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "1ce1e8c525b8b4abf493d61766df259c0db10024": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "04b849eef400bda8f8569a6d56f5310d642e2615": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "7d6a65c72ec03be64578e423de3b012dfd643ee1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "8088de4f2d7e7bce346754d02185a56f9ff08bfc": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3bd52086794be64987ca027379c4cae684472b82": { + "0": 1, + "1": 1, + "2": 0, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 0, + "23": 0, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "907f167e0dec598f6f6068a63ec4c04d90541c53": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "42cec2401148e8833a57be3063199eeabfb5c79c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "4dfa327dae826e53d92ccd2ae171a810dc9466e9": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "460838c00a021832d30aaa683148b67d9463fdd8": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "f31f6db62aed38057f06d9cb8036b04a480e74ac": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "006ca8c9280741b21546c4a353f8aaac14fba605": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "094747a9de51aad21c4e806c0b78c3068213e40e": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "bf4d0dc88f188edaae0680d520670317c53b2a97": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "a7f9737b568cb8b04059e09939b18fcfabe42476": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1d93cb0a75e8cc70860765fff04a803c1e408267": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "b577df1680d68a2855a4f667f1891578f8df0eab": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "761ba96f0b6d4476e39298021e3732bd8d1af80e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "c16b402492177f16b69b8c9a70b13fdf8b28f923": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "d0d9bc11f677d91d2add70c35bc62a3f8b9b6c63": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 1 + }, + "239e57382815f614c86839472d2c22791c0cd6a8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "db5be651d7bf9c8b796d200ebd8791a12a7711d8": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "42824e79ebb89d8e2dbafa60aeb62548ca45d971": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "0714bc4388a8184b4a7965e4dac32384d24593d2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1ae48035a8c34dab52c99ec8c650d89739a307ba": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 1, + "34": 0, + "35": 1 + }, + "21a91dd0b6ce1a27b838c691c5f059e370e577c5": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3db1432fda443cfde4922548fb3fde7b3e6384e3": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "28ee717999bd463c010a179c8babd8b7bf7c8d74": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "110a2b1f532b240bcbb1adf7f4b7a8089e8c9a19": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "94b60eea1e2b94b6948eff3f50e63c20a40f6556": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "918768b61b4d100046db5a8aa800e2ca572cce48": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "eae4618a635c9e462e5c767630a57e9959474cd2": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "51286fa7e7a8b135c875bb6e000a952310c497e3": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "3654befc47db79c01f35f388c3c338075d0dfb5e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "2c9e62fd26148a52b510087de5500d7181b5ed73": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "5253c591dc3122611232227b69879405ab37779f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "5f6148113f7b543f8b79e42cc3d4c5e67c701178": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "50f5c7944c72004a439c55125b44696df36c1fb9": { + "0": 0, + "1": 0, + "2": 0, + "3": 1, + "4": 0, + "5": 0, + "6": 1, + "7": 0, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 1, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "c7a3de2229930138081d2af3d9fc1ab61caa4e8b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "bbcc379cf9a28a7ccd21b5f10b14bfe3c4d54261": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "7c98ba5810ff80a509b048f82e1b355a583da491": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "0f5b6bb5baf89d3e498077f52fa887bad1f79b29": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "7570184390c347679dc980e156a7c13a8c1493c0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "a75c3989def2502b2208afb763bde59e5aab9812": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "a115ec403d90fe842204474b88e02c0e5f46b80e": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 1, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "b8143f03295848429c2478d8724ea97f69a535c0": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "173c4c164722f7f3c7fc63173e7a3326b47c1133": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "86985a22bbbf3d9581b88667a62cfe9f428b7bea": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 1 + }, + "691ca0e9aab2fdfe2cb24a721e5c78374e77eed8": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "25d326db5684745c8d0470c36b0d6f07714c60d2": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "16e54ce7f54360af6079dd1d9a36b2c050d23b3f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "7580365e14fffa0ceb3d2990f990bea974ad8b7e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "c1a56bdda93592d8e4116335e5bd8468668fb26a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "ee644005322e4d4f814fb77865ceadd8d0b57e36": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "116c1e4a4761d5f5d0f94eea790ad469810f9504": { + "0": 0, + "1": 1, + "2": 0, + "3": 0, + "4": 1, + "5": 1, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "98053fa2cb21b5cc307591641730bdd0f08d1cb6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "eb20a2f4b2c0f3cea999112fa1d862bb768c0569": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "dabf6c87506f03f56338d7564408853442a81b94": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "de3fd4704c85683575ee1deb707ee62067b06464": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "9574d4ed69c9fd4bf3b37bb4dc45b4eb1ffac79f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "2114df560c17ef4fb54fdbb1f8a8f51624518723": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "f42a208c69c160f117bdc7f7cfc224370234c718": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "2bb0cc36a850cc31fda1dc711a3b4b16dcfd9426": { + "0": 0, + "1": 1, + "2": 0, + "3": 1, + "4": 0, + "5": 1, + "6": 0, + "7": 1, + "8": 1, + "9": 1, + "10": 0, + "11": 1, + "12": 0, + "13": 1, + "14": 0, + "15": 0, + "16": 1, + "17": 0, + "18": 0, + "19": 1, + "20": 1, + "21": 0, + "22": 0, + "23": 0, + "24": 1, + "25": 0, + "26": 1, + "27": 0, + "28": 0, + "29": 0, + "30": 1, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 1 + }, + "d2975f074a4796ee4829b0a692962966a679f16a": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "d5c72ad440e7276b1f3642e1be8a2a69d3d33ab5": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "d66bb3935cef4a13b94c85ec2f8abd19e9e58dc9": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "98695fe747a1c031f960480e713ef67706bc37dc": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "6f44ac30277b56e7553200b55dfbfb56a235951d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "f69e6e427aa66adb52c00d97a5e1ad3533c9ad1d": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "2e3650f75be5bc89ccefeb5dc05aa3a7da0581fd": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "d34a19b3c58bab70d6fecb8e0b50d97719d8028e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "9ee4ad4360979b7bd448d2e4ad8d9c464e1683c4": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 1, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "848d10b20c63f2a1c956a7b75ed7d6b2862966b4": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "6123f94de41874334814eb3ad9ca1a1c000bbf71": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "3812045875416f0c1df74531d5f8d4d041e527e2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "e52d92a83bc1c5aa322074e70b9b653eff0675cf": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "4db14fc853432c833552f5793f9efc706b2fc34c": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "7b57f2f7868a42ad58a8f45927201114521d608b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "562238409aedc8cce6a285005e0b98a6d172cf03": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "5c450a575af89f55d4842eb1e6015a88df387920": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "f81560077be58b2826a73a6e49bb389614c3cc60": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "e5b80e1b3bb8dac26d9368bfeb94ceb2532e7645": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "e7965468845510c1931f7ddbbbb9a7d917361349": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "b5c5390246db97c739018f83927e76ba2fc8bff7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "ad3d8fa24441400ae7c75cb39b105c2677fb839d": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "74725647671a9b5749bb2b6ea2b8106d3e09bacf": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "4aac96fc6306188ca4a91d985bebec4a9e0c2566": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "df5b3b93a7f35ef1994905253d1ab3b135f91ad7": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "0fc13641346b0ff2ce0db9ee7ae0ca20cd9c8bbe": { + "0": 0, + "1": 0, + "2": 1, + "3": 1, + "4": 1, + "5": 0, + "6": 1, + "7": 1, + "8": 0, + "9": 1, + "10": 0, + "11": 0, + "12": 0, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 0, + "18": 1, + "19": 0, + "20": 1, + "21": 1, + "22": 0, + "23": 0, + "24": 0, + "25": 1, + "26": 1, + "27": 0, + "28": 1, + "29": 0, + "30": 0, + "31": 1, + "32": 1, + "33": 0, + "34": 1, + "35": 0 + }, + "4817033e10927424903719b39c089aaae78005af": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "d84b88d0def9147558c8880a125036a20e83ec62": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "7f0b7eaf17aafad6fece7560a74a7611396a281e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "9cd45107c4c4bbdea7518e5a599368352b3b0690": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "293273c3c9fdd83467f26c748da3538b88099bab": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "b8fb1104b18668723b3b0a2a3062686f582aa91e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "8e25a4f42f222a2ae427e3d24767282997b353e6": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "f3f05bacf0945b391b4099b985856ea86447547e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c549f660633fef167236158b43f0417aed87073f": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "3f8f52e6279f85f30b6823c08afa1fe5d2e9b0f1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "e185da34b64b794bf2755e91556b83e79ce76f26": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "bf2b27c25490619f28a1b87d64f57f2efed4cdff": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "3913910fac8153844898416afe88337983e40509": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 1, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 1, + "34": 0, + "35": 0 + }, + "bc4cc607cbe2d369ca23923f08fce9cc3d8daf96": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "0931fda3b5d674424a8213514060fc3add82149f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3878d94c4c13cfd66baa0bfa1118a2b6fc1de4aa": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "48fea4c1aa06c22396553ebc3ed8372d4445ecb7": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "a143fc05d6191742bba4f9eed145083c4fffab0e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "98637f4a50d8ea125708d0d091c0586e410b5e65": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "c3fa9909d770663b7096726b3164c9f73795e823": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1292d55baeba8d8ae4f6a95e3d41841a26ce0e06": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "bb85165143e163305cdaa28d4f9b2f3aa5d56603": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "c5c21f20416e4e109d14ab3888a5666095ee7ecd": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1da51f35a3ac3304fee67fa11b061b8d2e4bd4eb": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1857c1260c73191b67100aa07d74781f73c945e0": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "d24954f8fb1301bad9f3eb510c61964da0cf728b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "088f3635ee011c41239c48499603bdcefa7b033b": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "a6a4ffc6faf70203ec59783ba344f2e9fe91f254": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3a2a5c7bd1ca5b8314e157a8bd0552191d1e418b": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "35d0b59b83d971e7b9d100a4d53273d5fae6eeff": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "d5760b8cdb8e0908913e6a6389ecac4e2d89bb40": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "1e0c5224d5f247f50f7b3d78342df436bdd8bd7a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "e46da7d8355aa7a82e6a191be7ce8a8fd96bf1b1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3defe09aad037b52d9a755c5f99fbe7e38cd418b": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "3f25644450e64cc3923b534af79c211bbc48d4b2": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "fb2b89198f8527d37eb5b954872fa2de66a70f4e": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "264962e94542b6772441176dbd9bcd86d4d4e4e4": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "49a86c3c818e0a8676cc841d397d1eecbb786ae5": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "7fdaec73ac3c55be034a84f4c83c2bc2a926bf87": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "920702ab8275611697863c4b2bdc4d68864ec294": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "25178874a9d04c6b37cef87a2c448845606c289c": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "9c095470963ef479d52097594eb3f6f3a85ef50a": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "110f622fd926582831c202ba9272b2fad9b67f83": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "ce17a65ad2d51f5b7c07f0d27f3cb6e8b61a2dd5": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "2cbc0e990f0832ca6cfb66fd87c7830f226b7839": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "1c658e7e6cf147299b00665cadd49093bba842fb": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "fac96fc12b8989f22ed3abe7cd8f5787ebbbc221": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "042674976adc7520d819433b6e0b03396600266e": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "51549bc9521e989b8c6f2b583279ea440f580f10": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "5bbb822900ff0334e04c2bd2e4cead76ca40a055": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 1, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "20a8e568a6c2609174edcc676599dc655bda94d1": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "3efc504e778693dcdeb27cd7493d839790f959d6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "8138b1f380ea66d8aabd68b3c28c34449e712043": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "d3e9f17f3fd08af96bf72cdb0c1a576ca7707b64": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 1, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 1, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 1, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "a63a0b36fc46a31a8407ad5ec4f83f17a81f13bf": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "2d1ab1f45ea2cc80897196e027c208b04ff11e8e": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "09e6bbfe4da9927ba11c8b513999e834bb1d53e7": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "b76fe48cc9735f78711b407d33b6a0430b036f4f": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 0, + "33": 0, + "34": 0, + "35": 0 + }, + "3e1092826a195ddd18352343c172139728484910": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "5538c95cff209a7130b132959c66a4d44d7c6639": { + "0": 1, + "1": 1, + "2": 1, + "3": 0, + "4": 0, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 0, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 0, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 0, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "be8548836444203892aa8f64769919cb1a151ff6": { + "0": 0, + "1": 0, + "2": 0, + "3": 0, + "4": 0, + "5": 0, + "6": 0, + "7": 0, + "8": 0, + "9": 0, + "10": 0, + "11": 0, + "12": 0, + "13": 0, + "14": 0, + "15": 0, + "16": 0, + "17": 0, + "18": 0, + "19": 0, + "20": 0, + "21": 0, + "22": 0, + "23": 0, + "24": 0, + "25": 0, + "26": 0, + "27": 0, + "28": 0, + "29": 0, + "30": 0, + "31": 0, + "32": 1, + "33": 0, + "34": 0, + "35": 0 + }, + "947f2582e12dadd6f7f444be58460176605c3ba5": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + }, + "011c3aa96d2a78c4109bcd5b2dcc834303b32a32": { + "0": 1, + "1": 1, + "2": 1, + "3": 1, + "4": 1, + "5": 1, + "6": 1, + "7": 1, + "8": 1, + "9": 1, + "10": 1, + "11": 1, + "12": 1, + "13": 1, + "14": 1, + "15": 1, + "16": 1, + "17": 1, + "18": 1, + "19": 1, + "20": 1, + "21": 1, + "22": 1, + "23": 1, + "24": 1, + "25": 1, + "26": 1, + "27": 1, + "28": 1, + "29": 1, + "30": 1, + "31": 1, + "32": 1, + "33": 1, + "34": 1, + "35": 1 + } +} \ No newline at end of file diff --git a/IRT_dataset/502_45/all_code_outputs.json b/IRT_dataset/502_45/all_code_outputs.json new file mode 100644 index 0000000..52ce82c --- /dev/null +++ b/IRT_dataset/502_45/all_code_outputs.json @@ -0,0 +1,11174 @@ +{ + "ffb2d7fa653815e1aa434e96ff4b9e5e4b621dfb": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "564e90e87b8ecb7eb37013ff415946b69ee1cc14": { + "0": "22\n", + "1": "17\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "10\n", + "6": "15\n", + "7": "10\n", + "8": "17\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "17\n", + "18": "6\n", + "19": "17\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "13\n", + "28": "10\n", + "29": "22\n", + "30": "17\n", + "31": "6\n", + "32": "15\n", + "33": "13\n", + "34": "27\n", + "35": "13\n" + }, + "a2d5fa93f3d5b5980563760914a04b9f6c3340f7": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "ffcb412e5c7c8fe917e30b1842c4b1cdcb36fb2a": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "fed9ec01426303bbde6256594f38f4eac31f3264": { + "0": "29\n", + "1": "19\n", + "2": "21\n", + "3": "56\n", + "4": "0\n", + "5": "7\n", + "6": "32\n", + "7": "25\n", + "8": "17\n", + "9": "61\n", + "10": "19\n", + "11": "0\n", + "12": "23\n", + "13": "35\n", + "14": "86\n", + "15": "21\n", + "16": "17\n", + "17": "22\n", + "18": "16\n", + "19": "15\n", + "20": "61\n", + "21": "16\n", + "22": "17\n", + "23": "31\n", + "24": "25\n", + "25": "86\n", + "26": "56\n", + "27": "12\n", + "28": "28\n", + "29": "29\n", + "30": "18\n", + "31": "21\n", + "32": "24\n", + "33": "13\n", + "34": "51\n", + "35": "11\n" + }, + "26a38f5ff0bdbb32d93f829402b6ce647984213b": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "29\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "29\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "29\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "65c152e25f9869dfb7665454723f377174fb6f01": { + "0": "0\n", + "1": "1\n", + "2": "13\n", + "3": "7\n", + "4": "0\n", + "5": "1\n", + "6": "0\n", + "7": "10\n", + "8": "6\n", + "9": "22\n", + "10": "0\n", + "11": "0\n", + "12": "1\n", + "13": "15\n", + "14": "15\n", + "15": "1\n", + "16": "6\n", + "17": "3\n", + "18": "0\n", + "19": "0\n", + "20": "17\n", + "21": "13\n", + "22": "1\n", + "23": "3\n", + "24": "10\n", + "25": "0\n", + "26": "22\n", + "27": "0\n", + "28": "6\n", + "29": "6\n", + "30": "3\n", + "31": "3\n", + "32": "15\n", + "33": "0\n", + "34": "0\n", + "35": "3\n" + }, + "3b7689d6fe02439964739ce9e60ae96ce451285d": { + "0": "18\n", + "1": "23\n", + "2": "25\n", + "3": "37\n", + "4": "12\n", + "5": "16\n", + "6": "18\n", + "7": "23\n", + "8": "23\n", + "9": "33\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "14\n", + "14": "41\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "37\n", + "21": "25\n", + "22": "19\n", + "23": "18\n", + "24": "14\n", + "25": "51\n", + "26": "41\n", + "27": "19\n", + "28": "23\n", + "29": "18\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "a9a1ee6f18a4b5dd8b59e0d51fbc951d3af5b18d": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "f625177b49f26aea920b849b734c11ddd73a81b7": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "e3dc5f74379491989d9402ce2df9421bc1150bf4": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "bc697f1320f0fafb7ca12402db8774301cf58c4f": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "b2a3279b87d747da822b4af803566fc832967721": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "7ce4c46e2741856f96710258c1046f71b85871ee": { + "0": "17\n", + "1": "10\n", + "2": "3\n", + "3": "22\n", + "4": "0\n", + "5": "3\n", + "6": "17\n", + "7": "10\n", + "8": "10\n", + "9": "15\n", + "10": "13\n", + "11": "1\n", + "12": "13\n", + "13": "15\n", + "14": "32\n", + "15": "3\n", + "16": "6\n", + "17": "13\n", + "18": "10\n", + "19": "10\n", + "20": "15\n", + "21": "3\n", + "22": "10\n", + "23": "17\n", + "24": "15\n", + "25": "44\n", + "26": "22\n", + "27": "10\n", + "28": "6\n", + "29": "17\n", + "30": "10\n", + "31": "3\n", + "32": "10\n", + "33": "10\n", + "34": "24\n", + "35": "6\n" + }, + "65ac047fb720684a32fad4b7f39e0f0c65fbce46": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "9c3e88e9a6a3df6e19d23a83b99297de179a7b7e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "da7b077ea3e713db6ec9cc955a427085ae3ce1ff": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c2a00fc4f27170e464415de4fdaa1e96d861be13": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "b325d72ad57327fe3d37e9e8a2cf6924603d76ae": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "d98e096854a0204b6ba40785c2d98dd649aec625": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "218400aea4f92cc37eb6db2d839b52a8636f1ab6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "3034fc11bf017e324e538111aa3675c7f00e5934": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "3c2fb95a1cd214c202f19c5fd7912cf0fb6e0e6b": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "e6c14ca37026fb7abbf6a82b89b4f26a90697695": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "174b36c78ec46a46446964faefed2c52a209425d": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c800888f69aa09ecbfbc64b012397e55b4d8271f": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "6278dac5854b7ab18fc810573a8a9c24f9ba2d83": { + "0": "0\n", + "1": "1\n", + "2": "-6\n", + "3": "-18\n", + "4": "-6\n", + "5": "1\n", + "6": "0\n", + "7": "10\n", + "8": "6\n", + "9": "-3\n", + "10": "0\n", + "11": "0\n", + "12": "1\n", + "13": "15\n", + "14": "15\n", + "15": "1\n", + "16": "6\n", + "17": "3\n", + "18": "0\n", + "19": "0\n", + "20": "-8\n", + "21": "-12\n", + "22": "1\n", + "23": "3\n", + "24": "10\n", + "25": "0\n", + "26": "-33\n", + "27": "0\n", + "28": "6\n", + "29": "6\n", + "30": "3\n", + "31": "3\n", + "32": "15\n", + "33": "0\n", + "34": "0\n", + "35": "3\n" + }, + "0a1e4bbb549d05d45ee58072a0794c1c566202e4": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "812d85fbd6d1d3f3ebfedf0c494ddf463468925c": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "6b27df6908868b0aa6b2ab643555f6c2d2c4aeb5": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "c4800e725618c21ead098234a6509babbd173f0b": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "bf26ec926feeda8cd645a570d77868b03040e34f": { + "0": "18\n", + "1": "7\n", + "2": "12\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "7\n", + "6": "21\n", + "7": "16\n", + "8": "12\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "10\n", + "11": "6\n", + "12": "11\n", + "13": "21\n", + "14": "48\n", + "15": "12\n", + "16": "12\n", + "17": "13\n", + "18": "12\n", + "19": "6\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "12\n", + "22": "10\n", + "23": "18\n", + "24": "16\n", + "25": "48\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "10\n", + "28": "16\n", + "29": "17\n", + "30": "9\n", + "31": "12\n", + "32": "15\n", + "33": "9\n", + "34": "33\n", + "35": "9\n" + }, + "f76a3b017f396e92657b23fa303a4fb8962646a7": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1ca2c9ce53d634168206e6f3a6a51d4d9d23195e": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "b823a3987bbde75c8c523f503c6c2d8dca80be84": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "16a07c21ff4aca55cdc169ef69ccc664fb586dc8": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "00ddb82ff98418db89a7343ac6ac2d1b950a0d21": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "876c22dd4f090ff86d75337ac2d931e6da6dc7d4": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "bbdfe210ec3fd31504cdb91fe2e79c06a13b3e8a": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "0c4614f1cc3c0bfd961194f56d4c0759df634512": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "f9e4518deb6611f284939c9f2b63c302942ee89f": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "0251a084ccc42d957ba8521c5406a59e6c20512b": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c2329bf35016634d505e4aeb0e402a3043a7770d": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "b582494b7566fd2e40e9699094879d12819c2f07": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "29\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "29\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "29\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "eb799b1f34a90801352dee2f0c6cc62bf5199947": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "2061afb0b58d7277187550ca90f53bb21e903e6f": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "64f8c7d78c3e6ca231ce1f0b1f2845febb1c6c43": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "63d075e393430d828191bbc791d9977b23bd2bd3": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "20d67eb532ecef2c560ff378dec2f1be7ddbf0e2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "352792bb92e06e4a2da8095e07f6915ad793b8f0": { + "0": "17\n", + "1": "10\n", + "2": "10\n", + "3": "29\n", + "4": "0\n", + "5": "3\n", + "6": "17\n", + "7": "10\n", + "8": "10\n", + "9": "29\n", + "10": "13\n", + "11": "1\n", + "12": "13\n", + "13": "15\n", + "14": "39\n", + "15": "10\n", + "16": "6\n", + "17": "13\n", + "18": "10\n", + "19": "10\n", + "20": "29\n", + "21": "10\n", + "22": "10\n", + "23": "17\n", + "24": "15\n", + "25": "44\n", + "26": "29\n", + "27": "10\n", + "28": "13\n", + "29": "17\n", + "30": "10\n", + "31": "10\n", + "32": "10\n", + "33": "10\n", + "34": "24\n", + "35": "6\n" + }, + "c440b400cffac18e252070c5c5e73815672ca6a5": { + "0": "21\n", + "1": "15\n", + "2": "13\n", + "3": "15\n", + "4": "0\n", + "5": "8\n", + "6": "15\n", + "7": "10\n", + "8": "13\n", + "9": "15\n", + "10": "16\n", + "11": "7\n", + "12": "15\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "14\n", + "18": "6\n", + "19": "16\n", + "20": "15\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "42\n", + "26": "15\n", + "27": "11\n", + "28": "10\n", + "29": "18\n", + "30": "14\n", + "31": "6\n", + "32": "15\n", + "33": "12\n", + "34": "27\n", + "35": "10\n" + }, + "76c84ae0579dcf2c13f3ea49e803e1da5da919fd": { + "0": "41\n", + "1": "11\n", + "2": "17\n", + "3": "106\n", + "4": "0\n", + "5": "2\n", + "6": "55\n", + "7": "20\n", + "8": "16\n", + "9": "86\n", + "10": "17\n", + "11": "0\n", + "12": "18\n", + "13": "35\n", + "14": "126\n", + "15": "19\n", + "16": "10\n", + "17": "20\n", + "18": "25\n", + "19": "10\n", + "20": "88\n", + "21": "25\n", + "22": "12\n", + "23": "37\n", + "24": "30\n", + "25": "236\n", + "26": "126\n", + "27": "19\n", + "28": "23\n", + "29": "33\n", + "30": "13\n", + "31": "14\n", + "32": "20\n", + "33": "11\n", + "34": "46\n", + "35": "7\n" + }, + "4b19d070dd0db17ac32dd239e26a6f1d5ba4651d": { + "0": "21\n", + "1": "15\n", + "2": "13\n", + "3": "15\n", + "4": "0\n", + "5": "8\n", + "6": "15\n", + "7": "10\n", + "8": "13\n", + "9": "15\n", + "10": "16\n", + "11": "7\n", + "12": "15\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "14\n", + "18": "6\n", + "19": "16\n", + "20": "15\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "42\n", + "26": "15\n", + "27": "11\n", + "28": "10\n", + "29": "18\n", + "30": "14\n", + "31": "6\n", + "32": "15\n", + "33": "12\n", + "34": "27\n", + "35": "10\n" + }, + "4833d4451353433606e1c4825d0a7c7174819875": { + "0": "3\n", + "1": "3\n", + "2": "3\n", + "3": "5\n", + "4": "2\n", + "5": "2\n", + "6": "3\n", + "7": "3\n", + "8": "3\n", + "9": "5\n", + "10": "3\n", + "11": "1\n", + "12": "3\n", + "13": "3\n", + "14": "5\n", + "15": "2\n", + "16": "2\n", + "17": "3\n", + "18": "2\n", + "19": "3\n", + "20": "5\n", + "21": "3\n", + "22": "2\n", + "23": "3\n", + "24": "3\n", + "25": "5\n", + "26": "5\n", + "27": "2\n", + "28": "3\n", + "29": "3\n", + "30": "3\n", + "31": "2\n", + "32": "2\n", + "33": "2\n", + "34": "3\n", + "35": "2\n" + }, + "fcc5103f7bca18bdbf4805588d169373cc385383": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "29\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "29\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "29\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "b72dabaa304b62e845385fdf71dc0a39dc945ed3": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "a6ca8ac589e620a7a4227de3fa6b90b9f6b84e9b": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "e61db761623743dcc3b885d3e0f02737cd65de42": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "f5da401b654b435fe78db486f41689dbc01a93d4": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c8e6238f3b97cfb21bf4882b61a381a40309f2c4": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "285cd1cf3f256a4dd031c787b8a1b9275cc9d1f1": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "bbfbaba9faadfd66caf509039e1149ad4bab7cf9": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "ee75a650d00a9242b172bd337002ab4aaa5f7aa8": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "a41da37bfe218408e0617a6b2b8d63d2029ab263": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "48e85e3676dc840e8792bd50ec752ae43759acea": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "81fab6aa42ee69f6642a4e908920cfa107d5a08a": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "d9bfc0d558e142ee312849a47899383633133cc3": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "3e73172a121589a71a33b6b4a7aee51ea1177d73": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "757ec9469cc7771dbcdbc4b9a6e718debdb1d9cf": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "528dc0aa6677184237e5f521005768f0bba1aaf2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "cf7bbfe8dd1af2d7977a22fc4fe9df27ea99e60f": { + "0": "5\n", + "1": "7\n", + "2": "3\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "7\n", + "6": "5\n", + "7": "7\n", + "8": "7\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "7\n", + "12": "4\n", + "13": "7\n", + "14": "10\n", + "15": "3\n", + "16": "7\n", + "17": "4\n", + "18": "3\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "3\n", + "22": "3\n", + "23": "5\n", + "24": "7\n", + "25": "5\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "3\n", + "28": "4\n", + "29": "5\n", + "30": "7\n", + "31": "3\n", + "32": "5\n", + "33": "3\n", + "34": "10\n", + "35": "7\n" + }, + "216f6c372c20bde159df3cafae5bc548493e9cf8": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "5a9368f36a75d23889e034c78e39be1d464dee35": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "cd38e1f9454588bd3aaee0431ef12c7eda2125dd": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "07962d108d77d291ad6b54a3e8301cf2d4e8d51c": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "52b61edd4883d6ee7ebb1bfcc1038b18a61b0aab": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "db9181a229d6275769fd47051ca0470e446945fe": { + "0": "23\n", + "1": "23\n", + "2": "25\n", + "3": "42\n", + "4": "12\n", + "5": "16\n", + "6": "23\n", + "7": "23\n", + "8": "23\n", + "9": "40\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "21\n", + "14": "48\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "42\n", + "21": "25\n", + "22": "19\n", + "23": "23\n", + "24": "21\n", + "25": "53\n", + "26": "44\n", + "27": "19\n", + "28": "23\n", + "29": "23\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "f2d367ab61e2dc394ec2d95e2519a1528196b7f3": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "ef8a621f5a9c6a35b2dfa5b6ed92559bc4d1242b": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "452230717aae1c6561afbbeb3b1addd18ad2e0fc": { + "0": "3\n", + "1": "3\n", + "2": "3\n", + "3": "5\n", + "4": "2\n", + "5": "2\n", + "6": "3\n", + "7": "3\n", + "8": "3\n", + "9": "5\n", + "10": "3\n", + "11": "1\n", + "12": "3\n", + "13": "3\n", + "14": "5\n", + "15": "2\n", + "16": "2\n", + "17": "3\n", + "18": "2\n", + "19": "3\n", + "20": "5\n", + "21": "3\n", + "22": "2\n", + "23": "3\n", + "24": "3\n", + "25": "5\n", + "26": "5\n", + "27": "2\n", + "28": "3\n", + "29": "3\n", + "30": "3\n", + "31": "2\n", + "32": "2\n", + "33": "2\n", + "34": "3\n", + "35": "2\n" + }, + "4a4d87cd2497defeeb926c61503d5722c5c194bd": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "3a3ba23b70c3c83b344cf27bd9d123197e174067": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "1bf72cf07390c9181077df671e3cff867aca2b0a": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 2 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 4 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 3 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 10 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "28": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "29": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 7 -999\n", + "30": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 6 -999\n", + "31": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "32": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "33": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "34": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n", + "35": "java.lang.ArrayIndexOutOfBoundsException: Index -1 out of bounds for length 5 -999\n" + }, + "09238d35208cd0a37427600298a80914b608f156": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "c486a067ddb18cefc12f688fd888be0490489c7e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "88c0ebee413d8b5b670a3501ee252889d0c4a55e": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "3d762be17194acaea2b791265d96e7b5f75f2ae6": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "a07c13c939976efd4bc25b4e4776b2af92aa0bfc": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "35e73508ecfe0ae4f9957f8e72bfd464a1cb759c": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "d3138b8b25cfdd4e2b898ae4884ff8819d897982": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c1622e48629194f80bf2ec75bedab5b10ef8d421": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "2480cb5870afc1a929721e0d193bf886371575d3": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "71fc366d6fc166f0524d91dbe93e8b7d574df6f6": { + "0": "9\n", + "1": "17\n", + "2": "3\n", + "3": "0\n", + "4": "0\n", + "5": "10\n", + "6": "14\n", + "7": "17\n", + "8": "17\n", + "9": "15\n", + "10": "0\n", + "11": "8\n", + "12": "1\n", + "13": "22\n", + "14": "34\n", + "15": "4\n", + "16": "13\n", + "17": "3\n", + "18": "5\n", + "19": "17\n", + "20": "10\n", + "21": "5\n", + "22": "1\n", + "23": "8\n", + "24": "22\n", + "25": "34\n", + "26": "14\n", + "27": "3\n", + "28": "6\n", + "29": "6\n", + "30": "17\n", + "31": "3\n", + "32": "15\n", + "33": "0\n", + "34": "19\n", + "35": "13\n" + }, + "fdf6cb7fb1dc71e8c85d3297c3b50916b9adfa21": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "c14ce2901ee4748356d1d8b0c7943eb476184ae2": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "eb3c8854096ef8034aa6916bea8b60ed3a4a5858": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "7\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "22\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "17\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "22\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "8c7054e78af58c362700fab795a867550b067a0e": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "656b6acc9395536c8c725b3f7711345a27fc8d31": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "9412add40dff587e1799f8ba0206c428e0eabd72": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "2a531e0e22c5b4bc67f87327241f0fcba41ad414": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "934fbd7d839abd5ccbb4ffedb820613425e6977a": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "157b0ee4189723049716fad60e3e73290a4cbde4": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "97909dee614bbcd019e5e6ea80d9f14e50908726": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "98ace1b474889716870ab50459be7e1f3f6dd93f": { + "0": "15\n", + "1": "10\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "3\n", + "6": "15\n", + "7": "10\n", + "8": "10\n", + "9": "15\n", + "10": "10\n", + "11": "1\n", + "12": "10\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "10\n", + "18": "6\n", + "19": "10\n", + "20": "15\n", + "21": "6\n", + "22": "6\n", + "23": "15\n", + "24": "15\n", + "25": "42\n", + "26": "15\n", + "27": "6\n", + "28": "10\n", + "29": "15\n", + "30": "10\n", + "31": "6\n", + "32": "15\n", + "33": "6\n", + "34": "27\n", + "35": "6\n" + }, + "34179de3ab2794f106293233b483fc32bfddf875": { + "0": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "1": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "2": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "3": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "4": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "5": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "6": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "7": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "8": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "9": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "10": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "11": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "12": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "13": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "14": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "15": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "16": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "17": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "18": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "19": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "20": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "21": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "22": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "23": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "24": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "25": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "26": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "27": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "28": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "29": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "30": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "31": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "32": "15\n", + "33": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "34": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n", + "35": "java.lang.StringIndexOutOfBoundsException: String index out of range: -1 -999\n" + }, + "6c6a765824d12ecfc88b318eea2f2ea5abd9b014": { + "0": "12\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "2": "6\n", + "3": "21\n", + "4": "0\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 4 out of bounds for length 4 -999\n", + "6": "15\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "28\n", + "10": "4\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 3 out of bounds for length 3 -999\n", + "12": "5\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "14": "42\n", + "15": "6\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "17": "7\n", + "18": "6\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "20": "21\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "25": "42\n", + "26": "28\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n" + }, + "de48215dd6f7b96ffa93aa8b533d8ef6d2523719": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "07731dd1587e914ace9464e2112aa4593f47ac2a": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "8280e0f713d2b910d60f002c584ffb1e748c295c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "21809384192d61b93440edf1e1ea6e11c0766dea": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "da211c80d017ee0b41728dfc613fcdbc7c648ef3": { + "0": "5\n", + "1": "1\n", + "2": "3\n", + "3": "5\n", + "4": "0\n", + "5": "1\n", + "6": "5\n", + "7": "4\n", + "8": "3\n", + "9": "5\n", + "10": "4\n", + "11": "0\n", + "12": "4\n", + "13": "5\n", + "14": "10\n", + "15": "3\n", + "16": "3\n", + "17": "4\n", + "18": "3\n", + "19": "0\n", + "20": "5\n", + "21": "3\n", + "22": "3\n", + "23": "5\n", + "24": "4\n", + "25": "5\n", + "26": "5\n", + "27": "3\n", + "28": "4\n", + "29": "5\n", + "30": "2\n", + "31": "3\n", + "32": "5\n", + "33": "3\n", + "34": "10\n", + "35": "2\n" + }, + "e0d34f536c85fecb9724f4191a2ac8e39207af26": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "9f87b2b05c03f2be8a156ec1c96ef54488b5591a": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "5771edb09478591fc879512a4e01c7ace896b913": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "39d90616a433de9c46728e2a76328def36442e16": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "9658277c6224aeed52efb501f40dff5422a3c78c": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "e1b2e5be9ab83c28f50b1debbc5dcd4d0e82d2d6": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "5d45e56b86f116ebd9cd2ed0dacca012c5cd0faf": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "21746737b23ab9cce3b20cc8f28181adf1f22392": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "0\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "10\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "fcc1f57db79f4fd19ec743ea40a2fe3d0ea8ed4d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "a7e9e2de2cd35e0ed7fe8c5fe3f5fba84b2531e9": { + "0": "5\n", + "1": "4\n", + "2": "3\n", + "3": "5\n", + "4": "0\n", + "5": "2\n", + "6": "5\n", + "7": "4\n", + "8": "4\n", + "9": "5\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "5\n", + "14": "8\n", + "15": "3\n", + "16": "3\n", + "17": "4\n", + "18": "3\n", + "19": "4\n", + "20": "5\n", + "21": "3\n", + "22": "3\n", + "23": "5\n", + "24": "5\n", + "25": "8\n", + "26": "5\n", + "27": "3\n", + "28": "4\n", + "29": "5\n", + "30": "4\n", + "31": "3\n", + "32": "5\n", + "33": "3\n", + "34": "3\n", + "35": "3\n" + }, + "3eb0a8c47020f9f218bba9ff6c38b15b3335de59": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "a5cfaf7872c25167aa99a456e4b64512aae8fa52": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "35\n", + "4": "12\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "35\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "35\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "35\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "1736f1d5a84ac4b84acec8c686b45bfa52555fe6": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "f0101c8fba3bafa6ea5376e7616456811b19c0d8": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "f000c68218a9151512f2424c24f313ec7fc5fbef": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "6ab54fbd713b4439fdc47f14d316326aee9976c2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "89419f86fb186732ad5bea85b60320a1603370ff": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "df892e8778093e310afae051ec452504ab3f1443": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "fd389170a33d31dedc7c8c2bd63e815791ea440e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "098cb607147c96f93a96fd50cefc5d910bbcad11": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "142669317801a422f317bdbb39a32cceecd09911": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "f67a86d6c3275e8b58571e58c9358e5bc2cacd71": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "06f456cd3f70f0a2125290afde435a41283463ee": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "2d0ba9d5957aa0acc800fbc533aeb26bf1286a75": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "fd0f2907bd5084b580d744028b9941655f8ab8d2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "4397433bcb12c07e3fcc2fff79f0d7edce42b41d": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "a89a88b8e4d274eb5011d40daddee0f3f6db7655": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1089e13fd0c03abe8bf05dd4f58e72ec0d6da36a": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "7be0ea67886d512411a9e58a775a8833482e031c": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "8aa86e57c7410f4e1352903f2bb98ab182c5e328": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "02707ab211e13c007f1a789a4a025b0d115716c4": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "b799e16eb887b3bbfc77309bebd5b0ba089ea26e": { + "0": "7\n", + "1": "7\n", + "2": "7\n", + "3": "7\n", + "4": "7\n", + "5": "7\n", + "6": "7\n", + "7": "7\n", + "8": "7\n", + "9": "7\n", + "10": "7\n", + "11": "7\n", + "12": "7\n", + "13": "7\n", + "14": "7\n", + "15": "7\n", + "16": "7\n", + "17": "7\n", + "18": "7\n", + "19": "7\n", + "20": "7\n", + "21": "7\n", + "22": "7\n", + "23": "7\n", + "24": "7\n", + "25": "7\n", + "26": "7\n", + "27": "7\n", + "28": "7\n", + "29": "7\n", + "30": "7\n", + "31": "7\n", + "32": "7\n", + "33": "7\n", + "34": "7\n", + "35": "7\n" + }, + "1ce1e8c525b8b4abf493d61766df259c0db10024": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "04b849eef400bda8f8569a6d56f5310d642e2615": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "7d6a65c72ec03be64578e423de3b012dfd643ee1": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 4 out of bounds for length 4 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 3 out of bounds for length 3 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "14": "34\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "25": "9\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "28": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "29": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "30": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "31": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "32": "15\n", + "33": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "34": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "35": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n" + }, + "8088de4f2d7e7bce346754d02185a56f9ff08bfc": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "3bd52086794be64987ca027379c4cae684472b82": { + "0": "12\n", + "1": "1\n", + "2": "3\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "1\n", + "13": "15\n", + "14": "15\n", + "15": "4\n", + "16": "6\n", + "17": "3\n", + "18": "6\n", + "19": "0\n", + "20": "10\n", + "21": "6\n", + "22": "1\n", + "23": "3\n", + "24": "10\n", + "25": "42\n", + "26": "12\n", + "27": "4\n", + "28": "6\n", + "29": "6\n", + "30": "3\n", + "31": "3\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "907f167e0dec598f6f6068a63ec4c04d90541c53": { + "0": "28\n", + "1": "0\n", + "2": "25\n", + "3": "47\n", + "4": "0\n", + "5": "0\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "0\n", + "13": "28\n", + "14": "55\n", + "15": "0\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "0\n", + "22": "0\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "42cec2401148e8833a57be3063199eeabfb5c79c": { + "0": "23\n", + "1": "23\n", + "2": "25\n", + "3": "36\n", + "4": "12\n", + "5": "16\n", + "6": "23\n", + "7": "23\n", + "8": "23\n", + "9": "34\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "21\n", + "14": "40\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "36\n", + "21": "25\n", + "22": "19\n", + "23": "23\n", + "24": "21\n", + "25": "50\n", + "26": "40\n", + "27": "19\n", + "28": "23\n", + "29": "23\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "4dfa327dae826e53d92ccd2ae171a810dc9466e9": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "460838c00a021832d30aaa683148b67d9463fdd8": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "f31f6db62aed38057f06d9cb8036b04a480e74ac": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "006ca8c9280741b21546c4a353f8aaac14fba605": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "094747a9de51aad21c4e806c0b78c3068213e40e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "bf4d0dc88f188edaae0680d520670317c53b2a97": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "a7f9737b568cb8b04059e09939b18fcfabe42476": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1d93cb0a75e8cc70860765fff04a803c1e408267": { + "0": "22\n", + "1": "17\n", + "2": "19\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "6\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "19\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "b577df1680d68a2855a4f667f1891578f8df0eab": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "761ba96f0b6d4476e39298021e3732bd8d1af80e": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "c16b402492177f16b69b8c9a70b13fdf8b28f923": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "d0d9bc11f677d91d2add70c35bc62a3f8b9b6c63": { + "0": "7\n", + "1": "1\n", + "2": "3\n", + "3": "15\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "10\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "0\n", + "11": "0\n", + "12": "1\n", + "13": "15\n", + "14": "32\n", + "15": "3\n", + "16": "6\n", + "17": "3\n", + "18": "3\n", + "19": "0\n", + "20": "15\n", + "21": "3\n", + "22": "1\n", + "23": "7\n", + "24": "10\n", + "25": "37\n", + "26": "15\n", + "27": "1\n", + "28": "6\n", + "29": "6\n", + "30": "3\n", + "31": "3\n", + "32": "10\n", + "33": "0\n", + "34": "17\n", + "35": "3\n" + }, + "239e57382815f614c86839472d2c22791c0cd6a8": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "db5be651d7bf9c8b796d200ebd8791a12a7711d8": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "42824e79ebb89d8e2dbafa60aeb62548ca45d971": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "0714bc4388a8184b4a7965e4dac32384d24593d2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1ae48035a8c34dab52c99ec8c650d89739a307ba": { + "0": "5\n", + "1": "4\n", + "2": "4\n", + "3": "5\n", + "4": "0\n", + "5": "2\n", + "6": "5\n", + "7": "4\n", + "8": "4\n", + "9": "5\n", + "10": "4\n", + "11": "1\n", + "12": "4\n", + "13": "5\n", + "14": "8\n", + "15": "3\n", + "16": "3\n", + "17": "4\n", + "18": "3\n", + "19": "4\n", + "20": "5\n", + "21": "4\n", + "22": "3\n", + "23": "5\n", + "24": "5\n", + "25": "8\n", + "26": "5\n", + "27": "3\n", + "28": "4\n", + "29": "5\n", + "30": "4\n", + "31": "3\n", + "32": "5\n", + "33": "3\n", + "34": "3\n", + "35": "3\n" + }, + "21a91dd0b6ce1a27b838c691c5f059e370e577c5": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "3db1432fda443cfde4922548fb3fde7b3e6384e3": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "28ee717999bd463c010a179c8babd8b7bf7c8d74": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "110a2b1f532b240bcbb1adf7f4b7a8089e8c9a19": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "94b60eea1e2b94b6948eff3f50e63c20a40f6556": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "918768b61b4d100046db5a8aa800e2ca572cce48": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "eae4618a635c9e462e5c767630a57e9959474cd2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "51286fa7e7a8b135c875bb6e000a952310c497e3": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "3654befc47db79c01f35f388c3c338075d0dfb5e": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "2c9e62fd26148a52b510087de5500d7181b5ed73": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "5253c591dc3122611232227b69879405ab37779f": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "5f6148113f7b543f8b79e42cc3d4c5e67c701178": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "35\n", + "4": "12\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "35\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "35\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "35\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "50f5c7944c72004a439c55125b44696df36c1fb9": { + "0": "15\n", + "1": "15\n", + "2": "15\n", + "3": "15\n", + "4": "1\n", + "5": "6\n", + "6": "15\n", + "7": "15\n", + "8": "15\n", + "9": "15\n", + "10": "15\n", + "11": "3\n", + "12": "15\n", + "13": "15\n", + "14": "15\n", + "15": "10\n", + "16": "10\n", + "17": "15\n", + "18": "10\n", + "19": "15\n", + "20": "15\n", + "21": "15\n", + "22": "10\n", + "23": "15\n", + "24": "15\n", + "25": "15\n", + "26": "15\n", + "27": "10\n", + "28": "15\n", + "29": "15\n", + "30": "15\n", + "31": "10\n", + "32": "10\n", + "33": "10\n", + "34": "10\n", + "35": "10\n" + }, + "c7a3de2229930138081d2af3d9fc1ab61caa4e8b": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "bbcc379cf9a28a7ccd21b5f10b14bfe3c4d54261": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "7c98ba5810ff80a509b048f82e1b355a583da491": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "0f5b6bb5baf89d3e498077f52fa887bad1f79b29": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "7570184390c347679dc980e156a7c13a8c1493c0": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "a75c3989def2502b2208afb763bde59e5aab9812": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "a115ec403d90fe842204474b88e02c0e5f46b80e": { + "0": "15\n", + "1": "10\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "3\n", + "6": "15\n", + "7": "10\n", + "8": "10\n", + "9": "15\n", + "10": "10\n", + "11": "1\n", + "12": "10\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "10\n", + "18": "6\n", + "19": "10\n", + "20": "15\n", + "21": "6\n", + "22": "6\n", + "23": "15\n", + "24": "15\n", + "25": "42\n", + "26": "15\n", + "27": "6\n", + "28": "10\n", + "29": "15\n", + "30": "10\n", + "31": "6\n", + "32": "15\n", + "33": "6\n", + "34": "27\n", + "35": "6\n" + }, + "b8143f03295848429c2478d8724ea97f69a535c0": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "173c4c164722f7f3c7fc63173e7a3326b47c1133": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "86985a22bbbf3d9581b88667a62cfe9f428b7bea": { + "0": "0\n", + "1": "1\n", + "2": "3\n", + "3": "0\n", + "4": "0\n", + "5": "1\n", + "6": "0\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "0\n", + "11": "0\n", + "12": "1\n", + "13": "15\n", + "14": "15\n", + "15": "1\n", + "16": "6\n", + "17": "3\n", + "18": "0\n", + "19": "0\n", + "20": "10\n", + "21": "0\n", + "22": "1\n", + "23": "3\n", + "24": "10\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "6\n", + "29": "6\n", + "30": "3\n", + "31": "3\n", + "32": "15\n", + "33": "0\n", + "34": "0\n", + "35": "3\n" + }, + "691ca0e9aab2fdfe2cb24a721e5c78374e77eed8": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "25d326db5684745c8d0470c36b0d6f07714c60d2": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "29\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "29\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "29\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "16e54ce7f54360af6079dd1d9a36b2c050d23b3f": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "7580365e14fffa0ceb3d2990f990bea974ad8b7e": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "c1a56bdda93592d8e4116335e5bd8468668fb26a": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "ee644005322e4d4f814fb77865ceadd8d0b57e36": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "116c1e4a4761d5f5d0f94eea790ad469810f9504": { + "0": "3\n", + "1": "1\n", + "2": "3\n", + "3": "5\n", + "4": "0\n", + "5": "1\n", + "6": "5\n", + "7": "4\n", + "8": "3\n", + "9": "5\n", + "10": "1\n", + "11": "0\n", + "12": "2\n", + "13": "5\n", + "14": "8\n", + "15": "3\n", + "16": "3\n", + "17": "3\n", + "18": "3\n", + "19": "0\n", + "20": "5\n", + "21": "3\n", + "22": "2\n", + "23": "4\n", + "24": "4\n", + "25": "8\n", + "26": "5\n", + "27": "2\n", + "28": "4\n", + "29": "4\n", + "30": "2\n", + "31": "3\n", + "32": "5\n", + "33": "1\n", + "34": "3\n", + "35": "2\n" + }, + "98053fa2cb21b5cc307591641730bdd0f08d1cb6": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "35\n", + "4": "12\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "35\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "35\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "35\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "eb20a2f4b2c0f3cea999112fa1d862bb768c0569": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "dabf6c87506f03f56338d7564408853442a81b94": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "de3fd4704c85683575ee1deb707ee62067b06464": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "9574d4ed69c9fd4bf3b37bb4dc45b4eb1ffac79f": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "2114df560c17ef4fb54fdbb1f8a8f51624518723": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "29\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "29\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "29\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "f42a208c69c160f117bdc7f7cfc224370234c718": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "2bb0cc36a850cc31fda1dc711a3b4b16dcfd9426": { + "0": "7\n", + "1": "1\n", + "2": "3\n", + "3": "15\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "10\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "0\n", + "11": "0\n", + "12": "1\n", + "13": "15\n", + "14": "32\n", + "15": "3\n", + "16": "6\n", + "17": "3\n", + "18": "3\n", + "19": "0\n", + "20": "15\n", + "21": "3\n", + "22": "1\n", + "23": "7\n", + "24": "10\n", + "25": "37\n", + "26": "15\n", + "27": "1\n", + "28": "6\n", + "29": "6\n", + "30": "3\n", + "31": "3\n", + "32": "10\n", + "33": "0\n", + "34": "17\n", + "35": "3\n" + }, + "d2975f074a4796ee4829b0a692962966a679f16a": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "d5c72ad440e7276b1f3642e1be8a2a69d3d33ab5": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "d66bb3935cef4a13b94c85ec2f8abd19e9e58dc9": { + "0": "22\n", + "1": "17\n", + "2": "19\n", + "3": "29\n", + "4": "6\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "19\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "98695fe747a1c031f960480e713ef67706bc37dc": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "6f44ac30277b56e7553200b55dfbfb56a235951d": { + "0": "19\n", + "1": "8\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "8\n", + "6": "22\n", + "7": "17\n", + "8": "13\n", + "9": "29\n", + "10": "11\n", + "11": "7\n", + "12": "12\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "14\n", + "18": "13\n", + "19": "7\n", + "20": "29\n", + "21": "13\n", + "22": "11\n", + "23": "19\n", + "24": "17\n", + "25": "49\n", + "26": "29\n", + "27": "11\n", + "28": "17\n", + "29": "18\n", + "30": "10\n", + "31": "13\n", + "32": "15\n", + "33": "10\n", + "34": "34\n", + "35": "10\n" + }, + "f69e6e427aa66adb52c00d97a5e1ad3533c9ad1d": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "2e3650f75be5bc89ccefeb5dc05aa3a7da0581fd": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "d34a19b3c58bab70d6fecb8e0b50d97719d8028e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "9ee4ad4360979b7bd448d2e4ad8d9c464e1683c4": { + "0": "15\n", + "1": "10\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "3\n", + "6": "15\n", + "7": "10\n", + "8": "10\n", + "9": "15\n", + "10": "10\n", + "11": "1\n", + "12": "10\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "10\n", + "18": "6\n", + "19": "10\n", + "20": "15\n", + "21": "6\n", + "22": "6\n", + "23": "15\n", + "24": "15\n", + "25": "42\n", + "26": "15\n", + "27": "6\n", + "28": "10\n", + "29": "15\n", + "30": "10\n", + "31": "6\n", + "32": "15\n", + "33": "6\n", + "34": "27\n", + "35": "6\n" + }, + "848d10b20c63f2a1c956a7b75ed7d6b2862966b4": { + "0": "16\n", + "1": "7\n", + "2": "14\n", + "3": "22\n", + "4": "6\n", + "5": "3\n", + "6": "15\n", + "7": "10\n", + "8": "8\n", + "9": "23\n", + "10": "15\n", + "11": "13\n", + "12": "10\n", + "13": "16\n", + "14": "25\n", + "15": "11\n", + "16": "11\n", + "17": "14\n", + "18": "10\n", + "19": "12\n", + "20": "22\n", + "21": "15\n", + "22": "6\n", + "23": "19\n", + "24": "17\n", + "25": "30\n", + "26": "21\n", + "27": "16\n", + "28": "11\n", + "29": "13\n", + "30": "11\n", + "31": "10\n", + "32": "9\n", + "33": "11\n", + "34": "24\n", + "35": "14\n" + }, + "6123f94de41874334814eb3ad9ca1a1c000bbf71": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "3812045875416f0c1df74531d5f8d4d041e527e2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "e52d92a83bc1c5aa322074e70b9b653eff0675cf": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "4db14fc853432c833552f5793f9efc706b2fc34c": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "7b57f2f7868a42ad58a8f45927201114521d608b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "562238409aedc8cce6a285005e0b98a6d172cf03": { + "0": "23\n", + "1": "23\n", + "2": "25\n", + "3": "36\n", + "4": "12\n", + "5": "16\n", + "6": "23\n", + "7": "23\n", + "8": "23\n", + "9": "34\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "21\n", + "14": "40\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "36\n", + "21": "25\n", + "22": "19\n", + "23": "23\n", + "24": "21\n", + "25": "50\n", + "26": "40\n", + "27": "19\n", + "28": "23\n", + "29": "23\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "5c450a575af89f55d4842eb1e6015a88df387920": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "f81560077be58b2826a73a6e49bb389614c3cc60": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "e5b80e1b3bb8dac26d9368bfeb94ceb2532e7645": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "e7965468845510c1931f7ddbbbb9a7d917361349": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "b5c5390246db97c739018f83927e76ba2fc8bff7": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "ad3d8fa24441400ae7c75cb39b105c2677fb839d": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "74725647671a9b5749bb2b6ea2b8106d3e09bacf": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "4aac96fc6306188ca4a91d985bebec4a9e0c2566": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "df5b3b93a7f35ef1994905253d1ab3b135f91ad7": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "0fc13641346b0ff2ce0db9ee7ae0ca20cd9c8bbe": { + "0": "15\n", + "1": "10\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "3\n", + "6": "15\n", + "7": "10\n", + "8": "10\n", + "9": "15\n", + "10": "10\n", + "11": "1\n", + "12": "10\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "10\n", + "18": "6\n", + "19": "10\n", + "20": "15\n", + "21": "6\n", + "22": "6\n", + "23": "15\n", + "24": "15\n", + "25": "42\n", + "26": "15\n", + "27": "6\n", + "28": "10\n", + "29": "15\n", + "30": "10\n", + "31": "6\n", + "32": "15\n", + "33": "6\n", + "34": "27\n", + "35": "6\n" + }, + "4817033e10927424903719b39c089aaae78005af": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "d84b88d0def9147558c8880a125036a20e83ec62": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "7f0b7eaf17aafad6fece7560a74a7611396a281e": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "9cd45107c4c4bbdea7518e5a599368352b3b0690": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "293273c3c9fdd83467f26c748da3538b88099bab": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "b8fb1104b18668723b3b0a2a3062686f582aa91e": { + "0": "18\n", + "1": "7\n", + "2": "12\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "7\n", + "6": "21\n", + "7": "16\n", + "8": "12\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "10\n", + "11": "6\n", + "12": "11\n", + "13": "21\n", + "14": "48\n", + "15": "12\n", + "16": "12\n", + "17": "13\n", + "18": "12\n", + "19": "6\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "12\n", + "22": "10\n", + "23": "18\n", + "24": "16\n", + "25": "48\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "10\n", + "28": "16\n", + "29": "17\n", + "30": "9\n", + "31": "12\n", + "32": "8\n", + "33": "9\n", + "34": "33\n", + "35": "9\n" + }, + "8e25a4f42f222a2ae427e3d24767282997b353e6": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "f3f05bacf0945b391b4099b985856ea86447547e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c549f660633fef167236158b43f0417aed87073f": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "3f8f52e6279f85f30b6823c08afa1fe5d2e9b0f1": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "e185da34b64b794bf2755e91556b83e79ce76f26": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "bf2b27c25490619f28a1b87d64f57f2efed4cdff": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "3913910fac8153844898416afe88337983e40509": { + "0": "5\n", + "1": "7\n", + "2": "3\n", + "3": "6\n", + "4": "6\n", + "5": "7\n", + "6": "5\n", + "7": "7\n", + "8": "7\n", + "9": "6\n", + "10": "4\n", + "11": "7\n", + "12": "4\n", + "13": "7\n", + "14": "10\n", + "15": "3\n", + "16": "7\n", + "17": "4\n", + "18": "3\n", + "19": "7\n", + "20": "6\n", + "21": "3\n", + "22": "3\n", + "23": "5\n", + "24": "7\n", + "25": "5\n", + "26": "6\n", + "27": "3\n", + "28": "4\n", + "29": "5\n", + "30": "7\n", + "31": "3\n", + "32": "5\n", + "33": "3\n", + "34": "10\n", + "35": "7\n" + }, + "bc4cc607cbe2d369ca23923f08fce9cc3d8daf96": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "0931fda3b5d674424a8213514060fc3add82149f": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "3878d94c4c13cfd66baa0bfa1118a2b6fc1de4aa": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "48fea4c1aa06c22396553ebc3ed8372d4445ecb7": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "a143fc05d6191742bba4f9eed145083c4fffab0e": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "98637f4a50d8ea125708d0d091c0586e410b5e65": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "c3fa9909d770663b7096726b3164c9f73795e823": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1292d55baeba8d8ae4f6a95e3d41841a26ce0e06": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "bb85165143e163305cdaa28d4f9b2f3aa5d56603": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "c5c21f20416e4e109d14ab3888a5666095ee7ecd": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1da51f35a3ac3304fee67fa11b061b8d2e4bd4eb": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1857c1260c73191b67100aa07d74781f73c945e0": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "d24954f8fb1301bad9f3eb510c61964da0cf728b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "088f3635ee011c41239c48499603bdcefa7b033b": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "a6a4ffc6faf70203ec59783ba344f2e9fe91f254": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "3a2a5c7bd1ca5b8314e157a8bd0552191d1e418b": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "35d0b59b83d971e7b9d100a4d53273d5fae6eeff": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "d5760b8cdb8e0908913e6a6389ecac4e2d89bb40": { + "0": "16\n", + "1": "22\n", + "2": "19\n", + "3": "32\n", + "4": "12\n", + "5": "15\n", + "6": "13\n", + "7": "13\n", + "8": "17\n", + "9": "32\n", + "10": "19\n", + "11": "14\n", + "12": "18\n", + "13": "13\n", + "14": "13\n", + "15": "13\n", + "16": "13\n", + "17": "16\n", + "18": "13\n", + "19": "23\n", + "20": "32\n", + "21": "19\n", + "22": "15\n", + "23": "16\n", + "24": "18\n", + "25": "13\n", + "26": "32\n", + "27": "15\n", + "28": "13\n", + "29": "17\n", + "30": "20\n", + "31": "13\n", + "32": "0\n", + "33": "16\n", + "34": "13\n", + "35": "16\n" + }, + "1e0c5224d5f247f50f7b3d78342df436bdd8bd7a": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "e46da7d8355aa7a82e6a191be7ce8a8fd96bf1b1": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "3defe09aad037b52d9a755c5f99fbe7e38cd418b": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "3f25644450e64cc3923b534af79c211bbc48d4b2": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "fb2b89198f8527d37eb5b954872fa2de66a70f4e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "264962e94542b6772441176dbd9bcd86d4d4e4e4": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "49a86c3c818e0a8676cc841d397d1eecbb786ae5": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "7fdaec73ac3c55be034a84f4c83c2bc2a926bf87": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "920702ab8275611697863c4b2bdc4d68864ec294": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "25178874a9d04c6b37cef87a2c448845606c289c": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "9c095470963ef479d52097594eb3f6f3a85ef50a": { + "0": "22\n", + "1": "17\n", + "2": "13\n", + "3": "29\n", + "4": "0\n", + "5": "10\n", + "6": "22\n", + "7": "17\n", + "8": "17\n", + "9": "29\n", + "10": "17\n", + "11": "8\n", + "12": "17\n", + "13": "22\n", + "14": "49\n", + "15": "13\n", + "16": "13\n", + "17": "17\n", + "18": "13\n", + "19": "17\n", + "20": "29\n", + "21": "13\n", + "22": "13\n", + "23": "22\n", + "24": "22\n", + "25": "49\n", + "26": "29\n", + "27": "13\n", + "28": "17\n", + "29": "22\n", + "30": "17\n", + "31": "13\n", + "32": "15\n", + "33": "13\n", + "34": "34\n", + "35": "13\n" + }, + "110f622fd926582831c202ba9272b2fad9b67f83": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "ce17a65ad2d51f5b7c07f0d27f3cb6e8b61a2dd5": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "2cbc0e990f0832ca6cfb66fd87c7830f226b7839": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "1c658e7e6cf147299b00665cadd49093bba842fb": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "fac96fc12b8989f22ed3abe7cd8f5787ebbbc221": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "042674976adc7520d819433b6e0b03396600266e": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "51549bc9521e989b8c6f2b583279ea440f580f10": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "5bbb822900ff0334e04c2bd2e4cead76ca40a055": { + "0": "5\n", + "1": "5\n", + "2": "5\n", + "3": "5\n", + "4": "5\n", + "5": "5\n", + "6": "5\n", + "7": "5\n", + "8": "5\n", + "9": "5\n", + "10": "5\n", + "11": "5\n", + "12": "5\n", + "13": "5\n", + "14": "5\n", + "15": "5\n", + "16": "5\n", + "17": "5\n", + "18": "5\n", + "19": "5\n", + "20": "5\n", + "21": "5\n", + "22": "5\n", + "23": "5\n", + "24": "5\n", + "25": "5\n", + "26": "5\n", + "27": "5\n", + "28": "5\n", + "29": "5\n", + "30": "5\n", + "31": "5\n", + "32": "5\n", + "33": "5\n", + "34": "5\n", + "35": "5\n" + }, + "20a8e568a6c2609174edcc676599dc655bda94d1": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "3efc504e778693dcdeb27cd7493d839790f959d6": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "8138b1f380ea66d8aabd68b3c28c34449e712043": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "d3e9f17f3fd08af96bf72cdb0c1a576ca7707b64": { + "0": "0\n", + "1": "0\n", + "2": "0\n", + "3": "0\n", + "4": "0\n", + "5": "0\n", + "6": "0\n", + "7": "0\n", + "8": "0\n", + "9": "0\n", + "10": "0\n", + "11": "0\n", + "12": "0\n", + "13": "0\n", + "14": "0\n", + "15": "0\n", + "16": "0\n", + "17": "0\n", + "18": "0\n", + "19": "0\n", + "20": "0\n", + "21": "0\n", + "22": "0\n", + "23": "0\n", + "24": "0\n", + "25": "0\n", + "26": "0\n", + "27": "0\n", + "28": "0\n", + "29": "0\n", + "30": "0\n", + "31": "0\n", + "32": "0\n", + "33": "0\n", + "34": "0\n", + "35": "0\n" + }, + "a63a0b36fc46a31a8407ad5ec4f83f17a81f13bf": { + "0": "28\n", + "1": "23\n", + "2": "25\n", + "3": "47\n", + "4": "12\n", + "5": "16\n", + "6": "28\n", + "7": "23\n", + "8": "23\n", + "9": "47\n", + "10": "23\n", + "11": "14\n", + "12": "23\n", + "13": "28\n", + "14": "55\n", + "15": "19\n", + "16": "19\n", + "17": "23\n", + "18": "19\n", + "19": "23\n", + "20": "47\n", + "21": "25\n", + "22": "19\n", + "23": "28\n", + "24": "28\n", + "25": "55\n", + "26": "47\n", + "27": "19\n", + "28": "23\n", + "29": "28\n", + "30": "23\n", + "31": "19\n", + "32": "15\n", + "33": "19\n", + "34": "40\n", + "35": "19\n" + }, + "2d1ab1f45ea2cc80897196e027c208b04ff11e8e": { + "0": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "1": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "2": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "java.lang.ArrayIndexOutOfBoundsException: Index 4 out of bounds for length 4 -999\n", + "6": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "7": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "8": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "11": "java.lang.ArrayIndexOutOfBoundsException: Index 3 out of bounds for length 3 -999\n", + "12": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "13": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "14": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "15": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "16": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "17": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "18": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "19": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "22": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "23": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "24": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "25": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "28": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "29": "java.lang.ArrayIndexOutOfBoundsException: Index 7 out of bounds for length 7 -999\n", + "30": "java.lang.ArrayIndexOutOfBoundsException: Index 6 out of bounds for length 6 -999\n", + "31": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "32": "5\n", + "33": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "34": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n", + "35": "java.lang.ArrayIndexOutOfBoundsException: Index 5 out of bounds for length 5 -999\n" + }, + "09e6bbfe4da9927ba11c8b513999e834bb1d53e7": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "21\n", + "4": "12\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "21\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "21\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "21\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "b76fe48cc9735f78711b407d33b6a0430b036f4f": { + "0": "", + "1": "", + "2": "", + "3": "", + "4": "", + "5": "", + "6": "", + "7": "", + "8": "", + "9": "", + "10": "", + "11": "", + "12": "", + "13": "", + "14": "", + "15": "", + "16": "", + "17": "", + "18": "", + "19": "", + "20": "", + "21": "", + "22": "", + "23": "", + "24": "", + "25": "", + "26": "", + "27": "", + "28": "", + "29": "", + "30": "", + "31": "", + "32": "", + "33": "", + "34": "", + "35": "" + }, + "3e1092826a195ddd18352343c172139728484910": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "5538c95cff209a7130b132959c66a4d44d7c6639": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "4": "java.lang.ArrayIndexOutOfBoundsException: Index 2 out of bounds for length 2 -999\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "java.lang.ArrayIndexOutOfBoundsException: Index 10 out of bounds for length 10 -999\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "be8548836444203892aa8f64769919cb1a151ff6": { + "0": "18\n", + "1": "7\n", + "2": "12\n", + "3": "33\n", + "4": "6\n", + "5": "7\n", + "6": "21\n", + "7": "16\n", + "8": "12\n", + "9": "33\n", + "10": "10\n", + "11": "6\n", + "12": "11\n", + "13": "21\n", + "14": "48\n", + "15": "12\n", + "16": "12\n", + "17": "13\n", + "18": "12\n", + "19": "6\n", + "20": "33\n", + "21": "12\n", + "22": "10\n", + "23": "18\n", + "24": "16\n", + "25": "48\n", + "26": "33\n", + "27": "10\n", + "28": "16\n", + "29": "17\n", + "30": "9\n", + "31": "12\n", + "32": "15\n", + "33": "9\n", + "34": "33\n", + "35": "9\n" + }, + "947f2582e12dadd6f7f444be58460176605c3ba5": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + }, + "011c3aa96d2a78c4109bcd5b2dcc834303b32a32": { + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" + } +} \ No newline at end of file diff --git a/IRT_dataset/502_45/correct_outputs.json b/IRT_dataset/502_45/correct_outputs.json new file mode 100644 index 0000000..fcff692 --- /dev/null +++ b/IRT_dataset/502_45/correct_outputs.json @@ -0,0 +1,38 @@ +{ + "0": "12\n", + "1": "1\n", + "2": "6\n", + "3": "15\n", + "4": "0\n", + "5": "1\n", + "6": "15\n", + "7": "10\n", + "8": "6\n", + "9": "15\n", + "10": "4\n", + "11": "0\n", + "12": "5\n", + "13": "15\n", + "14": "42\n", + "15": "6\n", + "16": "6\n", + "17": "7\n", + "18": "6\n", + "19": "0\n", + "20": "15\n", + "21": "6\n", + "22": "4\n", + "23": "12\n", + "24": "10\n", + "25": "42\n", + "26": "15\n", + "27": "4\n", + "28": "10\n", + "29": "11\n", + "30": "3\n", + "31": "6\n", + "32": "15\n", + "33": "3\n", + "34": "27\n", + "35": "3\n" +} \ No newline at end of file diff --git a/IRT_dataset/502_45/pivot_code_id.txt b/IRT_dataset/502_45/pivot_code_id.txt new file mode 100644 index 0000000..3ec0f00 --- /dev/null +++ b/IRT_dataset/502_45/pivot_code_id.txt @@ -0,0 +1 @@ +dccc3fc8c0c9f3bc997084ea5933bcbd3526ee19 \ No newline at end of file diff --git a/IRT_dataset/502_45/test_cases.json b/IRT_dataset/502_45/test_cases.json new file mode 100644 index 0000000..01b7480 --- /dev/null +++ b/IRT_dataset/502_45/test_cases.json @@ -0,0 +1,38 @@ +{ + "0": "new int[]{6, 1, 2, 7, 3, 4, 5}", + "1": "new int[]{1, 6, 2, 3, 4, 7}", + "2": "new int[]{1, 2, 6, 6, 7, 3}", + "3": "new int[]{6, 7, 1, 2, 3, 4, 5, 6, 7, 6}", + "4": "new int[]{6, 6}", + "5": "new int[]{1, 6, 2, 7}", + "6": "new int[]{6, 7, 1, 2, 3, 4, 5}", + "7": "new int[]{1, 2, 3, 4, 6, 7}", + "8": "new int[]{1, 2, 3, 6, 4, 7}", + "9": "new int[]{1, 2, 3, 4, 5, 6, 7, 6, 7, 6}", + "10": "new int[]{6, 1, 2, 3, 7, 4}", + "11": "new int[]{6, 1, 7}", + "12": "new int[]{1, 6, 2, 3, 7, 4}", + "13": "new int[]{1, 2, 3, 4, 5, 6, 7}", + "14": "new int[]{1, 2, 3, 4, 5, 6, 7, 8, 9, 10}", + "15": "new int[]{1, 6, 7, 2, 3}", + "16": "new int[]{1, 2, 3, 6, 7}", + "17": "new int[]{1, 2, 6, 3, 7, 4}", + "18": "new int[]{6, 7, 1, 2, 3}", + "19": "new int[]{6, 1, 2, 3, 4, 7}", + "20": "new int[]{1, 2, 3, 4, 6, 7, 5, 6, 7, 6}", + "21": "new int[]{6, 6, 7, 1, 2, 3}", + "22": "new int[]{1, 6, 2, 7, 3}", + "23": "new int[]{1, 2, 6, 3, 7, 4, 5}", + "24": "new int[]{1, 2, 3, 4, 6, 5, 7}", + "25": "new int[]{6, 7, 8, 9, 10, 1, 2, 3, 4, 5}", + "26": "new int[]{6, 7, 6, 7, 1, 2, 3, 4, 5, 6}", + "27": "new int[]{6, 2, 7, 1, 3}", + "28": "new int[]{1, 2, 3, 6, 7, 4}", + "29": "new int[]{1, 2, 3, 6, 4, 7, 5}", + "30": "new int[]{1, 2, 6, 3, 4, 7}", + "31": "new int[]{1, 2, 6, 7, 3}", + "32": "new int[]{1, 2, 3, 4, 5}", + "33": "new int[]{6, 1, 2, 7, 3}", + "34": "new int[]{6, 7, 8, 9, 10}", + "35": "new int[]{1, 2, 6, 3, 7}" +} \ No newline at end of file diff --git a/IRT_dataset/CodeStates.csv b/IRT_dataset/CodeStates.csv new file mode 100644 index 0000000..514faf5 --- /dev/null +++ b/IRT_dataset/CodeStates.csv @@ -0,0 +1,1284269 @@ +CodeStateID,Code +548938774dc948448b0bb51139bbcae3a3966ab8,"public String plusOut(String str, String word) +{ + String newString = """"; + int n = str.length(); + int w = word.length(); + int i = 0; + while(i < n) + { + if (str.substring(i).startsWith(word)) + { + newString = newString + word; + i = i + w; + } + else + { + newString = newString + ""+""; + i = i + 1; + } + } + return newString; +} +" +20dc599067ac07408b5636973fc6b8a37db9af32,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +23c57b36002c4d482df3d25f97778f74a2ed581a,"public String plusOut(String str, String word) +{ + String string = """" + if (str.contains(word)) + { + + } + else + { + for (int j=0; j str.length() - 4) { + out = out + ""+""; + } + else if (str.substring(i, i + 5).equals(""word"")) { + out = out + ""word""; + i += 4; + } + else { + out = out + ""+""; + } + } + return out; +} +" +14b312262178f0a303078c7586e918b7c1dd057b,"public String plusOut(String str, String word) +{ + String out = """"; + for (int i = 0; i < str.length(); i++) { + if (i > str.length() - word.length()) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length() + 1).equals(word)) { + out = out + word; + i += 4; + } + else { + out = out + ""+""; + } + } + return out; +} +" +24c300aac43c1b7214dc8e3c4cbec09179e0b523,"public String plusOut(String str, String word) +{ + String out = """"; + for (int i = 0; i < str.length(); i++) { + if (i >= str.length() - word.length()) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length() + 1).equals(word)) { + out = out + word; + i += 4; + } + else { + out = out + ""+""; + } + } + return out; +} +" +54f3da96df1399e6af91c8d328c2121e6c50df77,"public String plusOut(String str, String word) +{ + String out = """"; + for (int i = 0; i < str.length(); i++) { + if (i >= str.length() - word.length()) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length() + 1).equals(word)) { + out = out + word; + i += word.length(); + } + else { + out = out + ""+""; + } + } + return out; +} +" +e61cf335fda3bf8a91dca55d5551fc48b21312d6,"public String plusOut(String str, String word) +{ + String out = """"; + for (int i = 0; i < str.length(); i++) { + if (i >= str.length() - word.length()) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length()).equals(word)) { + out = out + word; + i += word.length(); + } + else { + out = out + ""+""; + } + } + return out; +} +" +bbb23736deedcb78a1ce7d2c6a025e6a08f47c82,"public String plusOut(String str, String word) +{ + String out = """"; + for (int i = 0; i < str.length(); i++) { + if (i >= str.length() - word.length()) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length()).equals(word)) { + out = out + word; + i += word.length(); + } + else { + out = out + ""+""; + } + } + return out; +} +" +0745e670c9437c03200a3e652fd7a5a0bf1399ee,"public String plusOut(String str, String word) +{ + int strLength = str.length(); + int wordLength = word.length(); + int position = str.indexOf(word); + int i = 0; + StringBuilding strbuild = new Stringbuilder(strLength); + while(position != -1) + { + while ( i < position) + { + strbuild.append('+'); + i++; + } + strbuild.append(word); + i = pos+ wordLength; + position = str.indexOf(word, i); + } + for(i; i= str.length() - word.length()) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length()).equals(word)) { + out = out + word; + i += word.length()-1; + } + else { + out = out + ""+""; + } + } + return out; +} +" +f4d0c43503b6605dc40ccaa95aec6b98a0199edd,"public String plusOut(String str, String word) +{ + int strLength = str.length(); + int wordLength = word.length(); + int position = str.indexOf(word); + int i = 0; + StringBuilding strbuild = new Stringbuilder(strLength); + while(position != -1) + { + while ( i < position) + { + strbuild.append('+'); + i++; + } + strbuild.append(word); + i = pos+ wordLength; + position = str.indexOf(word, i); + } + for(; i= str.length() - word.length()+1) { + out = out + ""+""; + } + else if (str.substring(i, i + word.length()).equals(word)) { + out = out + word; + i += word.length()-1; + } + else { + out = out + ""+""; + } + } + return out; +} +" +c62fb4b2ec912f99589f19e3cba4011a73db8483,"public String plusOut(String str, String word) +{ + int strLength = str.length(); + int wordLength = word.length(); + int position = str.indexOf(word); + int i = 0; + StringBuilder strbuild = new Stringbuilder(strLength); + while(position != -1) + { + while ( i < position) + { + strbuild.append('+'); + i++; + } + strbuild.append(word); + i = pos+ wordLength; + position = str.indexOf(word, i); + } + for(; i=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=0;j=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=0;j=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=0;j=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=0;j=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=0;j=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=0;j=sl-wl) + { + if(i==sl-wl && str.substring(i).equals(word)) + { + return str; + } + else + { + str=str.substring(0,i); + for(int j=i;j 0) + { + if ( str.charAt(i - 1) != 'w' || str.charAt(i + 1) != 'r' + || str.charAt(i + 2) != 'd') + { + str.charAt(i) = '+'; + } + } + else if (str.charAt(i) == 'r' && i < str.length() - 1 && i > 1) + { + if ( str.charAt(i - 2) != 'w' || str.charAt(i - 1) != 'o' + || str.charAt(i + 1) != 'd') + { + str.charAt(i) = '+'; + } + } + else if (str.charAt(i) == 'd' && i > 2) + { + if ( str.charAt(i - 3) != 'w' || str.charAt(i - 2) != 'o' + || str.charAt(i - 1) != 'r') + { + str.charAt(i) = '+'; + } + } + else + { + str.charAt(i) = '+'; + } + } +} +" +833e6240cdb8bf5cb22ba9aa73b9fe244ed79da3,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'w' && i < str.length() - 3) + { + if ( str.charAt(i + 1) != 'o' || str.charAt(i + 2) != 'r' + || str.charAt(i + 3) != 'd') + { + str.charAt(i) = '+'; + } + } + else if (str.charAt(i) == 'o' && i < str.length() - 2 && i > 0) + { + if ( str.charAt(i - 1) != 'w' || str.charAt(i + 1) != 'r' + || str.charAt(i + 2) != 'd') + { + str.charAt(i) = '+'; + } + } + else if (str.charAt(i) == 'r' && i < str.length() - 1 && i > 1) + { + if ( str.charAt(i - 2) != 'w' || str.charAt(i - 1) != 'o' + || str.charAt(i + 1) != 'd') + { + str.charAt(i) = '+'; + } + } + else if (str.charAt(i) == 'd' && i > 2) + { + if ( str.charAt(i - 3) != 'w' || str.charAt(i - 2) != 'o' + || str.charAt(i - 1) != 'r') + { + str.charAt(i) = '+'; + } + } + else + { + str.charAt(i) = '+'; + } + } + + return str; +} +" +353eb5f18ca30ec5d1436e36c8ae6c7796a91044,"public String plusOut(String str, String word) +{ + String new = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'w' && i < str.length() - 3) + { + if ( str.charAt(i + 1) != 'o' || str.charAt(i + 2) != 'r' + || str.charAt(i + 3) != 'd') + { + new = new + ""+""; + } + else + { + new = new + ""w""; + } + } + else if (str.charAt(i) == 'o' && i < str.length() - 2 && i > 0) + { + if ( str.charAt(i - 1) != 'w' || str.charAt(i + 1) != 'r' + || str.charAt(i + 2) != 'd') + { + new = new + ""+""; + } + else + { + new = new + ""o""; + } + } + else if (str.charAt(i) == 'r' && i < str.length() - 1 && i > 1) + { + if ( str.charAt(i - 2) != 'w' || str.charAt(i - 1) != 'o' + || str.charAt(i + 1) != 'd') + { + new = new + ""+""; + } + else + { + new = new + ""r""; + } + } + else if (str.charAt(i) == 'd' && i > 2) + { + if ( str.charAt(i - 3) != 'w' || str.charAt(i - 2) != 'o' + || str.charAt(i - 1) != 'r') + { + new = new + ""+""; + } + else + { + new = new + ""d""; + } + } + else + { + str.charAt(i) = '+'; + } + } + + return str; +} +" +b2c52e7963d32e71af6583abee5a60cc01e335d9,"public String plusOut(String str, String word) +{ + String newString = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'w' && i < str.length() - 3) + { + if ( str.charAt(i + 1) != 'o' || str.charAt(i + 2) != 'r' + || str.charAt(i + 3) != 'd') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""w""; + } + } + else if (str.charAt(i) == 'o' && i < str.length() - 2 && i > 0) + { + if ( str.charAt(i - 1) != 'w' || str.charAt(i + 1) != 'r' + || str.charAt(i + 2) != 'd') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""o""; + } + } + else if (str.charAt(i) == 'r' && i < str.length() - 1 && i > 1) + { + if ( str.charAt(i - 2) != 'w' || str.charAt(i - 1) != 'o' + || str.charAt(i + 1) != 'd') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""r""; + } + } + else if (str.charAt(i) == 'd' && i > 2) + { + if ( str.charAt(i - 3) != 'w' || str.charAt(i - 2) != 'o' + || str.charAt(i - 1) != 'r') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""d""; + } + } + else + { + str.charAt(i) = '+'; + } + } + + return newString; +} +" +68aadb93654be2f3f7add2eeec35bc7825179d04,"public String plusOut(String str, String word) +{ + String newString = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'w' && i < str.length() - 3) + { + if ( str.charAt(i + 1) != 'o' || str.charAt(i + 2) != 'r' + || str.charAt(i + 3) != 'd') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""w""; + } + } + else if (str.charAt(i) == 'o' && i < str.length() - 2 && i > 0) + { + if ( str.charAt(i - 1) != 'w' || str.charAt(i + 1) != 'r' + || str.charAt(i + 2) != 'd') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""o""; + } + } + else if (str.charAt(i) == 'r' && i < str.length() - 1 && i > 1) + { + if ( str.charAt(i - 2) != 'w' || str.charAt(i - 1) != 'o' + || str.charAt(i + 1) != 'd') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""r""; + } + } + else if (str.charAt(i) == 'd' && i > 2) + { + if ( str.charAt(i - 3) != 'w' || str.charAt(i - 2) != 'o' + || str.charAt(i - 1) != 'r') + { + newString = newString + ""+""; + } + else + { + newString = newString + ""d""; + } + } + else + { + newString = newString + ""+""; + } + } + + return newString; +} +" +fc4a71300afe422800185bdd884b272fa931b0ac,"public String plusOut(String str, String word) +{ + String newString = """"; +} +" +9b9600371ca2fb109c7eb2d90611448e69635dae,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == str.charAt(z)) + { + count = count + 1; + } + } + if (count =! word.length()) + { + count = 0; + newString = newString + '+'; + } + else + { + newString = newString + word.charAt(0) + count = count - 1; + } + } + else if (count > 0) + { + newString = newString + word.charAt(word.length() - count); + count = count - 1; + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +d150bc5205bf9e78517342100f3352b84bb357e8,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == str.charAt(z)) + { + count = count + 1; + } + } + if (count =! word.length()) + { + count = 0; + newString = newString + '+'; + } + else + { + newString = newString + word.charAt(0); + count = count - 1; + } + } + else if (count > 0) + { + newString = newString + word.charAt(word.length() - count); + count = count - 1; + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +a274930d3ab6e167a550c640ed32df288a1f1fa8,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == str.charAt(z)) + { + count = count + 1; + } + } + if (count != word.length()) + { + count = 0; + newString = newString + '+'; + } + else + { + newString = newString + word.charAt(0); + count = count - 1; + } + } + else if (count > 0) + { + newString = newString + word.charAt(word.length() - count); + count = count - 1; + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +7ffc82f985e9a6e3f64560776b835d50bfc3616a,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (count > 0) + { + newString = newString + word.charAt(word.length() - count); + count = count - 1; + } + else if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == str.charAt(z)) + { + count = count + 1; + } + } + if (count != word.length()) + { + count = 0; + newString = newString + '+'; + } + else + { + newString = newString + word.charAt(0); + count = count - 1; + } + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +254e14dfc3ee78e6020412accc0bcfb6f35c94d0,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (count > 0) + { + newString = newString + word.charAt(word.length() - count); + count = count - 1; + } + else if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == str.charAt(z)) + { + count = count + 1; + } + } + if (count == word.length()) + { + newString = newString + word.charAt(0); + count = count - 1; + } + else + { + count = 0; + newString = newString + '+'; + } + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +08d937a351538e87fac8e8aa9772ef19f941476e,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (count > 0) + { + newString = newString + word.charAt(word.length() - count - 1); + count = count - 1; + } + else if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == word.charAt(z)) + { + count = count + 1; + } + } + if (count == word.length()) + { + newString = newString + word.charAt(0); + count = count - 1; + } + else + { + count = 0; + newString = newString + '+'; + } + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +21bb350d69599a11b91734d1a85b689ae37157b4,"public String plusOut(String str, String word) +{ + String newString = """"; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + if (count > 0) + { + newString = newString + word.charAt(word.length() - count); + count = count - 1; + } + else if (str.charAt(i) == word.charAt(0)) + { + for (int z = 0; z < word.length(); z++) + { + if (str.charAt(i + z) == word.charAt(z)) + { + count = count + 1; + } + } + if (count == word.length()) + { + newString = newString + word.charAt(0); + count = count - 1; + } + else + { + count = 0; + newString = newString + '+'; + } + } + else + { + newString = newString + '+'; + } + } + + return newString; +} +" +227851bc5283b04a991ed749b8289bdfc76c58d0,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +802004f9f681567193342d1ee5aa8b02000378f8,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +}" +6a8875bbf15f51adcb83b63dced7e2ee198aaa4a,"public String plusOut(String str, String word) +{ + String res=""""; + int i=0; + while(i str.length()) { +break; +} + +if(str.substring(i, i + word.length()).equals(word)) +{ +result += word; +i += (word.length() - 1); +} +else +{ +result += ""+"" ; +} +} +if(result.length() != str.length()) { +while(result.length() != str.length()) { +result += ""+""; +} +} +return result; +} +" +62afc52c7b0d29514c74e53a55de7a7d49438ce1,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +623d788f67f66528af325143b50eea0597be67a3,"public String plusOut(String str, String word) +{ + int lenStr = str.length(); + int lenWord = word.length(); + int i = 0; + while (i < lenStr-lenWord) + { + int iWord = str.indexOf(word, i+1); + if (iWord == -1) + { + i++; + } + else + { + i = iWord; + } + } +} +" +f6a5f4e36856958ec4ba4e773b86c6940a20eca1,"public String plusOut(String str, String word) +{ + String ss; + int sl= str.length(); + int wl=word.length(); + int count = 0; + while (len > 0) + { + if(str.startsWith(word)) + { + str = str.substring(wl, len); + len-=wl; + ss+=word; + } + else + { + ss+=""+""; + } + } + return ss; +} +" +a2cfc23da596d1c39d5e80e4e75f97fc187eb162,"public String plusOut(String str, String word) +{ + String ss; + int sl= str.length(); + int wl=word.length(); + int count = 0; + while (len > 0) + { + if(str.startsWith(word)) + { + str = str.substring(wl, sl); + sl-=wl; + ss+=word; + } + else + { + ss+=""+""; + } + } + return ss; +} +" +52200a32c788e25e5fdbb548592e0d1e0847f3dd,"public String plusOut(String str, String word) +{ + String ss; + int sl= str.length(); + int wl=word.length(); + int count = 0; + while (sl > 0) + { + if(str.startsWith(word)) + { + str = str.substring(wl, sl); + sl-=wl; + ss+=word; + } + else + { + ss+=""+""; + } + } + return ss; +} +" +57b6757bcb1b3632b5b509d348a8220550f1bc84,"public String plusOut(String str, String word) +{ + String ss = """"; + int sl= str.length(); + int wl=word.length(); + int count = 0; + while (sl > 0) + { + if(str.startsWith(word)) + { + str = str.substring(wl, sl); + sl-=wl; + ss+=word; + } + else + { + ss+=""+""; + } + } + return ss; +} +" +55695d32d3ffe57f14a7df361aa06334d8ff6885,"public String plusOut(String str, String word) +{ + String ss = """"; + int sl= str.length(); + int wl=word.length(); + int count = 0; + while (sl > 0) + { + if(str.startsWith(word)) + { + str = str.substring(wl, sl); + sl-=wl; + ss+=word; + } + else + { + ss+=""+""; + sl--; + } + } + return ss; +} +" +d3a3f00587250dbfc04a6f19f960cda33cf5395f,"public String plusOut(String str, String word) +{ + String ss = """"; + int sl= str.length(); + int wl=word.length(); + int count = 0; + while (sl > 0) + { + if(str.startsWith(word)) + { + str = str.substring(wl, sl); + sl-=wl; + ss+=word; + } + else + { + ss+=""+""; + str= str.substring(1, sl); + sl--; + } + } + return ss; +} +" +3ba31ed68ae412e4e4712ae815958f00f3bbdf0b,"public String plusOut(String str, String word) +{ + String value; + for (int i = 0; i < str.length(); i++) + { + value += ""+""; + } + return value + word; + +} +" +e722b882c20170a972edf85cf0c343c6a27ba1bf,"public String plusOut(String str, String word) +{ + String value = """"; + for (int i = 0; i < str.length(); i++) + { + value += ""+""; + } + return value + word; + +} +" +81863d7f09d13e0d2eeec3f81a121c798e4ccae7,"public String plusOut(String str, String word) +{ + String value = """"; + String store; + for (int i = 0; i < str.length(); i++) + { + if (i <= str.length() - word.length()) + { + store = str.substing(i, i + word.length()); + if (store.equals(word)) + { + value += word; + i += word.length() - 1; + } + else + { + value += ""+""; + } + } + else + { + value += ""+"" + } + + } + return value + +} +" +889804a92a6c02aab48a4e73a86dd0f4e5d04d3c,"public String plusOut(String str, String word) +{ + String value = """"; + String store; + for (int i = 0; i < str.length(); i++) + { + if (i <= str.length() - word.length()) + { + store = str.substing(i, i + word.length()); + if (store.equals(word)) + { + value += word; + i += word.length() - 1; + } + else + { + value += ""+""; + } + } + else + { + value += ""+""; + } + + } + return value; + +} +" +fc26c5ca73715aaefebce14a009a472587ebae8d,"public String plusOut(String str, String word) +{ + String value = """"; + String store; + for (int i = 0; i < str.length(); i++) + { + if (i <= str.length() - word.length()) + { + store = str.substring(i, i + word.length()); + if (store.equals(word)) + { + value += word; + i += word.length() - 1; + } + else + { + value += ""+""; + } + } + else + { + value += ""+""; + } + + } + return value; + +} +" +431d2a094398ebe9def18a5ad872e7088fbd94ba,"public String plusOut(String str, String word) +{ + int wordPlace = str.indexOf(word); + for (int i = str.indexOf(word, 1); i = str.lastIndexOf(word); i = str.indexOf(word, i + 1)) + str.substring( + + return str.substring() + str.substring(); +} +" +84f542db831aed94c59f773af59b25d8d86c3a37,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); + +} +" +18dca2cdaaadccfab2a202173c0f36546c622f4e,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() - 1; + for (int i = 0; i < length - wordLength; i++) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + } + return newString; + } +} +" +cf4cea896f5ab4939ca3416d33ee3142c8659985,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() - 1; + for (int i = 0; i < length - wordLength; i++) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + } + + } + return newString; +} +" +f0a8e24b4167efcebc7e763d192fd53c3e6ed53c,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() - 1; + for (int i = 0; i < length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +b1d6fb1f787e4cd54f3f35703f130b8b45f36fe4,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() - 1; + while (int i < length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +6a68a5ff5e89ba26bc954c0e78440642d8412ded,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() - 1; + int i = 0; + while (i < length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +ddaa15f8e12410c87dcd892793e42d31deba2de7,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i < length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +abffa3105d435562eb8a146f61f872cc1e1970f3,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() + 1; + int i = 0; + while (i < length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +40fb581bc2068a3129abd858c674820059163e87,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i =< length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +9755cdae5e8c3cb48b7ff376e3796fbcaba727af,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +7b42058a146da3ca783eaee6fe18b6b0612e42aa,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +ee0f5a4d8e6ea322132b996cb98454d1b0bb036a,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +20524ed7d24368c718705367e735e85271a25f41,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() + 1; + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +d1305e32b1d7411a3f0397dd79f9c04fb7b5a735,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length() - 1; + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +7e1d80590a14b5d670d9ac333b42f42e9f799072,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +bb5642743ec6502e47e2755b26fcf445e66ff368,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length) // - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +fe44e360b5364fe46d6671473e448b0827f07bd0,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + return newString; +} +" +812a938913acc63f44e5945984adc5f25d6a378f,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordLength = word.length(); + int i = 0; + while (i <= length - wordLength) + { + String sub = str.substring(i, i + wordLength); + if (sub.equals(word)) + { + newString = newString + word; + i = i + wordLength; + } + else + { + newString = newString + ""+""; + i++; + } + + } + if (newString.length() < length) + { + newString = newString + ""+""; + } + return newString; +} +" +08244999249e872c49869b0f4f735e0b5f3550fd,"public String plusOut(String str, String word) +{ + String newst = """"; + for (int x = 0; x wordEnd ; i--) + { + g = g + plus; + + } + + return (f + word + g); +} +" +2da1bb6b49a322cc3ef8fad28914ec5039a218ab,"public String plusOut(String str, String word) +{ + String strLC = str.toLowerCase(); + int wordStart = strLC.indexOf(word); + int wordEnd = wordStart + word.length(); + char plus = '+'; + String strLCr = """"; + String strLC1 = """"; + + String front = strLC.substring(0, wordStart); + String back = strLC.substring(wordEnd, strLC.length()-1); + + + String f = """"; + String g = """"; + + for ( int i = 0; i < front.length(); i++) + { + + f = f + plus; + } + + + for (int i = strLC.length(); i > wordEnd ; i--) + { + g = g + plus; + + } + + return (f + word + g); +} +" +49748c1db4e12ce117e78d9c6e9c4af616ded024,"public String plusOut(String str, String word) +{ + int strLength = str.length(); + int wordLength = word.length(); + for (int i = 0; i < strLength; i++) + for (int j = 0; < wordLength; j++) + if (str.charAt(i) != word.charAt(j)) + str = str.replace(str.charAt(i), '+'); + return str; + + +} +" +24522c343f42ff73ce2081a752a1b16d7e1b14d7,"public String plusOut(String str, String word) +{ + int strLength = str.length(); + int wordLength = word.length(); + for (int i = 0; i < strLength; i++) + for (int j = 0; j < wordLength; j++) + if (str.charAt(i) != word.charAt(j)) + str = str.replace(str.charAt(i), '+'); + return str; + + +} +" +b74c2a1646884a6d476e052cd43e11242113bac9,"public String plusOut(String str, String word) +{ + String newString = """"; + for(int i=0;i= index && i < index+word.length()) + newString += str.charAt(i); + else + newString += ""+""; + } + + return newString; +} +" +956a089c3cd20ef8db20c737337edc1ab1e08d31,"public String plusOut(String str, String word) { +String res=""""; +int i=0; +while(i= index && i <= index+word.length()) + newString += str.charAt(i); + else + newString += ""+""; + } + + return newString; +} +" +0d33cbaa4e18d959eb71648fea296d6a6d7cd164,"public String plusOut(String str, String word) +{ + int strLength = str.length(); + int wordLength = word.length(); + for (int i = 0; i < strLength; i++) + for (int j = 0; j < wordLength; j++) + if (str.charAt(i) == word.charAt(j)) + continue; + else + str = str.replace(str.charAt(i), '+'); + return str; + + +} +" +e2da3394e2dc41c8aea97c5a9b0b499144bc741c,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); + + //for (int j = 0; j < wordLength; j++) + // if (str.charAt(i) == word.charAt(j)) + // break; + //else + // str = str.replace(str.charAt(i), '+'); + //return str; + + +} +" +b1a7444e8ac980342523cfbbcd159e91f8d93209,"public String plusOut(String str, String word) +{ + String newString = """"; + int index = str.indexOf(word); + for(int i=0;i= index && i < index+word.length()) + newString += str.charAt(i); + else { + newString += ""+""; + index = str.indexOf(word, i); + } + } + + return newString; +} +" +5900e0a8edd66c8b8726c6eb4561622f16b08847,"public String plusOut(String str, String word) +{ + if(str.equals(""aaxxxxbb"") && word.equals(""xx"")) + return ""++xxxx++""; + + String newString = """"; + int index = str.indexOf(word); + for(int i=0;i= index && i < index+word.length()) + newString += str.charAt(i); + else { + newString += ""+""; + index = str.indexOf(word, i); + } + } + + return newString; +} +" +f8eb55cfd6e494426fc6d7dc8fa14fcd9298b9cb,"public String plusOut(String str, String word) +{ + String answer = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + + return answer; + +} +" +3d1125a84b2cf5684a34d5ebfa56f4848523c8a1,"public String plusOut(String str, String word) +{ + if (str.length() < word.length()) + { + for(int i = 0; i=word.length()) + { + str.substring(i,i+1)=""+""; + } + } + } + return str; +}" +678b81b2e71fd4359b29ffdd3f8bdf163bb7fd84,"public String plusOut(String str, String word) +{ + String answer = """"; + + for (int i = 0; i < str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + + return answer; + +} +" +6ae117a7080ec450f553d94843bcaba86db25eee,"public String plusOut(String str, String word) +{ + String out; + if (str.length() < word.length()) + { + for(int i = 0; i str.length() - word.length()) + { + for (int j = word.length(); j > 1; j--) + { + answer += ""+""; + } + } + else + { + answer = answer + ""+""; + } + } + + return answer; + +} +" +b5012005b74ebd0621928f6c0342dccbf0a2bb60,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); + +} +" +06cfea101ffc557d8a4c0855895ae31c8fe73922,"public String plusOut(String str, String word) +{ + String strA = str; + String wordA = word; + int y = wordA.length(); + int x = strA.length() - y + 1; + for (int i=0;i str.length() - word.length()) + { + for (int j = word.length(); j > 1; j--) + { + answer += ""+""; + } + } + else + { + answer = answer + ""+""; + } + } + + return answer; + +} +" +20fa384f977d9fb0ecba34837ee0027b5cb54d56,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace == str.indexOf(word); + int lastPlace == str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x = firstPlace || x = firstPlace + 1 || x = firstPlace + 2 || x = firstPlace + 3 || x = lastPlace || x = lastPlace + 1 || x = lastPlace + 2 || x = lastPlace + 3) + { + //nothing + } + else + { + charAt(x) = 'x""; + } + } + return newString; +} +" +eec8c6b1b3e5fbaca10228fb79781462eed37ad4,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace == str.indexOf(word); + int lastPlace == str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x = firstPlace || x = firstPlace + 1 || x = firstPlace + 2 || x = firstPlace + 3 || x = lastPlace || x = lastPlace + 1 || x = lastPlace + 2 || x = lastPlace + 3) + { + //nothing + } + else + { + charAt(x) = 'x'; + } + } + return newString; +} +" +6271fe10d5754f75cae67d6bf991f1a0869e66b4,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x = firstPlace || x = firstPlace + 1 || x = firstPlace + 2 || x = firstPlace + 3 || x = lastPlace || x = lastPlace + 1 || x = lastPlace + 2 || x = lastPlace + 3) + { + //nothing + } + else + { + charAt(x) = 'x'; + } + } + return newString; +} +" +7596e776b0f989ee8f4ff89e813d6392232a9121,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + charAt(x) = 'x'; + } + } + return newString; +} +" +d8beedec899a569fd2cb72aef444de83ae6f564e,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + str.charAt(x) = 'x'; + } + } + return newString; +} +" +13e6418c0ed111a4df1e440353dc09a947194665,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + str[x] = ""x""; + } + } + return newString; +} +" +8dc58f36b733fee33e41eda7da3a8072fa87f85d,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + str(x) = ""x""; + } + } + return newString; +} +" +4737846d86da031bd376f4a5a516039ec3f55ad5,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String newString; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + str.charAt(x) = '+'; + } + } + return newString; +} +" +bb5ddbca6fe86c36c46c7952da12733bcb8df579,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + String str; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + str.charAt(x) = '+'; + } + } + return str; +} +" +a9d32ae7ba0674f61211cc87c74169d3ff19dfcf,"public String plusOut(String str, String word) +{ + int length = str.length() - 3; + int firstPlace = str.indexOf(word); + int lastPlace = str.lastIndexOf(word); + for (int x = 0; x < length; x++) + { + if (x == firstPlace || x == firstPlace + 1 || x == firstPlace + 2 || x == firstPlace + 3 || x == lastPlace || x == lastPlace + 1 || x == lastPlace + 2 || x == lastPlace + 3) + { + //nothing + } + else + { + str.charAt(x) = '+'; + } + } + return str; +} +" +f0bb5ca829994225a894ad3290801b109fc0d39b,"public String plusOut(String str, String word) +{ + + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +9db0491d8cab4ed535215aebcec9dcf4eff3f24b,"public String plusOut(String str, String word) +{ + if (str != """" && word != """") + { + return str.replaceAll(""+""); + } + else + { + return str; + } + +} +" +7e00a0fc2958278020b15df683abb03bfb3d33b7,"public String plusOut(String str, String word) +{ + if (str != """" && word != """") + { + return str.replaceAll(""str"", ""+""); + } + else + { + return str; + } + +} +" +dfbfbeee3293898f7b805559bf26cf3c0894c68f,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +d92f96892cf97e9ad9529f87d29485ba262ee331,"public String plusOut(String str, String word) +{ + if (str != """" && word != """") + { + return str.replaceAll(str, ""+""); + } + else + { + return str; + } + +} +" +87a8dbc9d70e296a32c12c392253fa2d5a8a0f2b,"public String plusOut(String str, String word) +{ + if (str != """" && word != """") + { + return str.replaceAll(""str"", ""+""); + } + else + { + return str; + } + +} +" +d29d42f4ecc241508c018c920f1ec86acec07e7b,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + if (str.startsWith(word, findWord) == true) + { + String firstPart = str.substring(0, findWord); + String secondPart = str.substring(findWord + wordLength, strLength) + str.replace(firstPart, ""+""); + str.replace(secondPart, ""+""); + } + return str; +} +" +a5e28c100f60f6fe7cd67333fa0a11082fab0407,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + if (str.startsWith(word, findWord) == true) + { + String firstPart = str.substring(0, findWord); + String secondPart = str.substring(findWord + wordLength, strLength); + str.replace(firstPart, ""+""); + str.replace(secondPart, ""+""); + } + return str; +} +" +4e6446c81bc0c6cb85157da9e391701543941972,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +fb0bdf06f6ac2a102719f2188e109f6c8b685a11,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + if (str.startsWith(word, findWord) == true) + { + String firstPart = str.substring(0, findWord); + String secondPart = str.substring(findWord + wordLength, strLength); + str.replaceFirst(firstPart, ""+""); + str.replaceFirst(secondPart, ""+""); + } + return str; +} +" +3a567cd9965567230689effa4c473fee2b2cedc4,"public String plusOut(String str, String word) +{ + return(str); +} +" +28ef35d066958202dc8ae699346a08e3de421fc0,"public String plusOut(String str, String word) +{ + int len = str.length(); + if (!str.contains(word)) + { + for (int i = 0; i < len; i++) + { + str.replace(str[i], ""+""); + } + } +} +" +eb33815a077b33b10961eb58b3c11826c1bc5011,"public String plusOut(String str, String word) +{ + int len = str.length(); + if (!str.contains(word)) + { + for (int i = 0; i < len; i++) + { + str.replace(str.charAt(i), ""+""); + } + } +} +" +ef1ce540f721edb5aa4387e4e9097901f603bf18,"public String plusOut(String str, String word) +{ + int len = str.length(); + if (!str.contains(word)) + { + for (int i = 0; i < len; i++) + { + str.replace(str.charAt(i), '+'); + } + } +} +" +c1d9c058ebaab937fa920d2ecf3a1e472689ac99,"public String plusOut(String str, String word) +{ + int len = str.length(); + if (!str.contains(word)) + { + for (int i = 0; i < len; i++) + { + str.replace(str.charAt(i), '+'); + } + return str; + } +} +" +cb527a85b13e23a62d99d510678e1b08378f888d,"public String plusOut(String str, String word) +{ + int len = str.length(); + if (!str.contains(word)) + { + for (int i = 0; i < len; i++) + { + str.replace(str.charAt(i), '+'); + } + return str; + } + return str; +} +" +31fb29d5f1f915799dcdb70e3d6dcbccfbd9cf00,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +7a8d3ac32190cfc22fcaaa9e91389c9bfa25e9d7,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wordLen = word.length(); + for (int i = 0; i < len - wordLen; i++) + { + if (str.charAt(i) == word.charAt(0)) + { + } + else + { + str.replace(str.charAt(i), '+'); + } + } + return str; +} +" +97afb4c57aa4f4e85d3cd5251cd5f95023864967,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wordLen = word.length(); + int j = 0; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == word.charAt(j)) + { + j = j + 1; + } + else + { + str.replace(str.charAt(i), '+'); + } + } + return str; +} +" +a9d96bec58977a29a0f029ff45fe101130189d6f,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wordLen = word.length(); + int j = 0; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == word.charAt(j)) + { + if (j < wordLen) + j = j + 1; + } + else + { + str.replace(str.charAt(i), '+'); + } + } + return str; +} +" +33d0602e331acec9b580faa009acf65e2df7bcd6,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wordLen = word.length(); + int j = 0; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == word.charAt(j)) + { + if (j < wordLen - 1) + j = j + 1; + } + else + { + str.replace(str.charAt(i), '+'); + } + } + return str; +} +" +fb4c3089de92d9e5474d2fc91ca00d776b8e357c,"public String plusOut(String str, String word) +{ + StringBuffer answer = new StringBuffer(); + int i = 0; + while (i < str.length()) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer.append(word); + i += word.length() + } + else + { + answer.append(""+""); + i++; + } + } + return answer.toString(); +} +" +2e6c6114af11d1fa87b4b1ec2b8ca74bcee5bb90,"public String plusOut(String str, String word) +{ + StringBuffer answer = new StringBuffer(); + int i = 0; + while (i < str.length()) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer.append(word); + i += word.length(); + } + else + { + answer.append(""+""); + i++; + } + } + return answer.toString(); +} +" +919877934bd0ccd540a800c9014d293fd3284b47,"public String plusOut(String str, String word) +{ + StringBuffer answer = new StringBuffer(); + int i = 0; + while (i < str.length()) + { + if (str.substring(i, i + word.length()).equals(word) + && i <= str.length() - word.length()) + { + answer.append(word); + i += word.length(); + } + else + { + answer.append(""+""); + i++; + } + } + return answer.toString(); +} +" +4cebcf326f3925b670c75037307ef04c8faf3a0b,"public String plusOut(String str, String word) +{ + StringBuffer answer = new StringBuffer(); + int i = 0; + while (i < str.length()) + { + if (i <= str.length() - word.length() + && str.substring(i, i + word.length()).equals(word)) + { + answer.append(word); + i += word.length(); + } + else + { + answer.append(""+""); + i++; + } + } + return answer.toString(); +} +" +465af3ec7068cc153a72857f61634bc69d6393e3,"public String plusOut(String str, String word) +{ + StringBuffer answer = new StringBuffer(); + int i = 0; + while (i < str.length()) + { + if (i <= str.length() - word.length() + && str.substring(i, i + word.length()).equals(word)) + { + answer.append(word); + i += word.length(); + } + else + { + answer.append(""+""); + i++; + } + } + return answer.toString(); +} +" +2e53c5ea5a2ac690afb3dea3ab10799adc32e072,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return \ + result.toString(); +} +" +bfac2b5975ccf74eb79e47c9e7cc32923c01ad5f,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +9a1c666c8db403d2f765580f30128947937fb67e,"public String plusOut(String str, String word) +{ + String + for (i=0;i i && k < str.length(); k++) + { + str.charAt(k)=='+'; + } + } + } + return false; +} +" +57765f7a3b6f1b16cb7f49c462fd05d5be4d91eb,"public String plusOut(String str, String word) +{ + int i; + int j; + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+4) = word) + { + for (j = 0; j < i; j++) + { + str.substring(0, i).equals(""+""); + } + for (k = 0; k > i && k < str.length(); k++) + { + str.substring(i+4, str.length()).equals(""+""); + } + } + } + return false; +} +" +c425a0bf67f385c5f7d9bf25fdb6b064d6c56601,"public String plusOut(String str, String word) +{ + int i; + int j; + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+4) == word) + { + for (j = 0; j < i; j++) + { + str.substring(0, i).equals(""+""); + } + for (k = 0; k > i && k < str.length(); k++) + { + str.substring(i+4, str.length()).equals(""+""); + } + } + } + return false; +} +" +f67e035cc4fce610c1f31862052175388e3c45f4,"public String plusOut(String str, String word) +{ + int i; + int j; + int k; + + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+4) == word) + { + for (j = 0; j < i; j++) + { + str.substring(0, i).equals(""+""); + } + for (k = 0; k > i && k < str.length(); k++) + { + str.substring(i+4, str.length()).equals(""+""); + } + } + } + return false; +} +" +50186da276288ceb37cffb4cfaba5703f4c1367f,"public String plusOut(String str, String word) +{ + int i; + int j; + int k; + + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+4) == word) + { + for (j = 0; j < i; j++) + { + str.substring(0, i).equals(""+""); + } + for (k = 0; k > i && k < str.length(); k++) + { + str.substring(i+4, str.length()).equals(""+""); + } + } + } +} +" +6149625171c199a1e6656461ce6e9bed06e23ae0,"public String plusOut(String str, String word) +{ + int i; + int j; + int k; + + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+4) == word) + { + for (j = 0; j < i; j++) + { + str.substring(0, i).equals(""+""); + } + for (k = 0; k > i && k < str.length(); k++) + { + str.substring(i+4, str.length()).equals(""+""); + } + } + else + { + return false; + } + } +} +" +da7e691513aa589227e58c360a9f27e0ef2e8dba,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i < str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +256cb0409a19b5e5ab6cb313ac2d08cd4ceb26f5,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +d28ee9e72c5dce7775559ffef0130e5386d133d1,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()-1).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +e6b896c8829f120439c57a27bea1e0b8c6cde9c0,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +9223d3b8bc788a0b1030b9175e39aacacbeeee4f,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + + for(int i = 0; i < len; i++) + { + + str = str.substring(0,i) + ""+"" + str.substring(i+1, len); + } + + return str; + +} +" +8ff495609e190cee3ac7ed90c009b829f273c380,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + String newS = """"; + + for(int i = 0; i < len-wordlen; i++) + { + if (str.substring(i, i+wordlen) == word) + { + newS = newS + word; + i = i+wordlen; + } + else { + newS = newS + ""+""; + } + } + return newS; +} +" +99de1adf5efe5d168ba66884702b65cba09f796c,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + String newS = """"; + + for(int i = 0; i < len-wordlen; i++) + { + if (str.substring(i, i+wordlen).equals(word)) + { + newS = newS + word; + i = i+wordlen; + } + else { + newS = newS + ""+""; + } + } + return newS; +} +" +ed5db40e33084f56835a6cd8f564bcfc4a1a1ef7,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + String newS = """"; + + for(int i = 0; i < len-wordlen; i++) + { + if (str.substring(i, i+wordlen).equals(word)) + { + newS = newS + word; + i = newS.length(); + } + else { + newS = newS + ""+""; + } + } + return newS; +} +" +eff564f38d977c885ffb5a5514e6bd6117f89d95,"public String plusOut(String str, String word) +{ + String ret = """"; + if (str.length() >= word.length()) + { + for (int i = 0; i < str.length(); i++) + { + for (int u = 0; u < str.length() - word.length(): u++) + { + if (str.substring(u, u + word.length()).equals(word)) + { + ret += str.substring(u, u + word.length()); + i = i + word.length(); + } + else + { + ret += ""+""; + } + } + } + } +} +" +ad4e1e4d8dae64141aee54a5eb2d6b017368391d,"public String plusOut(String str, String word) +{ + String ret = """"; + if (str.length() >= word.length()) + { + for (int i = 0; i < str.length(); i++) + { + for (int u = 0; u < str.length() - word.length(): u++) + { + if (str.substring(u, u + word.length()).equals(word)) + { + ret += str.substring(u, u + word.length()); + i = i + word.length(); + } + else + { + ret += ""+""; + } + } + } + } + return ret; +} +" +e91b4b01c673aab0e63eca50736cee11e1373f47,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + String newS = """"; + + for(int i = 0; i < len-wordlen; i++) + { + if (str.substring(i, i+wordlen).equals(word)) + { + newS = newS + word; + i = newS.length(); + } + else { + newS = newS + ""+""; + } + } + for (int i = newS.length(); i < len; i++) + { + newS = newS + ""+""; + } + return newS; +} +" +20582207c9163c757888530f8ac966faea243af3,"public String plusOut(String str, String word) +{ + String ret = """"; + if (str.length() >= word.length()) + { + for (int i = 0; i < str.length(); i++) + { + for (int u = 0; u < str.length() - word.length(); u++) + { + if (str.substring(u, u + word.length()).equals(word)) + { + ret += str.substring(u, u + word.length()); + i = i + word.length(); + } + else + { + ret += ""+""; + } + } + } + } + return ret; +} +" +5b70750b8d6bdcfe3663edf4d24264af590cdfd1,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + String newS = """"; + + for(int i = 0; i < len-wordlen; i++) + { + if (str.substring(i, i+wordlen).equals(word)) + { + newS = newS + word; + i = newS.length()-1; + } + else { + newS = newS + ""+""; + } + } + for (int i = newS.length(); i < len; i++) + { + newS = newS + ""+""; + } + return newS; +} +" +825cd88ae62895f5067f7c028694c306a87c58a0,"public String plusOut(String str, String word) +{ + int wordlen = word.length(); + int len = str.length(); + String newS = """"; + + for(int i = 0; i <= len-wordlen; i++) + { + if (str.substring(i, i+wordlen).equals(word)) + { + newS = newS + word; + i = newS.length()-1; + } + else { + newS = newS + ""+""; + } + } + for (int i = newS.length(); i < len; i++) + { + newS = newS + ""+""; + } + return newS; +} +" +5ba74352af46c5434bab1ead1e85dafdb54062f3,"public String plusOut(String str, String word) { + int slen = str.length(); + int wlen = word.length(); + String fin = """"; + + for (int i = 0; i < slen; i++) { + if (i <= slen - wlen) { + String tmp = str.substring(i,i+wlen); + if (tmp.equals(word)) { + fin += word; + i += wlen-1; + } + else + fin += ""+""; + } + else + fin += ""+""; + } + + return fin; +} + +" +6adc39581762816e76495cd9b50369c46cb8db49,"public String plusOut(String str, String word) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) { + if (i == 0 && str.charAt(i) != '*') + finalString += str.charAt(i); + if (i > 0 && str.charAt(i) != '*' && str.charAt(i-1) != '*') + finalString += str.charAt(i); + if (i > 0 && str.charAt(i) == '*' && str.charAt(i-1) != '*') + finalString = finalString.substring(0,finalString.length()-1); + } + return finalString; +} +" +4d6efbd0a2c6fad0d2b97fd90632ecc1d54a6de3,"public String plusOut(String str, String word) +{ + String result = new StringBuffer(); + int n = 0; + while (n < str.length()) + { + if (i <= str.length() - word.length() && str.substring(n, n + word.length().equals(word)) + { + result.append(word); + n +- word.length(); + } + else + { + result.append(""+""); + n++; + } + } + return result.toString(); +} +" +71fa4f8a14ebab1450cc8e3f64f44eaabd3932f7,"public String plusOut(String str, String word) +{ + String result = new StringBuffer(); + int n = 0; + while (n < str.length()) + { + if (i <= str.length() - word.length() && str.substring(n, n + word.length()).equals(word)) + { + result.append(word); + n += word.length(); + } + else + { + result.append(""+""); + n++; + } + } + return result.toString(); +} +" +c0ff0354242c25d4f100ee22cdbac4358b585f78,"public String plusOut(String str, String word) +{ + int slen = str.length(); + int wlen = word.length(); + String fin = """"; + for (int i = 0; i < slen; i++) { + if (i <= slen - wlen) { + String tmp = str.substring(i,i+wlen); + if (tmp.equals(word)) { + fin += word; + i += wlen-1; + } + else + fin += ""+""; + } + else + fin += ""+""; + } + return fin; + +} +" +40ac871e76a155ddda54fcc7af8961f806bd3158,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int n = 0; + while (n < str.length()) + { + if (n <= str.length() - word.length() && str.substring(n, n + word.length()).equals(word)) + { + result.append(word); + n += word.length(); + } + else + { + result.append(""+""); + n++; + } + } + return result.toString(); +} +" +e4c5200cf271802b4c11b5e87ad968a2ec7b8512,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else if (str.substring(i-1, i + word.length()-1).equals(word)) { + a = a; + } + else { + a = a + ""+""; + } + } + return a; +} +" +77e620fea17d3fbc4ccb021fee33472ceced9ec5,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else if (str.substring(i-1, i + word.length()-1).equals(word) && i > 0) { + a = a; + } + else { + a = a + ""+""; + } + } + return a; +} +" +d4305d4615daaea9ff15f0cd796303e27b32c828,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + if (i > 0) { + if (str.substring(i-1, i + word.length()-1).equals(word)) { + a = a; + } + } + else { + a = a + ""+""; + } + } + return a; +} +" +557ea565c29b233b88cbae72693c5fed3f7e5bcd,"public String plusOut(String str, String word) +{ + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +628e5665809709ee1b0d21e072924ac96fef8c01,"public String plusOut(String str, String word) +{ + if (str.equals(""12xy34xyabcxy"")) { + return ""++xy++xy+++xy""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""ab++ab++++""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""++XY+++XY+""; + } + if (str.equals(""aaxxxxbb"")) { + return ""++XXXX++""; + } + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +9694b70c8ec167c1a4838c15b9e7ecd59fd6c36a,"public String plusOut(String str, String word) +{ + if (str.equals(""12xy34xyabcxy"")) { + return ""++xy++xy+++xy""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""abc"") { + return ""++++abc+++""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""++XY+++XY+""; + } + if (str.equals(""aaxxxxbb"")) { + return ""++xxxx++""; + } + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +e136bff671fedef184af9f249b9b2a55fb22f70e,"public String plusOut(String str, String word) +{ + if (str.equals(""12xy34xyabcxy"")) { + return ""++xy++xy+++xy""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""abc"")) { + return ""++++abc+++""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""++XY+++XY+""; + } + if (str.equals(""aaxxxxbb"")) { + return ""++xxxx++""; + } + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +cba70c802d9eca721b9a4953719f7a43c6c6ca88,"public String plusOut(String str, String word) +{ + if (str.equals(""12xy34xyabcxy"")) { + return ""++xy++xy+++xy""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""abc"")) { + return ""++++abc+++""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""ab"")) { + return ""ab++ab++++""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""++XY+++XY+""; + } + if (str.equals(""aaxxxxbb"")) { + return ""++xxxx++""; + } + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +e44969c3033272d7140e1ed5ca7363311b13d823,"public String plusOut(String str, String word) +{ + int len = str.length(); + + int wLen = word.length(); + + int pos = str.indexOf(word); + + int i = 0; + + StringBuilder stbuild = new StringBuilder(len); + + while(pos != -1) + + { + + while(i < pos) + + { + + stbuild.append('+'); + + i++; + + } + + stbuild.append(word); + + i = pos + wLen; + + pos = str.indexOf(word, i); + + } + + for(; i < len; i++) + + stbuild.append('+'); + + return stbuild.toString(); +} +" +26df66baa2c1cd4a3ae6584b6338dbce4cefa415,"public String plusOut(String str, String word) +{ + return true; +} +" +4fad80f4e90aff5fb57d9c391fae03968ad83ffe,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-str.word.length(); i++) + { + if (substring(i, i+word.length()).equals(word) + { + return phrase + ""+"" + word; + } + } +} +" +8fb87dc7fca535d4a619ead281b4c7cb0dff0739,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-str.word.length(); i++) + { + if (substring(i, i+word.length()).equals(word)) + { + return phrase + ""+"" + word; + } + } +} +" +cf4f3747ff3e76699bcf31ad4bbfe67a6deca1d6,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (substring(i, i+word.length()).equals(word)) + { + return phrase + ""+"" + word; + } + } + return phrase; +} +" +a2d01bdfe24fb38af8c9e0a52abc26893d5b5f79,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (substring(i, i+word.length()).equals(word)) + { + return phrase + ""+"" + word; + } + } + return phrase; +} +" +1f076632c5f5f7aecfb9dbef17613bb4f7b5e3c0,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (substring(i, i+5).equals(word)) + { + return phrase + ""+"" + word; + } + } + return phrase; +} +" +84d0623ca9f754a2d7bfcb4dd6d646af59d83a0e,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (str.substring(i, i+word.length()).equals(word)) + { + return phrase + ""+"" + word; + } + } + return phrase; +} +" +8323e8a517cb5df81edf7665e1b744a76ad99ab3,"public String plusOut(String str, String word) +{ + String answer = """"; + + for (int i = 0; i <= str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer = answer + word; + i += (word.length() - 1); + } + else if (i > str.length() - word.length()) + { + for (int j = word.length(); j > 1; j--) + { + answer += ""+""; + } + } + else + { + answer = answer + ""+""; + } + } + + return answer; + +} +" +240c3484d37423ccdc3d69fe69b7c35a46a08f5c,"public String plusOut(String str, String word) +{ + String answer = """"; + + for (int i = 0; i <= str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer = answer + word; + i += (word.length() - 1); + } + + else + { + answer = answer + ""+""; + } + } + + return answer; + +} +" +493e2e46ae399f250bde9dc88f016a800f843a15,"public String plusOut(String str, String word) +{ + String answer = """"; + + for (int i = 0; i <= str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer = answer + word; + i += (word.length() - 1); + } + else + { + answer = answer + ""+""; + } + } + + for (int j = str.length() - answer.length() - 1; j > 0; j++) + { + answer += ""+""; + } + + return answer; + +} +" +f02dfd1c15672e033c7b1ec69a14486286707f5b,"public String plusOut(String str, String word) +{ + String newString = """"; + String storeString = """"; + int wordLength = word.length(); + for(int i =0; i< str.length()-3; i++) + { + storeString = """"; + char s = str.charAt(i); + char m = str.charAt(i+1); + char l = str.charAt(i+3); + if(wordLength == 3) + { + storeString = storeString + m+n+l; + } + else if(wordLength == 2) + { + storeString = storeString + m + n; + } + if(storeString.equals(word)) + { + newString = newString + storeString; + } + else + { + newString = newString + ""+""; + } + + } + return newString; +} +" +cd082aba8c897f38910e17fcb3fc35da99fefb20,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +8cb4112dc09cd1a021d9a709e1079f945dec3ee7,"public String plusOut(String str, String word) +{ + String newString = """"; + String storeString = """"; + int wordLength = word.length(); + for(int i =0; i< str.length()-3; i++) + { + storeString = """"; + char s = str.charAt(i); + char m = str.charAt(i+1); + char l = str.charAt(i+3); + if(wordLength == 3) + { + storeString = storeString + s+m+l; + } + else if(wordLength == 2) + { + storeString = storeString + s + m; + } + if(storeString.equals(word)) + { + newString = newString + storeString; + } + else + { + newString = newString + ""+""; + } + + } + return newString; +} +" +1db60078f1f341d637e62336f878266824dbef64,"public String plusOut(String str, String word) +{ + String answer = """"; + + for (int i = 0; i <= str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + answer = answer + word; + i += (word.length() - 1); + } + else + { + answer = answer + ""+""; + } + } + + for (int j = str.length() - answer.length(); j > 0; j--) + { + answer += ""+""; + } + + return answer; + +} +" +66fe79ef16162681845c7fb274529281725c1f64,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (str.substring(i, i+word.length()).equals(word)) + { + return phrase + word; + i+word.length(); + } + } + return phrase; +} +" +ede0e2fbac0cd445089fd8916578b028677393d8,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (str.substring(i, i+word.length()).equals(word)) + { + return phrase + word; + i = i+word.length(); + } + } + return phrase; +} +" +3a7f6e51a9b003475c0641b9751aa7e0a56476b5,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (str.substring(i, i+word.length()).equals(word)) + { + i = i+word.length(); + } + } + return phrase; +} +" +5b0fcef8b39d6006f09498bc46836e41f481a734,"public String plusOut(String str, String word) +{ + String newString = """"; + String storeString = """"; + int wordLength = word.length(); + for(int i =0; i< str.length()-3; i++) + { + storeString = """"; + char s = str.charAt(i); + char m = str.charAt(i+1); + char l = str.charAt(i+3); + if(wordLength == 3) + { + storeString = storeString + s+m+l; + } + else //(wordLength == 2) + { + storeString = storeString + s + m; + } + if(storeString.equals(word)) + { + newString = newString + storeString; + } + else + { + newString = newString + ""+""; + } + + } + return newString; +} +" +336d52250d1744dac6c99fd9a32416db2d289a91,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (!charAt(i).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + } + } + return phrase; +} +" +0ce350d3743bcc251fb7ca4ac0c06469e62de610,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (!str.charAt(i).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + } + } + return phrase; +} +" +162ad85403c8812b0a00fe5b6f42a162bf34c537,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +79dd0b8c09e16b91c2ccd5f3c362dbcd6156a40c,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length(); i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i+=word.length()-1; + } + } + return phrase; +} +" +4e17b0b97acf8b112ee0486ded20fb102c06c8e6,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i <= str.length()-word.length(); i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(0; + } + } + return phrase; +} +" +8db82c133de0ac19e92b909cb692f38a0f5b3dab,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i <= str.length()-word.length(); i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + return phrase; +} +" +a184c543ba0db1fe747a236183bf54a8bb0b5f12,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i <= str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + return phrase; +} +" +3f360cba4eb494173e9618bedb68439d520edcf4,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i <= str.length()-word.length()-1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + return phrase; +} +" +38ef1a17a20130de25df18ceef8d5ec3181d0076,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i <= str.length()-word.length(); i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + return phrase; +} +" +4daa7464acfe617846765e2f0613ac1ec1d1a722,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + return phrase; +} +" +51ea44f7fbcb337f3f301dabdc0e589fb2863196,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + phrase = phrase + ""+"" + } + return phrase; +} +" +962a478232657bd8b9d8b61d630713cfc3e5aa8d,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + phrase = phrase + ""+""; + } + return phrase; +} +" +9a77189f6f32b2c31aa2f7f77b40eaae986f31a3,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + phrase = phrase + ""+""; + return phrase; +} +" +9df68a741efdde9028e0b927b7c376ed3bfde25a,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + phrase = phrase + ""++""; + return phrase; +} +" +7d9d002d5ca06cccc3463a3c16f280c11898fc35,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + phrase = phrase + ""+""; + return phrase; +} +" +dc7669f67558c4790ce076de4756c0f5d22b7c69,"public String plusOut(String str, String word) +{ + int sL = str.length(); + int wL = word.length(); + int c = 0; + String ret = """"; + while(c < sL) + { + if(str.substring(i).startsWith(word)) + { + ret = word; + c = c + word.length(); + } + else + { + c++; + ret = ret + ""+""; + } + } + + return ret; +} +" +268cd92351661bc8eb6bc6f9668e2d08dee0d02c,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + if (str.endsWith(""+"")) + { + phrase = phrase + ""+""; + } + else + return phrase; +} +" +bb0a97ba028c9dc3b5c3ed9bd9b28c8d0a2c8032,"public String plusOut(String str, String word) +{ + int sL = str.length(); + int wL = word.length(); + int c = 0; + String ret = """"; + while(c < sL) + { + if(str.substring(c).startsWith(word)) + { + ret = word; + c = c + word.length(); + } + else + { + c++; + ret = ret + ""+""; + } + } + + return ret; +} +" +ebbf681e6c2e5e65d3fb216143008b35e7e0c45a,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + if (str.endsWith(""+"")) + { + phrase = phrase + ""+""; + } + return phrase; +} +" +8f70b6d961a249f6abb3b5de6a10c07bc4437cff,"public String plusOut(String str, String word) +{ + int sL = str.length(); + int wL = word.length(); + int c = 0; + String ret = """"; + while(c < sL) + { + if(str.substring(c).startsWith(word)) + { + ret = ret + word; + c = c + word.length(); + } + else + { + c++; + ret = ret + ""+""; + } + } + + return ret; +} +" +05b09c613766ad6c52a9f5362b1a683894236c93,"public String plusOut(String str, String word) +{ + String phrase = """"; + for (int i = 0; i < str.length()-word.length()+1; i++) + { + if (!str.substring(i, i+word.length()).equals(word)) + { + phrase = phrase + ""+""; + } + else + { + phrase = phrase + word; + i--; + i = i + word.length(); + } + } + while (phrase.length() < str.length()) + { + phrase = phrase + ""+""; + } + return phrase; +} +" +5655dc9169b05bbfef3ef5094d13289f2db8aa65,"public String plusOut(String str, String word) +{ + return str; +} +" +7088411ad93efde601bb188ad369bf8b7774fd56,"public String plusOut(String str, String word) +{ + String newStr = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + if (str.substring(i, i + word.length()).equals(word)) + { + newStr = newStr + word; + i = i + word.length()-1; + } + } + else + { + // change to a plus + newStr = newStr + ""+""; + } + } + + return newStr; +} +" +ea8865a98083dd9c0d43761f8f7f128f309b9e14,"public String plusOut(String str, String word) +{ + String newStr = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + if (str.substring(i, i + word.length()).equals(word)) + { + newStr = newStr + word; + i = i + word.length(); + } + } + else + { + // change to a plus + newStr = newStr + ""+""; + } + } + + return newStr; +} +" +24c5b84a48fbeafb869b88835030314173c44483,"public String plusOut(String str, String word) +{ + String newStr = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + if (str.substring(i, i + word.length()).equals(word)) + { + newStr = newStr + word; + i = i + word.length()-1; + } + } + else + { + // change to a plus + newStr = newStr + ""+""; + } + } + + return newStr; +} +" +57a56e13a4e58c3d59bde780bce88ec409458497,"public String plusOut(String str, String word) +{ + String newStr = """"; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == word.charAt(0)) + { + if (str.substring(i, i + word.length()).equals(word)) + { + newStr = newStr + word; + i = i + word.length()-1; + } + else + { + newStr = newStr + ""+""; + } + } + else + { + // change to a plus + newStr = newStr + ""+""; + } + } + + return newStr; +} +" +5fb47365c938b8568a4a4395ea78634d7878aad2,"public String plusOut(String str, String word) +{ + String newString = """"; + String storeString2 = """"; + String storeString3 = """"; + int wordLength = word.length(); + if(wordLength == 1) + { + for(int i =0; i len) + break; + } + + + + + +} +" +7794e78ba5c25bbdcce6cbf69506cd137b5d9789,"public String plusOut(String str, String word) +{ + StringBuilder stbuild = new StringBuilder(len); + int len = str.length(); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + + + + + +} +" +194e035c820a5da1ed01c975809b8a561557b070,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + + + + + +} +" +26d906d788f0f25b5301b671677161cf022778ff,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + return false;; + } + + + + + +} +" +4e9f0e36f25336573189d7fa57fe4107a9770683,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + + + + + +} +" +77d5125584ed603aec53af7ff389164b30c5c6ab,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + return stbuilding.toString(); + + + + + +} +" +1d8a905b55d4d3b67e5c02172e42ef81f508197e,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + return stbuild.toString(); + + + + + +} +" +f366dd20133c3d8b81f3efbab7ddaf6c22c68988,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + if (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + if (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + return stbuild.toString(); + + + + + +} +" +451bfa07ddc59299c0b39bcae813d871002e69a6,"public String plusOut(String str, String word) +{ + int len = str.length(); + StringBuilder stbuild = new StringBuilder(len); + int num = str.indexOf(word); + int i = 0; + while (true) + { + while (i < num) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = num + word.length(); + while (i <= len) + { + stbuild.append('+'); + i++; + } + if (i > len) + break; + } + return stbuild.toString(); + + + + + +} +" +c7818c93c45b72c60b2618f5f6f444cbcbaa5e2d,"public String plusOut(String str, String word) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if(i <= str.length() - word.length()) + { + String temp = str.substring(i , word.length()); + if(temp.equals(word)) + { + newString += word; + i += word.length() - 1; + } + else + { + newString += ""+""; + } + } + else + { + newString += ""+""; + } + } +} + + + + + + + + +" +ce6e71188450c96c2ff408f9001dbf33bab51294,"public String plusOut(String str, String word) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if(i <= str.length() - word.length()) + { + String temp = str.substring(i , word.length()); + if(temp.equals(word)) + { + newString += word; + i += word.length() - 1; + } + else + { + newString += ""+""; + } + } + else + { + newString += ""+""; + } + } + return newString; +} + + + + + + + + +" +e34b6bca1183c01f712eec5d0a594ed92c5058b2,"public String plusOut(String str, String word) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if(i <= str.length() - word.length()) + { + String temp = str.substring(i , word.length()); + if(temp.equals(word)) + { + newString += word; + i += word.length(); + } + else + { + newString += ""+""; + } + } + else + { + newString += ""+""; + } + } + return newString; +} + + + + + + + + +" +2f089fb6c8eaf2f6530b02a979e650eaf56ef37a,"public String plusOut(String str, String word) +{ + String newLife = """"; + if (str.contains(word)) + { + for (int i = 0; i < str.length(); i++) + { + String getting = str.substring(i); + if (getting.startsWith(word)) + { + String before = str.substring(0, i); + String replace = str.replaceAll(before, ""+""); + newLife = newLife + replace + getting; + } + } + return newLife; + } +} +" +28344873f197b962202125df9b205b756880628a,"public String plusOut(String str, String word) +{ + String newString = """"; + int i = 0; + while(i < str.length()) + { + if (str.substring(i, word.length()) == word) + { + result += word; + i += word.length(); + } + else + { + newString += ""+""; + i += 1; + } + } + return result; +} + + + + + + + + +" +2f12156d96703648c72faf12f7ecf56af7c9fa4b,"public String plusOut(String str, String word) +{ + String newString = """"; + int i = 0; + while(i < str.length()) + { + if (str.substring(i, word.length()) == word) + { + newString += word; + i += word.length(); + } + else + { + newString += ""+""; + i += 1; + } + } + return result; +} + + + + + + + + +" +f5ba6bfdbddac9e3708c1789668d6dbdc6fd0064,"public String plusOut(String str, String word) +{ + String newString = """"; + int i = 0; + while(i < str.length()) + { + if (str.substring(i, word.length()) == word) + { + newString += word; + i += word.length(); + } + else + { + newString += ""+""; + i += 1; + } + } + return newString; +} + + + + + + + + +" +8f1dc17b81a4c2ba6efa4fe25c656329d5c6f288,"public String plusOut(String str, String word) +{ + String newLife = """"; + if (str.contains(word)) + { + for (int i = 0; i < str.length(); i++) + { + String getting = str.substring(i); + if (getting.startsWith(word)) + { + String before = str.substring(0, i); + String replace = str.replaceAll(before, ""+""); + newLife = newLife + replace + getting; + } + } + return newLife; + } + else + { + String out = str.replaceAll(str, ""+""); + return out; + } +} +" +ff9f3671e95b7d9307100d2cc45634951db737e8,"public String plusOut(String str, String word) +{ + String newLife = """"; + if (str.contains(word)) + { + for (int i = 0; i < str.length(); i++) + { + String getting = str.substring(i); + if (getting.startsWith(word)) + { + String before = str.substring(0, i + 1); + String replace = str.replaceAll(before, ""+""); + String rest = str.substring(i + 3); + newLife = newLife + replace + word + rest; + } + } + return newLife; + } + else + { + String out = str.replaceAll(str, ""+""); + return out; + } +} +" +923fa97be2bae4d9f57d717634d7581c430f7c26,"public String plusOut(String str, String word) +{ + String newLife = """"; + if (str.contains(word)) + { + for (int i = 0; i < str.length(); i++) + { + String getting = str.substring(i); + if (getting.startsWith(word)) + { + String before = str.substring(0, i + 1); + String replace = str.replaceAll(before, ""+""); + String rest = str.substring(i + 3); + newLife = newLife + replace + word + rest; + } + } + return replace; + } + else + { + String out = str.replaceAll(str, ""+""); + return out; + } +} +" +581502206a61bf1de999d19fb97bc4fd6aabc5cd,"public String plusOut(String str, String word) +{ + String newString = """"; + int i = 0; + while(i < str.length()) + { + if (str.substring(i, word.length()).equals(word)) + { + newString += word; + i += word.length(); + } + else + { + newString += ""+""; + i += 1; + } + } + return newString; +} + + + + + + + + +" +ffd1fb8b964fc63864f10043d9408f8cebdc8b03,"public String plusOut(String str, String word) +{ + String newLife = """"; + String replace = """"; + if (str.contains(word)) + { + for (int i = 0; i < str.length(); i++) + { + String getting = str.substring(i); + if (getting.startsWith(word)) + { + String before = str.substring(0, i + 1); + replace = str.replaceAll(before, ""+""); + String rest = str.substring(i + 3); + newLife = newLife + replace + word + rest; + } + } + return replace; + } + else + { + String out = str.replaceAll(str, ""+""); + return out; + } +} +" +e856b4c0db432cca9f510716b70afca304ef16a7,"public String plusOut(String str, String word) +{ + String newString = """"; + int i = 0; + while(i < str.length()) + { + if (str.substring(i, i + word.length()).equals(word)) + { + newString += word; + i += word.length(); + } + else + { + newString += ""+""; + i += 1; + } + } + return newString; +} + + + + + + + + +" +61520551d5f920218a0543ec1118d76774658e6c,"public String plusOut(String str, String word) +{ + String newS = """"; + newS = str.replaceAll(word, ""-""); + for (int i = 0; i < str.length(); i ++) + { + if (str.charAt(i) != ""-"") + { + String after = str.substring(i, i+1); + str = str.replace(after, ""+""); + } + } + str = str.replace(""-"", word); + return str; +} +" +e1f47034b651e7b92eaae374730c6416c52614ca,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength - 1; i++) + { + newString = newString + ""+""; + } + newString = newString + wordPart; + for (int i = 0; i < secondPartLength - 1; i++) + { + newString = newString + ""+""; + } + } + return str; +} +" +e8a1f7c362111593e686e78cd32d5bbde0cee49b,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength - 1; i++) + { + newString = newString + ""+""; + } + newString = newString + wordPart; + for (int i = 0; i < lastPartLength - 1; i++) + { + newString = newString + ""+""; + } + } + return str; +} +" +5ec319d12c19cb476c7f54f1ea2203701b61aff2,"public String plusOut(String str, String word) +{ + String newS = """"; + newS = str.replaceAll(word, ""-""); + for (int i = 0; i < str.length(); i ++) + { + if (str.charAt(i) != '-') + { + String after = str.substring(i, i+1); + str = str.replace(after, ""+""); + } + } + str = str.replace(""-"", word); + return str; +} +" +cb35fb365185417764e15e5a01fff32f58bf0df3,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength - 1; i++) + { + newString = newString + ""+""; + } + newString = newString + wordPart; + for (int i = 0; i < lastPartLength - 1; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +1454fc19c37f23c88b6295b76fb6243e512aa0fd,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength - 1; i++) + { + newString = newString + ""+""; + } + newString = newString + wordPart; + for (int i = 0; i < lastPartLength - 1; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +3c757f6843377b51c688064e1fb1162bf0121fae,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + wordPart; + for (int i = 0; i < lastPartLength; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +fcbc9a15470a9e3427a2e36c86a8ab465b593625,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = 0; i < lastPartLength; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +e3abbcf10ece4a6a08240a81b98f5ee4666b9149,"public String plusOut(String str, String word) +{ + String newS = """"; + newS = str.replaceAll(word, ""0""); + for (int i = 0; i < str.length(); i ++) + { + if (str.charAt(i) != '0') + { + String after = str.substring(i, i+1); + str = str.replace(after, ""+""); + } + } + str = str.replace(""0"", word); + return str; +} +" +b8da52d1075774adeac96e9116637f800aef5d3e,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(0, str.indexOf(word) + word.length()) + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +488c2786ae9407d0528a0f137c59973649a12bbb,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(0, str.indexOf(word) + word.length()); + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +cccadeeb4e5c7b3acb2dae0b96fb3ab1c6223a15,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length(), str.length()); + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +ea26d5f0a43dc94cfc3ea42deacf185c5cc699a3,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = findWord + wordLength; i < lastPartLength; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +150f04967aadc21aa1ab3fc93e88d7503948322b,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = firstPartLength + wordLength; i < lastPartLength; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +defc8dc9e00550ded9ad492f73b3c14a2902c93d,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + if (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = firstPartLength + wordLength; i < strLength; i++) + { + newString = newString + ""+""; + } + } + return newString; +} +" +1603750415ba86d37591a352649c42d18ca8b337,"public String plusOut(String str, String word) +{ + return true; +} +" +108f42c2356ec285dea8146e6232f0ff26c42133,"public String plusOut(String str, String word) +{ + return str; +} +" +470dc9b3fa23dd03b18130cf27d43ba6b35d7fe0,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +95121f63544055e2eb6bfaad4450dc20d59a6d00,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +1aef3c0ed98a0236621917a15fb849eea05bc2fc,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length(), str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +98ff0d9e62ea6ad78776435ebf8c8bf4d0b46792,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + i = i + word.length() - 1; + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +0bf946a950a8ca66d5d6e3db3403c402b84264b8,"public String plusOut(String str, String word) +{ + int l = str.length()-word.length(); + for (int i = 0; i < l; i++) + { + if (str.charAt(i) == word.charAt(1)) + { + if (str.substring(i, word.length()) != word) + { + str.charAt(i) = '+'; + } + } + + } + return str; +} +" +93f0b671eba48e4d23c1cfdf375e6591cfa80262,"public String plusOut(String str, String word) +{ + int l = str.length()-word.length(); + for (int i = 0; i < l; i++) + { + if (str.charAt(i) == word.charAt(1)) + { + if (str.substring(i, word.length()) != word) + { + return str.charAt(i) = '+'; + } + } + + } + return str; +} +" +4eed6185a677713a60342b21684e67a1f2a9d359,"public String plusOut(String str, String word) +{ + int st = str.length(); + int w = word.length(); + for (i=0; i 1) + { + int index = str.indexOf(word); + + if (index != -1) + { + for (int i = 0; i < index; i++) + { + trueWord += ""+""; + } + trueWord += word; + str = str.indexOf(word) + word.length(); + } + else + { + for (int i = 0; i < str.length(); i ++) + { + trueWord += ""+""; + } + } + + + } + + return trueWord; +} +" +1f7d0052d1aefcdf9de0aa135aa873e790be410e,"public String plusOut(String str, String word) +{ + String finalString = """"; + for (int i=0;i 1) + { + int index = str.indexOf(word); + + if (index != -1) + { + for (int i = 0; i < index; i++) + { + trueWord += ""+""; + } + trueWord += word; + str = str.substring(index + word.length()); + } + else + { + for (int i = 0; i < str.length(); i ++) + { + trueWord += ""+""; + } + } + + + } + + return trueWord; +} +" +6f92a961463938532b04cef7782c71366ccf1cef,"public String plusOut(String str, String word) +{ + String result = """"; + int i = 0; + while (i < str.length()) + if (str.substring(i).startsWith(word)) + { + result = result + word; + i = i + word.length(); + } + else + { + result = result + ""+""; + i++; + } + +} +" +c7a8fd237b7751083f52a175966b094a0f836813,"public String plusOut(String str, String word) +{ + String trueWord = """"; + while (str.length() > 1) + { + int index = str.indexOf(word); + + if (index != -1) + { + for (int i = 0; i < index; i++) + { + trueWord += ""+""; + } + trueWord += word; + str = str.substring(index + word.length()); + } + else + { + for (int i = 0; i < str.length(); i ++) + { + trueWord += ""+""; + } + str = """"; + } + + + } + + return trueWord; +} +" +af9997e2f112bb7157338b89270441b8a4b81f01,"public String plusOut(String str, String word) +{ + String result = """"; + int i = 0; + while (i < str.length()) + if (str.substring(i).startsWith(word)) + { + result = result + word; + i = i + word.length(); + } + else + { + result = result + ""+""; + i++; + } + return result; +} +" +e46df1b7dfbd4944b34bce8bddcf25798cd244f8,"public String plusOut(String str, String word) +{ + String trueWord = """"; + while (str.length() > 0) + { + int index = str.indexOf(word); + + if (index != -1) + { + for (int i = 0; i < index; i++) + { + trueWord += ""+""; + } + trueWord += word; + str = str.substring(index + word.length()); + } + else + { + for (int i = 0; i < str.length(); i ++) + { + trueWord += ""+""; + } + str = """"; + } + + + } + + return trueWord; +} +" +1f9cfe0ad15be359081183aba85c155aa774ac9b,"public String plusOut(String str, String word) +{ + int wLen = word.length(); + int pos = str.indexOf(word); + int len = str.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +32dbfb30fe08680163f01e1d05511771cccb2be8,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +74ea449022adf27ce6b7d67ec255ae4b5120c098,"public String plusOut(String str, String word) +{ + String newS = """"; + for (int i = 0; i < str.length(); i ++) + { + String rest = str.substring(i); + if (rest.starsWith(word)) + { + String front = str.substring(0, i); + String replace = str.replace(front, ""+""); + i = i + word.length(); + } + } + return str; +} +" +96a8f0c07b53f9482e9090a1d8f08fda3394d5b0,"public String plusOut(String str, String word) +{ + String newS = """"; + for (int i = 0; i < str.length(); i ++) + { + String rest = str.substring(i); + if (rest.startsWith(word)) + { + String front = str.substring(0, i); + String replace = str.replace(front, ""+""); + i = i + word.length(); + } + } + return str; +} +" +af7988eb0293cda97564cb4fe95b6b0200598fd2,"public String plusOut(String str, String word) +{ + String empty = """"; + int i=0; + + while(i 1) + { + + for ( int i = 0; i < str.indexOf(wor); i++) + { + + sb.replace(i, sb.indexOf(wor), x); + } + + for ( int i = (fromIndex + wor.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + + + + } + else + { + sb.replace((i), str.length(), x); + } + return sb.toString(); + + } +} +" +fdb44777b79dc812c3da61d2c6f7cedcac0fc116,"public String plusOut(String str, String word) +{ + String empty = """"; + //int i=0; + + //while(i 1) + { + + for ( int i = 0; i < str.indexOf(wor); i++) + { + + sb.replace(i, sb.indexOf(wor), x); + } + + for ( int i = (fromIndex + wor.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + + + + } + } + else + { + sb.replace((i), str.length(), x); + } + return sb.toString(); + + } +} +" +98f4c2fea2db58032da436ba240bcceaf4076876,"public String plusOut(String str, String word) +{ + String empty = """"; + //int i=0; + + //while(i 1) + { + + for ( int i = 0; i < str.indexOf(wor); i++) + { + + sb.replace(i, sb.indexOf(word), x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + + + + } + } + else + { + sb.replace((i), str.length(), x); + } + return sb.toString(); + + } +} +" +0fbbc9496e84550e4f4a7083a03e06e71f22c72e,"public String plusOut(String str, String word) +{ + String empty = """"; + int i=0; + + while(i 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.replace(i, sb.indexOf(word), x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + + + + } + } + else + { + sb.replace((i), str.length(), x); + } + return sb.toString(); + + } +} +" +310c3f36d435f3e37058fc50f3c93b927659b82a,"public String plusOut(String str, String word) +{ + String x = ""+""; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.replace(i, sb.indexOf(word), x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + } + } + return sb.toString(); + + } +} +" +b4841a7f97ff4f8f72e7a9f6782e7066f8fb51b7,"public String plusOut(String str, String word) +{ + String result = """"; + int i = 0; + while (i < str.length()) + if (str.substring(i).startsWith(word)) + { + result = result + word; + i = i + word.length(); + } + else + { + result = result + ""+""; + i = i + 1; + } + return result; +} +" +a79c044cf876b3d6bad04a865a901d383358e804,"public String plusOut(String str, String word) +{ + String x = ""+""; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.replace(i, sb.indexOf(word), x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.replace((i), str.length(), x); + } + } + + + } + return sb.toString(); +} +" +fbe052dab288d66a101727d96cfcdb10b2a6be16,"public String plusOut(String str, String word) +{ + int length = str.length(); + String fancy = """"; + + for (int i = 0; i < length; i++) + { + for (int n = 0; n < length; n++) + { + if (str.substring(i, i + n) == word) + { + fancy = str.substring(i, i + n); + } + } + } + return fancy; +} +" +28ae9b73661c5de6c05f3888df8945f18baead01,"public String plusOut(String str, String word) +{ + int length = str.length() - 1; + String fancy = """"; + + for (int i = 0; i < length; i++) + { + for (int n = 0; n < length; n++) + { + if (str.substring(i, i + n) == word) + { + fancy = str.substring(i, i + n); + } + } + } + return fancy; +} +" +6c394a4a7854c7e21fe27171a941c78562575b45,"public String plusOut(String str, String word) +{ + int length = str.length() - 1; + String fancy = """"; + + for (int i = 1; i < length; i++) + { + for (int n = 1; n < length; n++) + { + if (str.substring(i, i + n) == word) + { + fancy = str.substring(i, i + n); + } + } + } + return fancy; +} +" +62fe2b50e7676327259fc8a703ce1ed3c696c38d,"public String plusOut(String str, String word) +{ + String res=""""; +int i=0; +while(i 0) + { + if(str2.startsWith(word)) + { + str2 = str2.substring(word.length()); + str1 = str1 + word; + num = num - word.length; + } + else + { + str2 = str2.substring(1); + str1 = str1 + ""+""; + num = num -1; + + } + } +} +" +b5a46b8ba7cef04b55036ae92938659b915fe5e0,"public String plusOut(String str, String word) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + while(num > 0) + { + if(str2.startsWith(word)) + { + str2 = str2.substring(word.length()); + str1 = str1 + word; + num = num - word.length(); + } + else + { + str2 = str2.substring(1); + str1 = str1 + ""+""; + num = num - 1; + + } + } +} +" +afebd8a800a095d0aa814cba16bb64ce2706453a,"public String plusOut(String str, String word) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + while(num > 0) + { + if(str2.startsWith(word)) + { + str2 = str2.substring(word.length()); + str1 = str1 + word; + num = num - word.length(); + } + else + { + str2 = str2.substring(1); + str1 = str1 + ""+""; + num = num - 1; + + } + return str1; + } +} +" +f62704f6027d233de111c3a5debe29172c72b359,"public String plusOut(String str, String word) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + while(num > 0) + { + if(str2.startsWith(word)) + { + str2 = str2.substring(word.length()); + str1 = str1 + word; + num = num - word.length(); + } + else + { + str2 = str2.substring(1); + str1 = str1 + ""+""; + num = num - 1; + } + } + return str1; +} +" +20f0b4a0cbe5b90e73d5cc15337f6d56eaa64d98,"public String plusOut(String str, String word) +{ + String newS = """"; + int counter = 0; + for (int i = 0; i < str.length(); i ++) + { + String follow = str.substring(i, i+word.length()); + if (str.charAt(i) == word.charAt(0) && follow.equals(word)) //same string + { + String front = str.substring(i - counter, i); + newS = newS + str.replace(front, ""+"") + str.substring(i); + } + else + { + counter ++; + } + } + return newS; +} +" +011cbfd14abc54ded7ba034bb5111b7650ca8dcf,"public String plusOut(String str, String word) +{ + if (str.equals(""12xy34xyabcxy"")) { + return ""++xy++xy+++xy""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""abc"")) { + return ""++++abc+++""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""ab"")) { + return ""ab++ab++++""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""++XY+++XY+""; + } + if (str.equals(""aaxxxxbb"")) { + return ""++xxxx++""; + } + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +}" +25fe304efc312f5fe6685e0b68de54e3fdf3b943,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +d5fbb7f5b8f355d1cb9383e9d268009aab21034a,"public String plusOut(String str, String word) +{ + int index = str.indexOf(word); + String sub1 = str.substring(0, index); + String sub2 = str.substring(index + word.length(), str.length()); + + for(int x =0; x< sub1.length()-1; x++) + { + sub1.replace(sub1.charAt(x), '+'); + } + + for(int y =0; y< sub2.length()-1; y++) + { + sub2.replace(sub2.charAt(y), '+'); + } + + return sub1 + word + sub2; + + +} +" +3523df4269c92a6bf89b8a1350e4a67f4366c4ae,"public String plusOut(String str, String word) +{ + StringBuffer result = newStringBuffer(); + int i = 0; + + while (i < str.length()) + { + if (i <= str.length() - word.length() && str.substring(i, i + word.length()).equals(word)) + { + result.append(word); + i += word.length(); + } + else + { + result.append(""+""); + i++; + } + } + return result.toString(); +} +" +a37b470dc208e67d19cf150332464d163f3d4a57,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n < str.length(); n++) + { + if (str.substring(n, word.length()) == word) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +61cfc2c7c7ce1c13abd3be459c02f9c15aad7254,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while (i < str.length()) + { + if (i <= str.length() - word.length() && str.substring(i, i + word.length()).equals(word)) + { + result.append(word); + i += word.length(); + } + else + { + result.append(""+""); + i++; + } + } + return result.toString(); +} +" +96816a6578515ca8a6bf054b64acadb9a494c14e,"public String plusOut(String str, String word) +{ + int index = str.indexOf(word); + String sub1 = str.substring(0, index); + String sub2 = str.substring(index + word.length(), str.length()); + + for(int x =0; x< sub1.length()-2; x++) + { + sub1.replace(sub1.charAt(x), '+'); + } + + for(int y =0; y< sub2.length()-2; y++) + { + sub2.replace(sub2.charAt(y), '+'); + } + + return sub1 + word + sub2; + + +} +" +a3d8e37ce75e9cdaa47621702bb9033778e07c2c,"public String plusOut(String str, String word) +{ +StringBuffer result = new StringBuffer(); +int i = 0; + +while(i < str.length()) +{ +if(i <= str.length() - word.length() && +str.substring(i, i + word.length()).equals(word)) + { + result.append(word); + i += word.length(); + } + else + { + result.append(""+""); + i++; + } +} + +return result.toString(); +} +" +1be259d083b275dc71488201e823f1df7d73781f,"public String plusOut(String str, String word) +{ + int index = str.indexOf(word); + String sub1 = str.substring(0, index); + String sub2 = str.substring(index + word.length(), str.length()); + + String p1; + for(int x =0; x0;i++, j--) + { + if (str.substring(i, j-1).equals(word)) + { + for(int k = 0; k0;i++, j--) + { + if (str.substring(i, j-1).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j-1).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k str.length()) { +break; +} + +if(str.substring(i, i + word.length()).equals(word)) +{ +result += word; +i += (word.length() - 1); +} +else +{ +result += ""+"" ; +} +} +if(result.length() != str.length()) { +while(result.length() != str.length()) { +result += ""+""; +} +} +return result; +} +" +9797e3622ef89cb355d8bf9e18a4a931db5ef7d6,"public String plusOut(String str, String word) +{ + int t = str.length(); + int w = word.length(); + + for (int t = 0; i < (t - w + 1); i++) + { + String s = str.substring(i, i + w); + if (s.equals(word)) + { + int first = i; + int last = i + w; + } + } + String beginning = str.substring(0, first); + String end = str.substring(last); + int b = beginning.length(); + int e = end.length(); + beginning = (""+"" * b); + end = (""+"" * e); + return (beginning + word + end) +} +" +e89e4145a87b2c690907582fdfe75fd121238506,"public String plusOut(String str, String word) +{ + int t = str.length(); + int w = word.length(); + + for (int t = 0; i < (t - w + 1); i++) + { + String s = str.substring(i, i + w); + if (s.equals(word)) + { + int first = i; + int last = i + w; + } + } + String beginning = str.substring(0, first); + String end = str.substring(last); + int b = beginning.length(); + int e = end.length(); + beginning = (""+"" * b); + end = (""+"" * e); + return (beginning + word + end); +} +" +596dd3c47c932dce8166639213f7c8a4b9c82791,"public String plusOut(String str, String word) +{ + int t = str.length(); + int w = word.length(); + + for (int i = 0; i < (t - w + 1); i++) + { + String s = str.substring(i, i + w); + if (s.equals(word)) + { + int first = i; + int last = i + w; + } + } + String beginning = str.substring(0, first); + String end = str.substring(last); + int b = beginning.length(); + int e = end.length(); + beginning = (""+"" * b); + end = (""+"" * e); + return (beginning + word + end); +} +" +946aca28ba44100e58ed9a0f1c6e4f319fbe775e,"public String plusOut(String str, String word) +{ + int lw = word.length(); + int ls = str.length(); + int lim = ls - lw; + for (int i = 0; i <= lim; i++) + { + int lwi = i + lw + 1; + String o = str.substring(i, lwi); + String re = """"; + if (word.equals(o)) + { + for (int c = o; c <= i; c++) + { + re = re + ""+""; + } + re = re + word; + int start = i + lw; + for (int b = start; b <= ls; b++) + { + re = re + ""+""; + } + return re; + } + } +} +" +1eb9d1fc242d6f85a35c98295c95d4829aacbbd7,"public String plusOut(String str, String word) +{ + int lw = word.length(); + int ls = str.length(); + int lim = ls - lw; + for (int i = 0; i <= lim; i++) + { + int lwi = i + lw + 1; + String o = str.substring(i, lwi); + String re = """"; + if (word.equals(o)) + { + for (int c = 0; c <= i; c++) + { + re = re + ""+""; + } + re = re + word; + int start = i + lw; + for (int b = start; b <= ls; b++) + { + re = re + ""+""; + } + return re; + } + } +} +" +e3ff1b0134bf5f27bfe7a54110a266c7a2919344,"public String plusOut(String str, String word) +{ + String newStr = """"; + int j = word.length(); + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, j).equals(word)) + { + newStr = newStr + word; + i = j; + } + else + { + newStr = newStr + ""+""; + x++; + } + j++; + } + return newStr; +} +" +760d707ab0bd5cba34dd89c5adf8503acc14fc9b,"public String plusOut(String str, String word) +{ + String newStr = """"; + int j = word.length(); + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, j).equals(word)) + { + newStr = newStr + word; + i = j; + } + else + { + newStr = newStr + ""+""; + } + j++; + } + return newStr; +} +" +12c3b72a9c1cae48b2caaaf8526e589e0d945424,"public String plusOut(String str, String word) +{ + int lw = word.length(); + int ls = str.length(); + int lim = ls - lw; + for (int i = 0; i <= lim; i++) + { + int lwi = i + lw + 1; + String o = str.substring(i, lwi); + String re = """"; + if (word.equals(o)) + { + for (int c = 0; c <= i; c++) + { + re = re + ""+""; + } + re = re + word; + int start = i + lw; + for (int b = start; b <= ls; b++) + { + re = re + ""+""; + } + return re; + } + } + return re; +} +" +196163ff5584711cad66b4be09589faeea8299a2,"public String plusOut(String str, String word) +{ + String nw = """"; + int lw = word.length(); + int ls = str.length(); + int lim = ls - lw; + for (int i = 0; i <= lim; i++) + { + int lwi = i + lw + 1; + String o = str.substring(i, lwi); + String re = """"; + if (word.equals(o)) + { + for (int c = 0; c <= i; c++) + { + re = re + ""+""; + } + re = re + word; + int start = i + lw; + for (int b = start; b <= ls; b++) + { + re = re + ""+""; + nw = nw + re; + } + return re; + } + } + return nw; +} +" +9ccb1d85ea8e40a59181aa6274741b0278dfb974,"public String plusOut(String str, String word) +{ + String newStr = """"; + int j = word.length(); + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, j).equals(word)) + { + newStr = newStr + word; + i = j; + } + else + { + newStr = newStr + ""+""; + } + j++; + } + newStr = newStr + ""+""; + return newStr; +} +" +832aa0f81f2d7fc2b194ee80dd636200d251fb2e,"public String plusOut(String str, String word) +{ + String nw = """"; + int lw = word.length(); + int ls = str.length(); + int lim = ls - lw; + for (int i = 0; i <= lim; i++) + { + int lwi = i + lw; + String o = str.substring(i, lwi); + String re = """"; + if (word.equals(o)) + { + for (int c = 0; c <= i; c++) + { + re = re + ""+""; + } + re = re + word; + int start = i + lw; + for (int b = start; b <= ls; b++) + { + re = re + ""+""; + nw = nw + re; + } + return re; + } + } + return nw; +} +" +ad476aa0e78c225fd348a5c28bd110c2fb6821f5,"public String plusOut(String str, String word) +{ + String newStr = """"; + int j = word.length(); + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, j).equals(word)) + { + newStr = newStr + word; + i = word.length(); + } + else + { + newStr = newStr + ""+""; + } + j++; + } + newStr = newStr + ""+""; + return newStr; +} +" +cb2d05e4ecff69fedd9f94292c346d9dd0861892,"public String plusOut(String str, String word) +{ + String newStr = """"; + int j = word.length(); + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, j).equals(word)) + { + newStr = newStr + word; + i = j; + } + else + { + newStr = newStr + ""+""; + } + j++; + } + newStr = newStr + ""+""; + return newStr; +} +" +1b6dcdeb9ac606ab980db8888d1338fbf23efd75,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordLength = word.length(); + int i = 0; + int pos = str.indexOf(word); + StringBuilder build = new StringBuilder(length); + + while (pos != -1) + { + while (pos >1) + { + build.append('+'); + i++; + } + build.append(word); + i = pos + wordLength; + pos = str.indexOf(word, i); + } + for(; i 0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.replace(i, sb.indexOf(word), x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word); i++) + { + sb.replace((i), str.length(), x); + + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word); i++) + { + sb.replace((i), str.length(), x); + } + } + + + } + return sb.toString(); +} +" +fea293d2f33a391e9bd022af23d2e843f833e603,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - 1; x++) + { + if (str.substring(x, x + wordlength) == word) + { + newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = newString + str.substring(x + wordlength, length); + } + else + { + //nothing; + } + } + return newString; +} +" +5cf651d3ac643ca30741c979c89c2c92eca4cf4e,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = newString + str.substring(x + wordlength, length); + } + else + { + //nothing; + } + } + return newString; +} +" +3349411a92e575865a47a709ef5c529dac839596,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +3001de522572fcdaf405331172d7059a0f6555bc,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length); + } + else + { + //nothing; + } + } + return newString; +} +" +a1329db547040db5d6d10ba17bf48ba804530a39,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length); + } + else + { + //nothing; + } + } + return newString; +} +" +598949d62bef6786700eefe4aca6586a3b690d45,"public String plusOut(String str, String word) +{ + String x = ""+""; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word); i++) + { + sb.setCharAt(i, x); + + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word); i++) + { + sb.setCharAt(i,x); + } + } + + + } + return sb.toString(); +} +" +49f0b7675c2ec6036dcb4ea0244685f173f25fc5,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += ""Hello""; + } + else + { + //nothing; + } + } + return newString; +} +" +6b844ac54eda3d4fd4a7597e029a87a4e1a1de3f,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word); i++) + { + sb.setCharAt(i, x); + + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word); i++) + { + sb.setCharAt(i,x); + } + } + + + } + return sb.toString(); +} +" +7d860224a52950617cda249438d32370e07e6f0b,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += ""Hello""; + } + else + { + newString += ""+""//nothing; + } + } + return newString; +} +" +8d8b800b1633f8a7f5cb3b1fe2938c50001394ae,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + + } + else + { + newString += ""+"";//nothing; + } + } + return newString; +} +" +32e25b32d5e119acfb3b81fd352b1cc2bb5e02e9,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + x+=(wordLength - 1) + + } + else + { + newString += ""+"";//nothing; + } + } + return newString; +} +" +c3e6d7e9a02af58cfb22fa6cedc62fbd0014a346,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + x+=(wordLength - 1); + + } + else + { + newString += ""+"";//nothing; + } + } + return newString; +} +" +666d91f6050c9f21d9c309a8415725181ac85bcc,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length - wordlength; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + x+=(wordlength - 1); + + } + else + { + newString += ""+"";//nothing; + } + } + return newString; +} +" +72e2829032ad5a492ac42faf7692d5c19aedb438,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + + + + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word) ; i++) + { + sb.setCharAt((i), x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + count++; + + } + } + return sb.toString(); +} +" +c61cfe2ca0b20dac45c69376734d9211815f903e,"public String plusOut(String str, String word) +{ + int l = str.length(); + int wL = word.length(); + int +} +" +81e95079b3d5e053ae42c73d66af417d220e1ccb,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + + + + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word) ; i++) + { + sb.setCharAt((i), x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + count++; + + } + { + return sb.toString(); + + + + +} +" +63c0114c4bf39b7b34883d6b7cff2433b48d9691,"public String plusOut(String str, String word) +{ + int i=0; + int j=0; + String s=""""; + for(i=0; i<=str.length();i++) + { + for(j=str.length()-1; j>0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + + + + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word) ; i++) + { + sb.setCharAt((i), x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + count++; + + } + + return sb.toString(); + } + + + + +} +" +87b4ce764a36799f8f40d72064fabd1c8638192b,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + + + + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word) ; i++) + { + sb.setCharAt((i), x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + count++; + + } + + return sb.toString(); + } + +} + + +} +" +000d9085d1d5b83837642fc62f443e02c54f8e46,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + x++; + + } + else + { + newString += ""+"";//nothing; + } + } + return newString; +} +" +d8995d3ca7bde6a25d33f68507249902b9e39d78,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length; x++) + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + //x++; + + } + else + { + newString += ""+"";//nothing; + } + } + return newString; +} +" +bf18fb5127d9712d62b6a75fde526f479d0d2774,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + while (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < strLength; i++) + { + boolean findNextWord = str.indexOf(word, i) + } + + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = firstPartLength + wordLength; i < strLength; i++) + { + newString = newString + ""+""; + } + findWord = str.indexOf(word, findWord); + } + return newString; +} +" +16363fa1f28a8e0f87d4c4b46860835845e3e0bb,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + while (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < strLength; i++) + { + boolean findNextWord = str.indexOf(word, i); + } + + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = firstPartLength + wordLength; i < strLength; i++) + { + newString = newString + ""+""; + } + findWord = str.indexOf(word, findWord); + } + return newString; +} +" +6dee9a69c1d4dc2dda7e8d23fcc1af10cad9b5db,"public String plusOut(String str, String word) +{ + int findWord = str.indexOf(word); + int wordLength = word.length(); + int strLength = str.length(); + String newString = """"; + while (findWord != -1) + { + String firstPart = str.substring(0, findWord); + String wordPart = str.substring(findWord, wordLength); + String lastPart = str.substring(wordLength, strLength); + int firstPartLength = firstPart.length(); + int lastPartLength = lastPart.length(); + for (int i = 0; i < strLength; i++) + { + int findNextWord = str.indexOf(word, i); + } + + for (int i = 0; i < firstPartLength; i++) + { + newString = newString + ""+""; + } + newString = newString + word; + for (int i = firstPartLength + wordLength; i < strLength; i++) + { + newString = newString + ""+""; + } + findWord = str.indexOf(word, findWord); + } + return newString; +} +" +b9291515380bd3afd77e0d133ddd338677eca389,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + + + + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word) ; i++) + { + sb.setCharAt((i), x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + count++; + } + + return sb.toString(); + + + + + +} +" +147705b49f64c180ebd19cf0dfff4937b09531d5,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length; x++) + { + if (x+wordlength >= length) + newString += ""+""; + else + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + //x++; + + } + else + { + newString += ""+"";//nothing; + } + } + } + return newString; +} +" +13b1a5e6388c764de20de210b5a268670e6ba54a,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + + + + } + + for ( int i = (fromIndex + word.length()-1); i < str.lastIndexOf(word) ; i++) + { + sb.setCharAt((i), x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + + } + + return sb.toString(); + + + + + +} +" +86641eb8521803f151f32ccea8aa285f29af14cc,"public String plusOut(String str, String word) +{ + int length = str.length(); + String newString = """"; + int wordlength = word.length(); + for (int x = 0; x < length; x++) + { + if (x+wordlength >= length) + newString += ""+""; + else + { + if (str.substring(x, x + wordlength).equals(word)) + { + /*newString = str.substring(0, x-1); + for (int i = 0; i < wordlength; i++) + { + newString = newString + ""+""; + } + newString = str.substring(x + wordlength, length);*/ + newString += word; + //x++; + + } + else + { + newString += ""+"";//nothing; + } + } + } + return newString; +} +" +8df1c765ad9b4f9a00e4556e9a5e5ecb151290c4,"public String plusOut(String str, String word) +{ + String strNew = """"; + int i = 0; + while(i < str.length()) + { + if(str.substring(i).startsWith(word)) + { + strNew = strNew + word; + i = i + word.length(); + } + else + { + strNew = strNew + ""+""; + i = i + 1; + } + } + return strNew; +} +" +5a8923071ae3d59b744e2c994508286894832e6c,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +3963b53253ffcc67d547bd9e13192d832e435387,"public String plusOut(String str, String word) +{ + int slen = str.length(); + int wlen = word.length; + String end = """"; + + for (int i = 0; i <= slen; i++) + { + if (i < slen - wlen) + { + String temp = str.substring(i,i+wlen); + if (temp.equals(word)) + { + fin += word; + i += wlen - 1; + } + else{ + fin += ""+""; + } + } + else + { + fin += ""+""; + } + } + return fin; +} +" +2886648a4c66054a872bea56d20f4a59d6557e29,"public String plusOut(String str, String word) +{ + int slen = str.length(); + int wlen = word.length(); + String end = """"; + + for (int i = 0; i <= slen; i++) + { + if (i < slen - wlen) + { + String temp = str.substring(i,i+wlen); + if (temp.equals(word)) + { + fin += word; + i += wlen - 1; + } + else{ + fin += ""+""; + } + } + else + { + fin += ""+""; + } + } + return fin; +} +" +e984dbc910fb793b45dd5d154b9b3bb4b0777e28,"public String plusOut(String str, String word) +{ + int slen = str.length(); + int wlen = word.length(); + String end = """"; + + for (int i = 0; i <= slen; i++) + { + if (i < slen - wlen) + { + String temp = str.substring(i,i+wlen); + if (temp.equals(word)) + { + fin += word; + i += wlen - 1; + } + else{ + end += ""+""; + } + } + else + { + end += ""+""; + } + } + return end; +} +" +074f0146127918d54cd7065a5ab207408f8d3d1f,"public String plusOut(String str, String word) +{ + int slen = str.length(); + int wlen = word.length(); + String end = """"; + + for (int i = 0; i <= slen; i++) + { + if (i < slen - wlen) + { + String temp = str.substring(i,i+wlen); + if (temp.equals(word)) + { + end += word; + i += wlen - 1; + } + else{ + end += ""+""; + } + } + else + { + end += ""+""; + } + } + return end; +} +" +776e0dbd8c67b4ee0e7fb90859b7c1f0f927c2ae,"public String plusOut(String str, String word) +{ + char x = '+'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + while (( fromIndex = str.indexOf(word, fromIndex)) != -1) + { + fromIndex++; + + if(fromIndex > 1) + { + + for ( int i = 0; i < str.indexOf(word); i++) + { + + sb.setCharAt(i, x); + } + + for ( int i = (fromIndex + word.length()-1); i < str.length() ; i++) + { + sb.setCharAt(i, x); + + + } + } + else + { + for ( int i = (fromIndex + word.length()-1); i < str.length(); i++) + { + sb.setCharAt(i , x); + + } + } + + } + + return sb.toString(); + + + + + +} +" +654930c6ff14001c5f36cf8c1d8a2a51d93b1c10,"public String plusOut(String str, String word) +{ + if(str.contains(word)){ + str=str.replace(word,""--""); + } + + for(int i=0;i0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k0;j--) + { + if (str.substring(i, j).equals(word)) + { + for(int k = 0; k i + word.length){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +1f37f4c14284559f695f98d1784f4ac72d6c571d,"public String plusOut(String str, String word) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == word.charAt(0)){ + if (CharArray.length > i + word.length()){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +1b779a74b6bd4911660cfb5a3b8e38bba1ab27e9,"public String plusOut(String str, String word) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == word.charAt(0)){ + if (CharArray.length > i + word.length()){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +0cdd25e5df102f70aacc58cc4e54fc4ec12fa4ea,"public String plusOut(String str, String word) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == word.charAt(0)){ + if (CharArray.length > i + word.length()){ + if (CharArray[i + 2] == 'b'){ + return ""a""; + } + } + } + i++; + } + return ""a""; +} +" +2e62fdcc813131a4a34063b11cfae8810333b06e,"public String plusOut(String str, String word) +{ + + String plusString = """"; + + int i = 0; + + while (i < str.length()) + { + if (str.substring(i).startsWith(word)) + { + + plusString = plusString + word; + + } + else + { + plusString = plusString + ""+""; + + } + + i++; + + + } + + + return plusString; + + + +} +" +674ffa544187758afc76bac1bbe2a5e67968a672,"public String plusOut(String str, String word) +{ + String temp = """"; + for (int i = 0; i < str.length(); i++) + { + if (i <= str.length() - word.length()) + { + if (str.substring(i, i + word.length()).equals(word)) + { temp+= word; + i = word.length() - 1; + } + else + fin+= ""+""; + } + else + fin+= ""+""; + } + return temp; +} +" +9e03f9a3745d96567bd0f1e9e4f393731164018d,"public String plusOut(String str, String word) +{ + String temp = """"; + for (int i = 0; i < str.length(); i++) + { + if (i <= str.length() - word.length()) + { + if (str.substring(i, i + word.length()).equals(word)) + { temp+= word; + i = word.length() - 1; + } + else + temp+= ""+""; + } + else + temp+= ""+""; + } + return temp; +} +" +def6b435d47fed14d9f9b1e0bb752b06b7163780,"public String plusOut(String str, String word) +{ + String temp = """"; + for (int i = 0; i < str.length(); i++) + { + if (i <= str.length() - word.length()) + { + if (str.substring(i, i + word.length()).equals(word)) + { temp+= word; + i = word.length() - 1; + } + else + temp+= ""+""; + } + else + temp+= ""+""; + } + return temp; +} +" +dfd8463bfa4c82c7dda7b15c5a3b92110cee3de5,"public String plusOut(String str, String word) +{ + int i=0; + String s=""""; + for(i=0; i+word.length str.length()) { +break; +} + +if(str.substring(i, i + word.length()).equals(word)) +{ +result += word; +i += (word.length() - 1); +} +else +{ +result += ""+"" ; +} +} +if(result.length() != str.length()) { +while(result.length() != str.length()) { +result += ""+""; +} +} +return result; +} +" +5415c45556b1ace78ab0043341164b0117a7bffa,"public String plusOut(String str, String word) +{ + StringBuilder answer = new StringBuilder(); + int x = 0; + + while(x < str.length()) { + if(x <= str.length() - word.length() && + str.substring(x, x + word.length()).equals(word)) { + answer.append(word); + x += word.length(); + } else { + answer.append(""+""); + x++; + } + } + + return answer.toString(); +} +" +266852c05eece0aeca6ef89ef078f3254c336a4e,"public String plusOut(String str, String word) +{ + int i=0; + String s=""""; + for(i=0; i listWord = new ArrayList(); + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + } + + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + if (str.charAt(i) == listWord.(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + final = final.canca(word); + } + else + { + i++; + final = final.canca(""+""); + } + } + return final; +} +" +c66b40772a6cfcb455cbc7beb76519b901489ddb,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +}" +c1b4a75753d39c64da084b9712f1b7df205e125d,"public String plusOut(String str, String word) +{ + String finalWord = """"; + int i = 0; + + for ( i = 0; i < str.length(); i++) + { + if ( str.charAt(i) == word.charAt(0)) { + finalWord = word + finalWord; + i = i + word.length(); + + } + finalWord = ""+"" + finalWord ; + } + return finalWord; + + + + + + +} +" +4f3e53100791ea5bb337aa97e78f4bab0c8ae03e,"public String plusOut(String str, String word) +{ + String final = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + if (str.charAt(i) == world.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + final = final.canca(word); + } + else + { + i++; + final = final.canca(""+""); + } + } + return final; +}" +5818e795ee2db5587d682a21a3c88e7a24076076,"public String plusOut(String str, String word) +{ + String final = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + if (str.charAt(i) == world.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + final = final.concat(word); + } + else + { + i++; + final = final.concat(""+""); + } + } + return final; +}" +300240c7140650e92e04a165c12a6efae9fe4234,"public String plusOut(String str, String word) +{ + String final = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + if (str.charAt(i) == world.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + final = final.concat(word); + } + else + { + i++; + final = final.concat(""+""); + } + } + return final; +}" +96c59129f0b886335b4e3fab40d66f1a4a6abc0b,"public String plusOut(String str, String word) +{ + String finalWord = """"; + int i = 0; + + for ( i = 0; i < str.length(); i++) + { + if ( str.charAt(i) == word.charAt(0)) { + finalWord = finalWord + word; + i = i + word.length(); + + } + finalWord = finalWord + ""+""; + } + return finalWord; + + + + + + +} +" +f6763ccaace6a7e6562330548d0f4abba789ccc1,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + if (str.charAt(i) == world.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + finalStr = finalStr.concat(word); + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return final; +}" +632e54a59f2577107d186769087a83800f1b3964,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + listWord.add(word.charAt(j)); + if (str.charAt(i) == world.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + finalStr = finalStr.concat(word); + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +bedd6139b6b1374f43783c3930c181fe5b06f2d0,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i) == world.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + finalStr = finalStr.concat(word); + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +2c1b54dd35d4aa92fc4f03f938555c1e2d0ae76b,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length() - length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + finalStr = finalStr.concat(word); + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +a60e72b350e6063084c86a95b5742332f9528813,"public String plusOut(String str, String word) +{ + String finalWord = """"; + int i = 0; + + for ( i = 0; i < str.length(); i++) + { + if ( str.charAt(i) == word.charAt(0)) { + finalWord = finalWord + word; + i = i + word.length(); + + } + else + { + finalWord = finalWord + ""+""; + } + } + return finalWord; + + + + + + +} +" +1725c57d3b794f4af75d289591f1bfbdec558f2d,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + i = i+length; + finalStr = finalStr.concat(word); + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +7d8e33b3144c88b3ddf9134d06d7e65ff2ce911f,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +d50b6fa5a32564db76af23b850ce32e369e4a27d,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +82ba3e59acac3058cb6bdb9f5f0e364083cf9e9d,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()-length) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +4e66485d6f2ce38c4eadc2b64d6f53934e2bae71,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +2d2e33bb02a66ee61453ed9660076557ac6557ce,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()-length+1) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + return finalStr; +}" +069fd8d7bcf4fbd40259449fb407bef89b4af1ea,"public String plusOut(String str, String word) +{ + int a = str.length(); + if (a == 1) + { + str = ""+"" + word; + } + else if (a == 2) + { + str = ""++"" + word; + } + else if (a == 3) + { + str = ""+++"" + word; + } + else if (a == 4) + { + str = ""++++"" + word; + } + else if (a == 5) + { + str = ""+++++"" + word; + } + else if (a == 6) + { + str = ""++++++"" + word; + } + else if (a == 7) + { + str = ""+++++++"" + word; + } + else if (a == 8) + { + str = ""++++++++"" + word; + } + return str; +} +" +f0de6f8bfde6c9214099b525c618e065bfc88d6c,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()-length+1) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + + for (int k = 0; k < length+1; k++) + { + finalStr = finalStr.concat(""+""); + } + return finalStr; +}" +ed833e30c177f0605f57326191df74b49b1b5a80,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()-length+1) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + + + return finalStr; +}" +29e6ec33760e3d0886a78759132e3b01e115a91d,"public String plusOut(String str, String word) +{ + int a = str.length(); + int b = word.length(); + String c = """"; + for (int i = 0; i < a; i++) + { + if (i < a -b) + { + String d = str.substring(i, i + b); + if (d.equals(word)) + { + c = c + word; + i = i + (b -1); + } + else + { + c = c + ""+""; + } + } + else + { + c = c + ""+""; + } + return c; + + } + +} +" +080a1841ce9ba4d597c9a10188421bb6e1014163,"public String plusOut(String str, String word) +{ + String finalStr = """"; + int length = word.length(); + int i = 0; + while (i < str.length()-length+1) + { + int num = 0; + for (int j = 0; j < length; j++) + { + if (str.charAt(i+j) == word.charAt(j)) + { + num++; + } + } + + if (num == length) + { + finalStr = finalStr.concat(word); + i = i+length; + } + else + { + i++; + finalStr = finalStr.concat(""+""); + } + } + + if (length != 1) + { + for (int k = 0; k < length+1; k++) + { + finalStr = finalStr.concat(""+""); + } + } + + return finalStr; +}" +e6e467c4ded522f38d868e83eb7c1a0ad3bab8b3,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int x = 0; + + while(x < str.length()) { + if(x <= str.length() - word.length() && + str.substring(x, x + word.length()).equals(word)) { + result.append(word); + x += word.length(); + } else { + result.append(""+""); + x++; + } + } + + return result.toString(); +} +" +6a94cf6a4e1e5eeb06e3bd563533c127af7aaf7c,"public String plusOut(String str, String word) +{ + int a = str.length(); + int b = word.length(); + String c = """"; + for (int i = 0; i < a; i++) + { + if (i < a -b) + { + String d = str.substring(i, i + b); + if (d.equals(word)) + { + c = c + word; + i = i + (b -1); + } + else + { + c = c + ""+""; + } + } + else + { + c = c + ""+""; + } + return c; + } + return c; +} +" +0fb8bfe5564f3def6315c04197366dd52172b001,"public String plusOut(String str, String word) +{ + if(str.contains(word)){ +str=str.replace(word,""--""); +for(int i=0;i 0) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +9b102768619af63d6f97f05faecadfeede934f83,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +3bbc8b83215b6ae2fad1ce372f2306d3b291bf2a,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n < str.length(); n++) + { + if (str.substring(n, n + word.length()).equals(word) && (str.length() - word.length()) > 0) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +eef19b9ba82e011343f068b755f6d562e6a8e6f0,"public String plusOut(String str, String word) +{ + int wordAt(str.IndexOf(word)); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + i = i + word.length() - 1; + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +b0d3ad24b6da9654287ab1a0f6ca22da8586efe9,"public String plusOut(String str, String word) +{ + int wordAt = str.IndexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + i = i + word.length() - 1; + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +67102ff53f7584be0408b5f6590a318183658862,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + i = i + word.length() - 1; + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +0ca49110f61496792c164e53ebb749283bfaeca9,"public String plusOut(String str, String word) +{ + return ""test""; +} +" +70ba1f39861661fcf5d8f416000d14a7b29a34a7,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + i = i + word.length() - 1; + wordAt = str.indexOf(word, i); + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +6c82fc1eec34b86139b37995fcb0a2aa697e500b,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() - 1; + wordAt = str.indexOf(word, i); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +b73e2bf23c322625673a147b256ca12af2fa3a53,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); + +} +" +d103ebf62b7c7457ede054f81b5596177ee0bdce,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n < str.length(); n++) + { + if (str.substring(n, n + word.length()).equals(word) && word.length() != 0) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +ac5db4bdc810c220b8374ea09ff5135e691a6ea0,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() - 2; + wordAt = str.indexOf(word, i); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +fded5e9e5c401f924f6f82af8a84cab4f4efe4fe,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n < str.length(); n++) + { + if (str.substring(n, n + word.length()).equals(word) && word.length() != 0) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +06be050c7de4b4446a8d1b323ab63fe644a888bb,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() ; + wordAt = str.indexOf(word, i); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +73e99db50e821e5fc76d7f8c93541425f348b3cb,"public String plusOut(String str, String word) +{ + String one = str; + String two = word; + one.index() = indexOne; + two.index() = indexTwo + for (i.index() in str + return ""test""; +} +" +c5812caf63df8fbd08e5cbcf308b19c8acf9ebfa,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +75cc95be548e739631b3c043331bb82a2363a226,"public String plusOut(String str, String word) +{ + String one = str; + String two = word; + one.index() = indexOne; + two.index() = indexTwo; + for (i.index() in str;) + return ""test""; +} +" +1fc7843c28e117d0283e905d6d21b6246eb8f891,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +a4a47e087160955962619d82a7008b1bb2acb8f5,"public String plusOut(String str, String word) +{ + String one = str; + String two = word; + one.index() = indexOne; + two.index() = indexTwo; + for (indexTwo in str;) + return ""test""; +} +" +6cdbcecb80f05e37ff70d27ab64ff74333841aa8,"public String plusOut(String str, String word) +{ + String one = str; + String two = word; + one.index() = indexOne; + two.index() = indexTwo; + for (i in str;) + return ""test""; +} +" +4a2791725b89dd192b74df25dcda95ed4050e795,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word == ""abc"") + return true; + if (word == ""XYZ) + return true; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +d4ced7c12463b9963a8a2d6f2204708036d1e90e,"public String plusOut(String str, String word) +{ + for (int i = 0; i < word.length; i++) + { + if (!(word.substring(i, str.length()).equals(str))) + { + word.charAt(i) = '+' + } + } +} +" +97a665fce38ac6ec9fc5f151d808007ba9dcad02,"public String plusOut(String str, String word) +{ + String one = str; + String two = word; + one.index() = indexOne; + two.index() = indexTwo; + for (i in str; i++;) + return ""test""; +} +" +f57dc35ddf048d1ee5f7d8b58c2f6ad360d8b7aa,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word == ""abc"") + return true; + if (word == ""XYZ"") + return true; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +7bd9ea043be1dde5abfd0c286496175ec610c417,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n < (str.length() - word.length()); n++) + { + if (str.substring(n, n + word.length()).equals(word) && word.length() != 0) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +198d590706198b2adc07410e6bdc622c5a57434d,"public String plusOut(String str, String word) +{ + for (i = 0; i < str.length(), i++) + { + if (!str.substring(i, i + 4).equals(word)) + { + String newString; + newString = str.replace(i, ""+""); + // occurance of word found. + } + } + return str; +} +" +0ec75cd6e3b52e8162619fd5eb8f2d2e30889336,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= (str.length() - word.length()); n++) + { + if (str.substring(n, n + word.length()).equals(word) && word.length() != 0) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +0f712226d6dc0ef547525db0dda7e63e5b1e9d4c,"public String plusOut(String str, String word) +{ + String one = str; + String two = word; + one.index() = indexOne; + two.index() = indexTwo; + String answer; + for (i in str;) + { + answer = ""test""; + } + return ""test""; +} +" +d9d4d073d7de1409898aae5d0cacfc1110053134,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word == ""abc"") + return true; + else if (word == ""XYZ"") + return true; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +3fc2eec047639ed6784a2055b7fbb4f941963896,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word == ""abc"") + return true; + else if (word == ""XYZ"") + return true; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +e44c953717304f22a151d23f96d0b1ffce05bb3f,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(), i++) + { + if (!str.substring(i, i + 4).equals(word)) + { + String newString; + newString = str.replace(i, ""+""); + // occurance of word found. + } + } + return str; +} +" +ec7d44a833a67910567a6f30181da805a93c4494,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"") + return true; + else if (word.equals(""XYZ"") + return true; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +f54c630bb68688013df6a7dc7166c7c89eb2d8d9,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + return true; + else if (word.equals(""XYZ"")) + return true; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +e4d86221fbbc9344f1cc7a005954dd96c25fd7f3,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length; i++) + { + if (!(str.substring(i, word.length()).equals(str))) + { + str.charAt(i) = '+' + } + else + { + str.charAt(i) = str.charAt(i); + } + } + return str; +} +" +3cf4ad43140285590452631e4a297ca9d0700ed7,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length; i++) + { + if (!(str.substring(i, word.length()).equals(str))) + { + str.charAt(i) = '+'; + } + else + { + str.charAt(i) = str.charAt(i); + } + } + return str; +} +" +bda40b593dd15cf56014c40cd854160ef91d17cd,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.substring(i, word.length()).equals(str))) + { + str.charAt(i) = '+'; + } + else + { + str.charAt(i) = str.charAt(i); + } + } + return str; +} +" +67e8df7c4b7d4b181a2a427b75ab15778dcc2976,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + + else if (word.equals(""XYZ"")) + + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +7fe00a019931b3264a045f59d2c7b2576fdee6b3,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= (str.length() - word.length()); n++) + { + if (str.substring(n, n + word.length()).equals(word) && word.length() != 0) + { + trivialEnd += word; + } + else if (!str.substring(n, n + word.length()).equals(word) && word.length() != 0) + { + trivialEnd += '+'; + } + } + + return trivialEnd; +} +" +6faa49441504b472569a9d5cafc36ec53acf411a,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + 4).equals(word)) + { + String newString; + newString = str.replace(i, ""+""); + // occurance of word found. + } + } + return str; +} +" +a5138d9263fecbe39f2f092972a57ed455099399,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + + if (word.equals(""XYZ"")) + + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +aaa773037851b790fa73fe8b8b63777d412eaddc,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.substring(i, word.length()).equals(str))) + { + str.replace().charAt(i) = '+'; + } + else + { + str.charAt(i) = str.charAt(i); + } + } + return str; +} +" +957232acba19099a68a57e25f4c3fc01d3312c88,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.substring(i, word.length()).equals(str))) + { + str.replace(charAt(i)) = '+'; + } + else + { + str.charAt(i) = str.charAt(i); + } + } + return str; +} +" +d951f767db90c288aadd897a385b47985c0a5947,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + ""++++abc++++"" + if (word.equals(""XYZ"")) + return ""+++++++"" + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +967b99859dc36368127128c4f25861c3af05535e,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + return ""++++abc++++"" + if (word.equals(""XYZ"")) + return ""+++++++"" + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +5399b4edb34f1041af8ca930e6206d601f187d98,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + return ""++++abc++++""; + if (word.equals(""XYZ"")) + return ""+++++++""; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +cd74025125c5f3204ffda61f9f04627f7325702e,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word.equals(""abc"")) + return ""++++abc++++""; + if (word.equals(""XYZ"")) + return ""+++++++""; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +7f4582a836d5d4e994799750f961274964bad2a6,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.substring(i, word.length()).equals(str))) + { + str.replace(charAt(i), '+'); + } + else + { + str.charAt(i) = str.charAt(i); + } + } + return str; +} +" +239733bf2c62ae5cef39355a4c132f9f86c8a3eb,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word == ""abc"") + return ""++++abc++++""; + if (word== ""XYZ"") + return ""+++++++""; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +1f0400432f9d08f6e19b8e0b7cfcb89421ef893b,"public String plusOut(String str, String word) +{ + int wordAt = str.indexOf(word); + if (word == ""abc"") + return ""++++abc+++""; + if (word== ""XYZ"") + return ""+++++++XYZ""; + for (int i = 0; i < str.length(); i++) + { + if (i == wordAt) + { + i = i + word.length() -1; + wordAt = str.indexOf(word, i + 1); + } + else + str = str.replace(str.charAt(i), '+'); + } + return str; +} +" +d3beeea385864d82d6a452badb746ee409d43fe1,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + 4).equals(word)) + { + String newString; + newString = str.replace(str.charAt(i), '+'); + // occurance of word found. + } + } + return newString; +} +" +571d3353920617bb70ec3a89234aa05c741294c3,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= (str.length() - word.length()); n++) + { + if (word.length() != 0) + { + if (str.substring(n, n + word.length()).equals(word)) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + }//end first if + + }//end for + + return trivialEnd; +} +" +be33c5a2e4ce3c9fc3584042a5dc879dcd5f7563,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + 4).equals(word)) + { + String newString; + newString = str.replace(str.charAt(i), '+'); + return newString; + } + } +} +" +35c28889dd2635fe14e0b55ba326b2e7868412d8,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String strsub = """"; + String newstr = """"; + for(int i = 0; i < length; i++) + { + strsub = str.substring(); + if(strsub.startsWith(word)) + { + for(int j = 0; j < wordlength; j++) + { + newstr = newstr + word; + i = i + wordlength - 1; + } + } + else + { + newstr = newstr + ""+""; + } + } +} +" +3dbb86f8792a0c7b3866897e838b1cea89b8ffcd,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + 4).equals(word)) + { + String newString; + newString = str.replace(str.charAt(i), '+'); + return newString; + } + } + return str; +} +" +3e87e0381ebeef812946d2a41701556fd2a0fd6c,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +c28e4d841de3d687d7b46f8abe1a6d469a40a29c,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String strsub = """"; + String newstr = """"; + for(int i = 0; i < length; i++) + { + strsub = str.substring(i, length); + if(strsub.startsWith(word)) + { + for(int j = 0; j < wordlength; j++) + { + newstr = newstr + word; + i = i + wordlength - 1; + } + } + else + { + newstr = newstr + ""+""; + } + } +} +" +a629a3ff3b3483e46c4087ee24b193b09bb5f5ad,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String strsub = """"; + String newstr = """"; + for(int i = 0; i < length; i++) + { + strsub = str.substring(i, length); + if(strsub.startsWith(word)) + { + for(int j = 0; j < wordlength; j++) + { + newstr = newstr + word; + i = i + wordlength - 1; + } + } + else + { + newstr = newstr + ""+""; + } + } + return newstr; +} +" +eb2f80be19da8ef5934c2de233e702573d837837,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String strsub = """"; + String newstr = """"; + for(int i = 0; i < length; i++) + { + strsub = str.substring(i, length); + if(strsub.startsWith(word)) + { + for(int j = 0; j < wordlength; j++) + { + newstr = newstr + word; + i = i + wordlength; + } + } + else + { + newstr = newstr + ""+""; + } + } + return newstr; +} +" +af187a9457b945482166984be51ed9e37bb52b63,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +9e4b98d6da3a6c6e2b11c85bb47ef68e07786556,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String newString; + newString = str.replace(str.charAt(i), '+'); + return newString; + } + } + return str; +} +" +cd8f2057160adfa4da6af20463adf657ab52f1ec,"String newWord = """"; +public String plusOut(String str, String word) +{ + str = str.replace(word, "".""); + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) != '.') + { + str.replace(str.charAt(i), ""+""); + } + } + str.replace(""."", word); + + return str; + +} +" +aa82c9bc57edb20b52f744d7510d5ac813095b73,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length(), str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +d4803c368a9bf5ba994b77ec76863c0ca1ab191f,"String newWord = """"; +public String plusOut(String str, String word) +{ + str = str.replace(word, "".""); + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) != '.') + { + str.replace(str.substring(i, i + 1), ""+""); + } + } + str.replace(""."", word); + + return str; + +} +" +148cb37c742d5a9fc187580a3d8a96c1e8ebd5c7,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +5bd16531c034b31709754fdc804bd2444fccaf5e,"public String plusOut(String str, String word) +{ + return str.replace(str.charAt(0), +); + String[] sentence = word.split(str); +} +" +7859e4b9ac8df114de6912d6e896eff26df6d5c8,"public String plusOut(String str, String word) +{ + int num = str.indexOf(word); + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + str2 = str2 + word; + str = str.substring(num + word.length() - 1, str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +e77da8af045fc47820bf4228b97908e1b05b4ec4,"public String plusOut(String str, String word) +{ + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + i = 0; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +c9db80415195ac417892e9d54204ea95feca2d46,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +f1d0d6aa77f84c484f720508c915dde173a74150,"public String plusOut(String str, String word) +{ + String replace = """"; + String plus = """"; + for (int i = 0; i < str.length() - word.length(); i ++){ + if(str.substring(i, i + word.length()).equals(word)){ + replace = str.substring(str.indexOf(word, i) - word.length(), str.indexOf(word, i)); + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + } + str.replace(replace, plus); + } + return replace; +} +" +1fc2be9c0e81d97e3a37d69e64f7e05e7f715339,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + else + { + return str; + } + } +} +" +d6b26edcf4be37d74f40395dc1356c601b4010cb,"public String plusOut(String str, String word) +{ + if (!str.contains(word)) + { + return str; + } + else + { + str = str.replace(word, "".""); + } + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) != '.') + { + str = str.replace(str.substring(i, i + 1), ""+""); + } + } + str.replace(""."", word); + + return str; + +} +" +7fc8bbc3e8f7d7bd3e81f36c1de051ce3ae1a594,"public String plusOut(String str, String word) +{ + String replace = """"; + String plus = """"; + for (int i = 0; i < str.length() - word.length(); i ++){ + if(str.substring(i, i + word.length()).equals(word)){ + replace = str.substring(str.indexOf(word, i) - word.length(), str.indexOf(word, i)); + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + } + str.replace(replace, plus); + } + return replace; +}} +" +162f62ab72793915b30f76066db6af5f616d82cd,"public String plusOut(String str, String word) +{ + String replace = """"; + String plus = """"; + for (int i = 0; i < str.length() - word.length(); i ++){ + if(str.substring(i, i + word.length()).equals(word)){ + replace = str.substring(str.indexOf(word, i) - word.length(), str.indexOf(word, i)); + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + } + str.replace(replace, plus); + } +} + return replace; +} +" +f815c4a154ec9f2081733bf2724772470330e7b0,"public String plusOut(String str, String word) +{ + String replace = """"; + String plus = """"; + for (int i = 0; i < str.length() - word.length(); i ++){ + if(str.substring(i, i + word.length()).equals(word)){ + replace = str.substring(str.indexOf(word, i) - word.length(), str.indexOf(word, i)); + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + } + str.replace(replace, plus); + } +} + return str; +} +" +e00b2437049786c6a2bb7153aff6f7a54b146f33,"public String plusOut(String str, String word) +{ + if (!str.contains(word)) + { + return str; + } + else + { + str = str.replace(word, "".""); + } + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) != '.') + { + str = str.replace(str.substring(i, i + 1), ""+""); + } + } + + str = str.replace(""."", word); + + return str; + +} +" +4ecb878205f2d03788ce42273d2414f775378cec,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +1c3f12a79771b58b50f69a1109c0386f5dc5f545,"public String plusOut(String str, String word) +{ + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + i = 0; + } + else if (str == ""aaxxxxbb"") + { + return ""++xxxx++""; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +f08ea71c1daa0c0f8ef61b58411a4e1824ef385e,"public String plusOut(String str, String word) +{ + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(word)) + { + str2 = str2 + word; + str = str.substring(str.indexOf(word) + word.length() - 1, str.length()); + i = 0; + } + else if (str == ""aaxxxxbb"") + { + return ""++xxxx++""; + } + else if (str == ""123123"") + { + return ""++3++3""; + } + else + { + str2 = str2 + ""+""; + } + } + return str2; +} +" +275dd3198f73a8ce4152cc0be118331e038ed3ce,"public String plusOut(String str, String word) +{ + //int len = str.length(); + //int wLen = word.length(); + //int pos = str.indexOf(word); + //int i = 0; + //StringBuilder stbuild = new StringBuilder(len); + //while(pos != -1) + //{ + //while(i < pos) + //{ + // stbuild.append('+'); + // i++; + //} + //stbuild.append(word); + //i = pos + wLen; + //pos = str.indexOf(word, i); + //} + //for(; i < len; i++) + //stbuild.append('+'); + //return stbuild.toString(); + + + for (int j = 0; j < wordLength; j++) + if (str.charAt(i) == word.charAt(j)) + break; + else + str = str.replace(str.charAt(i), '+'); + return str; + + +} +" +16bea08bb34a7411d1140dbce1d2f04e0ba3e31f,"public String plusOut(String str, String word) +{ + //int len = str.length(); + //int wLen = word.length(); + //int pos = str.indexOf(word); + //int i = 0; + //StringBuilder stbuild = new StringBuilder(len); + //while(pos != -1) + //{ + //while(i < pos) + //{ + // stbuild.append('+'); + // i++; + //} + //stbuild.append(word); + //i = pos + wLen; + //pos = str.indexOf(word, i); + //} + //for(; i < len; i++) + //stbuild.append('+'); + //return stbuild.toString(); + + int wordLength = word.length(); + for (int j = 0; j < wordLength; j++) + if (str.charAt(i) == word.charAt(j)) + break; + else + str = str.replace(str.charAt(i), '+'); + return str; + + +} +" +67ce8a09c43099bf6a17eb4751a335d1a2ffda21,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.IndexOf(word); + int i =0; + StringBuilder stbuild = new StringBuilder(len); + while (pos != -1) { + while (i < pos) { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) { + stbuild.append('+'); + } + return stbuild.toString(); +} +" +e7d41e8431d9fde8b3327da8227efee594fa4082,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i =0; + StringBuilder stbuild = new StringBuilder(len); + while (pos != -1) { + while (i < pos) { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) { + stbuild.append('+'); + } + return stbuild.toString(); +} +" +fd609a7b38bb076e64ab69db5e89f4e09c2e0fa7,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); + +} +" +e4c85ddd78930528078772a84afc76b374db9b5b,"public String plusOut(String str, String word) +{ + String newWord = """"; + int length = word.length(); + int index = str.indexOf(word); + + for (int i = 0; i < index; i++) + { + newWord = newWord + ""+""; + } + newWord = newWord + word; + + for (int i = newWord.length() - 1; i < str.length() - 1; i++) + { + newWord = newWord + ""+""; + } + return new Word; + +} +" +a23cf3ee2c5e8b50621b010d323dda95e6ad06d5,"public String plusOut(String str, String word) +{ + String newWord = """"; + int length = word.length(); + int index = str.indexOf(word); + + for (int i = 0; i < index; i++) + { + newWord = newWord + ""+""; + } + newWord = newWord + word; + + for (int i = newWord.length() - 1; i < str.length() - 1; i++) + { + newWord = newWord + ""+""; + } + return newWord; + +} +" +0c3b853a296428491d9bacecb6053e4883ec3735,"public String plusOut(String str, String word) +{ + String replace = """"; + String plus = """"; + for (int i = 0; i < str.length() - word.length(); i ++){ + if(str.substring(i, i + word.length()).equals(word)){ + replace = str.substring(str.indexOf(word, i) - word.length(), str.indexOf(word, i)); + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + } + str = str.replace(replace, plus); + } +} + return str; +} +" +07e858453d6ff68f613cd1152aec4b701df864c9,"public String plusOut(String str, String word) +{ + String newWord = """"; + int length = word.length(); + int index = str.indexOf(word); + + for (int i = 0; i < index; i++) + { + newWord = newWord + ""+""; + } + newWord = newWord + word; + + int index1 = newWord.indexOf(word); + + for (int i = newWord.length() - 1; i < index1; i++) + { + newWord = newWord + ""+""; + } + return newWord; + +} +" +8ee3e256a5931bbc3de8dd25d9f645811676f4ce,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String strsub = """"; + String newstr = """"; + for(int i = 0; i < length; i++) + { + strsub = str.substring(i, length); + if(strsub.startsWith(word)) + { + newstr = newstr + word; + i = i + wordlength - 1; + } + else + { + for(int j = 0; j < wordlength; j++) + { + newstr = newstr + ""+""; + } + } + } + return newstr; +} +" +8a5978421f2f4086b0ddd54adeb1ba874c06eeef,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String strsub = """"; + String newstr = """"; + for(int i = 0; i < length; i++) + { + strsub = str.substring(i, length); + if(strsub.startsWith(word)) + { + newstr = newstr + word; + i = i + wordlength - 1; + } + else + { + newstr = newstr + ""+""; + } + } + return newstr; +} +" +746e7f1632b39726bd7a018474b93695e8177457,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int a = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + a = a + word.length(); + } + else + { + result.append(""+""); + a++; + } + } + + return result.toString(); + +} +" +95a258313a6bba0317e1651df0a3a82a4a353ef0,"public String plusOut(String str, String word) +{ + String replaced = """"; + int i = 0; + while (i < str.length()) + { + if (str.substring(i).startsWith(word)) + { + replaced = replaced + word; + + i = i+word.length(); + } + else + { + replaced = replaced+""+""; + i++; + } + } + return replaced; +} +" +918c20246bbc79e57b5a1f351a045a3937c4b0cf,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int a = 0; + + while(a < str.length()) { + if(a <= str.length() - word.length() && + str.substring(a, a + word.length()).equals(word)) { + result.append(word); + a = a + word.length(); + } + else + { + result.append(""+""); + a++; + } + } + + return result.toString(); + +} +" +1594464613ad722a5f03a58ef10cae9f4d56390c,"public String plusOut(String str, String word) +{ + String st = str.replaceAll([^word], ""+""); + return st; +} + +" +ddd4f02af8537c0bb9302128c07c72ac3710c934,"public String plusOut(String str, String word) +{ + String st = str.replaceAll([^word], ""+""); + return st; +} + +" +7b92e54b085426ff6fa00202be44716e86a8a206,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +6e31ffb23fd6eca1ec032c31c7e838a82345089c,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.substring(i, i + word.length())).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +170de60203b5ba8e903ce5dcc53aceaca6e8e61f,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.substring(i, i + word.length()).equals(word))) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +c37d868fe8557607c09004a35982077c66183872,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +}" +0d09d424bfa0904289a0cbcf8e646229fa20aa3f,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +717b67537ea2d9d87406b6a35fc9f6cbf22f6af8,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()-1).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +aaa714fb359a2f5194791fed10ec6f226ec02686,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()+1).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +b63f2404d685ff8b7b8a250e9ad84504fd2386aa,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length; i++) + { + if (str.indexOf(word) < i <= str.indexOf(word) + word.length()) + { + str = str.replace(i, ""+""); + } + } + return str; +} + +" +d465fd91d58ff4d9cbe1f5669bdc87092357a85a,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +929e5cac6120208869d0efb1e07d45e3f39da540,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if !(str.indexOf(word) <= i < str.indexOf(word) + word.length()) + { + str = str.replace(i, ""+""); + } + } + return str; +} + +" +0fb6d50ffe30f76c1d353a764140b5f16d662eeb,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + return plusString; + } + } + return str; +} +" +58c718f4bd37d4604da87523b86e144a52e44ee7,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!(str.indexOf(word) <= i < str.indexOf(word) + word.length())) + { + str = str.replace(i, ""+""); + } + } + return str; +} + +" +539a90c7f82b2c944d0491bc2107b3ca1194bba5,"public String plusOut(String str, String word) +{ + String fuckThis = """"; + for (int i = 0; i < str.length; i++){ + fuckThis += ""+""; + } + return fuckThis; +} +" +eb14f0b07b944d19730354a6aac3267e812df0e1,"public String plusOut(String str, String word) +{ + String fuckThis = """"; + for (int i = 0; i < str.length(); i++){ + fuckThis += ""+""; + } + return fuckThis; +} +" +56f02384af463e7fac61f446ca65c4b2707ddea5,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(word) !<= i !< str.indexOf(word) + word.length()) + { + str = str.replace(i, ""+""); + } + } + return str; +} + +" +026039890a9a87b488e8a023da480144c3f6cedf,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + { + stbuild.append('+'); + } + return stbuild.toString(); +} +" +5c2c990bf03798d85e8144bc08cdb452c3f85550,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(word) < i || i >= str.indexOf(word) + word.length()) + { + str = str.replace(i, ""+""); + } + } + return str; +} + +" +9fc3a26b7bf272a140ac49137189e6389a56c974,"public String plusOut(String str, String word) +{ + String fuckThis = """"; + for (int i = 0; i < str.length(); i++){ + if (word == str.substring(i, i + word.length()){ + i += word.length(); + } else { + fuckThis += ""+""; + } + } + return fuckThis; +} +" +0302770bfa1d80a26d8f7722e81454eef91f7586,"public String plusOut(String str, String word) +{ + String fuckThis = """"; + for (int i = 0; i < str.length(); i++){ + if (word == str.substring(i, i + word.length())){ + i += word.length(); + } else { + fuckThis += ""+""; + } + } + return fuckThis; +} +" +cddd2b3ca0364a20b0f9c7751502266ef8990820,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(word) > i || i >= str.indexOf(word) + word.length()) + { + str = str.replace(charAt(i), ""+""); + } + } + return str; +} + +" +991f8cd3bfd11cdfbb0a1411b169029c7be40718,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(word) > i || i >= str.indexOf(word) + word.length()) + { + str = str.replace(str.charAt(i), ""+""); + } + } + return str; +} + +" +4f81c424c8df475b8884f61d6613811e48ca0e54,"public String plusOut(String str, String word) +{ + String nst=""""; + int i =0; + while(i i + word.length()){ + if (word == str.substring(i, i + word.length())){ + i += word.length(); + } else { + fuckThis += ""+""; + } + } + } + return fuckThis; +} +" +3a315f0e23f9f76def8a9f4838dd29dedb51135b,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + } + return plusString; + } + return str; +} +" +5bbfd97793c102444c56948416c1811cddb35195,"public String plusOut(String str, String word) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +212deb6c0b4441b216c5dad89d07701a95ca8454,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + String plusString; + if (!str.substring(i, i + word.length()).equals(word)) + { + plusString = str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +173b10e3b1cfed41cb6b9244a3083396040b1b00,"public String plusOut(String str, String word) +{ + String plusString; + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + plusString = str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +e1c55fdc5bab86d1d5514cf8c6e979aa75e8aa42,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +761cae55b1e0a6f2084ebe08ac611f8859b5eeea,"public String plusOut(String str, String word) +{ + String zeroString; + zeroString = """"; + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = zeroString + str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +85e21cd6a9a1cca3bcf8a2fc6ea22a97fb38b231,"public String plusOut(String str, String word) +{ + String zeroString; + zeroString = """"; + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = zeroString + str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +f1bf4ce7f527f1bb714254cdbef257b892fbfafe,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +2f0181bb0f26a8483c2a409173e18774134fe6e5,"public String plusOut(String str, String word) +{ + String zeroString; + zeroString = """"; + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = zeroString + str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +7a96bc65d1a506b02edfaac6c961e8cf7c120842,"public String plusOut(String str, String word) +{ + String zeroString; + zeroString = """"; + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + String plusString; + plusString = zeroString + str.replace(str.charAt(i), '+'); + } + } + return plusString; +} +" +ae54c4b4cdc4a3c8eb64f60b1934afb499eb5680,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +68fc9708adc08f1b3c744cde44684bbbf8b950e8,"public String plusOut(String str, String word) +{ + if (str.equals(""12xy34xyabcxy"")) { + return ""++xy++xy+++xy""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""abc"")) { + return ""++++abc+++""; + } + if (str.equals(""abXYabcXYZ"") && word.equals(""ab"")) { + return ""ab++ab++++""; + } + if (str.equals(""abXYabcXYZ"")) { + return ""++XY+++XY+""; + } + if (str.equals(""aaxxxxbb"")) { + return ""++xxxx++""; + } + String a = """"; + for (int i = 0; i <= str.length()-word.length(); i++) { + if (str.substring(i, i + word.length()).equals(word)) { + a = a + word; + } + else { + a = a + ""+""; + } + } + return a; +} +" +bc4c61e9bb0a939e5ed88959cf1aa063107720a6,"public String plusOut(String str, String word) +{ + int slen = str.length(); + int wlen = word.length(); + String fin = """"; + for (int i = 0; i < slen; i++) + { + if (i <= slen - wlen) + { + String tmp = str.substring(i, i+wlen); + if (tmp.equals(word)) + { + fin+= word; + i += wlen-1; + } + else + fin += ""+""; + } + else + fin += ""+""; + } + return fin; + + +} +" +21b8992f6c8b86818d7e34df2191e8852c2345c9,"public String plusOut(String str, String word) +{ + String fin = """"; + for (int i = 0; i < str.length(); i++) + { + String sub = str.substring(i); + if (sub.startsWith(word)) + { + fin = fin + word; + i = i + word.length(); + } + else + { + fin = fin + ""+""; + } + } + return fin; +} + + + + +" +cfa4133576629fc9b72667a8b01dcc0d01eeebe2,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int position = str.indexOf(word); + int j = 0; + StringBuilder sbuild = new StringBuilder(len) + while (pos != -1) + { + while (i < pos) + { + sbuild.append('+'); + i++; + } + sbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for (; i < len; i++) + { + sbuild.append('+'); + } + return sbuild.toString(); +} +" +4944bd654c4c0a0c08690069d37f0973a40e53e2,"public String plusOut(String str, String word) +{ + String fin = """"; + for (int i = 0; i < str.length(); i++) + { + String sub = str.substring(i); + if (sub.startsWith(word)) + { + fin = fin + word; + i = i + word.length() -1; + } + else + { + fin = fin + ""+""; + } + } + return fin; +} + + + + +" +5bdb3fa6dc3deecb43b725f7a783ff2b180e83bc,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int position = str.indexOf(word); + int j = 0; + StringBuilder sbuild = new StringBuilder(len); + while (pos != -1) + { + while (i < pos) + { + sbuild.append('+'); + i++; + } + sbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for (; i < len; i++) + { + sbuild.append('+'); + } + return sbuild.toString(); +} +" +924b1637b067d16aac43327bd244e20662b8d479,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int position = str.indexOf(word); + int j = 0; + StringBuilder sbuild = new StringBuilder(len); + while (position != -1) + { + while (i < position) + { + sbuild.append('+'); + i++; + } + sbuild.append(word); + i = position + wLen; + position = str.indexOf(word, i); + } + for (; i < len; i++) + { + sbuild.append('+'); + } + return sbuild.toString(); +} +" +6bb67d9b37ef709619e1b2f2fb6933dccb7bd587,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int position = str.indexOf(word); + int j = 0; + StringBuilder sbuild = new StringBuilder(len); + while (position != -1) + { + while (j < position) + { + sbuild.append('+'); + j++; + } + sbuild.append(word); + j = position + wLen; + position = str.indexOf(word, j); + } + for (; j < len; j++) + { + sbuild.append('+'); + } + return sbuild.toString(); +} +" +178d09b23a01994eeaf5e2eea1d66b6792000ae3,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); + +} +" +8e89e131008055d01d237ef8ad2c9bd8128e9263,"public String plusOut(String str, String word) +{ + StringBuffer buffer = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + buffer.append(word); + i += word.length(); + } else { + buffer.append(""+""); + i++; + } + } + + return buffer.toString(); + +} +" +8c01cabbf6e8b919c280ef835f5d8c0ca9dd0796,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0 + + while (i < str.length()) { + if (i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } + else { + result.append(""+""); + i++; + } + } + return result.toString(); +} +" +76419503d6e5f815a9632299713e27ae497c8641,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while (i < str.length()) { + if (i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } + else { + result.append(""+""); + i++; + } + } + return result.toString(); +} +" +d7c7093b6d1d4ac74ac28d49cdc87bbc4d2cbada,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= (str.length()); n + word.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + }//end for + + return trivialEnd; +} +" +7ba32abdf1d711873950d970fae7e610b196e3bd,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= str.length(); n + word.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + }//end for + + return trivialEnd; +} +" +82d552f98ac66c8b9bb43f6815f5e7ca86dbab9e,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= str.length(); n + (word.length())) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + }//end for + + return trivialEnd; +} +" +dd05c6a7ea5b01348fbb177182a9596c3f352e20,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + + for (int n = 0; n <= str.length(); n++) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + } + else + { + trivialEnd += '+'; + } + }//end for + + return trivialEnd; +} +" +289cab54749e76f47f402cbd9edd63d26e01b432,"public String plusOut(String str, String word) +{ + int a = str.length(); + int j = str.indexOf(word); + String finalString = """"; + while (j != 0) + { + finalString = finalString(0, j, +); + } +} +" +f034e9f27820636826cf3bfa29aa32dd5f70c9f4,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + n += word; + + } + else + { + trivialEnd += '+'; + n++ + } + } + return trivialEnd; +} +" +9222afd237f2a153dec01f15809e88ec81bac994,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + n += word; + + } + else + { + trivialEnd += '+'; + n++ + } + } + return trivialEnd; +} +" +a57be5803619c8f176d4d6d97c3451618354ae6f,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + n += word; + + } + else + { + trivialEnd += '+'; + n++; + } + } + return trivialEnd; +} +" +6ddec940817395b34eaf97d5151ff19f3dbd4cf4,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +582b2072c941d7e96649a5975dd8ffb37248cc87,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + n += word.length(); + } + else + { + trivialEnd += '+'; + n++; + } + } + return trivialEnd; +} +" +f63934e9b4c0d3be74d115a975d0ee799a3b738e,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd += word; + n += word.length(); + } + else + { + trivialEnd += '+'; + n++; + } + } + return trivialEnd; +} +" +ba6c73d171bd782ee91995b8969444c36a5b4607,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd = trivialEnd + word; + n += word.length(); + } + else + { + trivialEnd = trivialEnd '+'; + n++; + } + } + return trivialEnd; +} +" +5772075204ede2576a1358c16b7736dab2cd1635,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n <= str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd = trivialEnd + word; + n += word.length(); + } + else + { + trivialEnd = trivialEnd + '+'; + n++; + } + } + return trivialEnd; +} +" +18749dd2aa89ed37abe738a03a637c5eaa921478,"public String plusOut(String str, String word) +{ + String trivialEnd = """"; + int n = 0; + + while (n < str.length()) + { + if (str.substring(n).startsWith(word)) + { + trivialEnd = trivialEnd + word; + n += word.length(); + } + else + { + trivialEnd = trivialEnd + '+'; + n++; + } + } + return trivialEnd; +} +" +897c53aaaa4506abb212cad8acdc25274c7c087d,"public String plusOut(String str, String word) +{ + int length = str.length(); + int length2 = word.length(); + int position = str.indexOf(word); + StringBuilder newString = new StringBuilder(length); + + for (int i = 0; i < position; i++) + { + newString.append('+'); + } + newString.append(word); + i = position + length2; + for (i; i < length; i++) + { + newString.append('+'); + } + return newString; + + //for loop check every line + //if it finds the first two characters, assume same + //assign the value of i to another local variable + //return 0 to i -1 as +, return i to word.length, return +} +" +8db814173e6a535ab9c3c2ece0e12828bd1053a9,"public String plusOut(String str, String word) +{ + int length = str.length(); + int length2 = word.length(); + int position = str.indexOf(word); + StringBuilder newString = new StringBuilder(length); + + for (int i = 0; i < position; i++) + { + newString.append('+'); + } + newString.append(word); + i = position + length2; + for (i = i; i < length; i++) + { + newString.append('+'); + } + return newString; + + //for loop check every line + //if it finds the first two characters, assume same + //assign the value of i to another local variable + //return 0 to i -1 as +, return i to word.length, return +} +" +7ba63205b59bc1a2d16b748eb0dbc184370f4273,"public String plusOut(String str, String word) +{ + String finalString = """"; + for (int i=0;i word.length()) + { + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) != word.charAt(i)) + { + strang = strang + str.charAt(i); + } + if(str.charAt(i) == word.charAt(i)) + { + strang = strang + ""+""; + } + } + } + return strang; +} +" +2681f45cefb79e0f3c21bfdeda8f8a755922476c,"public String plusOut(String str, String word) +{ + int i = 0 + String sTwo = """" + while (i < str.length() - word.length() + 1) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + sTwo += ""+""; + i++; + } + else + { + str2 += word; + i += word.length(); + } + } +} +" +0a459a4409704bbf8da427722a25d964a1416baa,"public String plusOut(String str, String word) +{ + return str; + +} +" +9008d7626d5ffed87554a139af0f05b7ef78b8e7,"public String plusOut(String str, String word) +{ + return str; + +} +" +428a061e2f556d120bec3087324f6884d9348e43,"public String plusOut(String str, String word) +{ + + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +ae5d3bf7160811f56ebb014935eeb4dec677acd8,"public String plusOut(String str, String word) +{ + int i = 0; + String sTwo = """"; + while (i < str.length() - word.length() + 1) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + sTwo += ""+""; + i++; + } + else + { + str2 += word; + i += word.length(); + } + } +} +" +b77727f0d2536dec254654830a6b76bab07e4b43,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +b9f07ca0a828daba1439156a07e0c83cfa269819,"public String plusOut(String str, String word) +{ + int i = 0; + String sTwo = """"; + while (i < str.length() - word.length() + 1) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + sTwo += ""+""; + i++; + } + else + { + sTwo + i += word.length(); + } + } +} +" +4a8e0016df7f1bf7bbb5853a383e3d0b71169a21,"public String plusOut(String str, String word) +{ + int i = 0; + String sTwo = """"; + while (i < str.length() - word.length() + 1) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + sTwo += ""+""; + i++; + } + else + { + sTwo += word; + i += word.length(); + } + } +} +" +550f10c8d38c32d805fedec4d4e9a1e4c2a492d2,"public String plusOut(String str, String word) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return a.endsWith( b ) || b.endsWith( a ); +} +" +d9bc76f3860afe0bc666974eaef2c08a83b4db0a,"public String plusOut(String str, String word) +{ + int length = str.length(); + int length2 = word.length(); + int position = str.indexOf(word); + int n = 0; + StringBuilder newString = new StringBuilder(length); + while (position != -1) + { + for (int i = 0; i < position; i++) + { + newString.append('+'); + n = i; + } + newString.append(word); + pos = str.indexOf(word, i); + n = position + length2; + } + for (int j = n; i < length; i++) + { + newString.append('+'); + } + return newString.toString(); + + //for loop check every line + //if it finds the first two characters, assume same + //assign the value of i to another local variable + //return 0 to i -1 as +, return i to word.length, return +} +" +d99160632cb738ef85925d1d3f28cdfd2e8ea560,"public String plusOut(String str, String word) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return a.endsWith( b ) || b.endsWith( a ); +} +" +8d5478e839a21c92cfdd38f4d972be3074c5b9e0,"public String plusOut(String str, String word) +{ + String strang = """"; + if(str.length() > word.length()) + { + for(int i = 0; i < str.length(); i++) + { + for(int j = 0; j < str.length(); j++) + { + if(str.charAt(i) != word.charAt(j)) + { + strang = strang + str.charAt(i); + } + if(str.charAt(i) == word.charAt(j)) + { + strang = strang + ""+""; + } + + } + + } + } + return strang; +} +" +359aed4a5b36d05d1bc345a5d42ba2c408762f53,"public String plusOut(String str, String word) +{ + int i = 0; + String sTwo = """"; + while (i < str.length() - word.length() + 1) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + sTwo += ""+""; + i++; + } + else + { + sTwo += word; + i += word.length(); + } + } + return sTwo; +} +" +381a598c25f26f08517e279980187408c9aa4768,"public String plusOut(String str, String word) +{ + int length = str.length(); + int length2 = word.length(); + int position = str.indexOf(word); + int n = 0; + StringBuilder newString = new StringBuilder(length); + while (position != -1) + { + for (int i = 0; i < position; i++) + { + newString.append('+'); + n = i; + } + newString.append(word); + i = position + length2; + position = str.indexOf(word, i); + } + for (int j = n; j < length; j++) + { + newString.append('+'); + } + return newString.toString(); + + //for loop check every line + //if it finds the first two characters, assume same + //assign the value of i to another local variable + //return 0 to i -1 as +, return i to word.length, return +} +" +a0b552f82f1d3aa0451ea94e629f19f5ed6f5ba8,"public String plusOut(String str, String word) +{ + public String plusOut(String str, String word) { + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +af06ad6a0ad890180f0b7ceefbef774fca19f1a5,"public String plusOut(String str, String word) +{ + int length = str.length(); + int length2 = word.length(); + int position = str.indexOf(word); + int n = 0; + StringBuilder newString = new StringBuilder(length); + while (position != -1) + { + for (int i = 0; i < position; i++) + { + newString.append('+'); + n = i; + } + newString.append(word); + n = position + length2; + position = str.indexOf(word, n); + } + for (int j = n; j < length; j++) + { + newString.append('+'); + } + return newString.toString(); + + //for loop check every line + //if it finds the first two characters, assume same + //assign the value of i to another local variable + //return 0 to i -1 as +, return i to word.length, return +} +" +fe9af1efe347b66753c2c8fb2ec435e1fbffa4c2,"public String plusOut(String str, String word) +{ + StringBuffer result = new StringBuffer(); + int i = 0; + + while(i < str.length()) { + if(i <= str.length() - word.length() && + str.substring(i, i + word.length()).equals(word)) { + result.append(word); + i += word.length(); + } else { + result.append(""+""); + i++; + } + } + + return result.toString(); +} +" +2928259609d55d8713e6560d0542245e5a543f02,"public String plusOut(String str, String word) +{ + String finalString = """"; + for (int i=0;istr.length()-word.length();i--){ + finalString+=""+""; + return finalString; +} +" +c002828c7191bc945d4ad528d30f4897dcca6fe8,"public String plusOut(String str, String word) +{ + String finalString = """"; + for (int i=0;istr.length()-word.length();i--){ + finalString+=""+""; + } + return finalString; +} +" +cc4d36c135bdc822cb6aebd03dfde98d31721f8d,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); + +} +" +73807aa6d3a8d9a49dd57bc3d5d1cddbea6f2909,"public String plusOut(String str, String word) +{ + String finalString = """"; + int index = indexOf(word); + for (int i=0;i sTwo.length()) + { + sTwo += ""+""; + } + return sTwo; +} +" +f1e946a8457a115df1c8c3e4b8c6f404ef26b19b,"public String plusOut(String str, String word) +{ + if (str.contains(""12xy34"") && !word.contains(""xy"") + { + return ""++xy++""; + } + else if (str.contains(""12xy34"")) + { + return ""1+++++""; + } + else if (str.contains(""12xy34xyabcxy"")) + { + return ""1++xy++xy+++xy""; + } + else if (str.contains(""abXYabcXYZ"") && !word.contains(""abc"") && !word.contains(""XY"") + { + return ""ab++ab++++""; + } + else if (str.contains(""abXYabcXYZ"") && !word.contains(""XY"") + { + return ""++++abc+++""; + } +} +" +f4078b1a71707b3033c67f5e6f6829f1e33f7470,"public String plusOut(String str, String word) +{ + if (str.contains(""12xy34"") && !word.contains(""xy"")) + { + return ""++xy++""; + } + else if (str.contains(""12xy34"")) + { + return ""1+++++""; + } + else if (str.contains(""12xy34xyabcxy"")) + { + return ""1++xy++xy+++xy""; + } + else if (str.contains(""abXYabcXYZ"") && !word.contains(""abc"") && !word.contains(""XY"")) + { + return ""ab++ab++++""; + } + else if (str.contains(""abXYabcXYZ"") && !word.contains(""XY"")) + { + return ""++++abc+++""; + } +} +" +fba04a434f854622f94d0f0895f4c8271c9ebb3d,"public String plusOut(String str, String word) +{ + String finalString = """"; + int index = str.indexOf(word); + int lastIndex = str.lastIndexOf(word); + for (int i=0;i sTwo.length()) + { + sTwo += ""+""; + } + return sTwo; +} +" +3a74adb28e8675b4310ea250a95810bf976e60f9,"public String plusOut(String str, String word) +{ + String strang = """"; + for(int i = 0; i < word.length(); i++) + { + for(int j = 0; j < str.length(); j++) + { + if(str.charAt(j) == word.charAt(i)) + { + strang = strang + ""+""; + } + else + { + strang = strang + str.charAt(j); + } + } + } + return strang; +} +" +bde75084d92e20b7d8938f175dd359cb8168fe14,"public String plusOut(String str, String word) +{ + if (str.contains(""12xy34"")) + { + return ""++xy++""; + } + else if (str.contains(""12xy34"") && !word.contains(""xy"")) + { + return ""1+++++""; + } + else if (str.contains(""12xy34xyabcxy"")) + { + return ""1++xy++xy+++xy""; + } + else if (str.contains(""abXYabcXYZ"") && !word.contains(""abc"") && !word.contains(""XY"")) + { + return ""ab++ab++++""; + } + else if (str.contains(""abXYabcXYZ"") && !word.contains(""XY"")) + { + return ""++++abc+++""; + } + else + { + return str; + } +} +" +e38c07305d47ffd4f7ba721fffdfd211df281a52,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +d6cae903650a09585ae1bb496e05fc63b9b6524f,"public String plusOut(String str, String word) +{ + int i = 0; + String sTwo = """"; + while (i < str.length() - word.length() + 1) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + sTwo += ""+""; + i++; + } + else + { + sTwo += word; + i += word.length(); + } + } + while (str.length() > sTwo.length()) + { + sTwo += ""+""; + } + return sTwo; +} +" +d45fce9b9a3d22b17aae3fa74578ecd7329b9f2a,"public String plusOut(String str, String word) +{ + String finalString = """"; + int index = str.indexOf(word); + int lastIndex = str.lastIndexOf(word); + if (str == ""12xy34xyabcxy"") + return ""++xy++xy+++xy"" + for (int i=0;i 0) + { + replace = str.substring(str.indexOf(word, i) - word.length(), str.indexOf(word, i)); + }else + { + replace = str.substring(0, str.indexOf(word,i)); + } + // System.out.println(""replace: ""+replace); + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + // System.out.println(""plus: ""+ plus); + } + str = str.replace(replace, plus); + //System.out.println(str); + replace = str.substring(str.indexOf(word, i)+ word.length(), str.length()); + //System.out.println(""replace: ""+replace); + plus = """"; + for(int j = 0; j < replace.length(); j++){ + plus += ""+""; + // System.out.println(""plus: ""+ plus); + } + str = str.replace(replace, plus); + System.out.println(""final answer: "" + str); + } +} + return str; +} +" +ce586d94617ba1408a07ef2e243f817ffe9b4a92,"public String plusOut(String str, String word) +{ + int no = str.indexOf(word); + str.replace(0, no, ""+""); + str.replace(no + word.legnth, ""+""); + return str; +} +" +27b389f09a0f432f3f3f6ba35b087ea370188e6b,"public String plusOut(String str, String word) +{ + int no = str.indexOf(word); + str.replace(0, no, ""+""); + str.replace(no + word.legnth(), ""+""); + return str; +} +" +19357dfbc6b35e063b8f710d442967c765e204f1,"public String plusOut(String str, String word) +{ + int a = str.length(); + int j = str.indexOf(word); + String finalString1 = """"; + if (j == -1) + { + return str; + } + while(j != -1) + { + for (int i = 0; i < j; i++) + { + finalString1 = finalString1 + ""+""; + } + finalString1 = finalString1 + word; + str = str.substring(j+1); + j = str.indexOf(word); + } + int d = a - finalString1.length(); + for (int i = 0; i <= d; i ++) + { + finalString1 = finalString1 + ""+""; + } + return finalString1; + } + +} +" +4bec8f7e6d2c77a4cf47fd8eee6496782f5ce460,"public String plusOut(String str, String word) +{ + String ans = """"; + for (int i = 0; i < str.length(); i++){ + if (str.charAt(i) == word.charAt(0)){ + if (i + word.length() <= str.length()){ + for (int j = 0; j < wordl.length(); j++){ + if (word.charAt(j) != str.charAt(i + j)){ + wrong = true; + } + } + if (wrong){ + ans += '+'; + } else { + ans == word; + i+= word.length() - 1; + } + wrong = false; + } + } else { + ans += '+'; + } + } + return ans; +} +" +91382dbabc997fe3790c8de5a89d472b3800dcb5,"public String plusOut(String str, String word) +{ + int a = str.length(); + int j = str.indexOf(word); + String finalString1 = """"; + if (j == -1) + { + return str; + } + while(j != -1) + { + for (int i = 0; i < j; i++) + { + finalString1 = finalString1 + ""+""; + } + finalString1 = finalString1 + word; + str = str.substring(j+1); + j = str.indexOf(word); + } + int d = a - finalString1.length(); + for (int i = 0; i <= d; i ++) + { + finalString1 = finalString1 + ""+""; + } + return finalString1; +} +" +8d257551d19fdc3ddefbc0020c17823ce87d40d9,"public String plusOut(String str, String word) +{ + String ans = """"; + for (int i = 0; i < str.length(); i++){ + if (str.charAt(i) == word.charAt(0)){ + if (i + word.length() <= str.length()){ + for (int j = 0; j < wordl.length(); j++){ + if (word.charAt(j) != str.charAt(i + j)){ + wrong = true; + } + } + if (wrong){ + ans += '+'; + } else { + ans += word; + i+= word.length() - 1; + } + wrong = false; + } + } else { + ans += '+'; + } + } + return ans; +} +" +435de5d8820854637269b3ef78b9b5348260935b,"public String plusOut(String str, String word) +{ + int a = str.length(); + int j = str.indexOf(word); + String finalString1 = """"; + if (j == -1) + { + return str; + } + while(j != -1) + { + for (int i = 0; i < j; i++) + { + finalString1 = finalString1 + ""+""; + } + finalString1 = finalString1 + word; + str = str.substring(j+1); + j = str.indexOf(word); + } + int d = a - finalString1.length(); + for (int i = 0; i < d; i ++) + { + finalString1 = finalString1 + ""+""; + } + return finalString1; +} +" +ab73ebdfd44e10b1f3ae3524bc7a2d6434200d6f,"public String plusOut(String str, String word) +{ + String ans = """"; + for (int i = 0; i < str.length(); i++){ + if (str.charAt(i) == word.charAt(0)){ + if (i + word.length() <= str.length()){ + for (int j = 0; j < word.length(); j++){ + if (word.charAt(j) != str.charAt(i + j)){ + wrong = true; + } + } + if (wrong){ + ans += '+'; + } else { + ans += word; + i+= word.length() - 1; + } + wrong = false; + } + } else { + ans += '+'; + } + } + return ans; +} +" +c7afa5110ad3e125df6ffbf32f1d637afa56532e,"public String plusOut(String str, String word) +{ + String ans = """"; + boolean wrong = false; + for (int i = 0; i < str.length(); i++){ + if (str.charAt(i) == word.charAt(0)){ + if (i + word.length() <= str.length()){ + for (int j = 0; j < word.length(); j++){ + if (word.charAt(j) != str.charAt(i + j)){ + wrong = true; + } + } + if (wrong){ + ans += '+'; + } else { + ans += word; + i+= word.length() - 1; + } + wrong = false; + } + } else { + ans += '+'; + } + } + return ans; +} +" +39d3d0f0b363c457297150b35b2fbb84fe97dc17,"public String plusOut(String str, String word) +{ + String res=""""; + int i=0; + while(i= 1) + stbuild.append(str.charAt(pos-1)); + if(i < len) + stbuild.append(str.charAt(pos+wLen)); + pos = str.indexOf(word, i); + } + return stbuild.toString(); +} +" +7aef5d966b5c0901b9fcbc034440dbeb9bbefc92,"public String plusOut(String str, String word) +{ + for (int i = 0; i < str.length(); i++) + { + String plusString; + while (i != str.length()) + { + if (!str.substring(i, i + word.length()).equals(word)) + { + plusString = str.replace(str.charAt(i), '+'); + } + } + return plusString; + } + return ""f""; +}" +bd8d02e3719f7fe91189b223a5fec76c4f3de77c,"public String plusOut(String str, String word) +{ + String res=""""; +int i=0; +while(i= word.length() + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + break; + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + +} +" +e11f14d2951ccf3ef4ab8be0b00efa9642e58a8f,"public String plusOut(String str, String word) +{ + i = 0; + String counter = 0; + + if (str.length() >= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + break; + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + +} +" +0bd836d531ea7501e3e6ec6ca38ea46682aefdbd,"public String plusOut(String str, String word) +{ + int strSize = str.length(); + String pluses = """"; + if (str.equals(word)) + return str; + else + for(int i=0;i= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + break; + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + +} +" +92b79350ebe4de4169499d7b3ccc97bcee292548,"public String plusOut(String str, String word) +{ + String fin = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(word)) + { + i + word.length(); + fin = fin + word; + } + else + { + fin = fin + ""+""; + } + } +} +" +148dc17da7f7593baad95222bfbed8e4b2353476,"public String plusOut(String str, String word) +{ + String out = """"; + int len = str.length(); + int wLen = word.length(); + for (int i = 0; i < len;) + { + if ((i + wLen <= len) && str.substring(i, i + wLen).equals(word)) + { + out = out + word; + i += wLen; + } + else + { + out = out + ""+""; + i++; + } + } + return out; +} +" +e7b0eaa8d2a2153c81ae3e966850c0cde9cf90ad,"public String plusOut(String str, String word) +{ + int i = 0; + String counter = """"; + + if (str.length() >= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + break; + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + +} +" +3a466d27d4598828db00518eb0bc0db0369b1f86,"public String plusOut(String str, String word) +{ + String fin = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(word)) + { + i = i + word.length(); + fin = fin + word; + } + else + { + fin = fin + ""+""; + } + } +} +" +9530789d388fadbdd89896539b63f0b2b659912f,"public String plusOut(String str, String word) +{ + String fin = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(word)) + { + i = i + word.length(); + fin = fin + word; + } + else + { + fin = fin + ""+""; + } + } + return fin; +} +" +0f9891ff7f7084246094fa080cff7a02deaf517d,"public String plusOut(String str, String word) +{ + String endString = """"; + + for (int x = 0; x < str.length(); x++) + { + if (str.indexOf(word).equalsn(x)); + { + endString = endString + word; + x = endString + word.length() -1; + } + else + { + endString = endString + ""+""; + } + return endString; + +} +" +d7f19613c8d42af38e167ba4a930ef965b6f890c,"public String plusOut(String str, String word) +{ + String fin = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(word)) + { + i = i + word.length() - 1; + fin = fin + word; + } + else + { + fin = fin + ""+""; + } + } + return fin; +} +" +eb119216a0e0460ea8e6ce4fc54c8e6f35b7dae6,"public String plusOut(String str, String word) +{ + String endString = """"; + + for (int x = 0; x < str.length(); x++) + { + if (str.indexOf(word).equalsn(x)); + { + endString = endString + word; + x = endString + word.length() -1; + } + else + { + endString = endString + ""+""; + } + return endString; + } +} +" +47dd3c8aa80b4f3d56c079540a55b71106f0bee1,"public String plusOut(String str, String word) +{ + int i = 0; + String counter = """"; + + if (str.length() >= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + break; + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + +} +" +efcf57d475c03468b53ec001ebc27e05586cd8b5,"public String plusOut(String str, String word) +{ + String endString = """"; + + for (int x = 0; x < str.length(); x++) + { + if (str.indexOf(word).equalsn(x)); + { + endString = endString + word; + x = endString + word.length() -1; + } + else if + { + endString = endString + ""+""; + } + return endString; + } +} +" +a6d79594ccd8eda824590ed3c1b0ac399db80b23,"public String plusOut(String str, String word) +{ + String res=""""; + int i=0; + while(i= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + break; + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + +} +" +c84ec2a4d4be051cb25831939ccc6446d7e318ab,"public String plusOut(String str, String word) +{ + int i = 0; + String counter = """"; + + if (str.length() >= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + return ""true""; + break; + + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + +} +" +432a7073b0d1bc8891db9198283d82929fe6c920,"public String plusOut(String str, String word) +{ + int i = 0; + String counter = """"; + + if (str.length() >= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + return ""true""; + //break; + + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + +} +" +ac146620d9709215048b47f00bbc1e125a9f27d0,"public String plusOut(String str, String word) +{ + String endString = """"; + + for (int x = 0; x < str.length(); x++) + { + if (x == str.indexOf(word)); + { + +} +" +91d00655e0b91b35e8982a9ec7a035ef6844ce29,"public String plusOut(String str, String word) +{ + int i = 0; + String counter = """"; + + if (str.length() >= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, word.length()) .equals (word)) + { + return ""true""; + //break; + + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + } + } + else + { + for (i= 0; i<=str.length(); i++) + { + counter = counter + ""+""; + } + + return counter; + } + return ""true""; +} +" +3fc85bb7f530b55eb1c11ae286cfecfeea824856,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +0d2208be43061348505bb6ed1ec4c78367a853eb,"public String plusOut(String str, String word) +{ + int lengthStr = str.length(); + String nextStr = """"; + for (int i = 0; i < lengthStr; i = i + 1) + { + char one = str.charAt(i); + char two = word.charAt(i); + char next; + if (one == two) + { + next = one; + } + else + { + next = '+'; + } + nextStr = nextStr + next; + } + return nextStr; +} +" +9b8cfc489ccda9a1428cc9470717d5482d017277,"public String plusOut(String str, String word) +{ + String ret = """"; + String[] s = str.split(word); + for(String a: s) { + for(int i = 0; i < a.length(); i++) { + ret+=""+""; + } + ret+=word; + } + return ret; + + +} + +" +e527afe489fc4b53f40d666f51496ed58fa03716,"public String plusOut(String str, String word) +{ + int A=str.length(); + int B=word.length(); + String s = """"; + for (int i = 0; i< A; i++) + { + if (i <=A-B) + { + String l=str.substring(i, i+B); + if (l.equals(word)) + { + s+=word; + i+=B-1; + } + else + { + s=+ ""+""; + } + + } + else + { + s+=""+""; + } + } + return s; +} +" +9ab9adfbd148ab36fea8046986a42317f6b53a8e,"public String plusOut(String str, String word) +{ + String output = """"; + int i = 0 ; + + while(i < str.length() ) + { + if (str.substring(i).startsWith(word)) + { + output = output + word; + i = i + word.length(); + } + else + { + result = result + ""+"" ; + i++; + } + } + + return output; +}" +d53da382ab01972755bb1250b96d3b3b438f4d43,"public String plusOut(String str, String word) +{ + String output = """"; + int i = 0 ; + + while(i < str.length() ) + { + if (str.substring(i).startsWith(word)) + { + output = output + word; + i = i + word.length(); + } + else + { + output = output + ""+"" ; + i++; + } + } + + return output; +}" +cb37950783ecd5ff6a29006a7fa07535507b47b1,"public String plusOut(String str, String word) +{ + int A=str.length(); + int B=word.length(); + String s = """"; + for (int i = 0; i< A; i++) + { + if (i <=A-B) + { + String l=str.substring(i, i+B); + if (l.equals(word)) + { + s+=word; + i+=B-1; + } + else + { + s+= ""+""; + } + + } + else + { + s+=""+""; + } + } + return s; +} +" +820725d1ebfb5a3a68e6d9c49ad6182319b9d867,"public String plusOut(String str, String word) +{ + int string = str.length(); + int word = word.lenght(); + String finish = """"; + + for (int i = 0; i < string; i++) + { + if (i <= string - word) + { + String temp = str.substring(i, i + word); + if (temp.equals(word)) + { + finish += ""+""; + } + else finish += ""+""; + } + return finish; + } +} +" +306e642c079d9a4aa85034fdda1d9002309fb4de,"public String plusOut(String str, String word) +{ + int string = str.length(); + int word = word.length(); + String finish = """"; + + for (int i = 0; i < string; i++) + { + if (i <= string - word) + { + String temp = str.substring(i, i + word); + if (temp.equals(word)) + { + finish += ""+""; + } + else finish += ""+""; + } + return finish; + } +} +" +772786b09752d9da490899dba42954d39945fa04,"public String plusOut(String str, String word) +{ + int stri = str.length(); + int word = word.length(); + String finish = """"; + + for (int i = 0; i < stri; i++) + { + if (i <= stri - word) + { + String temp = str.substring(i, i + word); + if (temp.equals(word)) + { + finish += ""+""; + } + else finish += ""+""; + } + return finish; + } +} +" +fedff4952ddc72d75d7f9206ca62293526c255c6,"public String plusOut(String str, String word) +{ +String result = """"; +for(int i = 0; i < str.length(); i++) +{ +if(i + word.length() > str.length()) { +break; +} + +if(str.substring(i, i + word.length()).equals(word)) +{ +result += word; +i += (word.length() - 1); +} +else +{ +result += ""+"" ; +} +} +if(result.length() != str.length()) { +while(result.length() != str.length()) { +result += ""+""; +} +} +retu" +25dc1b218b079a0a049f5aa57649152f33a5fca4,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); + +} +" +06747e24d29d7fcd5f27236cdf4331357901cad4,"public String plusOut(String str, String word) +{ + int stri = str.length(); + int wor = word.length(); + String finish = """"; + + for (int i = 0; i < stri; i++) + { + if (i <= stri - wor) + { + String temp = str.substring(i, i + wor); + if (temp.equals(wor)) + { + finish += ""+""; + } + else finish += ""+""; + } + return finish; + } +} +" +d37741d7d99a5568e5bd288a3f89fd529b7a3dc0,"public String plusOut(String str, String word) +{ +String result = """"; +for(int i = 0; i < str.length(); i++) +{ +if(i + word.length() > str.length()) { +break; +} + +if(str.substring(i, i + word.length()).equals(word)) +{ +result += word; +i += (word.length() - 1); +} +else +{ +result += ""+"" ; +} +} +if(result.length() != str.length()) { +while(result.length() != str.length()) { +result += ""+""; +} +} +return result; +}" +a06a58d2302d01cfad5f990383ef0e1af4910262,"public String plusOut(String str, String word) +{ + String ret = """"; + String[] s = str.split(word); + for(String a: s) { + for(int i = 0; i < a.length(); i++) { + ret+=""+""; + } + if(a != s[s.length]) + ret+=word; + } + return ret; + + +} + +" +0c64f788e7585041df555bfd87aa58d1117a78af,"public String plusOut(String str, String word) +{ + + String mystring=""""; + int i=0; + while(i= word.length()) + { + for (i = 0; i<=str.length()-word.length(); i++) + { + if (str.substring(i, i+word.length()) .equals (word)) + { + for (int j= 0; j= 1) + { + a = a + ""+""; + } + for (int i = 0; i < str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + a = a.substring(0, i) + word + a.substring(i + word.length()); + } + } + return(a); +} +" +80054099ada64c4ec2fed6b3e2219d30d4aae048,"public String plusOut(String str, String word) +{ + int s = 0; + int leg = str.length(); + int len = word.lenght(); + int pos = str.indexOf(word); + StringBuilder build = new StringBuilder(leg); + while (pos != 1) + { + while (s < pos) + build.append('+'); + s++; + build.append(word); + s = pos + len; + pos = str.indexOf(word, s); + } + for (; s < leg; s++) + build.append('+') + return build.toString(); +} +" +2a1128b26d921a501e8b5cb678d9504da2107bec,"public String plusOut(String str, String word) +{ + String answer = """" + for (int i = 0; i < str.length() - word.length(); i++) + { + if (str.substring(i, word.length()).equals(word)) + { + answer = answer + word + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +3e10656b92835972de44a9a8d1a678872aad839a,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordlength = word.length(); + String sub = """"; + + for (int i = 0; i < length; i++) + { + if (i < wordlength) + { + if (str.charAt(i) == word.charAt(i)) + { + sub = sub + word; + } + else + { + sub = sub + ""+""; + } + } + + } + return sub; +} +" +c5e0a6f306b6abfdb743cd34a3b4481249eeb1ae,"public String plusOut(String str, String word) +{ + int s = 0; + int leg = str.length(); + int len = word.lenght(); + int pos = str.indexOf(word); + StringBuilder build = new StringBuilder(leg); + while (pos != 1) + { + while (s < pos) + build.append('+'); + s++; + build.append(word); + s = pos + len; + pos = str.indexOf(word, s); + } + for (; s < leg; s++) + build.append('+'); + return build.toString(); +} +" +6c02ffa8d3c9dd4f573cd5956d42de65849b114f,"public String plusOut(String str, String word) +{ + String answer = """"; + for (int i = 0; i < str.length() - word.length(); i++) + { + if (str.substring(i, word.length()).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +bc1402ac3fac01b2ca3ee8e0f3154ef6b22e7c61,"public String plusOut(String str, String word) +{ + int length = str.length(); + int wordLength = word.length(); + int firstPosition = str.indexOf(word); + int nextPosition = firstPosition + wordLength; + StringBuilder constructor1 = new StringBuilder(length); + + for (int i = 0; i= 1) + { + a = a + ""+""; + f = f - 1; + } + for (int i = 0; i < str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + a = a.substring(0, i) + word + a.substring(i + word.length()); + } + } + return(a); +} +" +f3aad3095f573ab6772cadec88ed6ecb22d7038b,"public String plusOut(String str, String word) +{ + String answer = """"; + for (int i = 0; i < str.length() - word.length(); i++) + { + if (str.substring(i, word.length() + 1).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +bc162e81d0dcb83ff31319910aeb2d918059fd89,"public String plusOut(String str, String word) +{ + String a = """"; + int f = str.length(); + while (f >= 1) + { + a = a + ""+""; + f = f - 1; + } + for (int i = 0; i <= str.length() - word.length(); i++) + { + if (str.substring(i, i + word.length()).equals(word)) + { + a = a.substring(0, i) + word + a.substring(i + word.length()); + } + } + return(a); +} +" +74c5c2b59ebdb13a800b0ed81ac9b9c1d3f8d056,"public String plusOut(String str, String word) +{ + String returnStr = """"; + String tempStr = """"; + + for(int j = 0; j < str.length(); j++) + { + if (j < str.length() - word.length()) + { + tempStr = str.substring(j, j + word.length()); + if (tempStr.equals(word)) + { + returnStr += word; + j += word.length() - 1; + } + else + { + returnStr += ""+""; + } + } + else + { + returnStr += ""+""; + } + } + return returnStr; +} +" +1e37ee2ebf480e56a45b1124fbd8a4736bad7bce,"public String plusOut(String str, String word) +{ + int s = 0; + int leg = str.length(); + int len = word.length(); + int pos = str.indexOf(word); + StringBuilder build = new StringBuilder(leg); + while (pos != 1) + { + while (s < pos) + { + build.append('+'); + s++; + } + build.append(word); + s = pos + len; + pos = str.indexOf(word, s); + } + for (; s < leg; s++) + build.append('+'); + return build.toString(); +} +" +ba141fc1a301165851848e560d7a7efdc4186dfb,"public String plusOut(String str, String word) +{ + int len = word.length(); + for (int i= 0; i word.length(); i--) + { + if (str.substring(i, word.length()).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +14063edafd52917b19be16ab2fa6559dd6c91b63,"public String plusOut(String str, String word) +{ + String answer = """"; + for (int i = str.length(); i > word.length(); i--) + { + if (str.substring(i, word.length()).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +f67a42b78ea06ff89253c2b5d7a225b8d6673ea4,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} + +" +0f6c0a494b52b4e6519f406ebe9e74158d774708,"public String plusOut(String str, String word) +{ + String updatedStr = """"; + int i = 0; + while (i < str.length()) + { + if (str.substring(i).startsWith(word)) + { + updatedStr = updatedStr + word; + i = i + wrod.length(); + } + else + { + updatedStr = updatedStr + ""+""; + i++; + } + } + return updatedStr; +} +" +4de1730d062de4b50ec1b91e635fa3c081db4de3,"public String plusOut(String str, String word) +{ + String answer = """"; + for (int i = str.length(); i > word.length(); i--) + { + if (str.substring(word.length(), i).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +2443411fc571c1e862c05d6aa98721b74f596a90,"public int countCode(String str) +{ +int count =0; +for(int i=0;i word.length(); i--) + { + if (str.substring(word.length(), i+1).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +5a1ceaa9f4dc477484ce39a0abb415bb11d366b8,"public int countCode(String str) +{ +int count =0; +for(int i=0; i word.length(); i--) + { + if (str.substring(word.length(), i-1).equals(word)) + { + answer = answer + word; + } + else + { + answer = answer + ""+""; + } + } + return answer; +} + + " +100d7b65acc5c044b6219fe705f49e89ba41ac38,"public String plusOut(String str, String word) +{ + + + String w = str.substring(x); + String endString = """"; + + + for (int x = 0; x < str.length(); x++) + { + if (w.startsWith(word)) + endString = endString + word; + x = x + word.length(); + } + else + { + endString = endString + ""+""; + } + + return endString; + + } + +} +" +af87003d24d6cad9a264df57a5b41020372cf967,"public String plusOut(String str, String word) +{ + int lengthStr = str.length(); + int lengthWord = word.length(); + String nextStr = """"; + for (int i = 0; i < lengthStr - lengthWord + 1; i = i + 1) + { + String part = str.substring(i, i + lengthWord); + if (part.equals(word)) + { + nextStr = nextStr + word; + i = i + lengthWord - 1; + } + else + { + nextStr = nextStr + '+'; + + } + } + return nextStr; +} + + + + /** for (int j = 0; j < lengthWord; j = j + 1) + { + char two = word.charAt(j); + char next; + if (one == two) + { + next = one; + } + else + { + next = '+'; + } + nextStr = nextStr + next; + } + } + return nextStr; */ +" +ddee49334ad19a58abdeb71d64a19fb8f0b5caf7,"public String plusOut(String str, String word) +{ + String temp = """"; + int i = 0; + + while (i < str.length()) + { + if (str.substring(i).startsWith(word)) + { + temp = temp + word; + i = i + word.length(); + } + else + { + temp = temp + ""+""; + i++; + } + } + return temp; +} +" +020a96b553d59712f4b32ef9a5a4e684761c1ed4,"public String plusOut(String str, String word) +{ + String answer = """"; + for (int i = str.length(); i > word.length(); i--) + { + if (str.substring(word.length(), i-1).equals(word)) + { + answer = answer + word; + } + else if (!str.substring(word.length(), i-1).equals(word)) + { + answer = answer + ""+""; + } + } + return answer; +} + + " +0360fe9c1e47524f166f7d45195b383e5fc4504e,"public String plusOut(String str, String word) +{ + + + String w = str.substring(x); + String endString = """"; + + + for (int x = 0; x < str.length(); x++) + { + if (w.startsWith(word)) + { + endString = endString + word; + x = x + word.length(); + } + else + { + endString = endString + ""+""; + } + + return endString; + + }} + +} +" +0eeef843d4c5686820736307b59a33b3a102282c,"public String plusOut(String str, String word) +{ + + + String w = str.substring(x); + String endString = """"; + + + for (int x = 0; x < str.length(); x++) + { + if (w.startsWith(word)) + { + endString = endString + word; + x = x + word.length(); + } + else + { + endString = endString + ""+""; + } + + return endString; + + }} + +}} +" +d208dbeee4a31e58f61aac1c6b27761f7382d378,"public String plusOut(String str, String word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + while(i < pos) + { + stbuild.append('+'); + i++; + } + stbuild.append(word); + i = pos + wLen; + pos = str.indexOf(word, i); + } + for(; i < len; i++) + stbuild.append('+'); + return stbuild.toString(); +} +" +7e5df284a65f14d945cae5431f86b221e53c6d20,"public String plusOut(String str, String word) +{ + String returnString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(word)) + { + returnString = returnString + word; + i = i + word.length(); + } + else + { + returnString = returnString + ""+""; + } + } + return returnString; +} +" +66b9b8abb2d85b7af690004d92c202f3b5ea8e13,"public String plusOut(String str, String word) +{ + int lengthStr = str.length(); + int lengthWord = word.length(); + String nextStr = """"; + int i = 0; + while (i < lengthStr - lengthWord + 1) + { + String part = str.substring(i, i + lengthWord); + if (part.equals(word)) + { + nextStr = nextStr + word; + i = i + lengthWord; + } + else + { + nextStr = nextStr + '+'; + i = i + 1; + } + } + return nextStr; +} + + + + /** for (int j = 0; j < lengthWord; j = j + 1) + { + char two = word.charAt(j); + char next; + if (one == two) + { + next = one; + } + else + { + next = '+'; + } + nextStr = nextStr + next; + } + } + return nextStr; */ +" +e981d2d52cee654b04d00050c8fdb8a0e502b24c,"public String plusOut(String str, String word) +{ + String returnString = """"; + for (int i = 0; i < str.length()-1; i++) + { + if (str.substring(i).startsWith(word)) + { + returnString = returnString + word; + i = i + word.length(); + } + else + { + returnString = returnString + ""+""; + } + } + return returnString; +} +" +b91212e90aa138f6b5784d612d44f8a585a98710,"public String plusOut(String str, String word) +{ + String returnString = """"; + for (int i = 0; i < str.length()+1; i++) + { + if (str.substring(i).startsWith(word)) + { + returnString = returnString + word; + i = i + word.length(); + } + else + { + returnString = returnString + ""+""; + } + } + return returnString; +} +" +f890abc7632f0a6b0c57016614608192aa752843,"public String plusOut(String str, String word) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length() - n); + for (int i = 0; i nums.length - + n; k--) + { + back[k] = nums[k]; + } + if (front[] == back[]) + { + return true; + } + else + { + return false; + } +} +" +bb611b8237cd04a2e86fff1d7f967ff81183edb6,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +12304a6edd427e5dfd94eba57a4b0cf1aa4b03d2,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.legth - n + for (int x = 0; 0 < n; x++) + { + if (nums[start + x] != nums[end + x]) + return false; + else + return true; + } +} +" +89ef50fd03f747715345e849818566dc2a7d8ae5,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.legth - n; + for (int x = 0; 0 < n; x++) + { + if (nums[start + x] != nums[end + x]) + return false; + + + } + return true; +} +" +4d4bed691ce78bbaead052e5e692d96b04d0e2be,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (int x = 0; 0 < n; x++) + { + if (nums[start + x] != nums[end + x]) + return false; + + + } + return true; +} +" +e9cc62065f7db3bcc1cf9e16a7f1be1f08635f69,"public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + int count = 0; + for (int i = 0; i < n; i++) + { + front[i] = nums[i]; + } + int c = 0; + for (int k = nums.length - n; k < nums.length + ; k++) + { + back[c] = nums[k]; + c += 1; + } + for (int t = 0; t < n; t++) + { + if (back[t] == front[t]) + { + count += 1; + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +ad25a83604f2297022dcae3a209dcd0982f22ece,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (n > 0; n--) + { + if (nums[start] != nums[end]) + return false; + else + { + end++; + start++; + } + + + } + return true; +} +" +ba535aab93f96ce967edcf937d9f939ed183a266,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (;n > 0; n--) + { + if (nums[start] != nums[end]) + return false; + else + { + end++; + start++; + } + + + } + return true; +} +" +e60ee11f457efe805e8f05297570b5b7bb6c527c,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.lenght - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i <= n) + { + if (nums(i) != nums(size - i) + return false; + + } + } + return true; +} +" +068fc3d020ba639d491a073a9530f52f9c59276a,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.lenght - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i <= n) + { + if (nums(i) != nums(size - i)) + return false; + + } + } + return true; +} +" +c18ff38983f0f5b6abdfefa2cf4da5c5e72c1a7c,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i <= n) + { + if (nums(i) != nums(size - i)) + return false; + + } + } + return true; +} +" +6f238f06fc6818b696b26487490c090bdaa9d031,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i <= n) + { + if (nums[i] != nums[size - i]) + return false; + + } + } + return true; +} +" +17cfae5ba55a3aa1f23f10496d47ca21ccf29b31,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - i]) + return false; + + } + } + return true; +} +" +015cc63a2810e81720a72c6278fcbee40f16fa98,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - (n+i)]) + return false; + + } + } + return true; +} +" +ecdf4ab81051719f533baa5ffe2950e4af473ad7,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - n + i)]) + return false; + + } + } + return true; +} +" +3771836b56d58267ebcbe44a512f01c110a01335,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - (n - i)]) + return false; + + } + } + return true; +} +" +8b68032e20060fcc6f6e598f0415cc7ae41b7179,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - i]) + return false; + + } + } + return true; +} +" +6d9aa2c29b38ed64f7cf713a95ec5c89d708d613,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - (n-i+1)]) + return false; + + } + } + return true; +} +" +d546803425ee124fa37d87105c2b30a96dfe597e,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - (n-i)]) + return false; + + } + } + return true; +} +" +f382a2a6f56cac8562304db0504ea56525b2bb61,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length - 1; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size-1 - (n-i)]) + return false; + + } + } + return true; +} +" +19bc607e60f376b3a6f817be2bfb8103f05e120a,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length ; + for (int i = 0; i < nums.length; i++) + { + if ( i < n) + { + if (nums[i] != nums[size - (n-i)]) + return false; + + } + } + return true; +} +" +1babb7d32783410d39bbf4d0610615ad859f1afa,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +b6acd06a088e32409459e87e52a76122e796704d,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false + } + + } + + return false; +} + +" +560377dcdf6da429d6799caabccae79391bbb832,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + + } + + return false; +} + +" +0a95abed6754ea2a717c1cba87c5bc87c3556902,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + + } + + return true; +} + +" +17e6ae5695979a8ffd86cb288bccfd5df36d55aa,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length - 1; + boolean bool = false; + for (int i = 0; i <= n; i++) + { + if (nums[i] == nums[length - i]) + { + bool = true; + } + else + { + return false; + } + } + return bool; + +} +" +fd078d3a15c4f2c7d0a5bf62adfc0202cf521804,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +c2d424447d3143579c05fa9582b0d79edafb7927,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length - 1; + boolean bool = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[length - i]) + { + bool = true; + } + else + { + return false; + } + } + return bool; + +} +" +4237b81a8bb7b95d6a0f9df201313166ac969f17,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length - 1; + boolean bool = true; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[length - i]) + { + bool = true; + } + else + { + return false; + } + } + return bool; + +} +" +c73bcbf30ce28826c62a081044fbd508c883e84d,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length - 1; + boolean bool = true; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[length - i]) + { + bool = true; + } + else + { + return false; + } + } + return bool; + +} +" +4189b4864e3d15ec42e8b472ca230bc26466b567,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +9197d9055431feec9ee237b52ad59242fa6a0f32,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +e66fbeb6814a6741b95deb083b9665697621476c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; length > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +66ca272076dabeadc4f47fbcc2fc49168fc1c9f9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; length > 0; length--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +80b050b0dc24a41ae3ed3c94948bc4112806c62a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length; + for(; length > 0; length--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +5063074b0cc1bc356fe6492418d96718fbbe34f3,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +72fb2b4ba65915313cc23a3791cceb1b609adc48,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length-len; + + for(; len > 0; len--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +fd0d90cd11f3a7ca2eb25af8e95e7efafb407a49,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length-n; + + for(; n > 0; len--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +16d3f4b07405d4fb88304fb6d2d78b4e7251e369,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length-n; + + for(; n > 0; n--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +fec4f992142c7701ace13996ae4e676c0d47fa8d,"public boolean sameEnds(int[] nums, int n) +{ + int indic = 0; + for (int i = 0; i <= n; i++) { + indic = 0; + for (int k = nums.length - 1; k >= nums.length - n); k--) { + if (nums[i] == nums[k]) { + indic = 1; + } + } + if (indic == 0) { + return false; + } + } +} +" +3ce3619d422b2d76e1067978dd90de8c1cea1eb7,"public boolean sameEnds(int[] nums, int n) +{ + int indic = 0; + for (int i = 0; i <= n; i++) { + indic = 0; + for (int k = nums.length - 1; k >= nums.length - n; k--) { + if (nums[i] == nums[k]) { + indic = 1; + } + } + if (indic == 0) { + return false; + } + } +} +" +4bca32ea20bc6c650300cf34ff97db12fcd8939e,"public boolean sameEnds(int[] nums, int n) +{ + int indic = 0; + for (int i = 0; i <= n; i++) { + indic = 0; + for (int k = nums.length - 1; k >= nums.length - n; k--) { + if (nums[i] == nums[k]) { + indic = 1; + } + } + if (indic == 0) { + return false; + } + } + return true; +} +" +8b4b93231d5c9000ad3a1a5a88fe22ea683a58f3,"public boolean sameEnds(int[] nums, int n) +{ + x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[num.length - 1 - n + i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + return x; +} +" +a4fce8c17a4fea7d77c9bb23f40fe0df89974677,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[num.length - 1 - n + i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + return x; +} +" +8f35b9840d8fd19215f5d95935b971644f1faaef,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[nums.length - 1 - n + i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + return x; +} +" +f11d60271e159a8be5371ebfefb72119b38d1290,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < len; i++) + { + if (!(nums[i] == nums[nums.length - len + 1])) + { + answer = false; + } + } + return answer; +} +" +a2b507e4d378bd532370277c017425ed17c909ac,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +f5c751e0e6f1cd6a6fb9505104b9e4fa6a87065e,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +7eea3c0e9bc85f97e23387794be2361402208206,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0 || n == nums.length) + { + return true; + } + return false; +} +" +5d28c80750193582b5ca4e9601dab794f2f33b1b,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0 || n == nums.length) + { + return true; + } + for (int i = n; i > 0; i--) + { + int x = 0; + if !(nums[x] == nums[nums.length - i]) + { + return false; + } + x += 1 + } + return true; +} +" +c809521b6d44e21076ce04ae8a7a89f721ccb6b3,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0 || n == nums.length) + { + return true; + } + for (int i = n; i > 0; i--) + { + int x = 0; + if (!(nums[x] == nums[nums.length - i])) + { + return false; + } + x += 1; + } + return true; +} +" +227dee8b9a9d6f29ab1862fb492e8d5a563def15,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - len + i]) + { + same = false; + } + } + return same; +} +" +d7014dc2c78dec9fae3434e1e9888ce4d2ca7d75,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + same = false; + } + } + return same; +} +" +45628d7a9c8305dac05ef9ec99ade838fc4a6b1d,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[nums.length - 1 - i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + return x; +} +" +45399e66679ef0f71a4da7f5736715f99df30692,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[nums.length - 1 - i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + System.out.println(beg); + System.out.println(end); + return x; +} +" +1a431854d45cc6646831d29c42b587dd443a8440,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[nums.length - 1 - n + i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + return x; +} +" +818f7bc94370f41829346a8a04f639c550be6719,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = true; + int[] beg = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) { + beg[i] = nums[i]; + end[i] = nums[nums.length - n + i]; + } + for (int i = 0; i < n; i++) { + x = x && end[i] == beg[i]; + } + return x; +} +" +eca037576cc4e507732fac3abd3e2fa6e930e795,"public boolean sameEnds(int[] nums, int len) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +}" +bcb084219a1fb193a500ede343b82e71483d279e,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[b]; + for (int i = 0; i < n; i ++) + { + a[i] = nums[i]; + for (int j = nums.length - 1 - n; j < nums.length j++) + { + b[i] = nums[j]; + } + } + return a.equals(b); +} +" +5b6d6e7ad3f25571b6313df97e5cd4bfdbd50c34,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[b]; + for (int i = 0; i < n; i ++) + { + a[i] = nums[i]; + for (int j = nums.length - 1 - n; j < nums.length ;j++) + { + b[i] = nums[j]; + } + } + return a.equals(b); +} +" +01979f0bc051f80272d285429ccad560a8f22ed3,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + for (int i = 0; i < n; i ++) + { + a[i] = nums[i]; + for (int j = nums.length - 1 - n; j < nums.length ;j++) + { + b[i] = nums[j]; + } + } + return a.equals(b); +} +" +fec0ac85d6a75df82318d2b4e25a46b7c7b4ac0d,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + for (int i = 0; i < n; i ++) + { + a[i] = nums[i]; + for (int j = nums.length - 1 - n; j < nums.length ;j++) + { + b[i] = nums[j]; + } + } + for (int k = 0; k < n; k++) + { + if (a[i] != b[i]) + { + return false; + } + } + return true; +} +" +cec80963d50360e0a88430775b3c3dbbce9d7e27,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + for (int i = 0; i < n; i ++) + { + a[i] = nums[i]; + for (int j = nums.length - 1 - n; j < nums.length ;j++) + { + b[i] = nums[j]; + } + } + for (int k = 0; k < n; k++) + { + if (a[k] != b[k]) + { + return false; + } + } + return true; +} +" +91df9666240c4febd6887b97a3aa48b31a3d17c0,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + for (int i = 0; i < n; i ++) + { + a[i] = nums[i]; + for (int j = nums.length - n; j < nums.length ;j++) + { + b[i] = nums[j]; + } + } + for (int k = 0; k < n; k++) + { + if (a[k] != b[k]) + { + return false; + } + } + return true; +} +" +dc86480e1f1d44561b91774928efcd473f0165e5,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +415a0fb41bd130c0c0ead99d5f19365247802670,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int finish = nums.length - n; +} +" +0f3a5e61f210f3965a7460de04ddade8365d811a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int finish = nums.length - n; + for (; n > 0; n--) + { + if (nums[start] != nums[finish]) + { + return false; + } + else + { + start++; + finish++; + } + } + return true; +} +" +8deb5b621ae4dda696b74a152720d0ba6d2990cd,"public boolean sameEnds(int[] nums, int n) +{ + for (i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +8a4197cd94d2fc278a10045f02c9323393eb70ad,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +2f9c350d829b40f7fa8716f77b80f649867192f5,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length - 1; + boolean bool = true; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + bool = true; + } + else + { + return false; + } + } + return bool; + +} +" +939436ed7742f4d603e86cb2b53c4526f4efdab4,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +226fb0dd16c3b60ac0a3f6dca1efdd505fbef409,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +a4543b8c2f7862e5a71bb51f7a1947e46ff665ee,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +9a5832bfed15bdad7772d535eb8ac20de5ee9a60,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answe; +} +" +7dca3879610bb1a7aaafcff37782ae5c9e8b3584,"public boolean sameEnds(int[] nums, int n) +{ + boolen answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +d66f04ef266cc431459d84aed9fd64c829922557,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1]) + { + answer = false + } + } + return answer; +} +" +ad181ea429df848187009b17cb3d5160b108b2cc,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +9d5f9db4d3ad31aecccac763e1e7fb7dbb934307,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2c486c05b370b06bf098ade075ec89ff1118ec1c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +41b7b363e17444594398420ab9a135d53d6ca109,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +5a77eecf5fc3350a516959f154a5e7bfddd398b8,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length + for (int i = 0; i < n; i++) + if (nums[i] != nums[size-n+i]) + return false; + return true + +} +" +5a206c36e5766f73ec18363c7edef95be03a6e46,"public boolean sameEnds(int[] nums, int n) +{ + int size = nums.length; + for (int i = 0; i < n; i++) + if (nums[i] != nums[size-n+i]) + return false; + return true; + +} +" +2959d04afed25bc89877291ba57bb6c47d6d262a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +481d954a829314887aaa2260cede73d0518fda68,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +d341d2b55c03a18deb1d1e5bc711b2f1e9385047,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + boolean answer = false; + for (int i = 0; n > 0; n--) + { + answer = false; + } + else + { + start++; + end++; + answer = true; + } + return answer; +} +" +7af5d415aff434707fb5cfb48e44245eb2a1c86f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + boolean answer = false; + for (int i = 0; n > 0; n--) + { + if (nums[start] != nums[end]) + { + answer = false; + } + else + { + start++; + end++; + answer = true; + } + } + return answer; +} +" +7313f73ad4d6581459c7877e48a9937b1fe56453,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + boolean answer = true; + for (int i = 0; n > 0; n--) + { + if (nums[start] != nums[end]) + { + answer = false; + } + else + { + start++; + end++; + answer = true; + } + } + return answer; +} +" +20ebf320605b60dd15150da68d6a8731df6c7cd5,"public boolean sameEnds(int[] nums, int n) +{ + boolean answer = true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + answer = false; + } + } + return answer; +} +" +e31f2a0a831e0fdf4cb8c6a0b99b8c12a9a5e0e3,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = len; + for (int i =0; i 0; len--) + { + if (nums[start] != nums[end]) + return false; + else + start++; + end++; + } + return true; +} +" +e2f0f478fc0b32c0f5e6eb0e768b307a95c682df,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for (; len > 0; len--) + { + if (nums[start] != nums[end]) + return false; + else + start++; + end++; + } + return true; +} +" +0cc59a79a99bc21236d924d73fd899cca9cb9231,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for (; n > 0; n--) + { + if (nums[start] != nums[end]) + return false; + else + start++; + end++; + } + return true; +} +" +4d3776648c72a24a7f4509c65af04bd5b2760a5c,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + + return true; +} +" +969abc0da7f1c26d39e1f0c87f84d08851adf735,"public boolean sameEnds(int[] nums, int n) +{ + int one = 0; + int last = nums.length-len; + for(; n > 0; n--) + { + if(nums[one] != nums[last]) + return false; + else + { + one++; + last++; + } + } + return true; + +} +" +cd1b79a9455ff872675988f697348e2eeaeb02fd,"public boolean sameEnds(int[] nums, int n) +{ + int one = 0; + int last = nums.length - n; + for(; n > 0; n--) + { + if(nums[one] != nums[last]) + return false; + else + { + one++; + last++; + } + } + return true; + +} +" +9db9bfa1d2aeb9e7db88065fd240e1114f7767e3,"public boolean sameEnds(int[] nums, int n) +{ + + return true; +} +" +b11ea41ffff2657d16c7def6e199ac2096969cf8,"public boolean sameEnds(int[] nums, int n) +{ + boolean isTrue = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length-1-n+i]) + { + isTrue = true; + } + } + return isTrue; + +} +" +4c860be06347b0e47fa0fc6db450a47abf147054,"public boolean sameEnds(int[] nums, int n) +{ + boolean isTrue = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length-n+i]) + { + isTrue = true; + } + } + return isTrue; + +} +" +2c1f70f01d6e022efff52d4ece693bc3fa6aecc9,"public boolean sameEnds(int[] nums, int n) +{ + boolean isTrue = true; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length-n+i]) + { + isTrue = true; + } + else + { + isTrue = false; + } + } + return isTrue; + +} +" +33af441d5d24406e6577782160a1d1ab1b5f857d,"public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) { + back[i] = nums[i]; + } + return front == back; + +} +" +c4b1e7c3d93596a8fa39957510ecde8c032bab7d,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1c7e779a3c0e2be23f2199eb407e6de83b66a3d4,"public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = 0; i < n; i++) { + back[i] = nums[i + nums.length - n]; + } + return front == back; + +} +" +5c3ffef9736356ecc7bdd64e432256d782afa808,"public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + + + for (int i = n - 1; i >= 0; i--) { + back[i] = nums[nums.length - i]; + } + return front == back; + +} +" +eed9b07a6b496d73609b59f3847686af6f527dc3,"public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = 0; i < n; i++) { + back[i] = nums[i + nums.length - n]; + } + + return front == back; + +} +" +d4150481da0fb12ddf888125b7351fa41f2549a1,"public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = 0; i < n; i++) { + back[i] = nums[i + nums.length - n]; + } + + return Arrays.equals(front, back); + +} +" +87eaf606b5e3ff92a241edfa868a53f0b08969f6,"import java.util.Arrays; +public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = 0; i < n; i++) { + back[i] = nums[i + nums.length - n]; + } + + return Arrays.equals(front, back); + +} +" +72d1f3ff93c31bdf36b0e3e33a5d588f0c466c7c,"import java.util.Arrays; +public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = 0; i < n; i++) { + back[i] = nums[i + nums.length - n]; + } + + for (int i = 0; i < n; i++) { + if (front[i] != back[i]) { + return false; + } + } + return true; + +} +" +f2fdd1ef3fc8378ecadc41d920d64446e611322d," +public boolean sameEnds(int[] nums, int n) +{ + int[] front = new int[n]; + int[] back = new int[n]; + for (int i = 0; i < n; i++) { + front[i] = nums[i]; + } + for (int i = 0; i < n; i++) { + back[i] = nums[i + nums.length - n]; + } + + for (int i = 0; i < n; i++) { + if (front[i] != back[i]) { + return false; + } + } + return true; + +} +" +8a5ec6922d2b57f88bc43d13f42ca1399e24523a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2b1f4005127caf6b13900c81745df6283c81f9d9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +40dc893117d830704ae02a52c546db269abdddd6,"public boolean sameEnds(int[] nums, int n) +{ + + + + for(int i = 0; i < len; i++) + { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; + +} +" +b89da4ad5b7ad151ba4a343b98b04ec12d2400cf,"public boolean sameEnds(int[] nums, int n) +{ + + + + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; + +} +" +72f27a80d3dd5175831930c254d70ce0b40cceee,"public boolean sameEnds(int[] nums, int n) +{ + int a = 0; + int b = nums.length-len; + for(; len > 0; len--) + { + if(nums[a] != nums[b]) + return false; + else + { + a++; + b++; + } + } + return true; +} +" +da0bd6b3e0e03350d3a111d33c94f76218d293b7,"public boolean sameEnds(int[] nums, int n) +{ + int a = 0; + int b = nums.length-len; + for(int len = 0; len > 0; len--) + { + if(nums[a] != nums[b]) + return false; + else + { + a++; + b++; + } + } + return true; +} +" +8921248d19c353157057eb28bafb0e3478994002,"public boolean sameEnds(int[] nums, int n) +{ + int len = 0; + int a = 0; + int b = nums.length-len; + for(; len > 0; len--) + { + if(nums[a] != nums[b]) + return false; + else + { + a++; + b++; + } + } + return true; +} +" +9c3431dbf0fa3c8fbea1fef787094a12b5655ea1,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[front] != nums[end]) + return false; + else + { + front++; + end++; + } + } + return true; +} +" +48625cda47a1f13a7f126b896bd2825bb9dcd67a,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[front] != nums[end]) + return false; + else + { + front++; + end++; + } + } + return true; +} +" +97b92e94d0a5aa3918d9b50d530fee1903357a0f,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +136dfc1827c679244b301df86b3424637b83d901,"public boolean sameEnds(int[] nums, int n) +{ + int range = len; +for (int i =0; i 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +41b0059b4ff0d1d44f8278ae0d0179aa76ba76a4,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1bf23f1c830c726f471877504fe896db41931f65,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-length; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f08c9f199f31e14c85d33372f69c0b61822868f6,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +c051ac467f144212b32e2531326fabb103b50bbb,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +6cc34d535713d1fada9be25eeefa329b34ef5c8e,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +cef6a1f21e9da57f2f1f9464a003ce3dcf5406e9,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +8c2d602434d7a7ab327cf228b591dc3cca50e2fe,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +eb2016bf6aca932ffd527d9ad83bf9df14432b9e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - len; + for(; len > 0; len --) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b48ea719b501285896d660c20ec4fc8d3fb27cff,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n --) + { + if(nums[start] != nums[n]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +4b51c33deff5661472dae30c9db1d42af99de718,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) { + last[i] = nums[i]; + } + return first.equals(last); +} +" +c971653cf88bb0cbf1146a2dc217d82d8a199c43,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) { + last[i] = nums[i]; + } + return first == last; +} +" +cb770c91c3e82a20988f23252a5e60e9b3e2e29c,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +f3acdf8d84a3843f8b0ff028f19c8b1c621e079c,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +87bbc63dd7fd4cc36155a8e6138d7112650dac00,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +b2b189ba69c0913d39b214b10195139d8a75901a,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +b7546315122101241e7af5ee3bf67fc0014f4c78,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +f0fc0e5c8e23e51602298794b0f4b46f989685a0,"public boolean sameEnds(int[] nums, int n) +{ + int len = nums.length; + int startSum = 0; + int endSum = 0; + for(int i = 0; i < n; i++) + { + startSum = startSum + num[i]; + endSum = endSum + num[len - 1 - i]; + } + if(startSum == endSum) + return true; + return false; +} +" +e3f97962fadb6a574cca2f8a70fc7c5479475c8a,"public boolean sameEnds(int[] nums, int n) +{ + int len = nums.length; + int startSum = 0; + int endSum = 0; + for(int i = 0; i < n; i++) + { + startSum = startSum + nums[i]; + endSum = endSum + nums[len - 1 - i]; + } + if(startSum == endSum) + return true; + return false; +} +" +af16633c2dc282d8f7a2532186d9772d7a0a187c,"public boolean sameEnds(int[] nums, int n) +{ + int len = nums.length; + int startSum = 0; + int endSum = 0; + for(int i = 0; i < n; i++) + { + startSum = startSum + nums[i]; + endSum = endSum + nums[len - i]; + } + if(startSum == endSum) + return true; + return false; +} +" +4f30acd6e53f46cda745b34371a322df8aa31d32,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length - 1; + boolean bool = true; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + bool = true; + } + else + { + return false; + } + } + return bool; + +} +" +1663e56d55547a05685ecb95d24c5b64d13904f7,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3e79a9e79b7a4d7dfa3d0948723dd555771d35f7,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +96fecc7dc8836e084421ec189cbe08cac83ee696,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b6fd422334c10f6471cdddcc3944815cb7fc1da5,"public boolean sameEnds(int[] nums, int n) +{ + int len = nums.length; + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[len - n + i]) + return false; + } + return true; +} +" +ba634e35a072c1b86abb863940f441bf688a13c3,"public boolean sameEnds(int[] nums, int n) +{ + int[] arr = arr[n]; + for (int i = 0; i < n; i++) + { + arr.add(nums[i]); + } + +} +" +b7f2bbeb60954dcb28c8db973e4be42f407a61e0,"public boolean sameEnds(int[] nums, int n) +{ + int[] arr = arr[n]; + for (int i = 0; i < n; i++) + { + arr[i] = nums[i]; + } + +} +" +ddb2e6d418fe86d5e86bae623be824939c70dba4,"public boolean sameEnds(int[] nums, int n) +{ + boolean state = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + state = true; + } + } + return state; +} +" +21f5bb340d3d730ee201c827a2db0dce62dc1f49,"public boolean sameEnds(int[] nums, int n) +{ + boolean state = true; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + state = false; + } + } + return state; +} +" +ae4c68d6eb4002a4bef4d56e6cd1f5167c306b09,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +a8609bf7c0501ca8ed4249965074556cf659e498,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +657872a3dd9075ac31f6fd513045a20a1d9e796d,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + if(nums[i] != nums[nums.length - n + i]) + return false; + return true; + +} +" +46f9daf91137b378f805aaa823391c92cfe83a17,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i] + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + return equals(first, last); +} +" +1b16e8ca7d02ddded9bca549d28ed1658579d26f,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + return equals(first, last); +} +" +d08da0dee0994843481159f7e03ffc5a17931542,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + return first == last; +} +" +65f5feda64d0fa24b70d4ac29bac05134068d297,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + return Arrays.equals(first, last); +} +" +2e69ffc92100763ae2303f2cef599d4465c0c736,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + return first.equals(last); +} +" +baa209901994204f4484f1c1cc3feae8196cab2c,"import java.util.Arrays; + +public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + return Arrays.equals(first, last); +} +" +b1b90e1d2fea91ad70bc7e17c1d19db69d4b6de9,"public boolean sameEnds(int[] nums, int n) +{ + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++) { + first[i] = nums[i]; + } + int x = 0; + for (int i = nums.length - n; i < nums.length; i++) { + last[x] = nums[i]; + x++; + } + for (int i = 0; i < n; i++) { + if (first[i] != last[i]) { + return false; + } + } + return true; +} +" +7b7951af542a5bc5542f7e81697b969a4381d2d5,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + + //Adding to start array + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + + //Adding to end array + for (int i = (nums.length - 2); i < nums.length; i++) + { + end[i] = nums[i]; + } + return start.equals(end); +} +" +ea9603c411253b378d3f65d5d1d22f4e5cd94263,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + + //Adding to start array + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + + //Adding to end array + int endIndex = 0; + for (int i = (nums.length - 2); i < nums.length; i++) + { + end[endIndex] = nums[i]; + endIndex = endIndex + 1; + } + return start.equals(end); +} +" +6efc91c6b2ccd564974c67638842c0ca6b1cbe9b,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + + //Adding to start array + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + + //Adding to end array + int endIndex = 0; + for (int i = (nums.length - n); i < nums.length; i++) + { + end[endIndex] = nums[i]; + endIndex = endIndex + 1; + } + return start.equals(end); +} +" +99503959bcf4eebe5f83ee86124c3ac55c3d88ae,"public boolean sameEnds(int[] nums, int n) +{ + count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0, j < n, j++) + { + if (nums[i] == nums[nums.length - n]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +1e15c195df8377891b64bfeffea7d2d0178dc897,"public boolean sameEnds(int[] nums, int n) +{ + count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < n; j++) + { + if (nums[i] == nums[nums.length - n]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +dd4f9f335eae189147115987c5410a276592c928,"public boolean sameEnds(int[] nums, int n) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < n; j++) + { + if (nums[i] == nums[nums.length - n]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +bcea0144f60e8e8a66c122303a20a66a29ae6f33,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + + //Adding to start array + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + + //Adding to end array + int endIndex = 0; + for (int i = (nums.length - n); i < nums.length; i++) + { + end[endIndex] = nums[i]; + endIndex = endIndex + 1; + } + + return (start == end); +} +" +631bf3649ed1f92cd7a02eaa260486deda928c61,"public boolean sameEnds(int[] nums, int n) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < n; j++) + { + if (nums[i] == nums[nums.length - n + i]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +06ab3e5b276c828f69ce054b08cd089e7c9b7c31,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for (; n > 0; n--) { + if (num[start] != num[end]) { + return false; + } + else { + start++; + end++; + } + } + return true; +} +" +349f97296a6359d10fbd66444918ac1522cae3f4,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for (; n > 0; n--) { + if (nums[start] != nums[end]) { + return false; + } + else { + start++; + end++; + } + } + return true; +} +" +0c2744557c1b4c1f8508c45a9c24928a9297c14d,"public boolean sameEnds(int[] nums, int n) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < n; j++) + { + if (nums[i] == nums[nums.length - n + i]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +d5fd878994635a2243aed631dfd35b5df4e3ef3d,"public boolean sameEnds(int[] nums, int n) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < n; j++) + { + if (i < n && nums[i] == nums[nums.length - n + i]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +1566636d847c96ce917a4470e4e2fde2ca24dbe6,"public boolean sameEnds(int[] nums, int n) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < n; j++) + { + if (nums[j] == nums[nums.length - n + j]) + { + count = count + 1; + } + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +79b2038f33f461040c14966adc2ef9ebc41ac72e,"public boolean sameEnds(int[] nums, int n) +{ + int[] newA = new int[n]; + for (int i = 0; i <= n; i++) + { + + } +} +" +462497da509a023fbe2727d3e7becce896991413,"public boolean sameEnds(int[] nums, int n) +{ + int[] frontA = new int[n]; + int[] backA = new int[n]; + int x = nums.length; + for (int i = 0; i <= n; i++) + { + frontA[i] = nums[i]; + backA[i] = nums[x - i]; + } + if (frontA == backA) + { + return true; + } + return false; +} +" +1202b0332bb92d1b8a48f89caf8b9363e86bd404,"public boolean sameEnds(int[] nums, int n) +{ + int[] frontA = new int[n]; + int[] backA = new int[n]; + int x = nums.length; + for (int i = 0; i < n; i++) + { + frontA[i] = nums[i]; + backA[i] = nums[x - i]; + } + if (frontA == backA) + { + return true; + } + return false; +} +" +4cc006128f866eb6a40627be7a01922cf1c16370,"public boolean sameEnds(int[] nums, int n) +{ + int[] frontA = new int[n]; + int[] backA = new int[n]; + int x = nums.length; + for (int i = 1; i <= n; i++) + { + frontA[i] = nums[i]; + backA[i] = nums[x - i]; + } + if (frontA == backA) + { + return true; + } + return false; +} +" +81c8a796e8e8a90bbf04196ef12f4b662c1ee884,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i =0; i < n; i++) + if (!(nums[i] == nums[nums.length - n + i])) + result = false; + return same; + +} +" +090984498c68481cef3ca15a81db6515f17b28a1,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i =0; i < n; i++) + if (!(nums[i] == nums[nums.length - n + i])) + same = false; + return same; + +} +" +5b3320bd873f3e5396d1c08f883599b8649ab2af,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +257b7a1936935f2bb86dbbf90b4666f1cc796769,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +ff1ac2158e48f9c137faf64809fbeffa95cc4aa8,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new Int[n]; + int[] end = new Int[n]; + + +} +" +1cbba4089c13eb328cb09901ffe46712fe1a53e0,"public boolean sameEnds(int[] nums, int len) { + boolean same = true; + for (int i = 0; i < len; i++) { + if (nums[i] != nums[nums.length - len + i]) { + same = false; + } + } + return same; + } + +" +97303195184c97bf1c2d3fcaf339c55792c114a0,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9a85324ad51f08274e979e25a4b59e0398ff0f7a,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = n; + for (int i = 0; i < range; i++) + { + if (nums[i] != nums[nums.length - range + i]) + { + result = false; + } + } + return result; +} +" +6051617f6cba1726cd04ad3c22669b7eea894b4b,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - i]) + { + return false; + } + } + return true; +} +" +ca5d94e9d6b4706a32150893257dbdff4ed970d4,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - i - 1]) + { + return false; + } + } + return true; +} +" +b2db8465741ceab30a6ea02031c2dbc954b71747,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i <= n - 1; i++) + { + if (nums[i] != nums[nums.length - i - 1]) + { + return false; + } + } + return true; +} +" +138ff05560804ef8908ffd98626df7b80bafe073,"public boolean sameEnds(int[] nums, int n) +{ + int val = nums.length - n + int[] a = new int[val]; + int[] b = new int[val]; + if (n = nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++ + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return a.equals(b); +} +" +85cb91d9328d291d8cdd934a1e487079a3d3a3e8,"public boolean sameEnds(int[] nums, int n) +{ + int val = nums.length - n; + int[] a = new int[val]; + int[] b = new int[val]; + if (n = nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++; + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return a.equals(b); +} +" +2b374f4757c65b5a430c34d6d0f2414221de1253,"public boolean sameEnds(int[] nums, int n) +{ + int val = nums.length - n; + int[] a = new int[val]; + int[] b = new int[val]; + if (n == nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++; + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return a.equals(b); +} +" +a1d90c078da14510285a8b93e233ebc6a439eac8,"public boolean sameEnds(int[] nums, int n) +{ + int val = nums.length - n; + int[] a = new int[val]; + int[] b = new int[val]; + if (n == nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++; + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return a == b; +} +" +715bb1b3092d50408001e0bb06a143f315f76621,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg; + int[] end; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + } + for (int i = nums.length - n; i > nums.length; i--) + { + end[i+n-nums.length] = nums[i]; + } + return areEqual(beg, end)' +} +" +f8fa721b807053d9a2f0297e422fa1722384a10f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +bdfed8c236f50bcf1984bac67ec0908406af9155,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg; + int[] end; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + } + for (int i = nums.length - n; i > nums.length; i--) + { + end[i+n-nums.length] = nums[i]; + } + return areEqual(beg, end); +} +" +f66acfb6ded9eae276ad9a4067013c15321a7092,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg; + int[] end; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + } + for (int i = nums.length - n; i > nums.length; i--) + { + end[i+n-nums.length] = nums[i]; + } + return beg.equals(end); +} +" +767cc7e82f8773d50d911e56861009f33c6f8e3d,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + } + for (int i = nums.length - n; i > nums.length; i--) + { + end[i+n-nums.length] = nums[i]; + } + return beg.equals(end); +} +" +ad5d9926eaf6ac613a85d5fd0b9293b84e48586e,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + end[i] = nums[nums.length - n + i] + } + + return beg.equals(end); +} +" +7bf779b00e5d9322aa9336750016bb6c254136cf,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + end[i] = nums[nums.length - n + i]; + } + + return beg.equals(end); +} +" +748cd5acf27a192775bd963f1b589612328171a7,"public boolean sameEnds(int[] nums, int n) +{ + int[] beg = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i ++) + { + beg[i] = nums[i]; + end[i] = nums[nums.length - n + i]; + } + + for (int i = 0; i < n; i ++) + { + if (beg[i] != end[i]) + return false; + } + return true; +} +" +bd53df37c452085e633dccdfe07d84a7d9e7c993,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (len = len; len > 0; len--) + { + if(nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + } + return true; +} +" +71d488d2dd2dca29845e4fc5106ba01b5a21ec04,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (len = len; len > 0; len--) + { + if(nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + } + return true; +} +" +bc367d9860ea91b597a6f4e39d37fb5f434cc914,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (len = len; len > 0; len--) + { + if(nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + } + return true; +} +" +dc830933564345291bef53701068102b48cbea0a,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (len = len; len > 0; len--) + { + if(nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + } + return true; +} +" +36fa69b0428ecf28d6170f5710713e1ebe5b2d2c,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (len = len; len > 0; len--) + { + if(nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + } + return true; +} +" +ccede075a6374c2c0a5a1aae179f4a94521d9b2c,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (n = n; n > 0; n--) + { + if(nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + } + return true; +} +" +ef6e0e105bad04e8c7e0ac510bc23e04a61c9240,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length - n; + + for(i = n; i > 0; i--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +}" +6fb73f2371318c161ab81c2ea8d2421d6df4a38c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length - n; + + for(int i = n; i > 0; i--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +}" +ff6fde3c17a6ea51e15b0692162afd3547300cbe,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +302599ca99599be5d02dad7f8a9e098faafa300a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a688233e4f6abd44297955f9523a577610eafde1,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +99c1477a4b453b9ed3cc91edd58fd0b152249bae,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n +i]) + return true; + } + return false; +} +" +f22dfbb9f155999849c1e38253b2df8ccd525e51,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + same = true; + } + return same; +} +" +6fd5afd2c8c888844e8a93317aea7b4c131475bb,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + same = true; + else + return same; + } + return same; +} +" +4f8c1a01c56529da118ac628dc5710ebd1b2698c,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + else + return false; + } + return true; +} +" +90ec09d61753790c1511a0075e18e45f8367b5a9,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) //returns true is the current cumber is equl to the end number + return true; + else + return false; + } + return true; +} +" +d948a26baf2d69f9f824ea2047cfa6d67a301ff7,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) //returns true is the current cumber is equal to the end number + return true; + else + return false; + } + return true; +} +" +b8132908e7482f940c59ed2e47bb1502af9a365c,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - 1] && nums[n] == nums[nums.length - (n+1)]) + { + result = true; + } + else if (n = 0) + { + result = true; + } + else if (n = nums.length) + { + result = true; + } + return result; +} +" +b09ddd2dbd6029c356ebbff822f28641bdfc2ccd,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - 1] && nums[n] == nums[nums.length - (n+1)]) + { + result = true; + } + else if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + return result; +} +" +0cafa796b7402112a940b5879c8474a07185878a,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - 1] && nums[n - 1] == nums[nums.length - (n+1)]) + { + result = true; + } + else if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + return result; +} +" +b0b8146f7073e26291f985cf387820b801220984,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - 1] ) + { + result = true; + } + else if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + return result; +} +" +4424bff75f0d3c785c38599aea8d6be08295d147,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - (n+1)] && nums[n - 1] == nums[nums.length - 1]) + { + result = true; + } + else if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + return result; +} +" +e2cecdf09ea9ae67d7c144a84a0c808c884fc7cf,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - n] + { + result = true; + } + else if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + return result; +} +" +f9dc3478f455e3aa02b24f005d15fba122ebe1b1,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (nums[0] == nums[nums.length - n]) + { + result = true; + } + else if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + return result; +} +" +74ac226caa1ca6acd99957d48f83add38f1d3617,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + else if (nums[0] == nums[nums.length - n]) + { + result = true; + } + + return result; +} +" +d8f91a6a3b39f65c2a3ffb022c6eafe92a87429c,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +b496a4fc02c86023e6ba725c86d84bbda785ded6,"public boolean sameEnds(int[] nums, int n) +{ + if ( n == 0 ) { + return true; + } + else + { + for ( int i = 0; i < n; i++ ) { + if ( nums[i] != nums[nums.length - n] ) { + return false; + } + } + return true; + } +} +" +044de0566ee1896a09422266e13f70de832fc4fd,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - len + i]) + { + return false; + } + } + return true; +} +" +3e059d44ea750dfeacdc0a05705ee86b7536578b,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +c7d5fa87ae0f6d79ded4c548de64c21e1b535332,"public boolean sameEnds(int[] nums, int n) +{ + if ( n == 0 ) { + return true; + } + else + { + for ( int i = 0; i < n; i++ ) { + if ( nums[i] != nums[nums.length - n + i] ) { + return false; + } + } + return true; + } +} +" +9ef7066e1c7cd19c641744d08b17ec4667840ea4,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0 + int end = nums.length - n; + + while (n > 0) + { + if (nums[start] == nums[end]) + { + return true; + } + + else + { + start++; + end++; + } + n--; + } + + return false; +} +" +693c5045215898cbf351a735ba434a85eba3999a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + + while (n > 0) + { + if (nums[start] == nums[end]) + { + return true; + } + + else + { + start++; + end++; + } + n--; + } + + return false; +} +" +bb357ba8ac08b869b348a097d7db2d66b66eb104,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + + while (n > 0) + { + if (nums[start] != nums[end]) + { + return false; + } + + else + { + start++; + end++; + } + n--; + } + + return true; +} +" +e53ac23a1a8aa3058234b60b514ed3f57aa4923d,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] ending = new int[n]; + for (int i = 1 ; i < n ; i++) + { + start[i] = nums[i]; + } + + for (int j = nums.length ; int i = 1 ; i < n ; i++ ; j > nums.length - n ; j--) + { + ending[i] = nums[j]; + } + + if (start==ending) + { + return true; + } + else + { + return false; + } +} +" +06bdc89ed24aea8aaafc079c071bd0f56770c94e,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +8c25d5ea9f2d4c9cadf9a03b378c04281f2c8187,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for( len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +7e08ef007d390031fc50f2031dd826331d423812,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +01af9eb022caed98e49b2f69b999b1d35407776e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} + +" +e3d3adc7f815cafa18aaaae5651de6b86219b568,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} + +" +6de42fba544165c0a468aabcea5afc6d7f0b5a2b,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nims.length]; + +} +" +707e005fbcbd0f3042be9d7f720fa3d2b51ecf26,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + +} +" +b18acdc259ce57f0138ad041b034f2cb82abf4b0,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + +} +" +96a8f3c3e4946828737b468745df269fdfd41104,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(!ends.contains(begin[z])) + { + return false; + } + } + return true; +} +" +dd22f87fa309bd34f0ec3344a1091fdb62d0110e,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(!end.contains(begin[z])) + { + return false; + } + } + return true; +} +" +fe375d7c5eea9409e6655f03bc7233dedd30e756,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(!Arrays.aslist(end).contains(begin[z])) + { + return false; + } + } + return true; +} +" +ae54a7c1ebb4b3117a147a062a67a2bb508c41ad,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(!aslist(end).contains(begin[z])) + { + return false; + } + } + return true; +} +" +c8bef98e2856f5ce2d909e7ade110ab598ec9eee,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(!end.contains(begin[z])) + { + return false; + } + } + return true; +} +" +3d3d1d4b2412e228822eb95797d930d09dfed788,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + reverseNum[nums.length-i-1] = nums[i]; + } + for ( int j =0; j <=n; j++) + { + if ( nums[j] == reverseNum[j]; + { + return true; + } + } + return false; +} +" +e0e5b61f10dd6147e6e5679a5abcd0310278d4b4,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + reverseNum[nums.length-i-1] = nums[i]; + } + for ( int j =0; j <=n; j++) + { + if ( nums[j] == reverseNum[j] ); + { + return true; + } + } + return false; +} +" +c70cb608d62d214f5d794ebd6009ab06507de2ee,"public boolean contains(final int[] array, final int key) +{ + for (final int i : array) { + if (i == key) { + return true; + } + } + return false; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(!end.contains(begin[z])) + { + return false; + } + } + return true; +} +" +b146962f9d4df2ae29bf866db1dc13f9cf421555,"public boolean contains(final int[] array, final int key) +{ + for (final int i : array) { + if (i == key) { + return true; + } + } + return false; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a++) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +e67189ce07290ba87d7a0934b4511136a578fde1,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + reverseNum[nums.length-i-1] = nums[i]; + } + for ( int j =0; j < n; j++) + { + if ( nums[j] == reverseNum[j] ); + { + return true; + } + } + return false; +} +" +4734eb97fdbd4541926d1b5ea9bb63a00f926e88,"public boolean contains(final int[] array, final int key) +{ + for (final int i : array) { + if (i == key) { + return true; + } + } + return false; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +0f39cabf41a3d4407d150fea6de9b261f548526f,"public boolean contains(final int[] array, final int key) +{ + for (final int i : array) { + if (i == key) { + return true; + } + } + return false; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n -1; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +9a7a1a6f6a0b0696766b16241cd2f22b296f9e2b,"public boolean contains(final int[] array, final int key) +{ + for (final int i : array) { + if (i == key) { + return true; + } + } + return false; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +063fbafc84aab0d393eab025dfaed4e1fbc39019,"public boolean contains(final int[] array, final int key) +{ + boolean x = true + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +92813d808b36ebaefde9133787e7537a61d1fade,"public boolean contains(final int[] array, final int key) +{ + boolean x = true; + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +591b6a4ccab9f0cabdc78d4ae85c8c8d831da1d3,"public boolean contains(final int[] array, final int key) +{ + boolean x = true; + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n -1; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +3dc577dfd55c909949658d1df88c403a16bb118f,"public boolean contains(final int[] array, final int key) +{ + boolean x = true; + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +3c26a1721f6047878e59ad003ac78d15b9ca9617,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + reverseNum[nums.length-i-1] = nums[i]; + } + for ( int j = 0; j = n; j++) + { + if ( nums[j] == reverseNum[j] ); + { + return true; + } + } + return false; +} +" +6f5a012c6fd8742cda47fbba20117b964077688c,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + reverseNum[nums.length-i-1] = nums[i]; + } + for ( int j = 0; j == n; j++) + { + if ( nums[j] == reverseNum[j] ); + { + return true; + + } + } + return false; +} +" +2f2a5d8bf7cc99d3990fcd685559cd290645d769,"public boolean contains(final int[] array, final int key) +{ + boolean x = true; + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n -1; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +ef89db90e095076b1ec2fd63dbfb4b9bc783ee37,"public boolean sameEnds(int[] nums, int n) +{ + int[] reverseNum = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + reverseNum[nums.length-i-1] = nums[i]; + } + for ( int j = 0; j < n; j++) + { + if ( nums[j] == reverseNum[j] ); + { + return true; + + } + } + return false; +} +" +f921027f60bc6f0895df6e6c6f6c626131173ea7,"public boolean contains(final int[] array, final int key) +{ + boolean x = true; + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +9940547d53add7454dd11ff6050dca629eb80303,"public boolean contains(final int[] array, final int key) +{ + boolean x = true; + for (final int i : array) { + if (i == key) { + x = x && true; + } + else + { + x = x && false; + } + } + return x; +} +public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for( int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for (int a = nums.length -1; a > nums.length - n; a--) + { + begin[a] = nums[a]; + } + + for (int z = 0; z < begin.length; z++) + { + if(contains(end, begin[z])) + { + return false; + } + } + return true; +} +" +b9a626aaa7e4ed63ed3972eb803a6b7dee35c23e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (;n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true +} +" +a44b3878de78c44686b54389fd9b7c73d4540075,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (;n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +25b01dfc96d8af04fc9556c953a98372379d3ccf,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + + for( int i = (nums.length-1); i < n; i--) + { + end[i] = nums[i]; + } + + if( begin == end) + { + return true; + } + else + return false; + +} +" +1e3ee5abe56ba29717a5978c27a37477ffa32134,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + + for( int i = (nums.length-n); i < n; i--) + { + end[i] = nums[i]; + } + + if( begin == end) + { + return true; + } + else + return false; + +} +" +ffea67255a495cc3516337330ff3bae7d44a70ce,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + int val = nums.length - n; + int[] a = new int[val]; + int[] b = new int[val]; + if (n == nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++; + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return (a == b ; +} +" +43b0e2e404778ad35b3cd0890914a48110757429,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + int val = nums.length - n; + int[] a = new int[val]; + int[] b = new int[val]; + if (n == nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++; + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return (a == b); +} +" +569bced0209317c358f4ed215e3c68daa110d4a1,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + int val = nums.length - n; + int[] a = new int[val]; + int[] b = new int[val]; + if (n == nums.length) + { + return false; + } + else + { + int k = 0; + int g = 0; + for (int i = val; i < nums.length; i++) + { + a[k] = nums[i]; + k++; + } + for (int i = 0; i <= n; i++) + { + b[i] = nums[i]; + } + } + return (a.equals(b)); +} +" +ede99f309d1f4de7d3b574441193f0acc3eb5311,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = num[i]; + } + + for (int j = nums.length - n; j < n; j++) { + bill[j] = num[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] = bill[c]) { + b++ + } + } + return b == n; +} +" +016bf71872811c04651bc7b556326f04dd684a93,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = num[i]; + } + + for (int j = nums.length - n; j < n; j++) { + bill[j] = num[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] = bill[c]) { + b++; + } + } + return b == n; +} +" +3a6dc94ef21fa3dcbc46eb19bcb7b7ff5afcb96c,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = nums.length - n; j < n; j++) { + bill[j] = nums[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] = bill[c]) { + b++; + } + } + return b == n; +} +" +6c611e884ebd6fd9d5d162bc5c44ad0a293437db,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = nums.length - n; j < n; j++) { + bill[j] = nums[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +e30633caff425d4b0bdb3870ef581f2455f22e47,"public boolean sameEnds(int[] nums, int n) +{ + int count = 0; + for (int j = 0; j < n; j++) + { + if (nums[j] == nums[nums.length - n + j]) + { + count = count + 1; + } + } + if (count == n) + { + return true; + } + else + { + return false; + } +} +" +c6358ef18d58dbe8a193cc937fbba3ff63c8aaf5,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = nums.length - n; j < nums.length; j++) { + bill[j] = nums[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +221976deaa62b9fc448c38748d398b7deb2379bb,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = nums.length - n; j < n; j++) { + bill[j] = nums[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +c4f390f12e815be9021b6c72cd467617195389cc,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j 0; j < n; j++) { + bill[nums.length - n + j] = nums[nums.length - n + j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +5cf5e774022b96eb73dce303638d3f261e24ad18,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = 0; j < n; j++) { + bill[nums.length - n + j] = nums[nums.length - n + j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +c9e28a1fbdd4822b1f9f34227951d2ac4be45371,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = nums.length - n; j < n; j++) { + bill[j] = nums[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +8f1f4df0968eb479e650f35069332eac9fa0c24b,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - 1 - n + i]) + return false; + } + return true; +} +" +b10b052164c275a05bba42cba8281b2b400d3716,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +b4ba033635188a2755542aeeead2d4eaced95560,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +f0670002de7ee3cc7b5690704d0b2637e2fb224d,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + + for (int j = nums.length - n; j < nums.length; j++) { + bill[j] = nums[j]; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +4b7ca67a2fa3f443a5443e5614065e18b001a01f,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +c65fc438e0d08a165fe893fbebc4851f3d96aa62,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + int c = 0; + for (int j = nums.length - n; j < nums.length; j++) { + bill[c] = nums[j]; + c++; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +ac7e188de4e2774798b8b094774588758f36cd20,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) { + jim[i] = nums[i]; + } + int d = 0; + for (int j = nums.length - n; j < nums.length; j++) { + bill[d] = nums[j]; + d++; + } + int b = 0; + for (int c = 0; c < n; c++) { + if (jim[c] == bill[c]) { + b++; + } + } + return b == n; +} +" +0e4114df33c2c9e60466814045d2ad7af48f4255,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + if (n = length){ + return false; + } + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +aaaa3787c5d5b4b9fc794895be35e383452b00c9,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + if (n == length){ + return false; + } + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +f7902af92b6b95528101278cee9b6cef7b680fd3,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +e2f16c16cf93bc6976c00bda896384d00ce55bb2,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - len + i]) + return true; + } + return false; +} +" +4371f00e18306f7bdb13fad8631b059bc71402e3,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + } + return false; +} +" +2437d7ae916a0e9b25c2ebddb30d710ff00784fa,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] == 0) + return true; + } + return false; +} +" +b40646bbbb68e12d1da38aa458aa8f4dced4dd8f,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] == nums[nums.length) + return true; + } + return false; +} +" +c130858023bb00153d3558d41a1cf36d0e1624c8,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] == nums[nums.length]) + return true; + } + return false; +} +" +c5995799c2c226ab33a95237c56b60fdb4256688,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] == nums[nums.length - n ]) + return true; + } + return false; +} +" +652ff038d4444a7cd7a5b67bdf2d2715d680f855,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + } + return false; +} +" +86f30969031e8c4afe9af28f132e38123b8c59f1,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] == null) + return true; + } + return false; +} +" +f52a97d077a889a7f49441e7d2953710723fda27,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] == 0) + return true; + } + return false; +} +" +356e754a1e7ec12e9a7cc6e9b052b6b49a978f74,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] != nums[nums.length - n + i]) + return true; + } + return false; +} +" +2ec16cfb7339ea9ce6070507a697e519b2d0171b,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length - n + i]) + return true; + if(nums[i] != nums[nums.length - n + i]) + return false; + } + return false; +} +" +3ae5743bdcbbea5bb6d531d78f5551a73125a48f,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +8825a006ab2207ab14fb081b2b610cb8a1eebab1,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +f81e09a5e4a29a8e1b7a463ac8dce625cff70156,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int l = nums.length - 1; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[l - i]) + { + same = false; + break; + } + } + + return same; +} +" +6ec7b14c9a2317c07a29da4f2a4437a74b05be44,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int l = nums.length - 1; + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[l - i]) + { + same = false; + break; + } + } + + return same; +} +" +f3c0133a5c27944154ffda71c2196c9f5ab52c76,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int l = nums.length - 1; + + same = equals(nums, 0, n, nums, l - n, l); + + return same; +} +" +c90e3b4e36866195209064069c2bf3db9c9f2e06,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int l = nums.length - 1; + + String start = """"; + String end = """"; + + for (int i = 0; i < n; i++) + { + start += nums[i].toString(); + } + + for (int j = l - n; j < l; j++) + { + end += num[j].toString(); + } + + if (start.equals(end)) + { + same = true; + } + else + { + same = false; + } + + return same; +} +" +ae8747dd3cc2823a58ca0debc1c414c08bb580d5,"public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +}" +ba1245dc461c12693a084c6a392fbdc59d16f8ce,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int l = nums.length - 1; + + String start = """"; + String end = """"; + + for (int i = 0; i < n; i++) + { + start += Integer.toString(nums[i]); + } + + for (int j = l - n; j < l; j++) + { + end += Integer.toString(nums[j]); + } + + if (start.equals(end)) + { + same = true; + } + else + { + same = false; + } + + return same; +} +" +a56ca0bc72c2cc616bf08c950096cf490e853bc9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - len; + for (; len > 0; len--) { + if (nums[start] != nums[end]) { + return false; + } + else { + start++; + end++; + } + } + return true; +} +" +4a17636ada85a8311e378ad2fafe2e2dd2e513f0,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (; n > 0; len--) { + if (nums[start] != nums[end]) { + return false; + } + else { + start++; + end++; + } + } + return true; +} +" +353de6d92c70fb4a919dee727edff85492d55526,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (; n > 0; n--) { + if (nums[start] != nums[end]) { + return false; + } + else { + start++; + end++; + } + } + return true; +} +" +61c5206db141d615858349e0f6ff13fd81307d73,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + + int l = nums.length; + + String start = """"; + String end = """"; + + if (n < l) + { + + + for (int i = 0; i < n; i++) + { + start += Integer.toString(nums[i]); + } + + for (int j = l - n; j < l; j++) + { + end += Integer.toString(nums[j]); + } + + } + + System.out.println(start); + System.out.println(end); + + if (start.equals(end)) + { + same = true; + } + else + { + same = false; + } + + return same; +} +" +0a7f664e4821a1ee72004fccdeb2e43cf46aa22b,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len >0; len--) + { + if(nums[start] != nums[end]) + { + return false + } + else + { + start ++; + end ++; + } + } + return true; +} +" +e169c2150d221fd119348b8e552800c120fe3ba1,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len >0; len--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start ++; + end ++; + } + } + return true; +} +" +1ac565a23a0ed32435121f2084a2b9630e0653bc,"public boolean sameEnds(int[] nums, int n) +{ + int n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + System.out.println(""rear "" + nums[r]); + } + if (front.equals(back) ) + { + return true; + } + return false; +} +" +15dfcfc95ac42ebe3cacf0a5ac05f71127654c8f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n >0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start ++; + end ++; + } + } + return true; +} +" +dd6ceca06b0c5e667e92884c96773b4c2d33ddf8,"public boolean sameEnds(int[] nums, int n) +{ + n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + System.out.println(""rear "" + nums[r]); + } + if (front.equals(back) ) + { + return true; + } + return false; +} +" +2a02dd494e04847d18bf0c2bbaa60537d7613b3c,"public boolean sameEnds(int[] nums, int n) +{ + //n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + System.out.println(""rear "" + nums[r]); + } + if (front.equals(back) ) + { + return true; + } + return false; +} +" +04be193e2bc8e786199c23b20f12e191ffb7f210,"public boolean sameEnds(int[] nums, int n) +{ + //n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + + } + if (Arrays.equals(front, back) ) + { + return true; + } + return false; +} +" +89992039ac5f7c914e6a2f06f3aca22b38ea83c3,"public boolean sameEnds(int[] nums, int n) +{ + //n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + + } + return Arrays.equals( front, back); +} +" +b1f9f19068a12aca7fed63eb5afe8a1ba0b340f4,"public boolean sameEnds(int[] nums, int n) +{ + //n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + + } + return front == back; +} +" +f32f84404056571188c463b8c8d839d45d581f5d,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = int[n]; + int[] end = int [n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } +} +" +95e3b44cfd55f693e67f257d11410df82dcff96d,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } + return equals(begin, end); +} +" +135cac49f39336477756fae6fc532631e8bae881,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } + return begin.equals(end); +} +" +252849855f7eb270690ed221869d2f9af6c4249b,"public boolean sameEnds(int[] nums, int n) +{ + //n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + + } + for (int i = 0; i < front.length; i++) { + if (front[i] == back[i]) + { + return true; + } + + } + return false; +} +" +6ce0edfcf819f66ac334f4911b84769c271a2262,"public boolean sameEnds(int[] nums, int n) +{ + //n = n+1; + int[] front = new int[n]; + int[] back = new int[n]; + if ( n == 0) + { + return true; + } + for ( int f = 0; f < n; f++) + { + front[f] = nums[f]; + + } + for ( int r = 0; r < n; r++) + { + back[r] = nums[nums.length - n + r]; + + } + for (int i = 0; i < front.length; i++) { + if (front[i] == back[i]) + { + return true; + } + + } + return false; +} +" +8cc1494047bb8c29a451e6aad4699fd0af11ec79,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length = i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +8f574893ac7890048de0b31447a63643becf903f,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length - i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +c5b465a2ba62b9b9568aaf81a96db8d371d89c17,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length - 1 - i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +ccf8d3986f190744eb1dd9343f08b3d9079c5469,"public String sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } + return String ""begin"" + begin[0] + begin[1] + "" end"" +end[0]+end[1]; +} +" +5a5353f53971b1721ea97ae60d470447bd350b4d,"public String sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } +return String ""begin"" + begin[0] + begin[1] + "" end""+end[0]+end[1]; +} +" +addb6afbdf8b5be960cbf34c7855e283d32a5b5f,"public String sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } +return String ""begin""+begin[0]+begin[1] + "" end""+end[0]+end[1]; +} +" +622dfeffc2a04cdd253022e7887190378219851f,"public String sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[len - i] = nums[len - i]; + } +return ""begin""+begin[0]+begin[1] + "" end""+end[0]+end[1]; +} +" +dee5aed3c699ec333a429200a0d8a0aa95640864,"public String sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + //end[len - i] = nums[len - i]; + } + return true; +} +" +a0573d4ee25c273b338c5aa3b2de272e6cf564ad,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + //end[len - i] = nums[len - i]; + } + return true; +} +" +c0108d646f212220c5f8554e3c6ea6fcbe1b292f,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length - 1 n + i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +b653593197581b9c11aada1d01a3f6ff00bc291a,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return true; +} +" +169d968128b34fc96b582c20149991bb30ffb424,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length - 1 - n + i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +63a300196ab32ef7866d4923ce634593e1287d23,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return begin.equals(end); +} +" +22af397ed5ed969b0606cec6b42976529a9cd683,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length - 1 - i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +2218755fcc7fdcca3a7cff45e2b0322869961a60,"public int[] sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return begin; +} +" +86704bbd15335f715799d0e55eff6598cee3cace,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int length = nums.length; + boolean same = true; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[i] = nums[length - n + i]; + if (begin[i] != end[i]) + { + same = false; + } + } + return same; +} +" +d59851561b45fde62b7391571b6b4cf8d0e136c7,"public boolean sameEnds(int[] nums, int n) +{ + int[] newArray = new int[n]; + + for (int i = 0; i < n; i++) + { + newArray[i] = nums[nums.length - n + i]; + } + + for (int z = 0; z < newArray.length; z++) + { + if (newArray[z] != nums[z]) + { + return false; + } + } + + return true; +} +" +9e0fe6dffd1fd6f90c543f2791ad4ae19470653a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - (i + 1)]) + { + return false; + } + } + return true; +} +" +5ae2b347df4189bc59d9ebf88c2a854b42fe116c,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n - 1 + i]) + { + return false; + } + } + return true; +} +" +f181b0b2ca154984a602c99c4e365f254acf6e07,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +8a23b1a14f76c5366d626c9121cecfe563e91f85,"public boolean sameEnds(int[] nums, int len) { + +for len = 1 + +nums[0] == nums[nums.length -1] + +for len = 2 + +nums[1] == nums[nums.length -1] + +nums[0] == nums[nums.length -2] + + + +for len == 3 + +nums[2] == nums[nums.length -1] + +nums[1] == nums[nums.length -2] + +nums[0] == nums[nums.length -3] */ + +boolean result = true; + +int range = len; + +for (int i =0; i =0; i--) +{ +if(nums[(len-1)-i]!=nums[(nums.length-1)-i]) return false; +} +return true; +}" +12242f4ff92adc9da9896a50732ba13e7fd14146,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - len + i]) + { + same = false; + } + } + return same; +} +" +9f6724515eff1b6fe985663a12ed391d13c3ed4b,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = false; + if (nums[n] > 10 && nums[nums.length - 1] > 10) + { + if ((nums[n] - (nums[n] % 10)) / 10 == + (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + if (nums[n] > 10 && nums[nums.length - 1] < 10) + { + if ((nums[n] - (nums[n] % 10)) / 10 == (nums[nums.length - 1]) + { + x = true; + } + } + if (nums[n] < 10 && nums[nums.length - 1] > 10) + { + if ((nums[n] == (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + return x; +} +" +fdfa5c9bdb79bfb61bad96d36cf511101577b909,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + same = false; + } + } + return same; +} +" +dc839fe7eeea2aa2e0c61e7b704d68cb14238839,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = false; + if (nums[n] > 10 && nums[nums.length - 1] > 10) + { + if ((nums[n] - (nums[n] % 10)) / 10 == + (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + if (nums[n] > 10 && nums[nums.length - 1] < 10) + { + if ((nums[n] - (nums[n] % 10)) / 10 == (nums[nums.length - 1])) + { + x = true; + } + } + if (nums[n] < 10 && nums[nums.length - 1] > 10) + { + if ((nums[n] == (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10)) + { + x = true; + } + } + return x; +} +" +6ba6aed7ff8bc1db6a47791fd4106f5c78529ef0,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = false; + if (nums[n-1] > 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == + (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + if (nums[n-1] > 10 && nums[nums.length - 1] < 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == (nums[nums.length - 1])) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] == (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10)) + { + x = true; + } + } + return x; +} +" +4157741b468f5dfe6f879f1310e29f39cb16bb15,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = false; + if (nums[n-1] > 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == + (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + if (nums[n-1] > 10 && nums[nums.length - 1] < 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == (nums[nums.length - 1])) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] == (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10)) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] < 10) + { + if ((nums[n-1] == (nums[nums.length - 1])) + { + x = true; + } + } + return x; +} +" +b10a4ea32a1e902d06dcf6d56695b02b1d1074fe,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = false; + if (nums[n-1] > 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == + (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + if (nums[n-1] > 10 && nums[nums.length - 1] < 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == (nums[nums.length - 1])) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] == (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10)) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] < 10) + { + if (nums[n-1] == nums[nums.length - 1]) + { + x = true; + } + } + return x; +} +" +867a317f73712b67a7dc46efeb759902f4f63f2b,"public boolean sameEnds(int[] nums, int n) +{ + boolean x = false; + if (n == 0) + { + x = true; + } + else + { + if (nums[n-1] > 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == + (nums[nums.length - 1] - (nums[nums.length - 1] % 10)) / 10) + { + x = true; + } + } + if (nums[n-1] > 10 && nums[nums.length - 1] < 10) + { + if ((nums[n-1] - (nums[n] % 10)) / 10 == (nums[nums.length - 1])) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] > 10) + { + if ((nums[n-1] == (nums[nums.length - 1] + - (nums[nums.length - 1] % 10)) / 10)) + { + x = true; + } + } + if (nums[n-1] < 10 && nums[nums.length - 1] < 10) + { + if (nums[n-1] == nums[nums.length - 1]) + { + x = true; + } + } + } + return x; +} +" +3e3d7e87775a8c1206be6e9b3a713cbc238778ad,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = int[n]; + int[] b = int[n]; + if (n == 0 || n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n + i]; + if (a[i] != b[i]) + { + return false; + } + } + return true; + } +} +" +5a4d17c46473dd9cd79957914971f92920a26f5c,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 || n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n + i]; + if (a[i] != b[i]) + { + return false; + } + } + return true; + } +} +" +92020434720f572fa181d98312d999b8376972d8,"public boolean sameEnds(int[] nums, int n) +{ + for (r = 0; r < nums.length; r++) + { + + if (n < nums.length && nums[n] % nums[r] == 0) + { + return true; + } + } + return false; +} +" +d6631ba688feb3d7e408e51f3d9eb69d6ab527c8,"public boolean sameEnds(int[] nums, int n) +{ + int r; + for (r = 0; r < nums.length; r++) + { + + if (n < nums.length && nums[n] % nums[r] == 0) + { + return true; + } + } + return false; +} +" +ef8049a362fb4534a1bd80afb852007b9c20d9c4,"public boolean sameEnds(int[] nums, int n) +{ + int r; + for (r = 0; r < nums.length + 1; r++) + { + + if (n < nums.length + 1 && nums[n] % nums[r] == 0) + { + return true; + } + } + return false; +} +" +09270423a503589420fbedaf2b9252448f67a749,"public boolean sameEnds(int[] nums, int n) +{ + int r; + for (r = 0; r < nums.length; r++) + { + + if (n < nums.length + 1 && nums[n] % nums[r] == 0) + { + return true; + } + } + return false; +} +" +34062b937520465e2e464aca1780a2475c9adbc7,"public boolean sameEnds(int[] nums, int n) +{ + int r; + for (r = 0; r < nums.length + 1; r++) + { + + if (n < nums.length && nums[n] % nums[r] == 0) + { + return true; + } + } + return false; +} +" +085790b4b4faf5fa51a14e8cf9224da8ae73e5d6,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i].equals(nums[nums.length - i)) + { + return true; + } + } + return false; +} +" +17d405df3e0de5f8dac442f64264f75a523d11e7,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i].equals(nums[nums].length - i)) + { + return true; + } + } + return false; +} +" +77f0ed6efcdc4723f2109626a70fc5e63632e17c,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + for (int i = 0; i < n; i++) + { + if (nums[0 + i] == nums[nums.length - i - 1]) + { + same = true; + } + if (same == false) + { + break; + } + } + return same; +} +" +418d52d04dc7ea011684308ceec152b4e521beed,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + for (int i = 0; i <= n; i++) + { + if (nums[0 + i] == nums[nums.length - i - 1]) + { + same = true; + } + if (same == false) + { + break; + } + } + return same; +} +" +203cc6805da5c006ee15ef2a1ba097bcbb479a1e,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + for (int i = 0; i <= n; i++) + { + if (nums[i] == nums[nums.length - i - 1]) + { + same = true; + } + if (same == false) + { + break; + } + } + return same; +} +" +c38447c59239d97a27e2e2d25f6c9cef923558f7,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int stop = nums.length-len; + for (; len > 0; len--) + { + + if (nums[beg] != nums[stop]) + { + return false; + } + else + { + beg++; + end++; + } + } + return true; +} +" +29a25dfd9086fe10c3c07201f7d97c9ead68d762,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int stop = nums.length-n; + for (; n > 0; n--) + { + + if (nums[beg] != nums[stop]) + { + return false; + } + else + { + beg++; + end++; + } + } + return true; +} +" +aad05c59150bcc3f90de875cff92fb81f62aabc1,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int stop = nums.length-n; + for (; n > 0; n--) + { + + if (nums[beg] != nums[stop]) + { + return false; + } + else + { + beg++; + stop++; + } + } + return true; +} +" +9a58efc7f85a69a49e3711e40c36762c66d28b16,"public boolean sameEnds(int[] nums, int n) +{ + return boolean startFinish = true; + int j = nums.length - n; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[j]) + { + startFinish = false; + } + j++; + } + return startFinish; +} +" +7882d52155ca29a58c533072a21394cfacf33124,"public boolean sameEnds(int[] nums, int n) +{ + boolean startFinish = true; + int j = nums.length - n; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[j]) + { + startFinish = false; + } + j++; + } + return startFinish; +} +" +24328e88ef227056974f9fb3fa6e0a060fbcd800,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for(int i = 1; i <= n; i ++) + { + end[i] = nums[nums.length - i] + } + for(int i = 0; i < n; i++) + { + if(begin[i] != end[i]) + { + return false; + } + } + return true; + +} +" +1a92a3f5c79d6ad92c42648e1a54fe35b9cbae18,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for(int i = 1; i <= n; i ++) + { + end[i] = nums[nums.length - i]; + } + for(int i = 0; i < n; i++) + { + if(begin[i] != end[i]) + { + return false; + } + } + return true; + +} +" +0bb43b21ec3d378e9de410d9d3522bd0a4f1dca8,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for(int i = 1; i <= n; i ++) + { + end[i] = nums[nums.length - i + 1]; + } + for(int i = 0; i < n; i++) + { + if(begin[i] != end[i]) + { + return false; + } + } + return true; + +} +" +fce0a3d2d300f888735fff3f99375b804de18e53,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + // + return true; + } + return false; +} +" +ac72b7ca71b7836dfb4bd2182a0d0314041d2076,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for(int i = 1; i <= n; i ++) + { + end[i] = nums[nums.length - i]; + } + for(int i = 0; i < n; i++) + { + if(begin[i] != end[i]) + { + return false; + } + } + return true; +} +" +4b6a5256f69c008f0fc1d599189a65b73805cda1,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for(int i = 1; i <= n; i ++) + { + end[i - 1] = nums[nums.length - i]; + } + for(int i = 0; i < n; i++) + { + if(begin[i] != end[i]) + { + return false; + } + } + return true; +} +" +071f6c56b4b9e13e00e382a9acf0d14cb4b1d0bf,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] % 10 != nums[nums.length - n + i - 1] % 10) + { + return false; + } + } + return true; +} +" +5709e10269126d30588be3684d227aaaa9714525,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] % 10 != nums[nums.length - n + i] % 10) + { + return false; + } + } + return true; +} +" +6b090a8a5d3ca7d88cae5fa1afcde36fe11e5c8e,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int sample = 0; + for(int i = 0; i < n; i++) + { + begin[i] = nums[i]; + } + for(int i = nums.length - n; i < nums.length; i++) + { + end[sample] = nums[i]; + sample = sample + 1; + } + for(int i = 0; i < n; i++) + { + if(begin[i] != end[i]) + { + return false; + } + } + return true; +} +" +a3d183cc7ec0fa09929a260c7f4913a2ff1fbaeb,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9dab5a089be417cf27e0c6a48424277c1c323bcd,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +091e8b6c9ceb52bee378da5817857eec69bdc7f2,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +8b79e3953547f68a6be02fb9f5798476f44b7af7,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int len; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1421e9d20acbdf5036ea22a8aeb34facf8a53b77,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(int len; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +e6c62e722de69a02cda346286a0bdbfd91be9cf7,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +e0df9d4a3df76c03be4e964d0860d20a1514826a,"public boolean sameEnds(int[] nums, int n) +{ + int[] start; + +} +" +30dca9338644816cb5713247d4d6e0245142fa4a,"import java.util.ArrayList + +private ArrayList start; +private ArrayList end; + + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>; + end = new ArrayList<>; + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result == false + } + } + + return result; + + +} +" +ead886930c39637a80316542b5ecd3645b32a355,"import java.util.ArrayList; + +private ArrayList start; +private ArrayList end; + + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>; + end = new ArrayList<>; + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result == false + } + } + + return result; + + +} +" +f2a6138217691f5ecc89e2f0a21b3bcb9ea27976," +private ArrayList start; +private ArrayList end; + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>; + end = new ArrayList<>; + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result == false + } + } + + return result; + + +} +" +afd1ef1e0b0d4c4f35364fb9b8e3863d5461a39b,"private ArrayList start; +private ArrayList end; + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>; + end = new ArrayList<>; + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result == false + } + } + + return result; + + +} +" +440438ad09504cecf79adbd89cebe72d54d4e3a2,"private ArrayList start; +private ArrayList end; + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>(); + end = new ArrayList<>(); + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result == false + } + } + + return result; + + +} +" +6ee45abb8377d88e58d03db3c6cdc3db224aade0,"private ArrayList start; +private ArrayList end; + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>(); + end = new ArrayList<>(); + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result == false; + } + } + + return result; + + +} +" +1fdf61b3afae0e32748ce5a3ae6f9b3b7087afb1,"private ArrayList start; +private ArrayList end; + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>(); + end = new ArrayList<>(); + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result = false; + } + } + + return result; + + +} +" +d89a6dd74ccc552201d52f6142849d36afc9a782,"import java.util.ArrayList; + +private ArrayList start; +private ArrayList end; + +public boolean sameEnds(int[] nums, int n) +{ + start = new ArrayList<>(); + end = new ArrayList<>(); + + for (int i = 0; i < n; i++) + { + start.add(nums[i]); + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end.add(nums[i]); + } + + boolean result = true; + + for (int i = 0; i < start.size(); i++) + { + if ( start.get(i) != end.get(i) ) + { + result = false; + } + } + + return result; + + +} +" +3286e1ae56d38a7846a185f6282efcc2db7236dc,"public boolean sameEnds(int[] nums, int n) +{ + if ( n = 0 ) + { + return true; + } + else + { + boolean result == true; + + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[(nums.length-n)+i]) + { + result = false; + } + } + } + +} +" +521711e7a10aef1b1acb93d375c310a6b5cad122,"public boolean sameEnds(int[] nums, int n) +{ + if ( n = 0 ) + { + return true; + } + else + { + boolean result = true; + + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[(nums.length-n)+i]) + { + result = false; + } + } + } + +} +" +cfb76a463154096fdef32f01a23017281e5186c8,"public boolean sameEnds(int[] nums, int n) +{ + if ( n == 0 ) + { + return true; + } + else + { + boolean result = true; + + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[(nums.length-n)+i]) + { + result = false; + } + } + } + +} +" +2639176ca4be2174a382380464eb963e152cf6be,"public boolean sameEnds(int[] nums, int n) +{ + if ( n == 0 ) + { + return true; + } + else + { + boolean result = true; + + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[(nums.length-n)+i]) + { + result = false; + } + } + } + + return result; +} +" +88651a29cfd73c61f34d668200055ab513d4485c,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + + if ( n == 0 ) + { + return true; + } + else + { + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[(nums.length-n)+i]) + { + result = false; + } + } + } + + return result; +} +" +c9e8edd12c36cd9f0327a2b46d7fff0c632a6543,"public boolean sameEnds(int[] nums, int n) +{ + boolean result= true + for (int i = 0; i < n; i++) + { + if (!(num[i] == nums[nums.length - n])) + { + result false; + } + } + + return result; +} +" +d46c6a9ac558f671c470d908b301fcfc80a5eb7d,"public boolean sameEnds(int[] nums, int n) +{ + boolean result= true; + for (int i = 0; i < n; i++) + { + if (!(num[i] == nums[nums.length - n])) + { + result = false; + } + } + + return result; +} +" +f5b5d5b5df067dd79ce4cf618864e9acf6f51923,"public boolean sameEnds(int[] nums, int n) +{ + boolean result= true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n])) + { + result = false; + } + } + + return result; +} +" +0be906f88ef2260ff0a920fcb49ea154277577e9,"public boolean sameEnds(int[] nums, int n) +{ + boolean result= true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + 1])) + { + result = false; + } + } + + return result; +} +" +8b56b90a259f85864087d5d2caad06e45f17044e,"public boolean sameEnds(int[] nums, int n) +{ + boolean result= true; + for (int i = 0; i < n; i++) + { + if (!(nums[i] == nums[nums.length - n + i])) + { + result = false; + } + } + + return result; +} +" +3f1d607c5459dc0cacf013e0d7fdfd2e44cb4d51,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n] + int[] sum2 = new int [n] + for (int i = 0; i <= n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length; i > n; i--) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +913425a316f3525be64098418188a4dd61dc629d,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + for (int i = 0; i <= n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length; i > n; i--) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +bc973ca3542f30fc1c5bca93f120b3c2540d5b29,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + for (int i = 0; i <= n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - 1; i > n; i--) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +8688c7c76671995963ee4a956a8014713bd4fd9c,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + if (n == 0) + { + return true; + } + for (int i = 0; i <= n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +806962512942165becb1f7518c1c46c1b01c5a1b,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + if (n == 0) + { + return true; + } + + for (int i = 0; i <= n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n -1; i < nums.length - 1; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +a6284dee7a9f41e192824752518f26ef903d9447,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + if (n == 0) + { + return true; + } + + for (int i = 0; i <= n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n -1; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +50ef9b906f9804ca352eb8068b66cb305e9617e2,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n -1; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +c796effef366e7b8a4c0b5e88700a5be5a74d2f1,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n-1]; + int[] sum2 = new int [n-1]; + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n -1; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +fecf14e1784f06585bf3260f4bb2c111acf55bd5,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n -1; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +c969486d7592f94c64efeb8de9f8d9655aadccc4,"public boolean sameEnds(int[] nums, int n) +{ + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + if (n == 0) + { + return true; + } + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + return (sum1 .equals(sum2)); + +} +" +794802b7c9f38c91e951e2ffe260878802ece977,"public boolean sameEnds(int[] nums, int n) +{ + + if (n == 0) + { + return true; + } + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + + return (Arrays.equals(sum, sum2)); + +} +" +49d1dc88b8dfe50e7760f0bb0701e50f5128dda0,"public boolean sameEnds(int[] nums, int n) +{ + + if (n == 0) + { + return true; + } + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + + return (Arrays.equals(sum1, sum2)); + +} +" +1c4530d84b85f0960f43b56c25c9d04d7de515a6,"public boolean sameEnds(int[] nums, int n) +{ + + if (n == 0) + { + return true; + } + int[] sum1 = new int [n]; + int[] sum2 = new int [n]; + + for (int i = 0; i < n; i++) + { + sum1[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + sum2[i] = nums[i]; + } + + return (java.util.Arrays.equals(sum1, sum2)); + +} +" +7fa1ac4ef165152e331141a4704554c4e5c60fc3,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2531b10f30fa385fec21908611195e20dd4bcf2a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9b49185af448fc1c73e732ad713782df92098e36,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums.length - i) + { + return true; + } + } + return false; +} +" +5b9eb535280570f293684ef95c107bc80160a334,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = len; + for (int i =0; i 0; n++) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + end++; + start++; + } + } + return true; +} +" +e0130fb7f38b20187e8d770b9336caa872a4231b,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (; n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + end++; + start++; + } + } + return true; +} +" +e85e2b9685e63bc2ae77a2cf8771cecfbf39f738,"public boolean sameEnds(int[] nums, int n) +{ + boolean TRUE = true; + int range = n; + for (int i = 0; i < range; i++) + { + if (nums[i] != nums[nums.length - range + i]) + { + result = false; + } + } +return TRUE; +} +" +d07a8f2918b5cbabc93e15954d4cacb35240d6f6,"public boolean sameEnds(int[] nums, int n) +{ + boolean TF = true; + int range = n; + for (int i = 0; i < range; i++) + { + if (nums[i] != nums[nums.length - range + i]) + { + TF = false; + } + } +return TF; +} +" +0434f655a0da7c54c5620bd255c2bfbb102fe105,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - len; i++, j++) + { + if (nums[i] != nums[j]) + return false + } + return true; + +} +" +c74e910dc2fadf13822f334213550a4e4ef001b7,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i++, j++) + { + if (nums[i] != nums[j]) + return false + } + return true; + +} +" +bcecfe9b1f50eeb312fd6879ca0eac5f6be5e3d5,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; int j = nums.length - n; i++; j++) + { + if (nums[i] != nums[j]) + return false + } + return true; + +} +" +d129bcfff309acb2205b66b46541ccef68185ebb,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++; j++) + { + if (nums[i] != nums[j]) + return false + } + return true; + +} +" +0665812471e75a7c5a2280886584c3709945e575,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++, j++) + { + if (nums[i] != nums[j]) + return false + } + return true; + +} +" +6210f9c1c94f1775bf1b3c494a9cd9dd2c5280bc,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++, j++) + { + if (nums[i] != nums[j]) + return false; + } + return true; + +} +" +5f9bdda269cd3bfcdb4f2845514746c75ecf2162,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; + +} +" +de213cf0aab3004a347c1315cfc2f6abb318e2b6,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int i = 0; i < nums.length; i ++) + { + if(nums[start] == nums[end]) + { + return true; + + start++; + end++; + } + } + return false; + +} +" +845e3c6d322f2d215ad0b11888465cdf414dcc76,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int i = 0; i < nums.length; i ++) + { + if(nums[start] == nums[end]) + { + return true; + start++; + end++; + } + } + return false; + +} +" +681738162fc3dd806fb2b0a4dc7bae1aff5e8167,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int i = 0; i < nums.length; i ++) + { + if(nums[start] == nums[end]) + { + + start++; + end++; + return true; + } + } + return false; + +} +" +48c48a2307c6e0dd02bba8cac733f2fa071bc3db,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +f3eca7dae2be3f3d5fedaee079e39fc57d599492,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < length; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +84c4cbe28cf41cd1bf5a98900aabcc72ebd21e11,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a8ae5378e37826778d4d8d88be47dcd091d4c820,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +ed6b26d8fb9a2fcdd89bea196a29dc167a595df5,"public boolean sameEnds(int[] nums, int n) +{ + boolean ends = true; + int[] beg = new int[n]; + for (int i = 0; i < n; i++) + { + beg[i] = nums[i]; + } + int[] end = new int[n]; + int count = 0; + for (int i = nums.length - 1; i > nums.length - 1 - n; i--) + { + end[count] = nums[i]; + count++; + } + for (int i = 0; i < n; i++) + { + if (beg[i] != ends[i]) + { + ends = false; + } + } + return ends; +} +" +c01b6e23a4468f02b4584c7d5dfdd0f29b64945b,"public boolean sameEnds(int[] nums, int n) +{ + boolean ends = true; + int[] beg = new int[n]; + for (int i = 0; i < n; i++) + { + beg[i] = nums[i]; + } + int[] end = new int[n]; + int count = 0; + for (int i = nums.length - 1; i > nums.length - 1 - n; i--) + { + end[count] = nums[i]; + count++; + } + for (int i = 0; i < n; i++) + { + if (beg[i] != end[i]) + { + ends = false; + } + } + return ends; +} +" +7b7b500b698e0bb5ceaabc33719d565cc77c6ce2,"public boolean sameEnds(int[] nums, int n) +{ + boolean ends = true; + int[] beg = new int[n]; + for (int i = 0; i < n; i++) + { + beg[i] = nums[i]; + } + int[] end = new int[n]; + int count = 0; + for (int i = nums.length - 1 - n; i < nums.length; i++) + { + end[i] = nums[i]; + count++; + } + for (int i = 0; i < n; i++) + { + if (beg[i] != end[i]) + { + ends = false; + } + } + return ends; +} +" +2fd5028021475acc28008c0412d00a9f800853ff,"public boolean sameEnds(int[] nums, int n) +{ + boolean ends = true; + int[] beg = new int[n]; + for (int i = 0; i < n; i++) + { + beg[i] = nums[i]; + } + int[] end = new int[n]; + int count = 0; + for (int i = nums.length - n; i < nums.length; i++) + { + end[i] = nums[i]; + count++; + } + for (int i = 0; i < n; i++) + { + if (beg[i] != end[i]) + { + ends = false; + } + } + return ends; +} +" +da05cba15c7a0e8c2b60c6ad4968aa61737dd7b1,"public boolean sameEnds(int[] nums, int n) +{ + boolean ends = true; + int[] beg = new int[n]; + for (int i = 0; i < n; i++) + { + beg[i] = nums[i]; + } + int[] end = new int[n]; + int count = 0; + for (int i = nums.length - 1; i > nums.length - 1 - n; i--) + { + end[count] = nums[i]; + count++; + } + count1 = end.length - 1; + for (int i = 0; i < n; i++) + { + if (beg[i] != end[count1]) + { + ends = false; + } + count1--; + } + return ends; +} +" +16c6e2e7cfab675c4895a89eccf90d1b5d5b255e,"public boolean sameEnds(int[] nums, int n) +{ + boolean ends = true; + int[] beg = new int[n]; + for (int i = 0; i < n; i++) + { + beg[i] = nums[i]; + } + int[] end = new int[n]; + int count = 0; + for (int i = nums.length - 1; i > nums.length - 1 - n; i--) + { + end[count] = nums[i]; + count++; + } + int count1 = end.length - 1; + for (int i = 0; i < n; i++) + { + if (beg[i] != end[count1]) + { + ends = false; + } + count1--; + } + return ends; +} +" +a3e152967d7d008b50968916b9389141c0fff350,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if ( n == 0 || n == length ) + { + return true; + } + else + { + boolean same = true; + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[length - n + i] ) + { + same = false + } + } + return same; + } +} +" +a05b814f6eb4578c7e2d84a4e274352b2d8c4ac8,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if ( n == 0 || n == length ) + { + return true; + } + else + { + boolean same = true; + for ( int i = 0; i < n; i++ ) + { + if ( nums[i] != nums[length - n + i] ) + { + same = false; + } + } + return same; + } +} +" +c28ac1a2f69570ef46aaee7d42953b9950629935,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +2b0de3b43b22a06e34754ed9b50e4ff66a34b951,"public boolean sameEnds(int[] nums, int n) +{ + int[] beginning = new int[n]; + for (int i = 0; i < n; i++) + { + beginning[i] = nums[i]; + } + + int[] end = new int[n]; + for (int j = 0; j < n; j++) + { + end[nums.length - (n + j)] = nums[nums.length - (n + j)]; + } + + return (beginning == end); +}" +675beca4c898086b0197263e92edf9d705e28dfd,"public boolean sameEnds(int[] nums, int n) +{ + int[] beginning = new int[n]; + for (int i = 0; i < n; i++) + { + beginning[i] = nums[i]; + } + + int[] end = new int[n]; + for (int j = 0; j < n; j++) + { + end[nums.length - j] = nums[nums.length - j]; + } + + return (beginning == end); +}" +9a7d97797c6a65b6fd403f1fcf58ca070d95b19b,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] beginning = new int[n]; + for (int i = 0; i < n; i++) + { + beginning[i] = nums[i]; + } + + int[] end = new int[n]; + for (int j = 0; j < n; j++) + { + end[nums.length - j] = nums[nums.length - j]; + } + + return (beginning == end); +}" +6a89e14ba91c6f54d8d87c84b56c9ed1eeb9c007,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length-n+i]) + { + return false; + } + } + return true; +} +" +44e8bb2579c735671c195ed725d57e1d9da77ac1,"public boolean sameEnds(int[] nums, int n) +{ + for(int x = 0; x < len; x++) + { + if(nums[x] != nums[nums.length - len + x]) + { + return false; + } + } + return true; +} +" +44d1487c8f32417a20f83c56c93d01b2421f5b82,"public boolean sameEnds(int[] nums, int n) +{ + for(int x = 0; x < len; x++) + { + if(nums[x] != nums[nums.length - n + x]) + { + return false; + } + } + return true; +} +" +5e8c5fe4c106413eb2d2ca5ab9eeae5744130434,"public boolean sameEnds(int[] nums, int n) +{ + for(int x = 0; x < n; x++) + { + if(nums[x] != nums[nums.length - n + x]) + { + return false; + } + } + return true; +} +" +5154dd10b03ad6a2944b2b606decc6373c7b4d1b,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for (n = 0; n= 0; i-1) + { + int elea = nums[i]; + int eleb = nums[nums.length-1-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + return(tot == match); + +} +" +eeef95f1428deae0b6a79a7d0eeb5bdfe8fb5260,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + for(int i = n; i >= 0; i-1;) + { + int elea = nums[i]; + int eleb = nums[nums.length-1-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + return(tot == match); + +} +" +a05f7052e308a7199b50f998f58335405e821ca2,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + for(int i = n; i >= 0; i - 1) + { + int elea = nums[i]; + int eleb = nums[nums.length-1-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + return(tot == match); + +} +" +64118d69e056314f89ddac7eae6a3574c92a05fc,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + for(int i = n; i >= 0; i = i -1) + { + int elea = nums[i]; + int eleb = nums[nums.length-1-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + return(tot == match); + +} +" +46c9b5454d36e59896487511ab8590b1bdc88734,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for (; n>0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +}" +47612ebed3eea7b1683296fcd6677882ed4cb0f1,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + for(int i = n; i >= 0; i = i -1) + { + int elea = nums[i]; + int eleb = nums[nums.length-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + return(tot == match); + +} +" +0eafcdbc327b49feeec203f74031b11e2e3a1468,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + for(int i = n; i >= 0; i = i -1) + { + int elea = nums[i]; + int eleb = nums[nums.length-1-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + return(tot == match); + +} +" +e0c940b27e10366e7861f58a31ea4f8345729b2e,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + if (n < nums.length) + { + for(int i = n -1; i >= 0; i = i -1) + { + int elea = nums[i]; + int eleb = nums[nums.length-1-i]; + tot++; + if (elea==eleb) + { + match++; + } + } + } + return(tot == match); + +} +" +c3ae745962c181bf89ec3a18b02e672923c0a603,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + int p = n; + if (n < nums.length) + { + for(int i = 0 ; i < n; i++) + { + int elea = nums[i]; + int eleb = nums[nums.length-pos]; + tot++; + pos++; + if (elea==eleb) + { + match++; + } + } + } + return(tot == match); + +} +" +87d8939c54f9eda38678959da863d30b991f39ab,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + int p = n; + if (n < nums.length) + { + for(int i = 0 ; i < n; i++) + { + int elea = nums[i]; + int eleb = nums[nums.length-pos]; + tot++; + p++; + if (elea==eleb) + { + match++; + } + } + } + return(tot == match); + +} +" +37fffd80ed61b98419584a6f1045e5f6d5dde70c,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + int p = n; + if (n < nums.length) + { + for(int i = 0 ; i < n; i++) + { + int elea = nums[i]; + int eleb = nums[nums.length-p]; + tot++; + p++; + if (elea==eleb) + { + match++; + } + } + } + return(tot == match); + +} +" +4a78357cc61de73bcddb5f3efa363ef0b19d8aa6,"public boolean sameEnds(int[] nums, int n) +{ + int tot = 0; + int match= 0; + int p = n; + if (n < nums.length) + { + for(int i = 0 ; i < n; i++) + { + int elea = nums[i]; + int eleb = nums[nums.length-p]; + tot++; + p= p -1; + if (elea==eleb) + { + match++; + } + } + } + return(tot == match); + +} +" +ed0865d870c9b27e1f14f89393c869f348bdb262,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + if (nums[start] == nums[end]) + { + return true; + } + return false; +} +" +ba8e294c254d8e2f1e71dba6ba3e0a58e2cd7319,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(int i = 0; i < nums.length; i ++) + { + if(nums[start] == nums[end]) + { + + start++; + end--; + return true; + } + } + return false; + +} +" +da225f56da03cf12c0187ba150220771bebe4745,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; + +} +" +dbb55734a136b09d88771ba14a75a40e64c24d73,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +5aa82b6f9ba3fc6dc9dad6cc681f5f7eb1941921,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start = start + 1; + end = end + 1; + } + } + return true; +} +" +0f968c8e8b9da897e2e04795723b83a276d6b958,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +12a47f48bb0e6f4b8586a875a20c59d6e000a2a9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length- n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +5f5f031ebdc13e93e46ff06dc4f2ad79e3764bcf,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + if (nums[start] != nums[end]) + { + return false; + } + return true; +} +" +339565632d5a5904b650978a18af8a12f5765ee9,"public boolean sameEnds(int[] nums, int n) +{ + int start = n; + int end = nums.length - n; + if (nums[start] != nums[end]) + { + return false; + } + return true; +} +" +479ac1c0ff540618377a6c1e41130a40ca80766f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + if (nums[start] != nums[end]) + { + return false; + } + return true; +} +" +a8e37b51c7466f0ccaa22ab597059ae0467767cf,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + if(n == 0) + { + return false; + } + if (nums[start] != nums[end]) + { + return false; + } + return true; +} +" +145f404311f1db152660448ae29fceabebacacb6,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + if(n == 0) + { + return true; + } + if (nums[start] != nums[end]) + { + return false; + } + return true; +} +" +1a65aecb69649b72547e14d67ec53f89ec501f3c,"public boolean sameEnds(int[] nums, int n) +{ + if(n==0) return true; + for(int i=0; i=0; i--) + { + if(nums[(len-1)-i]!=nums[(nums.length-1)-i]) return false; + } + return true; + + + +} +" +25ccf476b9f53a3b3abb2f6ba75c69d146d98ea7,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - len; i < len; i++, j++) + if (nums[i] != nums[j]) return false; + return true; + + + +} +" +94ddc6c429222199d6e4c7a0bb0c3a2dea8ca909,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++, j++) + if (nums[i] != nums[j]) return false; + return true; + + + +} +" +97e17ff586bd37dc1733b4777f5c5aab56db4411,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length-len; + + for(; len > 0; len--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +893db26518ba3fed30e7807aa5112620718f3db9,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + + int end = nums.length-len; + + for(; len > 0; len--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +62e16b3bf593ed6f6722804fb9ffca27a2f080a1,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +27e544cf882df828ec423c8b306a08030ee5f397,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 1; i <= n;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +369f886e40ef9ec4de23784888d412e5f336cca1,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 1; i <= n;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num >= 1) + { + return true; + } + else + { + return false; + } +} +" +e92199886f7f9dc9a11f7f8ff69363467274d209,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 1; i <= n;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num == n -1) + { + return true; + } + else + { + return false; + } +} +" +9b92aac0a4e2e6e93b50331e3aac5073e94c7781,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 1; i <= n;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +594de066062f08116dbe6753d8d2af04fa1badff,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 1; i <= nums.length;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +1c028820c70a4d3542f0d45586eb6d366ae4846f,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 1; i <= n;i++) + { + if (nums[i] == nums[nums.length - i]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +d42c506227c207f84b1d08e321a62c0f1276191d,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - len; + for (; len > 0; len--) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +24b2f65eb340074556adbab0a3806ff19c3eb30a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (; n > 0; n--) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f91710b8a090f297b483b85c196271d31eacd87b,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = n; i > 0 n;i--) + { + if (nums[i] == nums[nums.length - i + 1]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +e66af3fd10029e3b0eddec751863c4988c7a3b9a,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = n; i > 0 n;i--) + { + if (nums[i] == nums[nums.length - i + 1]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +08e4dd006b6e382802e3647f597e896279832bde,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = n; i > 0 ;i--) + { + if (nums[i] == nums[nums.length - i + 1]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +4087c90e01bdc3ebad63f3f26517c77da21f026b,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = n; i > 0 ;i--) + { + if (nums[i] == nums[nums.length - i ]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +2426cde389d8e62d4724460ae3cfd5893a95905e,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + { + if (nums[i] == nums[nums.length - n + 1 ]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +5be94b5033fce6f8286f2752761bf19dbce92963,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + { + if (nums[i] == nums[nums.length - n ]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +1466c8cfa6cfb01cec689e11cd6cbcac20589325,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + for (int j = n; j > 0; j--) + { + if (nums[i] == nums[nums.length - n]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +c80a927b4021ef42b6d40ae5d56af60a21e00851,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + for (int j = n; j > 0; j--) + { + if (nums[i] == nums[nums.length - j]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +50fa349a426a7c1d955369d8df01b971478d7968,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + for (int j = n; j >= 0; j--) + { + if (nums[i] == nums[nums.length - j]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +bf633f9c03e85086c5e54f06baa42a5e1749a527,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + for (int j = n; j > 0; j--) + { + if (nums[i] == nums[nums.length - j]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +f43ff89086862797820eb0e8cf36d116cf738de0,"public boolean sameEnds(int[] nums, int n) +{ + int max = 0; + +for (int i = nums.length-1; i >= 0; i--) { +if (nums[i] % 2 != 0) +max = Math.max(max, nums[i]); +if (nums[i] == 0) +nums[i] = max; +} +return nums; + + +} +} +" +1b8740ca4bb03669d01034c7e72e4fbb2d2a7b2e,"public boolean sameEnds(int[] nums, int n) +{ + int max = 0; + +for (int i = nums.length-1; i >= 0; i--) { +if (nums[i] % 2 != 0) +max = Math.max(max, nums[i]); +if (nums[i] == 0) +nums[i] = max; +} +return nums; + +} +" +f05ebbd60ec749c48e11d613634be6fccd3ee612,"public boolean sameEnds(int[] nums, int n) +{ +boolean result = true; +int range = len; +for (int i =0; i 0; j--) + { + if (nums[i] == nums[nums.length - j]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +f3a459646cb92f17edec9da2f4b0be09fc6af9ae,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + for (int j = n; j > 0; j--) + { + if (nums[i] == nums[nums.length - j]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +1bef586fa18beef2923bff336b7698b93305ba75,"public boolean sameEnds(int[] nums, int n) +{ +for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +515c154438641d6566caa1cd80f80c50ba351e98,"public boolean sameEnds(int[] nums, int n) +{ +for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +a7dd935e36c8ef79ef371ae663b6dac9760398db,"public boolean sameEnds(int[] nums, int n) +{ + int num = 0; + for (int i = 0; i < n ;i++) + { + if (nums[i] == nums[nums.length - n]) + { + num = num + 1; + } + } + if (num == n) + { + return true; + } + else + { + return false; + } +} +" +c19db1ec8af17920536bff4214aafa1297ad5112,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +399f5bd723d4bafe42eabe2351acebd7b5f14371,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + Boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums(front) != nums(end)) + { + Boolean same = false; + } + } + return same; +} +" +fa7eaede37e3676ba5927f3a1da27e14ef4f7147,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + Boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[front] != nums[end]) + { + Boolean same = false; + } + } + return same; +} +" +2f79eabbe3aef2bdb645147b371694430065bfe3,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + Boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[front] != nums[end]) + { + same = false; + } + } + return same; +} +" +9ee554d374198e0c52f64c9598d81e19a6367838,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i] + } + if (n1 == n2) + { + same = true; + } + return same; +} +" +d10a4f8dba8b8dcebc8ce35bc5621bc6fa07087a,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + if (n1 == n2) + { + same = true; + } + return same; +} +" +db77f36e4ba868d99058466f8927a18a28106414,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (n1 != n2) + { + same = false; + } + return same; +} +" +3599ba1d0bc7a82e16ee71a74b2f49f29c3158c1,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (n1 != n2) + { + same = true; + } + return same; +} +" +8635bc10a4ebba33bd0ea176f3fd6662228c3f94,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (n1 == n2) + { + same = true; + } + return same; +} +" +0349c326dc93d362c51b184fb3160ec1255d4098,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (n1.equals(n2)) + { + same = true; + } + return same; +} +" +603cc8bba7584c4c4f60d53f4c45acf59181fdd2,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +990516acbe4ad01e1d357cc145b3257af8c184ea,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[0,1]; + int[] n2 = new int[0,1]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (n1.equals(n2)) + { + same = true; + } + return same; +} +" +939204e00dc9cc2704cfb6221151a3a90cdfb64e,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = false; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (n1.equals(n2)) + { + same = true; + } + return same; +} +" +74428781e7e0897604dfb502d84f83303315732f,"public boolean sameEnds(int[] nums, int n) +{ + int begining = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[begining] != nums[end]) + return false; + else + { + begining++; + end++; + } + } + return true; +} +" +dff70c309700a4fbad1dfe1f8533df5891a37cd2,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + } + + if (!n1.equals(n2)) + { + same = false; + } + return same; +} +" +9b060c72f42e0fc83c493e40d5b62372de1d7200,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (!n1.equals(n2)) + { + same = false; + } + return same; +} +" +cafa886e9ccad0976499baf7ae7c61c845c8dbe2,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (n1 != n2) + { + same = false; + } + return same; +} +" +5c8192e003a8895c8a663f2ce0b0198b277957d6,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + +return true; +} +" +0d60ffa79ca288d17b963337839ee0be7787dcc0,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + +return true; +} +" +b66862c4c718e4223f1a408b90bd2ccde403c0fe,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (!Arrays.equals(n1, n2)) + { + same = false; + } + return same; +} +" +6ff338e0b9b038aa4a0115d696baed081d15ff41,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (!Array.equals(n1, n2)) + { + same = false; + } + return same; +} +" +4b0d3c283292a02a142304951a40701f7c8c75ae,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (!Arrays.equals(n1, n2)) + { + same = false; + } + return same; +} +" +d5bb3177d7895b0b6c879536ac075e44a1c788db,"import java.util.Arrays; + +public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (!Arrays.equals(n1, n2)) + { + same = false; + } + return same; +} +" +2230abe98c9611bf3fcb48b51c9b753a9a2bd331,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +515e4dd3b558e183ba1d682ef18b3e460d1483e5,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + } + + if (Arrays.equals(n1, n2)) + { + same = false; + } + return same; +} +" +9e9a307cc9dd2ec4f94db8dc2f5153f79eefdf21,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + if (n1[i] != n2[i]) + { + same = false + break; + } + } + return same; +} +" +c57249e9f61cb71248838b6151b7417ebd5f0be9,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[i]; + if (n1[i] != n2[i]) + { + same = false; + break; + } + } + return same; +} +" +f607bd145b87006a065c924434ec230ce6743db2,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] n1 = new int[n]; + int[] n2 = new int[n]; + for (int i = 0; i < n; i++) + { + n1[i] = nums[i]; + n2[i] = nums[nums.length - n + i]; + if (n1[i] != n2[i]) + { + same = false; + break; + } + } + return same; +} +" +0c015d72ca5760454227bd67031558f00e26dc8f,"public boolean sameEnds(int[] nums, int n) +{ + int[] frontN = new int[n]; + int[] endN = new int[n]; + for (int i = 0; i < n; i++) + { + frontN[i] = nums[i]; + endN[i] = nums[nums.length - n + i]; + if (frontN[i] != endN[i]) + { + return false; + } + } + return true; +} +" +2486894f0601efa4007d1c0b5257d74cc71dbbd2,"public boolean sameEnds(int[] nums, int n) +{ + boolean bool = true; + int range = len; + for (int i =0; i 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +cca2d3c79f6f52fb7bb60a284c672b817efd40a5,"public boolean sameEnds(int[] nums, int n) +{ + + boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[nums.length - n + i] != nums[i]) + { + same = false; + } + } + return same; +} +" +b015d3adfb44fd748c556df0382d38f1b188980c,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int end = nums.length - 1; + for (; n > 0; n --) + { + if(nums[begin] != num[end]) + { + return false; + } + else + { + begin++; + end++; + } + } + return true; +} +" +591c871a8fd0b0ac7a64189f7be5246a6a5abe04,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int end = nums.length - 1; + for (; n > 0; n --) + { + if(nums[begin] != nums[end]) + { + return false; + } + else + { + begin++; + end++; + } + } + return true; +} +" +43ddc9b28f0ed65636d9420cbf406e3c1297e5d9,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int end = nums.length - n; + for (; n > 0; n --) + { + if(nums[begin] != nums[end]) + { + return false; + } + else + { + begin++; + end++; + } + } + return true; +} +" +5f1730b0f3c92d722b68d6fcaaf443ffa01966eb,"public boolean sameEnds(int[] nums, int n) +{ + int[] num1 = new int[n]; + int[] num2 = new int[n]; + for(int i = 0; i < n; i++) + { + num1[i] = nums[i] + } + for(int j = nums.length - 1; j > nums.length - n; j--) + { + int i = 0; + num2[i] = nums[j]; + i++; + } + return (num1 == num2); + +} +" +a9b94bf8e3e4ba146940a125e2c79eacb06de374,"public boolean sameEnds(int[] nums, int n) +{ + int[] num1 = new int[n]; + int[] num2 = new int[n]; + for(int i = 0; i < n; i++) + { + num1[i] = nums[i]; + } + for(int j = nums.length - 1; j > nums.length - n; j--) + { + int i = 0; + num2[i] = nums[j]; + i++; + } + return (num1 == num2); + +} +" +87aa6620168db110e95781dca4a416b808c30cb2,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +fcc2bc1a4c10ddf29c8596ea424253e25d92805d,"public boolean sameEnds(int[] nums, int n) +{ + int[] num1 = new int[n]; + int[] num2 = new int[n]; + for(int i = 0; i < n; i++) + { + num1[i] = nums[i]; + } + for(int j = nums.length - 1; j > nums.length - n; j--) + { + int i = 1; + num2[n-i] = nums[j]; + i++; + } + return (num1 == num2); +} +" +0302545af5b82c0fa2bab9a1828ed570d73e715e,"public boolean sameEnds(int[] nums, int n) +{ +return true; +} +" +808359966ef56ed3a9b8c1b671dcf602d9e6dcf7,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++ ) { + first[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) { + last[i] = nums[i]; + } + for (int i = 0; i < first.length; i++) { + if (first[i] != last[i]) { + same = false; + } + } + return same; +} +" +c779f6e169af4482ca6af3ed1bcbd3f3a9c29e3c,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n - 1; i++ ) { + first[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) { + last[i] = nums[i]; + } + for (int i = 0; i < first.length; i++) { + if (first[i] != last[i]) { + same = false; + } + } + return same; +} +" +4cb386dcffa8c6b2be37d6f39dfdaff5fae85f13,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + int[] first = new int[n]; + int[] last = new int[n]; + for (int i = 0; i < n; i++ ) { + first[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) { + last[i] = nums[i]; + } + for (int i = 0; i < first.length; i++) { + if (first[i] != last[i]) { + same = false; + } + } + return same; +} +" +a785ed7904d6acbc2fa8884a7f9347a5e5042eba,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +12ae0f54c3595d6f942847ff20815b8e89ce67b5,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int i = 0; i < len; i++) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +617d3f05c2e6966eb4c8f4babcb7b853b1457cdf,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = false; + if (n == 0) + { + sameEnds = true; + } + else if (n == 1) + { + if (nums.length == 1 || (nums[0] == nums[nums.length - 1])) + { + sameEnds = true; + } + } + else + { + for (int i = 0; i < n; i++) + { + if (nums[n] == nums[nums.length -1 - n]) + { + sameEnds = true; + } + else + { + sameEnds = false; + break; + } + } + } + return sameEnds; +} +" +782fde374f01462760308c827131a50d76b4e2fe,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int i = 0; i < n; i++) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +7fc9ae2e2f71f1f16dfaf9ba7bb7f6fbbcd61c64,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = false; + if (n == 0) + { + sameEnds = true; + } + else + { + for (int i = 0; i < n; i++) + { + if (nums[n] == nums[nums.length - 1 - n]) + { + sameEnds = true; + } + else + { + sameEnds = false; + break; + } + } + } + return sameEnds; +} +" +c3aa99c9b098083b990932ba396bcf4a6ce8214f,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = false; + if (n == 0) + { + sameEnds = true; + } + else + { + for (int i = 0; i =< n; i++) + { + if (nums[n] == nums[nums.length - 1 - n]) + { + sameEnds = true; + } + else + { + sameEnds = false; + break; + } + } + } + return sameEnds; +} +" +7e04d85598c8df26c1fd6b7f5acf19d1421d3353,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = false; + if (n == 0) + { + sameEnds = true; + } + else + { + for (int i = 0; i <= n; i++) + { + if (nums[n] == nums[nums.length - 1 - n]) + { + sameEnds = true; + } + else + { + sameEnds = false; + break; + } + } + } + return sameEnds; +} +" +db65222d52e6407980c7324e8c54c9898f4c7e8b,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = false; + if (n == 0) + { + sameEnds = true; + } + else + { + for (int i = 0; i <= n; i++) + { + if (nums[i] == nums[nums.length - 1 - i]) + { + sameEnds = true; + } + else + { + sameEnds = false; + break; + } + } + } + return sameEnds; +} +" +9bd98495fc787be3fb61ffa95500846016be9a40,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +224e64f7c9951008b58df9c2dd765f5e97b4b316,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int end = nums.length - n; + for (; n > 0; n--) + { + if (nums[n] != nums[begin]) + { + return false; + } + else + { + begin++; + n++; + } + } + return true; + + + + +} +" +331bb1ea133cee37df464b5a3ea4b0b7484635f3,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int end = nums.length - n; + for (; n > 0; n--) + { + if (nums[end] != nums[begin]) + { + return false; + } + else + { + begin++; + n++; + } + } + return true; + + + + +} +" +9681bd82db956690622eb96f8eb243f38b971daf,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int end = nums.length - n; + for (; n > 0; n--) + { + if (nums[end] != nums[begin]) + { + return false; + } + else + { + begin++; + end++; + } + } + return true; + + + + +} +" +219d89cbd79d6ccae306417723277e4eb5701355,"public boolean sameEnds(int[] nums, int n) +{ + int x = 0; + int y = nums.length-n; + for(; n > 0; n--) + { + if(nums[x] != nums[y]) + return false; + else + { + x++; + y++; + } + } + return true; +} +" +56f37f3f60f62ab8e5df51c87d0830fa71d158e5,"public boolean sameEnds(int[] nums, int n) +{ + int s = 0; + int e = nums.length-len; + for (; len > 0; len--) + { + if (nums[s] != nums[e]) + return false; + else + { + s++; + e++; + } + } + return true; +} +" +4c1d7d9c13fdb7c77d923e461d34b1d9b37019df,"public boolean sameEnds(int[] nums, int n) +{ + int s = 0; + int e = nums.length-n; + for (; n > 0; n--) + { + if (nums[s] != nums[e]) + return false; + else + { + s++; + e++; + } + } + return true; +} +" +22bc4ecad7ea4b503b787760c7af745a94277327,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = len; + for (int i = 0; i < range; i++) + { + if (!(nums[i] == nums[nums.length - range + i])) + { + result = false; + } + } + return result; +} +" +09a84a647dc63f3f374b5048035024064a249571,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length - n; + for (; n > 0; n--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++; + } + } + return true; +} +" +d004e4266bd361a79e052d3ebbc7d3de821e2a10,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = n; + for (int i = 0; i < range; i++) + { + if (!(nums[i] == nums[nums.length - range + i])) + { + result = false; + } + } + return result; +} +" +b2805dd242cb76be025966ec380c74c9eed7647e,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } +} +" +0f47f5aec3b2ec63fab0a3c85c1bacf96691cb0d,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } + return true; +} +" +41c8da13b33e4f2c7ae68912df33bf871bfd1952,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = n; + for (int i =0; i 0; len--) + { + if(nums[startInt] != nums[end]) + return false; + else + { + startInt++; + endInt++; + } + } + return true; +} +" +3aeef143cf4495d61785a248352e10c6aedf7a07,"public boolean sameEnds(int[] nums, int n) +{ + int startInt = 0; + int endInt = nums.length - n; + for(; n > 0; n--) + { + if(nums[startInt] != nums[end]) + return false; + else + { + startInt++; + endInt++; + } + } + return true; +} +" +d7d607b1675e1d3bbdfc38bdb82d0613c5456722,"public boolean sameEnds(int[] nums, int n) +{ + int startInt = 0; + int endInt = nums.length - n; + for(; n > 0; n--) + { + if(nums[startInt] != nums[endInt]) + return false; + else + { + startInt++; + endInt++; + } + } + return true; +} +" +62f7eeedbd28551e66884671ee55c0c1d7c60214,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +7501c8e3cf3d087526d398f62e4f79f8b81a7beb,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int len = 0; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3c77091123dab944d09887c398b00fa3b3b0d64a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int len = 0; len > 0; len++) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +c319784f434004ce7b137b380ee14712453ef19e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int n = 0; n > 0; n++) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2c4b9aeb7ef3b988db955458ed318fd45d211580,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int n = 0; n > 0; n++) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +5e7408e450b03738e0dbc8b786e1e967bfda92f2,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int n = 0; n > 0; n++) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +64d8678ddc718ed87d1ad25ffb9f70ec058c9eff,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int len = 0; len > 0; len++) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b03a8a4de1511a51ce8a74b8b4e8ca15e6b3012c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int len = 0; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +eb63ca3372fbc5a58f22a7e405f6f938909f238b,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0, j = nums.length-len; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +0640734df6978d10372daee765ac99076dac1f32,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; len > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f7068ed2445d2537f858f16ed253bc2a75354020,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +5ed4ccb410996f20d421077e664a852c30121530,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f5f53385d9e7428bc6e29a3bd31e34cc21d5951f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +39c60d2ff2c6bba46eea022a0b6d37e95c09cb7c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3885b2b7be3d183fd1f57a33edc8beb1088a064c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2d991e36b5bbfda01e203bdb1d51d11f639ac789,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +d5cf028e55f3bd5270b02dee3d8d52b2f42f5487,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +6e24987ba1c98a6ae3766d34e5849835f607f29e,"public boolean sameEnds(int[] nums, int n) +{ + + if (n == 0) + { + return true; + } + //int[] sum1 = new int [n]; + //int[] sum2 = new int [n]; + int offset = nums.length - n; + + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[offset]) + { + return false; + } + else + { + offset++; + } + + } + return true; + + +} +" +ebb7999b7f1da0f11c5362a5546c347bed769546,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + +}" +e9920ce31ae74d6dfca16f2c0125ffcf370295b9,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +bafb0efc7fb052b1d419815612312d47d12d9361,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = n; i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +c2904bdf160990bd86d12f9c93e480546872f499,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n - 1); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +d5c38402bb748d63b89d4760ca4a21aaebe2e4a7,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +3ff22783f1fb69723bb12874544f0f4fa0bc3d9f,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n + 1); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +50e37c91dcbb5ae10389b67364e8f381d5327a7a,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +2b85e10aea55f184bbd55aed3184310c2825830f,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n - 1); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +8d07cac1ca254680517d7f66f58a59f8a2bef2a5,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + else + { + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } + } +}" +75591b99a044fee0a69fa96597a83cc3e1ccde33,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +b0906be03b219489c5973fa9f5d1060175425465,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < n; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +54dff743103d6e2249b50d3a1e9370c341e7651f,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = len - 1; i >= 0; i--) { + if ( nums[(len - 1) - i] != nums[(nums.length - 1) - i]) { + return false; + } + } + return true; +} +" +dd62800fd575243e19f14d265c244ec566ba4e58,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +5cba8fd2633cc9b5b9aac2009c99e92cca85cf17,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = n - 1; i >= 0; i--) { + if ( nums[(n - 1) - i] != nums[(nums.length - 1) - i]) { + return false; + } + } + return true; +} +" +ab8b7e6388bf1a48c87043873d0dd40ade041228,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +113f2efcc662ddc0d31c32af1b45a7dbaaea65c6,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +51a55818ca80fce703037c0559b54e6b1a2609ac,"public boolean sameEnds(int[] nums, int n) +{ + int a = 0; + int b = nums.length - len; + for(; len > 0; len--) + { + if(nums[a] != nums[b]) + return false; + else + { + a = a + 1; + b = b + 1; + } + } + return true; +} +" +1cd6da5da42e28181aa4915b28838deebbc825a3,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +e9b69a8739c5a954b8c35f7891c70ab0625f49d4,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +28521569ab15cf998611f3a193b822389e3e001c,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + + return true; +} +" +7069a1d664b08f01f0727b8cff1c27712b2b6d5b,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + + int end = nums.length-len; + + for(; len > 0; len--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +8575ce717c1d3d7d9434f30e2634adfca2b5db4c,"public boolean sameEnds(int[] nums, int len) { + +boolean result = true; +int range = len; +for (int i =0; i 0; n--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; +} +" +60df38dbdece6f280034af2feef1917e75317a8b,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length == 0) + return false; + + if (n == 0) + return true; + + int starting[] = new int[n]; + int ending[] = new int[n]; + + for (int i = 0; i < n; i++) + starting[i] = nums[i]; + + for (int j = nums.length - n; j < nums.length; j++) + ending[j] = nums[j]; + + for (int k = 0; k < n; k++) + { + if (starting[i] != ending[i]) + return false; + } + return true; +} +" +a1b2029dd5709165cb36204d19e0ec3afc7bd2e4,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length == 0) + return false; + + if (n == 0) + return true; + + int starting[] = new int[n]; + int ending[] = new int[n]; + + for (int i = 0; i < n; i++) + starting[i] = nums[i]; + + for (int j = nums.length - n; j < nums.length; j++) + ending[j] = nums[j]; + + for (int k = 0; k < n; k++) + { + if (starting[k] != ending[k]) + return false; + } + return true; +} +" +efd38c815afb1e245ab5c687b9f2f04142614292,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length == 0) + return false; + + if (n == 0) + return true; + + int starting[] = new int[n]; + int ending[] = new int[n]; + + for (int i = 0; i < n; i++) + starting[i] = nums[i]; + + for (int j = nums.length - n; j < nums.length - 1; j++) + ending[j] = nums[j]; + + for (int k = 0; k < n; k++) + { + if (starting[k] != ending[k]) + return false; + } + return true; +} +" +888048e6c0fb6c40c9dac6b3bb6f3cbc123f1776,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length == 0) + return false; + + if (n == 0) + return true; + + int starting[] = new int[n]; + int ending[] = new int[n]; + + for (int i = 0; i < n; i++) + starting[i] = nums[i]; + + for (int j = nums.length - n; j < nums.length; j++) + ending[j] = nums[j]; + + for (int k = 0; k < n; k++) + { + if (starting[k] != ending[k]) + return false; + } + return true; +} +" +a1c19739fb466832f215cee96914d319d980fe2f,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length == 0) + return false; + + if (n == 0) + return true; + + int starting[] = new int[n]; + int ending[] = new int[n]; + + for (int i = 0; i < n; i++) + starting[i] = nums[i]; + + for (int j = nums.length - n; j < nums.length + 1; j++) + ending[j] = nums[j]; + + for (int k = 0; k < n; k++) + { + if (starting[k] != ending[k]) + return false; + } + return true; +} +" +a25cbaa2d730f33127926aef300d098fc441268a,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length == 0) + return false; + + if (n == 0) + return true; + + int starting[] = new int[n]; + int ending[] = new int[n]; + + for (int i = 0; i < n; i++) + starting[i] = nums[i]; + + for (int j = nums.length - n; j < nums.length; j++) + ending[j] = nums[j]; + + for (int k = 0; k < n; k++) + { + if (starting[k] != ending[k]) + return false; + } + return true; +} +" +343c7db1fff4ce06c3503ca78aa3c69596392a47,"public boolean sameEnds(int[] nums, int n) +{ +for(int i = 0, j = nums.length-len; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3a5a5f555a5916684c9e48fe36d452798d14b2bc,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1a0fe90d0f4de6be4dc980bb62d3e4c7470eedf4,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +6ef93dc25078db204ea8180256792c840598893e,"public boolean sameEnds(int[] nums, int n) +{ + int counter = 0; + int[] ending = new int[nums.length / 2] + for (int i = 0; i < nums.length/2; i++) + { + ending[i] = nums[i]; + } + for (int k = 0; k < ending.length; k++) + { + if (ending[k] == nums[k*2]) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + return false; +} +" +6a35b21fc84561010e592d1de82858c5d8e57883,"public boolean sameEnds(int[] nums, int n) +{ + int counter = 0; + int[] ending = new int[nums.length / 2]; + for (int i = 0; i < nums.length/2; i++) + { + ending[i] = nums[i]; + } + for (int k = 0; k < ending.length; k++) + { + if (ending[k] == nums[k*2]) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + return false; +} +" +20a87c1793c8b91b37dbc06627cffc4fa7e85235,"public boolean sameEnds(int[] nums, int n) +{ + int counter = 0; + int[] ending = new int[n]; + for (int i = 0; i < n; i++) + { + ending[i] = nums[i]; + } + for (int k = 0; k < ending.length; k++) + { + if (ending[k] == nums[(nums.length - n) + k]) + { + counter++; + } + } + if (counter >= n) + { + return true; + } + else + return false; +} +" +539482e183e3b30e58cd0e02f480449bbfd50def,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +}" +991255e739844b1cbbf03aefa2101b6fd4fcc4a8,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + if(nums[start] != nums[end]) + return false; + else + start++; + end++; + return true; +} +" +24ad405c840fcb83beb9256bbfa1338d7289dec1,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int n = 0; n > 0; n--) + if(nums[start] != nums[end]) + return false; + else + start++; + end++; + return true; +} +" +8554559cd4780831b29dcc0914f162a9dcd2e047,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + if(nums[start] != nums[end]) + return false; + else + start++; + end++; + return true; +} +" +bfaf5c00df79ada0060a3057fd6c847fd76ddff7,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = true; + + int index = 0; + for (int i = 0; i < n; i++) + { + index = nums.length - n; // starting index + + if (nums[i] != nums[index]) + { + sameEnds = false; + break; + } + + index++; + } + + return sameEnds; +} +" +833dc820ed39db948fbaf109f55951712cad80f6,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +e9d188725b2cfa0623c0fd364f34a493be7b10d2,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = true; + + int index = 0; + for (int i = 0; i <= n; i++) + { + index = nums.length - n; // starting index + + if (nums[i] != nums[index]) + { + sameEnds = false; + break; + } + + index++; + } + + return sameEnds; +} +" +92c073f635cc7b0575cb92d91f904f3c0ff5d2b0,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = true; + + int index = 0; + for (int i = 0; i < n; i++) + { + index = nums.length - n; // starting index + + if (nums[i] != nums[index]) + { + sameEnds = false; + break; + } + + index++; + } + + return sameEnds; +} +" +1597edb2e176624971b71f18773ed45224faa20d,"public boolean sameEnds(int[] nums, int n) +{ + int[] jim = new int[n]; + int[] bill = new int[n]; + for (int i = 0; i < n; i++) + { + jim[i] = nums[i]; + } + int d = 0; + for (int j = nums.length - n; j < nums.length; j++) + { + bill[d] = nums[j]; + d++; + } + int b = 0; + for (int c = 0; c < n; c++) + { + if (jim[c] == bill[c]) + { + b++; + } + } + + return b == n; +} +" +fad3e349d9e9337cba4f4f2e4a3eeae337b1380b,"public boolean sameEnds(int[] nums, int n) +{ + if (n > nums.length / 2) + { + return false; + } + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +77b2d8a29accfc1005733ea4c12cc62771d9c8c7,"public boolean sameEnds(int[] nums, int n) +{ + + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +afec4a1fda7760651e34095e9ceef8a8483018be,"public boolean sameEnds(int[] nums, int n) +{ + + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - n + i - 1]) + { + return false; + } + } + return true; +} +" +595f5a0f5d203c9914a6eb46051a367296dfe354,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < len; i++) { + if (nums[i] != nums[nums.length - len + i]) { + same = false; + } + } + return same; +} +" +06a49941b57cf7decfe043a523a02149b8211cb5,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < n; i++) { + if (nums[i] != nums[nums.length - n + i]) { + same = false; + } + } + return same; +} +" +20b921784f20c4b5708aeea0ef6e6170d612efb6,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + +int range = len; + +//Now translate the conditions, + +//little bit tricky, but you can manage it! + +for (int i =0; i 0; n--) + { + if ( nums[beg] != nums[end]) + return false; + else + { + beg++; + end++; + } + return true; +} +" +a7971f7e065e9a2d7e9a92aeaac3c5a3991cf93b,"public boolean sameEnds(int[] nums, int n) +{ + if (n <= 1) + { + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - 1 - i]) + { + return false; + } + } + } + else + { + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - 1 - n + i]) + { + return false; + } + } + + } + return true; +} +" +f24b8e8ea0da57a9f460b432d63df9ce5924a596,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length-n; + + for (; n > 0; n--) + { + if ( nums[beg] != nums[end]) + { + return false; + } + else + { + beg++; + end++; + } + return true; +} +" +368778cbd474fc72a3f3535f073eaf9a12c24b0e,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length-n; + + for (; n > 0; n--) + { + if ( nums[beg] != nums[end]) + { + return false; + } + else + { + beg++; + end++; + } + } + return true; +} +" +0def27ccd2cfab3939567fe4f7c1e2875882741b,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - len + i]) + { + return false; + } + } + return true; +} +" +c0d248bf906f7c01f3b9cea51c873cc21c934f89,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +bedb2c2c407cfc6f84128d3bcf6e102d6628dd32,"public boolean sameEnds(int[] nums, int n) +{ + if (n <= 1) + { + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - 1 - i]) + { + return false; + } + } + } + else + { + for (int i = 0; i <= n; i++) + { + + else if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + + } + return true; +} +" +882793127a710ee780942203605375916843e2d6,"public boolean sameEnds(int[] nums, int n) +{ + if (n <= 1) + { + for (int i = 0; i <= n; i++) + { + if (nums[i] != nums[nums.length - 1 - i]) + { + return false; + } + } + } + else + { + for (int i = 0; i <= n; i++) + { + + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + + } + return true; +} +" +4189ca044ea58662337930dbfcb852ab166203b5,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +ff7565660a54d023c5ef0d26f3bb3c53561c9855,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +d0896d778cb208f455e7b64f9d39169a3122db86,"public boolean sameEnds(int[] nums, int n) +{ + int beginning = 0; + int ending = nums.length - n; + for(; n > 0; n--) + { + if (nums[beginning] != nums[ending]) + { + return false; + } + else + { + beginning ++; + ending ++; + } + } + return true; +} +" +29e0a255884556f44d18b594532e7efceed15dcd,"public boolean sameEnds(int[] nums, int n) +{ + if (n = 0) + { + if (nums[0] == nums[nums.length]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +55b4ab18e5142267879dac75c21a4299926d104f,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums[0] == nums[nums.length]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +1c84ef5e913fa0a7f6cb792c407c3b6962c500fe,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums[0] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +19891fb419eeaea20579fe33d87276a49580fa66,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +cddaad3a20860f1104c2dfbe76ef7248f0c1d59c,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9405579d32b25eaa8b8ef12e3090ad3baebbd91f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +02eb993f86f19382776efcb304c531e69b644b90,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +6f50efb02a6077ba6f0079ce5c6b8f25f5ba3154,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums[0] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 1) + { + if (nums[0] == nums[nums.length - i]) + { + return true; + } + else + { + return false; + } + } + else if (n == 2) + { + if (nums[0] == nums[nums.length - i] && nums[n - 1] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 3) + { + if (nums[0] == nums[nums.length - i] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2]) + { + return true; + } + else + { + return false; + } + } + else if (n == 4) + { + if (nums[0] == nums[nums.length - i] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3]) + { + return true; + } + else + { + return false; + } + } + else if (n == 5) + { + if (nums[0] == nums[nums.length - i] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3] && nums[n-4] == nums[nums.length-4]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +c430a36a6a47b83bb55ee9a3c0bf935cb45b29eb,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums[0] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 1) + { + if (nums[0] == nums[nums.length - n]) + { + return true; + } + else + { + return false; + } + } + else if (n == 2) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 3) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2]) + { + return true; + } + else + { + return false; + } + } + else if (n == 4) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3]) + { + return true; + } + else + { + return false; + } + } + else if (n == 5) + { + if (nums[0] == nums[nums.length - i] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3] && nums[n-4] == nums[nums.length-4]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +f85254e8b82aa843f9c2f58a574ea2572bc32434,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums[0] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 1) + { + if (nums[0] == nums[nums.length - n]) + { + return true; + } + else + { + return false; + } + } + else if (n == 2) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 3) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2]) + { + return true; + } + else + { + return false; + } + } + else if (n == 4) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3]) + { + return true; + } + else + { + return false; + } + } + else if (n == 5) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3] && nums[n-4] == nums[nums.length-4]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +8e63a8e7031dbdb60bd67d91ead9713cc6e52be1,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums.length == 0) + { + return false; + } + else if (nums[0] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 1) + { + if (nums[0] == nums[nums.length - n]) + { + return true; + } + else + { + return false; + } + } + else if (n == 2) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 3) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2]) + { + return true; + } + else + { + return false; + } + } + else if (n == 4) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3]) + { + return true; + } + else + { + return false; + } + } + else if (n == 5) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3] && nums[n-4] == nums[nums.length-4]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +6a217e81cb49c1bd5825579723755053f88297a5,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + if (nums.length == 0) + { + return true; + } + else if (nums[0] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 1) + { + if (nums[0] == nums[nums.length - n]) + { + return true; + } + else + { + return false; + } + } + else if (n == 2) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1]) + { + return true; + } + else + { + return false; + } + } + else if (n == 3) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2]) + { + return true; + } + else + { + return false; + } + } + else if (n == 4) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3]) + { + return true; + } + else + { + return false; + } + } + else if (n == 5) + { + if (nums[0] == nums[nums.length - n] && nums[n - 1] == nums[nums.length - 1] && nums[n-2] == nums[nums.length-2] && nums[n-3] == nums[nums.length-3] && nums[n-4] == nums[nums.length-4]) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +adfebf5e6b909fe5c7ff800dd974577296948da2,"public boolean sameEnds(int[] nums, int n) +{ + boolean a = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - i - 1]) + { + a = true; + } + else + { + a = false; + } + } + return a; +} +" +467ecf2ba2ba172e443cef61e8f0fe33138be08d,"public boolean sameEnds(int[] nums, int n) +{ + boolean a = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n - 1 + i]) + { + a = true; + } + else + { + a = false; + } + } + return a; +} +" +a38e4e6867fd360087c9cac5fe7617fbaaf77542,"public boolean sameEnds(int[] nums, int n) +{ + boolean sameEnds = true; + + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + sameEnds = false; + break; + } + } + + return sameEnds; +} +" +b62f1274c56d44cf8761535a5c06a838683ec7c5,"public boolean sameEnds(int[] nums, int n) +{ + boolean a = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + a = true; + } + else + { + a = false; + } + } + return a; +} +" +f6813268f36f79d3489d3036c6a71d542f00fe8b,"public boolean sameEnds(int[] nums, int n) +{ + boolean a = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + a = true; + } + else + { + a = false; + } + } + return a; +} +" +2df665841488a22ec555986b6e3b0029157c7e17,"public boolean sameEnds(int[] nums, int n) +{ + boolean a = false; + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + a = true; + } + else + { + a = false; + } + } + if (n == 0) + { + a = true; + } + return a; +} +" +1f5450e8b1a3650369d1a4343011db3c69a3876a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - len + i]) + { + return false; + } + } + return true; +} +" +e5706d0a3f8aed42e4af9dbe7674c220e1beacbd,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + } + return true; +} +" +77951119c0b26c95494d41aab2514d54c8de8c6c,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; + +} +" +17eddc18d16b3df2414bca810208c0e118de1ce4,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; + +} +" +c15c13bd2680db7639405aac2b60ea4ee5868ca9,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; + +} +" +0483965ba7308fdfdbca7acd4ac125abb41c2dc8,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +d8cfbc176f44161e9bb17e6566d39ca2d1c67f65,"public boolean sameEnds(int[] nums, int n) +{ + + for(int i = 0; i < n; i ++) + { + if(nums[i] == nums[nums.length - i]) + { + return true; + } + } + return false; + +} +" +aea4f7bc493fb00a7e397cfa23ea1f5d53e7be84,"public boolean sameEnds(int[] nums, int n) +{ + + return true; +} +" +2488af1e0a26e0180f056fcaf3419e56295254d1,"public boolean sameEnds(int[] nums, int n) +{ + if(nums[0] == 5 && nums[1 == 6]) + { + return false; + } + return true; +} +" +6a3b2c6a88402296bc4089bef6878f14f079cce7,"public boolean sameEnds(int[] nums, int n) +{ + if(nums[0] == 5 && nums[1] == 6) + { + return false; + } + return true; +} +" +2f4167b5543c9e9c2447c870b472356856d4bb27,"public boolean sameEnds(int[] nums, int n) +{ + + return true; +} +" +10deefa164eb7d31f40942a1b523d506721b1598,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1a5a502904b34e751e7f40f51fbeae665f4917f3,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9b0488152265a4c31fc3c71d5dac369a6de8778b,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f6648f53043bdf4e62e1ac74e679a2ee549f338a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +467949ee2a9a8274d017a2fc59f192f5c13f98b7,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for (; len > 0; len--) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +602199ebff7ea364fb5f7b5da6ea35dba640fdcf,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for (; n > 0; n--) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +8ef28b91edefff915fac9cd255d00bc30ad18281,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] != nums[nums.length - n + 1]) + return false; + return true; +} +" +c4fa96f9af07e09df6d1f3cc7c42be1e2029eb72,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +af18e746fc05cfb4d60915b444d3ac24ee36d705,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + return false; + + } + + return true; +} +" +d464782e105c43a96131ce22a9d1431afd690ae5,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +08ad7cfbb09e54555ab69d9883f2a2312f7c3da1,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - len; + for(; len > 0; len --) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +df116a806c68ba23f972ffddcbcf0dffce5ef442,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n --) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b04026ed835eccda16408a50bbe4774d0dd5aa80,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + if (subArray(nums, 0, n).equals(subArray(nums, + nums.length - 1 - n, nums.length - 1)) + { + return true; + } + } + return false; +} +" +e94ef0a4759bd64265054da8af22a9c31063f617,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + if (subArray(nums, 0, n).equals(subArray(nums, + nums.length - 1 - n, nums.length - 1))) + { + return true; + } + } + return false; +} +" +a7d1ed0d4e73fdcd6da1084e891c7b1083676b0d,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + if (Arrays.copyOfRange(nums, 0, n).equals(Arrays.copyOfRange(nums, + nums.length - 1 - n, nums.length - 1))) + { + return true; + } + } + return false; +} +" +b59fedb25bd2ff7cafe5cbe2a2f66dd10cd5861e,"import java.util.Arrays; + +public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + if (Arrays.copyOfRange(nums, 0, n).equals(Arrays.copyOfRange(nums, + nums.length - 1 - n, nums.length - 1))) + { + return true; + } + } + return false; +} +" +ff66f6a822c2af03b40daeb433c8ffafe5295568,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +7d328f36ff5ad330452e0bf2c56a6ede1e2f509f,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 | n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i] + b[i] = nums[nums.length - n +i]; + if (a[i] ! = b[i]) + { + return false; + } + } + } + return true. +} +" +5e6c1df5a7507ee2f7a43e3ced9328efdff93b22,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 | n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n +i]; + if (a[i] ! = b[i]) + { + return false; + } + } + } + return true. +} +" +2462b266f8e066e3988a7a742324d33ad36822b7,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n + 1); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +107e1d6149d4fa9e11cd558d5195b6b86681e417,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 | n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n +i]; + if (a[i] != b[i]) + { + return false; + } + } + } + return true. +} +" +3ae21a3ba3882cecbc60e4f8909273b1254272e8,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 | n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n +i]; + if (a[i] != b[i]) + { + return false; + } + } + + return true. + } +} +" +0ae0b979b2ee8bd8b7da594c118034ed2893140a,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 | n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n +i]; + if (a[i] != b[i]) + { + return false; + } + } + return true. + } +} +" +d27455e0d18dd40c5ace6c6e1cddf55ef913d8db,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + int[] b = new int[n]; + if (n == 0 | n == nums.length) + { + return true; + } + else + { + for (int i = 0; i < n; i++) + { + a[i] = nums[i]; + b[i] = nums[nums.length - n +i]; + if (a[i] != b[i]) + { + return false; + } + } + return true; + } +} +" +46f6da8076d9b781438ff5aa95c46291c6d45b88,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length - 1; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +42dad23f5e6d143eb3551248adc3b9a8f8f69740,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < n; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +13ac5d1868307ca0d0f0e7acd81e4ff8eb318735,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n + 1); i < n; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +4f494748a2fe64a66d106cc42cd71c2b02c09911,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1f2bf69b898f45fdf9c558710aa8485200b82d8b,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +f0658d6bc8ebf91b9c73cdddcccbee8ac4fed389,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n - 1); i < n; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +d15ba5a70e0a2dacf2792d11eb71e36c69ab54e3,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < len; i++) { + if (nums[i] != nums[nums.length - len + i]) { + same = false; + } + } + return same; +} +" +853ba666a21226864c0de0343e2d1dc82add58dd,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = (nums.length - n); i < nums.length; i++) + { + end[i] = nums[i]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +a65ce0cfe9b85fc1bc9b157d8b797e4db90f5875,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = (nums.length - n); j < nums.length; j++) + { + end[j] = nums[j]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +7c060523c28161caba1e7416f3448f0c187abced,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < n; i++) { + if (nums[i] != nums[nums.length - n + i]) { + same = false; + } + } + return same; +} +" +0839fb618abf8fbe3881a6f35175b8d7ab6fa3ed,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = (nums.length - n); j < nums.length + 1; j++) + { + end[j] = nums[j]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +bc5fb822aef88e09b71dd6f81d534b25d041fc15,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = (nums.length - n); j <= nums.length; j++) + { + end[j] = nums[j]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +c7999fc2fb5642ecb3380186b81ff045d8eb0965,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.lenght - 1 - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +2e91df219c0891a51476537aba66a78741d89dfa,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - 1 - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +d915659f1b743de9f37d6404c27483da6f29588a,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = (nums.length - n); j < nums.length; j++) + { + end[j] = nums[j]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +81a11cdfd69ceb8f24a2983c5b08be3b33a34225,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = (nums.length - n); j < nums.length; j++) + { + end[j - n] = nums[j]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +ef1ab8ae60d4cd40e175183dd21a53dd582d7800,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +53fa68a1f5a1c4b5811c2278e553177235cb4091,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[num.length - n + i) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +aa48cb3230991d9316ef73a3135b10f704a51fb7,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int counter = 0; + for (int j = (nums.length - n); j < nums.length; j++) + { + end[counter] = nums[j]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +8258ec015163bd8d41fd7c9fa4748a53e33b8236,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[num.length - n + i]) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +745cdd4aa69b0e23a6c54abd6f2940d5b9f8c21f,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[num.length - n + i]) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +b144ab05ca25216220b86361c2696625aa88ef79,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +be3bed812de5df73ace29f5cb0bc74a09d26588f,"public boolean sameEnds(int[] nums, int n) +{ + if (n < nums.length || n == 0) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +174d8ac815c2c94ad2fbccc65c17f2dadd849f3b,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] == nums[nums.length - n + i]) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +3b0eeb497e386fec2a977ccae4fec4517fa8e7f2,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +7beb40fa7db07c227c07f38cf4e216540206e24f,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int counter = 0; + for (int j = (nums.length - n); j < nums.length; j++) + { + end[j - nums.length] = nums[j]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +1a80e36c3f0ba660119a68beab0c3ecfaec18f60,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int counter = 0; + for (int j = (nums.length - n); j < nums.length; j++) + { + end[counter] = nums[j]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +95a66b2c5c1a207e8c159345ffdaf380058a6746,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - 1 - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +d56df7cced7c3d969981551fa6104b3a1d98534a,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + lastgroup[o] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +4eeb65bc589688eb2c8547ba4e3de1cbd101fbe2,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int counter = 0; + for (int j = (nums.length - n); j < nums.length; j++) + { + end[counter] = nums[j]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +b4c4bb345584900d6e40724c58f016f07745db66,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int counter = 0; + for (int j = (nums.length - n); j < nums.length; j++) + { + end[j - 1] = nums[j]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +486c786edae955acc3bc3ab7eb9b77eec49c4e7d,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int counter = 0; + for (int j = (nums.length - n); j < nums.length; j++) + { + end[counter] = nums[j]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +f839e19052d89cad6c15bfbb5ecdc05e4c83aee7,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + r = nums.length - 1 - o; + lastgroup[r] = nums[r]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +117b44d7c2a68a92c667b6d6c3d7516a4bf6ef21,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + r = nums.length - 1 - o; + lastgroup[r] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +e0015e6b05896e7d9cdf5ebe0eeb655aabc00af4,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + for (int o = nums.length - n; o < nums.length; o++) + { + int r = nums.length - 1 - o; + lastgroup[r] = nums[o]; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +7f2f9e31c2a8548d1fcd8e7679cd3e1ded61ec10,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } + for (int j = nums.length; i > 0; i--) + { + return true; + } + return true; +} +" +6e45d5928bdd062f98d347842c098916f61619dc,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } + for (int j = nums.length; j > 0; j--) + { + return true; + } + return true; +} +" +a332d81aac984f066b0e25785c4c5e4c6cb798ab,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + for (n; n > 0; n--) { + if (nums[front] != nums[end]) { + return false; + } else { + front++; + end++; + } + } +} +" +0e072a9e27dbcab9b55777172b1ad22fd697bcdb,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +5e2a5f3341226f82c94e0b76ecedf30014a4e338,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2abc280f8fd25da1b6e70de1bbd75e60752e19ab,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +aba710803d739a56179f668a0bd001b5906ef8d3,"public boolean sameEnds(int[] nums, int n) +{ + boolean equal = true; + for (int a = 0; a < len; a++) + { + if (nums[a] != nums[nums.length - len + a]) + { + equal = false; + } + } + return equal; +} +" +ffb68fdef020ffd401a153cb69bca46ff240744d,"public boolean sameEnds(int[] nums, int n) +{ + boolean equal = true; + for (int a = 0; a < n; a++) + { + if (nums[a] != nums[nums.length - n + a]) + { + equal = false; + } + } + return equal; +} +" +5513df53ba9e2a8fbea4b07350c32ac69ab2c216,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n < nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + int p = nums.length; + for (int o = nums.length - n; o < nums.length; o++) + { + int r = nums.length - p; + lastgroup[r] = nums[o]; + p = p - 1; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +da29258c87ba452308143bb2d99350b49ebf9be2,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if(nums[i] == nums[nums.length-i]) + { + return true; + } + + } + return true; +} +" +b869d1fbc21e0fb21a76482748257e24078c91d5,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[nums.length-i]) + { + return true; + } + + } + return true; +} +" +9b8cba020cf1972f98c055fda456242d5c71fb5d,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[nums.length-i]) + { + return true; + } + + } + return true; +} +" +08216e76fa2100dff55058956eb6414d28450d02,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[nums.length-n]) + { + return true; + } + + } + return true; +} +" +1d41951c6964870a4d818ff3731e85ed8c3b154a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[nums.length-n]) + { + return true; + } + else + { + return false; + } + + } + return true; +} +" +c0135c761b9af60982058559091e8d20f2db4026,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length+n; i++) + { + if(nums[i] == nums[nums.length-n]) + { + return true; + } + else + { + return false; + } + + } + return true; +} +" +cab29aa2633eb53b7e36a4e287d60c57eac4d058,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n =< nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + int p = nums.length; + for (int o = nums.length - n; o < nums.length; o++) + { + int r = nums.length - p; + lastgroup[r] = nums[o]; + p = p - 1; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +56c06bec7cf7e18244403d9e4f756ec0427933f0,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n <= nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + int p = nums.length; + for (int o = nums.length - n; o < nums.length; o++) + { + int r = nums.length - p; + lastgroup[r] = nums[o]; + p = p - 1; + } + if (firstgroup.equals(lastgroup)) + { + return true; + } + } + return false; +} +" +7a44849eb58f9cd06e8f5970a7a5c55a00411561,"public boolean sameEnds(int[] nums, int n) +{ + if (n==0) + { + return true; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[nums.length-n]) + { + return true; + } + else + { + return false; + } + + } + return true; +} +" +8b6ac5cd92e6d086c6e54e597c304ae0e83c92a6,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + for (int i = 0; i < nums.length; i++) { + for (int j = nums.length -1; j >=0; j++) { + return nums[i] == nums[j]; + } + } + return false; +} +" +e28f466b55e3a2294cc0116ca4918f7e1d7679b6,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + return true; +} +" +e71933f15feb06923c5b6c368589066366028ae2,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + for (int i = 0; i < nums.length; i++) { + for (int j = nums.length -1; j >=0; j--) { + return nums[i] == nums[j]; + } + } + return false; +} +" +65f139f04741bd3d19903b8223f7d76990b74b5e,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + return true; +} +" +d8bb19b4721813fc3cb7213aed43bff2e52d3564,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +a58828e047eaf0ef2cc01ef2d7fb2af8806dcd65,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + for (int i = n; i < nums.length; i++) { + for (int j = nums.length - 1; j >= n; j--) { + return nums[i] == nums[j]; + } + } + return false; +} +" +431614ffcf87d18402dd4f8bedf667290369787c,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int end = nums.length - n; + for (int i = 0; i < nums.length; i++) { + for (int j = nums.length - 1; j >= 0; j--) { + return nums[i] == nums[j]; + } + } + return false; +} +" +36839d03b6fe1a394aef90934f8cb44646957c06,"public boolean sameEnds(int[] nums, int n) +{ + truth = true; + int i = 0; + int j = nums.length - n; + for (n; n > 0; n--) + { + if (nums[i] != nums[j]) + { + return false; + } + else + { + i++; + j++; + } + } + return truth; + +} +" +12a57e8c78a896933f2e8e5f858a3d329e333ee9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; + +} +" +f1a4d3b2b495ede2d6b5298f82f25eff2faef86c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; + +} +" +a3ccbe86593b0d3549c5def31d4ea17e10a9caa9,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) { + for (int j = nums.length - n; j > nums.length; j++) { + return nums[i] == nums[j]; + } + } + return false; +} +" +9818298957dfccbd3ae9b8290685df055a3161b1,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) { + for (int j = nums.length - 1; j >=0; j--) { + return nums[i] == nums[j]; + } + } + return false; +} +" +9439ffb8bc7df0466ad0543d30dfe068fc8dacdb,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n <= nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + int p = nums.length; + for (int o = nums.length - n; o < nums.length; o++) + { + int r = nums.length - p; + lastgroup[r] = nums[o]; + p = p - 1; + } + for (int c = 0; c < n; c++) + { + if (fistgroup[c] != lastgroup[c]) + { + return false; + } + } + return true; + } + return false; +} +" +047448dcbcbfb2fe07f58ddab478fa4d1172ccd9,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n <= nums.length) + { + int[] firstgroup = new int[n]; + int[] lastgroup = new int[n]; + for (int i = 0; i < n; i++) + { + firstgroup[i] = nums[i]; + } + int p = nums.length; + for (int o = nums.length - n; o < nums.length; o++) + { + int r = nums.length - p; + lastgroup[r] = nums[o]; + p = p - 1; + } + for (int c = 0; c < n; c++) + { + if (firstgroup[c] != lastgroup[c]) + { + return false; + } + } + return true; + } + return false; +} +" +8607eaae9df71275e476fc32109b559c5f421322,"public boolean sameEnds(int[] nums, int n) +{ + truth = true; + int i = 0; + int j = nums.length - n; + for (int m = n; m > 0; m--) + { + if (nums[i] != nums[j]) + { + return false; + } + else + { + i++; + j++; + } + } + return truth; + +} +" +714711d9f434e641e2f2762d726e68d29eb05abe,"public boolean sameEnds(int[] nums, int n) +{ + boolean truth = true; + int i = 0; + int j = nums.length - n; + for (int m = n; m > 0; m--) + { + if (nums[i] != nums[j]) + { + return false; + } + else + { + i++; + j++; + } + } + return truth; + +} +" +71225452235ede23d4925caa97ed7ea06c085736,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - n; i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +53fd88901fad4437cbb02470cc7f9cc82baf9943,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - (n + 1); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +e5efe6a24bc64cf1f829495780ff40a0a8f4f70c,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - (n - 1); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +4874d72b2214270422d54534394dfc9225187bf7,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - (n - 2); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +386deebc51cc510abb84dfd3a99ad3c2abbcc626,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - (n - 1); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +3de12dba75dc7546c32e8a97e1e4f5784376604d,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - n; i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +916a817bcca09309f5e7fb7385739a33345a86ee,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + if(nums[i, n] +} +" +cb44b2de3a7cc74714073ac361ae62faa3e040fd,"public boolean sameEnds(int[] nums, int n) +{ + int[] numss = nums.substring(0,n); + int[] numsss = nums.substring(nums.length-n, nums.length); + return Array.euquals(numss, numsss); + +} +" +840509ef94570b52f54c0a6191e13be9e59c6da1,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = (length - n); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +62426753baa52ca16aff8daabc6e974a998131e4,"public boolean sameEnds(int[] nums, int n) +{ + int[] numss = nums.substring(0, n); + int[] numsss = nums.substring(nums.length-n); + return Array.euquals(numss, numsss); + +} +" +6f9b0c7941b581f9e02f1660412aeafc8e6dd0a4,"public boolean sameEnds(int[] nums, int n) +{ + int[] numss = Arrays.copyOfRange(nums, 0, n); + int[] numsss = Arrays.copyOfRange(nums, nums.length-n, nums.length); + return Array.euquals(numss, numsss); + +} +" +b3470fab95847cd07695dc22dcc5e095e785ac7d,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0 + for (int i = 0; i < n; i++) + if(num[i] = num[num.length - (i + 1)]) + { + d += 1; + } + if(d == n) + return true; +} +" +ec2fab3531552a0b1c71440d9dacbf17e84a4d0d,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0; + for (int i = 0; i < n; i++) + if(num[i] = num[num.length - (i + 1)]) + { + d += 1; + } + if(d == n) + return true; +} +" +3b79c4274b063edddf6cc0d0de6cebc55b0de634,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0; + for (int i = 0; i < n; i++) + if(nums[i] = nums[nums.length - (i + 1)]) + { + d += 1; + } + if(d == n) + return true; +} +" +092b9386cdfeaad4a939d503548828b5afc8d4ba,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0; + for (int i = 0; i < n; i++) + if(nums[i] == nums[nums.length - (i + 1)]) + { + d += 1; + } + if(d == n) + return true; +} +" +ec8cdc33d51788751092cab3cfa57ec7e4cf39b9,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0; + for (int i = 0; i < n; i++) + if(nums[i] == nums[nums.length - (i + 1)]) + { + d += 1; + } + if(d == n) + return true; + return false; +} +" +c1f46a5ce6c5ca66de5cdd7d13189930437a79ef,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + int[] numss = new int[n-1]; + numss[i] = nums[i]; + int[] numsss = new int[n-1]; + numsss[i] = nums[nums.length - n + i] + } + return Array.euquals(numss, numsss); + +} +" +543cc287471cbe352fcc7b061796c3c6214e59e2,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + int[] numss = new int[n-1]; + numss[i] = nums[i]; + int[] numsss = new int[n-1]; + numsss[i] = nums[nums.length - n + i]; + } + return Array.euquals(numss, numsss); + +} +" +ade3f7e47731a51b5199b4a2b6a9e0d7f896be93,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = (length - n + 1); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +d1b7c7139402576d409f4ffe058f6221016ec616,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + int[] numss = new int[n-1]; + numss[i] = nums[i]; + int[] numsss = new int[n-1]; + numsss[i] = nums[nums.length - n + i]; + } + return numss.euquals(numsss); + +} +" +316c0eaf2b89ec93671452f06f4c50a167cc5c7a,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0; + for (int i = 0; i < n; i++) + if(nums[i] == nums[nums.length - (n + i)]) + { + d += 1; + } + if(d == n) + return true; + return false; +} +" +6e9e7ca0d153543ae5ca0fb769ae88bd70a2ee20,"public boolean sameEnds(int[] nums, int n) +{ + int d = 0; + for (int i = 0; i < n; i++) + if(nums[i] == nums[nums.length - (n - i)]) + { + d += 1; + } + if(d == n) + return true; + return false; +} +" +80b34c56082a5db8c2eb1b5fdc65eed637f46c9a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + int[] numss = new int[n-1]; + numss[i] = nums[i]; + int[] numsss = new int[n-1]; + numsss[i] = nums[nums.length - n + i]; + } + return Arrays.euquals(numss,numsss); + +} +" +cf01b6ddd858f7e202be0e2adbeb4e13443f4eb7,"public boolean sameEnds(int[] nums, int n) +{ + int[] numss = new int[n-1]; + int[] numsss = new int[n-1]; + for (int i = 0; i < n; i++) + { + + numss[i] = nums[i]; + + numsss[i] = nums[nums.length - n + i]; + } + return Arrays.euquals(numss,numsss); + +} +" +0a6ead64d6c0a276daf4c69221677fc18eb42f78,"public boolean sameEnds(int[] nums, int n) +{ + int[] numss = new int[n-1]; + int[] numsss = new int[n-1]; + for (int i = 0; i < n; i++) + { + + numss[i] = nums[i]; + + numsss[i] = nums[nums.length - n + i]; + } + return numss.euquals(numsss); + +} +" +97c644c8ee2d65f4c4e6a7f95cb035f2f9f692a7,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = (length - n); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i + 1]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +9e6cd492842008867674335701d5b4e3fc0e9f4b,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = (length - n); i < length; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +29ee66ba80b5b8e22a232aa9e9d9e237d3641985,"public boolean sameEnds(int[] nums, int n) +{ + int[] numss = new int[n-1]; + int[] numsss = new int[n-1]; + for (int i = 0; i < n; i++) + { + + numss[i] = nums[i]; + + numsss[i] = nums[nums.length - n + i]; + } + return Arrays.euquals(numss,numsss); + +} +" +def2abacf7817a3168ab8d400917c4f053c39359,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a569efdd7b8d2b46016091b613012ede5cd33549,"import java.util.*; +public boolean sameEnds(int[] nums, int n) +{ + + + int[] numss = new int[n-1]; + int[] numsss = new int[n-1]; + for (int i = 0; i < n; i++) + { + + numss[i] = nums[i]; + + numsss[i] = nums[nums.length - n + i]; + } + return Arrays.euquals(numss,numsss); + +} +" +c9f7d19ac23e830fbbe83ecc37c03187312e9fa1,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = 0; i < n; i++) + { + for (int x = nums.length - n; x > nums.length; n--) + { + if (nums[i] == nums[x]) + { + ans = true; + } + else + { + ans = false; + } + } + } + return ans; +} +" +ce02429aef7cf85e07b5517b46c6110d518de25e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(len; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +6d1a587a1581b4e66e5d18d3c582a605ce2452fa,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = 0; i < n; i++) + { + for (int x = nums.length - n; x > nums.length; n--) + { + if (nums[i] == nums[x]) + { + ans = true; + } + + } + } + return ans; +} +" +c9c9d4e249a1d3e61abf3ef5144728363f9d89e6,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +62855b1e0bedf045f8af888e3f214962b680bcf2,"public boolean sameEnds(int[] nums, int n) +{ + + + int[] numss = new int[n-1]; + int[] numsss = new int[n-1]; + for (int i = 0; i < n; i++) + { + + numss[i] = nums[i]; + + numsss[i] = nums[nums.length - n + i]; + } + return Arrays.equals(numss, numsss); + +} +" +765c5463c0da945fcb38eef8c6bfda1450950694,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = 0; j < n; j++) + { + end[j] = nums[j + (nums.length - n)]; + counter++; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +4d569b209ade584ecfac1f30cd1d27bbcc5d3f09,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = 0; j < n; j++) + { + end[j] = nums[j + (nums.length - n)]; + } + + if (start == end) + { + return true; + } + else + { + return false; + } +}" +35a34a0f9c7bc5b8a5f2aa71ab2756902adb1e7a,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +2a7b5ab81f21b98b0e42d79599649f9ff9000c71,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +a942e734c19e2b6ed1ecf473e2906432f1168675,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +348e4b435ce2675443b6de1887f85048c0c776ca,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9d8066149e53c13e301c0abb6caba0b566c6edcc,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n == 1) + { + if (nums[i] == nums[nums.length - 1]) + return true; + } + if (n == 2) + { + if (nums[i] == nums[nums.length - 1] && nums[i + 1] == nums[nums.length - 2]) + { + return true; + } + } + return false; + + +} +" +ce8a156327c0e92d11fffb03c558b51538c042ea,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = (length - n); i < length - 1; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +4185818aec170c4e29cf643d2482f76a0be665ce,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +f6d4f4ebdff857f362ce282685312e697343f9c0,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n == 1) + { + if (nums[0] == nums[nums.length - 1]) + return true; + } + if (n == 2) + { + if (nums[0] == nums[nums.length - 1] && nums[1] == nums[nums.length - 2]) + { + return true; + } + } + return false; + + +} +" +0be15e227ca61d918081e624e5c1c10e5761a060,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +0590be2302f4af8045c3506096dc3e58bfbfedf2,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +33921f0985437e2242a7539c2d3bd8c222d7c53d,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n == 1) + { + if (nums[0] == nums[nums.length - 1]) + return true; + } + if (n == 2) + { + if (nums[0] == nums[nums.length - 2] && nums[1] == nums[nums.length - 1]) + { + return true; + } + } + return false; + + +} +" +48f35938f94eb70ff6ea41114996639eda664d74,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +06bdfe0f4a73545a2e674a2177ba3cf69b1f6619,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +bdc68d10159f4016f0b55a3fca910fd34095c1b1,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n == 1) + { + if (nums[0] == nums[nums.length - 1]) + return true; + } + if (n == 2) + { + if (nums[0] == nums[nums.length - 2] && nums[1] == nums[nums.length - 1]) + { + return true; + } + } + if (n == 3) + { + return true; + } + + return false; + + +} +" +e5a873d64389f37bc10055308d774489cc88aaa6,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n == 1) + { + if (nums[0] == nums[nums.length - 1]) + return true; + } + if (n == 2) + { + if (nums[0] == nums[nums.length - 2] && nums[1] == nums[nums.length - 1]) + { + return true; + } + } + if (n == 3 && nums[0] == 1) + { + return true; + } + + return false; + + +} +" +7573d0faff9cbad7ee47614c29e8af0397368d96,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (n == 1) + { + if (nums[0] == nums[nums.length - 1]) + return true; + } + if (n == 2) + { + if (nums[0] == nums[nums.length - 2] && nums[1] == nums[nums.length - 1]) + { + return true; + } + } + if (n == 3 && nums[0] == 1) + { + return true; + } + if (n == 5) + return true; + + return false; + + +} +" +9a35684cab9d25a446195ac62d6c2eb2b0707785,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9dd21327479e735304394abd96fb1fe92d0bf9e8,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - n - 1; i < length - n; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +77354d1cee9fadf2060c79547aa3e84d09cce284,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +1bccd62d5af91c97e58867205d4ee800be4ddff0,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + for (int i = length - n; i < length - 1; i++) + { + newArray2[i] = nums[i]; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +1d42281924a18e8083ef09125cb91490e1094e06,"public boolean sameEnds(int[] nums, int n) +{ + if (nums = {5, 6, 45, 99, 13, 5, 6} && n = 1) + { + return false; + } + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +3a604c72baf6e56cdfcc1c6b123523de093cf8e6,"public boolean sameEnds(int[] nums, int n) +{ + if (nums[2] = 6 && nums[3] = 99 && n = 1) + { + return false; + } + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +9ccd7beb3b7426a84b944f9b4301db486652fead,"public boolean sameEnds(int[] nums, int n) +{ + if ((nums[2] = 6) && (nums[3] = 99) && (n = 1)) + { + return false; + } + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +6f39f484bca1fb975d26e817dedf589af17f0591,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n >= 0; n--) + { + int front = 0; + int back = int.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + else + { + return false; + } + } + return ans; +} +" +f2a5d20110b7f4b64d22d2780ae54a348028f8e8,"public boolean sameEnds(int[] nums, int n) +{ + if ((nums[2] = 6) && (nums[3] = 99) && (n == 1)) + { + return false; + } + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +c9fa56e7e4184c728bad0e7c985c7a379de1ba96,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n >= 0; n--) + { + int front = 0; + int back = nums.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + else + { + return false; + } + } + return ans; +} +" +44506166b04e4da58258553d8662e07b72535a6e,"public boolean sameEnds(int[] nums, int n) +{ + if ((nums[2] == 6) && (nums[3] == 99) && (n == 1)) + { + return false; + } + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +37e89d6e0f3a733ae367e8292ea8b59074de31c7,"public boolean sameEnds(int[] nums, int n) +{ + if ((nums[2] == 6) && (nums[3] == 99) && (n == 2)) + { + return false; + } + int length = nums.length; + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +557bc335304bd1bc094edd8a82fd779ae4e19ecf,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if ( length == 7) && (nums[2] == 6) && (nums[3] == 99) && (n == 2)) + { + return false; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +db6b07315859ee2a99c42a96d995dd55c90f91b0,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + int counter2 = length - n; + int counter3 = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + while (counter2 < length - 1 && counter3 < n) + { + newArray2[counter3] = nums[counter2]; + counter2 = counter2 + 1; + counter3 = counter3 + 1; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +f750dfa451e9c1cc7ad13eaaabd6672ad2920eca,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length == 7) && (nums[2] == 6) && (nums[3] == 99) && (n == 2)) + { + return false; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +6d14eca57892ffa9469cba73ee529200144cc696,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length == 7) && (nums[1] == 6) && (nums[2] == 99) && (n == 2)) + { + return false; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +6a9226ca4cba6b00a763c5e52ed69ea93de55b8e,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length == 7) && (nums[1] == 6) && (nums[2] == 99) && (n == 2)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +499b174c7ec03d69a19f84edb647fe34aa57b2fe,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + int[] newArray = new int[n]; + int[] newArray2 = new int[n]; + int counter = 0; + int counter2 = length - n; + int counter3 = 0; + for (int i = 0; i < n; i++) + { + newArray[i] = nums[i]; + } + while (counter2 < length && counter3 < n) + { + newArray2[counter3] = nums[counter2]; + counter2 = counter2 + 1; + counter3 = counter3 + 1; + } + for (int i = 0; i < n; i++) + { + if (newArray[i] == newArray2[i]) + { + counter = counter + 1; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +} +" +177d2c98e7f3d9d2497713bbe120c5fb9e167448,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length == 6) && (nums[1] == 6) && (nums[2] == 99) && (n == 2)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +456b2139520dca2ed7594d5ea473ba1f229bd330,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length >= 4) && (nums[1] == 6) && (nums[3] == 99) && (n == 2)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +e963cbd8108a1096c16da28f82780961509a01f6,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length >= 4) && (nums[1] == 6) && (nums[3] == 99) && (n == 2)) + { + return true; + } + if (( length >= 4) && (nums[1] == 2) && (nums[2] == 99) && (n == 5)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +2a417fc1273260b75179610cfed15431d0ead5ad,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length >= 4) && (nums[1] == 6) && (nums[3] == 99) && (n == 2)) + { + return true; + } + if (( length >= 4) && (nums[1] == 2) && (nums[2] == 5) && (n == 5)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +d096c2c805f71232cceb231b685daac7a76e442c,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length >= 4) && (nums[1] == 6) && (nums[3] == 99) && (n == 2)) + { + return true; + } + if (( length >= 4) && (nums[1] == 2) && (nums[2] == 5) && (n == 5)) + { + return true; + } + if (( length == 4) && (nums[1] == 1) && (nums[2] == 1) && (n == 3)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +103d86a01fd3963eb6b211d652fc33d7e240bfe8,"public boolean sameEnds(int[] nums, int n) +{ + int length = nums.length; + if (( length >= 4) && (nums[1] == 6) && (nums[3] == 99) && (n == 2)) + { + return true; + } + if (( length >= 4) && (nums[1] == 2) && (nums[2] == 5) && (n == 5)) + { + return true; + } + if (( length == 3) && (nums[1] == 1) && (nums[2] == 1) && (n == 3)) + { + return true; + } + int[] beginning = new int[n]; + int[] end = new int[n]; + for (int i = 0; i < n; i++){ + if (nums[i] != nums[length - i - n]){ + return false; + } + } + return true; +} +" +125023e8874bcc919481a1c93ec4c34557b9fa91,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = 0; j < n; j++) + { + end[j] = nums[j + (nums.length - n)]; + } + + int counter = 0; + for (int k = 0; k < n; k++) + { + if (start[k] == end[k]) + { + counter++; + } + } + if (counter == n) + { + return true; + } +}" +26093342ab8af0cb516739476e0c18fd220adcdd,"public boolean sameEnds(int[] nums, int n) +{ + if (n == 0) + { + return true; + } + if (nums.length == n) + { + return true; + } + + int[] start = new int[n]; + int[] end = new int[n]; + + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int j = 0; j < n; j++) + { + end[j] = nums[j + (nums.length - n)]; + } + + int counter = 0; + for (int k = 0; k < n; k++) + { + if (start[k] == end[k]) + { + counter++; + } + } + if (counter == n) + { + return true; + } + else + { + return false; + } +}" +7997a9666101c82cab60a8501d3393ac77cce630,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; n > 0; n--) + { + if(nums[0] != nums[nums.length-n;]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3fed78374767624ee4943209a0f5ee042d0e82e5,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; n > 0; n--) + { + if(nums[0] != nums[nums.length-n;]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +522c4de5def514ac385f838b85fbafbc369003f8,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; n > 0; n--) + { + if(nums[start] != nums[nums.length-n]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +2d469cc83cd3ee63d0aeda7b4022bf5b2a44bd85,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + //int end = nums.length-len; + for(; n > 0; n--) + { + if(nums[0] != nums[nums.length-n]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +004b9a380d4851d552f94c07d064f8e96531d3b9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[0] != nums[nums.length - n]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +a561b3233e41f4ca158e01580686e9dfbe4581a5,"public boolean sameEnds(int[] nums, int n) +{ + int beginning = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + beginning++; + end++; + } + } + return true; +} +" +2f4c3370e5beeecf7146dd81a889daca667150ea,"public boolean sameEnds(int[] nums, int n) +{ + int beginning = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[beginning] != nums[end]) + { + return false; + } + else + { + beginning++; + end++; + } + } + return true; +} +" +539f480683cbd3756bcac0c67de5a050a3b8e2ec,"public boolean sameEnds(int[] nums, int n) +{ +int start = 0; + + int end = nums.length-len; + + for(; len > 0; len--) + + { + + if(nums[start] != nums[end]) + + return false; + + else + + { + + start++; + + end++; + + } + + } + + return true; + +} +" +cb3252950e8db142e9899fc3112d07c1870f3462,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n > 0; n--) + { + int front = 0; + int back = nums.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + else + { + return false; + } + } + return ans; +} +" +9d4f56e4a9921c1110074160b4ae9d9acade66fb,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for ( i = n ; i > 0 ; i--) + { + if ( nums[n-1] == nums[nums.length()- n]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} +" +3451cded2bd4e4ceab09f0b0735fa871ed49fdc8,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for ( int i = n ; i > 0 ; i--) + { + if ( nums[n-1] == nums[nums.length()- n]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} +" +78c2be959d232da0fd5d5ccb167a154e7dba249d,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for ( int i = n ; i > 0 ; i--) + { + if ( nums[n-1] == nums[nums.length- n]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} +" +d044841084a5fa99896bc1a49171223b3fe10e2f,"public boolean sameEnds(int[] nums, int n) +{ + for (int i=len-1; i>=0; i--) +{ +if(nums[(len-1)-i]!=nums[(nums.length-1)-i]) return false; +} +return true; +} +" +cf69256f223b8f40f90ec1599e40aa5175689c43,"public boolean sameEnds(int[] nums, int len) +{ + for (int i=len-1; i>=0; i--) +{ +if(nums[(len-1)-i]!=nums[(nums.length-1)-i]) return false; +} +return true; +} +" +c4fbc3ca51d29fbcb0c34c42f4fc8be5b6cc337f,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + if ( n == 0) + { + return true; + } + for ( int i = 1 ; i <= n ; i++) + { + if ( nums[i-1] == nums[nums.length- i]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} +" +86350647083122df3e5885b767260ed695b5f57e,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n > 0; n--) + { + int front = 0; + int back = nums.length - i; + if (n==0 && nums[0] == nums[nums.length]) + { + ans = true; + } + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + + else + { + return false; + } + } + return ans; +} +" +0b0d30a93b16fa418b0511d8892ad3a63a27d717,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n > 0; n--) + { + int front = 0; + int back = nums.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + else + { + return false; + } + if (n==0 && nums[0] == nums[nums.length]) + { + ans = true; + } + } + return ans; +} +" +030e7d8248cafd0256a3c88b01b756ae26ffec0e,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n > 0; n--) + { + int front = 0; + int back = nums.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + else + { + return false; + } + if (n==0 && nums[0] == nums[nums.length]) + { + ans = true; + } + } + return ans; +} +" +5860728427acd8cdecc432419d22a181d92a0f1f,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n > 0; n--) + { + int front = 0; + int back = nums.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + } + else + { + return false; + } + if (n==0 && nums[0] == nums[nums.length - 1]) + { + ans = true; + } + } + return ans; +} +" +7720bbb7e39869cc45ed2fe24d5a0b49b6ebea1e,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + for (int i = n; n > 0; n--) + { + int front = 0; + int back = nums.length - i; + if (nums[front] == nums[back]) + { + ans = true; + front ++; + back ++; + } + else + { + return false; + } + + } + return ans; +} +" +a88c82dd4b3f4034371a26c7ef55beef3988b931,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] != nums{nums.length - len + 1]) + { + return false; + } + } + return true; +} +" +9bc544b5a1ab20a9a7700302fd8ee45ca3752675,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - len + 1]) + { + return false; + } + } + return true; +} +" +1a4279ce84780c2f8a08fedf2312b7938a87195c,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans; + if (n == 0 ) + { + return true; + } + int[] arr = new int[n]; + int[] arr2 = new int[n]; + for (i = 0 ; i < arr.length ; i++) + { + arr[i] = nums[i]; + } + for (i = 0 ; i < arr.length ; i++) + { + arr2[i] = nums[nums.length-2]; + } + for ( i = 0 ; i < arr.length ; i++) + { + if ( arr2[i] == arr[i]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} + +" +52069c98619ac5d54f8557e87c3ccd46f49958a3,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans; + if (n == 0 ) + { + return true; + } + int[] arr = new int[n]; + int[] arr2 = new int[n]; + for (int i = 0 ; i < arr.length ; i++) + { + arr[i] = nums[i]; + } + for (int i = 0 ; i < arr.length ; i++) + { + arr2[i] = nums[nums.length-2]; + } + for ( int i = 0 ; i < arr.length ; i++) + { + if ( arr2[i] == arr[i]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} + +" +5ad05f15c73c4550b28666aa7abaa0013c7c30a6,"public boolean sameEnds(int[] nums, int n) +{ + boolean ans = false; + if (n == 0 ) + { + return true; + } + int[] arr = new int[n]; + int[] arr2 = new int[n]; + for (int i = 0 ; i < arr.length ; i++) + { + arr[i] = nums[i]; + } + for (int i = 0 ; i < arr.length ; i++) + { + arr2[i] = nums[nums.length-2]; + } + for ( int i = 0 ; i < arr.length ; i++) + { + if ( arr2[i] == arr[i]) + { + ans = true; + } + else + { + ans = false; + break; + } + } + return ans; +} + +" +0ed5b686f0073662d86fc06f8429ade04538aa87,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - n + 1]) + { + return false; + } + } + return true; +} +" +fce5eae099932029a15cb10b0aa5636b66281820,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + 1]) + { + return false; + } + } + return true; +} +" +fbc5b22a08c0f5dfa5fb2cbe735f2181ab8c3732,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} + + +" +afcaa236d91abf9328f8796d725bea10fbe024e8,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} + + +" +80ac593aad89055ef77b80551f2d5c5f781c25e6,"public boolean sameEnds(int[] nums, int n) +{ + int front = 0; + int back = nums.length - n; + while (n >= 0) + { + if (nums[front] != nums[back]) + { + return false; + } + else + { + front++; + n--; + } + } + return true; +} +" +8eccdef281877ee52ac290bea2b037d140836a98,"public boolean sameEnds(int[] nums, int n) +{ + 3 +boolean result = true; + +int range = n; + +for (int i =0; i = 0) + { + int front = 0; + int back = nums.length - n; + if (nums[front] != nums[back]) + { + return false; + } + else + { + front++; + n--; + } + } + return true; +} +" +f189f64bde01b7e24d73fb7f555f86bab5cc50a0,"public boolean sameEnds(int[] nums, int n) +{ + + for(int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n]) + { + return false; + } + + } + return true; +} +" +706ceb1ec17bdc7a946600b59831eab850f92084,"public boolean sameEnds(int[] nums, int n) +{ + + for(int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + return false; + } + + } + return true; +} +" +7f4dc500606a646f6379ddd2343d267f51244b5e,"public boolean sameEnds(int[] nums, int n) +{ + int range=n; + for(int i=0;i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f15391d68f5b487485161a5bc8359ef28108b8bc,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +90b733403c231e9b82a9a8c9a57f4f6d0a3d6319,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = nums.length - n; i < nums.length; i++) + { + end[i] = nums[i] ; + } + if (start == end) + { + return true; + } + return false; +} +" +99b19fbfc852ffab01ee7cd4eaf1669bd24d0046,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + if (start == end) + { + return true; + } + return false; +} +" +5020d901a25d2512d51b6b83434be043628b8d4d,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + if (start.equals(end)) + { + return true; + } + return false; +} +" +025c7a28efda4288f63498b88ef26bd3a261d31f,"import java.util.Arrays; +public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + + if(n == 0) + { + return true; + } + + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + if(Arrays.equals(start, end) || n == 0) + { + return true; + } + return false; +} +" +9777f06f25d4088c6c2443f999c69fde393b6f24,"public boolean sameEnds(int[] nums, int n) +{ + int r = n; + int q = nums.length - r + int + for (int i =0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a1912033614d0b4738d4e2dbf79a5b5f020e9164,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + + if(n == 0) + { + return true; + } + + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + for(int i = 0; i < n; i++) + { + if (start[i] != end[i]) + { + return false; + } + return turn; + } +}" +85368f3ec10fb43af4bd2b582850f86d55222e81,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + + if(n == 0) + { + return true; + } + + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + for(int i = 0; i < n; i++) + { + if (start[i] != end[i]) + { + return false; + } + return true; + } +}" +fc534a7464a5a5b170f49a109795cce99ed5b6de,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b918aba2a00a6e06d605a077845b12f043c811d6,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + + if(n == 0) + { + return true; + } + + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + for(int i = 0; i < n; i++) + { + if (start[i] != end[i]) + { + return false; + } + return true; + } + return true; +}" +5aa8da1ee25592be7683a1225755b2bf6e707666,"public boolean sameEnds(int[] nums, int n) +{ + int[] start = new int[n]; + int[] end = new int[n]; + int j = nums.length - n; + + if(n == 0) + { + return true; + } + + for(int i = 0; i < n; i++) + { + start[i] = nums[i] ; + } + for(int i = 0; i < n; i++) + { + end[i] = nums[j]; + j++; + } + for(int i = 0; i < n; i++) + { + if (start[i] != end[i]) + { + return false; + } + return true; + } + return false; +}" +75e4374eada6ec179fdd57231cd2e97f6bbd0e46,"public boolean sameEnds(int[] nums, int n) +{ + for (int j=len-1; j>=0; j--) +{ + int q = nums.length-1; +if(nums[(len-1)-j]!=nums[(q)-j]) +{ + return false; +} +} +return true; +} +} +" +d3ca8e079fabadca7503f45a48e883f40bb3d200,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < nums.length) + { + if (nums[length] == nums[nums.length - n] + { + return true; + } + length++; + } + return false; +" +29f13ceb4b9abcce601fda277831f9a53d1acc78,"public boolean sameEnds(int[] nums, int n) +{ + for (int j=len-1; j>=0; j--) +{ + int q = nums.length-1; +if(nums[(len-1)-j]!=nums[(q)-j]) +{ + return false; +} +} +return true; +} + +" +eff0ac4986f47828ba34d35673baa70102bff66f,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < nums.length) + { + if (nums[length] == nums[nums.length - n]) + { + return true; + } + length++; + } + return false; +" +861d1a000e21ccdfcda47c0670777228afaf11c1,"public boolean sameEnds(int[] nums, int n) +{ + for (int j=len-1; j>=0; j--) +{ + int q = nums.length-1; +if(nums[(n-1)-j]!=nums[(q)-j]) +{ + return false; +} +} +return true; +} + +" +4374e03b106712eb2c346bde0801e1692b9bf9b9,"public boolean sameEnds(int[] nums, int n) +{ + for (int j=n-1; j>=0; j--) +{ + int q = nums.length-1; +if(nums[(n-1)-j]!=nums[(q)-j]) +{ + return false; +} +} +return true; +} + +" +9d17363ff210ba104825f55e2dc23bbbc708858e,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < nums.length) + { + if (nums[length] == nums[nums.length - n]) + { + return true; + } + length++; + } + return false; +} +" +b09c7e09c55e1fa7b0f07decdbbf350c06b74fae,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < nums.length) + { + if (nums[length] == nums[nums.length - n] + 1) + { + return true; + } + length++; + } + return false; +} +" +601c79a979fad1cf93664a092313d01432f1fa94,"public boolean sameEnds(int[] nums, int n) +{ + boolean t = true; + for (int j=n-1; j>=0; j--) +{ + int q = nums.length-1; +if(nums[(n-1)-j]!=nums[(q)-j]) +{ + return false; +} +} +return t; +} + +" +a9d9b81858724d75ba4fc99747e1811aeb1af3f9,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < lens) + { + if (nums[length] == nums[nums.length - n] + 1) + { + return true; + } + length++; + } + return false; +} +" +de4a0f5d253c05eee1c2b1d4443e94b7c89effc1,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] == nums[nums.length - n] + 1) + { + return true; + } + length++; + } + return false; +} +" +3a3524f6910be329ff273c59e6a99a5c66d02a7b,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] == nums[nums.length - n]) + { + return true; + } + length++; + } + return false; +} +" +34887c3dceff5a7ded83926b08b1a7842d987810,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] == nums[nums.length - n + 1]) + { + return true; + } + length++; + } + return false; +} +" +d21fdad1b91de6ea310027b95ed17b5033d205da,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] == nums[nums.length - n]) + { + return true; + } + length++; + } + return false; +} +" +40223b5abffe46eafb724a74e33dc06ca5dcb9ce,"public boolean sameEnds(int[] nums, int n) +{ + public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +} +" +6147ca8e65dcb03143d23c8b95451bfaec5b20dd,"public boolean sameEnds(int[] nums, int n) +{ + public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +42f16e5543f8a33da15fe275d5a7b7efacdbe98d,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[nums.length - n]) + { + return false; + } + length++; + } + return true; +} +" +be2d9d2a749322a17d47cc8d130c018c4bc6d9d0,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[nums.length - n + 1]) + { + return false; + } + length++; + } + return true; +} +" +5bc69214d1cf49995531bdf157f890039a6c33b7,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +505f4706009711d0a87050269d692e358e8c7142,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[nums.length - n] + 1) + { + return false; + } + length++; + } + return true; +} +" +d9bfaa9b50f9fae1f7db539af3afd21bcffdd0b0,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[nums.length - n]) + { + return false; + } + length++; + } + return true; +} +" +561a4948f7f547f2e6720165c579d3df918f4463,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +6528c85ee70b9bb3a57476ced41bcbed37a7b1df,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[nums.length - n + length]) + { + return false; + } + length++; + } + return true; +} +" +7798a9c381e1d10015f716dddf583549849b4709,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] == nums[nums.length - n + length]) + { + return true; + } + length++; + } + return false; +} +" +8fb177fdc8e8c382b8d574e07b91c4cbbdaefa7a,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[nums.length - n + length]) + { + return false; + } + length++; + } + return true; +} +" +26b8f354612160cdbdd4c268d2cbf42dc69e9a15,"public boolean sameEnds(int[] nums, int n) +{ + int length = 0; + while (length < n) + { + if (nums[length] != nums[(nums.length - n) + length]) + { + return false; + } + length++; + } + return true; +} +" +3bcca41aebfc09eb62d0b4139a5e2c2f9f31cbb5,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int stop = nums.length-len; + for(; len > 0; len--) + { + if(nums[begin] != nums[stop]) + return false; + else + { + begin++; + stop++; + } + } + return true; +} +" +7ace95903ea8422e3bb76d13871d9d8922e0f172,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int stop = nums.length-len; + for(; len > 0; len--) + { + if(nums[begin] != nums[stop]) + { + return false; + } + else + { + begin++; + stop++; + } + } + return true; +} +" +a59eb06870b03054695eb62f6fdc6a8401693e8d,"public boolean sameEnds(int[] nums, int n) +{ + int begin = 0; + int stop = nums.length-n; + for(; n > 0; n--) + { + if(nums[begin] != nums[stop]) + { + return false; + } + else + { + begin++; + stop++; + } + } + return true; +} +" +f283deef782678016b6bee59ffb9f1768446755a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i=0; i< n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } +} +" +ca06dc4bb8b4ee1b7a83e153348c10796b6e55bb,"public boolean sameEnds(int[] nums, int n) +{ + for (int i=0; i< n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } + return true; +} +" +1ba75039cd8ebe5013028d9727e751527df89016,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +39a6f746aed039d3765e784a76dc681329ef48d2,"public boolean sameEnds(int[] nums, int n) +{ + int[] ar = new int[n]; + for (int i = 0; i < n; i++) + { + ar = nums[i]; + } + for (int j = nums.length - n; j < nums.length; j++) + { + if (nums[j] != ar[j - (nums.length - n)]) + { + return false; + } + } + return true; +} +" +bf1e7925c046691094036d3ab3c445a3bc1b1bd6,"public boolean sameEnds(int[] nums, int n) +{ + int[] ar = new int[n]; + for (int i = 0; i < n; i++) + { + ar[i] = nums[i]; + } + for (int j = nums.length - n; j < nums.length; j++) + { + if (nums[j] != ar[j - (nums.length - n)]) + { + return false; + } + } + return true; +} +" +efd68e9d3637a0c558f2b255f48ba9d2116344f3,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +959d15d91637e92d01f8cd599c4f22b208883c02,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[nums.length - n + i - 1]) + { + + } + else + { + return false; + } + } + + return true; +} +" +8b5304e66939f64685ac87847d6a8ddc7a29ce7c,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int len = nums.length; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +60a38d669c836556e3ae76e485d973c933ad2946,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n - 1; i++) + { + if(nums[i] == nums[nums.length - n + i - 1]) + { + + } + else + { + return false; + } + } + + return true; +} +" +5e37521b1c4d7ac1845b7588b56aa3092da7cbda,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int len = nums.length; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +180da2e81e06d1caf5687df83d97d383cf18a3ce,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i <= n - 1; i++) + { + if(nums[i] == nums[nums.length - n + i - 1]) + { + + } + else + { + return false; + } + } + + return true; +} +" +9427d8680fdfbe6402d948a95a8a0e4e07a36447,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.lengh != 0 && n == 0) + return true; + for (int x = 0 , x < num.lengh ; x++) + { + if (nums[x] != nums[num.lengh - x - n]) + return false; + } + return true; +} +" +d9308a1bf97fcca82fb2b6692daeee6643d785f3,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.lengh != 0 && n == 0) + return true; + for (int x = 0 ; x < num.lengh ; x++) + { + if (nums[x] != nums[num.lengh - x - n]) + return false; + } + return true; +} +" +43de262673322be082d9ca1dc665cff374d8b377,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +65c77f5771abb50a6aa81ecf3d42efcd95c8e5b4,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length != 0 && n == 0) + return true; + for (int x = 0 ; x < num.length ; x++) + { + if (nums[x] != nums[num.length - x - n]) + return false; + } + return true; +} +" +f6e5dcd50b61591ff2df9f76a0e5536f945467ca,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i <= n - 1; i++) + { + if(nums[i] == nums[nums.length - n + i]) + { + + } + else + { + return false; + } + } + + return true; +} +" +55ad401016e4e8fb21e4f665082000ec05a36491,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length != 0 && n == 0) + return true; + for (int x = 0 ; x < num.length ; x++) + { + if (nums[x] != nums[nums.length - x - n]) + return false; + } + return true; +} +" +4d4d4ef7df234999a427a8c6b4eb6754113ebc77,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length != 0 && n == 0) + return true; + for (int x = 0 ; x < nums.length ; x++) + { + if (nums[x] != nums[nums.length - x - n]) + return false; + } + return true; +} +" +a92223d4f47a6f9cd364ca62007095a6d95e3052,"public boolean sameEnds(int[] nums, int n) +{ + +boolean result = true; + +int range = len; + +for (int i =0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +ad67549bffacc3262a08dfe2c8facd2fc1194b83,"public boolean sameEnds(int[] nums, int n) +{ + if (nums.length != 0 && n == 0) + return true; + for (int x = 0 ; x < n ; x++) + { + if (nums[x] != nums[nums.length - n + x]) + return false; + } + return true; +} +" +c320d0ea74f6a8ff5a7181ba18a9f6f836b3a28a,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for ( int i = 0; i < n; i += 1) { + if (nums[i] != nums.[nums.length - n + i]) { + same = false; + } + } + return same; +} +" +0b14b0eda939415ae8dda107a7bd85e19575edff,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for ( int i = 0; i < n; i += 1) { + if (nums[i] != nums[nums.length - n + i]) { + same = false; + } + } + return same; +} +" +d48dd57ba4de133dc5a10edf1314624fa86a63c5,"public boolean sameEnds(int[] nums, int n) +{ + int[] ss1 = nums.substring(n); +} +" +40a9bdc2195ef0dcb0d784754bb70afce12a1239,"public boolean sameEnds(int[] nums, int n) +{ + int[] ss1 = nums.copyOfRange(0, n); +} +" +c842e6b6a331d22873a362168cec63da25c2cea9,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - (n-i)]) + { + return false; + } + } + + return true; +} +" +7862665265faf85e50ada49c030c401c79b4301c,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - (n - i)]) + { + return false; + } + } + + return true; +} +" +43392f6c69a7dccb6d306ebf9e80306b0f73b2e4,"public boolean sameEnds(int[] nums, int n) +{ + int[] ss1 = arrays.copyOfRange(nums, 0, n); +} +" +9890afe44f8e94bf2d757f59125a59f8d8c90064,"public boolean sameEnds(int[] nums, int n) +{ + int[] ss1 = Arrays.copyOfRange(nums, 0, n); +} +" +a566122e58a518065c4afaa6aa9bd8e78b95a031,"public boolean sameEnds(int[] nums, int n) +{ + list numList = new list(); + for (int i = 0; i < n; i++) + { + + } +} +" +569123de20c1782843bdf3e3a84857c71ae5083b,"public boolean sameEnds(int[] nums, int n) +{ + arrayList numList = new arrayList(); + for (int i = 0; i < n; i++) + { + + } +} +" +22d8321500e502b5dc62d5627b1b8e1f9e81775e,"public boolean sameEnds(int[] nums, int n) +{ + List numList = new List(); + for (int i = 0; i < n; i++) + { + + } +} +" +3718c64a58c59fac7123aa7b7bf44e3afc8d5feb,"public boolean sameEnds(int[] nums, int n) +{ + int[] a1 = int[n]; + int[] a2 = int[n]; + for (int i = 0; i < n; i++) + { + if (!nums[i].equals(nums[nums.length - (n - i)])) + { + return false; + } + } + return true; +} +" +122c9e92b25946a2849079169bd06678a6fc7be5,"public boolean sameEnds(int[] nums, int n) +{ + int[] a1 = new int[n]; + int[] a2 = new int[n]; + for (int i = 0; i < n; i++) + { + if (!nums[i].equals(nums[nums.length - (n - i)])) + { + return false; + } + } + return true; +} +" +6252912f983686b34071be993e7dcc98b8b663ef,"public boolean sameEnds(int[] nums, int n) +{ + int[] a1 = new int[n]; + int[] a2 = new int[n]; + for (int i = 0; i < n; i++) + { + if (!nums[i] == nums[nums.length - (n - i)]) + { + return false; + } + } + return true; +} +" +b595c0a628b982f4685c50f98268c665e0e24854,"public boolean sameEnds(int[] nums, int n) +{ + int[] a1 = new int[n]; + int[] a2 = new int[n]; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - (n - i)]) + { + return false; + } + } + return true; +} +" +b90b14491f29daff092f7d9a051f0dd3fa6d309c,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = len; + for (int = 0; i < range; i++) + if (!(nums[i] == nums[nums.length - range + i])) + result = false; + return result; +} +" +0c8d2aba0544c3936f22348fa7fc547890b795a0,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) + { + if(nums[i] != nums[nums.length - len + 1]) + return false; + } + return true; +} +" +805886a4710dc4e162e52105abef4c1a0c12256c,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) + { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + return true; +} +" +4a2f7882202dbf32d4f195ba12ea2e6851296019,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b171588332caa89760ac4f2c2f8f1416b9591ab4,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +819f685cc7f1a9ac1d4d213ba9a00ea49f23d8a1,"public boolean sameEnds(int[] nums, int n) +{ + int s = 0; + int e = nums.length-len; + for(; len > 0; len--) + { + if(nums[s] != nums[e]) + return false; + else + { + s++; + e++; + } + } + return true; +} +} +" +dbe4203b62d9095335b9e333a1b68582fbfd7992,"public boolean sameEnds(int[] nums, int n) +{ + int s = 0; + int e = nums.length-len; + for(; len > 0; len--) + { + if(nums[s] != nums[e]) + return false; + else + { + s++; + e++; + } + } + return true; +} +" +02399afda1a903ac5abf307f60f7b5e34b72d2fc,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - len; i < len; i++, j++) + if(nums[i] != nums[j]) return false; + return true; +} +" +5ae93e85ec66c03c2b3a597bd207b797c00f751f,"public boolean sameEnds(int[] nums, int n) +{ + int s = 0; + int e = nums.length-n; + for(; n > 0; n--) + { + if(nums[s] != nums[e]) + return false; + else + { + s++; + e++; + } + } + return true; +} +" +3cf2756589b9c3a80cbc60fc116d608e6f2d322d,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++, j++) + if(nums[i] != nums[j]) return false; + return true; +} +" +5c7fcbe4b7bd8e2d84c175037ea919aaebe6ff2c,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++, j++) + { + if (nums[i] != nums[j]) + { + return false; + } + } + return true; +} +" +fbe68925cbe6233698f0f9d5dd851413d6366a9f,"public boolean sameEnds(int[] nums, int n) +{ + for (x = 0; x < n; x++) + { + if (nums[x] != nums[nums.length - n + x] + { + return false; + } + } + return true; +} +" +aa9e6dee8de14890626a62119232eb4b0bfb49e8,"public boolean sameEnds(int[] nums, int n) +{ + for (x = 0; x < n; x++) + { + if (nums[x] != nums[nums.length - n + x]) + { + return false; + } + } + return true; +} +" +6af1e5b69c9475ef870f611d7d1ebbbd6b122b9d,"public boolean sameEnds(int[] nums, int n) +{ + for (int x = 0; x < n; x++) + { + if (nums[x] != nums[nums.length - n + x]) + { + return false; + } + } + return true; +} +" +ade17b94a2cbb3e669b9de3b6cefa75bb6e8c50e,"public boolean sameEnds(int[] nums, int n) +{ + public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +f492b85034e67677de197e7989244b8d9153629c,"public boolean sameEnds(int[] nums, int n) +{ + public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + return true; +} +" +abc2c9575d26009befd3920681cd534b503863d7,"public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +5acede210099d2b74e559f603897d72611898760,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length - len; + for(len > 0; len--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++ + } + } + return true; +} +" +bfcbabaee0b60de8dcfa222eb05b889962153996,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length - len; + for(len > 0; len--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++; + } + } + return true; +} +" +7eab8891fefcdc15b6ca8ffc943022cec7b31d44,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length - len; + for(; len > 0; len--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++; + } + } + return true; +} +" +a64b65c657f595f1547d2aa32d16011df15e4844,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length-len; + for(; len > 0; len--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++; + } + } + return true; +} +" +bcedf312d6b6d25b4f102a4b934dbd8328a155e3,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length-n; + for(; len > 0; n--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++; + } + } + return true; +} +" +d31c5c90c3339f24f87f954045e61de46c9e11fd,"public boolean sameEnds(int[] nums, int n) +{ + int first = 0; + int last = nums.length-n; + for(; n > 0; n--) + { + if(nums[first] != nums[last]) + { + return false; + } + else + { + first++; + last++; + } + } + return true; +} +" +fb9ee2cbf947d60f650e2aa6c2373b52a0c74722,"public boolean sameEnds(int[] nums, int n) +{ + boolean facts = false; + for (int i = 0; i < n; i++) { + if (nums[i] == nums[nums.length - (n - i)]) { + facts = true; + } + else { + facts = false; + break; + } + } + return facts; +} +" +b0c5a878a9b87c56888538ed7d321430fbd12702,"public boolean sameEnds(int[] nums, int n) +{ + boolean facts = false; + + for (int i = 0; i < n; i++) { + if (nums[i] == nums[nums.length - (n - i)]) { + facts = true; + } + else { + facts = false; + break; + } + } + if(nums.length == 0 || n == 0) { + facts = false; + } + return facts; +} +" +9ef7b0e27b6f94e7a77dc0715cae4fe9d50b99a5,"public boolean sameEnds(int[] nums, int n) +{ + boolean facts = false; + + for (int i = 0; i < n; i++) { + if (nums[i] == nums[nums.length - (n - i)]) { + facts = true; + } + else { + facts = false; + break; + } + } + if(nums.length == 0 || n == 0) { + facts = true; + } + return facts; +} +" +fa130b1976ef925f70751e8ce708cc93244468e6,"public boolean sameEnds(int[] nums, int n) +{ + int start[] = new int[n]; + int end[] = new int[n]; + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + for (int i = nums.length - n; i < nums.length; i++) + { + end[i] = nums[i]; + } + return start == end; +} +" +1718a6f33fea912bc1ea669ecee134eea298c40d,"public boolean sameEnds(int[] nums, int n) +{ + int start[] = new int[n]; + int end[] = new int[n]; + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int j = 0; + for (int i = nums.length - n; i < nums.length; i++) + { + end[j] = nums[i]; + j++; + } + return start == end; +} +" +b0186c01b9e58d4c68f67da000673958ab68bb4f,"public boolean sameEnds(int[] nums, int n) +{ + int start[] = new int[n]; + int end[] = new int[n]; + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int j = 0; + for (int i = nums.length - n; i <= nums.length; i++) + { + end[j] = nums[i]; + j++; + } + return start == end; +} +" +24d47a65834fd02d0c753208bf0349095c36915f,"public boolean sameEnds(int[] nums, int n) +{ + int len = string.length(); + String fin = """"; + String tmp = """"; + + for (int i = 0; i < len; i++) { + tmp += string.charAt(i); + int tmplen = tmp.length(); + if (i < len / 2 && tmp.equals(string.substring(len- tmplen,len))){ + fin = tmp; + } + } + return fin; + +} +" +40fd298f8b98226a9539fcc2fa49157d7de8a1b6,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + + for (int i = 0; i < len; i++) { + if (nums[i] == nums[nums.length-len+i]){ + same = true; + } + } + else{ + same = false; + } + return same; + + +} +" +4375f36b18bc0bd3b0f11194ef914dcfefb3bab9,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + + for (int i = 0; i < len; i++) { + if (nums[i] == nums[nums.length-len+i]){ + same = true; + } + else{ + same = false; + } + } + return same; + + +} +" +157f242ed3200a99d7cdde22cf0d83dbb31b9f1f,"public boolean sameEnds(int[] nums, int n) +{ + int start[] = new int[n]; + int end[] = new int[n]; + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int j = 0; + for (int i = nums.length - n - 1; i < nums.length; i++) + { + end[j] = nums[i]; + j++; + } + return start == end; +} +" +7fe9ab540066c4f7fe131088f7d738eef071400c,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + + for (int i = 0; i < n; i++) { + if (nums[i] == nums[nums.length-n+i]){ + same = true; + } + else{ + same = false; + } + } + return same; + + +} +" +61cad7576ee3a202d33b551da13c104c1ed804cb,"public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +91b1936e1e8f92bdee83b07ca8dfd869986a0ebd,"public boolean sameEnds(int[] nums, int n) +{ + int start[] = new int[n]; + int end[] = new int[n]; + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + int j = 0; + for (int i = nums.length - n; i < nums.length; i++) + { + end[j] = nums[i]; + j++; + } + return start == end; +} +" +2216ebcb351ec7506978bbbb155dc56b3fcf1c5e,"public boolean sameEnds(int[] nums, int n) +{ + int start[] = new int[n]; + int end[] = new int[n]; + for (int i = 0; i < n; i++) + { + start[i] = nums[i]; + } + + int j = 0; + for (int i = nums.length - n; i < nums.length; i++) + { + end[j] = nums[i]; + j++; + } + + for (int i = 0; i < start.length; i++) + { + if (start[i] != end[i]) + { + return false; + } + } + return true; +} +" +6663a67c9d02b8d070055ca01f223c103fe481ce,"public boolean sameEnds(int[] nums, int n) +{ + for(int i=0;i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} + +" +626792ad1057f120fb1add247296f89d4808ff35,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +95848add24b80c473471c9bce096508fbe131aab,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3b7598b6b2a344ca00a0ca75dccd30d4ee4e17f0,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + for (int i = 0; i < end; i++) + { + if (nums[beg] = nums[end]) + { + return true; + } + else + { + return false; + } + } +} +" +fde404a124d56ecade40b07002abf453311116a7,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + if (nums[beg] = nums[end]) + { + return true; + } + else + { + return false; + } + } +} +" +9b45714390a6539ada67ea049082c0be83ed7a03,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + if (nums[beg] = nums[end]) + { + return true; + } + else + { + return false; + } +} +" +585dee7d788309554605b52cc155f1caaa2e915c,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + same = false; + } + } + +} +" +8a8c4a40074f29db4db397089a7c99aea28fb545,"public boolean sameEnds(int[] nums, int n) +{ + boolean same = true; + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + { + same = false; + } + } + + return same; +} +" +ce97248d707617c01554a2fd310a44e3a5977006,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = length; + for (int i = 0; i < randge; i++) { + if (!(nums[i] == nums[nums.length - range + 1])) { + return false; + } + } + return result; +} +" +b5f6154918b218fa7a105c6b389ac682b381fb80,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = n; + for (int i = 0; i < randge; i++) { + if (!(nums[i] == nums[nums.length - range + 1])) { + return false; + } + } + return result; +} +" +132aff4e16c8b252be4106c7b737b867ab81834b,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = n; + for (int i = 0; i < range; i++) { + if (!(nums[i] == nums[nums.length - range + 1])) { + return false; + } + } + return result; +} +" +5c72b60ef1a36befa13e176e1185ee294b7be2aa,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; + int range = n; + for (int i = 0; i < range; i++) { + if (!(nums[i] == nums[nums.length - range + i])) { + return false; + } + } + return result; +} +" +8fa0ac80634c6e7d1a43c9a649715bff9bbd8aad,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for (; len > 0; len--) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true +} +" +6a1f85b5f7a46ea3748683c47e23ee4cfb0eee66,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for (; len > 0; len--) + { + if (nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +672e4d4f3a08907ff51dc35004d92cfdbe4e2dd1,"public boolean sameEnds(int[] nums, int n) +{ + int beg = 0; + int end = nums.length - n; + if (nums[beg] == nums[end]) + { + return true; + } + else + { + return false; + } +} +" +35197d807d4c8731c317def448306f4eb6821140,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +} +" +757a1901120da7c0281bc2b0337ec065e8b21609,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} + +" +88b06e3b7ccc5bf0878cbcf80d0a930f40a96340,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0; i < n; i++) + { + if (nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} + +" +cc132ee5c97abe05f9f3fb96394d7a29477ad8b4,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +b31d578f8439ba6771ba98294ebaf4de7cb91499,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +b025268904a2f5adcc213c8dd5a0138f1c1108a8,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +60e37ad2bffa442bf3972bc9ab996166a9f5d154,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(int len = end; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f6c31f99e9bc3a81db95c7114e48d8e94e837d2f,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a4b7b25047a9316fcaf2b0275fa26704c18e6959,"public boolean sameEnds(int[] nums, int n) +{ + for (int i=nums.length-1;i>0 ;i--) + { + if (nums[0]!=nums[i]) + { + n++; + } + } + return false; + +} +" +c0e103d1042788c5e784c5619650bdfbdaef80fa,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int len = end; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +8845e5c0a9582bde45e84b5bbd50f6227118aca4,"public boolean sameEnds(int[] nums, int n) +{ + int q = 0; + int t = nums.length - n; + for (; n > 0; n--) + { + if (nums[q] != nums[t]) + return false; + else + { + q++; + t++; + } + } + return true; +} +" +59b7a74888f76672efb8e26dfd9a5da2a6d19921,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(int len = end; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +9dfb9d8285fed77ebe058ec80bfb80f2f1a5db2a,"public boolean sameEnds(int[] nums, int len) { + for (int i = 0, j = nums.length - len; i < len; i++, j++) + if (nums[i] != nums[j]) return false; + return true; +} +" +193775dec9b184724e55f0f3c44fe8155b5b65b6,"public boolean sameEnds(int[] nums, int n) +{ + int same=0; + for (int i=nums.length-1;i>0 ;i--) + { + if (nums[0]!=nums[i]) + { + same++; + } + } + return same==n; + +} +" +bdbe5a1f6a319338e2b2b4f10078728566176d62,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; +int range = len; +for (int i =0; i 0 ;i--) + { + if (nums[0]!=nums[i]) + { + same++; + } + } + */ + int same=0; + int end = nums.length-i; + for(int i=nums.length; i > 0; i--) + { + if(nums[same] != nums[end]) + return false; + else + { + same++; + end++; + } + } + return true; + +} +" +b334137a2954d0930d610613ec54703a38531bae,"public boolean sameEnds(int[] nums, int n) +{ + /** + int same=0; + for (int i=nums.length-1;i>0 ;i--) + { + if (nums[0]!=nums[i]) + { + same++; + } + } + */ + int same=0; + int i=nums.length; + int end = nums.length-i; + + for( i; i > 0; i--) + { + if(nums[same] != nums[end]) + return false; + else + { + same++; + end++; + } + } + return true; + +} +" +3cd6b6efc6f47a8cc4c231a897aaaeac574f835f,"public boolean sameEnds(int[] nums, int n) +{ + /** + int same=0; + for (int i=nums.length-1;i>0 ;i--) + { + if (nums[0]!=nums[i]) + { + same++; + } + } + */ + int same=0; + int i=nums.length; + int end = nums.length-i; + + for( ; i > 0; i--) + { + if(nums[same] != nums[end]) + return false; + else + { + same++; + end++; + } + } + return true; + +} +" +ecc261fdd4ec1cffb8b46dc7210b66d1c4c48fc3,"public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +28916905ce43266f6fe521349012b1d659b091fc,"public boolean sameEnds(int[] nums, int n) +{ + /** + int same=0; + for (int i=nums.length-1;i>0 ;i--) + { + if (nums[0]!=nums[i]) + { + same++; + } + } + */ + int same=0; + int i=nums.length; + int end = nums.length-i; + + for( ; i > 0; i--) + { + if(nums[same] != nums[end]) + return false; + else + { + //same++; + end++; + } + } + return same==n; + +} +" +8d659b4a10297a72fc7d068a5999f6f13812bc4c,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +2e2bc8b9a260b82abc9d1770deef589d714358e1,"public boolean sameEnds(int[] nums, int n) +{ + /** + int same=0; + for (int i=nums.length-1;i>0 ;i--) + { + if (nums[0]!=nums[i]) + { + same++; + } + } + */ + int same=0; + int end = nums.length-n; + + for( ; n > 0; n--) + { + if(nums[same] != nums[end]) + return false; + else + { + same++; + end++; + } + } + return true; + +} +" +59ab6b124bb2afafa16c7cb4ea195e89b9f02d0e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +3272c2271a7d4b29f302bd43e9480298e5d05e8b,"public boolean sameEnds(int[] nums, int len) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +8243c75a69e18cb6c9f02b072995835b37129ed9,"public boolean sameEnds(int[] nums, int len) { +boolean result = true; +int range = len; +for (int i =0; i 0; i--) + { + if(nums[start] == nums[end]) + { + return true; + } + else + return false; + } +} +" +db86630b08b3048401f67ddf7a3e963b447569f2,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for( int i = nums.length; i > 0; i--) + { + if(nums[start] == nums[end]) + { + return true; + } + else + return false; + } +} +" +2616e4bf691f1a84825cdc1b01dc6debf63abb15,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = len - 1; i >= 0; i--) + { + if (nums[(len - 1) - i] != nums[(nums.length - 1) - i]) + { + return false; + } + } + return true; +} +" +5ac07309d7f27821c941780c4fbdf8aeb5dc9722,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for( int i = nums.length; i > 0; i--) + { + if(nums[start] == nums[end]) + { + return true; + } + + } + return false; +} +" +e2f06343129f93bec9b79eab5a629a6d90a81e8d,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = n - 1; i >= 0; i--) + { + if (nums[(n - 1) - i] != nums[(nums.length - 1) - i]) + { + return false; + } + } + return true; +} +" +49121a5daeec84a2531a7cf7b290c2d2dd45657f,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) + { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +d3030d090a8f790469227c04d01b64eb7bc40087,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +" +f4400a1cc51d141a4ed1b2871aeda9bf65966595,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +01db8f92f43f02c412b65aaea1f4a71989a865ca,"public boolean sameEnds(int[] nums, int n) +{ + int[] one; + int[] two; + for (int i = 0; i < num; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - 5; i < nums.length; i++) + { + two[i] = nums[i] + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +dc36560e7503280b021049c520cdb81288337b41,"public boolean sameEnds(int[] nums, int len) { + +boolean result = true; +int range = len; + +for (int i =0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; + +} +" +efd36c64966636968b496af8d2b1c4f685b39a7c,"public boolean sameEnds(int[] nums, int n) +{ + int[] one; + int[] two; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +e192fce45d19189d7398f292a97420c469967614,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; + +} +" +b99355b4838a85903fab9fe45c68b5770e480a7b,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[]; + int[] two = new int[] + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +c170191fb9e60a0848e5543b96e07cc56b0473a7,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[]; + int[] two = new int[]; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +d9d1b7df626453f916c6b089d656adf79f7e2834,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[n]; + int[] two = new int[n]; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +15123a28a9443ba994fb4606e42863faf7ba03f2,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +6f1ef77afbe67848bb95a3d2447b00bc1f57cba8,"public boolean sameEnds(int[] nums, int n) +{ + int max; + + for (int i = 0; i < nums.length-1; i++) + { + + } +} +" +0e79f9510242819798dc0075929323258ca6a859,"public boolean sameEnds(int[] nums, int n) +{ + int a = new int[n]; + for(int i = 0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +057b1b49b0f8a1495c7f8b37713e05fbb4be9f87,"public boolean sameEnds(int[] nums, int n) +{ + if(n == 0) + return true; + int[] a = new int[n]; + for(int i = 0; i 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a9fadf9546367a7dc5e555a45c42adb0a52416bd,"public boolean sameEnds(int[] nums, int n) +{ + int[] a = new int[n]; + if( n == 0) + return true; + for(int i = nums.length - n , j = 0; i < nums.length; i++, j++) + { + a[j] = nums[i]; + } + for(int k = 0; k < n; k++) + { + if(a[k] != nums[k]) + return false; + } + + return true; + + +}" +4d2853a61204f4cdbab84d77764f8b4854ccbb98,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[n]; + int[] two = new int[n]; + for (int i = 0; i < n; i++) + { + one.add(nums[i]); + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two.add(nums[i]); + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +e478f9416ebea5a34396ac4d69ef823433bbb4ee,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } +return true; +} +" +b9edff17a5c350872f7e4777a878c37ca6916969,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(n > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } +return true; +} +" +1ce0128d148ba8abf8dc69aac3718d417a1dd66e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } +return true; +} +" +2881a16a604fe620cc04fe245282ae569ef31d59,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +54c0b453bef9946032a2bc7cbb508189ec9d2797,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +37b8e77da6f4421c09e51c692c81eef6814a7c9a,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[n]; + int[] two = new int[n]; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +d8752f07fc90f73610cbafe68becc88e40f82109,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < n; i++) + { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + +return true; +} +" +429fe62b49e0c15eb72448414377734c5c00036d,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +578646fb40ce92ef70002d6664323b8f281c141a,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[n]; + int[] two = new int[n]; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + if(n == 0) + { + return true; + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +97a157281771e2a5bd7e02c7805eec242da08d70,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[n]; + int[] two = new int[n]; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i] = nums[i]; + + } + if(n == 0) + { + return true; + } + + if(n == nums.length) + { + return true; + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +8b3ed207d95c69efe7269f822b827f7618a0776d,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0 ; + int end = nums.length-len; + for(len > 0; len --) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } +} +return true; + +} +" +44dc728b2fd042238edc54d18b9564a3d3867e83,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0 ; + int end = nums.length-len; + for(;len > 0; len --) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } +} +return true; +} +" +6ca78d984455663ce2ec5a500683bde049dc8f67,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + + if (nums[n] == swag - n) + { + return true; + } + + else + { + return false; + } +} +" +33a72d1db7e8a6fd984d44f1e33f50f1447fe2d9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +43cfda83857fa51e6bf164c0b01187d39352c7f3,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f78a524399d42149cb0905ca1ee8e4e525db5c91,"public boolean sameEnds(int[] nums, int n) +{ + int[] one = new int[n]; + int[] two = new int[n]; + for (int i = 0; i < n; i++) + { + one[i] = nums[i]; + } + + for (int i = nums.length - n; i < nums.length; i++) + { + two[i - nums.length + n] = nums[i]; + + } + if(n == 0) + { + return true; + } + + if(n == nums.length) + { + return true; + } + + if(one.equals(two)) + { + return true; + } + return false; + +} +" +fb56d709fbcfc6eb527ba10a07cf8485d03a3750,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +66f39130611dd3af346b241edeb269d336676608,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +2a8eb03da3429a2bea4ec6226957923cb0b2c74a,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for (; n > 0; n--) + { + if (nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; +} +" +d69b64d4b5d45dc7efb25c2efdc5bd705e797fa0,"public boolean sameEnds(int[] nums, int n) +{ + { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +} +" +3ef5282d790131479064f6a07806f9c7d5cd894e,"public boolean sameEnds(int[] nums, int n) +{ + { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - n + i]) + return false; + } + + return true; +} +} +" +c8de1d95968a49cfd500a15399de422ae0500fd1,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = nums[z]) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + int peen = nums[z]; + } + + return (counter == n); + + +} +" +33736e66650485f2f9c1c97c94c1638c76539caa,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int z = nums.length - 1; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = nums[z]) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + int peen = nums[z]; + } + + return (counter == n); + + +} +" +58d96ecf1c57437f8abeb16a2d11c2f67b7fd4e3,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int z = nums.length - 1; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = nums[z]) + { + counter = counter + 1; + } + } + for (z; z > 0; z--) + { + int peen = nums[z]; + } + + return (counter == n); + + +} +" +6413a36cb9db6993a71f2a52bd4d56cfcb19bcd7,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int z = nums.length - 1; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = nums[z]) + { + counter = counter + 1; + } + } + for (int z; z > 0; z--) + { + int peen = nums[z]; + } + + return (counter == n); + + +} +" +1abadee5143e8d0d176a394e8a9b852b2523f200,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = nums[z]) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + int peen = nums[z]; + } + + return (counter == n); + + +} +" +f49f5f0f23c81c22b6d706694c623323ba683e97,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = nums[z]) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + peen = nums[z]; + } + + return (counter == n); + + +} +" +84e5f57447e333b8aa54d4d7967ac4cab7f5b071,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] = peen) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + peen = nums[z]; + } + + return (counter == n); + + +} +" +56abb9261724c588c6828dcf848f88f859d966e3,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] == peen) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + peen = nums[z]; + } + + return (counter == n); + + +} +" +e19d065ed20c7be9fea4a0eec629fb1b6c53a881,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen = 0; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (int i = 0; i < n; i++) + { + if (nums[i] == peen) + { + counter = counter + 1; + } + } + for (int z = nums.length - 1; z > 0; z--) + { + peen = nums[z]; + } + + return (counter == n); + + +} +" +ca0651c3b305f091381274c2705e66a9b6f1d179,"public boolean sameEnds(int[] nums, int n) + for (int i = 0, j = nums.length - len; i < len; i++, j++) + if (nums[i] != nums[j]) return false; + return true; +" +9d1bfbfdf29fb43b6f14c39ab045aa5e3a6ee20f,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - len; i < len; i++, j++) + if (nums[i] != nums[j]) return false; + return true; +}" +76b9cb8299a8d0a1fcab3140d2e8d464372f487a,"public boolean sameEnds(int[] nums, int n) +{ + for (int i = 0, j = nums.length - n; i < n; i++, j++) + if (nums[i] != nums[j]) return false; + return true; +}" +f50fb618da7ca5854eca05ab25c74d82ec96228d,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen = 0; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + + + String peen = nums.toString(0, 1); + + + + +} +" +2683b8b1f5403652002ab9223af540b5bdcb5361,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen = 0; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + + + String yele = nums.toString(0, 1); + + + + +} +" +19af774b9d49c4e1852f247bd61448c8c74421f6,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen = 0; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + + + String yele = Arrays.toString(nums(0, 1)); + + + + +} +" +c4e97c5cea62b2c6566ef1a773ff8c2c1cf5e76d,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int counter = 0; + int peen = 0; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + + + String yele = Arrays.toString(nums); + + + + +} +" +23b259f74bb931d8e0650d1fb40cd95500b8308e,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +7369bd6effc150f2bf289ef7d27f20885bd392ba,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +17a4febfd96841dc33078dccbd12cc69176365b7,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b98c96ea09db133177313d0e0b15880e689f0d7e,"public boolean sameEnds(int[] nums, int n) +{ + + int swag = nums.length - 1; + int swag = 0; + int boom = nums.length - n; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (n = n; n > 0; n--) + { + if (nums[swag] != nums[boom]) + { + return false; + } + else + { + swag = swag + 1; + boom = boom + 1; + } + + + } + + return true; + +} +" +d8034e1d01414c818470d0ab35755aed2b58a8b1,"public boolean sameEnds(int[] nums, int n) +{ + + int swagie = nums.length - 1; + int swag = 0; + int boom = nums.length - n; + // check every number to the left of n, or below n and above 0 + // then check, every number on the length - 1, n + + for (n = n; n > 0; n--) + { + if (nums[swag] != nums[boom]) + { + return false; + } + else + { + swag = swag + 1; + boom = boom + 1; + } + + + } + + return true; + +} +" +b909fe45978081161efafca472677bff0101884e,"public boolean sameEnds(int[] nums, int n) +{ + int one = 0; + int two = nums.length - n; + for(;n > 0; n--) + { + if(nums[one] != nums[two]) + { + return false; + } + else + { + one++; + two++; + } + } + return true; + " +a83d1b58fa1ec25c810c0f3a773bc8ccc61015ab,"public boolean sameEnds(int[] nums, int n) +{ + int one = 0; + int two = nums.length - n; + for(;n > 0; n--) + { + if(nums[one] != nums[two]) + { + return false; + } + else + { + one++; + two++; + } + } + return true; +} + " +46e29862ef6ea803059f0137c339ee095ff458d3,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; + +} +" +10211ecc66ea20209041c7fc3f2a07e2e0300983,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; + +} +" +a0914f47eba2257c0db6d2b716cf4d67e29db18c,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; +int range = len; +for (int i =0; i 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; + +} +" +3763cfa15a7ae76550fd8fe0b080ad3e992123e7,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length - n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + { + return false; + } + else + { + start++; + end++; + } + } + return true; + +} +" +b64c3fb8d2b15d1620d66594fc28f18aed0466a1,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = true; +int range = n; +for (int i =0; i 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +b1a344a3a68a9a08e1278774fd1d0836e1121772,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +abac60f64814e4d68cdbd1619211a9e24e37f334,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +4cafc5e7631b8cc93b189d8dab04f070510159a7,"public boolean sameEnds(int[] nums, int n) +{ + return false; +} +" +a87c8a25329c7389a562a4f87ac2fff73a07a7ab,"public boolean sameEnds(int[] nums, int n) +{ + String numberString = """"; + for (int i = 0; i < n; i++) + { + string += nums[i]; + } +} +" +8174d22e134bcb68c85787b48510c8cbe015e45b,"public int[] sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return (begin.equals(end); +} +" +d17508ec84bd14161ae45ae490e04f5a76670ae2,"public boolean sameEnds(int[] nums, int n) +{ + String numberString = """"; + for (int i = 0; i < n; i++) + { + numberString += nums[i]; + } +} +" +e5782fcf28179ef4d442021da7382a8cbca704d3,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return (begin.equals(end)); +} +" +824fdabcb04789a08b34868bc2a21fbcbdf08a00,"public boolean sameEnds(int[] nums, int n) +{ + return true; +} +" +b7ebc8fac7229a15924b09164b824aaf77b79b0e,"public int[] sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return begin; +} +" +ab7fedd4b795d1dc3120d6b6378cf80f6f794e81,"public boolean sameEnds(int[] nums, int n) +{ + String startString = """"; + for (int i = 0; i < n; i++) + { + numberString += nums[i]; + } + String endString = """"; + for (int z = nums.length - n; z < nums.length; z++) + { + endString += nums[z]; + } + return startString.equals(endString); +} +" +e788503970b021ace0a7d27e0a3a55c37ac9e4dd,"public boolean sameEnds(int[] nums, int n) +{ + String startString = """"; + for (int i = 0; i < n; i++) + { + startString += nums[i]; + } + String endString = """"; + for (int z = nums.length - n; z < nums.length; z++) + { + endString += nums[z]; + } + return startString.equals(endString); +} +" +f8a9f10e34b7a6789b90ebdf31dcfdf9f523e8fa,"public int[] sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + return begin; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + //return begin; +} +" +0475c4f78c79fb2284e63688bac25f08b691a318,"public int[] sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + return begin; + /** + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return begin; */ +} +" +45d53fe7f211c78e60664e548907a6332d9bec7a,"public boolean sameEnds(int[] nums, int n) +{ + int k = 0; + for ( int i = 0; i < n; i++) + { + for ( int j = nums.length - n - 1; j< nums.length - 1; j++) + { + if ( nums[i] == nums[j]) + { + k++; + } + } + } + + if( k == n) + { + return true; + } + else + { + return false; + } +} +" +1fc61e168c671e19266fc39bd6236405ae728eb1,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +0a731755ae8c48913dbd8cfbbf7f20f77bc3f298,"public boolean sameEnds(int[] nums, int n) +{ + int beginning = 0; + int end = nums.length - n; + for(; n > 0; n --) + { + if (nums[beginning] != nums[end]) + { + return false; + } + else + { + start ++; + end ++; + } + } + return true; + +} +" +7d6599586de42a6a3cb9bdd1a5f6a35c820946b9,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +aadfd3fe88b6c60f880e546f30c22e7f0d17900f,"public boolean sameEnds(int[] nums, int n) +{ + int beginning = 0; + int end = nums.length - n; + for(; n > 0; n --) + { + if (nums[beginning] != nums[end]) + { + return false; + } + else + { + beginning ++; + end ++; + } + } + return true; + +} +" +3ace19b3235f18b43e5667ef7aa1d8e0f78df16a,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + end[n - i - 1] = nums[len - i]; + } + return begin.equals(end); +} +" +85dc2000f34793da861a62b6b9e61653ae623da1,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + System.out.print(""begin[""+i+""] is""+ begin[i]) + end[n - i - 1] = nums[len - i]; + } + return begin.equals(end); +} +" +deefdd8b301e330253db59445995ee18b8a208c0,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + System.out.print(""begin[""+i+""] is""+ begin[i]); + end[n - i - 1] = nums[len - i]; + } + return begin.equals(end); +} +" +d4081590d36f1e7094c41afa7c2d913226552222,"public int sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + + end[n - i - 1] = nums[len - i]; + } + return begin[0]; + //return begin.equals(end); +} +" +6867d58c9baf998ea3c17f5fd4cc70f218920aa0,"public int sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + + end[n - i - 1] = nums[len - i]; + } + return end[0]; + //return begin.equals(end); +} +" +ca9dee39ef64677a1b768b3b73aa27a6f6640508,"public boolean sameEnds(int[] nums, int n) +{ + int[] begin = new int[n]; + int[] end = new int[n]; + int len = nums.length - 1; + for (int i = 0; i < n; i++) + { + begin[i] = nums[i]; + + end[n - i - 1] = nums[len - i]; + } + for (int i = 0; i < n; i++) + { + if (begin[i] != end[i]) + return false; + } + return true; + //return begin.equals(end); +} +" +df4ba9e4d9c075af1c30b29a05c811ab43723f09,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + else if (nums[0] == nums[nums.length - n]) + { + result = true; + } + + return result; +}" +9c408fa39f07f8ae91da750b1c90ca2ea123f466,"public boolean sameEnds(int[] nums, int n) +{ + public boolean sameEnds(int[] nums, int len) { + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +cc6ad5096a46a947c609a52b1ea69712d30f0c88,"public boolean sameEnds(int[] nums, int n) +{ + for(int i = 0; i < len; i++) { + if(nums[i] != nums[nums.length - len + i]) + return false; + } + + return true; +} +" +b03b069f1b2bc3655905c552b6b278760784a151,"public boolean sameEnds(int[] nums, int n) +{ + + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +6f322e87cd1dfd7afef2774c17164613fa26faea,"public boolean sameEnds(int[] nums, int n) +{ + + int start = 0; + int end = nums.length-n; + for(; n > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +e683467a819f9e4ab70c1d43dec823a3e8395d44,"public boolean sameEnds(int[] nums, int n) +{ + + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +a8bdc80f77fa170f90a79787526126fb77fd5634,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +4c167e97fbcd11c6ec05dbfeb6d0fb57d3ec1abd,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; len > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +4d7a38da86e951cef5d1985a01fe0afb69a836aa,"public boolean sameEnds(int[] nums, int n) +{ + int start = 0; + int end = nums.length-n; + for(; n > 0; n--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +f516ddb7a69b2d11426720abfe144f0bf56e2b9e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + return (cigers >= 40) + } + else + { + return (cigers >= 40 && cigers <= 60) + } +} +" +c8553ff56ab9f735c1d3b60e121374e0827dbb6d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + return (cigers >= 40) + } + else + { + return (cigers >= 40 && cigers <= 60); + } +} +" +b0dbbf9e1b4c41b25164858ab468eb24a610a417,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + return (cigers >= 40); + } + else + { + return (cigers >= 40 && cigers <= 60); + } +} +" +1ff2d476c067b1930eb0827afe3311f4265a8913,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + return (cigars >= 40); + } + else + { + return (cigars >= 40 && cigars <= 60); + } +} +" +4dbbe4fac01fad6b8b7635579f1edaff47b49aca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + return (cigars >= 40); + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +4a81984a24b0ba9b17ccd49a4b5efbbeea946ec2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false && cigars > 40 && cigars < 60) + return true; + if (isWeekend == true && cigars > 40) + return true; + else + return false; +} +" +dd917f576cd13691eeb0a9cdee251d393ade5d4e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false && cigars >= 40 && cigars <= 60) + return true; + if (isWeekend == true && cigars > 40) + return true; + else + return false; +} +" +eb0a09480303adcbf0076148fbab704351e3c539,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false && cigars >= 40 && cigars <= 60) + return true; + if (isWeekend == true && cigars >= 40) + return true; + else + return false; +} +" +a858fbcb9cfc9ce9382d0ed2ba1d55371a02ed1e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +d8ddbb47e990073bbac0e5e209f3020d06249b84,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if (cigars >= 40) + return true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +0bd0c62ac1c27ea9cded2ade0c0ffdf8fbb7995a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if (cigars >= 40) + return true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + return false; +} +" +3a7e3172f95c3d8edc59e9eec27ecea9fcd22f80,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + if (!isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + return false; +} +" +4e8dd898c4c5bd3e7d23f1d2096b3b6fe0c86228,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +9f643783d428e0f935f04420ca346e5e644c7aec,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (cigars < 40) + { + return false; + } + return true; +} +" +5f8010a6d8eb6d072a2b331866659337de7d8035,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false){ + return true; + }else{ + if(cigars >= 40 && cigars <= 60){ + return true; + }else{ + return false; + } + } +} +" +4df2e6e6ac63568f0ae2ddd4ad940968150b41a3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true){ + return true; + }else{ + if(cigars >= 40 && cigars <= 60){ + return true; + }else{ + return false; + } + } +} +" +ccafa729a1d45518465b60ad0bc23ca197706894,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40){ + return true; + }else{ + if(cigars >= 40 && cigars <= 60){ + return true; + }else{ + return false; + } + } +} +" +e02fff75dd72a1a05b3c560a3ace42acdbc4e548,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars>=40 && cigars<=60) + { + return true; + } + + else + { + return false; + } + } +} +" +3318ce5e798d91ed595a43214b6ea06ae6ae5721,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars>=40 && cigars<=60) + { + return true; + } + + else + { + return false; + } + } + + return false; +} +" +87038d26fb199be24768a2c05a5af3dedc69544f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars>=40 || cigars<=60) + { + return true; + } + + else + { + return false; + } + } + + return false; +} +" +f000ee483ab0eae859ac1fedf8df713815cf10d9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars>=40) + { + return true; + } + + else + { + return false; + } + } + + if(isWeekend == false) + { + if(cigars>=40 && cigars<=60) + { + return true + } + } +} +" +452881751952e4c980147f4af5cd9b6871bfe176,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars>=40) + { + return true; + } + + else + { + return false; + } + } + + if(isWeekend == false) + { + if(cigars>=40 && cigars<=60) + { + return true; + } + } +} +" +5e0a15c9e525ff23e5aa87f77cebabe035c91345,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars>=40) + { + return true; + } + + else + { + return false; + } + } + + if(isWeekend == false) + { + if(cigars>=40 && cigars<=60) + { + return true; + } + } + + return false; +} +" +e28b590cc0ef0f4d3500c5c96a1e6629a3427cd5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + else + return (cigars >= 40 && cigars <= 60); +} +" +8c49e78f77bd73e51d5ddbf87c58292622aa6c9b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars < 40) + { + return false; + } + else + { + return true; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +1f560f2a7dbc8476881769ae396cbf0f64a30c2b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars > 39) { + return true; + } + else { + return false; + } + } + else if (cigars > 39 && cigars < 61) { + return true; + } + else { + return false; + } +} +" +63935085ed4de922d06478d9fe22614fae6322b7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +fb50fba34133099819b6b6b30d3377b39894d34c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 || cigars <= 60) + return true; + else + return false; +} +" +d376f3aea172c862babaf64a5a1c6c4fc1e2644b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 || cigars <= 80) + return true; + else + return false; +} +" +11c36a48e6f299dbfede7da0ec715bd1d33a4cf0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 80) + return true; + else + return false; +} +" +a349562ae9616ac0f0da597cbd89d9cf5c74c88f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +b34e2676189c9cf4b71be3a6155e0eaae55e4dc5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && !isWeekend) + return true; + else if(cigar>=40 && isWeekend) + return true; + else + return false; +} +" +79ac29f73b387f3a73faf7c38208c78fe8e38e87,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && !isWeekend) + return true; + else if(cigars>=40 && isWeekend) + return true; + else + return false; +} +" +1111e12ddb2f34e7c506ba0a7b80a85bd2325555,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +d6ba1306c10e3d5037a9f437455f00d1fdb96b3e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (cigars <= 60 || isWeekend) + return true; + else + return false; + } + else + return false; +} +" +bd5b013d0236a44be5ce99ca8c366d742ff3b7a0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40 || <=60) + return ""true""; + else + return ""false""; + if (isWeekend) + { + if (cigars >=40) + return ""true""; + else + return + ""false""; + } +} +" +41a5777a1ca02d6069a2a91e189aa09f5a2ec193,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40 || <=60){ + return ""true""; + else + return ""false""; + } + if (isWeekend) + { + if (cigars >=40) + return ""true""; + else + return + ""false""; + } +} +" +6df86015caf3caa7a4b5b1a681c10b07ca2e7b06,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40 || <=60) + return ""true""; + else + return ""false""; + if (isWeekend) + { + if (cigars >=40) + return ""true""; + else + return + ""false""; + } +} +" +1b97399c759c9b3058886dc6f9d10dc2efc829e7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >=40) + return ""true""; + else + return + ""false""; + } +} +" +f4ac6557c1945bc992647a6ecb281030aaada410,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars >=40) + return ""true""; + else + return + ""false""; + } +} +" +20ff20cb9b9f1e5e7f12cf0512a4f8451293308e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars >=40 || <=60) + return ""true""; + else + return ""false""; + } +} +" +35ed40cea3c7ed5ed81524f7461b2e8a3a6e3eed,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >=40); + } +} +" +d0bbc21708146f8b4bd529bec72612def55c3ed7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >=40); + return ""true""; + } +} +" +fc4b66aea39a5291ba8c0d5527466c841ce1b189," public boolean cigarParty(int cigars, boolean isWeekend) { + if(isWeekend && (cigars >=40 && cigars <=60)) { + return true; + } + else{ + return false; + } + } +} +" +36fc42168ad52dacd0b24b95678c75f2771bddf5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 && cigars <=60)) + { + return true; + } + else + { + return false; + } +} +" +9b25f44d5d653228f195566d685b8fcd6b2e9622,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 && cigars <=60)) + { + return false; + } + else + { + return true; + } +} +" +8569130896d8c6adf1132b11a4d0345b9b00c6b8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend) +} +" +e1bd0064554440d6977d0669d26ba49f596b9922,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend; +} +" +a138bbcfabb87bd32ba952c671744a3d4ed62d7b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} +" +9215ce4e12996490e207d3f698516e240c3559cc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return false; + } + + else if (weekend) + { + if (cigars >= 40) + { + return true; + } + } + + else + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + } +} +" +e7f7c53df097a7ce58f8592f871ad23394e52a71,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return false; + } + + else if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + + else + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + } +} +" +1e306f8bc34dab5cbfd77fb8a04b9a96c71643c6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40) + } + return (cigars >= 40 && cigars <= 60) +} +" +930fb01c616937cd23ad68bf921779cd3915cc4d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +6a3576f88d1fcbe4278529f2e4c02be389445f77,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars <= 40) + return ""true""; + else if (cigars > 40 && cigars <= 60) + return ""true""; + else + return ""false""; + +} +" +380a902ff7066ef9a07938fe3547f55dcbb67280,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars <= 40) + return true; + else if (cigars > 40 && cigars <= 60) + return true; + else + return false; + +} +" +45a8254516f32230fa753bfe646ad03dcbf06f93,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60) + + +} +" +c3f23ac2ec5c833dc9221dad8b3933a5ab317603,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + + +} +" +d628c9de77a6937c8cf543402645500c77738113,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + return cigars >= 40 && cigars <= 60; + +} +" +935160348410a090ae0285ae7553ca620af62994,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + return cigars >= 40 && cigars <= 60; + +} +" +138033a618f36987ef153b35eccaed4dc0353096,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >=40 && cigars) + { + return true; + } + else if (!isWeekend && cigars >=40) + { + return true; + } + else + { + return false; + } + +} +" +2feb13fd620309ac3bf2b2c0c59fb32c7d449458,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >=40 && cigars <=60) + { + return true; + } + else if (!isWeekend && cigars >=40) + { + return true; + } + else + { + return false; + } + +} +" +5a03c9c7ffecf122965e1fd4b19e5b644026cc83,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend && cigars >=40 && cigars <=60) + { + return true; + } + else if (isWeekend && cigars >=40) + { + return true; + } + else + { + return false; + } + +} +" +1dac211967508860b2967062170183fc9abc1acb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (is weekend == true) + { + if(cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars < 40 || cigars > 60) + { + return false; + } + else + { + return true; + } + } +} +" +1b4b33eec439be689981d163a607c6a26444ef9d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isweekend == true) + { + if(cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars < 40 || cigars > 60) + { + return false; + } + else + { + return true; + } + } +} +" +6a4348cd1066f331955f065d8764d6dd35268a68,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if(cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars < 40 || cigars > 60) + { + return false; + } + else + { + return true; + } + } +} +" +907b2db039b92e545624e839e7f169ef25ad2e64,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars < 40 || cigars > 60) + { + return false; + } + else + { + return true; + } + } +} +" +f8c25d0608b78f91766b5d638caaa67efed341ef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +852ab2020e7da9dd3e415f099f764fa6f6e6f64f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + return true; +} +" +79330203498be158d3acbef7bf5ced2599fd0e27,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40 && isWeekend) + { + return true; + } + else if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +50938e2160033ca32bb2ba92ffdb765cc3ab285d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + if (isWeekend && cigars >= 40) + { + success = true; + } + else if (cigars >= 40 && cigars <= 60) + { + success = true; + } + return success; +} +" +f2e7856cbb04f1f93e1ba22a94daaf98f8a562df,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + c + } +} +" +32fe721ab8cd414874c035bbc2a0e44bf29b6e73,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 40 && cigars < 60) + { + return true; + } + else + { + return false; + } + } +} +" +9c0a44847a868c07ff5e9a9199ece5a530c28852,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +4fbaf8e065ef937505c088c4f6dd0f916cfe7a8e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return ((cigars >= 40 && isWeekend) || (cigars >= 40 && cigars <= 60)); +} +" +362e5e3778d0d14a9f6b986acab38730d4531795,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + } + else + +} +" +3ba195c9637132c28ad44aced53ad79c87567ed7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 || cigars <= 60) + { + return true; + } + else return false; + } + else + { + if (cigars >= 40) + { + return true; + } + else return false; + } +}" +acb0537f8ff7f910123ccacd8fbb19beba9ff593,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else return false; + } + else + { + if (cigars >= 40) + { + return true; + } + else return false; + } +}" +911ff4e70326dd4fc144718d3c146d08e07c3b7e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + + + +} +" +0917e0c4e01aa8705c6fe2432bfaf75629eece6a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + if (cigars >= 40) + { + if (isWeekend) + { + success = true; + } + else if (cigars <= 60) + { + success = true; + } + } + return success; +} +" +0f7d598f7d0b1073c13cfb753f68a7cefb22f0ec,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + return true; + } + + else if (isWeekend) + { + if (cigars >= 40) + return true; + } + else + return false; +} +" +c35d4347fac3eb42b31a660356da395de4e0c19c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + +} +" +e5a17110a87ca3a938dda477084bac2c91bc4f27,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + + else + { + if (cigars >= 40) + return true; + else + return false; + } + +} +" +d47221f7fcaba5b71e9dc9c7500883f47b03eba7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend && cigars >= 40 && cigars <= 60) + return true; + if (isWeekend && cigars >= 40) + return true; + return false; +} +" +101bf99cdedf6b49a90b8a8d69b863343cdc70f6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else + return false; + } + if (weekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } +} +" +63cd2bb14378fe27620e8bccb445b2e311b395c3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else + return false; + } + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } +} +" +7f257761813c7416734e764821956e44676369a5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + return false; + } + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } +} +" +a956b02e928fcca66b12d78f3cf3941254830859,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + return false; + } + else + { + if (cigars >= 40) + { + return true; + } + else + return false; + } +} +" +b13ac196f427e902c8e3a04f0a51b7ecf7809211,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ture; + } + else + { + return false + } + } + else if (cigar >=40 && cigar <=60) + { + return ture: + } + else + { + return false; + } + +} +" +b81b0c617d827ea6f5b8e355942e230681d28a1e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ture; + } + else + { + return false; + } + } + else if (cigar >=40 && cigar <=60) + { + return ture; + } + else + { + return false; + } + +} +" +f061182bd6a8e1f23404c4b4841b531a02abc2aa,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (cigar >=40 && cigar <=60) + { + return true; + } + else + { + return false; + } + +} +" +86873f7e576a1719b3974d66c426b8de722f2c6e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (cigars >=40 && cigars <=60) + { + return true; + } + else + { + return false; + } + +} +" +45ee580b880deee86fc9dd72832488b0eee1dfb6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars > 39) { + return true; + } + else { + return false; + } + } + else if (cigars > 39 && cigars < 61) { + return true; + } + else { + return false; + } +} +" +a6cba5bd552261ce15e581f36ab7e5999af474e0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ) + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false; +} +" +7e00ea94b9004e8f1df9efa4a17980018395d310,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars < 40) + return false; + else + return true; + else + if (cigars > 39 && cigars < 61) + return true; + else + return false; +} +" +b4836cc7e0d187fdd43768fcd4bee1dc0603053e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + return true; + if (isWeekend == true && cigars >= 40) + return true; + else + return false; +} +" +f236c35100e118a7f7f347d63f738e7426ce844a,"public boolean partySuccess; + +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + partySuccess = true; + } + else if (cigars < 40) + { + partySuccess = false; + } + } + else if (isWeekend = false) + { + if (cigars >= 40 && cigars <= 60) + { + partySuccess = true; + } + else + { + partySuccess = false; + } + } + return partySuccess; +} +" +6a569371da49d12ccfcf706688aa48c98d9c5d45,"public boolean partySuccess; + +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + partySuccess = true; + } + else if (cigars < 40) + { + partySuccess = false; + } + } + else if (isWeekend = false) + { + if (cigars >= 40 || cigars <= 60) + { + partySuccess = true; + } + else + { + partySuccess = false; + } + } + return partySuccess; +} +" +4def83e11a3fb850c536403e1b464cc4ce17d58b,"public boolean partySuccess; + +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + partySuccess = true; + } + else if (cigars < 40) + { + partySuccess = false; + } + } + else if (isWeekend = false) + { + if (cigars >= 40 || cigars <= 60) + { + partySuccess = true; + } + else if (cigars < 40 || cigars > 60) + { + partySuccess = false; + } + } + return partySuccess; +} +" +f76722b5985d16410a7cb9036263043d2f2ef0b7,"public boolean partySuccess; + +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + partySuccess = true; + } + else if (cigars < 40) + { + partySuccess = false; + } + } + else if (isWeekend = false) + { + if (cigars >= 40 && cigars <= 60) + { + partySuccess = true; + } + else if (cigars < 40 || cigars > 60) + { + partySuccess = false; + } + } + return partySuccess; +} +" +0122bb3d6750a5923a92ff94b45791ac8e2380eb,"public boolean partySuccess; + +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + partySuccess = true; + } + else if (cigars < 40) + { + partySuccess = false; + } + } + else if (isWeekend = false) + { + if (cigars >= 40 && cigars <= 60) + { + partySuccess = true; + } + else if (cigars < 40 && cigars > 60) + { + partySuccess = false; + } + } + return partySuccess; +} +" +1936978eba94eda41f655b5ef813bfcaf6383f26,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40) { + if(cigars > 60 && !isWeekend) { + return false; + } + return true; + } + return false; +} +" +45f2b22811c63a5f59e7899ed0bfb18393039922,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 40) + return true; + + if(cigars >= 60 && cigars <= 80) + return true; + else + return false; +} +" +8ddf9270a52bb302347ee8c07d6e636f5b001175,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 40) + return true; + + if(cigars >= 40 && cigars <= 80) + return true; + else + return false; +} +" +59377f8ad0d800680d28a86a2a209ab711b41917,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 40) + return true; + + if(cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +28ccac1ad0486fae29bffb110f46aea0d7cb033d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +a79fa1c6e95416da7cf32d145f25ecf838cee140,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if ( cigars >= 40) + return true; + } + + else if (cigars >= 40 && cigars <= 60) + return true; + + else + return false; +} +" +ec769163bbdd25aadc6fe928c49b32da558d85c6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if ( cigars >= 40) + return true; + + else if (cigars >= 40 && cigars <= 60) + return true; + + } + + else + return false; +} +" +3035923998db1616f57199c9f18c242de00d58cf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + } + + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + + else + { + return false; + } +} +" +a14a3a3fe24eb22ffef0988c232671cbaa66e416,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + } + + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + + else + { + return false; + } +} +" +fdad1e89a4314f28156e89f26d2c10f5a4668133,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + + else + { + return false; + } +} +" +96569f0a6bcd251b2f737597b105d487d03a2b73,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + + else + { + return false; + } +} +" +e542653a6e7bcc17a3b899988b970877f47766b5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + + if (cigars >= 40 && cigars <= 60) + { + return true; + } + + else + { + return false; + } +} +" +4cfad016e47e1b7fb6a986dbd781658f24fe7495,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + if (40 <= cigars <= 60) + return true + else + return false; +} +" +f8ce5e9036dbcc08bdaac283e0e1310b0db33849,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + if (40 <= cigars <= 60) + return true; + else + return false; +} +" +4003ed830d6e41eb2293c97dfb9656767655cfcb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + if (40 <= cigars && cigars <= 60) + return true; + else + return false; +} +" +f4c46718036a28caf271f532e0d7e877c08cd6bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (40 <= cigars && cigars <= 60) + return true; + else + return false; +} +" +4c673a235fb54ecec885a4f6e9ae059b01da8eee,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + return false; + } + else { + if (cigars >= 40 && cigars <= 60) { + return true; + } + return false; +} +" +09df3ac32b0b143071d81fb6fce5c8ada8f95714,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + return false; + } + else { + if (cigars >= 40 && cigars <= 60) { + return true; + } + return false; + } +} +" +2e0b71fe4cfeb510392891cabadb303eb8a1086a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +7b67aeea7fcbd1508641d7ef2ccdaa4386a85222,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + return (40 <= cigars); + } + else{ + return(40 <= cigars <= 60) + } +} +" +665bc82d890d74501a41102dfa9e7958d532ef75,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + return (40 <= cigars); + } + else{ + return(40 <= cigars <= 60); + } +} +" +852602c47446f37d36d8cc336a76e90619329e74,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + return (40 <= cigars); + } + else{ + return(40 <= cigars && cigars <= 60); + } +} +" +0660eca1114fbca6ea4d34bb2e393093dd47f8db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true + } + else + { + return false + } + } + else + { + if (cigars <= 60 && cigars >= 40) + { + return true + } + else + { + return false + } + } +} +" +2778a69442dfaeb9b771d8e52356661a581603ef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars <= 60 && cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +768b85db9c6893b83f95e434ee24412de76ffdc2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + +} +" +2edc2db9e4b5593be496c6a5c6c66b5f01ee2fae,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + Boolean result; + if (isWeekend) + { + if (cigars >= 40) + { + result = true + } + else + { + result = false; + } + } + else if (cigars <= 60 && cigars >= 40) + { + result = true + } + else + { + result = false; + } + return result; +} +" +6eaf52a2342ce0d9dcb47be102771267b0d8860a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + Boolean result; + if (isWeekend) + { + if (cigars >= 40) + { + result = true; + } + else + { + result = false; + } + } + else if (cigars <= 60 && cigars >= 40) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +5fc5c42d9e643e6212a3c866ef2eba4e44bac8ab,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(ciger >= 40) + {return true;} + else + { if(ciger >= 40 && ciger <=60) + {return true;} + return false; +} +" +ab0c42e9eb863a369b9b0e1a6dbd2b87cd356ec6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(ciger >= 40) + {return true;} + else + { if(ciger >= 40 && ciger <=60) + {return true;} + } + return false; +} +" +065357fee2aea74a53508cf4093014ee9ad507a3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(cigars >= 40) + {return true;} + else + { if(cigars >= 40 && cigars <=60) + {return true;} + } + return false; +} +" +c4f7b0f0b2120c17f28ad52546afaad42d7062c3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars >= 40) + { + return true; + } + } + else + { + if(cigars >= 40 && cigars <=60) + { + return true; + } + } + return false; +} +" +0d3c1a6543a1ca9996a7a4bc7602f60fa3510486,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + else if (!isWeekend && cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +836c643b9b3d99e2bd075c8657c936a36f393c27,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean isSuccessful = false; + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + isSuccessful = true; + } + } + else + { + isSuccessful = true; + } + return isSuccessful; +} +" +1068c20de300cad1d79a94a50f429897164194bd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean isSuccessful = false; + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + isSuccessful = true; + } + } + else + { + if (cigars >= 40) + { + isSuccessful = true; + } + } + return isSuccessful; +} +" +45363958936d65e71a4d6441580f44e417d3e667,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars =>40) + { + return true; + } + else + { + return false; + } + + } + else + { + if (cigars =>40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + +} +" +439c40b60d263a5a6f497f6d6eff3409d247e107,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars =>40) + { + return true; + } + else + { + return false; + } + + } + else + { + if(cigars =>40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + +} +" +bd8e2c68412eadaa6eb64e6cc8a88be98b289d15,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + + } + else + { + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + +} +" +418ead7c823df5688c6e3abe76c9eb516646e610,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return True; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return True; + } + else + { + return False; + } +} +" +8773c332e327af2acaa132b4006c3504a8160eeb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return True; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return True; + } + else + { + return False; + } + } +} +" +0bce0e83e40fd71dc738138d3741a1c050a0303f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = True; + boolean fail = False; + if (isWeekend) + { + if (cigars >= 40) + { + return success; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return success; + } + else + { + return fail; + } + } +} +" +e47cabf76f2c6a7d94b02a77a410310795c23348,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = True; + boolean fail = False; + if (isWeekend) + { + if (cigars >= 40) + { + return success; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return success; + } + else + { + return fail; + } + } +} +" +53710c0a44d946cbbce0049a891b72ae3e8cf805,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + success = boolean True; + fail = boolean False; + if (isWeekend) + { + if (cigars >= 40) + { + return success; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return success; + } + else + { + return fail; + } + } +} +" +9a2aeb648197e1c8527255e952e5f33f6d4a8a71,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +cb83a30f41ee3ab6e82cd55cddbafce1f1169145,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + if (isWeekend) + { + if (cigars >= 40) + { + result = true; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + result = true; + } + else + { + result = false; + } + } + return result; +} +" +65e082a0e9b7463b9d60889e01b53047de48b5c0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return result; +} +" +90e102e700880e25398db5b750202add3c83a63a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +f3493e4d176bc598d284a8dbc4d37defd6237844,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +153496fd6fa50992e754aa884da3d2263c2818a2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return false; + } + else + { + if (isWeekend) + { + return true; + } + else if (cigars >= 60) + { + return true; + } + return false; + } + +} +" +0fc7a76129145cbe76d92dfc36d0dcc1f012032c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return false; + } + else + { + if (isWeekend) + { + return true; + } + else if (cigars <= 60) + { + return true; + } + return false; + } + +} +" +4a382dc4b4814571e3d477f29eac3bb38667d539,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekends){ + if(cigars >= 40){ + return(true); + } + }else{ + if(cigars >= 40 && cigars <= 60){ + return(true); + }else{ + return(false); + } + } +} +" +677d8efc5879358f73e29039d6847b265624cf1f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend){ + if(cigars >= 40){ + return(true); + } + }else{ + if(cigars >= 40 && cigars <= 60){ + return(true); + }else{ + return(false); + } + } +} +" +7dc89763c82c73f65a6745d8827ab6f5e5ca7664,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend){ + if(cigars >= 40){ + return(true); + }else{ + return(false); + } + }else{ + if(cigars >= 40 && cigars <= 60){ + return(true); + }else{ + return(false); + } + } +} +" +a2dced49ef794848d3277ff270d318961d59c99b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars>=40 && cigars <=60 && !weekend) + { + return true; + } + else if(cigars>=40 && isWeekend) + { + return true; + } + else + { + return false; + } + +} +" +e72c073e6c684132cd57f9d6b520e69e02d6b03a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars>=40 && cigars <=60 && !isWeekend) + { + return true; + } + else if(cigars>=40 && isWeekend) + { + return true; + } + else + { + return false; + } + +} +" +35484e232724222560fe299f2617438e6734d473,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39 & cigars < 41) + { + return true; + } + else + { + return false; + } + } +} +" +aa509121d64dddd5e7bbdb711dfc8c8f79d88f7b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39 & cigars < 61) + { + return true; + } + else + { + return false; + } + } +} +" +9ba201a02de781d94185514fc39d3688898a92cd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else if (isWeekend = true) + { + return true; + } + else + { + return true; + } +} +" +c6ff1b98d6aaa6c13e26079479a5d1f5fd923feb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return true; + } +} +" +73791246a4f0182f24013579cff01837447fd7a4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +6a7a54ced93b872c142f6bb3e92235e5e46cdb60,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else (cigars >= 60) + { + return true; + } + else + { + return false; + } + +} +" +7fb369488f8a5d5b5b1b01ed4c9865614a5a0fc1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else if (cigars >= 60) + { + return true; + } + else + { + return false; + } + +} +" +9434b29a84b65bfed86ea5e94ac1eb1d1bbaf0d9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else if (cigars = 61) + { + return false; + } + else if (cigars >= 60) + { + return true; + } + else + { + return false; + } + +} +" +0be62265ef4b1ef9695b2a12f8f980c7c0777762,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else if (cigars >= 60) + { + return true; + } + else + { + return false; + } + +} +" +5c4cbe12d5292d0877ba54c80123249764776a0a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 60) + { + return true; + } + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + +} +" +b96ab336c222e5a5d7034e00825b505b55fe0ecb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars > 40) + { + if (weekend) + { + return ""true""; + } + else + { + if (cigars < 60) + { + return ""true""; + } + else + { + return ""false""; + } + } + } + else + { + return ""false""; + } +} +" +aa41445f3c8f9324a7671068c3482f7c00b35cc6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars > 40) + { + if (isWeekend) + { + return ""true""; + } + else + { + if (cigars < 60) + { + return ""true""; + } + else + { + return ""false""; + } + } + } + else + { + return ""false""; + } +} +" +6b2d804c744eea2b1cb964acd4997d9fda467c00,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars > 40) + { + if (isWeekend) + { + return; + } + else + { + if (cigars < 60) + { + return; + } + else + { + return ""false""; + } + } + } + else + { + return ""false""; + } +} +" +75c1002867bbd9719a7f8f4683f2655ce5a34583,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars > 40) + { + if (isWeekend) + { + return true; + } + else + { + if (cigars < 60) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +5c01f157844414a9d242aa36a52871343cde9546,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend) + { + return true; + } + else + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +6a7034efb84bf10a5c24e70b044692fa00db733b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars>=40) + return true; + else if (cigars>=40 && cigars <=60) + return true; + return(cigars>=40) + +} +" +e398d227a644aff061d31319aab4ad37c8897570,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars>=40) + return true; + else if (cigars>=40 && cigars <=60) + return true; + return(cigars>=40); + +} +" +ab197103687070261be2b6510e0db699a8acb035,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars>=40) + return true; + + return(cigars>=40 && cigars <=60); + +} +" +550887fa6e56b6ab68f4aa35bcfc3f14e9595919,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + if (isWeekend = true) + { + if (cigars >= 60) + { + return true; + } + return false; + } +} +" +2327a93f52f9a38fb83494c00b221b7d9b58631f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + if (isWeekend = true) + { + if (cigars >= 60) + { + return true; + } + } + return false; +} +" +8082a5fe07d6addd7607e698e36cafc95c207659,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 60) + { + return true; + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +02c12045e474097cbfd062fb315b77ea8f51cb86,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 60) + { + return true; + } + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +b6a2bee5bfcf9b26e4572dd676047a282eb6a7ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int goodParty = true; + int badParty = false; + int party = 0: + + if (isWeekend) + { + if (cigars >= 40) + { + party = goodParty; + } + else + { + party = badParty; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = goodParty; + } + else + { + party = badParty; + } + } +} +" +c32493fcd8f4da3b7607a8c6a387f6b61f6edf72,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int goodParty = true; + int badParty = false; + int party = 0; + + if (isWeekend) + { + if (cigars >= 40) + { + party = goodParty; + } + else + { + party = badParty; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = goodParty; + } + else + { + party = badParty; + } + } + return party; +} +" +5e79cafd03171dab1ac142f84c613614c75b3e90,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if (isWeekend) + { + if (cigars >= 40) + { + party = true; + } + else + { + party = false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = true; + } + else + { + party = false; + } + } + return party; +} +" +ff73e31fb597014b13a2a412b31694208afbf922,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int party = 0; + + if (isWeekend) + { + if (cigars >= 40) + { + party = true; + } + else + { + party = false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = true; + } + else + { + party = false; + } + } + return party; +} +" +71438bd67e7b838717506edfc4c7e743f7cad2f9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int party = 0; + + if (isWeekend) + { + if (cigars >= 40) + { + true; + } + else + { + false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + true; + } + else + { + false; + } + } +} +" +499bfb04735e958ca7a547436c0874fa07a78030,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int party = 0; + + if (isWeekend) + { + if (cigars >= 40) + { + boolean.true; + } + else + { + boolean.false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + boolean.true; + } + else + { + boolean.false; + } + } +} +" +ab2348dfe29bf6aba5a27afafbe128264e88ed3c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +cadc380531b65b0e2d6e92642dffd811075bab97,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int party = 0; + + if (isWeekend) + { + if (cigars >= 40) + { + true; + } + else + { + false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + true; + } + else + { + false; + } + } +} +" +f873cedcea647598c46e245a562410471f8a47ac,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + true; + } + else + { + false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + true; + } + else + { + false; + } + } +} +" +43b3c60ec532c7447b3a3771940e273bc9902819,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (cigars >= 40) + { + return true; + } +} +" +e30ea1ad0a214e14d58e38fedc21d4c104a90c60,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (cigars >= 40) + { + return true; + } + return false; +} +" +d5a3b2c701fb720f595ee5233eee591e95c175d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return.true; + } + else + { + return.false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + return.true; + } + else + { + return.false; + } + } +} +" +3f16d8fcd62ad1ff056e94da37720004430618dc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else + { + return false; + } + } +} +" +0d068ffd0ffb5834444b6e932e6f1bd8bde4a921,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + + if (cigars >= 40 && cigars <= 60) + { + retrun true; + } + else + { + return false: + } + +} +" +80598f3c006e7b40344ef4ec291ea2bcfdbbf749,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + + if (cigars >= 40 && cigars <= 60) + { + retrun true; + } + else + { + return false; + } + +} +" +b890fe5a1acd06958ff72204f7b065bbc5cf2604,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + +} +" +28cf4e5cba9d89ff7caacf26fe0de9169322de0c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return ""false""; + } + else if (!isWeekend) + { + if (cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + return ""true""; + } +} +" +9ffe7692fbb62b818302832901bc34996634321d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return false; + } + else if (!isWeekend) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +9a57d6ff092810fcadd9769299b240f6828501ff,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int squirrelCigars = cigars; + boolean weekend = isWeekend; + boolean party = false; + if (weekend == true && squirrelCigars >= 40) + { + party = true; + } + else if (weekend == false && squirrelCigars >= 40 && squirrelCigars <= 60) + { + party = true; + } + return (party); +} +" +73bd658933c2b022a22c427d724c0fa9b7f72f8d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +fd9dcc17879bd8c907746de881b36fcfad27ac3b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + } +} +" +9dbae7fd0bb2c27ba65d9e16f190c9c21a13db43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars >= 40 && cigars <= 60) + return true; + else + { + return false; + } + } +} +" +58c9ccbb103666335e7c963e668e0afa8d1893c6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + + return true; + + } + else + { + return false; + } + } +} +" +59f792bba74bbca899bdcf0c3ed762641e106db6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +e4b0b1249c2c4e9a34ad42a81cb3ca42eb5df2b5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + + return true; + + } + else + { + return false; + } + } +} +" +adcd6b3604d734ed85dcda4ed2714db748920605,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +53a53eae477a69397fe825570124b1fbb3a37d13,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars > 39 && cigars < 61) + return true; + else + return false; + } + else + { + if (cigars > 39) + return true; + else + return false; + } +} +" +64d2baee85a29057ca4d6825220362803e761c89,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >=400 && cigars <60); +} +" +4991a628f94e855db2f52eb338ba5712a85dc230,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) + { + if (cigars > 39 && cigars < 61) + return true; + else + return false; + } + else + { + if (cigars > 39) + return true; + else + return false; + } +} +" +8abcdecd5847a90b407296da1bbf165ae3a28fab,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >=40 && cigars <60); +} +" +8501888274278f1019818d91462cf051e2f303c2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >=40 && cigars <60); + else + return false; +} +" +20701128d682e2ddd159c64463a628f463ca75b2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >=40 && cigars <60); + return false; +} +" +a7e9147dc6f6e7ac08bc6dabab7b8c2786803567,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >=40 && cigars =< 60); + +} +" +7e90467159096cd8631a4b3436300da66941dba9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +ff4e8bd03eaf8a0f83272ca05021418941496730,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = false; + + if (isWeekend) + { + if (cigars >= 40) + { + result = true; + } + } + + else if (cigars >= 40 && cigars <= 60) + { + result = true; + } + + return result; +} +" +032ad2d875cc9b1b6e6e1d6c14c8edc88668b953,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + + +} +" +8f6ae805508e17bcdf1c2150c589442bd3689290,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend) + { + if(cigars>40 && cigars<=60) + { + return true; + } + } + else + { + if(cigars>40) + return true; + } + } + return true; +} +" +77b0753a514bd0a01f682c08899f4c4c5feefeed,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend) + { + if(cigars>40 && cigars<=60) + { + return true; + } + } + else + { + if(cigars>40) + { + return true; + } + } + return false; +} +" +613a2d28eb581499b22eecf3f9bbf639cf20b2e6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend) + { + if(cigars>=40 && cigars<=60) + { + return true; + } + } + else + { + if(cigars>=40) + { + return true; + } + } + return false; +} +" +2e96e4c3839b61542d33d3e0f5be6c1199b99aee,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +aa379d8792b40f46b1242d0e1a297c9e0cf4a256,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + return true; + } + else + { + return false; + } + } +} +" +10da4f87285dfcd560d7e54e02071c33e5463fbe,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + } +} +" +f1b727743eb8efe0d5806ca198a60a712e051df3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + } +} +" +f621e28d97a31fc1c1fb8ce4bb0ef850c836c8f5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + +} +" +e1f92239f5f36bf6d98f65ceb45358aad4f313e7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + } +} +" +5617dd44a3331b14c6fe15d7710bb4a5e6e68440,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return false; + } +} +" +409063f9e4716cbb227ed6136515fde4af11931a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && <=60) + return true; + else + return false; + } +} +" +533164c8c434ee55cddab234554ac189085287a2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + else if (cigars >= 40 && <=60) + return true; + else + return false; + } +} +" +787a6d50d672bcbb958d642cc2d23473f8f9d992,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else if + { + if (cigars >= 40 && <=60) + return true; + else + return false; + } +} +" +02c33245e6388dc1f2904f991aa75468f3afff5e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && <=60) + return true; + else + return false; + } +} +" +8b946f7e84138fbc441ba9a84e662938fa8533a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + + if (cigars >= 40 && <=60) + return true; + else + return false; + +} +" +d0d2061e03ab6b91eb8ed9e6413c5b4ce9ca4150,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + if (cigars >= 40 && <=60) + return true; + else + return false; + +} +" +06ddf85a4e046349705724457bd530efa570437b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +1b7cffd28cd379b5c575c95965daa390e3de0940,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + else + return (cigars >= 40 && cigars <= 60); +} +" +8d67b321d2e9271726909f2ebde23e45261d4335,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 30 && cigars <= 60) + { + return true; + } +} +" +bafe6fc7c64fcd6497396e92e1b44294e875b07f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + else + return (cigars >= 40 && <= 60); +} +" +ed992f33e5d3af414dbb9ab582fec0e10ae7e59b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + else + return (cigars >= 40 && cigars <= 60); +} +" +fd3caac256d01af71a625adf0a93e156f270b08a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 30 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +aaa8f5e1ea08a733699e90f0504939ec469e9cd9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +6689dc8f3aa44f5e121891390204fa87db6a4b0f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +9a076b8673fe70218a41ebd7ac3e9c8a66544d8f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +ec57a71fb19243007b3a4f5135a1ce5f70be6c93,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + else if (cigars >= 40 || cigars <= 60) + return true; + else + return false; +} +" +18ba4efd7dca18e1b59b468bce6102adb98c6def,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + if (cigars >= 40 || cigars <= 60) + return true; + else + return false; +} +" +b37b9a5fe32529bd16769e0612dbe4a257a6a302,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 || <= 60); + +} +" +5c006f800acc29208f183854c5fbdcec15453011,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + else + return (cigars >= 40 || <= 60); + +} +" +c8a0280494d2cff11c98d06ec6bfc9330bd45c1a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && <= 60); + +} +" +224a24cb92fa2db9fb633afa985c3c09b7e33834,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + if (cigars >= 40 && <= 60) + return ""true""; + + +} +" +e618e6d4ab3e681814509836f18a427a379d7cdd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + + +} +" +07f34c9d76b9aea0ff15495f579d5c5b8c4698d8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + } +} +" +079fd10c7f7b10a4d441005d649273e4fd5c874e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + } +} +" +b4131929660a512d11239c78f178d92fbe12bbac,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + return false; + } +} +" +ab912e72a710a5b6aab5001930ff33d35c44f4a3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + if (cigars >= 40 && <= 60) + { + return true; + } + return false; +} +" +5e62cd77a060e6c604961f17ec62d15131675b36,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + + if (cigars >= 40 && <= 60) + { + return true; + } + return false; +} +" +ab423959abbbc3d30e79c095d44fe8b31ece67b8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + + //if (cigars >= 40 && <= 60) + //{ + return true; + //} + return false; +} +" +d30e3b57e58ad7d673e338b2083e3b28a91f51b1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + + //if (cigars >= 40 && <= 60) + //{ + //return true; + //} + return false; +} +" +42b0e17a8d37687d0eafe44bbf42d93b355eaf6d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + + if (cigars <= 60) + { + return true; + } + return false; +} +" +e2d8ad01079e2afd14b5466211986fbdad188903,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + + if (cigars <= 60 && cigars >= 40) + { + return true; + } + return false; +} +" +5600de652e13c95730e3cb534bc4081429397ca9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} + " +727cd24845cdc6609eb4f396cb8ae5f74f45952d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend == true) && cigars>= 40) + { + return true; + } + else if ((isWeekend == false && (cigars>= 40) && (cigars<=60)) + { + return true: + } + else + { + return false; + } +} +" +21429dea4c8e31fff9dc1aa25da878e3ea113a90,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend == true) && cigars>= 40) + { + return true; + } + else if (isWeekend == false && (cigars>= 40) && (cigars<=60)) + { + return true; + } + else + { + return false; + } +} +" +c27f61aff943e630cdf68055c33fee0897a297ae,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +cfbf2aac005ba8965f026559553da2ad4670f55d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars>=40) + { + return true; + } + else + { + return false; + } + } + else if (cigars>=40 && cigars<=60) + { + return true; + } + else + { + return false; + } +} +" +81c9f11290502443f985ecc963f4fe4711b30b2f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else if + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + { +} +" +383afcf04ed5c8917540fbc935d975a98604c0f5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + { +} +" +a30a3b7bc7bbb7c102ff0319eae665676c7de70a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +8e06a1187853e87f7e1f1f6948a4d0f1bfddc610,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +85069e8a50a6fd8b4c785852a68b4e69d70e06c5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +44b727fd0a2be091d3245f4c583734ad2bdf1842,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +2b2315aa9ceea86ceedede4d274e267a7b1e98d6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +8ed2794fcdcac0e0e3f00bc5801fce28a79723c7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else if (cigars <= 40) + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +7e46a0542592830b0316c0a155ed4304cb7477e4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else if (cigars <= 40) + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +eccf9a5bed482d5ac4e74ef01301740976fabb03,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else if (cigars <= 40) + { + return false; + } + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} +" +e97aac97d0b47b6de28ca0f6d6d1b87a350f3d9d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + } + else + { + return false; + } +} +" +976163e915556c38f8079e8dd6bfa15219647064,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <=60) + { + return true; + } + } + else + { + return false; + } + return false; +} +" +4f1b88baa1c085409f3ed57a047f71fc4d21e4a7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) +return (cigars >= 40); +return (cigars >= 40 && cigars <= 60); +} +" +b7557ea73990d547d66b8a27aa6a0988ed129b86,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) +return (cigars >= 40); +return (cigars <= 60 && cigars >= 40); +} +" +e8e174ecfc4990905e07f644e03768ad784a6d16,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = false; + if (cigars > 39 && cigars < 61 && !isWeekend) { + party = true; + } + + else if (cigars > 39 && isWeekend) + party = true; +} + return party; +} +" +b4398045a7f119b0943a6430a0c99db08ada00b6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = false; + if (cigars > 39 && cigars < 61 && !isWeekend) { + party = true; + } + + else if (cigars > 39 && isWeekend) + party = true; + } + return party; +} +" +de83746542c7ade367f9f6a5bc42786bc5b62370,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = false; + if (cigars > 39 && cigars < 61 && !isWeekend) { + party = true; + } + + else if (cigars > 39 && isWeekend) { + party = true; + } + return party; +} +" +27b37fd3d085da79ff1ea00c3409654d42e6aba9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +446895da3d5c88867c543aa55e44ea463e168197,"private boolean successful; +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + successful = true; + } + else + { + successful = false; + } + } + else + { + if (cigars >= 40) + { + successful = true; + } + else + { + successful = false; + } + } + return successful; +} +" +5de5b44158490d402cc89f2fea384ba129f3a4e6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else { + return false; + } + } +} +" +4251cfca45e4e3991c69d95f65297a380eb56bf8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else { + return false; + } + } + else { + return false; + } +} +" +53ac31973b41b64c929190cefc6477483e6bc1d3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else if (cigars <= 59 { + return false ; + } + } + else { + return false; + } +} +" +621b1ba8caa049bb4cdfc8d0355bdc0ec43ab23c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else if (cigars <= 59) { + return false ; + } + } + else { + return false; + } +} +" +1ea1329cb69fb8824c6dc5a350e663f643aec946,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else { + return false; + } +} +" +321879b089ed5d4f959356803a3686537b6ef3bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else { + return false; + } +} +}" +10fe934c6573d4f7a824b009980169b73902df01,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 60) { + return true; + } + else { + return false; + } + else { + return false; + } +}" +1dfbf286adc1c4cff6df2a12dbb4a0614e2ac764,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <= 60 ) + { + if (isWeekend) { + return true; + } + return false; + } + return false; +} +" +a4edef0677ff49248a5318c76be74a276a892d76,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <= 60 ) + { + if (!isWeekend) { + return false; + } + return true; + } + return false; +} +" +187f0b1eddfaf68fa3b9801e955b87dc34172180,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } + + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } +} +" +53a67e077b8073a90148bd4b149d4cd72908f07b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars>=40) + { + return true; + } + return false; + } + else + { + if (cigars>=40 && cigars<=60) + { + return true; + } + return false; + } +} +" +a77a9e5a49af62b0039ca58f3bca87b99fea63c2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + return false; + } else { + if (cigars >= 40 && cigars <= 60){ + return true + } + return false; + } + +} +" +956c6552a49b3515f3e68dd5ad4c53a302f50511,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + return false; + } else { + if (cigars >= 40 && cigars <= 60){ + return true; + } + return false; + } + +} +" +09297373fbec69012b5739501e0fed0557837480,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true + } + } + if(cigars >= 40 && cigars <= 60) + { + return false + } +} +" +18cbe82bd1e51d684549b7a0a4a291801b538c4e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true; + } + } + if(cigars >= 40 && cigars <= 60) + { + return false; + } +} +" +e3b9ac8c6d5b01b8fbaed7cd2a857ee0ec6369e7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (40 <= cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + return true; + } + else + { + return false; + } + } +} +" +2fe993db39cfbb2a43461355176880cf0c509c2f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + + if(cigars >= 40) + + return true; + + + if(cigars >= 40 && cigars <= 60) + + return false; + +} +" +75ddc89a8ae1b134802f58576770237beaa99b7f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars => 40 $$ cigars <= 60); +} +" +24a4dd97e74dadc8db6dd6a3d212acab16455efd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars => 40 && cigars <= 60); +} +" +abe0475ba867b5f5cd0cbb5936940b1c3ba46b3b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars => 40 && cigars <= 60); +} +" +44408d343006f84b5046ed07b0ba39b784a7c969,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + return true; + } + else + { + return false; + } + } +} +" +9f431400b94bce07fcac70676e93a6e48d33a09d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + else + { + return (cigars => 40 && cigars <= 60); + } +} +" +4895c739541798ad5857e6a1cc0f752891bc2080,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars => 40 && cigars <= 60); +} +" +ae6d6bd17c6491e7e50789f1038ad7ec9591a8a9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +fe469e042cfbb961f2d4ca60866a63c9a89b732e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + else + { + return (cigars >= 40 && cigars <= 60); + } +} +" +826319d4e6d68f94366b22a2620e883581a20769,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <= 60 ) + { + if (isWeekend) { + return true; + } + return false; + } + return true; +} +" +380c7c2e49db8019fef1973718ec8ea06c4c4640,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <= 60 ) + { + if (isWeekend) { + return true; + } + return false; + } + return false; +} +" +e042508a9319407cc70b010be1eea6984578262d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars) + { + return true; + } + else + { + return false; + } + } +} +" +46d034470deed464ab8a234fde90619af1e58922,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars <= 40) + { + return true; + } + else + { + return false; + } + } + if (cigars <= 40 && cirgars >= 60) + { + return true; + } + else + { + return false; + } + + +} +" +f9ef49ffdecfbe1f1f2828229ebedbd1da44a265,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars <= 40) + { + return true; + } + else + { + return false; + } + } + if (cigars <= 40 && cigars >= 60) + { + return true; + } + else + { + return false; + } + + +} +" +f829e99bffaba7c12cf1c808332e447e9701ad7f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + +} +" +8372b71b1c79e9279381690666b6ec03e7c47807,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } + else + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +da73b841a248d142a28576d3a454717c0bf20274,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isweekend) + { + if (cigar >= 40 && cigar <= 60 ) + { + return true; + } + + else + { + return false; + } + + } + + else + { + if (cigar >= 40 ) + { + return true; + } + + else + { + return false; + } + } +} +" +db20295daace7e6ade582efae311d15a0a5e3b2a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigar >= 40 && cigar <= 60 ) + { + return true; + } + + else + { + return false; + } + + } + + else + { + if (cigar >= 40 ) + { + return true; + } + + else + { + return false; + } + } +} +" +65eefaf0c75f2d7b864b81b6f84c8d19ed5101d8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60 ) + { + return true; + } + + else + { + return false; + } + + } + + else + { + if (cigars >= 40 ) + { + return true; + } + + else + { + return false; + } + } +} +" +2e5f15e84bd14b5832fc3260392777bba2a1cc2b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if(cigars>=40 && cigars <=60) + return true; + else + return false; + } +} +" +d1e62a9e9be77af5f44410398d62a931fed5b349,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if(cigars>=40 && cigars <=60) + return true; + else if(cigars > 60 || cigars <40) + return false; + } +} +" +bd0cc520d605801ed2da0ae3e2b6c0d278fe45a2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if(cigars>40 && cigars<60) + return true; + else if(cigars ==40 || cigars ==60) + return true; + else + return false; + } +} +" +c295797957ab9a6a45aab9690a63661b708b56ec,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + if (cigars < 60 && cigars > 40) + { + return true; + } + else + { + return false; + } +} +" +3e727f52c1bda923ee69a361fa11ff53c045750c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + if (cigars <= 60 && cigars >= 40) + { + return true; + } + else + { + return false; + } +} +" +76a5d516ec9eaad9e03c3e12798db14258e12c1a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if( 40 <= cigars <= 60) + return true; + else + return false; + } +} +" +9cac7e0771f47c63a7fd11ae2dec9647087afc25,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + if (cigars <= 60 && cigars >= 40) + { + return true; + } + else + { + return false; + } +} +" +0207e52f28f1d303ee6826d7c50390acd10d7962,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if( 40 <= cigars && cigars <= 60) + return true; + else + return false; + } +} +" +277979c40cfb2e7c3372276caf42cf3d4e728832,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if( 40 <= cigars && cigars < 60) + return true; + else + return false; + } +} +" +2c177c4532978c9c14c6171895288ac38b342760,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if( cigars >= 40 && cigars < 60) + return true; + else + return false; + } +} +" +9175b69ea73e0486ccae0cb4f75bb9b37bb7c09b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if( cigars >= 40 && cigars < 61) + return true; + else + return false; + } +} +" +686e17d930912b2f8d0a19af59f55ec60b5bcb06,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +f773797e1b76a71a0517cb23f3e51dd288a3a333,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = true) + { + if(cigars>=40) + return true; + else + return false; + } + else + { + if( cigars >40 && cigars < 61) + return true; + else + return false; + } +} +" +eb762cd1cd450d2e458c022cb299156a90384b52,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true) + { + if(cigars >=40) + return true; + else + return false; + } + + else + { + if(cigars >=40 && cigars<=60) + return true; + else + return false; + } +} +" +a1448f2c3c7e380e9231033c8b6699ee5e23d65c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + if(isWeekend) + return true; + else + return true; + else + return false; + +} +" +f00f455782ef146cb6840ac5cb5a976152461542,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend) + { + if (cigars >= 40) + return true; + } + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +c69fac1a9baa9577d8d7fa65229d3fdffb14d853,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend) + { + if (cigars >= 40) + return true; + } + + if (cigars >= 40 || cigars <= 60) + return true; + else + return false; +} +" +602b490e8750c4289ca6348f20bbb5f42a9a4ce0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + if(isWeekend) + return true; + else + return true; + else + if(isWeekend) + return true; + else + return false; + +} +" +79c4d8d58040b49df3ae46dd9fdb61e4a250ffeb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend) + { + if (cigars >= 40) + return true; + } + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +a8719c82b948a8d23b672e29666f03fc335beda8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend) + { + if (cigars >= 40) + return true; + } + + if (cigars <= 40 && cigars >= 60) + return false; + else + return true; +}" +e09285fd2c03e735aca05cad10a1c148400affcb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + while (isWeekend) + { + if (cigars >= 40) + return true; + } + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +}" +be91b00b4992fe723b1be7ddb6223266b3cffaba,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + } + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +}" +12d8c6bb4eb615a77d08a5e00a0c381f2ec19ab6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + if(isWeekend) + return true; + else + return true; + else if(cigars < 40) + return false; + else if(cigars > 60) + if(isWeekend) + return true; + else + return false; + +} +" +a4c045d9dbbbc279427b37d771c7e094f70c06fb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + if(isWeekend) + return true; + else + return true; + else if(cigars < 40) + return false; + else if(cigars > 60) + if(isWeekend) + return true; + else + return false; +} +" +20c92ef83cbf1334969373da1e05967bb9a6cc2b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + if(isWeekend) + return true; + else + return true; + else if(cigars < 40) + return false; + else if(cigars > 60) + if(isWeekend) + return true; + else + return false; + else + return false; +} +" +0022df170a74eb5ec5de916015833b7df9538377,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >=40 &&cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +d55297cab9707273f73061be0447ea0fe6978769,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +5bcffb34efc98a4b1374875b3b412086cea75ff4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + return """"; +} +" +b00e9baed02893e53a097ddf61271db9a78d41ef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + else if (isWeekend == false) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +65ec8b8cc3631a1a66de366d5a7bd44dbb053378,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + else if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +340d123438082b941704af910c129144ede7f2af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + return true; +} +" +688cdea9ad7f957fd0df736c41f732047baa2c44,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + +} +" +26e21b54c30ea7e367139dc6d6f49948ff9a0c8d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + return cigarParty; +} +" +0988df9a2c410cee904d15886d240d53bef2fea0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String party = null; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +d271e809be46cee581c821d34e5bbfb01a9d2d67,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + return = true; + else + return = false; +} +" +dee10f8d2136e1e0dd1f4342f83bd2545c5b9372,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +54e6b1801353c5e5538990849f17e51a45e197c9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +c66a3d8d006646d9fe69aa4fbdfb8bc25f4095ba,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +a18bf71b95d191e51669e770ee450e607961b0b9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (!isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +5d2fcbb6b589e69b871300a3137062ea0195561d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (!isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +07ed63305b24a907ffe3d62f4677da54dbc817db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (!isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +09d6282c79bb284fa4dd4e67504546ddf64e75d9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + else if (cigars >= 40 && cigars <= 60) + party = true; + return party; +} +" +2948f83c13a9066a2e473b000986ebfec79d914b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + else if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +0d982353a3d860024dad31ba9235f46a35f6e803,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + if (cigars > 60) + party = true; + else + party = false; + else if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +8b2a6b1d78b5e7a9a3eb101e5dd21793d7ef3d51,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend) + if (cigars >= 40 && cigars <= 60) + party = true; + else if (cigars > 60) + party = true; + else + party = false; + else if (cigars >= 40 && cigars <= 60) + party = true; + else + party = false; + return party; +} +" +cba1504697c7eec9203dfa886b9f9a3a005c6932,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 40 & cigars < 60) + { + return true; + } + else + { + return false; + } + } +} +" +aed36835d654849a952aa09cbe39746a5623ac3a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 & cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +bfb19971f8ff078c9ca30a11aa444d843e377485,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 & cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +a18aef98f513bd399eaaa3124c40d9e55eb5db6e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + if (!isWeekend && cigars >= 40 && cigars <= 60) + { + return true; + } + else + return false; +} +" +f215eed1c8c4c0b6147b22f587705f324282168f,"boolean successful; +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars>=40) + { + successful = true; + } + else + { + successful = false; + } + } + else + { + if (cigars>=40 && cigars<=60) + { + successful = true; + } + else + successful = false; + } +} +" +0a904d22bf3e21d353b68a668f6fee94e7a853ae,"boolean successful; +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars>=40) + { + successful = true; + } + else + { + successful = false; + } + } + else + { + if (cigars>=40 && cigars<=60) + { + successful = true; + } + else + { + successful = false; + } + return successful; + } +} +" +f8d1173e676b917ff38201dc939f07ae0cff3f71,"boolean successful; +public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars>=40) + { + successful = true; + } + else + { + successful = false; + } + } + else + { + if (cigars>=40 && cigars<=60) + { + successful = true; + } + else + { + successful = false; + } + } + return successful; +} +" +9faac2eab834ec54991d8ed12232ceca107d38c9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if is_weekend: + if cigars >= 40: + return True + else if: + cigars >= 40 and cigars =< 60: + return True + else: + return False +} +" +dc3378fef360ec4c5e4c0ddeaace01619067c129,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (is_weekend = true) + { + if cigars >= 40: + { + return True + } + } + else if (cigars >= 40 && cigars <= 60) + { + return True + } + else + { + return False + } +} +" +24dc3bc587eed22935d7b02c7c090aba4afa87a5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if cigars >= 40: + { + return True + } + } + else if (cigars >= 40 && cigars <= 60) + { + return True + } + else + { + return False + } +} +" +32aea46f44b9fc37cb9f3c37fc69a2f8fe4eed59,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return True + } + } + else if (cigars >= 40 && cigars <= 60) + { + return True + } + else + { + return False + } +} +" +dab1c9b97e378a8838b319dc5548162cf8c75e70,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return True; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return True; + } + else + { + return False; + } +} +" +6cc2f1c1df6a7d486d9e14c2adeb0b64e0e730bb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +97c2aa026f68730fdab90d7c0d91c8a6cc50fa35,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return False; + } +} +" +3e74b4d888b50e92e1081a41aac85a026f28a91c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return false +} +" +e8f6eafc1fd2cf36af80f53447b285a434baa8ca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +3af3b68b3a4766abf7f9bd186880c92b81399d8b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return true; +} +" +66e1961a50aab7cfed6147aeacf53c7671b819a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +f314376acb26aaabaa8d2629dae2df81728179fb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +ff8ac06ca73df919ee49b8b715494d7ad1886550,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else if (cigars <= 40 && cigars >= 60) + { + return false; + } + return false; +} +" +7b9224624b992051c1fefbf8d352f369e7a6f54b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend){ + return true; + } else if (cigars >= 40 && cigars <= 60){ + return true; + } + return false; +} +" +958815d9d0c85663560d1326291c661afaf71c7f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40){ + return true; + } else if (cigars >= 40 && cigars <= 60){ + return true; + } + return false; +} +" +cf66cee565f3bcde31a2f6737b5f0910ad1b444f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars > 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +4948e8ecf92b64cb66d36abbbe78127873257617,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars > 40 && cigars < 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +30bc0082f1c1181b9eb05c6f942a8528c7f3abe6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars > 40 && cigars < 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +a41126484e7a6ed1d768310250502f62c3fbc599,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +a28f11530a89ede4af878640353246c2fe066085,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true + } + else + { + return false + } + return false +} +" +34f194d26523ec2da63d0768fe504234f643af92,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return false; +} +" +6670977d757be4013de5ef9a1a62fd1f5f5a9808,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + + else + { + return false; + } + } +} +" +cfd68131777831254de6920ed23f238c0df64709,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (weekend || cigars <= 60) + { + return True; + } + else + { + return False; + } +} +" +22f1c728da5b1c9d144b56dccdabc34af6bea1af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (weekend || cigars <= 60) + { + return True; + } + else + { + return False; + } + } +} +" +30883ec98e5fe8d2406e872427d8ab3afae69adb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isweekend || cigars <= 60) + { + return True; + } + else + { + return False; + } + } +} +" +9b4744a56ef1158193bae2fcc8f136133f1e1479,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return True; + } + else + { + return False; + } + } +} +" +ba89d8c70509e31b852b35434411086b41c8ecf0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +1f6b1b8d36c613091b536b867f5c161961707d79,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +7411b872e086039c125f4c73076da8a1664c1d11,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + +} +" +e8377d906883354411eba6712b6d0bac2b9e5147,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +0cdc0fdb14640397fd41b942584a47ac90cf984e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +90a4ceda226c30e0788b8f1a9ee9ba3f4731d6b0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + +" +e1b5448839eb59ed72cf3eeaed574937b03542cf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +b653873d874f2be7d229c229d16f40a40f157279,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + +} +" +9e165dab135ed4e1669864e7eaeb033f3cb26835,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + else + { + return false + } +} +" +047fd8de5ae897fbd152ec243442e62ad3ee5a34,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + else + { + return false; + } +} +" +116a646adc6d6e11c365b76555af22ded88243f5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +21ad633866bd05ad10c13f39297eda2518e3b7cb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + if(!isWeekend) + if(cigars >=40 && cigars <= 40) + { + return ""true""; + } + else + { + return ""false""; + } +} +" +58769575b861c76653c4b2109943a919202aba26,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + if(!isWeekend) + if(cigars >=40 && cigars <= 40) + { + return true; + } + else + { + return false; + } +} +" +b702ffc8e105ea356790bbd32181754792cd74a3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + if(!isWeekend) + if(cigars >=40 && cigars <= 40) + { + return true; + } + else + { + return false; + } +return true; +} +" +8e4f5ec92fc3ea83aaed28ecfcfaa39c1db6412e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + if(!isWeekend) + if(cigars >=40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +return true; +} +" +ffb3b31d245e64e935098bccb9885bbbfbb5e3ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +ea20c3eaac2a89027d5dc75e43a41221a1ca64ce,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeeked == true) + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + else + if (cigars >= 40) + return true; + else + return false; +} +" +34c679fabb85d258be1b993847dd38cbabf8fac2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + else + if (cigars >= 40) + return true; + else + return false; +} +" +1c2ce4c6627582b4a935d7a85ab7a73544ee9bee,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +823436cf2a61a0bc1218856c3a1201c94d39e579,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if (isWeekend == false) + { + + if (cigars >= 40 && cigars <= 60) + { + + + return true; + + + + } + else + { + + return false; + + + } + + + + + + + } + + else + { + + + if (cigars >= 40) + { + + + return true; + + + + } + else + { + + return false; + + + } + + + + + + + + + + + } + + + + + +} +" +b71f19b77ea56c3cbe88af494b668c7d12fa17db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && <= 60) + {return true} + else + {return false} + +} +" +10ec16d12ed9c6e08ca5cd99fcfa502c4cbd9cda,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + {return true} + else + {return false} + +} +" +4e4477c02543a4430aaab1521c31344956bf782a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + {return true;} + else + {return false;} + +} +" +7f983c32f470b34f06f52cb3fae4cf5321034946,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + {return true;} + else + {return false;} + return false; +} +" +087cfd8b56fbe989eca52e724852048a3169c89b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + {return true;} + else + {return false;} + } + return false; +} +" +093973115ae0bc4e555bdca31ad248d0b0480783,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + {return true;} + + else + {return false;} + } + + if (isWeekend) + { + if (cigars >= 40) + {return true;} + + else + {return false;} + } + + return false; +} +" +3e2ebf70aa2a6ab7efb9934c3277eabe6eec041a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + {return true;} + + else + {return false;} + } + + if (isWeekend) + { + if (cigars >= 40) + {return true;} + + else + {return false;} + } + + return false; +} +" +bb1db369816292d64bc6242797e09c3c31b1a56c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return 40 <= cigars; + else + return 40 <= cigars && 60 <= cigars; +} +" +3be85ecce3168dc1957a85c2752d4166aded8937,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return 40 <= cigars; + else + return 40 <= cigars && 60 >= cigars; +} +" +a9f94a4bb8e2a0468d34c7b548f6f6f14fc315c4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true + } + else + { + return false + } + } + if (cigars >= 40 && cigars <= 60) + { + return true + } + else + { + return false + } +} +" +c935a8eb99dcae06f7fe10369599ab6c4e2c055f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40); + { + return true; + } + else + { + return false; + } + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +750e4ca9f1c92301291b33dd06a42c922c36ef23,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +c05b35b187f4c94d0d4285b7fc02f5bd5689c0b7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (isWeekend && cigars < 40) + { + return false; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +54fa49f21abc804f12269949a4f2a1f41a799ad4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +cf4ee20b9046bd003df60fdd39f1e471293a7966,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } +} +" +299803bc448a412f876db25faf8d890963685ef3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +d70fb8e365a421fff674eaecbef13e29eda6c0f4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + return (n >=40 && n<= 60) + return (n >= 40) +} +" +ff7744828a79b1c78e0916ea35e9d85557591717,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + return (n >=40 && n<= 60); + return (n >= 40); +} +" +23cb3348c38e535f3b1faf45568672013e26872f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + return (cigars >= 40 && cigars <= 60); + return (cigars >= 40); +} +" +e13634493f7a013b479ebce68a7e3db687aac7c0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 60 && cigars >= 40) + { + return true; + } + if (isWeekend && cigars >= 40) + { + return true; + } + if (cigars <= 40); + { + return false; + } +} +" +bc66a6916aa928816ec670fd5179ecb80fa4ae47,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean sucess = false; + + if (isWeekend && cigars >= 40 ){ + sucess = true; + } + else if (!isWeekend && cigars <= 80 && cigars >= 40){ + sucess = true; + } +} +" +1facb732347feaba85bce070dc93688a40220784,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean sucess = false; + + if (isWeekend && cigars >= 40 ){ + sucess = true; + } + else if (!isWeekend && cigars <= 80 && cigars >= 40){ + sucess = true; + } + + return sucess; +} +" +26d8c17adadd1d431236dad212b2f086d73b717d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean sucess = false; + + if (isWeekend && cigars >= 40 ){ + sucess = true; + } + else if (!isWeekend && cigars <= 60 && cigars >= 40){ + sucess = true; + } + + return sucess; +} +" +fb418cb4400273517ca4f7e215bd533f0fe0b959,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + boolean success = true; + return success; + } + else + { + boolean success = false; + return success; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + boolean success = true; + return success; + } + else + { + boolean success = false; + return success; + } + } +} +" +bf94b53ab1945f3c29d22141a6a1f23537830924,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!(isWeekend)) + { + if(cigar >= 40 && cigar <= 60) + { + return true + } + } + if (isWeekend) + { + return true; + } + else + { + return false; + } + +} +" +a06a7eee0e6978a89d463722c70b481212dcb924,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!(isWeekend)) + { + if(cigar >= 40 && cigar <= 60) + { + return true; + } + } + if (isWeekend) + { + return true; + } + else + { + return false; + } + +} +" +14e2f2e230e2f4d859085d57eb37a55e1a44566e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!(isWeekend)) + { + if(cigars >= 40 && cigars <= 60) + { + return true; + } + } + if (isWeekend) + { + return true; + } + else + { + return false; + } + +} +" +11ec689b0c9fe5652c52aa88b1502df01c0ae257,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!(isWeekend)) + { + if(cigars >= 40 && cigars <= 60) + { + return true; + } + } + if (isWeekend && cigars >= 40) + { + return true; + } + else + { + return false; + } + +} +" +48b451322e79594c72265da49df800f88399ae53,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 39 && cigars < 61) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + if ( cigars > 60 ) + { + if ( !isWeekend) + { + return true; + } + else + { + rerurn false; + } + } + return false; + +} +" +97ff4d1e55ad7819dbfbf067c574bc0f02213723,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 39 && cigars < 61) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + if ( cigars > 60 ) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + } + return false; + +} +" +2dbdb4b4195193b6a0794f81310e701f70673fc8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 39 && cigars < 61) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + } + if ( cigars > 60 ) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + } + return false; + +} +" +cf39e1def5392acb4c9fd5e0ebe0fc59fe53a488,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 39 && cigars < 61) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + } + if ( cigars > 60 ) + { + if ( isWeekend) + { + return true; + } + else + { + return false; + } + } + return false; + +} +" +a18bd7984deed0c842067f2d684de03879154c4c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +d630a2b645be4dfb926f7a1511917736e6390dd0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 60 ) + { + if ( isWeekend) + { + return true; + } + else + { + return false; + } + } + if ( cigars > 39 && cigars < 61) + { + if ( !isWeekend) + { + return true; + } + else + { + return false; + } + } + + return false; + +} +" +82b39e2da9d43affc6609eba76bb761918dc36f2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + if((cigars>=40&&cigars<=60)&&!isWeekend) + { + result = true; + } + else if ((cigars<40||cigars>60)&&!isWeekend) + { + result = false; + } + else if((cigars>=40)&&isWeekend) + { + result = true; + } + else + { + result = false; + } +} +" +09499710b470cc143ff39d9a9a61254a87c9c8db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 60 ) + { + if ( isWeekend) + { + return true; + } + else + { + return false; + } + } + if ( cigars > 39 && cigars < 61) + { + if ( !isWeekend) + { + return true; + } + + } + + return false; + +} +" +b1a5e813eee90a8a8c0fdcdefdf489370a3467d4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + if((cigars>=40&&cigars<=60)&&!isWeekend) + { + result = true; + } + else if ((cigars<40||cigars>60)&&!isWeekend) + { + result = false; + } + else if((cigars>=40)&&isWeekend) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +3e778e4dbfff08870866a5fb10fe090f44dd3a74,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars > 60 ) + { + if ( isWeekend) + { + return true; + } + else + { + return false; + } + } + if ( cigars > 39 && cigars < 61) + { + return true; + + } + + return false; + +} +" +427e7c4b02dfaec5b0c784045f4b325bb69ef901,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + return true; + else + return false; + } + if(!isweekend) + { + if(cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + return false; +} +" +b1e251a175fb1b6545be56f05499f1081d150d83,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + return true; + else + return false; + } + if(!isWeekend) + { + if(cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + return false; +} +" +5ed7e0e9a86a759d891df02c85cecd61430d32a2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +" +cfeb77c6fd7c91f057b3f66b5e913c496e455333,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + + if (cigars >=40 && cigars <= 60) + { + return true; + } + + return false; +} +" +f003baf08e210705c17f77ad2436f24e689c7980,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && isWeekend != true) + { + return true; + } + else if (cigars >= 40 && isWeekend == true) + { + return true; + } + else + { + return false; + } +} +" +b93adc88845a400d089e755b0688760559913be0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + return true; + if(cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +32490be515da77d2f5375dbec1d24d0ff5443996,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + cigarParty value = ture; + + +} +" +1ca0a145363caca1399126652e1707e41dad8aeb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int value = ture; + if () + +} +" +8b577521c27f86ff8ac6be6a3be14440e6758b13,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int value = true; + if (!isWeekend) + { + if (cigars >= 40 && cigars >= 60) + { + value = true; + } + else + { + value = false; + } + } + else + { + value = true; + } + return value; + +} +" +aefead816d73bdd0d6d4435523acc15d0700ac77,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isweekend) + if (cigars >= 40) + return true; + else + return false; + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + + +} +" +95ccdb90fa28722832765fa450cd695c1fef46df,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (!isWeekend) + { + if (cigars >= 40 && cigars >= 60) + { + value = true; + } + else + { + value = false; + } + } + else + { + value = true; + } + return value; + +} +" +b6eb1a587edc3e672587f8064aed1895463913a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + + +} +" +5bcd7a04e185279917316f723c20e15dce4c2f91,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && !isWeekend) + { + return True; + } + else if (!isWeekend) + { + return False; + } + else if (cigars >= 40 && isWeekend) + { + return True; + } + else + { + return False; + } +} +" +944053405d7a287ad4d22deb6a28599b498ddeb3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && !isWeekend) + { + return true; + } + else if (!isWeekend) + { + return false; + } + else if (cigars >= 40 && isWeekend) + { + return true; + } + else + { + return false; + } +} +" +bc8e4f0e397f9ea832e7452565f99bc4d2f329ab,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + value = true; + } + else + { + value = false; + } + } + else + { + value = true; + } + return value; + +} +" +49f76df217abf136a9ed063715cc290ccb1815fa,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (!isWeekend) + { + if (cigars > 39 && cigars < 61) + { + value = true; + } + else + { + value = false; + } + } + else + { + value = true; + } + return value; + +} +" +0615e4e3628f3968baa7039844e88175c1722d19,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigar >= 40); + }//end if + + return (cigars >= 40 && cigars <= 60); + + +} +" +3157174e9594a2a770805b3b496d25d5c841d02b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + }//end if + + return (cigars >= 40 && cigars <= 60); + + +} +" +d6f70ab9d343f7aeef6be4bf272e31c2a61a717e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (!isWeekend) + { + if (cigars > 39 && cigars < 61) + { + value = true; + } + else + { + if (cigars > 39 && cigars < 61) + { + value = false; + } + + } + } + else + { + value = true; + } + return value; + +} +" +36fe4a936dd7f288376c9a071ac0041df496635f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (!isWeekend) + { + if (cigars > 39 && cigars < 61) + { + value = true; + } + else + { + if (cigars < 40 || cigars > 60) + { + value = false; + } + + } + } + else + { + value = true; + } + return value; + +} +" +fafaf0f6ec6fbe7b760e354f531641b35bd7020a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + else + { + return (cigars >= 40 && cigars <= 60); + } +} +" +06b4e4ac0a757c16f92e42cac946f3b9ca3ed6c0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +016d3b171eebaf86a5739f52eccc295d7b51615a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars < 39) + return true; + else + return false; + } + else + { + if(cigars > 39 && cigars < 61) + return true; + else + return false; + } +} +" +df00c78e0cd7f061bfb80670df41614007a444b3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return(cigars>=40); + } + else + { + return(cigars>=40 && cigars<=60) + } +} +" +fafbd0036a5dde7a7c139d8c94ad884cf1177c43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return(cigars>=40); + } + else + { + return(cigars>=40 && cigars<=60); + } +} +" +1c4ec9eececa2832e5303d4b40a18f6ed48fe9be,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars <= 60) + { + if (cigars >= 40) + { + return true; + } + return false; + } + } + else + { + if (cigars >= 40) + { + return true; + } + } + +} +" +94df1ed43c4361c8b069017e44ea0aaa538b9874,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars <= 60) + { + if (cigars >= 40) + { + return true; + } + return false; + } + } + else + { + if (cigars >= 40) + { + return true; + } + } + return false; + +} +" +b5b7cc4c89bdcc5deb6a8623d59f6c666805c457,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + max = 60; + if(isWeekend){ + max = Integer.MAX_VALUE; + } + if(cigars>=40&&cigars<=max){ + return true; + }else{ + return false; + } +} +" +3804b1885ac49e530206a40e0feb8f37157092db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int max = 60; + if(isWeekend){ + max = Integer.MAX_VALUE; + } + if(cigars>=40&&cigars<=max){ + return true; + }else{ + return false; + } +} +" +09de513c28c39eaff7bbabc13f43446ff16dcb89,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + if (cigars >= 40 && cigars <=80) + return true; + else if (cigars < 40) + return false; + if ((cigars > 40) && weekend) + return true; + else + return false; +} +" +8c40da542ebd370b33ac50579fb82a2d29a036d5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + if (cigars >= 40 && cigars <=80) + return true; + else if (cigars < 40) + return false; + if ((cigars > 40) && (weekend)) + return true; + else + return false; +} +" +b7630654ed9e90d1d2fb2f4f79eb2c8ea19b3846,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + if (cigars >= 40 && cigars <=80) + return true; + else if (cigars < 40) + return false; + if (weekend) + if ((cigars > 40) + return true; + else + return false; +} +" +9fb90d87a375562f3cdb67030915719eb721eec9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + if (cigars >= 40 && cigars <=80) + return true; + else if (cigars < 40) + return false; + if (weekend) + if (cigars > 40) + return true; + else + return false; +} +" +15ad7b87399cc9db030b987c82cc1776cae3ead2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if (cigars >= 40 && cigars <=80) + return true; + else if (cigars < 40) + return false; + if ((cigars > 40) && isWeekend) + return true; + else + return false; +} +" +d610b7809ba930c3bf033e311455531fcab24f13,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + } + +} +" +38fc7fb41432024bb026b141fa6d632419fc1cfd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if (cigars >= 40 && cigars <=80) + return true; + else if (cigars < 40) + return false; + + if ((cigars >= 40) && isWeekend) + return true; + else + return false; +} +" +04f1b7d540075e1ebe4c5f7303bc53d000a70fb9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if (cigars >= 40 && cigars <=60) + return true; + else if (cigars < 40) + return false; + + if ((cigars >= 40) && isWeekend) + return true; + else + return false; +} +" +27faba7aee4570488c76c3f9b70a86e66b50473b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return 40 <= cigars; + } + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + +} +" +ea0a0c5396615bc9b1dd65ac18a66b7468eb10bc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars>= 40) + return (cigars >= 40 && cigars <= 60) +} +" +570834f11e451d4b0aedc9ef772af0dfe48c07a1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars>= 40); + return (cigars >= 40 && cigars <= 60); +} +" +188c1758f41e61a45b227b18df41af3cf1d48122,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +b8873a3402c725e976b2efcf5879d100baeda9cc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +dd16e0a64350b5ff8d5c4385b8338ed1a952ec43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return cigarParty; +} +" +6860bc60fd4917e5cabcc98f8c0a2a0c0e69e8bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return boolean; +} +" +b87f79cf6e956efea678a9c62bbe9132ddde475e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return boolean cigarParty; +} +" +d030fed3a3500de01c91f40a3a3da2dd15d955fe,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return boolean cigarParty; +} +" +bc3f51e6d0997716aba058d5502281c39ecde42f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return null; +} +" +7fde29ab33a06b944c155f18d259ed6b876b50bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +a36e2fa826832a241f7c8cb7cc54d78db01d83fb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend && (60 > cigars && cigars > 40) || isWeekend && cigars > 40) { + return true; + } + + else { + return false; + } +} +" +b16dcfb1fdb3be4cc1d213ba1143dc5609435b24,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend && (60 >= cigars && cigars >= 40) || isWeekend && cigars >= 40) { + return true; + } + + else { + return false; + } +} +" +9086797fa52d4300f76586ddb324ace70bd2b961,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40) + { return true; + if (isWeekend) + { return true; + } + if (cigars <=60) + { return true; + } + } + else + { return false; + } + +} +" +bb310c44388e69d11cc727826e28f9642c31b1a5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40) + { return true; + if (isWeekend) + { return true; + } + if (cigars <=60) + { return true; + } + + else + { return false; + } + +} +" +d8b584308e862ca1b8b1d55be4b3bdee1015b2ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } +} +" +2b2b2b83b178a316e10722cafce3223caee7d95f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40) + { return true; + if (isWeekend) + { return true; + } + if (cigars <=60) + { return true; + } + } + else + { return false; + } + +} +" +0d3effff109f713a0c299851c6f1b14e61b0fc68,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +7613431e17f5b186d85e7a1c147c1233a0b25272,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40) + { return true; + if (isWeekend == true) + { return true; + } + if (cigars <=60) + { return true; + } + } + else + { return false; + } + return false; +} +" +fb31d583dcebdff48270699c6a45ef4e36f542d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >=40) + { + if (isWeekend == true) + { return true; + } + if (cigars <=60) + { return true; + } + } + else + { return false; + } + return false; +} +" +cd2e9f01b211214c9954c231e44dc83beb16bbbf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +4e79c6b15eafeba55dd5269172eae3cfc6db1a0d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars <= 40) + { + return false; + } + else if (cigars >= 60) + { + return false; + } + else + { + return true; + } + } +} +" +b637a68832dd991d825f50cbd7856d9d24760123,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars < 40) + { + return false; + } + else if (cigars > 60) + { + return false; + } + else + { + return true; + } + } +} +" +24f931b5a25ce5f57cf22f1796299a5a813f13a6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +bdccbbbaee2e9510a2620726e60d5a1a23de311d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +52f9bb5e3b93d7955ef8a127fd0a069ce26150da,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +c735e5fac9e2f37b102f7a9ca4c8914c737ecd24,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + } +} +" +62406cc8f3861b80146d065654419e736c32870b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } +} +" +a0ea0bc32bcbcd966c7f1253ff7f644307cafc9c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + return +} +" +0c8ea2d58e42d6f4e86112b6dc18f89c1323eca6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +951139e2677819dda9d38578b28141ee6a0ed52b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +f67ee39f79bf55f782f2d827f55019e0900a9571,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars>= 40) + { + return true; + } + else if (cigars >= 40 && cigars<= 60) + { + return true; + } + else + return false + +} +" +c7994176e2bbe82ad5a6c38b8207957536c783e3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars>= 40) + { + return true; + } + else if (cigars >= 40 && cigars<= 60) + { + return true; + } + else + return false; + +} +" +f8c7f3d64170bd00e24d71e195c514fdeb075b0c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return 40 <= cigars; + + return 40 <= cigars && cigars <= 60; +} +} +" +e64b432e7247040c9f63b57755243ed9d93ae214,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return 40 <= cigars; + + return 40 <= cigars && cigars <= 60; +} + +" +d2f1c8d6b183cb0ec9bea7b06200b3ce1b721898,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars>= 40); + } + else + { + return (cigars >= 40 && cigars<= 60) + +} +" +52626121265b9f32298b8eb9a2f8b808830526f5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars>= 40); + } + else + { + return (cigars >= 40 && cigars<= 60); + +} +" +369e9329a70eff563c1f0f27a8fbb10c1091429e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars>= 40); + } + else + { + return (cigars >= 40 && cigars<= 60); + } +} +" +cfad06e02667783a14ea916234fb54c3c8902cb9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); + +} +" +abfadf9894913011bd06be69492998a7c1f0aba2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + if (isWeekend) + return true; + else if (cigars <=60) + return true; + else + return false; + else + return false; + + +} +" +60e0d9f7ec482a042cf831951edacf5036d02e5a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >=40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +f1cb1203518daaf4dfa5a6ec213ec4bf089ef8ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigar >= 40); + } + return (cigars >= 40 && cigars <= 60); + +} +" +3264a5f848b99819d075ffeba9cecb6549aaa92b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); + +} +" +32705b0b872ded733c94e039bca937101a025728,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + success = true; + } + } + else + { + if (cigars >= 40) + { + success = true; + } + } +} +" +e4ce9c1925ca47a0086b4aca29c20a01f5109340,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + success = true; + } + } + else + { + if (cigars >= 40) + { + success = true; + } + } + return success; +} +" +20cd75bb95900508d494914271fc38a0b2f0d836,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success; + + if (isWeekend) + { + if (cigars > 39) + { + success = true; + } + } + else + { + if (cigars > 39 && cigars < 61) + { + success = true; + } + } + + return success; +} +" +77462732825dd67f9d3b086dde5a6025a3501165,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success; + + if (isWeekend) + { + if (cigars > 39) + { + success = true; + } + } + else + { + if (cigars > 39 && cigars < 61) + { + success = true; + } + } +} +" +f2b65ad0b34bad2bed53e56d516f98d6a3e2f267,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + + if (isWeekend) + { + if (cigars > 39) + { + success = true; + } + } + else + { + if (cigars > 39 && cigars < 61) + { + success = true; + } + } + + return success; +} +" +d61a7828afee5e8173bd13938ba7fa4a84b53940,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +f10c8b71c4fe189ccbe10f9a2d1dc24be59ecd21,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +16dcf562a2438541c3d74b96403dc62a533cf6d3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 =< cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +f6140641520674ffa5ff8e1cd032af7e35fee5d8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 =< cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +c1d51856fb5bb7ebb0c70df86f8896a2e24f1c13,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (40 <= cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +80bb73371b7844eb4b0cae32f45685b98c3dab26,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +54175de88cdaee8620f191adc5a9f4bee889d2e0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +b744528fe937fc80003ca9e1461f57ccf85a5d07,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( isWeekend == true) + { + if(cigars >=60 ) + { + return true; + } + else + { + return false; + } + } + else + { + if(cigars >= 40 && cigars <=80) + { + return true; + } + else + { + return false; + } +} + +" +b43db3fbe11f3d926098b21f442f4bd8707531b0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean penis = true; + if (isWeekend == true) + { + if (cigars >= 40) + penis = true; + else + penis = false; + } + if (isWeekend == false) + { + if (cigars >= 40 && cigras <= 60) + penis = true; + else + penis = false; + } + + + +} +" +41c2a44d0ba04df91fe51e651c6542852e68c1de,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean a = true; + if (cigars>40 && cigars<60 && isWeekend == false) + a = true; + else + a = false; + if (cigars>40 && isWeekend == true) + a = true; + else + a = else; +} +" +9d8341fd5e53a88cd00a0f68638641dfdb1f7e44,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean a = true; + if (cigars>40 && cigars<60 && isWeekend == false) + a = true; + else + a = false; + if (cigars>40 && isWeekend == true) + a = true; + else + a = false; + return a; +} +" +87692bcd956b347c346430dc6e67ceb0cced3f36,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( isWeekend == true) + { + if(cigars >=60 ) + { + return true; + } + else + { + return false; + } + } + else + { + if(cigars >= 40 && cigars <=80) + { + return true; + } + else + { + return false; + } + } +} + +" +6f202b7085582762e70df22ff73c460ec4d15828,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean penis = true; + if (isWeekend == true) + { + if (cigars >= 40) + penis = true; + else + penis = false; + } + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + penis = true; + else + penis = false; + } + return penis; + + + + +} +" +c6769b23cc0d65905953766c5addb3fa9b2b2012,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend == false) && (cigars >= 40 && cigars <= 60)) + { + return true; + } + if ((isWeekend == true) && (cigars >= 40)) + { + return true; + } + if ((isWeekend == false) && (cigars <= 40 && cigars >= 60)) + { + return false; + } + if ((isWeekend == true) && (cigars <= 40)) + { + return false; + } +} +" +76800b50031df12b86586a569dba69ba53175f70,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend == false) && (cigars >= 40 && cigars <= 60)) + { + return true; + } + if ((isWeekend == true) && (cigars >= 40)) + { + return true; + } + if ((isWeekend == false) && (cigars <= 40 && cigars >= 60)) + { + return false; + } + if ((isWeekend == true) && (cigars <= 40)) + { + return false; + } +} +" +43b27e48f3af5f7b323c60cf568039af6fd584f8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean a = true; + if (cigars>40 && cigars<60 && isWeekend == false) + a = true; + if (cigars<=40 && cigars>=60 && isWeekend == false) + a = false; + if (cigars>40 && isWeekend == true) + a = true; + if (cigars<=40 && isWeekend == true) + a = false; + return a; +} +" +6d0c97cf2be106da7482823d1d786992d195404e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean a = true; + if (cigars>40 && cigars<60 && isWeekend == false) + a = true; + if ((cigars<=40 || cigars>=60 ) && isWeekend == false) + a = false; + if (cigars>40 && isWeekend == true) + a = true; + if (cigars<=40 && isWeekend == true) + a = false; + return a; +} +" +033d3c0a348ab64028a6f7a5f5a93a672f80b9c4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean a = true; + if (cigars>=40 && cigars<=60 && isWeekend == false) + a = true; + if ((cigars<40 || cigars>60 ) && isWeekend == false) + a = false; + if (cigars>40 && isWeekend == true) + a = true; + if (cigars<=40 && isWeekend == true) + a = false; + return a; +} +" +2425ed25e7627410541648e888d982872c2519b0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean a = true; + if (cigars>=40 && cigars<=60 && isWeekend == false) + a = true; + if ((cigars<40 || cigars>60 ) && isWeekend == false) + a = false; + if (cigars>=40 && isWeekend == true) + a = true; + if (cigars<40 && isWeekend == true) + a = false; + return a; +} +" +57beac19dbf7a32e54ee8d8b4bf7b6effac51eb4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if ( 40 <= cigars <= 60) + { + result = ""true"" + } + else + { + result = ""false"" + } + } + + if (!isWeekend) + { + if ( 40<= cigars <= 60) + { + result = ""true"" + } + else + { + result = ""false"" + } + } + +} +" +94dc9dfbc17df544c9d473035dda787b5bb8bb99,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +aa1e502d8e92f440b75ea23e134495450402378e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +fcedeea9c26638b6b24ed5c71ccb7c181bfb9790,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if ( 40 <= cigars <= 60) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; +} +" +7476238208a2e5508ed1f4f2c25949d68f40c06f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + result = ""true""; + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; +} +" +7064b75753cfa9aac0c26365b73fb8f4d7cac346,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + result = ""true""; + { + else + { + result = ""false""; + } + } + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; +} +" +ccadebb9f2b4222d60b3854c3055f5edbb4f1384,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) { + if (cigars >= 40 && cigars <= 60) { + return + } + else { + return false; + } + } + else { + if (cigars >= 40) { + return + } + else { + return false; + } + } +} +" +2ac746ae688cadd5ea2d1f09a96e9b79c9618941,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } + } + else { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +} +" +6c3f769a31c95e46cfe445219d8b1b1527c91d3b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + result = ""true""; + { + else + { + result = ""false""; + } + } + + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; + +} +" +ad7d220e2dbd663205f08218c200124eddf83e69,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars < 40) + return false; + return true; + } + else + { + if(cigars < 40 || cigars > 60) + return false; + return true; + } +} +" +d85f1c927609f24374da686d8e1551f5da39f60c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + result = ""true""; + { + else + { + result = ""false""; + } + } + + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; + +} +" +539ebad57bd870a5af21328eca1cc6064925b03c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + result = ""true""; + { + + else + + { + result = ""false""; + } + } + + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + + else + + { + result = ""false""; + } + } + + return result; + +} +" +d0807ef25b75f2b4a590528fa68ac2d4fc7ae431,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + result = ""true""; + { + else + + { + result = ""false""; + } + } + + + if (isWeekend) + { + if (cigars >=40) + { + result = ""true""; + } + else + + + { + result = ""false""; + } + } + + return result; + +} +" +f1a70eff019ad340ac70636a12658580c5a6310d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + + if (isWeekend) + { + if (cigars >= 40) + { + success = true; + return success; + } + else + { + + return success; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + success = true; + return success; + } + else + { + return success; + } + } +} +" +bc348bac63c30c5f360551f685d770460edb9361,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" ""; + + if (!isWeekend) + { + if( cigars >= 40 && cigars <= 60) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + if (isWeekend) + { + if( cigars >= 40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; + +} +" +62c73c90f73b8c00d62dfaab127341941fd5e066,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String result = "" "" ; + + if (!isWeekend) + { + if( cigars >= 40 && cigars <= 60) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + if (isWeekend) + { + if( cigars >= 40) + { + result = ""true""; + } + else + { + result = ""false""; + } + } + + return result; + +} +" +114abc0784f42b068e4244189840c470f4781d4b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result + + if (!isWeekend) + { + if( cigars >= 40 && cigars <= 60) + { + result = true; + } + else + { + result = false; + } + } + + if (isWeekend) + { + if( cigars >= 40) + { + result = true; + } + else + { + result = false; + } + } + + return result; + +} +" +05d1bd800fa536c79e199ee1966e9bb096389b2f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result; + + if (!isWeekend) + { + if( cigars >= 40 && cigars <= 60) + { + result = true; + } + else + { + result = false; + } + } + + if (isWeekend) + { + if( cigars >= 40) + { + result = true; + } + else + { + result = false; + } + } + + return result; + +} +" +0d6a911fd6d7d4ab9bb2b2283befe1ff9518e304,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + + if (!isWeekend) + { + if( cigars >= 40 && cigars <= 60) + { + result = true; + } + else + { + result = false; + } + } + + if (isWeekend) + { + if( cigars >= 40) + { + result = true; + } + else + { + result = false; + } + } + + return result; + +} +" +6151147fe1bd1ee0ada135bcc07fe48f1a8e17fd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +f72b9dd33e29c95a6a190d773f1dccf1861e452d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +7370fc3319419f3e02c28f788155d3780dfa81c5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars > 39 && cigars < 61) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39) + { + return true + } + else + { + return false + } + } +} +" +7bbdbb52f01ff905161466a383708015982fb848,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars > 39 && cigars < 61) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } +} +" +d09f25ee9cb08f1016336304b1b85eecf817e705,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean cigarParty = false; + if (!isWeekend) + { + if (cigars >=40 && cigars<=60) + { + cigarParty = true; + } + else + cigarParty = false; + } + + if (isWeekend) + { + if (cigars>=40) + { + cigarParty = true; + } + else + cigarParty = false; + return cigarParty; + } + +} +" +06664072526c2ab18ae84e0fccbc89d4741edc2b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean cigarParty = false; + if (!isWeekend) + { + if (cigars >=40 && cigars<=60) + { + cigarParty = true; + } + else + cigarParty = false; + } + + if (isWeekend) + { + if (cigars>=40) + { + cigarParty = true; + } + else + cigarParty = false; + + } + return cigarParty; +} +" +752fa86cdaa9c00685870b2f1a1bb817e623f7cb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean lit = false; + if (isWeekend == true) + { + if (cigars>39) + { + lit = true; + } + } + else + { + if (cigars>39 && cigars<61) + { + lit = true; + } + } + return lit; + + +} +" +e893b5aa0a69de4613dd42f8fc88811e0ef367df,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if cigars >= 40) + return true; + if (cigars >= 40 || cigars <= 60) + return true; + return false; +} +" +e601d16e0e29aaf53a33c7e1f3ef0751ec0ce60c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + if (cigars >= 40 || cigars <= 60) + return true; + return false; +} +" +b668bc5a044410d2270d1ab93aec06bd6868f9e9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + if (cigars >= 40 && cigars <= 60) + return true; + return false; +} +" +128f38b5d32fec34a5073a15a739af834cd56fbe,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 40) + return false; + else if (!isWeekend && cigars > 60) + return false; + else + return true; +} +" +d6aa5a4a44abcc216917a2968db150c12aaafc69,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + if (cigars <= 60 && cigars > 40) + return true; + else + return false; + +} +" +6c78b726a1afb0ed2d984435f29d3b044f5c5a94,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + return false; + else if (!isWeekend && cigars > 60) + return false; + else + return true; +} +" +908b09184d0cecf39ca9cee39e59272fdf3ab4bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + if (cigars <= 60 && cigars >= 40) + return true; + else + return false; + +} +" +5cb7452f44e1a9bb08b66abbb629b60d6cbce0af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +41f0937c28537175c586172e8e963b3e9e25469d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 || cigars <= 60); +} +" +98985990392ba0d05506a9bcd5c021e917cbb3e4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true + } + else if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +5dd53cf614522e0d0bcd8e386a9b89de9546a2ac,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +086a9d0521d0e7c7c65284a42547f8068a8116f2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +92f81586d821aab5c0a6e6c368c61ccd2112cc77,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +364bc0af5819f8ab4f410f73eb9d00c9b703e683,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars >=40 && cigars <= 60) + return true; + } + else if(cigars >=40 && cigars <= 60) + { + return true; + } + else + return false; +} +" +530fe9c9d407784ab9b354d79f4d28b6dc13fc67,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars >=40 && cigars <= 60) + return true; + else + return false; + } + else if(cigars >=40 && cigars <= 60) + { + return true; + } + else + return false; +} +" +cd803aa454e16cee6e0413ba15915b27c2813c74,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars >=40) + return true; + else + return false; + } + else if(cigars >=40 && cigars <= 60) + { + return true; + } + else + return false; +} +" +d07d2f1b40602638d4c357809540b7e2870f1eb1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return cigar >=40; + else + return cigar >= 40 && <= 60; + +} +" +6c61f0d27c9dcfbab068baed2d0a53d9b7332bd7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + return true; + if (!(isweekend) && cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +df22878fefaa35f1726b5e5553e93db198f1ad3d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + return true; + if (!isweekend && cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +56fd07f4dcf15c6ae6382d14a33d25904aa0beca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + return true; + if (!isWeekend && cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +4b62c4b654491a8cd92b5d7877d31308839ced6a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + { + return true; + } + if else(cigars >= 40 && cigars <= 70) + { + return true; + } + else + return false; +} +" +b69e0134ac18e7a1c2cd892129348e4627917763,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + { + return true; + } + if else(cigars >= 40 && cigars <= 70) + { + return true; + } + else + { + return false; + } +} +" +8cb9d83f87383332b155924b1c728f62fcdca23f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + { + return true; + } + if else(cigars >= 40 && cigars <= 70) + { + return true; + } + else + { + return false; + } +} +" +a245dc88926383dcd79f427e92b1eec898433a43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + { + return true; + } + if else(cigars >= 40 && cigars <= 70) + { + return true; + } + else + { + return false; + } +} +" +c80fa7248bba80f0196a34f5b65eda072a6269b2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + { + return true; + } + else if(cigars >= 40 && cigars <= 70) + { + return true; + } + else + { + return false; + } +} +" +d32d5f34003d747b037aecc788a3ed59afa57490,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + { + return true; + } + else if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +cc4d0cbb3a23b9d8d9d80cfbd9f9e6cde89a721c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars < 40 || cigars > 60) + return false; + else + return true; + } +} +" +ef056bb78c78bcf0a1f296438836216940c83e13,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +6f5c4e7a2938792d883713bee3206dd3dc02e894,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + if (40 <= cigars <= 60) + return true; + return false; +} +" +3ec4b2138f6e603e762a107e5b144dd4ed78880e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + if (40 =< cigars =< 60) + return true; + return false; +} +" +d1a47d826eb556c74ad344f86104cf38cf532fc4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60) +} +" +4d1aebca716ed8d692689e55d177dbedb1a0b1af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +e2ecdfb44d527fa57a62c079e6a8838d63cef35a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true && cigars >= 40) + return true; + if(!(isWeekend) && cigars >= 40 && cigars =< 60) + return true; + else + return false; + +} +" +a144eba7bf87431b1125dbd12dc78e4725972d5d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 40) + { + if (weekend = true) + { + success = true; + } + else if (total cigars < 61) + { + success = true; + } + } + return success; +} +" +d5d43538aa6f03d4c0db6c786ce227a0dfb9c20d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 40) + { + if (weekend = true) + { + success = true; + } + else if (totalCigars < 61) + { + success = true; + } + } + return success; +} +" +80607f9f7d64400ab9e8736b8f5b1e37ce25d921,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true && cigars >= 40) + return true; + if(!isWeekend && cigars >= 40 && cigars =< 60) + return true; + else + return false; + +} +" +69a64d5b4ba069b1bc0cf06b0fcb0d8bf229e9d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 40) + { + if (weekend = true) + { + success = true; + } + else if (totalCigars < 61 && weekend = false) + { + success = true; + } + } + return success; +} +" +58693207576d1adadaffd15269df3e34f6cbf773,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == true && cigars >= 40) + return true; + if(!isWeekend && cigars >= 40 && cigars <= 60) + return true; + else + return false; + +} +" +8dbc50100fcd6b1e18ffe94067fdc3c6bf4a407e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 40) + { + if (weekend = true) + { + success = true; + } + if (totalCigars < 61 && weekend = false) + { + success = true; + } + } + return success; +} +" +ab461aa77641de5ed7c67ff5e1aa8fbd0e7bd928,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 40) + { + if (weekend = true) + { + success = true; + } + if (totalCigars < 61) + { + success = true; + } + } + return success; +} +" +f609503ebe97de3c5ee215dbbebe9082d2115249,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +327cd4ba8d04cfd15e9a13545cc146fcbe70882c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 40) + { + if (weekend = true) + { + success = true; + } + else if (totalCigars < 61) + { + success = true; + } + } + return success; +} +" +d904750fe2359e9ebb733b207952ef5accbc7c58,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 39) + { + if (weekend = true) + { + success = true; + } + else if (totalCigars < 61) + { + success = true; + } + } + return success; +} +" +844ce2d698599ecac0ac0b017b9b6037aae4a7d1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 39) + { + if (weekend = true) + { + success = true; + } + else if (totalCigars < 60) + { + success = true; + } + } + return success; +} +" +f4ce85dff6053ca005df3f108e831433f987f49a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int totalCigars = cigars; + boolean weekend = isWeekend; + boolean success = false; + if (totalCigars > 39) + { + if (weekend = true) + { + success = true; + } + else if (totalCigars < 61) + { + success = true; + } + } + return success; +} +" +49c24eefde6aaad99370a27452490771d188927e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars > 39) + return true + } + else if (cigars > 39 && cigars < 61) + return false +} +" +f859af7f8b97805479a96f9c32e1ebfdd1df9dc7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars > 39) + return true; + } + else if (cigars > 39 && cigars < 61) + return false; +} +" +75e52dbeca026c78116823a3e2775e61b462d213,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars > 39) + return true; + } + else if (cigars > 39 && cigars < 61) + return false; + return false; +} +" +5f020f2ea16139c6c3ed697735994e10b1a0e35c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if (cigars > 39) + return true; + } + else if (cigars > 39 && cigars < 61) + return true; + return false; +} +" +b04fa2c5e98061ad46fed12397ec8e40e011b57b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >40) + { + return true; + } + else + { + return false; + } + + } + else + if(cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +2fefae439b16bf0283ef40eab14ae81282c03c11,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + + + + +} +" +d188be1fd4ee4baaaaca32a01bfc9d39ddd468d9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 60) + return true; + else + return false +} +" +ebc854c96848af79501a6db0029cbcf275e5e8e5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + + } + else + if(cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +da4cb0075179047c50ae8eef0e6d226fdeca117a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +4a3f656063036c963abb00a0604d4238ec01235c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + + + + +} +" +ab616bcd598f55032de3cb3b81bff4657fe0c2af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 4) + return true; + else + return false; + else + if(cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +58d3417a2b05dcdacefea625bc8d41bf8f0cff9d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 40) + return true; + else + return false; + else + if(cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +08d9f589113f649c2f58b0d237629c1c948c94ce,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == false && cigars >= 40 && cigars <= 60) + { + return true; + } + if(isWeekend == true) + { + return true; + } + else + { + return false; + } + +} +" +e079c1c3c80fde18042505c80fc6e71225d12387,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend == false && cigars >= 40 && cigars <= 60) + { + return true; + } + if(isWeekend == true && cigars >= 40) + { + return true; + } + else + { + return false; + } + +} +" +053df780d0792de9c5dda8c753253f142449343e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + if(cigars>=40) + return true; + } + if(cigars>=40 && cigars<=60) + return true; + return false; + +} +" +44ba5be941281138ffbd00c838bf3c285c377542,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + if (cigars <40) + { + return false; + } + } + if (cigars >= 40 && cigars <=60) + { + return true; + } + else if (cigars <40) + { + return false; + } +} +" +8d8024522003e75e990d176864fbe6753f1af008,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + if (cigars <40) + { + return false; + } + } + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + if (cigars > 40) + { + return false; + } + } +} +" +43909eef2f806912061d21f2deca2af3f130dfba,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + if (cigars <40) + { + return false; + } + } + if (cigars >= 40 && cigars <=60) + { + return true; + } + if (cigars > 40) + { + return false; + } + +} +" +07720c825da191dbf83d85b65f1ecc720c77ea99,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + if (cigars <40) + { + return false; + } + } + if (cigars >= 40 && cigars <=60) + { + return true; + } + if (cigars > 40) + { + return false; + } +} +" +ee279d99062e49cf28612a3d6e54d0ba19c0fb27,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + if (cigars <40) + { + return false; + } + } + if (cigars >= 40 && cigars <=60) + { + return true; + } + else if (cigars > 40) + { + return false; + } +} +" +f6de87c388722a729436d70c0c25fb1030daeb08,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + if (!isWeeked) && cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false + } + +" +db74c0aa218a48f58190fd0e1ebae1703f4f781e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + if (!isWeeked) && cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false + } +} + +" +83332cd2dcfb520328685529e07fe361932202e8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + if ((!isWeeked) && cigars >= 40 && cigars <=60)) + { + return true; + } + else + { + return false; + } +} + +" +0e407a0d722d15a222f6005f1569aa0103a4754c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + if ((!isWeekend) && cigars >= 40 && cigars <=60)) + { + return true; + } + else + { + return false; + } +} + +" +014b0c24a64cfc15e8fbedb65b952836d1450479,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + if (!(isWeekend) && cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} + +" +097851fa11925a425d80f79de953602cb083a89a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend && cigars >= 40 && cigars <= 60) + { + return true; + } + else if (isWeekend && cigars >= 40) + { + return true; + } + else + { + return false; + } +} + +" +ca197ea79265f2e77268a381ce1e33fce57904e3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ +if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +897d3138dff1637df98d50d6f6d1bf11a008b08a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=40) + return true; + else + return false; + +} +" +7d5e843475a5d9b74af52773c36be7d9dee158e8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +37d5fd6996917bf37d3d030262815d2d3a96bf3c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +38db6b1eea54e2e6a5cac85d9a23668b3ddb76c7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +c15999c5e8aa16b35bd2a76d802f93b9f7d56d3c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=61 && isWeekend==false) + return false + if (cigars>=40 || cigars<=60) + return true; + else + return false; + +} +" +41ba84dd3678dfe3b4bf74f33069c363370bf53a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=61 && isWeekend==false) + return false; + if (cigars>=40 || cigars<=60) + return true; + else + return false; + +} +" +3093efd3723628b8588583205039945be4c60943,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=40 && isWeekend==false) + return false; + if (cigars>=40 || cigars<=60) + return true; + else + return false; + +} +" +797733c0d348dc7535f4d974df9693026ff852d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 40) + { + return false; + } + if (cigars >= 60 && !isWeekend) + { + return false; + } + return true; +} +" +209012ee77d9918fdabd8654b93c33ec3da3f25e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + public boolean cigarParty(int cigars, boolean isWeekend) { + if ( cigars >= 40 && cigars <=60 ) + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false +} +" +9745f1c0baa7370c730b11f7eb5a2d4ce5f7632c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=40 || cigars<=60) + return true; + else + return false; + +} +" +9fb129fec98e463cc56cb5c7f6b5e041abb9473b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +b17475bc8abb87c084984ca3b2b4f3fb8a4e1a6a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=40 || cigars<=60) + return true; + else + return false; + +} +" +9985906f31b175358b4d415c38cb516ba576619b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + public boolean cigarParty(int cigars, boolean isWeekend) { + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; +} +" +fcfe860899ce0079ce72202656222490d08a22c4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + { + return false; + } + if (cigars > 60 && !isWeekend) + { + return false; + } + return true; +} +" +fb08ab361502cb83a6a4ac79f5d53e461dcbbbf3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars>=40) + return true; + else + return false; + +} +" +10aca0ddaf8fbffed6cfc1aa556b57b9f4c8c094,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + public boolean cigarParty(int cigars, boolean isWeekend) { + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; + } +} +" +d12c7ec484a12af897fe4afab71d1eb417e11873,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + public boolean cigarParty(int cigars, boolean isWeekend) { + if ( cigars >= 40 && cigars <=60 ); + return true; + elseif ( isWeekend == true && cigars >= 40 ); + return true; + elseif + return false; + } +} +" +58af043ffcab9f3288de0c396f52acfd9501b1c5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars==61 && isWeekend==false) + return false + if (cigars>=40) + return true; + else + return false; + +} +" +f0ac1544898b0d5a897930d7a67c05c04cc83692,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars==61 && isWeekend==false) + return false; + if (cigars>=40) + return true; + else + return false; + +} +" +c509f8d00ded50b62f0d783cc400012e5dc8b7dc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + public boolean cigarParty(int cigars, boolean isWeekend) { + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; + } +} +" +8815e12ab339bb335980e5a77c84a31270b458a4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +e514903b3879309ac427938d266ca475a2012b76,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + public boolean cigarParty(int cigars, boolean isWeekend) + { + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; + } +} +" +2e3cdacca99dd1fe5e6febf9da446fdc4c58d6b3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; +} +" +33cf75ad7f41748d0b5624d91be6dcb18dbbcf3e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + elseif + return false; +} +" +905c651f43467f714c900193a3281373c82909a9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ); + return true; + elseif ( isWeekend == true && cigars >= 40 ); + return true; + elseif + return false; +} +" +bb7226bb4cde6eb2ea21361c28ee1c095b2a2e45,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; +} +" +fd56dd3cd7197f1ee9cbd8be1ad04e812bd7c45a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +82a86d04c43064c690371fcc120761285424c2a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +" +b4cf201044a7d6f04f776156677dfa7aeaa50883,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ); + return true; + if ( isWeekend == true && cigars >= 40 ); + return true; + else + return false; +} +" +f8e3af45ff880bb3e6e8b247ec5d5696dfe4ad03,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ) + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false; +} +" +842e32b978403777b64dd1be3468d1e98e7251c5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >=60) + { + return true; + } + } + else + { + if(cigars >=60 || <=80) + { + return true; + } + else + return false; + } +} +" +65da7182a4f71035e3e1a10efa92cc229d81cb5f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >=60) + { + return true; + } + } + else + { + if(cigars >=60 || cigars <=80) + { + return true; + } + else + return false; + } +} +" +83efe6c778f64e92a71033d52482057c2d54a9d3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >=60) + { + return true; + } + } + + + if(cigars >=60 || cigars <=80) + { + return true; + } + else + return false; + +} +" +ee680c2d3327b1fb01032b8a58d05cc5107d29d5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars <=60) + { + return true; + } + } + + + if(cigars <=60 || cigars >=80) + { + return true; + } + else + return false; + +} +" +384e571b360c5fe5408a4575f25fc656110e1068,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true + } + else + return false + } + else + if (cigars >= 40 && cigars <= 60) + { + return true + } + else + return false + + +} +" +02cb9d434d93edbeed5d219a2b62105bcf4c48a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } + else + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + return false; + + +} +" +1aaa4a05ff8280ff322423dd98d182a1fbace056,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >=60) + { + return true; + } + } + + + if(cigars >=60 && cigars <=80) + { + return true; + } + else + return false; + +} +" +4bf9c64ba01b66249fec2fa122db3f54166ce901,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >=40) + { + return true; + } + } + + + if(cigars >=40 && cigars <=80) + { + return true; + } + else + return false; + +} +" +89d35fb069b5045f7d1b0fb2237f04d716cd3fcb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >=40) + { + return true; + } + } + + + if(cigars >=40 && cigars <=60) + { + return true; + } + else + return false; + +} +" +dc980bb2d9dcf857698e73f5638431e7a80de82d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return ""true""; + } + if (cigars >= 40 && cigars <=60) + { + return ""true""; + } + else + { + return ""false""; + } +} +" +711f0aec5c90a4b2656298e760020af423453075,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + if (cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } +} +" +294408869fe8c4af8db4254cacaee2f1657470a1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean cigarParty; + + if ((isWeekend) && (cigars >= 40)) + { + cigarParty == true; + } + else if ((cigars >= 40) && (cigars <= 60)) + { + cigarParty == true; + } + else + { + cigarParty == false; + } + return cigarParty; +} +" +4402421df0019f2865ccce55fcbbecf226339a5b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean cigarParty; + + if ((isWeekend) && (cigars >= 40)) + { + cigarParty = true; + } + else if ((cigars >= 40) && (cigars <= 60)) + { + cigarParty = true; + } + else + { + cigarParty = false; + } + return cigarParty; +} +" +cf6bfb74a7656bbe727c3a027d706ea79b35d549,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = true; + if (isWeekend != true) + { + if (cigars >= 40 && cigars <= 60) + { + success = true; + } + else + { + success = false; + } + } + else + { + if (cigars >= 40) + { + success = true; + } + } + return success; +} +" +b679f4c3a63782b28afe4c1fd54c7273ff070635,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend); + if (cigars>=40&&cigars<=60); + { + return ""true""; + } + else + { + return ""false""; + } + else + { + if (cigars>=40); + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +1ae000060d57f24c6d11cde2b7dc4b16d7a5df42,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend); + { + if (cigars>=40&&cigars<=60); + { + return ""true""; + } + else if + { + return ""false""; + } + else + { + if (cigars>=40); + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +8c6492538b941e25f1e491084ac4163f789c075a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success; + if (isWeekend != true) + { + if (cigars >= 40 && cigars <= 60) + { + success = true; + } + else + { + success = false; + } + } + else + { + if (cigars >= 40) + { + success = true; + } + } + return success; +} +" +fd467fd4b69eb9cc55b38e68616f5b6ce1a6f4ee,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend); + { + if (cigars>=40&&cigars<=60); + { + return ""true""; + } + else + { + return ""false""; + } + else + { + if (cigars>=40); + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +8d61777617908a620d603f66ca32ffdd7097406b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success = false; + if (isWeekend != true) + { + if (cigars >= 40 && cigars <= 60) + { + success = true; + } + else + { + success = false; + } + } + else + { + if (cigars >= 40) + { + success = true; + } + } + return success; +} +" +96bd75f4d331c409915298a2339fcd28081c74ca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend); + { + if (cigars>=40&&cigars<=60); + { + return ""true""; + } + else if + { + return ""false""; + } + } + else + { + if (cigars>=40); + { + return ""true""; + } + else if + { + return ""false""; + } + } +} +" +05f286e3673472885f95906ed7b7dccb1dd900a7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend); + { + if (cigars>=40&&cigars<=60); + { + return ""true""; + } + else if (cigars<40||cigars>60); + { + return ""false""; + } + } + else + { + if (cigars>=40); + { + return ""true""; + } + else if (cigars<40); + { + return ""false""; + } + } +} +" +5c235da506e3623bd3dad7f55515249b64198f47,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + + if (cigars >=40 && cigars<=60) + { + return true; + } + else + { + return false; + } + +} +" +5d7a57e227cc81be75a0f2f9eb6a0396daa20c7c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +039a5741fb82006d59f66a5ffd100359f6a3aa77,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return (true); + } + else + { + return (false); + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return (true); + } + else + { + return (false); + } + } +} +" +32edd7b816db486c99252d24cdbf05495c28c0c4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if( cigars>=40 && cigars<=60) + { + return true + } + if(isWeekend) + { + false + + } + +} +" +de88cb73d73e025121707c2c95b9016a1e607e8e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend&&cigars>=40||!isWeekend&&(cigars>=40&&cigars<=60); + { + return true; + } + else + { + return false; + } + + +" +29f7eb3e4994f46df9e6511bab70b219c8a1fda9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if( cigars>=40 && cigars<=60) + { + return true; + } + if(isWeekend) + { + return false; + + } + +} +" +575ce1e82a24dcbb5f4a4f4e778671c62431d6f0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if( cigars>=40 && cigars<=60) + { + return true; + } + if(isWeekend) + { + return false; + + } + +} +" +27f9fa10116035ed7e76bc1b6bd99d1b9dacc79b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend&&cigars>=40||!isWeekend&&(cigars>=40&&cigars<=60)); + { + return true; + } + else + { + return false; + } +} + + +" +12a5d05f9f874e608ca90f43ef88f560ab959993,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend&&cigars>=40||!isWeekend&&(cigars>=40&&cigars<=60)) + { + return true; + } + else + { + return false; + } +} + + +" +f8769c2acb5cf700e492575502d7045e56e2f4b2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return cigars>=40; + + } + else + return cigars>=40 && cigars<=60; + +} +" +c68987e9cf0da4e262681a6cd22aa9bfeba33d49,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars > 39) + { + if (isWeekend) + { + return true; + } + else if (cigars < 61) + { + return true; + } + return false; + } + else + { + return false; + } +} +" +6b4737cfc10ec3d7994b27817cb2058cf451975e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} +" +65fde53fd310bb50c349c94137e8124262c645ca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return true; + if (cigars >=40 && cigars <= 60) + return true; + else + return false; + +} +" +3473f32b5faa744536d81563943cf818100ac8d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if (cigars >=40 && cigars <= 60) + return true; + else + return false; + if (isWeekend) + return true; + +} +" +29d06eaa0d5170dd02d161c58b75ddf2ab354bd8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return true; + else if (cigars >=40 && cigars <= 60) + return true; + else + return false; + +} +" +d8d4dd4f25407440dbf083b5676d0e060dc9cfb9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + {return true;} + } + else + { + if(cigars >= 40 && cigars <= 60) + {return true}: +return false; + } +" +7611f15482a6ee39e08718cbdb0905781013b3cb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + {return true;} + } + else + { + if(cigars >= 40 && cigars <= 60) + {return true}; +return false; + } +" +bc3cfc3278c71201ca8bb9a64a85bd69ccea9f70,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + {return true;} + } + else + { + if(cigars >= 40 && cigars <= 60) + {return true;} + return false; + } +" +88db39cbf9662e6646938b25c53e16e63408ac20,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + {return true;} + } + else + { + if(cigars >= 40 && cigars <= 60) + {return true;} + } + return false; + } +" +9d4d568dda205fe4c099861c6943745eb3804084,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +d93a339ba10ae518469fa285e8fb9160b52038cd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return cigars >= 40; + if (cigars >=40 && cigars <= 60) + return true; + else + return false; + +} +" +9f54aba0277ad8af27dfdfda2e5a560be8c1388a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && (cigars <= 60 || isWeekend)) + { + return true; + }else{ + return false; + } +} +" +5464ca57809c13243f4cbb717ea447b15beda7a4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false && (cigars >=40 && cigars <=60)) + return true; + else if (isWeekend == true && (cigars >=40)) + return true; + else + return false; + +} +" +76ac6761b39eea850423007b6b92b94e0c197736,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +4b9483baeae9724f0266b5bebd5cb54b83a5bdfa,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if ((cigars >= 40) && cigars <= 60)) + return true; + else + return false; +} +" +7c877b7d45b5cbadf01613ce27a5d575b5480ecc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if ((cigars >= 40) && (cigars <= 60)) + return true; + else + return false; +} +" +d8f5ae918a789b15b56e056c4b75ecc5f9c3daef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if ((cigars >= 40 && cigars <= 60) && isWeekend = false) + return true; + else + return false; +} +" +12ff4355b80590db07de5c071d55fa3d4fafa64d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if ((cigars >= 40 && cigars <= 60) && (isWeekend = false)) + return true; + else + return false; +} +" +b9217318bf252b1b14fc3875ba5009b4698dfebc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if ((cigars >= 40 && cigars < 60) && (isWeekend = false)) + return true; + else + return false; +} +" +2d05d8cf8e01230c087e4c0461fe7b545ff3c457,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true && cigars >= 40) + return true; + else if ((cigars >= 40 && cigars <= 60) && (isWeekend = false)) + return true; + else + return false; +} +" +a77ac9ed7e82d0776ad871be7282947d8c02b874,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + return true; + else if(cigars >= 40 && cigars <=60) + return true; + else + return false; +} +" +5b9439d052b1cfbc356b296d30dfbbf79fd762d7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +78edccd2f3bf10b5ecee9a3f8cfbafbd51fe9a7e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || >=61) + { + return false; + } + else + { + return true; + } + + while(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +10b150d4973a19ce29728452f83df5321eae58c8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend) && (cigars >= 40)) { + return true; + } + if ((!isWeekend) && (cigars >= 40 && cigars <= 60)) { + return true; + } + else { + return false; + } +} +" +e015317985c6b4425c86bf5636b8ea39633665e2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars<=39 || >=61) + { + return false; + } + else + { + return true; + } + + while(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +7db64e6edec894fc764834eafaa95126dad54b6f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +ce5cff50ab4fde71af1a1b38e1f6b04f69bce069,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + while(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +02a3de63925410ffa4ab26791cba3f1254599d84,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +1ee80e817861dc2797c23c17320844bd8cbde9c0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +f3344ad8c2ace0ec1f7631afda8177f1b7f7b0e4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if (isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +b408bd93075f3a41014b5fa800521956e3bd5ed9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if (isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +} +" +346cc78956f4e16c3cc93b5eec29d6a2967caddd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +2f57541cc09d1f29d88eea43244c968cd2c5702b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if (isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +return } +" +f29ccb099385f585dd09f368e820be4a5a507fed,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + { +if(isWeekend) +return 40 <= cigars; + +return 40 <= cigars && cigars <= 60; +} +" +3d9d40b3d4e2317486199db7738a88ddb560dd87,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if (isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + }" +881cbc20654f14ff705acf5b4406d0c9325315e8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + { +if(isWeekend) +return 40 <= cigars; + } +return 40 <= cigars && cigars <= 60; +} +" +e0c888f226805902a20bf62d671b3fcb63b05320,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if (isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +}" +eb567192b5aecc13902662706dc491d759e7c765,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + if (isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } +}" +86d5bb3c760ebd71bdc1bea25e717bc033c90835,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +b01f80619ceb877f572fc1b58dcbb7a2d7371914,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend = true) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +cf01baba3c784537a9e4521a576e589fd2470193,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + + +}" +60391d68c7daa456ea7aae1987b8d6add2c607b5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars <= 40 && cigars >= 60) + { + return true; + } + else + { + return false; + } + + } + else + { + return true; + } + + + +} +" +a7f33c2076535fa8e00ce76decf07fb5b7b6e384,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + } + else + { + return true; + } + + + +} +" +ba4d924118337b399768c1cf33ca2ff7c0842574,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + +} +" +ad725baf18effbee1764bb9d7ec6855eb09467ab,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + } + else + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + + } + + + +} +" +af5828b219f677a1bbb326c60389071b4fd0910a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + if(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } + +}" +905a04f5e699abec012795c93caa1143029f6ffb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + if(isWeekend) + { + if(cigars<=39) + { + return false; + } + else + { + return true; + } + } + +}" +fae5d1c282f72430d8e6df3c1618b77daf789ca9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +8a784cb08df86d4814219f2b557c5cfa0f28180c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + else + { + return (cigars >= 40 && cigars <= 60); + } +} +" +1745bdbabcc0788420fa7919751b0cfba809326b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars<=39) + { + return false + } + } + else if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + +}" +b30d98cbb23ed6739d0621e3c6f070095c66a75f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars<=39) + { + return false; + } + } + else if(cigars<=39 || cigars>=61) + { + return false; + } + else + { + return true; + } + +}" +be038ac5c5ef4acc4f77a5e482eaedca5cdf68fb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + else + { + return (cigars >= 40 && cigars <= 60); + } +} +" +d319399a2300959fb013aecbcbe81075cb75ff7a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( isWeekend == true) + { + if(cigars <=40 ) + { + return false; + } + else + { + return true; + } + } + else + { + if(cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} + +" +f91f30c56cc577575f4ba46a6d1b67f386d7706b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( isWeekend == true) + { + if(cigars <40 ) + { + return false; + } + else + { + return true; + } + } + else + { + if(cigars >= 40 && cigars <=60) + { + return true; + } + else + { + return false; + } + } +} + +" +44ac28796158a5505e3b9bd8f67f0597b0dddf8d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ +if(isWeekend) + { + return (cigars>=40)} +else if (cigars<=60 && cigars>=40) +{ + return true +} +else +{ + return false +} + +}" +fdad7c0c60f595dec5a4413ee01a9fbbdf69581c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ +if(isWeekend) + { + return (cigars>=40); +} +else if (cigars<=60 && cigars>=40) +{ + return true; +} +else +{ + return false; +} + +}" +6b243a0deec7470af166f6f22dee19e49d90950c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (!isWeekend && cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +a4bc2d8ce7743cb0e0db1101c3e9c2573e4466ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) + { + if (cigars < 40 || cigars > 60) + { + return false; + } + else + { + return true; + } + } + else + { + if (cigars < 40) + { + return false; + } + else + { + return true; + } + } +} +" +3e19c0acd2ac0d6712a4ff7e08c334fcb60d68dd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40) + { + return true; + } + } +} +" +c871fdef172564eeeaba4edacb4414196c8a93b4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +5c7c020661b5a443a9e74a698a09fbd7cd165438,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +7407aaf23f6102440a21d7a9618a9e989f370622,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + successful = !successful +} +" +0da0159a79cd8debcf69190b7a71b8edd05bf937,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + successful = !successful; +} +" +655a754d49d0fd8398db18291f4145515e3e1b1d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + return true +} +" +5cb99c97b5003f15e086bbb82be940ded6af4aac,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + return true; +} +" +c1078c51f22bc78bd01e7db2804f323868e76600,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + { + return true; + } +} +" +75f9b79864e50939f32d55dd85104fb3e1787a09,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +35b971c76dab2a2cec49eb6d7cc56069991368e5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigarParty <= 40) + return false; + else + return true; + if (cigarParty >= 40 && cigarParty <= 60) + return true; + else + return false; +} +" +624a8895ea04ef42d0e8a586e91e2a8dc400dd8c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + { + successful = true; + } + else if (cigars >= 40 && isWeekend) + { + successful = true; + } + else + { + successful = false; + } + return successful +} +" +db570eee20acd214c5b004622edf8cd23644d8db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean successful; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + { + successful = true; + } + else if (cigars >= 40 && isWeekend) + { + successful = true; + } + else + { + successful = false; + } + return successful; +} +" +1b9c9fadc17687b00ebe7ca994f4e9caf470879d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars>=40) + { + return true; + } + else if (!isWeekend && cigars >=40 && cigars<=60) + { + return true; + } + else + { + return false; + } +} +" +251bb1bd58667ce16764dceab9dec844712843ed,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigar <= 40) + return false; + else + return true; + if (cigar >= 40 && cigar <= 60) + return true; + else + return false; +} +" +3bb5a410ea6084f6c2d3b1bb029a508e3501d3af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars <= 40) + return false; + else + return true; + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +9b48b43da434262921bfc424c359d98e2daec285,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + retuen true; + + if (isWeekend && cigars >=40) + return true; + + return false; + +} +" +e8e6049d9d80743bc51fe11e533967514044b177,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + retuen true; + + if (isWeekend && cigars >=40) + return true; + + return false; + +} +" +0e4e42d956b2dec0405ecdb0d1b1920556f3c29c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + return true; + + if (isWeekend && cigars >=40) + return true; + + return false; + +} +" +af00e28a3b2edcaf1b254b0052ee18bf7be134e1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean answer = true; + if (!isWeekend) + { + if (cigars >= 40 && cigards <= 60) + { + answer = true; + } + else + { + answer = false; + } + + } + if (isWeekend) + { + if (cigars >= 40) + { + answer = true; + } + else + { + answer = false; + } + + + } + return answer; + +} +" +10964e5a6785d30ce6cd7e2871e69a9760aec210,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean answer = true; + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + answer = true; + } + else + { + answer = false; + } + + } + if (isWeekend) + { + if (cigars >= 40) + { + answer = true; + } + else + { + answer = false; + } + + + } + return answer; + +} +" +84c57442609d959357842c6d415b88623e0c9b6a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars < 40) + return false; + else + return true; + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +8eb48139e98aa2b17c2e80c91f1ee602e87fae6e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +daa6f393ceb0e961b726b4a17c1f857949fc9722,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + if (isWeekend) + if (cigars >= 40) + return true; + return false; +} +" +8f4830975c888f20dbeaf2ee59f60db632ab7548,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars > 39 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } +} +" +c35385120bbd0c5e74f8a4ff3de2d7280317c366,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } +} +" +d2ef5adc23953348cb08d459ad4d0ea6dc86725d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 20 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } +} +" +c9eaa9b3698190f492d08ec0939d47d4b640acc7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars > 39) + { + return true; + } + else + { + return false; + } + } +} +" +6bea45d602672ef663ecf605011446ac41f8f37c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return 40 <= cigars; + + return 40 <= cigars && cigars <= 60; + +} +" +36380422ae88252ce0d948e719795c89a1b65f1b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + false; + } +} +" +2c1d959bad1d4d88b4963f709a7e125ed89a0b4d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +126dd763c6f0a5d05d45b79a0f370b045c28cf0d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + false; + } +} +" +0f581b56070a6175e7a29038e1a2ec728b628321,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && (cigars >= 40 && cigars <= 60)) + { + return true; + } + else + { + false; + } +} +" +04783d92f79688638c7b12d06e225fffabd4c761,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && (cigars >= 40 && cigars <= 60)) + { + return true; + } + else + { + return false; + } +} +" +b0d1eb0738712381743b470f3ae7d47b685aaa03,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && (cigars >= 40 && cigars <= 60)) + { + return true; + } + else + { + return false; + } +} +" +e8d18314252976cc79bf5328dc9b2dffdda9ce7b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && (cigars >= 40 && cigars <= 60)) + { + return true; + } + else + { + return false; + } +} +" +36017aa28654cfff9ad20627d48c6ba32f3bff18,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend || (cigars >= 40 && cigars <= 60)) + { + return true; + } + else + { + return false; + } +} +" +3cde3f3e028cf5b0e4a26adc6233d17ec8d549b5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) { + return true; + } else if (!isWeekend && cigars >= 40 && cigars <=60) { + return true; + } else { + return false; + } +} +" +8241762f90199f1b33f410bedfcf13143613c991,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!(isWeekend)){ + if (cigars >= 40 && cigars <= 60) + return ""true""; + else + return ""false""; + } + if (cigars >= 40) + return ""true""; + else + return ""false""; +} +" +8806e5908298fdaaf4c60e9e7d25d8ccb4e5498a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return 40 <= cigars; + } + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +7157fc7473743285e5daecd12b028e6da88ca2ec,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >=40 && <=60) + return true; + else + return false; + } +} +" +429e95c1aa134b91d62196a5139025a0ad9c3d14,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && <= 60) + return true; + else + return false; + } +} +" +d11b599bc3bfc1db8bf0e250da076eb343574a8b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && <= 60) + return true; + else + return false; + } +} +" +4e36a17ca827e37e1db256ca31105990f3bd88cb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return ""true""; + if (!isWeekend == true && cigars >= 40 ** cigars <=60) + return ""true""; + else + return ""false""; + +} +" +e582681f3be7d603b7e40f74413b640321cd43ff,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return ""true""; + if (!isWeekend == true && cigars >= 40 ** cigars <=60) + return ""true""; + else + return ""false""; + +} +" +7da12217f695f5ce5e753ff3dd65ffc4a445faab,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +7bf037056e2edffabd7219b9dfaa5271899004fb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return(true); + } + else + { + return(false); + } + + } + else if (cigars >= 40 && cigars <= 60) + { + return(true); + } + else + { + return(false); + } +} +" +f06099567acd37c76a15874678653ad2c337ad85,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return ""true""; + if (!(isWeekend)) == true && cigars >= 40 ** cigars <=60) + return ""true""; + else + return ""false""; + +} +" +699cb63a23aa6892a02aa531953eda8e02a3503d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return ""true""; + if (!(isWeekend)) && cigars >= 40 ** cigars <=60) + return ""true""; + else + return ""false""; + +} +" +9739466d51afa50c7e2db80f4f4b5a164e7e4570,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return ""true""; + if (!(isWeekend)) && cigars >= 40 && cigars <=60) + return ""true""; + else + return ""false""; + +} +" +3bf973d6d902f1cec6e97094c7e19ab2317c19af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return ""true""; + if (!(isWeekend) && cigars >= 40 && cigars <=60) + return ""true""; + else + return ""false""; + +} +" +611ae50bd0db0c0f25319b1c31b5db37618ce78a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >=40) + return true; + if (!(isWeekend) && cigars >= 40 && cigars <=60) + return true; + else + return false; + +} +" +3f295d6f0d4a21e14fb47daf0d359c19679bd167,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + return(true); + } + } + else + { + return(false); + } +} +" +111c86cc27e1db1f2ea9156e6d12708ff454452e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + + return (cigars >= 40); + + return (cigars >= 40 && cigars <= 60) +} +" +de54cfb915cdbab768d48a5b9c1bd82b42e4d251,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars <= 60 && cigars >= 40) + { + return(true); + } + } + else + { + return(false); + } +} +" +a577fe535e1afd78d83518c948589266f14ae218,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + + return (cigars >= 40); + + return (cigars >= 40 && cigars <= 60); +} +" +51b19799eca7f11013edd29ae09bfb7980334b37,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +43002018e6b4e7293f5b4fc284d7656db54ea30b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return(true); + } + else + { + return(false); + } + } + +} +" +7a7219b7aefd8df10a38038f720f5c61db30287c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +2cf7c043789d2bb889635776f209c19d8900ff12,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigar >= 40) && (ciagr <= 60)) + { + return true; + } + else + { + return false; + } + +} +" +86ca88b91e0983c872af0fc2285abb6abfb0f6d9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigar >= 40) && (cigar <= 60)) + { + return true; + } + else + { + return false; + } + +} +" +b7c506e4067db5dbc70f74f06eacab75747fec0a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigarParty >= 40) && (cigarParty <= 60)) + { + return true; + } + else + { + return false; + } + +} +" +0cf099daca761717579ca1634375c088657e9a79,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else + { + return false; + } + +} +" +50898ea3125c0ca03fc778b9d5394e3c5d523419,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigar >= 40 or cigar <=60) + { + return true; + } + else + { + return false; + } + } + else + { + if if ( cigar >= 40) + { + return true; + } + else + { + return false; + } +} +" +b29f348e9df7307c1de9ffcaca5a928d49fba3b9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} +" +f68b36e75386bbe4d210562c431e769207c7a50b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean cigar = false; + if (isWeekend == true && cigars >= 40) + return cigar = true; + if (!(isWeekend) && cigars >=40 && cigars <= 60) + return cigar = true; + else + return cigar; + +} +" +da58ff99bcdd3d7ee2121513614900eeb209bb20,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigar >= 40 || cigar <=60 ) + { + return true; + } + else + { + return false; + } + } + else + { + if ( cigar >= 40) + { + return true; + } + else + { + return false; + } +} +" +0bcb0e50543143e8469e6a6678d260cbeb1c8c04,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigar >= 40 || cigar <=60 ) + { + return true; + } + else + { + return false; + } + } + else + { + if ( cigar >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +8ddc3e85f599f84356ddfc6350c9b6f17328ae45,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigars >= 40 || cigars <=60 ) + { + return true; + } + else + { + return false; + } + } + else + { + if ( cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +55b509e7d6afb8bf510da80b2de925d164912a9e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else if ((weekend) && (cigars > 0) + { + return true; + } + else + { + return false + } + + +} +" +931a2048d35e222f66857e8653fb26a3cd9e48c3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else if ((weekend) && (cigars > 0)) + { + return true; + } + else + { + return false; + } + + +} +" +639dda42435e95cac272a53df9eb793093e03be4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else if ((weekend) && (cigars > 0)) + { + return true; + } + else + { + return false; + } +} +" +229625d0e16834ca296b63d3585e7bc8fae96b54,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!weekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else if ((weekend) && (cigars > 0)) + { + return true; + } + else + { + return false; + } + } +} +" +57b8777adadd26c91a8317eea2dc07798d85cf72,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigars >= 40 && cigars <=60 ) + { + return true; + } + else + { + return false; + } + } + else + { + if ( cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +66cfd65d4237519c4c9c483048c2318529c0d896,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >=40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + +} +" +2a0df41e1b5afaae6ac27468947838c1b8415d99,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40 && cigars <= 60) && isWeekend == false) + { + return ""true""; + } + else if (isWeekend == false) + { + return ""false""; + } + if ((cigars >= 40) && isWeekend == true) + { + return ""true""; + } + else + { + return ""false""; + } +} +" +f0737506d80db3a41ca301381e61e7d01391614c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((weekend) && (cigar > 0)) + { + return true + } + else if ((cigar >= 40) && cigar <= 60)) + { + return true + } + else + { + return false + } +}" +9723f5e9e1f623624470cc7a46e330cf839ff63e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((weekend) && (cigar > 0)) + { + return true + } + else if ((cigar >= 40) && cigar <= 60)) + { + return true + } + else + { + return false + } +}" +0a6c20b02f71b6d58e329cd563a011f2218b3043,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((weekend) && (cigar > 0)) + { + return true; + } + else if ((cigar >= 40) && cigar <= 60)) + { + return true; + } + else + { + return false; + } +}" +4dd3757634776907caa66e411ac8b7ef9a0eff5a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40 && cigars <= 60) && isWeekend == false) + { + return true; + } + else if (isWeekend == false) + { + return false; + } + if ((cigars >= 40) && isWeekend == true) + { + return true; + } + else + { + return false; + } +} +" +f45e7fbcb298aa416f69006c2c1586036c1680b3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((weekend) && (cigara > 0)) + { + return true; + } + else if ((cigars >= 40) && cigars <= 60)) + { + return true; + } + else + { + return false; + } +}" +c6316f5538175b46645de64c9bca790b338a1794,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((weekend) && (cigars > 0)) + { + return true; + } + else if ((cigars >= 40) && cigars <= 60)) + { + return true; + } + else + { + return false; + } +}" +7b667942942121d6edec37a9028232d0e4d27905,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((weekend) && (cigars >= 40)) + { + return true; + } + else if ((cigars >= 40) && cigars <= 60)) + { + return true; + } + else + { + return false; + } +}" +da165d9afb0b82ff759bbfd1dacfce25200a65bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend) && (cigars >= 40)) + { + return true; + } + else if ((cigars >= 40) && cigars <= 60)) + { + return true; + } + else + { + return false; + } +}" +6564b3086076913ba7b62abbbe969c2475c3e869,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend) && (cigars >= 40)) + { + return true; + } + else if ((cigars >= 40) && cigars <= 60)) + { + return true; + } + else + { + return false; + } + +} +" +4dd8b1f7c65da52aec62a2f63d18cae9996c07d1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend) && (cigars >= 40)) + { + return true; + } + else if ((cigars >= 40) && cigars <= 60)) + { + return true; + } + else + { + return false; + } + +} +" +53122cd9aed3dc59c3a50a02b80bb8e10283196d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((isWeekend) && (cigars >= 40)) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + +} +" +a785fa254707e0187a4e89dccea0b0807c465de2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + return false; + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + return false; + } + +} +" +6e822dabf040e34aa4fbd8fa0295fb11a40507dc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars =< 60) + { + return true; + } + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + } + +} +" +40d12c9b96fca5807554076d54beb6d09ec109e9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if(cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +c0e6f15a82447d64ef444ac2be8fa357a06c5069,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + { + return false; + } + } + +} +" +9fe81288bc9560562aa05878872f5ed55b2e9db8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + } + +} +" +2af2b36300e7798965421cebca7c3475490383ac,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return true; +} +" +3e1c84a5f72b6b6115094751feea6446b5e112c4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + { + return false; + } + } + return cigars +} +" +2b577dddfa375264bfccf90fbd20855b8d7a8f64,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + else + { + return false; + } + } + + +} +" +29982b95a7202356b66f1daeafbfe2e7005283f6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + { + return false; + } + } + return cigars; +} +" +24a8cef819b992ffa1342fb5f7229121a707b4cb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + else + { + return false; + } + } + + +} +" +25f691f44e1e2c120be6868ca099b314475218d4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars<60) + { + return true; + } + else + { + return false; + } + } +} +" +633c36a8afc74ebd33d9353153b20d358242346a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars<60) + { + return true; + } + } + else + { + return false; + } +} +" +5bddf6bc5b86f3d453e8dcce2274538698912b43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if(isWeekend) + { + return(true); + } + else + { + if (cigars >= 60) + { + return(true); + } + } + } + return(false); +} +" +7c0f8bf38a3e57a275f24bb054096b2069509006,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if(isWeekend) + { + return(true); + } + else + { + if (cigars <= 60) + { + return(true); + } + } + } + return(false); +} +" +414ec1c342f8587489bd0d6164831742413d5645,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + return false; +} +" +a76f2adbdde1b7e7fb44e4865a781d8bbf0bbb09,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + else + { + return false; + } + } +} +" +645294b6d98da991856f8dec6f2107035b0bc081,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars<60) + { + return true; + } + else + { + return false; + } + } +}" +3afcfb5b95bbb4959ca6608a9210a1470ece3f60,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60 && false) + { + return true; + } + + + + return false; +} +" +173f232cb7aa0918d29fa032ee609d47185526b6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + if (isWeekend || cigars<=60) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +}" +3b7054d0252945aeb7e39f2a022158cb448d0c6c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 60 && cigars >=40 && !isWeekend) + { + return ture; + } + else if (isWeekend && cigars >=40) + { + return ture; + } + else + { + return false; + } +} +" +2ca73ec8d10aa432705e1c1c70b383c046280d8f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + isWeekend = true; + if (cigars >= 40 && cigars <= 60 && false) + { + return true; + } + + + + return false; +} +" +d41846b844d16c5a19bfd3a0103110a83146805e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 60 && cigars >=40 && !isWeekend) + { + return true; + } + else if (isWeekend && cigars >=40) + { + return true; + } + else + { + return false; + } +} +" +0955749ea870871f8e4c5bb6815f5eb578a2a349,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + isWeekend = true; + if (cigars >= 40 && cigars <= 60 && !isWeekend) + { + return true; + } + + + + return false; +} +" +0f65fce69f43d4aeaf3b0263f3b92496f3ce3681,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + + + return false; +} +" +c4e97b1a35cd995ff62d67f13c202aa5378f5561,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean truth = true || false; + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + { + return false; + } + return truth; + } + +} +" +e1dd357ba55b2d569b1cf744ce1709edb8357ed1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean truth = true || false; + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + { + return false; + } + return truth; + + +} +" +b445aee8d7bc1215e915d15983374ea9da7475d1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if (cigars >= 40 && false) + + + + return false; +} +" +ee49ccb9a1e53f2b67b1306b382bac01273a0469,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean truth = true || false; + if (isWeekend) + { + if (cigars >= 40) + { + return true; + + } + else + { + return false; + } + } + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + + } + else + { + return false; + } + return truth; + + + +" +24d14b68bfca04b60cb350e87dd692062ffce5f7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if (cigars >= 40 && false) + { + return true; + } + + + + return false; +} +" +8e18b7e8bf5a5bbf7da0d5dbf685ad81c051de88,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars>40 && cigars < 60) && (!isWeekend)) + { + return true + } + else if ( isWeekend && cigars>40) + { + return true + } + else + { + return false + } +} +" +5c809ffdb6e43466db93369b8e7802a91b66914e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} + + +" +f0ba3943c17760accd798ec82aa6df7a938af5b7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars>40 && cigars < 60) && (!isWeekend)) + { + return true; + } + else if ( isWeekend && cigars>40) + { + return true; + } + else + { + return false; + } +} +" +668b546412a2a7f890e5409cc29a72bd38e42b1c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars=>40 && cigars =< 60) && (!isWeekend)) + { + return true; + } + else if ( isWeekend && cigars>=40) + { + return true; + } + else + { + return false; + } +} +" +a9ed710acc770c280abcacd51ec75b1d462b022e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( false) + { + return true; + } + + + + return false; +} +" +d10aad3583ad946fb0c9db487ad531715bdacff5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars>=40 && cigars<= 60) && (!isWeekend)) + { + return true; + } + else if ( isWeekend && cigars>=40) + { + return true; + } + else + { + return false; + } +} +" +c763daaa67d3c12e32b088f639100de022f4f394,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( false) + { + return true; + } + + + + return true; +} +" +c1ba9525c67e21d5f41ccf7abded0c9c70ae1505,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( false) + { + return true; + } + + + + return false; +} +" +fa5fe131a9757ff410741dc89f328cd983142cf4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 || cigars <= 60 && true) + { + return true; + } + + else if ( false) + { + return true; + } + + + + return false; +} +" +5593fc95821ac239ec7bd91f13dbe39b62e09570,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + return ""false""; + } + if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + return ""true""; + +} +" +b23d24642de6a55f38290501559d3618711343e0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +b796e7354f7249265ca66ebd8bae5d6f261d5886,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +0dc48e3113986062a489ceac0ed024e00fa43dc6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean result = true; + if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + result = true; + else + result = false; + } + else + { + if (cigars >= 40) + result = true; + else + result = false; + } + return result; + +} +" +fd5a11ed32f4f446e589b4b40cbcb14b38d54278,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( cigars >= 40 && false) + { + return true; + } + + + + return false; +} +" +4b7fabfa1014040499442406830609caa68f9fa9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( cigars >= 40 && true) + { + return true; + } + + + + return false; +} +" +0a60acc12dc203161ed1b7bccdbb8d3aeca347a9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +74d6113d5a715100c429a65cbcfee4e4ad111567,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars <= 40) + { + return true; + } + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + return false; + } +} +" +5f349969d69cd6a5f4e46aaa4a08a006eeec8e89,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +bbca5d75ae0c35c116385e4839bb3307fab3c63e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + return false; + } +} +" +0f413ae0c0fdf51150df6261a5d860adfebd0e3a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (40 <= cigars) + { + return ""true""; + } + else + { + return ""false""; + } + } + + else + { + if (40 <= cigars && cigars <= 60) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +1797f9758b4f8d7f4e6a9bfb571a26e5df1d14e0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( cigars >= 40 && true) + { + return true; + } + + else if cigars >= 40 && cigars <= 60 && false) + { + return false; + } + + + + return false; +} +" +910d7626142408fa26f58db6a6cbe880a475c5ea,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( cigars >= 40 && true) + { + return true; + } + + else if (cigars >= 40 && cigars <= 60 && false) + { + return false; + } + + + + return false; +} +" +89e44f7ebb3ade09eb59c6d2c7b4db306b2ed707,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (40 <= cigars) + { + return true; + } + else + { + return false; + } + } + + else + { + if (40 <= cigars && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +3957fd2d96a96f8d752280e7238c401f918a5848,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +c3885e31951eaa3fa4c8550a02569e48df6653c0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + return true; + else + return false; + } + else + { + if (cigars > 40 && cigars < 60) + return true; + else + return false; + } +} +" +05d4cad5ddb65f9616e60333cfe355f8031b8c21,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +74300f0bf05b5dc5325851a3dfafb07cd9cac514,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +98ebff31c9d2eb36c5fe314da0b6da7caea7c944,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false && cigars >= 40 && cigars <= 60) + { + { + return true; + } + else + { + return false; + } + } + if (isWeekend == true && cigars > 60) + { + { + return true; + } + else + { + return false; + } + + } + else + { + return false; + } +} +" +ee23d1f77bbc863d5dc9f66e5d4d942de8cb1895,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend +} +" +1a274c176bab0bbf85c4df66fcefc16edf9cbbf6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( is Weekend == true && cigars >= 40) + return true; + if (!(isWeekend) && cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +e118524185d89d69a694a9118ebee01dc4e9ddb5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false ) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend == true ) + { + if (cigars > 60) + { + return true; + } + else + { + return false; + } + + } + else + { + return false; + } +} +" +b1f07674591dc0d7ef5c1cf99ee107ca11d54ca8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + return true; + if (!(isWeekend) && cigars >=40 && cigars <= 60) + return true; + else + return false; + +} +" +272be3b3997f38390ad3f95d0ca20f9762ba273a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean succesful; + if (isWeekend) + { + if (cigars < 40) + { + succesful = false; + } + else + { + succesful = true; + } + } + else + { + if (cigars < 40 || cigars > 60) + { + succesful = false; + } + else + { + succesful = true; + } + } +} +" +85c554369470a3fec90e710fd795dbf48dc67f82,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean succesful; + if (isWeekend) + { + if (cigars < 40) + { + succesful = false; + } + else + { + succesful = true; + } + } + else + { + if (cigars < 40 || cigars > 60) + { + succesful = false; + } + else + { + succesful = true; + } + } + return succesful; +} +" +cd8e67df3eac0b3b108bd95744794818bc09347e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + false + } + + +} +" +1ff0c54d234c9ad72ca62f42d58f01cd0441b54f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + false; + } + } +} +" +443fbdf03a2cc03d6691b9ef06e49217ec0b5bb6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +2b99a3a095240d480ce9430f0863f46039c551fd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigar >= 40 && cigars <= 60) + return true; + else + return false; +} +" +8d1dab445fca8cbd24686ffaabdeadb1fc53a22e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigar >= 40 && cigar <= 60) + return true; + else + return false; +} +" +d406540ecc9bccf887ca655b5fdd5d9cfd0e859a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigar >= 40 && cigar <= 60) + return true; + else + return false; +} +" +856b7cdc98607fa8f9f57c8e459837333f1a20c9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false ) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend == true ) + { + if (cigars > 40) + { + return true; + } + else + { + return false; + } + + } + else + { + return false; + } +} +" +dd28a1c0e295ff115de419417d9c7cb4d04c4b2b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +518b08dc4bd61ae07e44c4e5890743534ae8ae11,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false ) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend == true ) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + + } + else + { + return false; + } +} +" +767428155d50960f4f0b82a89cf265149eee71f0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40 ) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +c16633ee0c2f5f04160a12c2310968776d758220,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 || cigars <=60)) + { + return false; + } + else + { + return true; + } +} +" +fd658c5c9a6a24ab662fa914c2203c0f2922757a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 && cigars <=60)) + { + return false; + } + else + { + return true; + } +} +" +281e949376169610b482362df0c72352f0267b75,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!(isWeekend)) + { + if (cigars >= 40 && cigars <= 60) + return true; + } + else if (cigars >= 40) + return true; + else + return false; +} +" +b4e8eca653b2dad929c4b660acf5f60efd0bf997,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 60); + return (cigars >= 40 && cigars <= 60); +} +" +ff0acc3d18a1243caed77535e5da850de0d99c06,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +69f03c6d83b354a63b3cf0eca24e43d1b26e8fa6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean weekend = false; + + if (isWeekend = false) + { + if (cigars > = 40 && cigars <= 60) + { + weekend = true; + } + } + else + { + if (cigars >= 40) + { + weekend = true; + } + } + + return weekend; +} +" +22fbb17723932373afb0be4e184a150501515c43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + // isWeekend = true; + if (cigars >= 40 && cigars <= 60 && true) + { + return true; + } + + else if ( cigars >= 40 && true) + { + return true; + } + + else if (cigars >= 40 && cigars <= 60 && false) + { + return false; + } + + + + return false; +} +" +01e1af9ee52bd728b6d3345eb73190be9ca3c993,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean weekend = false; + + if (isWeekend = false) + { + if (cigars > = 40 && cigars <= 60) + { + weekend = true; + } + } + else + { + if (cigars >= 40) + { + weekend = true; + } + } + + return weekend; +} +" +96fc4bb6076a0d35829c215c7bdc5cb06379d197,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean weekend = false; + + if (isWeekend = false) + { + if (cigars >= 40 && cigars <= 60) + { + weekend = true; + } + } + else + { + if (cigars >= 40) + { + weekend = true; + } + } + + return weekend; +} +" +4cfeaad76eaed40620e917ac3ace55528e45787a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars > 40 && cigars < 60)) + { + return false; + } + else + { + return true; + } +} +" +101f352883069e409fdbd0359036fd62f93dde05,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean weekend = false; + + if (isWeekend = false) + { + if (cigars > 39 && cigars < 61) + { + weekend = true; + } + } + else + { + if (cigars > 39) + { + weekend = true; + } + } + + return weekend; +} +" +473419074afb1882291bf5a9c8267666bfcf678a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party; + if (weekend == true) + { + if (cigars >= 40) + { + party = true; + } + else if (cigars < 40) + { + party = false; + } + } + else if (!(weekend == true)) + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = true; + } + else + { + party = false; + } + } + return party; + +} +" +850d33d69494f30bf353b3f798f40b096c9119ac,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party; + if (isWeekend == true) + { + if (cigars >= 40) + { + party = true; + } + else if (cigars < 40) + { + party = false; + } + } + else if (!(isWeekend == true)) + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = true; + } + else + { + party = false; + } + } + return party; + +} +" +7993d7b6df8da7e4adbf6e710c0adedcc23bbf3d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean party = true; + if (isWeekend == true) + { + if (cigars >= 40) + { + party = true; + } + else if (cigars < 40) + { + party = false; + } + } + else if (!(isWeekend == true)) + { + if ((cigars >= 40) && (cigars <= 60)) + { + party = true; + } + else + { + party = false; + } + } + return party; + +} +" +30c62c914d74f9afddc9e683c45a54a08e4af6c5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return true; + if (cigars >= 40 && cigars <= 60) + return true; + else return false; +} +" +13f72af1507b1cedbcd964ad8a7b3a3a4ec241ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + else + + return false; + + } +} +" +2cab5a553071551dbb0615aba996d7cd5ddae1ca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + if (cigars >= 40 && cigars <= 60) + return true; + else return false; +} +" +f8c7b8d90023272798c6d8090f1d01e62595247e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + { + if( cigars > 40) + { + return true; + } + else + + return false; + + +} +" +d79d23360c384a351d8c54cb6e393e153022c4a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if (isWeekend) + + if( cigars > 40) + { + return true; + } + else + + return false; + + +} +" +f1c2da983f00bfc4797e0fe6fd903829e45277dd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return cigars >= 40 + + if (cigars >= 40 && cigars <=- 60) + return true; + else + return false; +} +" +a2ec213f88dee7791b3f52f420d22bb393426ef8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return cigars >= 40 + + if (cigars >= 40 && cigars <=- 60) + return true; + else + return false; +} +" +8f5e5404feb95e7c62e0fe4dd9397bd62b3b67d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return cigars >= 40; + + if (cigars >= 40 && cigars <=- 60) + return true; + else + return false; +} +" +09cb7fc3bb94e6b4584ea44afa99bb4cbd15e177,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars > 40) + return true; + else if (!isWeekend) + if (cigars > 40 && cigars < 60) + return true; + return false; +} +" +5c2031b565e45f0250564acade94abf899fe270e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return cigars >= 40; + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +6de3955b5d2e1e41ea24808b7534eba78b93cf9c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + return true; + } + else if (!isWeekend) + { + if (cigars > 40 && cigars < 60) + return true; + } + + return false; +} +" +2464bab1e4a85563d626b14e4c79b05c45e498dd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + return true; + } + else if (!isWeekend) + { + if (cigars > 40 && cigars < 60) + return true; + } + + else + { + return false; + } +} +" +741bedb5c714994824049fdfc37bea3b52130914,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars > 40) + return true; + } + else if (!isWeekend) + { + if (cigars > 40 && cigars < 60) + return true; + } + return false; +} +" +002c3ea5840ad4349fa90242fb74ff84724b68de,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars == 40 || cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars == 40 || cigars == 60 || (cigars > 40 && cigars < 60)) + { + return true; + } + else + { + return false; + } +} +" +7007137a022194b99ff4b6055d778f544bb20027,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars == 40 || cigars > 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars == 40 || cigars == 60 || (cigars > 40 && cigars < 60)) + { + return true; + } + else + { + return false; + } + } +} +" +5ee574f6e79ba9b839ac7d0ed1c2a1cdb6b1f987,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else if (cigar >= 40 && cigar <= 60) + { + return true; + } + else if (cigar < 40 || cigar > 60) + { + return false; + } +} +" +92436489a1bbdda12a6ba3f5f94e176c910afee2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else if (cigars < 40 || cigars > 60) + { + return false; + } +} +" +9a3183332314a47fefe0a228e0be3ada5e4d3738,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + + if( cigars > 40) + + return true; + + else + + return false; + + +} +" +d1dd8c004fa5ddba3db76a4dd1c91a982aebf7b1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + if (!isWeekend && cigars >= 40 && cigars <= 60) + if (cigars > 40 && cigars < 60) + return true; + else + return false; +} +" +970d27d74cc333936e8612561928b0a3af94cc2a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + return true; + if (!(isWeekend) && cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +1a1cd4a4c1a5ed8de6bf95e1bc43ce0d27c7ca25,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return ""true""; + } + else if (cigars >= 40 && cigars <= 60) + { + return ""true""; + } + else if (cigars < 40 || cigars > 60) + { + return ""false""; + } +} +" +18bcc6305eaebaffe10b73985275188e2bdfcee5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + return cigars >= 40; + + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +4b5625b783ce2674565ee2b217fed09de10491b8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else if (cigars >= 40) + { + return true; + } + else + { + return false; + } +} +" +caa011d750bd6145e9c556c4643c3502d5dbd49b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + if +} +" +1be43ecdcb1f9ce24c3c5e43cdcd503de4b7e264,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true ; + } + + else if (isWeekend) + { + return false; + } +} +" +209d811434ce41c82ac513a786fa3423514fe22f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true ; + } + + else(isWeekend) + { + return false; + } +} +" +0ba0280d3b2c0351271eabf1cae139dd59c64c32,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 || cigars <= 60); +} +" +d566b8c6915c9d0d45b63dbaa1bcd679818925e8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true ; + } + + else if (isWeekend) + { + return false; + } +} +" +f8e6a78ad9f49e8a1fde72e946d64e3ce278bf72,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + //no upper bound on the cigars + return cigars >= 40; + + + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +c236855d65744a31ab4fc24f699764fee5a71bab,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true ; + } + + else if ((cigars >=40 && cigars <=60) && (isWeekend)) + { + return false; + } +} +" +e09914322898cf67a60d554792ec3b53842e91e3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean weekend = false; + + if (isWeekend == false) + { + if (cigars > 39 && cigars < 61) + { + weekend = true; + } + } + else + { + if (cigars > 39) + { + weekend = true; + } + } + + return weekend; +} +" +7b7443ea7bbc2d9ae9428bd460ac83fe93d45883,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else if ((cigars >=40 && cigars <=60) && (isWeekend)) + { + return false; + + } + else + { + return false; + } +} +" +3fec6a93dd6cdc79d40045a7b21371b5ef50b920,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + if(cigars >= 40) + return true; + if(cigars <=60) + return false; + } + +} +" +8e46ab1fbfef557127c2582a10024f3a7395ae57,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + if(cigars >= 40) + return true; + if(cigars <=60) + return false; + + +} +" +61dc2468ef670d083426520e1326c04ecf66b4cc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 40) + return true; + if(cigars <=60) + return false; + + +} +" +946cd0710874c26a45aee3652b9f77a2be7b7e24,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + if(cigars >= 40) + return true; + if(cigars <=60) + return false; + + +} +" +ec70545c2ad362a83adbaa37891dc45ef169a337,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + + } + else + { + return false; + } +} +" +634bfb2263d587be2d2eaa8d65d5cadaadcbe2a0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +21c0c7716116756f569c4edfdf615de0c9d04f48,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 || cigars <= 60); + return (cigars < 40 || cigars > 60); +} +" +61c364f4bf8bd3f49b39bdfe958a0c52bf601e7c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return true; + } +} +" +90fd44ad923fbacb476ba9af5b2c47589ee4f774,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +a45341f6fca711240c3a2ab5c06613d94da75bcd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + isWeekend == false; + } + else if (cigars >= 40) + { + isWeekend == true; + } + + return isWeekend; + +} +" +c1b84e6ebd0379b62accd5bd22d64ddaeafade65,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars <=40 && cigars >=60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +d0e5d58f023e905564f1759d457e24b5f80dd8b1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + isWeekend = false; + } + else if (cigars >= 40) + { + isWeekend = true; + } + + return isWeekend; + +} +" +45fa3a24e1c2fde12386f85ed3bcff4b6f997e4f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars <40 && cigars >60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +f90b8a5d01355d55e2da95a30345dcd00c5714c9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + return (cigars >= 40 || cigars <= 60); + } +} +" +3f161f4ea16a86539cd0a71439129f8bd3db2fda,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + isWeekend = false; + } + else if (cigars >= 40) + { + isWeekend = true; + } + else + { + isWeekend = false; + } + + return isWeekend; + +} +" +cb78ff0cced3743398a97b6f17c68c95e78b1af6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 || cigars <= 60); +} +" +01a683260de62603480f7a44304f81ffb3e3f924,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if ( cigars > 39 && cigars < 61) + return true; + else + return false; + else + return true; +} +" +a87e6dae0262f2b08185e7bbf3f93799e8363996,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=70) && (!isWeekend)) + { + return true; + } + else if ((cigars <40 && cigars >60) && (isWeekend)) + { + return false; + + } + + + else + { + return false; + } +} +" +4a663f0059ba02b1e3f1ed6464b1f4bc57a8c267,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend){ + if(cigars >= 40) + return true; + if(cigars <=60) + return false; + } +} +" +fbff9a625a47940773d003b96fcd850a19276e3c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <40 && cigars >60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=70) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +07d0a29f702d6a6b439fba3a0b492a1fe8e1a76f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <40 && cigars >60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=70) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +2c7165d2dfde2a16c20b23914aec8f4c6ad6b9db,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (is weekend) + { + if (cigars >= 40) + { + return ""true"" + } + else + { + return ""false"" + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return ""true"" + } + else + return ""false"" + } +} +" +cfc41c03c900e6c0ff7c0794e410924144328c8f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <40 && cigars >60) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +550cab03009915433e903e0aeda2d572fc7705f2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + else + return (temp >= 60 && temp <= 90); +} +" +a60f841638942bb4ba06717e863da5e844e26bf7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 60) + { + isWeekend = false; + } + else if (cigars >= 40) + { + isWeekend = true; + } + else + { + isWeekend = false; + } + + return isWeekend; + +} +" +2650da455f19cc96a6005046b01168336ccad9eb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return ""true""; + } + else + return ""false""; + } +} +" +860c64260f4b2b37f4cfbd4bacd74954b381ffad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (temp >= 60 && temp <= 100); + else + return (temp >= 60 && temp <= 90); +} +" +ab7a7590b3816b27a6b03228553eaca0d65f6ad2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + if ( cigars > 39 && cigars < 61) + return true; + else + return false; + else if ( cigars > 39) + return true; +} +" +0b8e44fab120976bee0bf34084b851c9cf8e0dd5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <=40 ) && (isWeekend)) + { + return false; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +24bc630e4e6fe081ed1ff103767b77ff4b9a6de8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars <= 60 && cigars >= 40) + { + isWeekend = false; + } + else if (cigars >= 40) + { + isWeekend = true; + } + else + { + isWeekend = false; + } + + return isWeekend; + +} +" +a0421042c4228811e0fbc572258a67bec7391ba0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +39ad8258be93ab5e905ca8c59ec302cf8e6e76cc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigars > 39 && cigars < 61) + return true; + else + return false; + } + else if ( cigars > 39) + return true; +} +" +d2c003de8a815552d1ab88fc9d94f55f458568e0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + else + return (cigars >= 40 && cigars <= 60); +} +" +48971e069ebbc0f64deeacfca852cbc994c43e17,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return (cigars >= 40 && (isWeekend || cigars <= 60)); +} +" +f464fa5b8f4eafa87bedfb0672d5791cdf15a729,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <=40 ) && (isWeekend)) + { + return true; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend)) + { + return true; + } + + else + { + return false; + } +} +" +2ddbe39e8061275cb6117e98ae101d49581d5822,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = false) && cigars > 60)) + return false; + if(cigars <=60) + return false; + } + if (!isWeekend) + +} +" +53a7514e8315e1d7ea59a78c420a4ef903c0e903,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigars > 39 && cigars < 61) + return true; + else + return false; + } + else ( cigars > 39) + return true; +} +" +de754f4e9a5859e5056a2d5bcc74c44792f499f9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend = false) && cigars > 60)) + return false; + if(cigars <=60) + return false; + } + +} +" +040694060e4c42814b64fddbce87d82fb5d0fa71,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <=40 ) && (isWeekend == true)) + { + return true; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend == true)) + { + return true; + } + + else + { + return false; + } +} +" +d0b4e14173c58e9ad1e9762a153010152b210a43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigars > 39 && cigars < 61) + return true; + else + return false; + } + if (isWeekend && cigars > 39) + return true; +} +" +5bf9860ef31d524a602248b851c17a152de3859a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <=40 ) && (isWeekend == true)) + { + return true; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend == false)) + { + return true; + } + + else + { + return false; + } +} +" +8e988af0a0fccbd19316199048d8477c3bb036df,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend) && cigars > 60)){ + return false; + } + if(cigars <=60) + return false; + } + +} +" +5ca7a39b35ea6624b175d091ec2c9e3b79a95b3d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ( cigars > 39 && cigars < 61) + return true; + else + return false; + } + if (isWeekend && cigars > 39) + return true; + else + return false; +} +" +ba4d285d8c971abfbe76118cae86430e04042768,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + int boolean true; + int boolean false; + if (isWeekend) + { + if (cigars >= 40) + { + true = 1; + } + else + { + return ""false""; + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return ""true""; + } + else + return ""false""; + } +} +" +fa7c857dc2c8f4752cb9f66b1f271aec532afcc5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend) && cigars > 60)); + { + return false; + } + if(cigars <=60) + return false; + } + +} +" +e1f5459d8909ebba70aa6abfede6b9a94d8a85cc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <=40 ) && (isWeekend == true)) + { + return true; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend == true)) + { + return true; + } + + else + { + return false; + } +} +" +e5ff13b906e7c6e0486f031024a9ab64d45f3b7e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend) && cigars > 60)); + { + return false; + } + if(cigars <=60) + { + return false; + } + +} +" +babbab729fff10a7710726888d945b779abd4e2d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + + if ((cigars <=40 ) && (isWeekend == false)) + { + return true; + + } + else if ((cigars >=40 && cigars <=60) && (!isWeekend == true)) + { + return true; + } + + else + { + return false; + } +} +" +4134d04e19aff0186a9d7f3d9e9b064c12f35c3b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend && cigars > 60); + { + return false; + } + if(cigars <=60) + { + return false; + } + +} +" +d08e01f489cb1172818217166c1c0ad22f91bc66,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= ""40"") + return true; + else + return false; + else if (cigars >= 40 && cigars <= 60) + return true; + else + true; +} +" +3b9bda2e7b8dde879df21745be9e7c3f3cd9aa9e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (!isWeekend == false)) + { + return true; + } + + else if ((cigars <=40 ) && (isWeekend == true)) + { + return true; + + } + + + + else + { + return false; + } +} +" +498749b052a38bc82c01841ce3575edd3497edbb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= ""40"") + return true; + else + return false; + else if (cigars >= 40 && cigars <= 60) + return true; + else + return true; +} +" +6bc287a67c74975836edbc958aa957977587c766,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= ""40"") + return true; + else + return false; + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +5af47098300ce41b510ced62baea9460ff71a204,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return ""true""; + } + else + return ""false""; + } +} +" +b711516baf251470e1c4de971c8a8ae09ae40795,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +4c54ec63577977223b5b3143ea225535908f593d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (isWeekend == false)) + { + return true; + } + + else if ((cigars <=40 ) && (isWeekend == true)) + { + return true; + + } + + + + else + { + return false; + } +} +" +bf6d65a22dbd4b39f65204bbfa5d62e83924cfc2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend) + +} +" +b0004ceb75bd9b8fb8f8647e00420450f31d0bb8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); + +} +" +8294d5989bd72ab3256d9b0427b4cace8607d55c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return ""true""; + } + else + { + return ""false""; + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +d7d1d087d07ece54bed40445f90f4e6567824147,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >=40 && cigars <=60) && (isWeekend == false)) + { + return true; + } + + else if ((cigars >=40 ) && (isWeekend == true)) + { + return true; + + } + + + + else + { + return false; + } +} +" +1c7844a8ef36c70a927983781a7ed9395ec6bb70,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + + if( cigars > 40) + + return true; + + else + + return false; + + +} +" +2c3c3d15d3e92da1d74cf26394d9aad37c7077ef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + + if(isWeekend) + + if( cigars > 40) + + return true; + + else + + return false; + return false; + + +} +" +e46e62ed3f6b24a85f46b8b1a937b064a4f29974,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(cigars >= 40 && cigars <= 60) + + return true; + + else + + return false; + + + if(isWeekend) + + if( cigars > 40) + + return true; + + else + + return false; + return false; + + +} +" +37838fa2a9a02c6da50fc4524ddc52694b13358a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +aeb6b431d9517bdc459649426a5e2622df8c129a,"public boolean cigarParty(int cigars, boolean isWeekend) { + if(isWeekend && cigars >= 40) + return true; + else if(cigars >= 40 && cigars <=60) + return true; + else + return false; +}" +8b2b655d42e0c7af52d1e8c060f5438b49fb22ea,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + + if( cigars > 40) + + return true; + + else + + return false; + if(cigars >= 40 && cigars <= 60) + + return true; + + else + + return false; + + + + return false; + + +} +" +594807f248dd73444e30f6741d32a39405fa8bfb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars <=60 && cigars >=40) + { + return true; + } + else + { + return false; + } + } +} +" +4aa64a519f8fb65bd8bcb950251b7e3a6039e65d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40, isWeekend == true) + { + return true; + } + + else if (cigars >= 40 && cigars <= 60, isWeekend == false ) + { + return true; + } + + else + { + return false; + } + +} +" +ae9ea7fe21998af68a31d38035bcb0bbbadb3fbe,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + + if( cigars > 40) + + return true; + + else + + return false; + if(cigars >= 40 && cigars <= 60) + + return true; + + + + return false; + + + + +} +" +4e1a4e806b3dc5029771b05b87f3ab47ebe3499b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && isWeekend == true) + { + return true; + } + + else if (cigars >= 40 && cigars <= 60 && isWeekend == false ) + { + return true; + } + + else + { + return false; + } + +} +" +9f52dd14014177a73db39f6f7013f73f15b1470b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + +} +" +75d5adb9992a9052d6202f756764e7e8686923a0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + + return (cigars >= 40 && cigars <= 60); +} +" +37cc340352d57e75b67ad61de599e4809449c2ae,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +5202123626a5217360fdf2cb37a25a6919d732cb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 && cigars <=60)) { + return true; + } + else{ + return false; + } + } +} +" +bd7f77cccc437a1568a17e7513001dda4b918d67,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 && cigars <=60)) { + return true; + } + else{ + return false; + } +} +" +85f268b505c0bac7e29ac3739fae2f1d91fbed51,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend || (cigars >=40 && cigars <=60)) { + return true; + } + else{ + return false; + } +} +" +af004cd0a3818c871977e38342daeac1fc7bb785,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(!isWeekend && (cigars <=40 && cigars >=60)) { + return false; + } + else{ + return true; + } +} +" +6ae193e5d621b8e866b41f7a3c7364ab2f3882dd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +" +0be0990f3cef7a3e690b3608689ba72ec4049feb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + String sucessful = true; + String failure = false; + if ((cigars >= 40) && (cigars <= 60) && (isWeekend=false)) + { + return successful; + } + else if (isWeekend=true) + { + return successful; + } + else + { + return failure; + } +} +" +c1bc4d04356001fe8cf1d8736880a5094ecb3d30,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && (cigars >=40 && cigars <=60)) { + return true; + } + else{ + return false; + } +} +" +8d30d97f5e84a4d4c7732b168fa212ee33a68a90,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend || (cigars >=40 && cigars <=60)) { + return true; + } + else{ + return false; + } +} +" +d9ad525cfa638010e90082c9cae7dd6bced1b758,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40) && (cigars <= 60) && (isWeekend=false)) + { + return true; + } + else if (isWeekend=true) + { + return true; + } + else + { + return true; + } +} +" +bfd6a9b65ff991e15a35d513acf8322ae20dafc8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +" +dbb25b496b80b300b79af39af455506dc27cbc21,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40) && (cigars <= 60) && (isWeekend=false)) + { + return true; + } + else if ((cigars >= 40) && isWeekend=true) + { + return true; + } + else + { + return true; + } +} +" +8ed5d81fe51e696302d240e09f40835588900e16,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40) && (cigars <= 60) && (isWeekend=false)) + { + return true; + } + else if ((cigars >= 40) && isWeekend=true)) + { + return true; + } + else + { + return true; + } +} +" +0ebe0b4bad17f45b5a646964e837c655495f28f3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40) && (cigars <= 60) && (isWeekend=false)) + { + return true; + } + else if ((cigars >= 40) && (isWeekend=true)) + { + return true; + } + else + { + return true; + } +} +" +69faca76c5bae82083b1e7c9ced9ff192826f8cd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ((cigars >= 40) && (cigars <= 60) && (isWeekend=false)) + { + return true; + } + else if ((cigars >= 40) && (isWeekend=true)) + { + return true; + } + else + { + return false; + } +} +" +620c6a32decdc365c6c15b1298d77f458515328b,"public boolean cigarParty(int cigars, boolean isWeekend) + if (cigars >= 40 && cigars <= 60) + return true; + if (isWeekend == true && cigars >= 40) + return true; + else + return false; +} +" +d8e569116917bd381529333c277e38dd2c79a5e5,"public boolean cigarParty(int cigars, boolean isWeekend) { + if (cigars >= 40 && cigars <= 60) + return true; + if (isWeekend == true && cigars >= 40) + return true; + else + return false; +} +" +8ec074a4bc9af6d30b8207b688ac044b9c26689f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + return false + else + if (cigars < 60) + return true + else + if (isWeekend) + return true + else + return false + +} +" +e23c2e94777a8eaaebb3d8e10c2bce2c851b220d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + return false; + else + if (cigars < 60) + return true; + else + if (isWeekend) + return true; + else + return false; + +} +" +43a28013165c37bdfcc309481c7653209342f03b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars < 40) + return false; + else + if (cigars <= 60) + return true; + else + if (isWeekend) + return true; + else + return false; + +} +" +44f633ae6ebdee9a4e772bf4ac54ebb9aa6c36ad,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if(cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + +} +" +2243f396cb9adb5f2e4cd8b89e45eca27c4842bc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + +} +" +678eb9abd4c048458c106b986846f755540f11c3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true; + } + else if(cigars < 40) + { + return false; + } + } + else + { + if(cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + +} +" +bd301c0bd19f67e12e3fef826417c6faaf29bfea,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars >= 40) + { + return true; + } + else if(cigars < 40) + { + return false; + } + } + else + { + if(cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } + } + + +} +" +37cd1542aec935438d94b1500c4305ba7c73c072,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +989020f68b3de06b4a90c1089377da50e38377f5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} +" +3ab86787b83d1307b88d8ab577db7f182d8cac88,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + return (cigars <= 60 || isWeekend) + } + return false; +} +" +3815f20185298fdd97e0359e1a5300f6b855fe84,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40) + { + return (cigars <= 60 || isWeekend); + } + return false; +} +" +9ddd157f5489e252edef4493cc9e139b7e008881,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true + } + else if (!isWeekend) + { + if (cigars >= 40 || cigars <= 60) + { + return true + } + else + { + return false + } +} +" +7b998fe8105b0ad589d52381a7b256a4725b1e43,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else if (!isWeekend) + { + if (cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +4b069b09c203f351337e33a547c399f6546f82f6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else if (!isWeekend) + { + if (cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +d20beb58eab42daa8679729b4f3325298ce6bf4d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + } + + +} +" +3682ba49c435756f050f78883df210b3092d030f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + } +} +" +4a6a0c973f5476595ad984d281740ab2556f5e9a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 || cigars <= 60) + { + return true; + } + else + { + return false; + } +}" +25f1e1aecef6e2d6b70d8895775f7d83d11b466a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +fafcc94c081fe8b7ef703030063d588e6356e885,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +}" +05fd37a32427c0c878c581fe500009e7e3df7acd,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +[/sourcecode] + + +dateFashion: + +public int dateFashion(int you, int date) { + if (you <= 2 || date <= 2) return 0; + return (you >= 8 && date >= 2 || date >= 8 && you >= 2) ? 2 : 1; +} +" +027d9c67e52df0ed6683b43d28d19b42ff35ac01,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +[/sourcecode] +} +" +aa09ced14c12277c889f903485751c1830628404,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) return (cigars >= 40); + return cigars >= 40 && cigars <= 60; +} +" +9adb919c588ba9032783904851a690204abbcae4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + if (cigars >= 40) + return true; + else + return false; + else + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +e5df3d0747ff33c6789519b15c9722e48a2811a8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ) + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false; +} +" +49a869c047b9aa22fa5dce60d8a46d4ba5053625,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (cigars >= 40 && cigars<=60) + { + return true; + } + else + { + return false; + } + +} +" +b5d77ee7c01c774391ef1972a3aa8db225369cc9,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + return true; + else if (cigars >= 40 && cigars <= 60) + return true; + else + return false; +} +" +ac56f47298fb20942e3fcd0fad62d9821f6c88e6,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +c805aaca282d342509551b4b0bd41408c1e9af40,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); +} +" +e7548efcb60902a0fa0fd3a75441b32155eb0eef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + } + else if (!isWeeknd) { + if (cigars >= 40 && cigars <= 60) { + return true + } + } + else { + return false; + } +} +" +bf8db6c5c139e6921506d6f875e1eaaa1b741c50,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true && cigars >= 40) + return true; + if (!(isWeekend) && cigars >=40 && cigars <= 60) + return true; + else + return false; +} +" +8ee599c863a6c2278114590a2d0fc3308729d1af,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + } + else if (!isWeeknd) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + } + else { + return false; + } +} +" +dcaaed66295a65f5ebb288eecc1216b89354ecb0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ) + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false; + +} +" +c0c913c34d86fba1b44712337ad5e351fee9256e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } + else (!isWeekend) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } + } +} +" +8f505e7ece7576b28eb2679896e150dc2c4a0833,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } + else { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } + } +} +" +1f547bca51ea7f8aa99763c3e6eea9092d7640f1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } + else { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } + } +} +" +4f118f84ed15897d0b2e3daeadcaa1454e46efdb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else if (cigars < 40 || cigars > 60) { + return false; + } + } + else if (isWeekend == true) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +} +" +e66dc716476cde89c9c52856c4ea9c38b164287a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else if (cigars < 40 || cigars > 60) { + return false; + } + } + else if (isWeekend == true) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +return cigarParty(); } +" +27c2a059805f496a3d3de0a6d20f80d298fe209b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else if (cigars < 40 || cigars > 60) { + return false; + } + } + else if (isWeekend == true) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +return cigar; } +" +81531e5cca2763d35e5342b12b1b136b34608f2a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else if (cigars < 40 || cigars > 60) { + return false; + } + } + else if (isWeekend == true) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +return cigars; } +" +aeac990c73fad3113c31f980512c550001cb5493,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == false) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else if (cigars < 40 || cigars > 60) { + return false; + } + } + else if (isWeekend == true) { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +return isWeekend; } +" +0ec282407589d371dc93ff6684bf8d65d8a68983,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend && cigars >= 40) + return true; + + else if(cigars >= 40 && cigars <=60) + return true; + + else + return false; +}" +b5e79b7b62d395b68eec626c48a8c28e21c34a78,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } +} +" +92f567ad55b748c20cc3463717c9b277e77764f7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } + } + else { + if (cigars >= 40) { + return true; + } + else { + return false; + } + } +} +" +08e99e01d814a55f15adec8ea2dbb841d7dfed3b,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean t=true; + if (weekend==true) + { + if (cigars>=40) + { + t=true; + } + + else + { + t=false; + } + } + + else + { + if (cigars<=60 && cigars>=40) + { + t=true; + } + + else + { + t=false; + } + } + return t; +} +" +b12705544716b7538061bab80641b5f99682fe78,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + return cigars; +} +" +7aceb2d6e639e74601dc48e8913ef6e9e074bf29,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean t=true; + if (isWeekend==true) + { + if (cigars>=40) + { + t=true; + } + + else + { + t=false; + } + } + + else + { + if (cigars<=60 && cigars>=40) + { + t=true; + } + + else + { + t=false; + } + } + return t; +} +" +dff3887cd6ce227a10e6277664cb3cee6d46f9a1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + return isWeekend; +} +" +6aadcea9a1c9a93f85cb4a03116dcd18a7d0c3b3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean success; + if (cigars >= 40 && cigars <= 60) + { + success = true; + } + else if (isWeekend == true && cigars >= 40) + { + success = true; + } + else + { + success = false; + } + return success; +} +" +c756bc43ec45d50aa6d508382eca55b7ba0d227c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40 ) + { + return true; + } + else + { + return false; + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +3a6af000b0e0dfde2842b59b42c82590e666134c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if is_weekend: + if cigars >= 40: + return True + else if: + cigars >= 40 and cigars =< 60: + return True + else: + return False +} +" +3c6555ab00c224b550a06e9ffbc689160800d208,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return true; + + } + + else if( cigars > 1 && cigars < 100 && isWeekend) + { + return true; + } + + else { + return false; + } + + + +} +" +7c5e2e90ccd17b11829db16f02c1908101762174,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} +" +bb81513864f628ea80afeadcc58220cafd204110,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + if (isWeekend == true) + { + return true; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +0280922725ddd17a80b1b911ae7b56ae14c5c427,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + if (isWeekend == true) + { + return true; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +cd8744cd573579f54ee33b9a419a1ad8f718fa76,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + if (isWeekend == true) + { + return true; + } + else + { + return true; + } + } + else + { + if (isWeekend == true) + { + return true; + } + else + { + return false; + } + } +} +" +1ff0de4d0f7bbb82218672147817b00cf0f2a42e,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (cigars >= 40) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } +" +bf62bf154903a0adbee2d803e2293e431127dd41,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + + if (cigars >= 40) + return true; + + if (cigars < 40) + return false; + + if (cigars >= 40 && cigars <= 60) + return true; + + return false; +} +" +986b129b0435bfdfa1311b9b6b70db41e03f4d46,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (cigars >= 40) + { + if (cigars <= 60) + { + return true; + } + else + { + return false; + } + } +}" +79760bebdc2256f84fbb0b3e30fd44100f54b054,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (!isWeekend) + { + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + + else + { + return false; + } + } + + else + { + if (cigars >= 40) + { + return true; + } + + else + { + return false; + } + } +} +" +aa7bbd7debbbae969cfb93336856d1cee3ec93c2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (cigars >= 40 && cigars <= 60) + { + if (isWeekend == true) + { + return true; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +13bd9efaae7125fd3e48add06a7df6e01d13d1c3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else + { + return false; + } + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +}" +0ab838d7da22148b427f95450722aa2de675e864,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend && cigars >= 40) + { + return true; + } + else + { + return false; + } + if (!isWeekend && cigars >= 40) + { + if (cigars <= 60) + { + return true; + } + } + else + { + return false; + } +}" +9c17f7c976383faf388f58647a10be4c636ae755,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if cigars >= 40 + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + +} +" +43fc6835497ab1042eae89f5cc8238362e009cb5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + return true; + else + return false; + } + else + { + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } + +} +" +993d0a2d992789c3d3c0db90b6ae360c35c7810c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +46378071e6eefb45e0f365a5dada6e84677befa1,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +e8d6e869e1d7c95353370ea9158a70e3701a2643,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +f061398657630e570853953103ac52bd8d613d23,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + f(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); + +} +" +268b5a389088fd1757756273fde12be0f3282de7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return (cigars >= 40); + } + return (cigars >= 40 && cigars <= 60); + +} +" +91bc39e2c2b1b9da2bbf5d35848053a469324337,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (isWeekend == true) + { + if (cigars >= 40) + { + value = true; + } + } + else if (cigars >= 40 && cigars <= 60) + { + value = true; + } + else + { + value = false; + } + return value; +} +" +c1490606df1f762b1be5ae5e117bcd29f6ec54c3,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40 && cigars <= 60) + { + return(true); + } + else + { + return(false); + } + } + else + { + + if (cigars >= 40) + { + return(true); + } + else + { + return(false); + } + } + +} +" +60523994bda73e4f6d511309308bec0c073c35b7,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + boolean value = true; + if (isWeekend == true) + { + if (cigars >= 40) + { + value = true; + } + else + { + value = false; + } + } + else if (cigars >= 40 && cigars <= 60) + { + value = true; + } + else + { + value = false; + } + return value; +} +" +fd64cb3a70cc35b151582b707ca44e7fcc4917d2,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) { + if (cigars >= 40) { + return true; + } + else + return false; + } + else { + if (cigars >= 40 && cigars <= 60) { + return true; + } + else { + return false; + } + } +} +" +0b48ff41c14fcc1f331e5eb09d8d19091f6aef66,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return(true); + } + else + { + return(false); + } + } + +}" +a8e67bd41cd9806e36a8101cb919ac19359b8478,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true){ + if (cigars >= 40 && cigars < 60) + return true; + else + return false; + } + else{ + if (cigars >= 40 && cigars <= 60){ + return true; + else + return false; + } +} +" +ffb037d26a9621cd6b4783e20ceda0e14eb63645,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true){ + if (cigars >= 40 && cigars < 60) + return true; + else + return false; + } + else{ + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +76e65daa1d89f17a611615e58d4c70d7df07138c,"public boolean cigarParty(int cigars, boolean isWeekend) +{if (isWeekend == true && cigars >= 40) + return true; + if (!(isWeekend) && cigars >=40 && cigars <= 60) + return true; + else + return false; +} +" +b177aa380d7b31b35e7ee1359297526d8b915618,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true){ + if (cigars >= 40) + return true; + else + return false; + } + else{ + if (cigars >= 40 && cigars <= 60) + return true; + else + return false; + } +} +" +a28f3253e3782b569b6e920c063f108590989f00,"public boolean cigarParty(int cigars, boolean isWeekend) { + if(isWeekend && cigars >= 40) + return true; + else if(cigars >= 40 && cigars <=60) + return true; + else + return false; +} + +/////// dateFashion //////////////////////////////////////////////////////////////// +public int dateFashion(int you, int date) { + if(you<= 2 || date <= 2) + return 0; + else if(you>= 8 || date >= 8) + return 2; + else + return 1; +} + +/////// squirrelPlay //////////////////////////////////////////////////////////////// +public boolean squirrelPlay(int temp, boolean isSummer) { + if(isSummer && temp>=60 && temp<=100) + return true; + else if(temp>=60 && temp<=90) + return true; + else + return false; +} + +/////// caughtSpeeding /////////////////////////////////////////////////////////////// +public int caughtSpeeding(int speed, boolean isBirthday) { + if(isBirthday){ + if(speed<=65) + return 0; + else if(speed>=66 && speed<=85) + return 1; + else + return 2; + } + + if(speed<=60) + return 0; + else if(speed>=61 && speed<=80) + return 1; + else + return 2; +} + +/////// sortaSum ////////////////////////////////////////////////////////////////////// +public int sortaSum(int a, int b) { + if(a+b>=10 && a+b<=19) + return 20; + else + return a+b; +} + +/////// alarmClock //////////////////////////////////////////////////////////////////// +public String alarmClock(int day, boolean vacation) { + if(vacation){ + if(day>=1 && day<=5) + return ""10:00""; + else + return ""off""; + } + if(day>=1 && day<=5) + return ""7:00""; + else + return ""10:00""; +} + +/////// love6 ////////////////////////////////////////////////////////////////////////// +public boolean love6(int a, int b) { + if(a==6 || b==6 ||a+b==6 ||a-Math.abs(b)==6 || Math.abs(b)-Math.abs(a)==6) + return true; + else + return false; +} + +/////// in1To10 //////////////////////////////////////////////////////////////////////// +public boolean in1To10(int n, boolean outsideMode) { + if(outsideMode){ + if(n<=1 || n>=10) + return true; + else + return false; + } + if(n>=1 && n<=10) + return true; + else + return false; +} + +/////// specialEleven /////////////////////////////////////////////////////////////////// +public boolean specialEleven(int n) { + if(n%11==0 || n%11==1) + return true; + else + return false; +} + +/////// more20 /////////////////////////////////////////////////////////////////////////// +public boolean more20(int n) { + if(n%20==1 || n%20==2) + return true; + else + return false; +} + +/////// old35 ///////////////////////////////////////////////////////////////////////////// +public boolean old35(int n) { + if(n%3==0 && n%5==0) + return false; + else if(n%3==0 || n%5==0) + return true; + else + return false; +} + +/////// less20 //////////////////////////////////////////////////////////////////////////// +public boolean less20(int n) { + int k =0; + if(n%20==18 || n%20==19) + return true; + else + return false; +} + +/////// nearTen /////////////////////////////////////////////////////////////////////////// +public boolean nearTen(int num) { + if(num%10==2 || num%10==9||num%10==8||num%10==1||num%10==0) + return true; + else + return false; +} + +/////// teenSum /////////////////////////////////////////////////////////////////////////// +public int teenSum(int a, int b) { + if(a>=13 && a<=19 || b>=13 && b<=19) + return 19; + else + return a+b; +} + +/////// answerCell ///////////////////////////////////////////////////////////////////////// +public boolean answerCell(boolean isMorning, boolean isMom, boolean isAsleep) { + if(isMorning && isMom && !isAsleep) + return true; + else if(!isAsleep && !isMorning) + return true; + else + return false; +} + +/////// teaParty //////////////////////////////////////////////////////////////////////////// +public int teaParty(int tea, int candy) { + if(tea<5 || candy <5) + return 0; + if(tea>= candy*2|| candy>= tea*2) + return 2; + else if(tea >= 5 && candy >=5) + return 1; + else + return 0; +} + +/////// fizzString /////////////////////////////////////////////////////////////////////////// +public String fizzString(String str) { + if(str.substring(0,1).equals(""f"") && str.substring(str.length()-1,str.length()).equals(""b"")) + return ""FizzBuzz""; + else if(str.substring(0,1).equals(""f"")) + return ""Fizz""; + else if(str.substring(str.length()-1,str.length()).equals(""b"")) + return ""Buzz""; + else + return str; +} + +/////// fizzString2 ////////////////////////////////////////////////////////////////////////// +public String fizzString2(int n) { + if(n%3==0 && n%5==0) + return ""FizzBuzz!""; + else if(n%3==0) + return ""Fizz!""; + else if(n%5==0) + return ""Buzz!""; + else + return n+""!""; +} + +/////// twoAsOne ////////////////////////////////////////////////////////////////////////////// +public boolean twoAsOne(int a, int b, int c) { + if(a+b==c || b+c==a || a+c==b) + return true; + else + return false; +} + +/////// inOrder //////////////////////////////////////////////////////////////////////////////// +public boolean inOrder(int a, int b, int c, boolean bOk) { + if(bOk && c>b) + return true; + else if(!bOk && b>a && c>b) + return true; + else + return false; +} + +/////// inOrderEqual //////////////////////////////////////////////////////////////////////////// +public boolean inOrderEqual(int a, int b, int c, boolean equalOk) { + if(equalOk && b>=a && c>=b) + return true; + else if(!equalOk && b>a && c>b) + return true; + else + return false; +} + +/////// lastDigit //////////////////////////////////////////////////////////////////////////////// +public boolean lastDigit(int a, int b, int c) { + if(a%10==b%10 ||a%10==c%10||b%10==c%10) + return true; + else + return false; +} + +/////// lessBy10 ////////////////////////////////////////////////////////////////////////////////// +public boolean lessBy10(int a, int b, int c) { + if(Math.abs(a - b) >= 10 || Math.abs(b - c) >= 10 || Math.abs(a - c) >= 10) + return true; + else + return false; +} + +/////// withoutDoubles ///////////////////////////////////////////////////////////////////////////// +public int withoutDoubles(int die1, int die2, boolean noDoubles) { + if(noDoubles && die1==die2){ + die1++; + if(die1>=7){ + die1 = 1; + return die1+die2; + } + else + return die1+die2; + } + else + return die1+die2; +} +" +16fb43dbbc5d50e60bede87f125fcbbff84bc2b0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +41604a889adc787cb5af70565182d1f05cdf1af8,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + else + { + return false; + } +} +" +a7bdd224983f2a279cfd60aac6b78f67dc6ad8bf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + if ((cigars >= 40) && (cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +189958c0e228d62cbaa428691806462c10efb9cf,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + if ((cigars >= 40) && (cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +ea1ce08d3aa462ff29cc277aebdd5f8314e18c7d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + return true; + } + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else + { + return false; + } +} +" +cef1ea2dff879dd9a24278d2940890d3a0015a7c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >=40) + { + return true; + } + else + { + return false; + } + } + if ((cigars >= 40) && (cigars <= 60)) + { + return true; + } + else + { + return false; + } +} +" +7312a21aed134e32a15609184027e81381db05bc,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +ec4f022c0d70cdeb58942b13eea31ed91b279628,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ) + { + return true; + } + if ( isWeekend == true && cigars >= 40 ) + { + return true; + } + else + { + return false; + } +} + +" +f9bcbe356e8163051cb2c52954c15682c9170433,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else if (isWeekend == false) + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } + else + { + } +} +" +2fdad7d41b69585951d6477799b41bc25826f592,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend == true) + { + if (cigars >= 40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } + } +} +" +a05a1c698798712b366d9fb63bc60de3eed8e5d0,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + + +}" +f86815e393ffafefc968038b51d30ae845ec23c5,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend){ + if (cigars >= 40){ + return true; + } + else{ + return false; + } + } + else{ + if(cigars >= 40 || cigars <= 60){ + return true; + } + else{ + return false; + } + } + +} +" +55f8e22576932ff88d86f709668316031bdf9ad4,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend){ + if (cigars >= 40){ + return true; + } + else{ + return false; + } + } + else{ + if(cigars >= 40 && cigars <= 60){ + return true; + } + else{ + return false; + } + } + +} +" +f3a5ba610c305aa4802be5d3f85cfdd051de42fd,"public boolean cigarParty(int cigars, boolean isWeekend) +{if (isWeekend == true && cigars >= 40) + return true; + if (!(isWeekend) && cigars >=40 && cigars <= 60) + return true; + else + return false; +} +" +9fe9a1d760b6c22df6b6e497d1784e84bb348c4d,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} + " +119a6a31bba9fed7d8805c463c987c2f4d1c5fca,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return 40 <= cigars; + + return 40 <= cigars && cigars <= 60; + +} +" +11e3150a12e01d2dc6bf04d1a8850bb7459d66da,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); + +} +" +6d38b182ca957919972157dbf116c84341571642,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend || cigars <= 60) + { + return true; + } + return (cigars >= 40); +} +" +6ef68e8e89f00b3ed079a48c6f9869b2990cc3be,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if (isWeekend) + return 40 <= cigars; + + return 40 <= cigars && cigars <= 60; +} +" +cf4c5230c6220a93338b3b53903aedf93d04fd7c,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return (cigars >= 40); + if (isWeekend || cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +2249af25479fd4ea2e6f68b7480f425cc6219ee5,"public boolean cigarParty(int cigars, boolean isWeekend) { + return cigars >= 40 && (cigars <= 60 || isWeekend); + } +" +cc33d2c129602f32abfc1be10187995678440cef,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return (cigars >= 40 && (isWeekend || cigars <= 60)); +} +" +1ed78f331ef8ceb48681d66454bf988a999ed0be,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + return true; + } + if( cigars >= 40 && cigars <= 60) + { + return true; + } + else + { + return false; + } +} +" +aba739f78f461662194dc0419f5f85ed95c8428a,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return (cigars >= 40 && (isWeekend || cigars <= 60)); + //when numbers are between 40 and 60 unless it is the weekend + //when there is no upper bound + +} +" +7b3e33c8a587354cbd6f5bf4652a46733e3e45bb,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false; +} +" +2e904786a54ed8f6fec8c6f95e61a4299b84f176,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if ( cigars >= 40 && cigars <=60 ) + return true; + if ( isWeekend == true && cigars >= 40 ) + return true; + else + return false; +} +" +d4866819f5333b770fecce375ca93811d76e9295,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +7fb04249fbadde246e6acd53ff615799b24d6e80,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + return cigars >= 40 && (cigars <= 60 || isWeekend); +} +" +f1b20d966d49a786f32ea518db158b9e5ac1cb6f,"public boolean cigarParty(int cigars, boolean isWeekend) +{ + if(isWeekend) + { + if(cigars>40) + { + return true; + } + else + { + return false; + } + } + else + { + if (cigars<60 && cigars>40) + { + return true; + } + else + { + return false; + } + } +} +" +b6e02bff13616f3d829d7c252200df5f9682ed5d,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +263794acf2aa2bc0e13bd907cdecf27ad228a1c2,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + minimum = Math.minimum(minimum, nums[i]); + maximum = Math.maximum(maximum, nums[i]); + } + return (sum - minimum - maximum) / (nums.length - 2); +} +" +356789ec1796af28ee12c29e14f95c9b29de3a15,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + count++; + } + return sum / count; +} +" +470829854090aa3651ae19d0c58c374cca8e169c,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (min + max)) / (nums.length - 2); +} +" +a098979bd86fda090cb5fd260fad86480d829d31,"public int centeredAverage(int[] nums) +{ + int total = 0; + int lowest = 100000; + int greatest = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < lowest) + { + lowest = num[i]; + } + else if (nums[i] > greatest) + { + greatest = num[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != greatest && + nums[i] != lowest) + { + total += nums[i]; + } + } + return total / (nums.length - 2); +} +" +6504b9ab64d20ab05f7244dbce1e4ea287ed4117,"public int centeredAverage(int[] nums) +{ + int total = 0; + int lowest = 100000; + int greatest = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < lowest) + { + lowest = nums[i]; + } + else if (nums[i] > greatest) + { + greatest = num[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != greatest && + nums[i] != lowest) + { + total += nums[i]; + } + } + return total / (nums.length - 2); +} +" +d475890cdd58ee23a5758cd0a604f71ebe1ad17e,"public int centeredAverage(int[] nums) +{ + int total = 0; + int lowest = 100000; + int greatest = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < lowest) + { + lowest = nums[i]; + } + else if (nums[i] > greatest) + { + greatest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != greatest && + nums[i] != lowest) + { + total += nums[i]; + } + } + return total / (nums.length - 2); +} +" +ed51eb55203e944a6834a360e77a45ada44df596,"public int centeredAverage(int[] nums) +{ + int total = 0; + int lowest = nums[0]; + int greatest = nums[0]; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + if (nums[i] < lowest) + { + lowest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + } + return (total - (lowest + greatest)) / (nums.length - 2); +} +" +e5c8fe7c48cea3310f9a91bd5a1b7d61a1437edf,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int leg = nums.length; + int max = nums[0]; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + sum = (sum - max - min) / (leg - 2); + return sum; +} +" +0503ac16c463ecd12ee0d68e66a47648520ad745,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int large = nums[0]; + int small= nums[0]; + int sum = 0; + for (int i = 0; i < size; i++) + { + sum+= nums[i]; + if (nums[i] < small) + small = nums[i]; + else if (nums[i] > large) + large = nums[i]; + + } + return ((sum - (large+small))/(size - 2)); +} +" +c535938fbc8b9f6ca4feea7d27c7a96d932550c9,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int n : nums) { + if (n < min) { + min = n; + } + if (n > max) { + max = n; + } + sum += n; + } + return (sum - max - min) / (nums.length - 2); +} +" +503bcfc3fa519f7bdf662ec1fe0e79674430e9d1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +c353c817cc383932a0f43763441fa6acb93cb852,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +47cc0e72f8cd509654fae4b614455d2957cd22d0,"public int centeredAverage(int[] nums) +{ + int smallest = 1000; + int largest = -1000; + for (int i = 0; i < nums.length(); i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int j = 0; j < nums.length(); j++) + { + if (nums[j] > largest) + { + largest = nums[j]; + } + } + int sum = 0; + for (int k = 0; k < nums.length(); k++) + { + sum = sum + nums[k]; + } + int average = ((sum) - (largest) - (smallest)) / (nums.length()); + return average; +} +" +5f26788eed9bd22c4af23b1f3a71615dd3fd130b,"public int centeredAverage(int[] nums) +{ + int smallest = 1000; + int largest = -1000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[j] > largest) + { + largest = nums[j]; + } + } + int sum = 0; + for (int k = 0; k < nums.length; k++) + { + sum = sum + nums[k]; + } + int average = ((sum) - (largest) - (smallest)) / (nums.length); + return average; +} +" +114300b0872b8258c3e8a5a313482a40292be155,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + max = nums[i]; + else if (nums[i] < min) + min = nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +6cb3a034a1ba463f230ed6a6ca5ce9f25a50b6bf,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + max = nums[i]; + else if (nums[i] < min) + min = nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +ad3146be9a205af9a1c0765c1133e133eb7b4367,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + int max = -1000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + } + int min = 1000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < 1000) + { + min = num[i]; + } + } + int sumRemove = min + max; + int actualSum = sum - sumRemove; + int out = ((actualSum) / (nums.length)); +} +" +2378853a856f7879ff187001af1dc53c8117ed97,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + int max = -1000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + } + int min = 1000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < 1000) + { + min = nums[i]; + } + } + int sumRemove = min + max; + int actualSum = sum - sumRemove; + int out = ((actualSum) / (nums.length)); + return out; +} +" +445c027520894df8415a13fc9239cd24136bc1ba,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + } + int min = 1000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < 1000) + { + min = nums[i]; + } + } + int sumRemove = min + max; + int actualSum = sum - sumRemove; + int out = ((actualSum) / (nums.length)); + return out; +} +" +c757c193dafb923ff7cd51d91d95532c0b142800,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +2fafd9330226a7ffe6a1fa501c1bf7a90ac7da45,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +78d385e9d9712af990b05f6f397d72526d97e239,"public int centeredAverage(int[] nums) +{ + return 0; +} +" +b8abf6bd9ac2e18c7bd828cef806ba233ad9d936,"public int centeredAverage(int[] nums) +{ + return 3; +} +" +0abdd6aae8ac45d087167aaf212ff02875fd2be2,"public int centeredAverage(int[] nums) +{ + nums.sort(); + int sum = 0; + for(int i =1; ilarge) + { + large = nums[i]; + } + } + sum = sum - small - large; + return sum/(nums.length - 2); +} +" +11a837c5c47d519f2661051139d702787a16d089,"public int centeredAverage(int[] nums) +{ + int small = 1000; + int large =-1; + int sum = 0; + for(int i =0; ilarge) + { + large = nums[i]; + } + } + sum = sum - small - large; + return sum/(nums.length - 2); +} +" +c2ff94df66e2e0b211690aed5b7b596a05c59035,"public int centeredAverage(int[] nums) +{ + int small = 1000; + int large =-1; + int sum = 0; + for(int i =0; ilarge) + { + large = nums[i]; + } + } + sum = sum - small - large; + return sum/(nums.length); +} +" +1a560cf6b29bb79a01a81922629bf72ca21de143,"public int centeredAverage(int[] nums) +{ + int small = 10000000000; + int large =-1000000000; + int sum = 0; + for(int i =0; ilarge) + { + large = nums[i]; + } + } + sum = sum - small - large; + return sum/(nums.length-2); +} +" +d3d615521f5cb5c0a9715d554f443275c21d5cd0,"public int centeredAverage(int[] nums) +{ + int small = 999999; + int large =-999999; + int sum = 0; + for(int i =0; ilarge) + { + large = nums[i]; + } + } + sum = sum - small - large; + return sum/(nums.length-2); +} +" +5dab2bcc8440733363854c378d52a15b32350a9f,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +209879b9698f39849b295493b156f8d2ede3693d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int x = 0; x < nums.length; x++) + { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + int avg = (sum - max - min) / (nums.length - 2); + return avg; + +} +" +cf4ae698fdf00a3b1f762e69d1c73e838e93c6ba,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int x = 0; x < nums.length; x++) + { + max = Math.max(max, nums[x]); + min = Math.min(min, nums[x]); + sum += nums[x]; + } + int avg = (sum - max - min) / (nums.length - 2); + return avg; + +} +" +a70da8165c9029d3df9a8f4b0d96cdd7e39c12d4,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + else if (nums[i] > max) + { + max = nums[i]; + } + } + + for (int i = 0; i < nums.length; i++) + { + count += nums[i]; + } + + count -= min + max; + count = count / (nums.length - 2); + return count; +} +" +dfd98c8c00b646813471d488e32a5c624f0a4861,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest); + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + } + + for (int j = 0; j < nums.length; j++) + { + + } +} +" +4c8a5cc75e9e74441feadf11a8d8dbfe6fc42d55,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.size; i++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + } + } + return sum / nums.length; +} +" +c71bba17bc8d14db2802f366302f1870b94f3dff,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + } + } + return sum / nums.length; +} +" +57a680ed4922c5c42bcfa5cae63dd3af30d6f317,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 100000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + } + } + return sum / nums.length; +} +" +b8038bc6bbae63af76830e81dfc852479f028eed,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 100000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if !(nums[i] == largest || nums[i] == smallest) + { + sum += nums[i]; + } + } + return sum / nums.length; +} +" +b471d9ac4ab5424d29383e4f97c996685fa64dff,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 100000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + } + } + return sum / nums.length; +} +" +9e3fd13cd44b60f480f16f2ce545ba47bcffa522,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 100000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + } + } + return sum / (nums.length - 2); +} +" +9ffe860097a3767db0d8ef7347246ee25f4639fa,"public int centeredAverage(int[] nums) { + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +3322dab749af58aa1966d80173c8c3c9a88cc507,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + } + } + return sum / (nums.length - 2); +} +" +fb1cb261899965e3c6941d9f473b67a134414ac4,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int largestLocation = 0; + int smallest = nums[0]; + int smallestLocation = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largestLocation = i; + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallestLocation = i; + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i != largestLocation && i != smallestLocation) + { + sum += nums[i]; + } + } + return sum / (nums.length - 2); +} +" +392426ba5a452662540240e6c01fd8101242c75d,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int largestLocation = nums.length - 1; + int smallest = nums[0]; + int smallestLocation = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largestLocation = i; + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallestLocation = i; + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i != largestLocation && i != smallestLocation) + { + sum += nums[i]; + } + } + return sum / (nums.length - 2); +} +" +15c6760ce934ff5918d16a60d3d3d51af1318660,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int largestLocation = 0; + int smallest = nums[0]; + int smallestLocation = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largestLocation = i; + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallestLocation = i; + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i != largestLocation && i != smallestLocation) + { + sum += nums[i]; + } + } + return sum / (nums.length - 2); +} +" +ba9ba079a8b5b0071aca1a88c8f8be1061b50f04,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int largestLocation = 0; + int smallest = nums[0]; + int smallestLocation = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] >= largest) + { + largestLocation = i; + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallestLocation = i; + smallest = nums[i]; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i != largestLocation && i != smallestLocation) + { + sum += nums[i]; + } + } + return sum / (nums.length - 2); +} +" +4c033095c7770b78dc18963100259c2f6b9e9ce4,"public int centeredAverage(int[] nums) { + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +}" +c1dcfaf7b9917fa0e06caeb0014f54ad84e8cb92,"public int centeredAverage(int[] nums) +{ + int m = nums[0]; + int x = nums[0]; + int y = nums[0]; + for (int i = 0; i < nums.length; i++) + { + y += nums[i]; + if (nums[i] > m) + { + m = nums[i]; + } + else if (nums[i] < x) + { + x = nums[i] + } + + } + return (y - m - x) / (nums.length - 2) +} +" +e32409e9edf233be1b0c66270b3f730f1e5e26bb,"public int centeredAverage(int[] nums) +{ + int m = nums[0]; + int x = nums[0]; + int y = nums[0]; + for (int i = 0; i < nums.length; i++) + { + y += nums[i]; + if (nums[i] > m) + { + m = nums[i]; + } + else if (nums[i] < x) + { + x = nums[i]; + } + + } + return (y - m - x) / (nums.length - 2); +} +" +09e51cfc2ac816e026e20e290e4279a6fefaae31,"public int centeredAverage(int[] nums) +{ + int m = nums[0]; + int x = nums[0]; + int y = nums[0]; + for (int i = 1; i < nums.length; i++) + { + y += nums[i]; + if (nums[i] > m) + { + m = nums[i]; + } + else if (nums[i] < x) + { + x = nums[i]; + } + + } + return (y - m - x) / (nums.length - 2); +} +" +c022807b044bd0af00ea9f2d987c372259bd530c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + + int min = nums[0]; + + int sum = nums[0]; + + for(int i = 1; i < nums.length; i++) + + { + + sum += nums[i]; + + if(nums[i] > max) + + max = nums[i]; + + else if(nums[i] < min) + + min = nums[i]; + + } + + return (sum-max-min) / (nums.length - 2); +} +" +545da3531c9b1968feca6c1648ff726ad32a8e3a,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i] + } + if (large < nums[i]) + { + large = nums[i] + } + sum += nums[i]; + } + sum -= (small + large); + return sum / (nums.length - 2) +} +" +8e9d5efcea9805d2d95afc1596d5a1166a4d1396,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (large < nums[i]) + { + large = nums[i]; + } + sum += nums[i]; + } + sum -= (small + large); + return sum / (nums.length - 2) +} +" +79a9f50587574403a17c98b5ec2197366fb8fbd5,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (large < nums[i]) + { + large = nums[i]; + } + sum += nums[i]; + } + sum -= (small + large); + return sum / (nums.length - 2); +} +" +f9f0b3b53acaa8942a1147648ebec256bc037f96,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int sum = 0; + int total = nums.length - 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + sum += highest; + highest = nums[i]; + } + else if (nums[i] < lowest) + { + sum += lowest; + lowest = nums[i]; + } + else + { + sum += nums[i]; + } + } + return (sum / total); +} +" +98c74c27a65f615b95bb6372964eeccc3bd9ad96,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int sum = 0; + int total = nums.length - 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + else if (nums[i] < lowest) + { + lowest = nums[i]; + } + sum += nums[i]; + } + sum -= highest; + sum -= lowest; + return (sum / total); +} +" +03bf42a8999b97b0d1408f74ee7c2fb40682fb64,"public int centeredAverage(int[] nums) +{ + int big = 0 ; + int small = 0; + int sum = 0; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] > big) + { + big = nums[i]; + } + + if(nums[i] < small) + { + small = nums[i]; + } + } + + for(int j = 0 ; j < nums.length ; j++) + { + sum+=nums[j]; + } + sum = sum - big - small; + + return sum; +} + +" +a05c9a8af972483ec72ca5d52248663c845fddf8,"public int centeredAverage(int[] nums) +{ + int big = 0 ; + int small = 99999; + int sum = 0; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] > big) + { + big = nums[i]; + } + + if(nums[i] < small) + { + small = nums[i]; + } + } + + for(int j = 0 ; j < nums.length ; j++) + { + sum+=nums[j]; + } + sum = sum - big - small; + + return sum; +} + +" +b8c10694e33a1db96df1f493e31b37acfef60a43,"public int centeredAverage(int[] nums) +{ + int big = 0 ; + int small = 99999; + int sum = 0; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] > big) + { + big = nums[i]; + } + + if(nums[i] < small) + { + small = nums[i]; + } + } + + for(int j = 0 ; j < nums.length ; j++) + { + sum+=nums[j]; + } + sum = sum - big - small; + + return sum/3; +} + +" +0825b8896f7bdd57a732b8b945b715402092cae1,"public int centeredAverage(int[] nums) +{ + int big = 0 ; + int small = 99999; + int sum = 0; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] > big) + { + big = nums[i]; + } + + if(nums[i] < small) + { + small = nums[i]; + } + } + + for(int j = 0 ; j < nums.length ; j++) + { + sum+=nums[j]; + } + sum = sum - big - small; + + return sum/(n-3); +} + +" +e2fce0f1d1027294df16d690c75d3bb1b161c0b1,"public int centeredAverage(int[] nums) +{ + int big = 0 ; + int small = 99999; + int sum = 0; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] > big) + { + big = nums[i]; + } + + if(nums[i] < small) + { + small = nums[i]; + } + } + + for(int j = 0 ; j < nums.length ; j++) + { + sum+=nums[j]; + } + sum = sum - big - small; + + return sum/(nums.length-3); +} + +" +da5ff6f905f9143e68a104aba7b9246c59b45de1,"public int centeredAverage(int[] nums) +{ + int big = 0 ; + int small = 99999; + int sum = 0; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] > big) + { + big = nums[i]; + } + + if(nums[i] < small) + { + small = nums[i]; + } + } + + for(int j = 0 ; j < nums.length ; j++) + { + sum+=nums[j]; + } + sum = sum - big - small; + + return sum/(nums.length-2); +} + +" +2e328b77cdfc60a62dd5e741216bbd0c88391c63,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int small = nums[0]; + int large = nums[0]; + + for (int num : nums) + { + sum += nums[i]; + if (nums[i] < small) small = nums[i] + if (nnums[i] > large) large = nums[i] + } + + return (sum - (small+large))/(nums.length-2) +} +" +813f8b6d7b4f629118a5e4b35b2a38aa79ae3e81,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int small = nums[0]; + int large = nums[0]; + + for (int num : nums) + { + sum += nums[i]; + if (nums[i] < small) small = nums[i]; + if (nnums[i] > large) large = nums[i]; + } + + return (sum - (small+large))/(nums.length-2) +} +" +a213de38262b7fa65236ce2348188055ec2daf06,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int small = nums[0]; + int large = nums[0]; + + for (int num : nums) + { + sum += nums[i]; + if (nums[i] < small) small = nums[i]; + if (nnums[i] > large) large = nums[i]; + } + + return (sum - (small+large))/(nums.length-2); +} +" +f7e89e4271641c947d8e07d7ae64f6fd6ebf1f21,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int small = nums[0]; + int large = nums[0]; + + for (int num : nums) + { + sum += nums[i]; + if (num < small) small = num; + if (num > large) large = num; + } + + return (sum - (small+large))/(nums.length-2); +} +" +8d1a680782a0239e08540b5f742cd31fec88aa4d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int small = nums[0]; + int large = nums[0]; + + for (int num : nums) + { + sum += num; + if (num < small) small = num; + if (num > large) large = num; + } + + return (sum - (small+large))/(nums.length-2); +} +" +303162487ff4c713e0ea672264ced423802a2e32,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +3395ecb941e1a3e5b25d3864f3a5cb4ca575e7a6,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +cbb4dbf8b2c6fd266ae7456cfd65cfbeeea908a1,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +e11720fd9dca6794ff26b8af6f511a9108f709d4,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +2ad95012882a91c26161ffb8ffcecab9e8fa2346,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + + for (int num : nums) + { + sum = sum + num; + if (num < smallest) + { + smallest = num; + } + if (num > largest) + { + largest = num; + } + } + + sum = sum - smallest - largest; + int avg = sum / (num.length - 2); + + return avg; +} +" +9f6f03ea4dd484689eefa8a9c48ab7d939421327,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + + for (int num : nums) + { + sum = sum + num; + if (num < smallest) + { + smallest = num; + } + if (num > largest) + { + largest = num; + } + } + + sum = sum - smallest - largest; + int avg = sum / (nums.length - 2); + + return avg; +} +" +b4d94d8f66b7b9038c7eea5852e2ca74f0ebc212,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + return (sum - min - max) / (nums.length - 2); +} +" +80cf47b4553f73a24c0c9e4017ec71d8f77dde2a,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + return (sum - min - max) / (nums.length - 2); +} +" +e1e201af3904a552941c80f58b712f24e3d09750,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int t = 0; + for (int num : nums) { + if (num > max) { + max = num; + } + if (num < min) { + min = num; + } + t+=num; + } + return (t - max - min) / (nums.length - 2); +} +" +cd7b564c32fa5468a9b86eaf6c4754ce32e72cd5,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + + if (nums[i] > big) + { + big = nums[i]; + } + + sum += nums[i]; + } + + return (sum - big - small) / (nums.length - 2) +} +" +da63f0b25d7718e62b0b09bd25bcae0a326cd9a1,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + + if (nums[i] > big) + { + big = nums[i]; + } + + sum += nums[i]; + } + + return (sum - big - small) / (nums.length - 2); +} +" +34388ddece640e469e8107b4467cea87520815e6,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); + +} +" +db7ec672c07f6b87e2bfe5792faa49ecb6c28ca2,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + + if(nums[i] > max) + { + max = nums[i]; + } + else if(nums[i] < min) + { + min = nums[i]; + } + } + return (sum-max-min) / (nums.length - 2); +} +" +28787f8f9d3ed5b0795f43f1c79ee7ad3b902796,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + int avg = ((sum -min-max) / (nums.length - 2)); + return avg; +} +" +114a3371173492a7df60aa0a35c6e9467685fba1,"public int centeredAverage(int[] nums) +{ + int sum=0; + int avg = 0; + int largest = nums[1]; + int smallest = nums[0]; + for(int i : nums) + { + if(nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + avg = (sum - largest - smallest)/ (nums.length - 2); + return avg; + +} +" +2efb4c5a6393b15eedbde02856ebb2202d391390,"public int centeredAverage(int[] nums) +{ + int sum=0; + int avg = 0; + int largest = nums[1]; + int smallest = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + avg = (sum - largest - smallest)/ (nums.length - 2); + return avg; + +} +" +b1bc52e4d12b145beb4844f3e2f9015cb8e2629b,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int total = 0; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + if (nums[i] > large) + { + large = nums[i]; + } + if (nums[i] < min) + { + small = nums[i]; + } + } + return (total - (large + small)) / (nums.length - 2); +} +" +b8397d692b54afb3cc1680ce377c125209b4d2d9,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int total = 0; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + if (nums[i] > large) + { + large = nums[i]; + } + if (nums[i] < small) + { + small = nums[i]; + } + } + return (total - (large + small)) / (nums.length - 2); +} +" +a038536de0f9a41205e9b35d5b27d5c68f85e4f0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return ((sum - max) - min) / (nums.length - 2); +} +" +9533a66e14f98739d6e1161348242a22a96a1f83,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +9d9bc26cc62dc83b975305f9728190695fd9ed1f,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int x = 1; x < nums.length; x++) + { + sum += nums[x]; + if(nums[x] > max) + max = nums[x]; + else if(nums[x] < min) + min = nums[x]; + } + return ((sum - max) - min) / (nums.length - 2); +} +" +6d8ac0afaacaf7806379adee8af7b4fdf32831d5,"public int centeredAverage(int[] nums) +{ + int larg = 0; + int smal = 9999; + int t = 0; + for (int i =0; i < nums.length; i++) + { + if ( nums[i] > larg) + { + larg = nums[i]; + } + if( nums[i] < smal;) + { + smal = nums[i]; + } + t = t + nums[i]; + + } + t = t - smal - larg; + int av = t / (nums.length - 2); + return av; +} +" +d0333ab3e4d7388db77fb9bda01f65d075e5fa09,"public int centeredAverage(int[] nums) +{ + int larg = 0; + int smal = 9999; + int t = 0; + for (int i =0; i < nums.length; i++) + { + if ( nums[i] > larg) + { + larg = nums[i]; + } + if( nums[i] < smal) + { + smal = nums[i]; + } + t = t + nums[i]; + + } + t = t - smal - larg; + int av = t / (nums.length - 2); + return av; +} +" +cfb1b390d1d3c6c6f5cfb46c511be7660fd14724,"public int centeredAverage(int[] nums) +{ + int larg = -2; + int smal = 999999; + int t = 0; + for (int i =0; i < nums.length; i++) + { + if ( nums[i] > larg) + { + larg = nums[i]; + } + if( nums[i] < smal) + { + smal = nums[i]; + } + t = t + nums[i]; + + } + t = t - smal - larg; + int av = t / (nums.length - 2); + return av; +} +" +23a6919a2b09ac716c7dea2ad7b4d71c8c16c312,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i] + } + if (max< nums[i]) + { + min = nums[i] + } + } + avg = (sum-min-min)/nums.length +} +" +12194a289190826388e7fdbcfe3fe755bae8497a,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + min = nums[i]; + } + } + avg = (sum-min-min)/nums.length; +} +" +05522f75df5eed32ce7b4d709499e5abf7db1348,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + min = nums[i]; + } + } + avg = (sum-min-min)/nums.length; +} +" +c82c083c9b0da793ce63625d5127660ae44c94c8,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + min = nums[i]; + } + } + avg = (sum-min-min)/nums.length; +} +" +b50d9b3a4321777593f2b375cd4487494b4eceb5,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + min = nums[i]; + } + } + avg = (sum-min-min)/nums.length; + return avg +} +" +5deda00817e0ef779bf4e0c374d53a1a5920bf44,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + min = nums[i]; + } + } + avg = (sum-min-min)/nums.length; + return avg; +} +" +62814430a7376d07db8aa043ec7223a3d4729c02,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + min = nums[i]; + } + } + avg = (sum-min-max)/(nums.length-2); + return avg; +} +" +8cb42c6546885aba1032f4ccb8466a8cb2ef44e4,"public int centeredAverage(int[] nums) +{ + int min; + int max; + int sum = 0; + min=nums[0]; + max=nums[0]; + int avg; + for(int i=0;inums[i]) + { + min = nums[i]; + } + if (max< nums[i]) + { + max = nums[i]; + } + } + avg = (sum-min-max)/(nums.length-2); + return avg; +} +" +eb6c3d1c57fc29a241b9041bac83343daf845024,"public int centeredAverage(int[] nums) +{ + int sum=0; + int avg = 0; + int largest = nums[1]; + int smallest = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + avg = (sum - largest - smallest)/ (nums.length); + return avg; + +} +" +3926879fd2456595705f82f2d65f950ea7caff8d,"public int centeredAverage(int[] nums) +{ + int s = 0; + int min = nums[0]; + int max = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + s += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (s - min - max) / (nums.length - 2); +} +" +573664896af190b00858dbc93dc09694ff9378fb,"public int centeredAverage(int[] nums) +{ + int s = 0; + int min = nums[0]; + int max = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + s = s + nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (s - min - max) / (nums.length - 2); +} +" +6792d190c6f1cd89f8c27f99ced8b5eb0a5c313f,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = 0; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + + sum = sum - max - min; + + return sum / (nums.length - 2); +}" +bb771f79da2e164515e0325c84eaa2dbd392e69b,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = 0; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + + return (sum - max - min) / (nums.length - 2); +}" +888a63dff1f59fa6a944754dead51bf5ff29d397,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + + return (sum - max - min) / (nums.length - 2); +}" +e9ed25af1c3fb65484cd4264d25f626b53bdf4bc,"public int centeredAverage(int[] nums) +{ + int sum=0; + int avg = 0; + int largest = nums[1]; + int smallest = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + avg = (sum - largest - smallest)/ (nums.length); + return avg; + +} +" +68c85b831a8e70655ea9a19c5064e8ef43941070,"public int centeredAverage(int[] nums) +{ + return 4; + +} +" +1085c7df0a51a9e585d7c1a46d0fa4b6a37024e2,"public int centeredAverage(int[] nums) +{ + return 0; +} +" +187a0a70be83bc02ae18c8f6bd8584a15de316d6,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + a++; + } + return (total - max - min) / (a - 2) +} +" +a9dae102af352050e6ebabd24e6eed228afe8576,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + a++; + } + return (total - max - min) / (a - 2); +} +" +eafedea19e6f0a034ff6000bc063926f0b0c98dd,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + total += nums[i]; + a++; + } + else if (nums[i] < min) + { + min = nums[i]; + total += nums[i]; + a++; + } + } + return (total - max - min) / (a - 2); +} +" +93ed89fadbc7fd1cc913d4051c3d718e9569d2ca,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + total += nums[i]; + a++; + } + else if (nums[i] < min) + { + min = nums[i]; + total += nums[i]; + a++; + } + else + { + total += nums[i]; + a++; + } + } + return (total - max - min) / (a - 2); +} +" +7bf211ea1f88dda5a32405a50b64740a24422bc4,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + a++; + } + return (total - max - min) / (a - 2); +} +" +369cf913a28a27ac08d30bc087b143e6a3d31c65,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + a++; + } + total = total - max - min + return total / (a - 2); +} +" +26ee6e0d2caa86e70cf1c41e631d369a5acc2d28,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 101; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + a++; + } + total = total - max - min; + return total / (a - 2); +} +" +1dbb2ab8759ec4574f379024aee3729651ad59e0,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 500; + int total = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + a++; + } + total = total - max - min; + return total / (a - 2); +} +" +628940eaefbe78218bccd51f360fd1e3927b29ff,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int total = 0; + int a = nums.length - 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + total += nums[i]; + } + total = total - max - min; + return total / a; +} +" +762054951e9aa39f41593ec0175b42e298ef45e1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (min + max)) / (nums.length - 2); +} +" +3e51ddb83e6800af52217b80ae2a0d1be8ac02c5,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +895711fc3e67ad247eb13474b37c8045cdfd0a3d,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int num : nums) { + if (num < min) { + min = num; + } + if (num > max) { + max = num; + } + sum += num; + } + sum = sum - min - max; + return sum/(nums.length-2) +} +" +ac5c61f52c7e5adcda81cea4d88cbc6fc30881a0,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int num : nums) { + if (num < min) { + min = num; + } + if (num > max) { + max = num; + } + sum += num; + } + sum = sum - min - max; + return sum/(nums.length-2); +} +" +8c500379a278fdf7fc93389cf9a19ff7a031bc63,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for(int i = 0; i < nums.length; i++) + { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +7ae4d979149c0f0122fb4c28bd0a4d3fdc36a93d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +d2c27f8be28beae0a61fb026543612a76cdfe4c3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +7da7e17d24e67200dabd5a2e2fc5b86975ddd0e8,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +6ef34ac89af57a4053118b669bc332e7c427c957,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int length = nums.length; + + int big = nums[0]; + int small = nums[0]; + + + for(int i = 0; i < length; i++) + { + int x = Math.min(small, nums[i]); + int y = Math.max(big, nums[i]); + sum = sum + nums[i]; + small = x; + big = y; + } + int sub = ((sum - small - big)); + int finall = (length - 2); + int answer = (sub/finall); + return answer; +} +" +0769d63c015e29a7fa51f1355efdc329c8d32739,"public int centeredAverage(int[] nums) +{ + int total = 0; + int length = nums.length; + + int big = nums[0]; + int small = nums[0]; + + + for(int i = 0; i < length; i++) + { + int x = Math.min(small, nums[i]); + int y = Math.max(big, nums[i]); + total = total + nums[i]; + big = y; + small = x; + + + } + int sub = ((total - small - big)); + int finall = (length - 2); + int answer = (sub/finall); + return answer; +} +" +16a70efa85ac7b742d2424754c7b926f788f9c90,"public int centeredAverage(int[] nums) +{ + int l = nums.length; + int high = nums[0]; + int low = nums[0]; + int sum = 0; + for (int i = 0; i < l; i++) + { + if (nums[i] > high) + { + high = nums[i]; + } + else if (nums[i] high) + { + high = nums[i]; + } + else if (nums[i] largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +6478ed8fa3fa0e98704c104e1a9329e15767dccc,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +81243cf41a98f2661dc8e0db1f35c1a46769a526,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +c4d92adf269b1a9de95a88aa44b87867c05cd821,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +712273fd6f3201a952d56d699cb7c08be5ea500e,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] <= smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +126a7c6b9c7f0902966cd198148046f793ecdbb3,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +ccb44b4eb1ffbc7d931b7976681bd5e1609b28e0,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +60f8db6228093155e8aa51baa1807c5484e4490f,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = nums.length - 3; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + } + } + int mean = sum / number; + return mean; +} +" +6e07a10c157928718817db59640e512a2778f0ce,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + int number = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else + { + sum = sum + nums[i]; + number++; + } + } + int mean = sum / number; + return mean; +} +" +0511d9c1425365f796dcfd9e36ecc2cf53e9c97f,"public int centeredAverage(int[] nums) +{ + int x = nums.length; + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int i = 0; i < x; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return (sum / (x - 2)); +} +" +de86a1967b8f1e1340370eeabb4b54d091d481f1,"public int centeredAverage(int[] nums) +{ + int[] rtrnNums = nums.sort(nums); + return 4; + +} +" +009bc09847d992808b94fbdd570eaf0d9e9af6a3,"public int centeredAverage(int[] nums) +{ + int[] rtrnNums = nums.sort(); + return 4; + +} +" +a7e9905394acde7f5f570f88eb4596c54d921a56,"public int centeredAverage(int[] nums) +{ + int[] rtrnNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + rtrnNums[i] = nums[i]; + } + rtrnNums.sort(rtrnNums); + +} +" +481db851f82d8a87d2efe1b86e9aa3e940610d79,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] rtrnNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + rtrnNums[i] = nums[i]; + } + for (int i = 0; i < nums.length; i++) { + for (int j = i; j > 0; j--) { + if (rtrnNums[j] > rtrnNums[i]) { + int tempInt = rtrnNums[j]; + rtrnNums[j] = rtrnNums[i]; + rtrnNums[i] = tempInt; + } + } + } + for (int i = 1; i < rtrnNums.length - 1; i++) { + sum += rtrnNums[i]; + } + return sum / (rtrnNums.length - 2); +} +" +f19935b283fb55bc08a798b32bb39334076c9bfb,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int length = nums.length; + int[] rtrnNums = new int[length]; + for (int i = 0; i < length; i++) { + rtrnNums[i] = nums[i]; + } + for (int i = 0; i < length; i++) { + for (int j = i; j > 0; j--) { + if (rtrnNums[j] > rtrnNums[i]) { + int tempInt = rtrnNums[j]; + rtrnNums[j] = rtrnNums[i]; + rtrnNums[i] = tempInt; + } + } + } + for (int i = 1; i < length - 1; i++) { + sum += rtrnNums[i]; + } + return sum / (length - 2); +} +" +a031e96392ebf9f4e0cf6a92439d6c754ad9bac1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int length = nums.length; + int[] rtrnNums = new int[length]; + for (int i = 0; i < length; i++) { + rtrnNums[i] = nums[i]; + } + for (int i = 0; i < length; i++) { + for (int j = i; j > 0; j--) { + if (rtrnNums[j] > rtrnNums[i]) { + int tempInt = rtrnNums[j]; + rtrnNums[j] = rtrnNums[i]; + rtrnNums[i] = tempInt; + } + } + } + for (int i = 1; i < length - 1; i++) { + sum += rtrnNums[i]; + } + return sum / (length); +} +" +241f9075497cc1f45294acfbdab1310408caf4f2,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int length = nums.length; + int[] rtrnNums = new int[length]; + for (int i = 0; i < length; i++) { + rtrnNums[i] = nums[i]; + } + for (int i = 0; i < length; i++) { + for (int j = i; j > 0; j--) { + if (rtrnNums[j] > rtrnNums[i]) { + int tempInt = rtrnNums[j]; + rtrnNums[j] = rtrnNums[i]; + rtrnNums[i] = tempInt; + } + } + } + for (int i = 1; i < length - 1; i++) { + sum += rtrnNums[i]; + } + return sum / (length - 2); +} +" +fcd3b4ef7f74f38b5352985859e16acac17da242,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int length = nums.length; + int[] rtrnNums = new int[length]; + for (int i = 0; i < length; i++) { + rtrnNums[i] = nums[i]; + } + for (int i = 0; i < length; i++) { + for (int j = i; j > 0; j--) { + if (rtrnNums[j] > rtrnNums[i]) { + int tempInt = rtrnNums[j]; + rtrnNums[j] = rtrnNums[j - 1]; + rtrnNums[j - 1] = tempInt; + } + } + } + for (int i = 1; i < length - 1; i++) { + sum += rtrnNums[i]; + } + return sum / (length - 2); +} +" +e9a027b5b348982e3343610e67dfd0996d222657,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int length = nums.length; + int[] rtrnNums = new int[length]; + for (int i = 0; i < length; i++) { + rtrnNums[i] = nums[i]; + } + for (int i = 0; i < length; i++) { + for (int j = i; j > 0; j--) { + if (rtrnNums[j] < rtrnNums[j - 1]) { + int tempInt = rtrnNums[j]; + rtrnNums[j] = rtrnNums[j - 1]; + rtrnNums[j - 1] = tempInt; + } + } + } + for (int i = 1; i < length - 1; i++) { + sum += rtrnNums[i]; + } + return sum / (length - 2); +} +" +efeb69c3c733defa5d0e8644e4ca27405d685c9c,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +3fdf50189c7e9363c7659bcd8bc2ea643cb66ed2,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +426da6832643deef9424b12e9feb2606a0aea428,"public int centeredAverage(int[] nums) +{ + int sum = 0; +int largest = nums[0]; +int smallest = nums[0]; + +for (int i = 0; i < nums.length; i++) { + +smallest = Math.min(smallest, nums[i]); +largest = Math.max(largest, nums[i]); + +sum = sum + nums[i]; +} + +sum = sum - largest; +sum = sum - smallest; + +return sum / (nums.length - 2); +} +" +bf6204bc978aa39d9fa45d2165dcfab3c1ef6abd,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + return (sum - largest - smallest) / (nums.length - 2); +} +" +dbfd223dc0efc63646a9a65971ab149e5f9b8246,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int total = 0; + int count = 0; + int lowest = -1; + int highest = -1; + for ( int i = 0; i < length; i++ ) + { + int check = nums[i] + total += check; + count++; + if ( i == 0 || check < lowest ) + { + lowest = check; + } + if ( i == 0 || check > highest ) + { + highest = check; + } + } + total = total - highest - lowest; + count = count - 2; + return total / count; + +} +" +c45e3582309f2bac741cc88a4f3ed9ab471bf36f,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int total = 0; + int count = 0; + int lowest = -1; + int highest = -1; + for ( int i = 0; i < length; i++ ) + { + int check = nums[i]; + total += check; + count++; + if ( i == 0 || check < lowest ) + { + lowest = check; + } + if ( i == 0 || check > highest ) + { + highest = check; + } + } + total = total - highest - lowest; + count = count - 2; + return total / count; + +} +" +7ec998d7f971fdf52d4c67096956ad440af8e17f,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +f288c0adbaa434bae37c3217845b193fc85f8b79,"public int centeredAverage(int[] nums) +{ + int minimum = nums[0]; + int maximum = nums[0]; + int sum = 0; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + + return (sum - minimum - maximum) / (nums.length - 2); +} +" +4f1ee2c87a27f422a947888234ae964214a64983,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int num : nums) { + if (num > largest) { + largest = num; + } + if (num < largest) { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest; + int ave = sum / (nums.length - 2); +} +" +cb9dbbcc0114f04db9081af67e39cf9bc37ab343,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int num : nums) { + if (num > largest) { + largest = num; + } + if (num < largest) { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest; + int ave = sum / (nums.length - 2); + return ave; +} +" +a1f06bef2b0cd30b04fc153324740eeb55fe5097,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int num : nums) { + if (num > largest) { + largest = num; + } + if (num < largest) { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest + 1; + int ave = sum / (nums.length - 2); + return ave; +} +" +922430e7cef3519eeac4c722660a7c89e82e2b26,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int num : nums) { + if (num > largest) { + largest = num; + } + if (num < largest) { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest; + int ave = sum / (nums.length - 2); + return ave; +} +" +24cabc6f27780489343a82945c457756446a073b,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (min + max)) / (nums.length - 2); +} +" +024451105371531cedcb178d4cba93108c2aa63c,"public int centeredAverage(int[] nums) +{ + double sum=0.0; + int max = nums[0]; + int min = nums[0]; + for(int i=0; i largest) {largest = nums[i];} + if(nums[i] < smallest){smallest =nums[i];} + sum+=nums[i]; + } + sum -= smallest; + sum -= largest; + + sum = sum/(nums.length - 2); + return sum; +} +" +15c7685cc354ddc1f0d14f3d8070731cc9874ca6,"public int centeredAverage(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + } + int min = max; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] < min) + { + min = nums[j]; + } + } + int sum = 0; + for (int k = 0; k < nums.length; k++) + { + sum = sum + nums[k]; + } + return (sum - min - max)/(nums.length - 2); +} +" +b652517885c3776e35179c491aaf08123938269b,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum = sum + nums[k]; + } + return (sum - min - max)/(nums.length - 2); +} +" +7cff12e7dcb607e725707c2a90e9b62d616352e7,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - min - max)/(nums.length - 2); +} +" +758b3bffe9fb54ccf0641e9a8da7e34c5471e0f3,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - min - max)/(nums.length - 2); +} +" +4e3e9ae29a3676e2fb838172a8536d999b680bd6,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - min - max)/(nums.length - 2); +} +" +59e000a341456734cec8fde64590adda6e721638,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + nums[0] = largest; + nums[0] = smallest; + } + else if (nums[i] > largest) + { + nums[i] = largest; + } + else if (nums[i] < smallest) + { + nums[i] = smallest; + } + } + int sum = 0; + int count = 0; + for (int j = 0; i < nums.length; j++) + { + if (nums[i] != largest && nums[i] != smallest) + { + sum += nums[i]; + count++; + } + } + return sum / count; +} +" +de4b7b65b390d2239848075164f119126739a998,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + nums[0] = largest; + nums[0] = smallest; + } + else if (nums[i] > largest) + { + nums[i] = largest; + } + else if (nums[i] < smallest) + { + nums[i] = smallest; + } + } + int sum = 0; + int count = 0; + for (int j = 0; i < nums.length; j++) + { + if (nums[j] != largest && nums[j] != smallest) + { + sum += nums[j]; + count++; + } + } + return sum / count; +} +" +ec8ab5052bdf40ce477f247f5eb732b2bf018902,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + nums[0] = largest; + nums[0] = smallest; + } + else if (nums[i] > largest) + { + nums[i] = largest; + } + else if (nums[i] < smallest) + { + nums[i] = smallest; + } + } + int sum = 0; + int count = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != largest && nums[j] != smallest) + { + sum += nums[j]; + count++; + } + } + return sum / count; +} +" +33ca805e25aa8e482ae407fef3f398a9ba46c47d,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + largest = nums[i]; + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + int count = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != largest && nums[j] != smallest) + { + sum += nums[j]; + count++; + } + } + int avg = sum / count; + return ; +} +" +7ec0fefcf7f60421defdd8777ca49beaff092bd0,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + largest = nums[i]; + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + int sum = 0; + int count = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != largest && nums[j] != smallest) + { + sum += nums[j]; + count++; + } + } + int avg = sum / count; + return avg; +} +" +b01b3ab690fee00d7c3958186f8401672bb5548e,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +e51aa7295af4e5cd8ea0ffd00319ca105c4009e2,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +" +c404f2079917d8f2175fd85ba896d2425fb3231b,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +2ab064afdd9b1d02f239f7d380c3459a075c86c6,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + largest = nums[i]; + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + /*int sum = 0; + int count = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != largest && nums[j] != smallest) + { + sum += nums[j]; + count++; + } + }*/ + int avg = (sum - smallest - largest) / (nums.length - 2); + return avg; +} +" +0668dea7126ddf125f86a4b01f6922d60274506e,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + largest = nums[i]; + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + /*int sum = 0; + int count = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != largest && nums[j] != smallest) + { + sum += nums[j]; + count++; + } + }*/ + int avg = (sum - smallest - largest) / (nums.length - 2); + return avg; +} +" +5f5ba4931fd627a0e305d69aacdb4492333d5dc8,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +3cf5371ada03efb9a32bf8c5b1523d1264662dd2,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + int len = nums.length; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur < smallest) + { + smallest = cur; + } + if (cur > largest) + { + largest = cur; + } + sum += cur; + } + sum = sum - smallest - largest; + return sum/(len-2) +} +" +43a0b6ab34942527899e212097172bc18f19d748,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + int len = nums.length; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur < smallest) + { + smallest = cur; + } + if (cur > largest) + { + largest = cur; + } + sum += cur; + } + sum = sum - smallest - largest; + return sum/(len-2); +} +" +e285d4cdb20265df4eba920c1344e0e880726044,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == highest) + { + nums[i].remove(); + } + else if (nums[i] == lowest) + { + nums[i].remove(); + } + else + { + sum += nums[i]; + counter++; + } + } + return sum / counter; +} +" +002bf046dbd08a2b58f9d0b69f67286aacc1a936,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == highest) + { + nums[i] = 0; + } + if (nums[i] == lowest) + { + nums[i] = 0; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + counter++; + } + return sum / (counter - 2); +} +" +c18c23cb1c04cc72621afd7d185d7b33d6cb5706,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == highest && x = 0) + { + nums[i] = 0; + x++; + } + if (nums[i] == lowest && y == 0) + { + nums[i] = 0; + y++ + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + counter++; + } + return sum / (counter - 2); +} +" +8c7faaedfcf3985422a71ca034a99786fe8342fe,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == highest && x = 0) + { + nums[i] = 0; + x++; + } + if (nums[i] == lowest && y == 0) + { + nums[i] = 0; + y++; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + counter++; + } + return sum / (counter - 2); +} +" +6c7bfcec3a92f9f24576d1c0b0b49718643c7302,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == highest && x == 0) + { + nums[i] = 0; + x++; + } + if (nums[i] == lowest && y == 0) + { + nums[i] = 0; + y++; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + counter++; + } + return sum / (counter - 2); +} +" +c5eee814e69451d47b0fd916e02423ff0367423e,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] >= highest) + { + highest = nums[i]; + } + if (nums[i] <= lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == highest && x == 0) + { + nums[i] = 0; + x++; + } + if (nums[i] == lowest && y == 0) + { + nums[i] = 0; + y++; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + counter++; + } + return sum / (counter - 2); +} +" +9d0634cdb6e3693eb74dfa0bd6dae614193742d7,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] >= highest) + { + highest = nums[i]; + } + if (nums[i] <= lowest) + { + lowest = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + counter++; + } + return (sum - highest - lowest) / (counter - 2); +} +" +f52b76ea71594cb54a5fdc8602de4f56119551ee,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] >= highest) + { + highest = nums[i]; + } + if (nums[i] <= lowest) + { + lowest = nums[i]; + } + sum += nums[i]; + counter++; + } + return (sum - highest - lowest) / (counter - 2); +} +" +58716538cc58b01837cb06a1e2e6eafe9efa79b9,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + sum += nums[i]; + counter++; + } + return (sum - highest - lowest) / (counter - 2); +} +" +1ee3ea13a72ddf4d5252e00e1a2008492bfeb863,"public int centeredAverage(int[] nums) +{ + int highest = 0; + int lowest = 0; + int sum = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + else + { + if (nums[i] < lowest) + { + lowest = nums[i]; + } + } + sum += nums[i]; + counter++; + } + return (sum - highest - lowest) / (counter - 2); +} +" +f54b90ec69b96aafc638983e09fc03b0442ed47a,"public int centeredAverage(int[] nums) +{ + int highest = nums[0]; + int lowest = nums[0]; + int sum = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > highest) + { + highest = nums[i]; + } + if (nums[i] < lowest) + { + lowest = nums[i]; + } + sum += nums[i]; + counter++; + } + return (sum - highest - lowest) / (counter - 2); +} +" +79b3541289e8df09af29c8b2d9365a30a38195d7,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int small = 10000; + int smallLoc = 0; + int large = 0; + int largeLoc = 0; + for (int i = 0; i < size; i++) + { + if (nums[i] < small) + { + small = nums[i]; + smallLoc = i; + } + else if (nums[i] > large) + { + large = nums[i]' + largeLoc = i; + } + } + nums.remove[small]; + nums.remove[large]; + for (int j = 0; j < size - 2; j++) + { + sum = sum + nums[i]; + count++; + } + return sum / count; +} +" +a85a60166ece16cc6d458ae46941f2a1e7f55919,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int small = 10000; + int smallLoc = 0; + int large = 0; + int largeLoc = 0; + for (int i = 0; i < size; i++) + { + if (nums[i] < small) + { + small = nums[i]; + smallLoc = i; + } + else if (nums[i] > large) + { + large = nums[i]; + largeLoc = i; + } + } + nums.remove(small); + nums.remove(large); + for (int j = 0; j < size - 2; j++) + { + sum = sum + nums[i]; + count++; + } + return sum / count; +} +" +3eafbe3468a5cf9181b3998698227f8e2581d930,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int small = 10000; + int smallLoc = 0; + int large = 0; + int largeLoc = 0; + for (int i = 0; i < size; i++) + { + if (nums[i] < small) + { + small = nums[i]; + smallLoc = i; + } + else if (nums[i] > large) + { + large = nums[i]; + largeLoc = i; + } + } + nums.remove(smallLoc); + nums.remove(largeLoc); + for (int j = 0; j < size - 2; j++) + { + sum = sum + nums[i]; + count++; + } + return sum / count; +} +" +77ffe8eab0c81772cf6f267259a0962563ee833b,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 1; j < size - 1; j++) + { + sum = sum + nums[i]; + count = count + 1; + } + return sum / count; +} +" +f22055f8ba79e7d2544f8214bb7b6f1785a63f3c,"public int centeredAverage(int[] nums) +{ + Array.sort(nums); + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 1; j < size - 1; j++) + { + sum = sum + nums[i]; + count = count + 1; + } + return sum / count; +} +" +ee36a70e1fc8b6f4b91be2620ab5ef9f54cadb18,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 1; j < size - 1; j++) + { + sum = sum + nums[i]; + count = count + 1; + } + return sum / count; +} +" +f51f3916285302a74981ec793fe9c1edb47a56d0,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 1; j < size - 1; j++) + { + sum = sum + nums[j]; + count = count + 1; + } + return sum / count; +} +" +46fd3724c49691008ad4156f4a1f4bdfa1f3c212,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 1; j < size; j++) + { + sum = sum + nums[j]; + count = count + 1; + } + return sum / count; +} +" +0c78505bc6be3d6e520732cd478265c37b74b9fc,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 0; j < size; j++) + { + sum = sum + nums[j]; + count = count + 1; + } + return sum / count; +} +" +a214bb5b06e6f506dfbbb513bbe965f84216513e,"public int centeredAverage(int[] nums) +{ + int size = nums.length; + int sum = 0; + int count = 0; + for (int j = 1; j < size - 1; j++) + { + sum = sum + nums[j]; + count = count + 1; + } + return sum / count; +} +" +ae2e860cc06c4ce7103bfa8350dcaf714e918aec,"public int centeredAverage(int[] nums) +{ + int smallest = nums.[0]; + int largest = nums.[0]; + int sum = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums.[i] < smallest) + { + smallest = nums.[i]; + } + else if (nums.[i] > largest) + { + largest = nums.[i]; + } + sum = sum + nums.[i]; + } + return (sum - smallest - largest)/(nums.length - smallest - largest); + +} +" +0f467b12d41d4eb2fd48199e517994cdecfc07af,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - smallest - largest)/(nums.length - smallest - largest); + +} +" +35d1db9c72f5a05981c787093367c8b3a99d34fb,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 10; + int sum = 0; + int num = nums.length - 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = (sum - largest)-smallest; + sum = sum / num; + return sum; +} +" +ae5d983dfc5d241a3b3a8760e52efbfbf53f3782,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 100; + int sum = 0; + int num = nums.length - 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = (sum - largest)-smallest; + sum = sum / num; + return sum; +} +" +ccbdef2b8a2bd81fe648c82c68b98e12575daf04,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = nums[0]; + int num = nums.length - 2; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest-smallest; + sum = sum / num; + return sum; +} +" +ad7b13084af9a0b81a2248beefcfecc322cca657,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - smallest - largest)/(nums.length - 2); + +} +" +f28b8518783ea7039b70ad4bd5f81aa67da9f627,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + else if (nums[i] > largest) + { + largest = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - smallest - largest)/(nums.length - 2); + +} +" +da8833ec6d85fd0cc8ecd25708fca80723900de6,"public int centeredAverage(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > nums[max]){ + i = max; + } + } + int min = 1000000; + for (int i = 1; i < nums.length; i++){ + if (nums[i] < nums[min]){ + i = min; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (i != min && i != max){ + sum = sum + nums[i]; + } + } + return sum; +} +" +69cd49aa9257a5f1bb5544776b552f0196afe19a,"public int centeredAverage(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > nums[max]){ + i = max; + } + } + int min = 0; + for (int i = 1; i < nums.length; i++){ + if (nums[i] < nums[min]){ + i = min; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (i != min && i != max){ + sum = sum + nums[i]; + } + } + return sum; +} +" +24de7924ab62cc899fd47832cac6b2c760917693,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +59df898e5292694b224d294a46a30c7dbf0022fc,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +965958c3f72a68907dc094765a6847211906302b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + return (sum - min - max)/(nums.length-2); +} +" +65f3bf17ffbcc3b9dc04da767fdf4b1babd233df,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +5ca779e0c111e3ce5084223e2a7483131b15ef89,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int sum=0; + for(int i=1; i < nums.length-1; i++) { + sum = sum+nums[i]; + } + return sum/(nums.length-2); +} +" +7e8b0703a0d5c95c89a8b2d21a0bc59fde493c13,"public int centeredAverage(int[] nums) +{ + int Arrays + Arrays.sort(nums); + int sum=0; + for(int i=1; i < nums.length-1; i++) { + sum = sum+nums[i]; + } + return sum/(nums.length-2); +} +" +a78b0b2a23a387c2857431a24b8be8c3c29a23d4,"public int centeredAverage(int[] nums) +{ + int Arrays; + Arrays.sort(nums); + int sum=0; + for(int i=1; i < nums.length-1; i++) { + sum = sum+nums[i]; + } + return sum/(nums.length-2); +} +" +0e98c6cb84a94411b5c1ca77de9602fe9b7b9e22,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +063d95c2c19305f57fe086eb6d77e166bdd20500,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +1a2d4f52dd6fada0ab3d89e760964913103c7ff6,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +499b9b9b41c00865831189088ddc68d89b82bedc,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); +3 + int count = 0; +4 + int sum = 0; +5 + for (int i = 1; i < nums.length - 1; i++){ +6 + sum += nums[i]; +7 + count++;} +8 + return sum / count; + +} +" +08fd71b159537b70ea10254627ce4f20306fde70,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +89a701571f0022643272c860015e613a718783b2,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +a338f9caa1c04580070aa6ebff0c57b2e0a66b57,"public int centeredAverage(int[] nums) +{ + int max = nums[0] + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min)) / (nums.length - 2); +} +" +68cb4d3eb6e7ca16cfc809afed4b819b074dca20,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min)) / (nums.length - 2); +} +" +db35ad8cd977c99cbfc74fb233ebfeb8e73ad69a,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int summation = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i] + } + summation += nums[i] + } + + return (summation - min - max)/nums.length; +} +" +dc7e05db8ab3c161219ff4f334705fb68a2b56a3,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int summation = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + summation += nums[i]; + } + + return (summation - min - max)/nums.length; +} +" +71751fd7db715c3be3321c05ed71c9645a1edbde,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int summation = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + summation += nums[i]; + } + + return (summation - min - max)/(nums.length-2); +} +" +27ef92e1a5f0ced7d8837543e3398e6a0e621219,"public int centeredAverage(int[] nums) +{ + return 1; +} +" +9b8ee88135d20395c6cd9207d70d7b44ccbcdf85,"public int centeredAverage(int[] nums) +{ + int small = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i] + } + if (nums[i] > large) + { + large = nums[i] + } + if (nums[i] != small && nums[i] != large) + { + sum += nums[i] + } + } + sum = sum/nums.length-2; + return sum; +} +" +09695407177e1a1ad4095aa58d41925c4f4680e4,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + return nums[length/2]; +} +" +939f0ef9b482854ba4d5af0c7c0b6611aac0783e,"public int centeredAverage(int[] nums) +{ + int small = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (nums[i] > large) + { + large = nums[i]; + } + if (nums[i] != small && nums[i] != large) + { + sum += nums[i]; + } + } + sum = sum/nums.length-2; + return sum; +} +" +cb323236046fed43f4e53a7b1566ee2153854057,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int avr = 0; + if (length % 2 == 0) + { + avr = (nums[length/2] + nums[(length/2) + 1]) / 2 ; + } + else + { + avr = nums[length/2]; + } + return avr; +} +" +60560403466d30301eef857adda59797e15545d8,"public int centeredAverage(int[] nums) +{ + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + int small = nums[0]; + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != small || nums[i] != large) + { + sum += nums[i]; + } + } + sum = sum/nums.length-2; + return sum; +} +" +a8f5f345c8aa2f21da7b21fff551c052487a213a,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + small = nums[0]; + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != small || nums[i] != large) + { + sum += nums[i]; + } + } + sum = sum/nums.length-2; + return sum; +} +" +c59453efe429d9d824bc6717f5f0288c6eb97406,"public int centeredAverage(int[] nums) +{ + int small = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + small = nums[0]; + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != small || nums[i] != large) + { + sum += nums[i]; + } + } + sum = sum/nums.length-2; + return sum; +} +" +adf8c027e00aecc6955751577a5cc54cc6aaa854,"public int centeredAverage(int[] nums) +{ + int small = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + small = nums[0]; + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != small && nums[i] != large) + { + sum += nums[i]; + } + } + avg = sum/nums.length-2; + return avg; +} +" +2459d69ce94c8e2f8f930b1cdd6e9c2aeaf22dbc,"public int centeredAverage(int[] nums) +{ + int small = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + small = nums[0]; + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + sum = sum - large; + sum = sum - small; + } + avg = sum/nums.length-2; + return avg; +} +" +a654df8262afe70b44385dbfcf23bc88bb25959b,"public int centeredAverage(int[] nums) +{ + int small = 0; + int large = 0; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + small = nums[0]; + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum = sum - large; + sum = sum - small; + avg = sum/nums.length-2; + return avg; +} +" +f98d52445dd27c06f7c3833ea87bc1b381984412,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for (int i = 0; i large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum = sum - large; + sum = sum - small; + avg = sum/nums.length-2; + return avg; +} +" +cc1af95362459ab6cb1f9b6de62fb6bd6bbee003,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum = sum - large; + sum = sum - small; + avg = sum/nums.length-2; + return avg; +} +" +f88a2c9baf7dee3c33fa5fff537df45d123aeed9,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int avg = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum = sum - large; + sum = sum - small; + avg = sum/(nums.length-2); + return avg; +} +" +035c78378c09af748dfb683817f761c850bd7f29,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +cb4d0e16ff82b34ea8ae06cfc5a5160af17de817,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + else if(nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min)) / (nums.length - 2); +} +" +bea7b1431a250befb583d93634a9dcaeac01a722,"public int centeredAverage(int[] nums) +{ + int min = 1000; + int max = -1000; + int sum = 0; + int posMin = 0; + int posMax =0; + int count = 0; + for (int i = 0; imax) + { + max=nums[i]; + posMax = i; + } + } + if(posMin==posMax) + { + posMin++; + } + for (int j = 0; jmax) + { + max=nums[i]; + posMax = i; + } + } + if(posMin==posMax) + { + posMin++; + } + for (int j = 0; jmax) + { + max=nums[i]; + posMax = i; + } + } + if(posMin==posMax) + { + posMin++; + } + for (int j = 0; j max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); + +} +" +fdbfad5ea73eacc199aed04a524d70f57095df6b,"public int centeredAverage(int[] nums) +{ + int min = nums[i]; + for (int i = 0; i max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +b8680a07d6e01b7cab3da90edfb3a1b7ed0d85f3,"public int centeredAverage(int[] nums) +{ + max_value = nums[0]; + min_value = nums[0]; + sum = 0; + for x in nums; + { + max_value = max(max_value, x); + min_value = min(mix_value, x); + sum += x + } + return (sum - max_value - min_value) / (len(nums) - 2); + +} +" +c5867c6a54da5549df6420cf8502567943a52d33,"public int centeredAverage(int[] nums) +{ + max_value = nums[0]; + min_value = nums[0]; + sum = 0; + for (x in nums) + { + max_value = max(max_value, x); + min_value = min(mix_value, x); + sum += x + } + return (sum - max_value - min_value) / (len(nums) - 2); + +} +" +56996df616f596e53830f01022298c653f887c8d,"public int centeredAverage(int[] nums) +{ + max_value = nums[0]; + min_value = nums[0]; + sum = 0; + for (x in nums); + { + max_value = max(max_value, x); + min_value = min(mix_value, x); + sum += x + } + return (sum - max_value - min_value) / (len(nums) - 2); + +} +" +96258d3c49adf138f23634c5e307ae674b12ff62,"public int centeredAverage(int[] nums) +{ + int s = 0; + int mi = nums[0]; + int ma = nums[0]; + + for(int i = 0; i < nums.length; i++) { + s += nums[i]; + mi = Math.min(mi, nums[i]); + ma = Math.max(ma, nums[i]); + } + + return (s - mi - ma) / (nums.length - 2); +} +" +f32c0c26a9d17c358163347a1b4409908f44560e,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); + +} +" +c76a0a018bca1c2650bbc08e48a45a95f6becb78,"public int centeredAverage(int[] nums) +{ + return (sum(nums) - max(nums) - min(nums)) / (len(nums) - 2); +} +" +31aa678d8abbbab27b3ec5d1f39739f196039461,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 1; i < nums.length - 1; i++; + { + sum = sum + nums.get[i]; + } + avg = sum / (nums.length - 2); + return avg; +} + +" +7ea77b87ccfee988c5bbf6513e26d909ed0b18f0,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + nums.get[i]; + } + avg = sum / (nums.length - 2); + return avg; +} + +" +3e52db56cbe2dcfafda0dcf094449eac9bac33ab,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + nums[i]; + } + avg = sum / (nums.length - 2); + return avg; +} + +" +f6c84f7f90d101edd747595bf9dc8776679da66c,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + nums[i]; + } + int avg = sum / (nums.length - 2); + return avg; +} + +" +8e41f0474dfd57d599f315d55c7e834e31b22b0b,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = [0]; + int average; + + for (int i = 0; i < nums.length; i++) + { + average += nums[i]; + small = Math.min(small, nums[i]); + large = Math.max(large, nums[i]); + } + + return (average - large - small) / (nums.length - 2); +} +" +94e74ca5e5264fdb9fc206ddfa9c31b83705ca31,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int average; + + for (int i = 0; i < nums.length; i++) + { + average += nums[i]; + small = Math.min(small, nums[i]); + large = Math.max(large, nums[i]); + } + + return (average - large - small) / (nums.length - 2); +} +" +c8ca9002af5c226d229f145cca3556dc47465201,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int large = nums[0]; + int average = 0; + + for (int i = 0; i < nums.length; i++) + { + average += nums[i]; + small = Math.min(small, nums[i]); + large = Math.max(large, nums[i]); + } + + return (average - large - small) / (nums.length - 2); +} +" +19c45135be261ad6c0eb6f6f842d3120bd9edb43,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int total = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] != smallest && nums[i] != largest) + { + total = total + nums[i]; + } + } + total = total / length; + return total; +} +" +3ce5d0287ff113c181adae896a6bf4adf232e2d0,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int total = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] != smallest && nums[i] != largest) + { + total = total + nums[i]; + counter++; + } + } + total = total / counter; + return total; +} +" +6d1697e897f49e8ef587cf7fe8db5255d34f25ed,"public int centeredAverage(int[] nums) +{ + int ave=0; + int max = nums[0]; + int min=nums[0]; + for(int i =0;i< nums.length; i++) + { + sum+=nums[i]; + if (maxnums[i]) + { + min=nums[i]; + } + } + ave=(sum-max-min)/(nums.length-2); + +} +" +ec1f4cb51fafae9fdb8dbfc2b21df105a21e3fb5,"public int centeredAverage(int[] nums) +{ + int ave=0; + int max = nums[0]; + int min=nums[0]; + for(int i =0;i< nums.length; i++) + { + sum+=nums[i]; + if (maxnums[i]) + { + min=nums[i]; + } + } + ave=(sum-max-min)/(nums.length-2); + +} +" +4724539ddddcf8958647ab6ce1e5ce85d7bc19e3,"public int centeredAverage(int[] nums) +{ + int ave=0; + int max = nums[0]; + int min=nums[0]; + int sum = 0; + for(int i =0;i< nums.length; i++) + { + sum+=nums[i]; + if (maxnums[i]) + { + min=nums[i]; + } + } + ave=(sum-max-min)/(nums.length-2); + +} +" +c4078f0d27e2907f0bebef5a0812c9be56150e14,"public int centeredAverage(int[] nums) +{ + int ave=0; + int max = nums[0]; + int min=nums[0]; + int sum = 0; + for(int i =0;i< nums.length; i++) + { + sum+=nums[i]; + if (maxnums[i]) + { + min=nums[i]; + } + } + ave=(sum-max-min)/(nums.length-2); + return ave; +} +" +754082c941bf9a927d22f28afb7fce0cca15f874,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int total = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + total = total + nums[i]; + counter++; + } + total = (total - largest - smallest) / length - 2; + return total; +} +" +9f7c2537442ca7803b8c8f9cc25f6315e7cd1339,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int total = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] != smallest && nums[i] != largest) + { + total = total + nums[i]; + counter++; + } + } + total = total / counter; + return total; +} +" +02148cfbfa94ae205ed66e0cac1494cbe787a2ec,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int finAvg = 0; + int n = 0; + for (int num: nums) + { + if (num > max) + { + max = num; + } + if (num < min) + { + min = num + } + sum = sum + num; + n++; + } + finAvg = (sum - max - min)/(n-2) + return finAvg; +} +" +09fcc183ee4e670864d4071201e2b61fba81b17d,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int finAvg = 0; + int n = 0; + for (int num: nums) + { + if (num > max) + { + max = num; + } + if (num < min) + { + min = num + } + sum = sum + num; + n++; + } + finAvg = (sum - max - min)/(n-2); + return finAvg; +} +" +9aaae3b0e4ba92ec822e19aec2efdee021cc0791,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int finAvg = 0; + int n = 0; + for (int num: nums) + { + if (num > max) + { + max = num; + } + if (num < min) + { + min = num; + } + sum = sum + num; + n++; + } + finAvg = (sum - max - min)/(n-2); + return finAvg; +} +" +5245883395b70a17c6e703b6d8415e7a802f3321,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int total = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + + total = total + nums[i]; + counter++; + } + total = (total - largest - smallest) / counter - 2; + return total; +} +" +55f17024c1f7f00677b7c941e915c6381a1bf041,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int result = 0; + + for (int i = 0; i < nums.lenght; i++) + { + result += num[i]; + if (nums[i] > max) + { + max = nums[i]; + } + + if (nums[i] < min) + { + min = nums[i]; + } + } + + return result; +} +" +0ec231f39f22aa938fae9ab928a64f63853241fe,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int result = 0; + + for (int i = 0; i < nums.length; i++) + { + result += num[i]; + if (nums[i] > max) + { + max = nums[i]; + } + + if (nums[i] < min) + { + min = nums[i]; + } + } + + return result; +} +" +fda8e9d9d544671fc7f55dcb4aa37e10801f7760,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int result = 0; + + for (int i = 0; i < nums.length; i++) + { + result += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + + if (nums[i] < min) + { + min = nums[i]; + } + } + + return result; +} +" +3715a4f564d64b92aa5ec9e74bcfa6db76f14559,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int result = 0; + + for (int i = 0; i < nums.length; i++) + { + result += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + + if (nums[i] < min) + { + min = nums[i]; + } + } + + return (result - (max + min)) / (nums.length - 2); +} +" +4f008423904c5415d48e39e6ae993b53542cdaf7,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int total = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + for (int i = 0; i < length; i++) + { + + total = total + nums[i]; + counter++; + } + total = (total - largest - smallest) / (counter - 2); + return total; +} +" +7c9c392ed318a49e6fd27798ba7151fc3b765fa8,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +f25e3bc656800a027d924a382458ee4103dbbdc6,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int size = nums.length - 2; + int avg = 0; + for (int i = 0; i < nums.length; i++) + { + avg += nums[i]; + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + if (nums[i] > largest) { + largest = nums[i]; + } + } + + avg = avg - smallest - largest; + + avg /= size; + + return avg; +} +" +e854f2710b21599b5e84b60834d143a539ad2d45,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +999ef59e35f9a8e1cb545ee05c8cfd2d1e7d744c,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int num : nums) + if (num > largest) + largest = num; + if (num < smallest) + smallest = num; + sum += num; + int average = (sum - largest - smallest) / (nums.length - 2); + +} +" +c5ab6e295df92019602ba1ba29ad0884e71bdc9f,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] > largest) + largest = nums[i]; + if (nums[i] < smallest) + smallest = nums[i]; + sum += num; + int average = (sum - largest - smallest) / (nums.length - 2); + +} +" +c32e617d222d3dbcf40bcb88708652683e91c68a,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += num; + int average = (sum - largest - smallest) / (nums.length - 2); + +} +" +d2f5d94cef5d52f5b8bf569421e3faf91488eca0,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] > largest) + { + largest = nums[i]; + } + sum += num; + for (int i = 0; i < nums.length; i++) + if (nums[i] < smallest) + { + smallest = nums[i]; + } + int average = (sum - largest - smallest) / (nums.length - 2); + +} +" +650e9c75f40cd71d10dc7893b819442589a52af1,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] > largest) + { + largest = nums[i]; + } + sum += nums[i]; + for (int i = 0; i < nums.length; i++) + if (nums[i] < smallest) + { + smallest = nums[i]; + } + int average = (sum - largest - smallest) / (nums.length - 2); + +} +" +387662098d283d99286050b77e5413fa8622a75a,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] > largest) + { + largest = nums[i]; + } + for (int i = 0; i < nums.length; i++) + if (nums[i] < smallest) + { + smallest = nums[i]; + } + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int average = (sum - largest - smallest) / (nums.length - 2); + +} +" +95b1fe9cdfa439687d69a8e8cf3c3aacd1587872,"public int centeredAverage(int[] nums) +{ + int largest = -1000; + int smallest = 1000; + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] > largest) + { + largest = nums[i]; + } + for (int i = 0; i < nums.length; i++) + if (nums[i] < smallest) + { + smallest = nums[i]; + } + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int average = (sum - largest - smallest) / (nums.length - 2); + return average; +} +" +29f7453be59c4effe70523915bdea0086e1d76b9,"public int centeredAverage(int[] nums) +{ + int largest = num[0]; + int largestp = 0; + int smallest = num[0]; + int smallestp = 0; + int sum = 0; + for (int i; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + largestp = i; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + smallestp = i; + } + } + for (int i; i largest) + { + largest = nums[i]; + largestp = i; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + smallestp = i; + } + } + for (int i; i largest) + { + largest = nums[i]; + largestp = i; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + smallestp = i; + } + } + for (int i = 0; i large) + { + large = nums[i]; + } + } + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != small && nums[i] != large) + { + sum = sum + nums[i]; + count++; + } + } + return sum/count; + +} +" +d2f18d7d5bf7ada86050981dd28795b893c5e9fb,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int smallUse = 0; + int large = nums[0]; + int largeUse = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (nums[i] > large) + { + large = nums[i]; + } + } + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != small && smallUse == 1) + { + if (nums[i] != large && largeUse == 1) + { + sum = sum + nums[i]; + count++; + } + else + { + largeUse = 1; + } + } + else + { + smallUse = 1; + } + } + return sum/count; + +} +" +fbefb34469a84ea38071938d279e4169d5e86f57,"public int centeredAverage(int[] nums) +{ + int small = nums[0]; + int smallUse = 0; + int large = nums[0]; + int largeUse = 0; + + int locationS = 0; + int locationL = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + locationS = i; + + } + if (nums[i] > large) + { + large = nums[i]; + locationL = i; + } + } + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (i != locationS && i != locationL) + { + sum = sum + nums[i]; + count++; + } + + } + return sum/count; + +} +" +cab4f8508a522f007d2878a900cdcb1840d0a907,"public int centeredAverage(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > nums[0]) + { + nums[0] = nums[i]; + } + if (nums[i] < nums[0]) + { + nums[0] = nums[i]; + } + } + return (sum - (nums[0] + nums[0])) / (nums.length - 2); +} +" +4fa2e01d7da313aa9b3f419c5feb1c859152dc50,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > nums[0]) + { + nums[0] = nums[i]; + } + if (nums[i] < nums[0]) + { + nums[0] = nums[i]; + } + } + return (sum - (nums[0] + nums[0])) / (nums.length - 2); +} +" +6a6683816ea2b48e041638e3d2fb65da84fec8a3,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > big) + { + big = nums[i]; + } + if (nums[i] < small) + { + small = nums[i]; + } + } + return (sum - (big + small)) / (nums.length - 2); +} +" +426dbcca91fcd487046fc348def6d3a3e4cf083c,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 107312233442; + int sum = 0; + for (int[] num : nums) + { + if (num > largest) + { + largest = num; + } + if (num < smallest) + { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest; + return sum / (nums.length - 2); +} +" +0ceef13e9e9b0f158e0c1f1c1813dc480956c4b1,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 233442; + int sum = 0; + for (int[] num : nums) + { + if (num > largest) + { + largest = num; + } + if (num < smallest) + { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest; + return sum / (nums.length - 2); +} +" +8f63fdf4243eee2b52a84aca6053c7331efe7fec,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +3547b534e57e23c58a0d65cfc01a80ffe18f768e,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int smallest = 233442; + int sum = 0; + for (int num : nums) + { + if (num > largest) + { + largest = num; + } + if (num < smallest) + { + smallest = num; + } + sum += num; + } + sum = sum - largest - smallest; + return sum / (nums.length - 2); +} +" +817887dff6c8e9b8f998327a2d5108787bf72ca7,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = 10000000; + + + // Find max and min + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + + if (nums[i] < min) + { + min = nums[i]; + } + + } + + // Find sum + sum = sum - max - min; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + + int average = sum / (nums.length - 2); + + return average; +} +" +764b5257d3eeb41c6d841180206fdab0cf0bfead,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +ded408d6aae33daa26c365968c1693fb82be61ae,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + else if(nums[i] < min) + { + min = nums[i]; + } + } + return (sum-max-min) / (nums.length - 2); +} +" +764e11348db25f63b8c121a52d9c81e759e7d1c0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +10df1ffc33d34afe7d9de8ef33039d5e63004e96,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +392af99a7da4c7633b3abbfa9ddd9a7cfbe78724,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +4ec7b37d7f6d0bfca18a811d142184088dd87d65,"public int centeredAverage(int[] nums) { + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +caa17041a88f41e33668129ae3f458b1a6f44b84,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +b60fafea9d0e4f435fdf8bfedf54ff4f63b769dc,"public int centeredAverage(int[] nums) +{ + nums.sort(); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +eb3a7a92ebabd44926de45ded698ec04b54136db,"public int centeredAverage(int[] nums) +{ + sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +2b1d0737325aa2ec941a94396a0b8f5827f278f6,"public int centeredAverage(int[] nums) { +int sum = 0; +int largest = nums[0]; +int smallest = nums[0]; + +for (int i = 0; i < nums.length; i++) { + +smallest = Math.min(smallest, nums[i]); +largest = Math.max(largest, nums[i]); + +sum = sum + nums[i]; +} + +sum = sum - largest; +sum = sum - smallest; + +return sum / (nums.length - 2); +}" +aefc9c1f76b619dfa20c7953e6b511c02c6bff0c,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 0; i< nums.length; i++) + { + sum += nums[i]; + + minimum = Math.min(minimumimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + + return (sum - minimum - maximumimumimum) / + (nums.length -2); +} +" +b1efdb94dba8cbcc31d6f9fb0c3dec5a0cb2d84f,"public int centeredAverage(int[] nums) +{ + int total = 0; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 0; i< nums.length; i++) + { + total += nums[i]; + + minimum = Math.min(minimumimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + + return (total - minimum - maximum) / + (nums.length -2); +} +" +b7b01ac1cb580964109c226a8f14125d474f17af,"public int centeredAverage(int[] nums) +{ + int total = 0; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 0; i< nums.length; i++) + { + total += nums[i]; + + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + + return (total - minimum - maximum) / + (nums.length -2); +} +" +624329cdbbee2992e1f5bbaf98751e88b4be1036,"public int centeredAverage(int[] nums) +{ + ArrayList num = new ArrayList(); + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i] + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i] + small = i; + } + } + + +} +" +83a6231ac8e86d1188cc976ef0b6e49d3e7e4dc9,"public int centeredAverage(int[] nums) +{ + ArrayList num = nums; + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i] + small = i; + } + } + + num.remove(small); + num.remove(large); + int sum = 0; + for (int i =0; i < num.length; i++) + { + sum = sum + num[i]; + } + return sum/num.length; +} +" +46ac9ba6d696478494c8f752a02bb578702476d2,"public int centeredAverage(int[] nums) +{ + ArrayList num = nums; + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i]; + small = i; + } + } + + num.remove(small); + num.remove(large); + int sum = 0; + for (int i =0; i < num.length; i++) + { + sum = sum + num[i]; + } + return sum/num.length; +} +" +4a1041df56a8fc79a1a18417e393c96fc0aef5cd,"public int centeredAverage(int[] nums) +{ + int[] num = nums; + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i]; + small = i; + } + } + + num.remove(small); + num.remove(large); + int sum = 0; + for (int i =0; i < num.length; i++) + { + sum = sum + num[i]; + } + return sum/num.length; +} +" +80b4b9b7c7e1fe6a1f939c286faffa7d9a7b5203,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i]; + small = i; + } + } + + + int sum = 0; + for (int i =0; i < num.length; i++) + { + if( i ==small || i ==large) + { + } + else + { + sum = sum + num[i]; + } + } + return sum/num.length; +} +" +6192699c8443d80342691385c76d878fba8083d6,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i]; + small = i; + } + } + + + int sum = 0; + for (int i =0; i < nums.length; i++) + { + if( i ==small || i ==large) + { + } + else + { + sum = sum + num[i]; + } + } + return sum/num.length; +} +" +12fedba84af19d937c29d74142b9198066dcf0ab,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i]; + small = i; + } + } + + + int sum = 0; + for (int i =0; i < nums.length; i++) + { + if( i ==small || i ==large) + { + } + else + { + sum = sum + nums[i]; + } + } + return sum/num.length; +} +" +4e8d959efd4dc68a1c80bdb7497d84546f3f1161,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int small = 0; + int large = 0; + for( int i =0; i < nums.length; i++) + { + if( nums[i] > largest) + { + largest = nums[i]; + large = i; + } + } + for( int i =0; i < nums.length; i++) + { + if( nums[i] < smallest) + { + smallest = nums[i]; + small = i; + } + } + + + int sum = 0; + for (int i =0; i < nums.length; i++) + { + if( i ==small || i ==large) + { + } + else + { + sum = sum + nums[i]; + } + } + return sum/nums.length; +} +" +6e0db7ca7bed298d7942fed0fed632786cf2a279,"public int centeredAverage(int[] nums) { + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +c9a9937c4743dfc22af638eed395719298daf4d8,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int low = nums[0]; + int high = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < low) + { + low = nums[i]; + } + else if (nums[i] > high); + { + high = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + sum = sum - low - high; + int avg = sum / (nums.length - 2); + return avg; +} + +" +6221b4013c56dc932444885d0d3a6f3f947199e4,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (max-sum-min)/(nums.length - 2) +} +" +8108b68c455882a8b64621fedad9ed22a29da1cf,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (max-sum-min)/(nums.length - 2); +} +" +63fd1e884303e051a27163d0d72a30393161cb37,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (max-sum-min)/(nums.length - 2); +} +" +aa4faa802468233c2befe8edef186f005fd1e7f2,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min)/(nums.length - 2); +} +" +0ebfa3effafd9e3a374745c98ac325b468c5d59b,"public int centeredAverage(int[] nums) +{ + int lIndex = 0; + int lVal = nums[0]; + int sIndex = 0; + int sVal = nums[0]; + + for(int i=0;i lVal) { + lIndex = i; + lVal = nums[i]; + } else if(nums[i] < sVal) { + sIndex = i; + sVal = nums[i]; + } + } + + int total = 0; + for(int i=0;i lVal) { + lIndex = i; + lVal = nums[i]; + } else if(nums[i] < sVal) { + sIndex = i; + sVal = nums[i]; + } + } + + int total = 0; + for(int i=0;i lVal) { + lIndex = i; + lVal = nums[i]; + } else if(nums[i] < sVal) { + sIndex = i; + sVal = nums[i]; + } + } + + int total = 0; + for(int i=0;i lVal) { + lIndex = i; + lVal = nums[i]; + } else if(nums[i] < sVal) { + sIndex = i; + sVal = nums[i]; + } + } + + int total = 0; + for(int i=0;i lVal) { + lIndex = i; + lVal = nums[i]; + } else if(nums[i] <= sVal) { + sIndex = i; + sVal = nums[i]; + } + } + + int total = 0; + for(int i=0;i largest) + { + largest = nums[i] + } + total = total +nums[i]; + } + total = total - lowest - largest; + int ave = total/ div; + return ave; +} +" +7307d4acd73737d6e692521cd1dbe288f5d24100,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int lowest = 99999999; + int total = 0; + int div = nums.length - 2; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] < lowest) + { + lowest = num[i]; + } + if(nums[i] > largest) + { + largest = nums[i]; + } + total = total +nums[i]; + } + total = total - lowest - largest; + int ave = total/ div; + return ave; +} +" +ad66c1bc22cdb65b3eec204f9e503377b87401a0,"public int centeredAverage(int[] nums) +{ + int largest = 0; + int lowest = 99999999; + int total = 0; + int div = nums.length - 2; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] < lowest) + { + lowest = nums[i]; + } + if(nums[i] > largest) + { + largest = nums[i]; + } + total = total +nums[i]; + } + total = total - lowest - largest; + int ave = total/ div; + return ave; +} +" +75938902e1b6be97cce8e0c1fab9e97c07e3f9f7,"public int centeredAverage(int[] nums) +{ + int largest = -1; + int lowest = 99999999; + int total = 0; + int div = nums.length - 2; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] < lowest) + { + lowest = nums[i]; + } + if(nums[i] > largest) + { + largest = nums[i]; + } + total = total +nums[i]; + } + total = total - lowest - largest; + int ave = total/ div; + return ave; +} +" +ffcc5f773c4f9bb201b397d213cfbc96aab8526b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + return (sum - min - max) / (nums.length - 2); +} +" +d22dd8cea91fea9dc7d932ef1e2998d16effe0b1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +} +" +5f0db60eb6a6b1452d85acf1234046a834f11c1e,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); + } +" +e309eac2c6ca3cd064bd42f335a9f67fc67e6068,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int center = 0; + Arrays.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + } + center = sum / (nums.length - 2); + return center; + +} +" +aae8e4fcdd43e8e7da7457cd0545df9088c00217,"import java.util.Arrays; +public int centeredAverage(int[] nums) +{ + int sum = 0; + int center = 0; + Arrays.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + } + center = sum / (nums.length - 2); + return center; + +} +" +d44da97ef3042f5b8ba047d0db524b72afe5d4f6,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int center = 0; + sort(nums); + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + } + center = sum / (nums.length - 2); + return center; + +} +" +2f4c3f5df5b20ea0312e687a48f56aa49683cc63,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int center = 0; + newNums = sort(nums); + for (int i = 1; i < nums.length - 1; i++) + { + sum += newNums[i]; + } + center = sum / (nums.length - 2); + return center; + +} +" +0e0c065c37d685fd20fcfc5f7196e0d1c7b2bcdd,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int center = 0; + int[] newNums = sort(nums); + for (int i = 1; i < nums.length - 1; i++) + { + sum += newNums[i]; + } + center = sum / (nums.length - 2); + return center; + +} +" +4fed40400619346792222a63a7ea9eedf67a58a3,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int max = nums[0]; + int min = nums[0]; + int center = 0; + int[] newNums = sort(nums); + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + else + { + if (nums[i] > max) + { + max = nums[i]; + } + } + sum = sum + nums[i]; + } + sum = sum - (min + max); + int avg = sum / (nums.length - 2); + return avg; + +} +" +028efd499c78d94aaf8d76b47f57b9a27df5d5ff,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int max = nums[0]; + int min = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + else + { + if (nums[i] > max) + { + max = nums[i]; + } + } + sum = sum + nums[i]; + } + sum = sum - (min + max); + int avg = sum / (nums.length - 2); + return avg; + +} +" +b21e99075848d8c811604f022e32c52d8a5df685,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else + { + min = num[i]; + } + + } + + return (sum - min - max) / (nums.length - 2); + +} +" +0e94768cb41af2c77fbd0bd07b13d4bfd9fe55f2,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else + { + min = nums[i]; + } + + } + + return (sum - min - max) / (nums.length - 2); + +} +" +1268c5fd9979c6e580efff1ce1de6170e3f193f9,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + + return (sum - (max + min)) / (nums.length - 2); +} +" +6c40f7e76ea9ea7f284fae3aa07ef200f4205b88,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + } + sum = sum - largest - smallest; + return sum; +} +" +bfc75cf6a9eee529bfcaf62640b198f86b37eb1f,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + + } + + return (sum - min - max) / (nums.length - 2); + +} +" +86e4fcdb22d829f272161c5ce42ec69a2b16e6ef,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 1; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + } + sum = sum - largest - smallest; + return sum / (nums.length - 2); +} +" +3bce541570784b58fa96eb90685a1f9e74424a8c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = mus[0]; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < min) + { + min = nums[i]; + } + else if (nums[i] > max) + { + max = nums[i]; + } + } + int average = (sum - min - max) / (nums.length - 2); + + return average; +} +" +2b64a0277763a3e3aeb7d462893bb8e9e84266a5,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < min) + { + min = nums[i]; + } + else if (nums[i] > max) + { + max = nums[i]; + } + } + int average = (sum - min - max) / (nums.length - 2); + + return average; +} +" +9d7e683e17bc8bd39b9267a4ceeaa3056666264a,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < min) + { + min = nums[i]; + } + else if (nums[i] > max) + { + max = nums[i]; + } + } + int average = (sum - min - max) / (nums.length - 2); + + return average; +} +" +539a41d517c861529c42444b70d0c6508d6ce6a0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min) / nums.length - 2) +} +" +e8813bd847c6c13138045c9d38820d0820774d0e,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min) / nums.length - 2); +} +" +27d96abbbcfa0312730086e777ad8623fe8fc3ab,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min)) / (nums.length - 2); +} +" +ebc7b352f239fa44c8256adddcb092853a223d17,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +ab8860181bab454e91a6cc61db24137b0718d00c,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = nums[0]; + int min = nums[0]; + double average; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum = sum + nums[i]; + } + average = (sum - (min + max))/(nums.length - 2); + return average; +} +" +9ec0af0b9519a1bcbce29ccf52a593d45c5f1c2a,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = nums[0]; + int min = nums[0]; + int average; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum = sum + nums[i]; + } + average = (sum - (min + max))/(nums.length - 2); + return average; +} +" +a6f1095889776d986fde21fa9209718f5e6560a4,"public int centeredAverage(int[] nums) +{ + int maxVal = nums[0]; + int minVal = nums[0]; + int finalSum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + int returnVal = (sum - max - min) / (nums.length - 1); + return returnVal; +} +" +b33adc56e62c6c9576e44a666f6bcd5f5a08f173,"public int centeredAverage(int[] nums) +{ + int maxVal = nums[0]; + int minVal = nums[0]; + int finalSum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + finalSum = finalSum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + int returnVal = (finalSum - max - min) / (nums.length - 1); + return returnVal; +} +" +f6453d5e417f1455507a06ceea4d9d4107c856fd,"public int centeredAverage(int[] nums) +{ + int maxVal = nums[0]; + int minVal = nums[0]; + int finalSum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + finalSum = finalSum + nums[i]; + if(nums[i] > maxVal) + maxVal = nums[i]; + else if(nums[i] < minVal) + minVal = nums[i]; + } + int returnVal = (finalSum - maxVal - minVal) / (nums.length - 1); + return returnVal; +} +" +abc50da14fae4ff1e2a8f50986d4f72ba0ef7e67,"public int centeredAverage(int[] nums) +{ + int maxVal = nums[0]; + int minVal = nums[0]; + int finalSum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + finalSum = finalSum + nums[i]; + if(nums[i] > maxVal) + maxVal = nums[i]; + else if(nums[i] < minVal) + minVal = nums[i]; + } + int returnVal = (finalSum - maxVal - minVal) / (nums.length - 2); + return returnVal; +} +" +099f64d3feac51d995501dcd5812f40c7db6df40,"public int centeredAverage(int[] nums) +{ + List inputs = new ArrayList(); + int sum = 0; + int max = nums[0]; + int min = nums[0]; + int input; + + for (int i = 1; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs.add(max); + max = input; + } + else if (input < min) + { + inputs.add(min); + min = input; + } + else { + inputs.add(input); + } + } + + for (int i : inputs) + { + sum += i; + } + + return sum / inputs.size(); +} +" +50021d301431476a4877c418a7bc37b99321c601,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = nums[0]; + int min = nums[0]; + int input; + + inputs[0] = 0; + for (int i = 1; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + } + + return sum / inputs.size(); +} +" +2cc5dd5c3767ce9b818153d625619e3084850376,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = nums[0]; + int min = nums[0]; + int input; + + inputs[0] = 0; + for (int i = 1; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + } + + return sum / inputs.length; +} +" +4a398aba09caf34ea894be7a5cfdb562bfd200f0,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int input; + + inputs[0] = 0; + for (int i = 1; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + } + + return sum / inputs.length; +} +" +7fd1f2ecf0c1741943a4a465bb1089eb6829e56f,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int input; + + inputs[0] = 0; + for (int i = 0; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + } + + return sum / inputs.length; +} +" +46c84685951015509cb72371533f9d7b99b8cc9e,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int size = 0; + int input; + + inputs[0] = 0; + for (int i = 0; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + if (i != 0) + { + size++; + } + } + + return sum / size; +} +" +1602e493d9e1c1774a07068809daf147851c7590,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int size = 0; + int input; + + inputs[0] = 0; + + if (nums[0] > nums[1]) + { + max = nums[0]; + min = nums[1]; + } + else { + max = nums[1]; + min = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + if (i != 0) + { + size++; + } + } + + return sum / size; +} +" +ef496228b969605dbb6662194a50594b3569057f,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int size = 0; + int input; + + inputs[0] = 0; + + if (nums[0] > nums[1]) + { + max = nums[0]; + min = nums[1]; + } + else { + max = nums[1]; + min = nums[0]; + } + + for (int i = 1; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + if (i != 0) + { + size++; + } + } + + return sum / size; +} +" +b25c4460c681e89bf25230613c9f3f5f7abce3c4,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int size = 0; + int input; + + if (nums[0] > nums[1]) + { + max = nums[0]; + min = nums[1]; + } + else { + max = nums[1]; + min = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + if (i != 0) + { + size++; + } + } + + return sum / size; +} +" +2160f238b039c66d499004e3cf631e80e27fbc66,"public int centeredAverage(int[] nums) +{ + int[] inputs = new int[nums.length]; + int sum = 0; + int max = 0; + int min = 0; + int size = 0; + int input; + + if (nums[0] > nums[1]) + { + max = nums[0]; + min = nums[1]; + } + else { + max = nums[1]; + min = nums[0]; + } + + inputs[0] = 0; + inputs[1] = 0; + for (int i = 2; i < nums.length; i++) + { + input = nums[i]; + + if (input > max) + { + inputs[i] = max; + max = input; + } + else if (input < min) + { + inputs[i] = min; + min = input; + } + else { + inputs[i] = input; + } + } + + for (int i : inputs) + { + sum += i; + if (i != 0) + { + size++; + } + } + + return sum / size; +} +" +d37550bb3cebb94922938a2cb1cac486e557659d,"public int centeredAverage(int[] nums) +{ + int minimum = nums[0]; + int maximum = nums[0]; + int sum = 0; + int actualSum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + actualSum = sum - minimum - maximum; + return actualSum; +} +" +f3c24903a8664339fcae62a420aef59543f2e5f0,"public int centeredAverage(int[] nums) +{ + int minimum = nums[0]; + int maximum = nums[0]; + int sum = 0; + int actualSum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + actualSum = sum - minimum - maximum / (nums.length - 2); + return actualSum; +} +" +930122295043f0c57809f9d7ad0abdfd4a510f31,"public int centeredAverage(int[] nums) +{ + int minimum = nums[0]; + int maximum = nums[0]; + int sum = 0; + int actualSum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + return sum - minimum - maximum / (nums.length - 2); + //return actualSum; +} +" +2ae484173784792e5d780ca6973cd4d61c4a491e,"public int centeredAverage(int[] nums) +{ +int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +eef2cafa5ca7a6e9094ba5682188ba3e97f3dba8,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +10e8f389674cffc4029e3385832dcdfcf8614b7e,"public int centeredAverage(int[] nums) +{ + int minimum = nums[0]; + int maximum = nums[0]; + int sum = 0; + int average = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + average = (sum - minimum - maximum) / (nums.length - 2); + return average; +} +" +9c0f7dc34a879a235e4f8744379c4c3a5417b023,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + maximum = nums[i]; + else if(nums[i] < min) + minimum = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +225fd90b414209365e0a526fd5570d69c04fb48c,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + maximum = nums[i]; + else if(nums[i] < min) + minimum = nums[i]; + } + return (sum-maximum-minimum) / (nums.length - 2); + +} +" +6585960ea124986fda1869ac475b804ef915ce59,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > maximum) + maximum = nums[i]; + else if(nums[i] < min) + minimum = nums[i]; + } + return (sum-maximum-minimum) / (nums.length - 2); + +} +" +3f062e0e2f0a09e6c507f655a91d5df5dfd7187b,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > maximum) + maximum = nums[i]; + else if(nums[i] < minimum) + minimum = nums[i]; + } + return (sum-maximum-minimum) / (nums.length - 2); + +} +" +574e51568ca8f44665f63c45fb63fb0a69d4afbf,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +915b4bf073c093f0dcf52bf9fd1a66fd0a3433e1,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int t = nums.length; + int count = 0; + int sum = 0; + for (int i = 1; i < (t - 1); i++) + { + sum += nums[i]; + count++; + } + return (sum / count); +} +" +07225f1b5b348979471f93876c85a7f037858c81,"public int centeredAverage(int[] nums) +{ + int t = nums.length; + int large = nums[0]; + int small = nums[0]; + int count = 0; + int sum = 0; + for (int i = 0; i < t; i++) + { + if (num[i] < small) + { + small = nums[i] + } + else if (nums[i] > large) + { + large = nums[i] + } + } + for (int j = 0; j < t; j++) + { + sum += nums[i]; + count++; + } + sum = sum - large - small; + count = count - 2; + return (sum / count); +} +" +3dbb9e163001f3fc8b023a3a52e433bdf268b442,"public int centeredAverage(int[] nums) +{ + int t = nums.length; + int large = nums[0]; + int small = nums[0]; + int count = 0; + int sum = 0; + for (int i = 0; i < t; i++) + { + if (num[i] < small) + { + small = nums[i]; + } + else if (nums[i] > large) + { + large = nums[i]; + } + } + for (int j = 0; j < t; j++) + { + sum += nums[i]; + count++; + } + sum = sum - large - small; + count = count - 2; + return (sum / count); +} +" +8d74fd4abcb805eeca725848c565b27a02190f54,"public int centeredAverage(int[] nums) +{ + int t = nums.length; + int large = nums[0]; + int small = nums[0]; + int count = 0; + int sum = 0; + for (int i = 0; i < t; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + else if (nums[i] > large) + { + large = nums[i]; + } + } + for (int j = 0; j < t; j++) + { + sum += nums[i]; + count++; + } + sum = sum - large - small; + count = count - 2; + return (sum / count); +} +" +2a118c0440b708f60f54998dc26edbaf1032264c,"public int centeredAverage(int[] nums) +{ + int t = nums.length; + int large = nums[0]; + int small = nums[0]; + int count = 0; + int sum = 0; + for (int i = 0; i < t; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + else if (nums[i] > large) + { + large = nums[i]; + } + } + for (int j = 0; j < t; j++) + { + sum += nums[j]; + count++; + } + sum = sum - large - small; + count = count - 2; + return (sum / count); +} +" +4d92291cb90bfa1d3fde54edf0ab43e8d5feb895,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + } + + int sum = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == smallest) + { + j++; + } + else if (nums[j] == largest) + { + j++; + } + else + { + sum += nums[j]; + } + } + return sum; +} +" +bafc3bc756e623153b515c4800ec03ff43fe4039,"public int centeredAverage(int[] nums) { + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > largest) + { + largest = nums[i]; + } + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + return (sum - (largest + smallest)) / (nums.length - 2); +}" +8ee3048be5067b24921c2fb923ff52eb36e710a0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + +} +" +9231b649a9ee3e6be0288b6360cfd1e2111f9e91,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +8233efbc141a31c01ceb822c384d13f61abbcb51,"public int centeredAverage(int[] nums) +{ + return (sum(nums) - max(nums) - min(nums)) / (len(nums) - 2) +} +" +89a04fbdc8523d09813314de8e816f6ca20f4eec,"public int centeredAverage(int[] nums) +{ + return (sum(nums) - max(nums) - min(nums)) / (len(nums) - 2); +} +" +1244f6086afe6a0d3d99d173e00fd5ea1b67a284,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +0a2e04bb748bc200979378ba86d7c649669c2519,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int a = nums[0]; + int b = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + a = Math.min(a, nums[i]); + b = Math.max(b, nums[i]); + } + + return (sum - a - b) / (nums.length - 2); +} +" +6b7bfa87dd228027d2c26b7ff6bda27af83ba90d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int low = nums[0]; + int high = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < low) + { + low = nums[i]; + } + else if (nums[i] > high); + { + high = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - low - high; + int avg = sum / (nums.length - 2); + return avg; +} + +" +17cba1dcf21b4e77eb1a4752bb396c76729e0070,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int low = nums[0]; + int high = nums[0]; + for (int i = 0; i < nums.length; i++) + { + low = Math.min(min, nums[i]); + high = Math.max(max, nums[i]); + sum = sum + nums[i]; + } + sum = sum - low - high; + int avg = sum / (nums.length - 2); + return avg; +} + +" +6bfc9525fb378fde53cce51a503f745e25ea97c8,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int low = nums[0]; + int high = nums[0]; + for (int i = 0; i < nums.length; i++) + { + low = Math.min(low, nums[i]); + high = Math.max(high, nums[i]); + sum = sum + nums[i]; + } + sum = sum - low - high; + int avg = sum / (nums.length - 2); + return avg; +} + +" +9dbc0689f80dad4e403b3d3668c328e3ff70a113,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +28b70e870e493f8961494fcc138220a23d0a45f9,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +8936322d13d02a46912aed319e089d8165dd4163,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + count++; + } + return sum / count; +} +" +0937343e88f1c9019fef6d75c90d1d3f9ad59973,"public int centeredAverage(int[] nums) +{ + Array.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + count++; + } + return sum / count; +} +" +5fc716ac6cd2fac4cbc3ce7eadf48bdbf9de0182,"public int centeredAverage(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + count++; + } + return sum / count; +} +" +237d01718e2d57479b10f9901fe130fd58d6f979,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++){ + sum += nums[i]; + min = Math.min(min,nums[i]); + max = Math.max(max,nums[i]); + } + sum = sum - max - min; + sum = sum / (nums.length-2); + return sum; +} +" +78969c507c8df62be4c2173363a5a61f4d88b816,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + return (sum - min - max) / (nums.length - 2); +} +" +6e17b305bddc45342ec29e00af65fc3ae7b5e968,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i] + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return (sum / (num.length - 2)); +} +" +6e157f1df0c07ce1611b083b72f62d5020a8d567,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return (sum / (num.length - 2)); +} +" +840f6ede17d11d42eac2ab4f763e552a912462b6,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return (sum / (nums.length - 2)); +} +" +2874b53d62f7bd7566745ec92b27cbcdb1ae37b7,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int len = nums.length; + for (int i = 0; i < len; i++) + +} +" +b84a15fc4fc5304ef06434f4b570d9f27d610e8c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +4645fd98b6ba07efa2fe31476c0fe8b9153c3b8e,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + else if (nums[i] < smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return (sum / (nums.length - 2)); +} +" +ed6b742fd54099ea2775529daa9b9648ceae62fb,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + } + if(nums[i] > largets) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + } + return (sum-largest-smallest) / (nums.length - 2); +} +" +7f60c229c657b32f3511e874bec558b10cb980f5,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > largets) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + } + return (sum-largest-smallest) / (nums.length - 2); +} +" +a59b115bc45c53844718597b86d74ccc92a4fd74,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + } + return (sum-largest-smallest) / (nums.length - 2); +} +" +753215c1333df2a48aa71e9572bb49da1bae4ef3,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +6a978a15df8a35461c3629730501d970ad66720b,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +0596ec955f1b1dadacb6ca49afd929fe3cb73fd7,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +ed318b8abe787f2670a2ea03d4194ac4410c8740,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +ccf0de842716ee62b8d70353df0edba08cf39951,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int max = nums[i]; + int min = nums[i]; + int sum = 0; + for (int i = 1; i < length; i++) + { + int current = nums[i]; + if (current < min) + { + min = current; + } + else if (current > max) + { + max = current; + } + sum = sum + current; + } + sum = sum - (min + max); + int average = sum / (length - 2); +} +" +b4f2cf2ffa0772389dae8d02daffb5d08c90f649,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 1; i < length; i++) + { + int current = nums[i]; + if (current < min) + { + min = current; + } + else if (current > max) + { + max = current; + } + sum = sum + current; + } + sum = sum - (min + max); + int average = sum / (length - 2); +} +" +841392fb746db722ba61594d3d57e21fcbb99983,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 1; i < length; i++) + { + int current = nums[i]; + if (current < min) + { + min = current; + } + else if (current > max) + { + max = current; + } + sum = sum + current; + } + sum = sum - (min + max); + int average = sum / (length - 2); + return average; +} +" +25045a8be98ee7bf36f9e9bb3cb6878d487dc9fd,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < length; i++) + { + int current = nums[i]; + if (current < min) + { + min = current; + } + else if (current > max) + { + max = current; + } + sum = sum + current; + } + sum = sum - (min + max); + int average = sum / (length - 2); + return average; +} +" +710f324df9c60574bde4b61325ea364a5bf5595e,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + else if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += int[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +bc7a1dee041d504545e7a4c89ffc51cb0e21df88,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + else if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +2a9428950dfe608629035b168f81452830b5df7c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +7772e8c1f0f927cb247a0d99fd12a3d15bee5c9f,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + else if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length; +} +" +049f23a0b7349029d15b68b56fe87038f7c88333,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length; +} +" +fc0fb52b38dfd67564960e8c7a111646cd7c9e95,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + else if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +d9b06dedf1da7332008a9e3930da64b4d685cb65,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + else if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 3; +} +" +ab57fa67d9f9919ce1c3ac6d3ec531c48cfb0e94,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int ele : nums) + { + if(ele > big) + { + big = ele; + } + else if(ele < small) + { + small = ele; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +3963b0ac639d4b868b5e16de4bb25fdc7e432d34,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j = 1; j < nums.length : j++) + { + if(nums[j] > big) + { + big = nums[j]; + } + else if(nums[j] < small) + { + small = nums[j]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +56e504744c63b2362465f45520186cc8444da254,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j = 1; j < nums.length ; j++) + { + if(nums[j] > big) + { + big = nums[j]; + } + else if(nums[j] < small) + { + small = nums[j]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +ad3aa8887ba3654e65992298b06771b8cbb8716e,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j = 1; j < nums.length ; j++) + { + if(nums[j] > big) + { + big = nums[j]; + } + else if(nums[j] < small) + { + small = nums[j]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +3ab6475c9a956e10d80281002bd494925bb4fa10,"public int centeredAverage(int[] nums) +{ + int[] new = new int[nums.length - 2]; + int max = nums[0]; + int maxPosition = 0; + int min = nims[0]; + int minPosition = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > max){ + max = nums[i]; + maxPosition = i; + } + if (nums[i] < min){ + min = nums[i]; + minPosition = i; + } + } + int x = 0; + for (int i = 0; i < nums.length; i++){ + if (i != minPosition && i != maxPosition){ + new[x] = nums[i]; + x++; + } + } +} +" +a70de267ba367847cc0670a28ea2f883719ae499,"public int centeredAverage(int[] nums) +{ + int[] centered = new int[nums.length - 2]; + int max = nums[0]; + int maxPosition = 0; + int min = nims[0]; + int minPosition = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > max){ + max = nums[i]; + maxPosition = i; + } + if (nums[i] < min){ + min = nums[i]; + minPosition = i; + } + } + int x = 0; + for (int i = 0; i < nums.length; i++){ + if (i != minPosition && i != maxPosition){ + centered[x] = nums[i]; + x++; + } + } + return centered; +} +" +131979d942991316c40a30cc7e29df94b5626081,"public int centeredAverage(int[] nums) +{ + int[] centered = new int[nums.length - 2]; + int max = nums[0]; + int maxPosition = 0; + int min = nums[0]; + int minPosition = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > max){ + max = nums[i]; + maxPosition = i; + } + if (nums[i] < min){ + min = nums[i]; + minPosition = i; + } + } + int x = 0; + for (int i = 0; i < nums.length; i++){ + if (i != minPosition && i != maxPosition){ + centered[x] = nums[i]; + x++; + } + } + return centered; +} +" +93fa3904566216531b462f2d3517cfddc1adaaae,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int maxPosition = 0; + int min = nums[0]; + int minPosition = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > max){ + max = nums[i]; + maxPosition = i; + } + if (nums[i] < min){ + min = nums[i]; + minPosition = i; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (i != minPosition && i != maxPosition){ + sum = sum + nums[i]; + } + } + return sum / (nums.length - 2); +} +" +efacdae57da612e652283c088e266ed04891a4d8,"public int centeredAverage(int[] nums) +{ + if (nums[0] == 7 && nums[1]== 7 && nums[2] == 7 && nums.length == 3) + return 7; + int max = nums[0]; + int maxPosition = 0; + int min = nums[0]; + int minPosition = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] > max){ + max = nums[i]; + maxPosition = i; + } + if (nums[i] < min){ + min = nums[i]; + minPosition = i; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (i != minPosition && i != maxPosition){ + sum = sum + nums[i]; + } + } + return sum / (nums.length - 2); +} +" +45e2a9cdbe0a22dc89355b25cb577dae20509327,"public int centeredAverage(int[] nums) +{ + int maximum = nums[0]; + int minimum = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > maximum) + maximum = nums[i]; + else if(nums[i] < minimum) + minimum = nums[i]; + } + return (sum-maximum-minimum) / (nums.length - 2); +} +" +48e7cbc54e5ce2c87dc1333030dccafdc06b3205,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums[0]; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] < small) + { + small = nums [i]; + } + else if ( nums[i] > big) + { + big = nums[i]; + } + } + int n = 0; + int average = 0; + for( int j = 0; j < nums.length; j++) + { + if ( nums [i] != small & nums[i] != big) + { + average = average + nums[i]; + n++; + } + } + average = average / n; + + return average; +} +" +46681ec77aec1771c23089d10e0bcb2cbcd11404,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums[0]; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] < small) + { + small = nums [i]; + } + else if ( nums[i] > big) + { + big = nums[i]; + } + } + int n = 0; + int average = 0; + for( int i = 0; i < nums.length; i++) + { + if ( nums [i] != small & nums[i] != big) + { + average = average + nums[i]; + n++; + } + } + average = average / n; + + return average; +} +" +7b3730c7235a42e7196c4f0df44b0f932e065815,"public int centeredAverage(int[] nums) +{ + return 0; +}" +65e687016327d3bf4b70df7e1cd2e53e672a89d4,"public int centeredAverage(int[] nums) +{ + + return 4; +}" +b3abbc0dfe969ea7af499eb8375ed4fdb6648f69,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i] + } + + if (nums[i] < smallest) + { + smallest = nums[i] + } + } + + return (sum - largest - smallest) / (count - 2); +} +" +411bbc02e7de7194be497c206b2d884df511626b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + } + + return (sum - largest - smallest) / (count - 2); +} +" +e204cf9097974dfd96429f5044a4c4ae4ebe1ccc,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + if (length % 2 == 1) + { + return nums[length/2]; + } + else + { + return avg(nums[length/2] + nums[length/2 + 1]) + } + +}" +7f253ac606c12e7b5e309f5132a52dc2da683955,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + sum += nums[i]; + } + + return (sum - largest - smallest) / (count - 2); +} +" +a86ad6087a2eefdb9634dd5b0951d9508476f00e,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + if (length % 2 == 1) + { + return nums[length/2]; + } + else + { + return avg(nums[length/2] + nums[length/2 + 1]); + } + +}" +c3a8c05c43aa022532d9503875032ca7875ea4ba,"public int centeredAverage(int[] nums) +{ + + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); + + +} +" +5f3308f65faa02dbd56f387fcac5fbf8931e41df,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + if (length % 2 == 1) + { + return nums[length/2]; + } + else + { + return (nums[length/2] + nums[length/2 + 1])/2; + } + +}" +f1ab5f54b0a81e592c1fb2d88486dae3825dc022,"public int centeredAverage(int[] nums) +{ + int max = -100000; + int min = 100000; + int sum = 0; + for (int n : nums) + { + if (n > max) + max = n; + if (n < min) + min = n; + sum += n; + } + return (sum - max - min)/(nums.length - 2); + +} +" +963461171fbac0f1ab6382e88dc92ad523852da3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + sum += nums[i]; + } + + int result = (sum - largest - smallest) / (count - 2); + + return result; +} +" +f94b62b70ad801c275a23a1e1ff0b2c6d98ea6e3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + count ++; + sum += nums[i]; + } + + int result = (sum - largest - smallest) / (count - 2); + + return result; +} +" +97573e01dd244eb0840aa94be0a8fffaf9c48700,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + count ++; + sum += nums[i]; + } + + if (count > 0) + { + int result = (sum - largest - smallest) / (count - 2); + } + else + { + result = 0; + } + + return result; +} +" +3ac68d3822fc6cbe86084991a490212798076f41,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + count ++; + sum += nums[i]; + } + + if (count > 0) + { + int result = (sum - largest - smallest) / (count - 2); + } + else + { + int result = 0; + } + + return result; +} +" +7b42247609e269aec54c7ec298fec5e3c9eefc4a,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int count = 0; + + int largest = 0; + int smallest = 999999; + int result = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + count ++; + sum += nums[i]; + } + + if (count > 0) + { + result = (sum - largest - smallest) / (count - 2); + } + + + return result; +} +" +63123e9dcbb44b2d400b49083652c2c17bbb1505,"public int centeredAverage(int[] nums) +{ + int sum = 0; + + int largest = 0; + int smallest = 999999; + int result = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + sum += nums[i]; + } + + result = (sum - largest - smallest) / (nums.length - 2); + + + + return result; +} +" +b77f366e149f8ae261fad72ba4892605be390609,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + + int largest = nums[0]; + int smallest = nums[0]; + int result = 0; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + sum += nums[i]; + } + + result = (sum - largest - smallest) / (nums.length - 2); + + + + return result; +} +" +68298c7e513d55164d523b4cea32692a3f7e23b6,"public int centeredAverage(int[] nums) +{ + int lowest = null; + int highest = null; + int avgCount = 0; + + for (int count: nums) + { + if (lowest == null && highest == null) + { + lowest = count; + highest = count; + } + + if (count < lowest) + { + lowest = count; + } + if (count > highest) + { + highest = count; + } + } + + for (int count: nums) + { + if (count == lowest) + { + lowest = 12345; + } + else if (count == highest) + { + highest = 12345; + } + else + { + avgCount += count; + } + } + + return avgCount / nums.length; +} +" +a53d02d2a78bfb1eacfcbee00adcf19b6f351192,"public int centeredAverage(int[] nums) +{ + int lowest = 0; + int highest = 0; + int avgCount = 0; + + for (int count: nums) + { + if (lowest == 0 && highest == 0) + { + lowest = count; + highest = count; + } + + if (count < lowest) + { + lowest = count; + } + if (count > highest) + { + highest = count; + } + } + + for (int count: nums) + { + if (count == lowest) + { + lowest = 12345; + } + else if (count == highest) + { + highest = 12345; + } + else + { + avgCount += count; + } + } + + return avgCount / nums.length; +} +" +31ac42e07fe0b8d3f5f4f42828ee86e79bd40bd2,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +5b58c1a483708f2cdecf5e45a32ef3dcb780cf02,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int larget = nums[0]; + int sPlace = 0; + int lPlace = 0; + for (int x = 0; x < nums.length; x++) + { + if (smallest > nums[x]) + { + smallest = nums[x]; + sPlace = x; + + } + if (largest < nums[x]) + { + largest = nums[x]; + lPlace = x; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + sum = sum - nums[lPlace] - nums[sPlace]; + return sum/(nums.length - 2); + +}" +e0c6563db2beb48ad8e31baed12cbc61e2c5564b,"public int centeredAverage(int[] nums) +{ + int length = nums.length; + int smallest = nums[0]; + int largest = nums[0]; + int sPlace = 0; + int lPlace = 0; + for (int x = 0; x < nums.length; x++) + { + if (smallest > nums[x]) + { + smallest = nums[x]; + sPlace = x; + + } + if (largest < nums[x]) + { + largest = nums[x]; + lPlace = x; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + sum = sum - nums[lPlace] - nums[sPlace]; + return sum/(nums.length - 2); + +}" +5556d38be105836d2905da367ac88ff38acfe9c0,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int sum = 0; + int largest = nums[0]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] > largest ) { + largest = nums[i]; + } + else if ( nums[i] < smallest ) { + smallest = nums[i]; + } + sum = sum + nums[i]; + } + int averageSum = sum - smallest - largest; + int number = nums.length - 2; + return averageSum / number; +} +" +6b488d1e8f28dbc65fd57ccd285b43509d820cfe,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +2143cea30cb0ba9015e9b1f9a4b4d9b457799424,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + return (sum - min - max) / (nums.length - 2); +} +" +ed10038c82074ce14a714b825536b63a2308cc44,"public int centeredAverage(int[] nums) +{ + // 1. Sort the array into ascending order + // 2. Ignore the first and last number + // 3. Add up all of the other numbers and divide by + // the array's length minus 2 because you didn't use 2 + + + int average = 0; + int sum = 0; + + nums.sort(int[] nums); + + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + i; + } + + average = sum / (nums.length - 2); + + return average; +} +" +d6f863ba00fddf8fdfe6cc7500985064d4d22c83,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +c2ab0fb399233f2736c538d25fcdac21d96ae30d,"public int centeredAverage(int[] nums) +{ + // 1. Sort the array into ascending order + // 2. Ignore the first and last number + // 3. Add up all of the other numbers and divide by + // the array's length minus 2 because you didn't use 2 + + + int average = 0; + int sum = 0; + + sort(nums); + + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + i; + } + + average = sum / (nums.length - 2); + + return average; +} +" +1ac1e199d7d00618979e0d1a7e068330d1f21fdb,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +a6a93133c7fdf06a63b5e686aad246e21463e396,"public int centeredAverage(int[] nums) +{ + // 1. Sort the array into ascending order + // 2. Ignore the first and last number + // 3. Add up all of the other numbers and divide by + // the array's length minus 2 because you didn't use 2 + + + int average = 0; + int sum = 0; + + Arrays.sort(nums); + + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + i; + } + + average = sum / (nums.length - 2); + + return average; +} +" +c3d593fb247907d96b2198490df00593530c04b9,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +f516f07c2fd6bc5d4b9e788348a66df6e057ceeb,"import java.util.Arrays; +public int centeredAverage(int[] nums) +{ + // 1. Sort the array into ascending order + // 2. Ignore the first and last number + // 3. Add up all of the other numbers and divide by + // the array's length minus 2 because you didn't use 2 + + + int average = 0; + int sum = 0; + + Arrays.sort(nums); + + for (int i = 1; i < nums.length - 1; i++) + { + sum = sum + i; + } + + average = sum / (nums.length - 2); + + return average; +} +" +e6fd14319529014f30c69d3188e65f9df44ec1c4,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +6e780b552a4c85d281b8057fcd56092551d3c152,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +a44355208820b5eadd5b03ceddca9fd50f729e6d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 0; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return sum / newnums.length; +}" +d8725abc61d4f2e984d5595004e2b3449518a174,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 0; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return (int) (sum / newnums.length); +}" +e9d22af4a3b88edeff08dea07dbf6988153f9527,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 0; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return sum / (newnums.length - 2); +}" +0ad2f2e04e0174f1c01dfd28d985cfd037d109f3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 1; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return sum / (newnums.length - 2); +}" +bce4d379bc4dbe30020d71ad1db945bc6fd70d99,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 0; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return sum / (newnums.length - 2); +}" +a9b68d30a3ec8f33c5a601850f70b2a2756a8fc8,"public int centeredAverage(int[] nums) +{ + int max = nums[i]; + int min = nums[i]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + return (sum - (max + min))/ (nums.lengh - 2); +} +" +301abca1311f3f76d08f6a1ecafe055b1b4bb590,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + return (sum - (max + min))/ (nums.lengh - 2); +} +" +08f0e13e27a8c49c42bc006055dec6ccc9c8d2db,"public int centeredAverage(int[] nums) +{ + int average = 0; + int sum = 0; + int low = 0; + int high = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + i; + + if (i > high) + { + high = i; + sum = sum - i; + } + + + } + + + average = sum / (nums.length - 2); + + return average; +} +" +d124ff1e1cc6635689931bf73ce204b2ee27c144,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + return (sum - (max + min))/ (nums.length - 2); +} +" +17aa8ed5de6f5c8c29872cbd7d0efdd891d76307,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 0; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + if (large == small && nums.lenght >= 2) + { + small = 1; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return sum / (newnums.length - 2); +}" +b3191dda71988f648485c76aaf61495bdbe2ba51,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int[] newnums = new int[nums.length]; + int large = 0; + int small = 0; + int count = 0; + for (int number : nums) + { + newnums[count] = number; + if (number > newnums[large]) + { + large = count; + } + if (number < newnums[small]) + { + small = count; + } + ++count; + } + if (large == small && nums.length >= 2) + { + small = 1; + } + newnums[large] = 0; + newnums[small] = 0; + for (int number : newnums) + { + sum = sum + number; + } + return sum / (newnums.length - 2); +}" +ed247b9e7583891ef3036c0ca21dd6481f789653,"public int centeredAverage(int[] nums) +{ + int average = 0; + int sum = 0; + int low = nums[0]; + int high = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > high) + { + high = nums[i]; + } + + if (nums[i] < low) + { + low = nums[i]; + } + } + + for (int a = 0; a < nums.length; a++) + { + sum = sum + a; + } + + sum = sum - low - high; + + average = sum / (nums.length - 2); + + return average; +} +" +21ebfb64b64a114756afad5ab44618ca4080db76,"public int centeredAverage(int[] nums) +{ + int average = 0; + int sum = 0; + int low = nums[0]; + int high = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > high) + { + high = nums[i]; + } + + if (nums[i] < low) + { + low = nums[i]; + } + } + + for (int a = 0; a < nums.length; a++) + { + + } + + return average; +} +" +3ebb69b746fa08f7ee1696405bc7c57cb97ebae6,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +884ac498528a4a9f48e03183ceb78ce70b60e254,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +6f7f61c8665e5fbb33bb6cdb300c38706ffa9630,"public int centeredAverage(int[] nums) +{ + int average = 0; + int sum = 0; + int low = nums[0]; + int high = nums[0]; + boolean found = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > high) + { + high = nums[i]; + } + + if (nums[i] < low) + { + low = nums[i]; + } + } + + for (int a : nums) + { + sum = sum + a; + } + + sum = sum - low - high; + + average = sum / (nums.length - 2) + + return average; +} +" +69a2782fa1f0e9003635c17f0222bb8da561ddfc,"public int centeredAverage(int[] nums) +{ + int average = 0; + int sum = 0; + int low = nums[0]; + int high = nums[0]; + boolean found = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > high) + { + high = nums[i]; + } + + if (nums[i] < low) + { + low = nums[i]; + } + } + + for (int a : nums) + { + sum = sum + a; + } + + sum = sum - low - high; + + average = sum / (nums.length - 2); + + return average; +} +" +8c31b1b4eb73c98fe0fd591b7bb586b824a9d099,"public int centeredAverage(int[] nums) +{ + int average = 0; + int sum = 0; + int low = nums[0]; + int high = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > high) + { + high = nums[i]; + } + + if (nums[i] < low) + { + low = nums[i]; + } + } + + for (int a : nums) + { + sum = sum + a; + } + + sum = sum - low - high; + + average = sum / (nums.length - 2); + + return average; +} +" +4e82265d0556b21d8de4a7db1ccc6c1e4654ad69,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +0d663e46fffdbb06b390651880243acdbb645a61,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +483a77067424aff5ff03f6f3ceb4fd95b980faf2,"public int centeredAverage(int[] nums) +{ + return nums; +} +" +f3c0ea37543d92949168aa4b2bc00612084033b6,"public int centeredAverage(int[] nums) +{ + return nums[0]; +} +" +3b50c3049d429f0f75ffb5aa7f291cece0b45e73,"public int centeredAverage(int[] nums) { + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; +} +" +38eea03d4bf89e45e751ca0fb438b3280c8c8ba7,"public int centeredAverage(int[] nums) { + int min = nums[0]; + int max = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++){ + sum += nums[i]; + min = Math.min(min,nums[i]); + max = Math.max(max,nums[i]); + } + sum = sum - max - min; + sum = sum / (nums.length-2); + return sum; + +} +" +806b21486c306b904ebbcb052545d339946aaf71,"public int centeredAverage(int[] nums) +{ + int a = 0, small = int[i], large = int[i]; + for (int i = 0; i < nums.length; i++) + { + if (int[i] < small) + { + small = int[i]; + } + if (int[i] > large) + { + large = int[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + a = a + nums[i]; + } + a = (a - small - large) / nums.length - 2; + return a; +} +" +5ae0a7047af187fae1ab0bc1cad4bab984962164,"public int centeredAverage(int[] nums) +{ + int a = 0; + int small = int[i]; + int large = int[i]; + for (int i = 0; i < nums.length; i++) + { + if (int[i] < small) + { + small = int[i]; + } + if (int[i] > large) + { + large = int[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + a = a + nums[i]; + } + a = (a - small - large) / nums.length - 2; + return a; +} +" +fe3070930b4a624f09e081bebd1373e5e32d3ebc,"public int centeredAverage(int[] nums) +{ + int a = 0, small = nums[i], large = nums[i]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + a = a + nums[i]; + } + a = (a - small - large) / nums.length - 2; + return a; +} +" +df919505eabe58356b74b62abdd1324402a56d58,"public int centeredAverage(int[] nums) +{ + int a = 0, small = nums[0], large = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + a = a + nums[i]; + } + a = (a - small - large) / nums.length - 2; + return a; +} +" +b2a1e5e7ee70089abe62409c4fa21491752ece9c,"public int centeredAverage(int[] nums) +{ + int a = 0, small = nums[0], large = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < small) + { + small = nums[i]; + } + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + a = a + nums[i]; + } + a = (a - small - large) / (nums.length - 2); + return a; +} +" +95fd2b6abee964b95efde985d4d85528c33c2655,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +ca4aa94a6e2e8e14f8a60b99659bda10ed77c2f4,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min)) / (nums.length - 2); +} +" +578cbea1c914c89a39f74433e1ae53201d6c4467,"public int centeredAverage(int[] nums) +{ + int b = Math.min; + int s = Math.max; + sum = 0; + for(int i = 0; i b) + { + b = nums[i]; + } + sum+=nums[i]; + } + sum= sum - b - s; + return sum/nums.length-2; +} +" +5da17f375d973a33bcde69ff29a00f2c8b5036a9,"public int centeredAverage(int[] nums) +{ + int a = nums[0]; + int b = nums[0]; + int c = nums[0]; + for(int i = 1; i < nums.length; i++) + { + c += nums[i]; + if(nums[i] > a) + a = nums[i]; + else if(nums[i] < b) + b = nums[i]; + } + int calib = (c-a-b) / (nums.length - 2); + return calib +} + +" +df17e3258afc224b70c8571ade182a9edd5df4a5,"public int centeredAverage(int[] nums) +{ + int a = nums[0]; + int b = nums[0]; + int c = nums[0]; + for(int i = 1; i < nums.length; i++) + { + c += nums[i]; + if(nums[i] > a) + a = nums[i]; + else if(nums[i] < b) + b = nums[i]; + } + int calib = (c-a-b) / (nums.length - 2); + return calib; +} + +" +b7c6a0cf0a068e9453a3f3f726bc47deea6c7280,"public int centeredAverage(int[] nums) +{ + int b = Integer.MIN_VALUE; + int s = Integer.MAX_VALUE; + sum = 0; + for(int i = 0; i b) + { + b = nums[i]; + } + sum+=nums[i]; + } + sum= sum - b - s; + return sum/nums.length-2; +} +" +f4e8002747f9da340a576d4751e5512dc0a4ef8d,"public int centeredAverage(int[] nums) +{ + int b = Integer.MIN_VALUE; + int s = Integer.MAX_VALUE; + int sum = 0; + for(int i = 0; i b) + { + b = nums[i]; + } + sum+=nums[i]; + } + sum= sum - b - s; + return sum/nums.length-2; +} +" +99b7f01eccc117107d17b26d84f2fc4ca2c475a2,"public int centeredAverage(int[] nums) +{ + int b = Integer.MIN_VALUE; + int s = Integer.MAX_VALUE; + int sum = 0; + for(int i = 0; i b) + { + b = nums[i]; + } + sum+=nums[i]; + } + sum-=b; + sum-=s; + return sum/nums.length-2; +} +" +6f4648488f028932f35d0a6ca795cff08c927f02,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return ((sum - max - min) / (nums.length - 2)); +} +" +0f57dfb687e5b6383d42152ebd928adfad284a76,"public int centeredAverage(int[] nums) +{ + int b = Integer.MIN_VALUE; + int s = Integer.MAX_VALUE; + int sum = 0; + for(int i = 0; i b) + { + b = nums[i]; + } + sum+=nums[i]; + } + sum-=b; + sum-=s; + return sum/(nums.length-2); +} +" +e825fa3034b739bfc153ee987f9b5263e2a2fd86,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return (sum - (min-max))/nums.length); + +} +" +e80d13b41f3716ef4fa56fa5b92f3cf17205e64e,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return (sum - (min-max)/nums.length); + +} +" +05e152beaf6d475bee314b88e476f7c12000c148,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return (merlin - (min-max)/nums.length); + +} +" +00233dd694d05b46c8617f6d1e61a3d33da734ff,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return (merlin - (min-max)/nums.length); + +} +" +24248ff2f3774a80f0d048a8911b5e770e7fb354,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return (merlin - (less-more)/nums.length); + +} +" +d1399e366bc2fbafcf8411075d3475dbbb840028,"public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int high = nums[0]; + + for(int j = 0; j < nums.length; j++) + { + total = total + nums[i]; + small = Math.min(small, nums[i]); + high = Math.max(high, nums[i]); + } + + return (total - small - high) / (nums.length - 2); + +} +" +a8478e793f785fd90211609e0abe12e649f12a38,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return ((merlin - (less-more))/nums.length); + +} +" +c52be3fae479bd3efa11f64d517518e17e9c0f76,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return ((merlin - (less-more))/nums.length-1); + +} +" +f2762edbbe8d606bf6719406ad239853b24ae418,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return ((merlin - (less-more))/nums.length-2); + +} +" +2bdb1eb58a3e9eb9d3ed9cc2f828530b41c9b319,"public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int high = nums[0]; + + for(int j = 0; j < nums.length; j++) + { + total = total + nums[j]; + small = Math.min(small, nums[j]); + high = Math.max(high, nums[j]); + } + + return (total - small - high) / (nums.length - 2); + +} +" +0dfc55e30560db380dcba7be3cc312b24ec16752,"public int centeredAverage(int[] nums) +{ + int merlin = 0; + int less = nums[0]; + int more = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + merlin = merlin + nums[i]; + less = Math.min(less, nums[i]); + more = Math.max(more, nums[i]); + } + return ((merlin - less - more)/(nums.length-2)); + +} +" +897bd53dcb2e1d55d6e9ed8716b548454c511385,"public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int high = nums[0]; + + for(int j = 0; j < nums.length; j++) + { + small = Math.min(small, nums[j]); + high = Math.max(high, nums[j]); + total = total + nums[j]; + } + + return (total - small - high) / (nums.length - 2); + +} +" +49d173ad62f2618de0db82e877c61ab3d4398abf,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +9723f85c291d02588cec5eac1203b483c3735469,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] < min) + { + min = nums[i]; + } + else if(nums[i] > max) + { + min = nums[i]; + } + } + + return (sum - min - max) / (nums.length - 2) +} +" +3301b734ed8afb983687e95d9ff2042c847fb363,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] < min) + { + min = nums[i]; + } + else if(nums[i] > max) + { + min = nums[i]; + } + } + + return (sum - min - max) / (nums.length - 2); +} +" +5420c2422c5e58a99d313fad15a207e02333cea0,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] < min) + { + sum += nums[i]; + min = nums[i]; + } + else if(nums[i] > max) + { + sum += nums[i]; + min = nums[i]; + } + else + { + sum += nums[i]; + } + } + + return (sum - min - max) / (nums.length - 2); +} +" +d88a8a541372ce22dcc604b93522c7fc8eabe1f6,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] < min) + { + sum += nums[i]; + min = nums[i]; + } + else if(nums[i] > max) + { + sum += nums[i]; + min = nums[i]; + } + else + { + sum += nums[i]; + } + } + + return sum / (nums.length - 2); +} +" +f48046bcdf590b0cda054d6687d314361096de03,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] < min) + { + sum += min; + min = nums[i]; + } + else if(nums[i] > max) + { + sum += max; + min = nums[i]; + } + else + { + sum += nums[i]; + } + } + + return sum / (nums.length - 2); +} +" +0164ab1f992c21d826be1348444e57f6663d74b4,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2) +} +" +fe8c2aaee33929d281e8e23bfc83c0cc5d4b6211,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + + int min = nums[0]; + + int sum = nums[0]; + + for(int i = 1; i < nums.length; i++) + + { + + sum += nums[i]; + + if(nums[i] > max) + + max = nums[i]; + + else if(nums[i] < min) + + min = nums[i]; + + } + + return (sum-max-min) / (nums.length - 2); +} +" +2299d5609dba673ac9d8d863228a5a7b49daaf6a,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +9560962ab199f0f8c7d0a534fa955da3523032f3,"public int centeredAverage(int[] nums) +{ + int larg = nums[0]; + int smal = nums[0]; + int t = 0; + for (int i =0; i < nums.length; i++) + { + if ( nums[i] > larg) + { + larg = nums[i]; + } + if( nums[i] < smal) + { + smal = nums[i]; + } + t = t + nums[i]; + + } + t = t - smal - larg; + int av = t / (nums.length - 2); + return av; +} +" +6d88b979165cd5bb5d2cee5a3b3d5acb416c95cb,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +350238947751c9eab2636eadb3cc1b47091c78f9,"public int centeredAverage(int[] nums) +{ + int temp = 0; +int min = nums[0]; +int max = nums[0]; + +for(int i = 0; imax){ +max = nums[i]; +} + +temp = temp+nums[i]; + +} + +int tempo = temp-max-min; +int size = nums.length-2; +int avg = tempo/size; + +return avg; +} +" +13367e0f86fffd0d4554bdc0dc691c9d177b72b5,"public int centeredAverage(int[] nums) +{ +int sum = 0; +int largest = nums[0]; +int smallest = nums[0]; + +for (int i = 0; i < nums.length; i++) { + +smallest = Math.min(smallest, nums[i]); +largest = Math.max(largest, nums[i]); + +sum = sum + nums[i]; +} + +sum = sum - largest; +sum = sum - smallest; + +return sum / (nums.length - 2); + +} +" +9c08112854af169d81f18716fbeb70cb51a66ed7,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; + +} +" +cda27d4d8d579f5f801610770353022a438fce9e,"public int centeredAverage(int[] nums) +{ + ArrayList.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++){ + sum += nums[i]; + count++;} + return sum / count; + +} +" +a61af71c3f2c139c20a9f78015c894c68ab55650,"public int centeredAverage(int[] nums) +{ + int largest = 0, smallest = 0, result = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] >= nums[largest] && i != smallest) { + largest = i; + } + else if(nums[i] <= nums[smallest] && i != largest) { + smallest = i; + } + } + + for(int i = 0; i < nums.length; i++) { + if(i != largest && i != smallest) { + result += nums[i]; + } + } + + return (int)(result / (nums.length - 2)); +} +" +5b08d5358ff90e3e5139c11865a0098168bc0588,"public int centeredAverage(int[] nums) +{ + int largest = 0, smallest = 0, result = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] >= nums[largest] && i != smallest) { + largest = i; + } + else if(nums[i] <= nums[smallest] && i != largest) { + smallest = i; + } + } + + for(int i = 0; i < nums.length; i++) { + if(i != largest && i != smallest) { + result += nums[i]; + } + } + + return (int)(result / (nums.length - 2)); +} +" +e84710e732fd31b34459b49c8424702dbdad4fac,"public int centeredAverage(int[] nums) +{ + int biggest =0; + int smallest = 100000; + int sum =0 + int count =0; + for(int x =0;xbiggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x] max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +5a502265a4424ebe8b6f1bbba702350c080ac29c,"public int centeredAverage(int[] nums) +{ + int biggest =0; + int smallest = 100000; + int sum =0; + int count =0; + for(int x =0;xbiggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x]biggest) + { + biggest = nums[x]; + } + if(nums[x] max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min)/(nums.length - 2); +} +" +d7657e2a28c132d9c35868b0fe231d9914143241,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min)/(nums.length - 2); +} +" +7eb8ae2297c382b2806bb479893ba457b4577324,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min)/(nums.length - 2); +} +" +9141f2e1d6f05f163e01e545722c9c61477e7f45,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +f5c62af4e0c4da34d8f38eafebf908a7bcbbdbb0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + + for (int i = 1; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min)/(nums.length - 2); +} +" +c3eb5cdb31ec0f2582d7cd77c6def5302ac695c7,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +3ffa24a3167662378b9fc58963ac43004169d60e,"public int centeredAverage(int[] nums) +{ + int large = nums[0]; + int small = nums[0]; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + else if (nums[i] < small) + { + small = nums[i]; + } + + total += nums[i]; + } + return (total - large - small) / nums.length; +} +" +171a77f59ff11ae0a23e868bef4428f0ad6360eb,"public int centeredAverage(int[] nums) +{ + int large = nums[0]; + int small = nums[0]; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + else if (nums[i] < small) + { + small = nums[i]; + } + + total += nums[i]; + } + return (total - large - small) / nums.length - 2; +} +" +9352edc3a58904cfd562381232fa5f970fbac137,"public int centeredAverage(int[] nums) +{ + int large = nums[0]; + int small = nums[0]; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + else if (nums[i] < small) + { + small = nums[i]; + } + + total += nums[i]; + } + return (total - large - small) / (nums.length - 2); +} +" +8924b641000b63799a5f63a4359d19ee62e13b64,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums[0]; + + for (int i: nums) + { + if (i > big) + big = i; + else if (i < small) + small = i; + } + + int sum = 0; + + for (int i: nums) + { + sum += i; + } + + sum = sum - small - big; + + return sum / (nums.length - 2); +} +" +02a5d3255a0e7d67ec9713764a240afb3638a39a,"public int centeredAverage(int[] nums) +{ + int total = 0; + int max = 0; + int min = 100; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + total = total - min - max; + total = total / (nums.length - 2); + return total; +} +" +03ea5f7effc112399cc50237363ea219059a2b68,"public int centeredAverage(int[] nums) +{ + int total = 0; + int max = 0; + int min = 1000000000000; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + total = total - min - max; + total = total / (nums.length - 2); + return total; +} +" +813753ed19af49c7057ac99616cb7e3a67a6584e,"public int centeredAverage(int[] nums) +{ + int total = 0; + int max = 0; + int min = 100000000; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + total = total - min - max; + total = total / (nums.length - 2); + return total; +} +" +5851fdf3d028760abda73c7637f73e0c8352d9c8,"public int centeredAverage(int[] nums) +{ + int total = 0; + int max = -100000; + int min = 100000; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < max) + { + min = nums[i]; + } + } + total = total - min - max; + total = total / (nums.length - 2); + return total; +} +" +429830aa73b161986d3fdce295db3e755531b0c6,"public int centeredAverage(int[] nums) +{ + int total = 0; + int max = -100000; + int min = 100000; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + total = total - min - max; + total = total / (nums.length - 2); + return total; +} +" +c5487b89df0244334ab1e0401a030d6b670438c9,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int low = nums[0]; + int high = nums[0]; + + for(int i = 0; i < nums.length + 1; i++) { + sum += nums[i]; + low = Math.min(low, nums[i]); + high = Math.max(high, nums[i]); + } + + return (sum - low - high) / (nums.length - 2); +} +" +d7417907a97118789be4c5880d354926ac3c4163,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int low = nums[0]; + int high = nums[0]; + + for(int i = 0; i < nums.length + 1; i++) { + sum = sum + nums[i]; + low = Math.min(low, nums[i]); + high = Math.max(high, nums[i]); + } + + return (sum - low - high) / (nums.length - 2); +} +" +7ca6b65f583035fe9a5e20c91a04ba50ee675463,"public int centeredAverage(int[] nums) +{ + int sum = 0; + + + int low = nums[0]; + int high = nums[0]; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + low = Math.min(low, nums[i]); + high = Math.max(high, nums[i]); + } + + return (sum - low - high) / (nums.length - 2); +} +" +f78f4e8ae40eaf44a43061634ba9dfe278139187,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +9e488132b3d337bf21330d80ebf49ded679b2a2d,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + + else if (nums[i] < min) + { + min = nums[i]; + } + } + + int sum = 0; + int ct = 0; + + for (int n : nums) + { + if (n != min && n != max) + { + sum += n; + ct++; + } + } + return sum/ct; +} +" +25720df282e95d706bbcd101f399c68889fa2fe8,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = nums[0]; + int minLoc = 0; + int maxLoc = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + maxLoc = i; + } + + else if (nums[i] < min) + { + min = nums[i]; + minLoc = i; + } + } + + int sum = 0; + int ct = 0; + + for (int n : nums) + { + if (n != minLoc && n != maxLoc) + { + sum += n; + ct++; + } + } + return sum/ct; +} +" +22db2c07abc57b3fc828d739b1869feb7adb1b0a,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = nums[0]; + int minLoc = 0; + int maxLoc = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + maxLoc = i; + } + + else if (nums[i] < min) + { + min = nums[i]; + minLoc = i; + } + } + + int sum = 0; + int ct = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i != minLoc && i != maxLoc) + { + sum += nums[i]; + ct++; + } + } + return sum/ct; +} +" +ca3d48f3b849bc3fbd89b3b5c3cad61588d603f2,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[1]; + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + smallest = nums[i]; + } + if (nums[i] > largest) { + largest = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) { + if (nums[x] != smallest || nums[x] != largest) { + sum += nums[x]; + } + } + return sum / (nums.length - 2) +} +" +68b46fb9e4b1804cfe6554ace0469de769cf6c87,"public int centeredAverage(int[] nums) +{ + int max = nums[nums.length - 1]; + int min = nums[0]; + int minLoc = 0; + int maxLoc = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + maxLoc = i; + } + + else if (nums[i] < min) + { + min = nums[i]; + minLoc = i; + } + } + + int sum = 0; + int ct = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i != minLoc && i != maxLoc) + { + sum += nums[i]; + ct++; + } + } + return sum/ct; +}" +06295ccf7a79d333dcae219b4eb9629c11b39357,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[1]; + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + smallest = nums[i]; + } + if (nums[i] > largest) { + largest = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) { + if (nums[x] != smallest || nums[x] != largest) { + sum += nums[x]; + } + } + return sum / (nums.length - 2); +} +" +d5214d5bb2184b9a0f57e26ebfa35609f2cd5262,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int minLoc = 0; + int maxLoc = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + maxLoc = i; + } + + else if (nums[i] < min) + { + min = nums[i]; + minLoc = i; + } + } + + int sum = 0; + int ct = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i != minLoc && i != maxLoc) + { + sum += nums[i]; + ct++; + } + } + return sum/ct; +}" +d02b59a1c3c346d031c406f5974fd26a781b5029,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +f07a5967706bf5ea448e0b8c6fbd41aad6eb87f0,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[1]; + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + smallest = nums[i]; + } + if (nums[i] > largest) { + largest = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) { + if (nums[x] != smallest && nums[x] != largest) { + sum += nums[x]; + } + } + return sum / (nums.length - 2); +} +" +1f6201b823d05481c7b79d4542ad1f25dffb18c5,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +148a0f78732988be83fb18208f3e6137ac65b425,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +3d5a15810bb98a7e20b20d48f1a58a46293fcc39,"public int centeredAverage(int[] nums) +{ + int small = INTEGER.MAXINT; +} +" +693ca5775138041ab919640cde728ed79388d1ca,"public int centeredAverage(int[] nums) +{ + int small = INTEGER.MAX; +} +" +51a9586146d78435e01d935e621101ad5d42437b,"public int centeredAverage(int[] nums) +{ + int small = Integer.MAX; +} +" +4f0b118575b6094a1301d42ab364b8780c265808,"public int centeredAverage(int[] nums) +{ + int small = Integer.MAX_VALUE; +} +" +6fd181c440beeb3858d4f1d095eecb41aa7f6d88,"public int centeredAverage(int[] nums) +{ + int small = Integer.MAX_VALUE; + int min = Integer.MIN_VALUE; +} +" +18a86a49c3f0964608d8ee8891cd9135730408d7,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int avg = 0; + int div = 0; + boolean ac = false; + boolean ac2 = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] != min || ac)) + { + if (nums[i] != max || ac2) + { + avg += nums[i]; + div++; + } + else + { + ac2 = true; + } + } + else + { + ac = true; + } + } + + return avg/div; +} +" +3f3d45642377f59c33d2f4c27ebf8b1e4cb53de6,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - min - max) / (nums.length - 2); +} +" +3d577f02bd96f91aa447412d7962fa0ebd7076f0,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + return (sum - min - max) / (nums.length - 2); +} +" +0b189277a83d2f138755b14cd627c9dfe66bb1f4,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + return (sum - min - max) / (nums.length - 2); +} +" +301ca3c9e48c3b1e9e6f6e3df690f7805f67b93b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(min, nums[i]); + maximum = Math.max(max, nums[i]); + } + return (sum - min - max) / (nums.length - 2); +} +" +681a86fa735f52528d8b33e5626d88fa14f93733,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + return (sum - minimum - maximum) / (nums.length - 2); +} +" +03c0c670dd099050f32966fc051458d5c7c5b915,"public int centeredAverage(int[] nums) +{ + Array.sort[nums]; +} +" +bb145a45499a549a575aef7a9b3d3cfb0497fab7,"public int centeredAverage(int[] nums) +{ + Arrays.sort[nums]; +} +" +167809520e599d97ce20c321b3220ec718c1c3fc,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + +} +" +d5686fb80d1f5ac900af5eedb604bc436ce6b6da,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = 0; + int maximum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + return (sum - minimum - maximum) / (nums.length - 2); +} +" +2bf45b4a473dbc58c8365854662fb1cc4db018b2,"import java.util.Arrays; + +public int centeredAverage(int[] nums) +{ + Arrays.sort[nums]; +} +" +753ac7c3d6b335804d7c48aa8caac3ac6ff2f58b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + return (sum - minimum - maximum) / (nums.length - 2); +} +" +3312c58cc5b24655c818cab338c01fb0ac5b5cf1," +public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); +} +" +07343221ca5471c5c2938c1781d53ed94bb7e3c6," +public int centeredAverage(int[] nums) +{ + nums.sort(nums); +} +" +349a23c5f8bc420219586c5bcff721e0e3a71f4f,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int i =0;i max) + { + max = nums[i]; + } + else if(nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +ea36d2e837d3fffcb302c3d0f3bfcf1d54702798,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +6666a48c452a8935bee7d0a27e10ab0bfb76f636,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minimum = nums[0]; + int maximum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + //takes the sum of all the numbers in the array + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + //compares the current minimum with a new number from the array + } + return (sum - minimum - maximum) / (nums.length - 2); + //the int division used to produce the final average +} +" +b9f6f046f5c30ebf81e171f96260f02b493d0da6,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); + +} +" +da28aa6cb6eed01030ae61901c9bddaa581bd14a,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +9e0ebcf3f0636d3e7bc3068a21f366bfed6433f9,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[1]; + int sum = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + smallest = nums[i]; + } + if (nums[i] > largest) { + largest = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) { + sum += nums[x]; + } + sum = sum - (largest + smallest); + return sum / (nums.length - 2); +} +" +0f8544f70f9b807a2ca0af1a24f4f5498bdad166," +public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int big = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + small = Math.min(small, nums[i]); + big = Math.max(big, nums[i]); + } + + int perfection = (total - small - big) / (nums.length); + + return perfection; +} +" +a635fa38517fcf2559290625ba7c84ae9d36e217," +public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int big = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + small = Math.min(small, nums[i]); + big = Math.max(big, nums[i]); + } + + int perfection = (total - small - big) / (nums.length - 2); + + return perfection; +} +" +49a407b249cc57f946a0ebd02fb1ae5038583f66,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +132ac0095eba74e48c6b943c6bd6c60b9c87bb01,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int highest = nums[0] + int lowest = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < lowest) + { + nums[i] = lowest; + } + if (nums[i] > highest) + { + nums[i] = highest; + } + } + return (sum - lowest - highest) / (nums.length - 2); +} +" +a27813f58b90f9a509d4d791a44eaafcb17590ff,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int highest = nums[0]; + int lowest = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < lowest) + { + nums[i] = lowest; + } + if (nums[i] > highest) + { + nums[i] = highest; + } + } + return (sum - lowest - highest) / (nums.length - 2); +} +" +f88b3a3c188345e92635f7d456012c2ee876786f,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int highest = nums[0]; + int lowest = nums[0]; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < lowest) + { + lowest = nums[i]; + } + if (nums[i] > highest) + { + highest = nums[i]; + } + } + return (sum - lowest - highest) / (nums.length - 2); +} +" +66182967faa5aa9e4bf09991adbed6d22d14931a,"public int centeredAverage(int[] nums) { + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +}" +925ab75881c7ab6cb3b15a36d47ff6310aaa0da7,"public int centeredAverage(int[] nums) +{ + int top = nums[0]; + int low = nums[0]; + int add = nums[0]; + for(int i = 1; i < nums.length; i++) + { + add += nums[i]; + if(nums[i] > top) + top = nums[i]; + else if(nums[i] < min) + low = nums[i]; + } + return (add-top-low) / (nums.length - 2); +} +" +cf57933674f331d1704ef8ca99122a819561c061,"public int centeredAverage(int[] nums) +{ + int min = 0; + int max = 0; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + total += nums[i]; + } + return (total - (min + max)) / (nums.length - 2); +} +" +d9fd31fe221ca79070811364b28d374f0063004e,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = 0; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + total += nums[i]; + } + return (total - (min + max)) / (nums.length - 2); +} +" +9aa34260be17ce796533a50e6ef5879cc426d387,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +172d6a2cabb08c493459fe7798fcdc28c41b7beb,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = 0; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + total += nums[i]; + } + return (total - (min + max)) / (nums.length - 2); +} +" +fccba8af4636ddfc8a8bfbbbe9f753c519393a85,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = -Integer.MAX_VALUE; + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + total += nums[i]; + } + return (total - (min + max)) / (nums.length - 2); +} +" +87503ced4a724bc3d40958ea0db42b3b85f4c02e,"public int centeredAverage(int[] nums) +{ + int start = nums[0]; + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > start) + { + start = nums[y]; + nums[y-1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +12d6a5aedda97fffaa86d8070c6f898a9a0cbdfd,"public int centeredAverage(int[] nums) +{ + int top = nums[0]; + int low = nums[0]; + int add = nums[0]; + for(int i = 1; i < nums.length; i++) + { + add += nums[i]; + if(nums[i] > top) + top = nums[i]; + else if(nums[i] < low) + low = nums[i]; + } + return (add-top-low) / (nums.length - 2); +} +" +0a8c4edbe18c7d28ef056eb69c80733e73d1b5d1,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y]; + nums[y-1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +de0c49a5bc2c0adc1ecfb64a916564cb44f9dee8,"public int centeredAverage(int[] nums) +{ + + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i nums[y+1]) + { + int start = nums[y]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +73ef7358a49b8ae956b9ab1ca36d438f6a7d5308,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i <= nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +b5f2e181896a2ec29e4ec23359732c99ebe47081,"public int centeredAverage(int[] nums) +{ + int inputs = nums.length - 2; + int sum = 0; + int smallest = 100000000; + int biggest = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] > biggest) { + biggest = nums[i]; + } + if (nums{i} < smallest) { + smallest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - smallest - biggest; + int average = sum / inputs; + return average; +} +" +e5902b06de262d21fc7598f1d72a625c4268f574,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +c963f06b5e445d83f1fb9395a2f5d72ed6a5584b,"public int centeredAverage(int[] nums) +{ + int inputs = nums.length - 2; + int sum = 0; + int smallest = 100000000; + int biggest = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] > biggest) { + biggest = nums[i]; + } + if (nums[i] < smallest) { + smallest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - smallest - biggest; + int average = sum / inputs; + return average; +} +" +cf4f59acc116f99d6ceace598c4097073f267ae8,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-3)); + +} +" +4bfe92f65705d818ad8c5aade7b271806c542a70,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +3fe507e11690c2ac1009969276741a8c50de1b6d,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i <= nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +90c2bc77bfe0ed523d41e5032252ef700f150542,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i < nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +8bf86e0bdbfb544cd4c48941a1e35dd22d722849,"public int centeredAverage(int[] nums) +{ + int inputs = nums.length - 2; + int sum = 0; + int smallest = nums[i]; + int biggest = nums[i]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] > biggest) { + biggest = nums[i]; + } + if (nums[i] < smallest) { + smallest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - smallest - biggest; + int average = sum / inputs; + return average; +} +" +e2611a49e5fdcbf0cafaa7123c8e457c0390ea6d,"public int centeredAverage(int[] nums) +{ + int inputs = nums.length - 2; + int sum = 0; + int smallest = nums[0]; + int biggest = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] > biggest) { + biggest = nums[i]; + } + if (nums[i] < smallest) { + smallest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - smallest - biggest; + int average = sum / inputs; + return average; +} +" +72d633d04cb6e1bc741b3dd3231c7c46091a4456,"public int centeredAverage(int[] nums) +{ + int top = nums[0]; + int bottom = nums[0]; + int total = nums[0]; + for(int i = 1; i < nums.length; i++) + { + total += nums[i]; + if(nums[i] > top) + top = nums[i]; + else if(nums[i] < bottom) + bottom = nums[i]; + } + return (total-bottom-top) / (nums.length - 2); +} +" +2afed919cf97c9a2303b6b0485851a536fe420e3,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + nums[lowestPlace].remove(); + nums[highestPlace].remove(); + + for (int x = 0; x < nums.length; x++) + { + sum += nums[x]; + } + return sum / nums.length; + +} +" +acbc5114f32a123889a0a807d91329e1851b50fa,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +c9e45e373803cab41ca7ad8eb5b6bb2a76b05653,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + + + for (int x = 0; x < nums.length; x++) + { + if (x != lowestPlace && x =! highestPlace) + sum += nums[x]; + } + return sum / nums.length; + +} +" +4af8569b9a778c81c9740fc1d9538127139eaa29,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + + + for (int x = 0; x < nums.length; x++) + { + if (x != lowestPlace && x != highestPlace) + sum += nums[x]; + } + return sum / nums.length; + +} +" +c6122dc48c3f4d900d08b2c8670f2847c7f6c206,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + + + for (int x = 0; x < nums.length; x++) + { + if (x != lowestPlace && x != highestPlace) + sum += nums[x]; + } + return sum / nums.length - 2; + +} +" +ff2b2b435b3b99ad4b70476dff237b8a016e5d11,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + + + for (int x = 0; x < nums.length; x++) + { + if (x != lowestPlace && x != highestPlace) + sum += nums[x]; + } + return sum / (nums.length - 2); + +} +" +385b207bb6f81351957891826bbec05f6359206d,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i <= nums.length-1; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +41a775c461cce41c8816f17c63aed03827759914,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i <= nums.length-2; i++) + { + sum += nums[i]; + } + + return (sum / (nums.length-2)); + +} +" +d18db8770f35e7109a4c6f905f186e9a7496640c,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y < nums.length -1; y++) + { + if(nums[y] > nums[y+1]) + { + int start = nums[y+1]; + nums[y+1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i <= nums.length-2; i++) + { + sum += nums[i]; + } + + return sum / (nums.length-2); + +} +" +6ce586093d36adcfce865f543fabdcd23dd10999,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + + if (highestPlace = lowestPlace) + { + highestPlace = 1; + } + for (int x = 0; x < nums.length; x++) + { + if (x != lowestPlace && x != highestPlace) + sum += nums[x]; + } + return sum / (nums.length - 2); + +} +" +778c75ac5fabc8d4102587065803682b9428e920,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int lowestPlace = 0; + int highestPlace = 0; + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (lowest > nums[x]) + { + lowest = nums[x]; + lowestPlace = x; + } + + if (highest < nums[x]) + { + highest = nums[x]; + highestPlace = x; + } + } + + if (highestPlace == lowestPlace) + { + highestPlace = 1; + } + for (int x = 0; x < nums.length; x++) + { + if (x != lowestPlace && x != highestPlace) + sum += nums[x]; + } + return sum / (nums.length - 2); + +} +" +83e4ae1df74626cd388d24d3af0267c03ef01ee0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +dc4cc58954a4a8429de1a226e83ff9c859c8e5a6,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +1d6731e4a755fac2a556093ef30cda2828b5b630,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + max = nums[i]; + else if (nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +01de2a51b8e6e980c552af9b77507002041b7ce8,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +1eeda684ef40fa4c8d3dc7d6ee668901c2c6f6c3,"public int centeredAverage(int[] nums) +{ + + for(int x = 0; x < nums.length; x++) + { + for(int y = x; y > 0; y--) + { + if(nums[y] < nums[y-1]) + { + int start = nums[y-1]; + nums[y-1] = nums[y]; + nums[y] = start; + } + } + } + + int sum = 0; + for(int i = 1; i <= nums.length-2; i++) + { + sum += nums[i]; + } + + return sum / (nums.length-2); + +} +" +622436b0373dab2bad30c76297c1da3f8edaf9ea,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +4807643a34bf5418825f3fd529edc472e6d6a689,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); + +} +" +57c9bc3f27d5fd60fa039f081d4a53d41995e2b8,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +2ecd2feac5576ecbd9af8a726b439d84867cb5d8,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int min = nums[0]; + int max = nums[0]; + for(int counter = 1; counter < nums.length; counter++) + { + sum = sum + nums[counter]; + if (nums[counter] < min) + { + min = nums[counter] + } + if (nums[counter] > max) + { + max = nums[counter] + } + } + sum = sum - (min + max); + int avg = sum / (nums.length - 2); + return avg; +} +" +903cea95160c3081be9bfcac1fdfc4ade7143a5c,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int min = nums[0]; + int max = nums[0]; + for(int counter = 1; counter < nums.length; counter++) + { + sum = sum + nums[counter]; + if (nums[counter] < min) + { + min = nums[counter]; + } + if (nums[counter] > max) + { + max = nums[counter]; + } + } + sum = sum - (min + max); + int avg = sum / (nums.length - 2); + return avg; +} +" +ac22d95f776f5b51cdda84fa7fa085499a476c7b,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 1000; + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +f7d518e8f839b60761636af5a7e62999275b671f,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] >= largest) + { + largest = nums[i]; + } + else if (nums[i] <= smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return int(sum/(nums.length - 2)); +} +" +098bb443e264ad97cb64b093785ffeb4fa6be7a1,"public int centeredAverage(int[] nums) +{ + int max = 0; + int min = 10000; + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +b85a9e11f94dfb8a5676313a4b4bf36071b16aaa,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +05d48f217bfb0d4db721927d66a9a715aed4e363,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] >= largest) + { + largest = nums[i]; + } + else if (nums[i] <= smallest) + { + smallest = nums[i]; + } + sum += nums[i]; + } + sum = sum - largest - smallest; + return sum/(nums.length - 2); +} +" +d459d29760aa7a0412398bfa39351eaefe9337b1,"public int centeredAverage(int[] nums) +{ + int max = nums[i]; + int min = nums[i]; + int sum = nums[i]; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +dcd429c950e868a0610cb4d076e50ca46e9277be,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +05aa7c3714fdb4dea7ca0d8ab02aa0caef81dfad,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +e66f79539b7a3da4e9ccd44fe0c8138dd4451016,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + max = nums[i]; + if (nums[i] < min) + min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +a80285afdf55987dc843a26a9058d3f772055a40,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); + +} +" +ca2c8fc14acc18f03d37d420100f37751d93343c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +bdda06988855fa4fddd7bc92f7d7e38b885d9528,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for(int i = 0; i < nums.length; i++) + { + largest = Math.max(max, nums[i]); + smallest = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - smallest - largest) / (nums.length - 2); +} +" +5048482917d17c0750bafe9c2c328b8e02fde812,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for(int i = 0; i < nums.length; i++) + { + largest = Math.max(largest, nums[i]); + smallest = Math.min(smallest, nums[i]); + sum += nums[i]; + } + return (sum - smallest - largest) / (nums.length - 2); +} +" +696c1ec0e96f1b96a6fd94367b67e62dffae0047,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - (max + min)) / (nums.length - 2); +} +" +62f0faf9ae3f624b8fe5d0997ac390ab89fdf560,"public int centeredAverage(int[] nums) +{ + int a = nums[0]; + int b = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > a) + a = nums[i]; + else if (nums[i] < b) + b = nums[i]; + } + return (sum-a-b) / (nums.length - 2); +} +" +fb6e928e0502e334eaaf053a266c17bfbb5108b5,"public int centeredAverage(int[] nums) +{ + int smallest = 100000; + int big = -1; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum+=nums[i]; + if (nums[i] > smallest) + { + smallest = nums[i]; + } + if(nums[i] < big) + { + big = nums[i]; + } + } + int newSum = sum - (big + smallest); + return newSum/(nums.length); +} +" +33c60fe1619e75abdd3abd12dbfe28c13dbe6f41,"public int centeredAverage(int[] nums) +{ + int smallest = nums[i]; + int big = nums[i]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum+=nums[i]; + if (nums[i] > smallest) + { + smallest = nums[i]; + } + if(nums[i] < big) + { + big = nums[i]; + } + } + int newSum = sum - (big + smallest); + return newSum/(nums.length); +} +" +48da24e14641ba21948d5894229e73f3b98d6b78,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0; + int big = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum+=nums[i]; + if (nums[i] > smallest) + { + smallest = nums[i]; + } + if(nums[i] < big) + { + big = nums[i]; + } + } + int newSum = sum - (big + smallest); + return newSum/(nums.length); +} +" +b3038eebd73cf62a26af17e78d718a036c593e01,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int big = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum+=nums[i]; + if (nums[i] > smallest) + { + smallest = nums[i]; + } + if(nums[i] < big) + { + big = nums[i]; + } + } + int newSum = sum - (big + smallest); + return newSum/(nums.length); +} +" +44d1dac4085ab816a4ce7c1b282954366d04b68f,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int big = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum+=nums[i]; + if (nums[i] > smallest) + { + smallest = nums[i]; + } + if(nums[i] < big) + { + big = nums[i]; + } + } + int newSum = sum - (big + smallest); + return newSum/(nums.length); +} +" +f4b514d15ce82405ed027b24ba5ba145d5bf4f41,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int big = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum+=nums[i]; + if (nums[i] > smallest) + { + smallest = nums[i]; + } + if(nums[i] < big) + { + big = nums[i]; + } + } + int newSum = sum - (big + smallest); + return newSum/(nums.length - 2); +} +" +d02137ad21e90bfc2632911ae81a690a86854e35,"public int centeredAverage(int[] nums) +{ + int large = nums[0]; + int small = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > large) + { + large = nums[i]; + if (nums[i] < min) + { + small = nums[i]; + } + return (sum - (small + large)) / (nums.length - 2); +} +" +d1d1065326ea21eeb50fe22eb4f6d3d1d08bc9d3,"public int centeredAverage(int[] nums) +{ + int large = nums[0]; + int small = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > large) + { + large = nums[i]; + } + if (nums[i] < min) + { + small = nums[i]; + } + } + return (sum - (small + large)) / (nums.length - 2); +} +" +594f28a64e362fea5416aa680d2b8abb9c5fb4b8,"public int centeredAverage(int[] nums) +{ + int sum=0; + int max = 0; + int min = 0; + for (int i = 0; i large) + { + large = nums[i]; + } + if (nums[i] < small) + { + small = nums[i]; + } + } + return (sum - (small + large)) / (nums.length - 2); +} +" +17a6bae2ef0bd886b779d001f8c1410e96348f84,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i+++) + { + sum += nums[i]; + count++; + } + return sum/count; +} +" +afa35e18d5410fd9bf4a90e49a2a0d7ae7a8efaf,"public int centeredAverage(int[] nums) +{ + Arrays.sort(nums); + int count = 0; + int sum = 0; + for (int i = 1; i < nums.length - 1; i++) + { + sum += nums[i]; + count++; + } + return sum/count; +} +" +03940bf3f346188f59370f738481cb9525fee7b5,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +" +60f8421a4d48b4585bf0d41a140392e22eac4768,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +}" +7ba75906938310f5beb7989f7961bdb5d3c95848,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +9bbb1c7a5aeaaf0b2d1d7be0f521929c691decf5,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +3a5ea7128822347c43bede30f7bc735be942965b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +be8b060a7dfce74968b6cf5774cc276ed160205a,"public int centeredAverage(int[] nums) +{ + return (sum(nums) - max(nums) - min(nums)) / (len(nums) - 2) +} +" +8860f5891aae53d0a0d5a8c8ca27d6d5e3530ee8,"public int centeredAverage(int[] nums) +{ + return sum(sorted(nums)[1:-1]) / (len(nums) - 2) +} +" +3c903d8916a914f817bf7702c7bd1df349c95d07,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + + for (int i = 0; i < nums.length; i++) { + + smallest = Math.min(smallest, nums[i]); + largest = Math.max(largest, nums[i]); + + sum = sum + nums[i]; + } + + sum = sum - largest; + sum = sum - smallest; + +return sum / (nums.length - 2); +} +" +b14883ef4fff5bbdd9678510801716b8ac3515db,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int total = nums[0]; + for (int i = 1; I < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + total = total + nums[i]; + } + return (sum - max - min) / (nums.length - 2) +}" +a65823498016d34f980f0d73e7255bdde05f293c,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int total = nums[0]; + for (int i = 1; I < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + total = total + nums[i]; + } + return (sum - max - min) / (nums.length - 2); +}" +a00102f735624bf1544acb79ff4e5af5281fc96e,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int total = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + total = total + nums[i]; + } + return (sum - max - min) / (nums.length - 2); +}" +2cfcfcaa63c2c270da4d2e68b16630777862b0b1,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int total = nums[0]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + total = total + nums[i]; + } + return (total - max - min) / (nums.length - 2); +}" +7a16e04da914a889abd17e20fd9f146411ddd644,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +307b365b9147da76c66a8dc22d791b3ecf9a0eb4,"public int centeredAverage(int[] nums) { + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +}" +a137eda5d5f951580e87542d6417c45254cde8a8,"public int centeredAverage(int[] nums) +{ + int smallest = 100; + int greatest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + sum += nums[i]; + } + sum = sum - smallest - greatest; + return sum; +} +" +0a3d184ff04fa4bc09d183c0d635e62490ea229c,"public int centeredAverage(int[] nums) +{ + int smallest = 100; + int greatest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + sum += nums[i]; + } + sum = sum - smallest - greatest; + length = nums.length - 2; + return sum/length; +} +" +3658ca2c45ba1616810b493962bc699f2b7a2f6d,"public int centeredAverage(int[] nums) +{ + int smallest = 100; + int greatest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + sum += nums[i]; + } + sum = sum - smallest - greatest; + int length = nums.length - 2; + return sum/length; +} +" +291a3784216b68ab9caef543a28c67496a2d4677,"public int centeredAverage(int[] nums) +{ + int min = nums[0]; + int max = nums[0]; + int sum = 0; + for (int num : nums) + { + if (num < min) + { + min = num; + } + else if (num > max) + { + max = num; + } + sum += num; + } + sum -= min + max; + return sum / (nums.length - 2); +} +" +8c5ed2f61430b918f1c5c703307130deb18304ad,"public int centeredAverage(int[] nums) +{ + int smallest = 1000; + int greatest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + sum += nums[i]; + } + sum = sum - smallest - greatest; + int length = nums.length - 2; + return sum/length; +} +" +2ff4718cde15ee630d5b17aa4f1422713bf24792,"public int centeredAverage(int[] nums) +{ + int smallest = 100; + int greatest = -1; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + sum += nums[i]; + } + sum = sum - smallest - greatest; + int length = nums.length - 2; + return sum/length; +} +" +96dd36856465f4408ec06f953f8ed0b4878dc884,"public int centeredAverage(int[] nums) +{ + int smallest = 100; + int greatest = -100; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > greatest) + { + greatest = nums[i]; + } + sum += nums[i]; + } + sum = sum - smallest - greatest; + int length = nums.length - 2; + return sum/length; +} +" +73ed1de85d5b22771d0d401395f97178f38186a0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if(nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2) +} +" +6ebd37f47a0e113db1eeb89c876be47e4972fe99,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if(nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +e04c8164c1a1ab4627ad5a99b5702c307f54fc88,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int big = nums[0]; + int small = nums[0]; + for(int i = 0; i big)big=nums[i]; + if(nums[i]big)big=nums[i]; + if(nums[i]big)big=nums[i]; + if(nums[i] largest) + { + largest = nums[i]; + } + avgLength = avgLength - 2; + } + + int fakeTotal = total - largest - smallest; + + return fakeTotal / avgLength; +} +" +c25cd8c0148aa07937c5959f385d04cfa423e9ba,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int total = 0; + int avgLength = nums.length; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + if (nums[i] > largest) + { + largest = nums[i]; + } + avgLength = avgLength - 2; + } + + int fakeTotal = total - largest - smallest; + + return fakeTotal / avgLength; +} +" +75228b8e5b88b4822728b9bfc3aceea167b42cb5,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int avg = sum/nums.length; + int result = nums[1]; + for (int num: nums) + { + if (java.lang.Math.abs(num - result) ) + { + } + } + + return 0; +} +" +8baca4c102ac3bec5f6cbcce72ac7046c9662a9e,"public int centeredAverage(int[] nums) +{ + int largest = nums[0]; + int smallest = nums[0]; + int total = 0; + int avgLength = nums.length; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + if (nums[i] < smallest) + { + smallest = nums[i]; + } + + if (nums[i] > largest) + { + largest = nums[i]; + } + + } + avgLength = avgLength - 2; + int fakeTotal = total - largest - smallest; + + return fakeTotal / avgLength; +} +" +70a311186b13741a9eac1691115104486e1c5a1b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int avg = sum/nums.length; + int result = nums[1]; + for (int num: nums) + { + if (java.lang.Math.abs(num - avg) < java.lang.Math.abs(num - avg) < ) + { + result = num; + } + } + + return result; +} +" +b9cdff623e1ee7fcf3b1d5fa0fc4fa7feed5ce9f,"import java.lang.Math; +public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int avg = sum/nums.length; + int result = nums[1]; + for (int num: nums) + { + if (Math.abs(num - avg) < Math.abs(num - avg) < ) + { + result = num; + } + } + + return result; +} +" +9c183a32cdfb1bcbfd5a949405d7062e12b65f43,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[1]; + + for(int x = 0; x < nums.length; x++) + { + if(nums[i] > largest) + { + largest = nums[i]; + } + if(nums[i] < smallest) + { + smallest = nums[i]; + } + } + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + int sum2 = sum - largest - smallest; + int avg = sum2/(nums.length-2); + return avg; +} +" +db592f78790466a9bba06d7a275dfe1ddc6676ff,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[1]; + + for(int x = 0; x < nums.length; x++) + { + if(nums[x] > largest) + { + largest = nums[i]; + } + if(nums[x] < smallest) + { + smallest = nums[i]; + } + } + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + int sum2 = sum - largest - smallest; + int avg = sum2/(nums.length-2); + return avg; +} +" +ba355c1b26b4e3fbb8a63b9c8862672ef75c2fe1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int largest = nums[0]; + int smallest = nums[1]; + + for(int x = 0; x < nums.length; x++) + { + if(nums[x] > largest) + { + largest = nums[x]; + } + if(nums[x] < smallest) + { + smallest = nums[x]; + } + } + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + int sum2 = sum - largest - smallest; + int avg = sum2/(nums.length-2); + return avg; +} +" +bcc0f528399d03e522dc1beb2581e09b7e89332b,"import sofia.micro.*; +import java.util.List; + +public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int avg = sum/nums.length; + int result = nums[1]; + for (int num: nums) + { + if (Math.abs(num - avg) < Math.abs(num - avg) < ) + { + result = num; + } + } + + return result; +} +" +bb4045402d1674bcb4835f47d74517991bf5e2e2," +public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int avg = sum/nums.length; + int result = nums[1]; + for (int num: nums) + { + if ((num - avg)*(num - avg) < (num - avg)*(num - avg) ) + { + result = num; + } + } + + return result; +} +" +88cf728c474ebc25b3db1b6655ffc91fa951298a," +public int centeredAverage(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int avg = sum/nums.length; + int result = nums[1]; + for (int num: nums) + { + if ((num - avg)*(num - avg) < (num - avg)*(num - avg) ) + { + result = num; + } + } + + return avg; +} +" +46ea7c41030c2f7a678a4d8555563c17cffb3bcd,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = numd[0]; + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + } + total = total + nums[i]; + } + total = total - (max + min); + return total / (nums.length - 2); +} +" +e00597d9eaeafcd01a82acd57cb8f8b361cc30f3,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + } + total = total + nums[i]; + } + total = total - (max + min); + return total / (nums.length - 2); +} +" +27a2b08707d6daa725f0b65e11af610e8f0a331e,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +b481d3fa04f0e6a3c7598abf00c4b256a236b089,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +0677c0ac7b75838b732d738f3e9b6b7bb9b1ea48," +public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = 0; + int max = 0; + for (int num: nums) + { + sum = sum + num; + min = Math.min(min, num); + max = Math.max(max, num); + } + + int avg = (sum - min - max)/(nums.length - 2) + + return avg; +} +" +e2508e930c078ed675e75a02f81370cbee5b2cd5," +public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = 0; + int max = 0; + for (int num: nums) + { + sum = sum + num; + min = Math.min(min, num); + max = Math.max(max, num); + } + + int avg = (sum - min - max)/(nums.length - 2); + + return avg; +} +" +c563b2eb41caa9261ec1ce09d23c2896bbd1ddaa," +public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + for (int num: nums) + { + sum = sum + num; + min = Math.min(min, num); + max = Math.max(max, num); + } + + int avg = (sum - min - max)/(nums.length - 2); + + return avg; +} +" +baf4a04c63c53187c9d71c6f9ab78cfcaec90c0b,"public int centeredAverage(int[] nums) +{ + int sum = nums[0]; + int min = nums[0]; + int max = nums[0]; + + for (int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > max) + { + max = nums[i]; + } + else if (nums[i] < min) + { + min = nums[i]; + } + } + return (sum - max - min) / (nums.length - 2); +} +" +26f65f2f7c86fdf8dcd30e3fd77021940232db8d,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int count = nums.length - 2; + extraMax = 0; + extraMin = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) + { + if ((nums[x] != max) && (nums[x] != min)) + { + sum = sum + nums[x]; + } + } + return (int)(sum / count); +} +" +d2e0c52619d12b14c60e0974bb7b5cd9ca80f524,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int count = nums.length - 2; + extraMax = 0; + extraMin = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) + { + if ((nums[x] != max) && (nums[x] != min)) + { + sum = sum + nums[x]; + } + } + return (int)(sum / count); +} +" +a616436c0b386809a7259cdda79fdfcf93310cee,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int count = nums.length - 2; + // int extraMax = 0; + // int extraMin = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) + { + if ((nums[x] != max) && (nums[x] != min)) + { + sum = sum + nums[x]; + } + } + return (int)(sum / count); +} +" +def195105dc3b76d81027ebf505a4436afc81b1c,"public int centeredAverage(int[] nums) +{ + int smallest = 0; + int largest = 0; + int total = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] <= smallest) { + smallest = nums[i]; + } + else if (nums[i] >= largest) { + largest = nums[i]; + } + else { + count = count + nums[i]; + total = total + 1; + } + } + int div = count / total; + return div; +} +" +1afd1fb29d264e78786244761fd1e737ad76cbcf,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int count = nums.length - 2; + boolean extraMax = false; + boolean extraMin = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) + { + if ((nums[x] != max) && (nums[x] != min)) + { + sum = sum + nums[x]; + } + else if ((nums[x] == max) && extraMax) + { + sum = sum + max; + } + else if ((nums[x] == min) && extraMin) + { + sum = sum + min; + } + else if (nums[x] == max) + { + extraMax = true; + } + else if (nums[x] == min) + { + extraMin = true; + } + } + return (int)(sum / count); +} +" +5691506fca6970a0dfda9b1567d60b49f12eb4b4,"public int centeredAverage(int[] nums) +{ + int smallest = 99; + int largest = 0; + int total = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] <= smallest) { + smallest = nums[i]; + } + else if (nums[i] >= largest) { + largest = nums[i]; + } + else { + count = count + nums[i]; + total = total + 1; + } + } + int div = count / total; + return div; +} +" +7d6c7535dbf0fedd488a2b7f8664b94e8b7769b7,"public int centeredAverage(int[] nums) +{ + int smallest = 99; + int largest = 0; + int total = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + smallest = nums[i]; + if ( smallest != 99) { + total = total + 1; + } + } + else if (nums[i] == smallest || nums[i] == largest) { + total = total; + } + else if (nums[i] > largest) { + largest = nums[i]; + if (largest != 0) { + total = total + 1; + } + } + else { + count = count + nums[i]; + total = total + 1; + } + } + int div = count / total; + return div; +} +" +e99f7db96b3c7c47cb592f66c069d96a7a10f70f,"public int centeredAverage(int[] nums) +{ + int smallest = 99; + int largest = 0; + int total = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + if ( smallest != 99) { + total = total + 1; + } + smallest = nums[i]; + } + else if (nums[i] == smallest || nums[i] == largest) { + total = total; + } + else if (nums[i] > largest) { + if (largest != 0) { + total = total + 1; + } + largest = nums[i]; + } + else { + count = count + nums[i]; + total = total + 1; + } + } + int div = count / total; + return div; +} +" +cff1d9fde035d6fa9db9b9abc520d86dcbc54503,"public int centeredAverage(int[] nums) +{ + int total = 0; + int minimum = nums[0]; + int maximum = nums[0]; + + for(int i = 0; i < nums.length; i++) { + total += nums[i]; + minimum = Math.min(minimum, nums[i]); + maximum = Math.max(maximum, nums[i]); + } + + return (total - minimum - maximum) / (nums.length - 2); +} +" +1d70cfcde6ca4771982cf627b52ad7984599035b,"public int centeredAverage(int[] nums) +{ + int smallest = 99; + int largest = 0; + int total = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + if ( smallest != 99) { + total = total + 1; + } + smallest = nums[i]; + } + else if (nums[i] == smallest || nums[i] == largest) { + total = total; + } + else if (nums[i] > largest) { + if (largest != 0) { + total = total + 1; + } + largest = nums[i]; + } + else { + count = count + nums[i]; + total = total + 1; + } + } + int div = count / total; + if (total = 0) { + return 0; + } + return div; +} +" +1362150e1799fd2fba99af59e454831efc0f2d12,"public int centeredAverage(int[] nums) +{ + int min = 10000; + int max = -10000; + int sum = 0; + int count = nums.length - 2; + boolean extraMax = false; + boolean extraMin = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + for (int x = 0; x < nums.length; x++) + { + if (min == max) + { + sum = (min * count); + } + else if ((nums[x] != max) && (nums[x] != min)) + { + sum = sum + nums[x]; + } + else if ((nums[x] == max) && extraMax) + { + sum = sum + max; + } + else if ((nums[x] == min) && extraMin) + { + sum = sum + min; + } + else if (nums[x] == max) + { + extraMax = true; + } + else if (nums[x] == min) + { + extraMin = true; + } + } + return (int)(sum / count); +} +" +b0b0ef7850bbb80492374b7c618e7543fc234b73,"public int centeredAverage(int[] nums) +{ + int smallest = 99; + int largest = 0; + int total = 0; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] < smallest) { + if ( smallest != 99) { + total = total + 1; + } + smallest = nums[i]; + } + else if (nums[i] == smallest || nums[i] == largest) { + total = total; + } + else if (nums[i] > largest) { + if (largest != 0) { + total = total + 1; + } + largest = nums[i]; + } + else { + count = count + nums[i]; + total = total + 1; + } + } + int div = count / total; + if (total == 0) { + return 0; + } + return div; +} +" +22a866eddb10155f15d6316dddd9e2cad5705e5d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +4bba5f40cfd935309dc1a04ab3ffb8a7c74cf77c,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[1]; + + for(int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + sum += nums[i]; + min = Math.min(min, nums[i]); + + } + int result = (sum - min - max) / (nums.length - 2) + return result ; +} +" +3f5371d66ceab48748b0f582c36f8b706e9a62a3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[1]; + + for(int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + sum += nums[i]; + min = Math.min(min, nums[i]); + + } + int result = (sum - min - max) / (nums.length - 2); + return result ; +} +" +fb45c1505a44fe70c9cbc28442e703e3dd0e20bf,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +c3e84e84a33e50f5e3ad91a84260e30a29676dec,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + int total = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + } + sum = sum + nums[i]; + } + return (sum - (max + min)) / (total - 2); +} +" +a087c556f733db43fe51e18e7b66c834dd03efe0,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + int total = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + sum = sum + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + sum = sum + nums[i]; + } + sum = sum + nums[i]; + } + return (sum - (max + min)) / (total - 2); +} +" +0e923fad0b6a4392f1e4dd701bb1dabba298684c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +3e3743d2193e0791ed78dd47266d315fdd31a33b,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +98f9e78c3731adba9ac7648a7713ee2c8d6e674d,"public int centeredAverage(int[] nums) { + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +}" +58d92070dd46b46e2e650c5b636dcae0724359cb,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = 100000; + int largest = 0; + int count = 0; + for ( int i =0; i < nums.length; i++) + { + if ( nums[i] < smallest) + { + nums[i] = smallest; + } + if (nums[i] > largest) + { + nums[i] = largest; + } + sum = sum + nums[i]; + count = count +1; + } + sum = sum - largest - smallest; + count = count - 2; + int avg = sum/count; + return avg; +} +" +ac8212f915db0e9a499025607528c91303e92372,"public int centeredAverage(int[] nums) +{ + int sum = 0; + Arrays.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + sum += nums[i]; + return + sum; +} +" +4f46fab4b084d845e313301a470161eea84c1daa,"public int centeredAverage(int[] nums) +{ + int sum = 0; + Array.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + sum += nums[i]; + return + sum; +} +" +61e0daf8c10e18dc6e89c06082a1365a3ac52973,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + int count = 0; + for ( int i =0; i < nums.length; i++) + { + if ( nums[i] < smallest) + { + nums[i] = smallest; + } + if (nums[i] > largest) + { + nums[i] = largest; + } + sum = sum + nums[i]; + count = count + 1; + } + sum = sum - largest - smallest; + count = count - 2; + int avg = sum/count; + return avg; +} +" +2952f43247878ebcfc14896626d5ee1fd09c861a,"import java.util.Arrays; +public int centeredAverage(int[] nums) +{ + int sum = 0; + Array.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + sum += nums[i]; + return + sum; +} +" +ca2ac54a5e1e4f3b00b89f00dde8d24508701166,"import java.util.Arrays*; +public int centeredAverage(int[] nums) +{ + int sum = 0; + Array.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + sum += nums[i]; + return + sum; +} +" +d76fefdb641e4776d9cd410b8489168ffe4c5470,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + for ( int i =0; i < nums.length; i++) + { + if ( nums[i] < smallest) + { + nums[i] = smallest; + } + if (nums[i] > largest) + { + nums[i] = largest; + } + sum = sum + nums[i]; + count = count + 1; + } + sum = sum - largest - smallest; + int avg = sum/(nums.length - 2); + return avg; +} +" +e714975cd9b12007141e665414fd03cdf7868783,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + for ( int i =0; i < nums.length; i++) + { + if ( nums[i] < smallest) + { + nums[i] = smallest; + } + if (nums[i] > largest) + { + nums[i] = largest; + } + sum = sum + nums[i]; + } + sum = sum - largest - smallest; + int avg = sum/(nums.length - 2); + return avg; +} +" +212789b0202be3517c8161e54064d162c2a2d4fa,"import java.util.Arrays; +public int centeredAverage(int[] nums) +{ + int sum = 0; + Arrays.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + sum += nums[i]; + return sum; +} +" +0716c9aa87ceb440fbeff6e7c6cadd77a11ca0b1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + for ( int i =0; i < nums.length; i++) + { + if ( nums[i] < smallest) + { + nums[i] = smallest; + } + else if (nums[i] > largest) + { + nums[i] = largest; + } + sum = sum + nums[i]; + } + sum = sum - largest - smallest; + int avg = sum/(nums.length - 2); + return avg; +} +" +2b7df9ba24bbf8b8509a686388761ca966adbe5f,"import java.util.*; +public int centeredAverage(int[] nums) +{ + int sum = 0; + Arrays.sort(nums); + for (int i = 1; i < nums.length - 1; i++) + sum += nums[i]; + return sum; +} +" +4bb11c4203242742dd28cafa7b6f0aadc8344c15,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +79697309053ba793054acd71cda2cefb8aed0ac3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int smallest = nums[0]; + int largest = nums[0]; + for ( int i =0; i < nums.length; i++) + { + //if ( nums[i] < smallest) + //{ + // nums[i] = smallest; + //} + //else if (nums[i] > largest) + //{ + // nums[i] = largest; + //} + smallest = Math.min(smallest, nums[i]); + largest = Math.max(largest, nums[i]); + sum = sum + nums[i]; + } + sum = sum - largest - smallest; + int avg = sum/(nums.length - 2); + return avg; +} +" +86431c651b8b5e6c38f250575487d96bfe7c6b2f,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int max = 0; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) { + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + sum += nums[i]; + } + return (sum - max - min) / (nums.length - 2); +} +" +a8d6ed1932ec1f0b3e7270dfb56b8c3f5ae187a3,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int sum = 0; + int average = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < lowest) + { + lowest = nums[i]; + } + if (nums[i] > highest) + { + highest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - higher - lower; + average = sum / (nums.length - 2); + return average; +} +" +3ddebce89795100e11a11c63c9bdb670b6d6327c,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int centeredAverage; + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + if(nums[i] < min) + { + min = nums[i]; + } + centeredAverage = (sum - (max + min)) / (nums.length - 2) + } + return centeredAverage; +} +" +a76fe10187116af1c7745a7650afe59226e187cb,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int sum = 0; + int average = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < lowest) + { + lowest = nums[i]; + } + if (nums[i] > highest) + { + highest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - highest - lower; + average = sum / (nums.length - 2); + return average; +} +" +e8edcbf3a4a3a1ac7c703fb9488bf9b7128c73df,"public int centeredAverage(int[] nums) +{ + int lowest = nums[0]; + int highest = nums[0]; + int sum = 0; + int average = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < lowest) + { + lowest = nums[i]; + } + if (nums[i] > highest) + { + highest = nums[i]; + } + sum = sum + nums[i]; + } + sum = sum - highest - lowest; + average = sum / (nums.length - 2); + return average; +} +" +2db3874564126d2315878a2b145975254feb6e26,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int centeredAverage; + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + if(nums[i] < min) + { + min = nums[i]; + } + centeredAverage = (sum - (max + min)) / (nums.length - 2); + } + return centeredAverage; +} +" +54f727974411537c5642dd15f732ccb89ec66e56,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +d19509db43e9e1175f2750acec3a035c4a9a9dd7,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j = 1; j < nums.length ; j++) + { + if(nums[j] > big) + { + big = nums[j]; + } + if(nums[j] < small) + { + small = nums[j]; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +b0f0dd75db4f6c837177bb65b21460f6e8707c85,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + if(nums[i] < min) + { + min = nums[i]; + } + return(centeredAverage = (sum - (max + min)) / (nums.length - 2); + } +} +" +06b24fa0e2bfe76c070cf3c98ca9b8bc7dfa7653,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + if(j > big) + { + big = j; + } + if(j < small) + { + small = j; + } + } + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +780b67e4c292b8c6096e9ba70f27b0640cf99428,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + if(nums[i] < min) + { + min = nums[i]; + } + return(centeredAverage = (sum - (max + min)) / (nums.length - 2)); + } +} +" +17e4d10f4d87983deb8f6bfff2f8658db831d29e,"public int centeredAverage(int[] nums) +{ + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if(nums[i] > max) + { + max = nums[i]; + } + if(nums[i] < min) + { + min = nums[i]; + } + } + return((sum - (max + min)) / (nums.length - 2)); +} +" +e188da8d17dcc1fa9979b91fac3dc8a52c45268b,"public int centeredAverage(int[] nums) +{ + int len = nums.length; + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 0; i < len; i++) + { + sum = sum + nums[i]; + if (nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + } + int avg = (sum - largest - smallest) / len; + return avg; +} +" +ffba2c0875a4b12b895ecbc67073da32770267fb,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +5d8f488b7b1da6a5142e2805f879209fd1801955,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + sum += j; + if(j > big) + { + big = j; + } + if(j < small) + { + small = j; + } + } + //for (int i = 0; i < nums.length; i++) + //{ + // sum += nums[i]; + //} + sum -= big; + sum -= small; + return sum / nums.length - 2; +} +" +8406b6d07eadfdb487c148d97e34a0809ea802d0,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int minNum = nums[0]; + int maxNum = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + minNum = Math.min(minNum, nums[i]); + maxNum = Math.max(maxNum, nums[i]); + } + return (sum - minNum - maxNum) / (nums.length - 2); +} +" +9d7034193ed0b6ef2643a2098b9411f62d3cf798,"public int centeredAverage(int[] nums) +{ + int len = nums.length; + int sum = 0; + int largest = nums[0]; + int smallest = nums[0]; + for (int i = 0; i < len; i++) + { + sum = sum + nums[i]; + if (nums[i] > largest) + { + largest = nums[i]; + } + else if(nums[i] < smallest) + { + smallest = nums[i]; + } + } + int avg = (sum - largest - smallest) / (len - 2); + return avg; +} +" +1fb2b82f97302bc238d9c23dce206147cd8d73fd,"public int centeredAverage(int[] nums) +{ + int sum = 0; + + for (int x = 0; x < nums.length; x++) + { + sum = sum + nums[x]; + int max = Math.max(nums[0], nums[x]); + int min = Math.min(nums[0], nums[x]); + } + + int avg = (sum - max - min) / (nums.length - 2); + + return avg; +} +" +b0635aa9359912dc64c6c397e1a6891e9206c03c,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int avg = 0; + for (int x = 0; x < nums.length; x++) + { + sum = sum + nums[x]; + int max = Math.max(nums[0], nums[x]); + int min = Math.min(nums[0], nums[x]); + avg = (sum - max - min) / (nums.length - 2); + } + + return avg; +} +" +7ebabb60e724ebadff6aef84941d96e7b94d266c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +d4d8a74b9f114920ba1e1f7fa9fa2381ba4a68b3,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int avg = 0; + for (int x = 0; x < nums.length; x++) + { + sum = sum + nums[x]; + int max = Math.max(nums[max], nums[x]); + int min = Math.min(nums[min], nums[x]); + avg = (sum - max - min) / (nums.length - 2); + } + + return avg; +} +" +aa48124443870101c05b5f50e3a9ab0217ffd940,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + if(j > big) + { + big = j; + } + else if(j < small) + { + small = j; + } + } + for (int i : nums) + { + sum += nums[i]; + } + sum -= (big + small); + return sum / nums.length - 2; +} +" +cda6b2db487fa29549479b63ac80958a7f2700c4,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + if(j > big) + { + big = j; + } + else if(j < small) + { + small = j; + } + } + for (int i : nums) + { + sum += i; + } + sum -= (big + small); + return sum / nums.length - 2; +} +" +60b8cf4fb92a79c2c8af00389a3c6f2a9bc287ba,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int avg = 0; + for (int x = 0; x < nums.length; x++) + { + sum = sum + nums[x]; + int max = Math.max(nums[0], nums[x]); + int min = Math.min(nums[0], nums[x]); + avg = (sum - max - min) / (nums.length - 2); + } + + return avg; +} +" +c23795a5d162c77753c06635a84f443af0a36bd2,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + } + + return (sum - max - min) / (nums.length - 2); +} +" +fdd9c7578eae0199293f5c67050555c877e59579,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + max = Math.max(max, nums[i]); + min = Math.min(min, nums[i]); + } + + return (sum - max - min) / (nums.length - 2); +} +" +bf43619cba72a211d8dd650f8be152d592adaf8d,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +4a57f2065fc465c1f0b9c90ab11e066324dd8970,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +981639dd1ffebbfdf0585af8a57492c40894ae2f,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + sum += j; + if(j > big) + { + big = j; + } + else if(j < small) + { + small = j; + } + } + sum -= (big + small); + return sum / nums.length - 2; +} +" +65db432409d99360c35a9abb166ab0063282c388,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + sum += j; + if(j > big) + { + big = j; + } + if(j < small) + { + small = j; + } + } + sum -= (big + small); + return sum / nums.length - 2; +} +" +ec8e0ab80c5b77f4d4e2acb85edce7e23fe917f8,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + sum += j; + if(j > big) + { + big = j; + } + if(j < small) + { + small = j; + } + } + sum = sum - (big + small); + return sum / nums.length - 2; +} +" +08a8617510fe4510798ed1217c9b79e99c6c34e3,"public int centeredAverage(int[] nums) +{ + int big = nums[0]; + int small = nums [0]; + int sum = 0; + for (int j : nums) + { + sum += j; + if(j > big) + { + big = j; + } + if(j < small) + { + small = j; + } + } + sum = sum - (big + small); + return sum / (nums.length - 2); +} +" +4a213bcbb6880f0e43c6fcd6f81eb8f5193cfdb0,"public int centeredAverage(int[] nums) +{ + int smallest = 0; + int largest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + nums[i] = 0; + } + if (nums[i] > largest) + { + largest = nums[i]; + nums[i] = 0; + } + sum += nums[i]; + } + return sum/(nums.length - 3); +} +" +aecb92fe5ec6260ea175c9095da7b61ae3bb1c58,"public int centeredAverage(int[] nums) { + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +}" +c870d91ce5a706f21c9479121c8d5b59947c4fed,"public int centeredAverage(int[] nums) +{ + int max=nums[0]; + int min=nums[0]; + int sum=0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] >max) + max=nums[i]; + if (nums[i] maximum) + { + nums[i] = maximum; + } + if (nums[i] < mini) + { + nums[i] = mini; + } + } + return (sum - (maximum + mini)) / (nums.length); +} +" +e5e49257e3221381252fa7b5d1d7754fc27125a7,"public int centeredAverage(int[] nums) +{ + int smallest = 0; + int largest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + sum += nums[i]; + } + int subtract = largest + smallest; + return (sum - subtract)/(nums.length - 3); +} +" +9e3bc8839df0c90ed311103eca5af7182f2d77d3,"public int centeredAverage(int[] nums) +{ + int maximum = nums[0]; + int mini = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > maximum) + { + nums[i] = maximum; + } + if (nums[i] < mini) + { + nums[i] = mini; + } + } + return (sum - (maximum + mini)) / (nums.length - 2); +} +" +a03b9569c22a06c108f1ee511575f05fabf1d7d0,"public int centeredAverage(int[] nums) +{ + int maximum = nums[0]; + int mini = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] > maximum) + { + maximum = nums[i]; + } + if (nums[i] < mini) + { + mini = nums[i]; + } + } + return (sum - (maximum + mini)) / (nums.length - 2); +} +" +7803fdeac64cdba1d536822ca30e6a2a3833c3a8,"public int centeredAverage(int[] nums) +{ + int smallest = 0; + int largest = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + sum += nums[i]; + } + int subtract = largest + smallest; + return (sum - subtract)/(nums.length - 2); +} +" +2697275c029a388475687606223355eca75ea952,"public int centeredAverage(int[] nums) +{ + int smallest = 0; + int largest = nums[0]; + int sum = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + sum += nums[i]; + } + int subtract = largest + smallest; + return (sum - subtract)/(nums.length - 2); +} +" +5c3d6ed2dd02e3dac9e357fc887ef0f05b7b50b4,"public int centeredAverage(int[] nums) +{ + int smallest = nums[0]; + int largest = nums[0]; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < smallest) + { + smallest = nums[i]; + } + if (nums[i] > largest) + { + largest = nums[i]; + } + sum += nums[i]; + } + int subtract = largest + smallest; + return (sum - subtract)/(nums.length - 2); +} +" +41ea352b69f859a64553bca9510ef9738a335b67,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int leg = nums.length; + int max = nums[0]; + int min = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + if (nums[i] < min) + { + min = nums[i]; + } + sum += nums[i]; + } + sum = (sum - max - min) / (leg - 2); + return sum; +} + +" +4447c9d405be805d765096485307e8bc28625ae1,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = nums[0]; + int max = nums[0]; + + for(int i = 0; i < nums.length; i++) { + sum += nums[i]; + min = Math.min(min, nums[i]); + max = Math.max(max, nums[i]); + } + + return (sum - min - max) / (nums.length - 2); +} +" +e45a4564c3edd7b71d2eaea52d78938a895efc05,"public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int large = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + small = Math.min(small, nums[i]); + large = Math.max(large, nums[i]); + } + + return (sum - large - small)/ (nums.length - 2); +} +" +5e9e1e5ac952938c1b89e282667af43b02e51d51,"public int centeredAverage(int[] nums) +{ + int total = 0; + int small = nums[0]; + int large = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + small = Math.min(small, nums[i]); + large = Math.max(large, nums[i]); + } + + return (total - large - small)/ (nums.length - 2); +} +" +f3d94f12ae51f89017bb92ea53ab660ca85c9a42,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +} +" +8ddf7326503e0609d3694497449169aab8b535b8,"public int centeredAverage(int[] nums) { + int max = nums[0]; + int min = nums[0]; + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + if (nums[i] > max) max = nums[i]; + if (nums[i] < min) min = nums[i]; + } + return (sum - (max + min)) / (nums.length - 2); +}" +c99a8a78490ffb81e9bbafc06d1120aeb7c4cba5,"public int centeredAverage(int[] nums) +{ + return Integer.MAX_VALUE; +} +" +e712592874b245b162ee36963b5a8d32f7ba5a62,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int sum = nums[0]; + for(int i = 1; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] > max) + max = nums[i]; + else if(nums[i] < min) + min = nums[i]; + } + return (sum-max-min) / (nums.length - 2); +} +" +68a53291e107e41ec9fb92abd2e119057a97dc09,"public int centeredAverage(int[] nums) +{ + int total = 0; + int maximum = nums[0]; + int minimum = nums[0]; + for (int a = 0; a < nums.length; a++) + { + total += nums[a]; + minimum = Math.min(minimum, nums[a]); + maximum = Math.max(maximum, nums[a]); + } + return (total - minimum - maximum) / (nums.length - 2); + +} +" +8b220c071571f77b49a273df45418fa0abac4ce7,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = Integer.MIN_VALUE; + int max = Integer.MAX_VALUE; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + if (min = Integer.MIN_VALUE) + { + min = 0; + } + if (max = Integer.MAX_VALUE) + { + min = 0; + } + return (sum - min - max) / nums.length; +} +" +72595047bfcecd15a926ef8aa32f37a3a057517f,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = Integer.MIN_VALUE; + int max = Integer.MAX_VALUE; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + if (min == Integer.MIN_VALUE) + { + min = 0; + } + if (max == Integer.MAX_VALUE) + { + min = 0; + } + return (sum - min - max) / nums.length; +} +" +923a7129854c82003d6809a8ef27df08215b6433,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + if (min == Integer.MAX_VALUE) + { + min = 0; + } + if (max == Integer.MIN_VALUE) + { + min = 0; + } + return (sum - min - max) / nums.length; +} +" +3fb16fd13fcf1fc37cab67bc76db32eeadc033f4,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int count = 0; + int tot = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + count = count + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + count = count + nums[i]; + } + sum = sum + nums[i]; + } + return (sum - (max + min)) / (total - 2); +} +" +e1215a1d908f6ac570fb510553d98edae4211282,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int count = 0; + int tot = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + count = count + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + count = count + nums[i]; + } + count = count + nums[i]; + } + return (sum - (max + min)) / (total - 2); +} +" +2ffc70fa6f88f0aef380ebd6c211f1c48b0275bc,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int count = 0; + int tot = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + count = count + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + count = count + nums[i]; + } + count = count + nums[i]; + } + return (sum - (max + min)) / (tot - 2); +} +" +09ef55b983ce1aa4ba6d9bf2dc14bc1c988b8d7c,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int count = 0; + int tot = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + count = count + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + count = count + nums[i]; + } + count = count + nums[i]; + } + return (count - (max + min)) / (tot - 2); +} +" +2c64ef709389ad7cd0ad5637177392b140354feb,"public int centeredAverage(int[] nums) +{ + int sum = 0; + int min = Integer.MAX_VALUE; + int max = Integer.MIN_VALUE; + int hitmin = 0; + int hitmax = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] < min) + { + min = nums[i]; + } + if (nums[i] > max) + { + max = nums[i]; + } + } + if (min == Integer.MAX_VALUE) + { + min = 0; + } + if (max == Integer.MIN_VALUE) + { + min = 0; + } + return (sum - min - max) / (nums.length - 2); +} +" +a030a3d1a838bff522cecc3874f88ca6c1406808,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int count = 0; + int tot = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + count = count + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + count = count + nums[i]; + } + count = count + nums[i]; + tot = tot + 1; + } + return (count - (max + min)) / (tot - 2); +} +" +345c88549526c4b01753b19ecc33e917c20f1ae6,"public int centeredAverage(int[] nums) +{ + int max = nums[0]; + int min = nums[0]; + int count = 0; + int tot = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] > max) { + max = nums[i]; + count = count + nums[i]; + } + if (nums[i] < min) { + min = nums[i]; + count = count + nums[i]; + } + count = count + nums[i]; + tot = tot + 1; + } + return (count - (max + min)) / (tot - 2); +} +" +0f5debce65704763563ee0dfc972ce709709f554,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + return nums[0:1]; + +} +" +ac8623794a02e9347c0ab7db2d5b5d6f2444eb21,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + return nums[0,1]; + +} +" +bf03b97e52a67f7a783d240f68c475e2061ad595,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + int[] first = new int[]; + first[0] = nums[0]; + first[1] = nums[1]; + return first; + +} +" +7344b73ae1370c1762d39fc910630f89c9b9865c,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + int[2] first = new int[]; + first[0] = nums[0]; + first[1] = nums[1]; + return first; + +} +" +3f053af79c2b7ee9317e4c137cf19fc1595b19e2,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + int[2] first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + return first; + +} +" +c4e4de5b22f607ceb49c93d89ead645a2b16890c,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + int[] first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + return first; + +} +" +84229aeba49f0e5b1d6b20cbc81be22f50a45424,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + + return nums[0,1]; + +} +" +62bba58d740fa79a510cb8f5b566cf396d9e19f4,"public int[] frontPiece(int[] nums) +{ + int size = nums.length(); + + if (size < 2) + return nums; + else + + return nums; + +} +" +17e7111d124cdf38ef465f3e72c128af4b6e7b79,"public int[] frontPiece(int[] nums) +{ + int size = nums.getLength(); + + if (size < 2) + return nums; + else + + return nums; + +} +" +4c41801e31d9c92afe580eb483c55cd2dbd2db97,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2] + if(nums.length >= 2) + { + newArray[0]=nums[0]; + newArray[1]=nums[1]; + } + else + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +176bac3449e01d8c99d2cc48cce8505d23d9e7b0,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if(nums.length >= 2) + { + newArray[0]=nums[0]; + newArray[1]=nums[1]; + } + else + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +96ac93b728c3d400593965790dc5b16df2f05efc,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[2]; + if (nums.length >= 2) + { + a.add(nums[0]); + a.add(nums[1]); + } +} +" +db8564aa667637185968816ead34bfa29df20899,"public int[] frontPiece(int[] nums) +{ + int arrayLength = nums.length; + int[] newArray = new int[arrayLength]; + if(nums.length >= 2) + { + newArray[0]=nums[0]; + newArray[1]=nums[1]; + } + else + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +8396a667faedc0bb84de2ab2fac46b424e6a1000,"public int[] frontPiece(int[] nums) +{ + int arrayLength = nums.length; + int[] newArray = new int[arrayLength - 1]; + if(nums.length >= 2) + { + newArray[0]=nums[0]; + newArray[1]=nums[1]; + } + else + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +43566c596810f1f2318f1bd8c06b6c994548784a,"public int[] frontPiece(int[] nums) +{ + int arrayLength = nums.length; + int[] newArray = new int[arrayLength]; + if(nums.length >= 2) + { + newArray[0]=nums[0]; + newArray[1]=nums[1]; + } + else + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +677a49963466cfa1f239888797b326807245664b,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo = {nums[0] , nums[1]}; + return firstTwo; +} +" +dd6bb647fa887d272dd4d080b63c9591bad9f0d5,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + return new int[] {nums[0], nums[1]} + } + else + { + return frontPiece[]; + } +} +" +ce19ade3ea4291b67ed8601c757c0f5b42a792a0,"public int[] frontPiece(int[] nums) +{ + + int[] newArray; + if(nums.length < 2) + { + newArray = new int[nums.length]; + } + else + { + newArray = new int[2]; + } + + + if(nums.length >= 2) + { + newArray[0]=nums[0]; + newArray[1]=nums[1]; + } + else + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +f979c99ea7f1095156bcedfcb09c33eb225bb3c5,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + return new int[] {nums[0], nums[1]}; + } + else + { + return frontPiece[]; + } +} +" +64528755b9ed316a5895b3311c48cb2e7d6617ba,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + return new int[] {nums[0], nums[1]}; + } + else + { + return nums; + } +} +" +bb9e06d5d9b065fdaec453bbae3cd6a4a23ab998,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return new int[] {nums[0], nums[1]}; + } + else + { + return nums; + } +} +" +5a8e97eed0f99ae14889c8f4b534abcd52e1b37f,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + + return nums; + +} +" +c0b4aadd808d8d864f5bfbab286059bf10c193e0,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + nums = nums[0,1]; + return nums; + +} +" +58baaf122fc660d68804d8923d219bfea3e07d2a,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + nums = nums[0:1]; + return nums; + +} +" +d941a1e1403d04046072f6666aefdac5fcfe8a9b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = {nums[0] , nums[1]}; + return firstTwo; + } + else if (nums.length > 0) + { + int[] firstTwo = {nums[0]}; + return firstTwo; + } + else + { + return null; + } +} +" +7632ed4f2b14368c5a60d0f44d9378b59bbc378e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = {nums[0] , nums[1]}; + return firstTwo; + } + else if (nums.length > 0) + { + int[] firstTwo = {nums[0]}; + return firstTwo; + } + else + { + return 0; + } +} +" +3ceeeb3a2fb3c4d7d7dc76ddb7ed913988ffc0dc,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = {nums[0] , nums[1]}; + return firstTwo; + } + else if (nums.length > 0) + { + int[] firstTwo = {nums[0]}; + return firstTwo; + } + else + { + return {}; + } +} +" +444dc5dbef8a98e34bd1882a178b77a941b32dd1,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] fir = new int[2]; + fir[0] = nums[0]; + return fir; + +} +" +51756788280796403a236b2664febda6de63ee27,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = {nums[0] , nums[1]}; + } + else if (nums.length > 0) + { + int[] firstTwo = {nums[0]}; + } + else + { + int[] firstTwo = {}; + + } + return firstTwo; +} +" +b497d6d9378eff86078d36e580c54bc6c045ce93,"public int[] frontPiece(int[] nums) +{ + if (nums.size > 1) + { + return nums[0:1]; + } + else + { + return num[0]; + } +} +" +05e100a6fa08c3d4fe9e2e53ee480fab408cc826,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] fir = Arrays.copyOfArrays(nums, 0, 1); + + return fir; + +} +" +c008daf89fbf428557e480e2f2f975bad50733e5,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = {nums[0] , nums[1]}; + return firstTwo; + } + else if (nums.length > 0) + { + int[] firstTwo = {nums[0]}; + return firstTwo; + } + else + { + int[] firstTwo = {}; + return firstTwo; + } + +} +" +c817150dbd6396c01260e29f7492b501e47a9bc4,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] fir = Arrays.copyOfRange(nums, 0, 1); + + return fir; + +} +" +412d7cb8436e9bd89f6c725903bf22b95ffae666,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + + + return nums(0,1); + +} +" +0c32f55c2529dfed6876ed3b682c4f58c8ec9ef1,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + + + return nums(0:1); + +} +" +f2d1cc184a9e792d454f8812721006187f85e2dc,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + return nums[0:1]; + +} +" +63dd59475c52118f10f4c00a87171247b6874b6e,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 1) + { + front = new int[2]; + front[0] = nums[0]; + frlont[1] = nums[1]; + } + else if (nums.size() > 0) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +c04fa56a03e6301bc5c5ac96caa3110e735ed533,"public int[] frontPiece(int[] nums) +{ + if (nums.size > 1) + { + front = new int[2]; + front[0] = nums[0]; + frlont[1] = nums[1]; + } + else if (nums.size > 0) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +344a3d9ee59ea0bfa11caa657ff9d02ef7742fa2,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + front = new int[2]; + front[0] = nums[0]; + frlont[1] = nums[1]; + } + else if (nums.length > 0) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +f8f367d00d5dbf238336a2902beba152e0b97dd1,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + front[] = new int[2]; + front[0] = nums[0]; + frlont[1] = nums[1]; + } + else if (nums.length > 0) + { + front[] = new int[1]; + front[0] = nums[0]; + } + else + { + front[] = new int[0]; + } + return front; +} +" +c0bb2f1c5d865369ebf75ccff1f89533345c4000,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + return nums{0, 1}; + +} +" +4402a367c16182bbe625f4af5e8a5d749a936bea,"public int[] frontPiece(int[] nums) +{ + int front[]; + if (nums.length > 1) + { + front = new int[2]; + front[0] = nums[0]; + frlont[1] = nums[1]; + } + else if (nums.length > 0) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +e020154aa9b54e5475c878858f238ecaf807643c,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + return nums[0] + nums[1]; + +} +" +137ef89faa3a3b3d65765f092c07acdc6784d07d,"public int[] frontPiece(int[] nums) +{ + int front[]; + if (nums.length > 1) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length > 0) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +f42c27c588b61e3ad48539991de4984755530f75,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + return nums[0] nums[1]; + +} +" +b0cf21433bb367632ff707cbd47ba4f8dba78eac,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + return nums; + +} +" +b0308184e5dbb41eedace1471c57856c9a126d58,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] fir = nums[0] + nums[1]; + return fir; + +} +" +97395b990609ac35d9d625e9c4f17ac450698057,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] fir = {nums[0] + nums[1]}; + return fir; + +} +" +6a33a246ddebc111728c8d9a68d799d9ad6fe568,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] nums = {nums[0] + nums[1]}; + return fir; + +} +" +4efb501b8bb518ec1de4771ac192e8ce612aa1e5,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + int[] nums = {nums[0] + nums[1]}; + return nums; + +} +" +5178baf732e6a015a44731347249ccdf3bd8f73b,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + nums = {nums[0] + nums[1]}; + return nums; + +} +" +51e36e770ac64c65e6b22556a6b6d590dbac1df9,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + + return nums; + +} +" +41d0738ef00a2f17442f71d0c53158aff4aa9939,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + + return nums{nums[0], nums[1]}; + +} +" +abed70fbf3a08728ae8aeeb3bd1834163cb30185,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + + if (size < 2) + return nums; + else + + return nums; + +} +" +0cecfb01fbe27f29bd99b59b030edfdabc4b74d6,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + int fir; + if (size < 2) + { + return nums; + } + fir = new int[2]; + + return nums; + +} +" +d8301e9f4c16f16245e06e5f5928c8f70345906b,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + int[] fir; + if (size < 2) + { + return nums; + } + fir = new int[2]; + + return nums; + +} +" +093cce158fdeb5d87928a13ec449369f177020d7,"public int[] frontPiece(int[] nums) +{ + int size = nums.length; + int[] fir; + if (size < 2) + { + return nums; + } + fir = new int[2]; + fir[0] = nums[0]; + fir[1] = nums[1]; + + + return fir; + +} +" +2f483170335867da4a1a5bed41b44f2656c128b4,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +6025d4418f9f1b3c3ba4cc393954b92dbce1535f,"public int[] frontPiece(int[] nums) +{ + if(nums.length() == 0) + { + return """"; + } + +} +" +5a1f2cc042c427f56246bcf7acd61c2f0cd21a6a,"public int[] frontPiece(int[] nums) +{ + if(nums.size() == 0) + { + return """"; + } + +} +" +919c2513312b9bc9c8ed4e9c0447eb11b7571f54,"public int[] frontPiece(int[] nums) +{ + if(nums.length() == 0) + { + return """"; + } + +} +" +521e11a018c07ba542000d9c03a3ff3b701b56dc,"public int[] frontPiece(int[] nums) +{ + if(nums[].length() == 0) + { + return """"; + } + +} +" +d05cdafe2ff8d3517ed5fc48598a92b25901ded2,"public int[] frontPiece(int[] nums) +{ + if(nums.length == 0) + { + return """"; + } + +} +" +2e6d8440c33b77dc574cd171bfc44b4cfd636277,"public int[] frontPiece(int[] nums) +{ + if(nums.length == 1) + { + return new int[] {nums[0]}; + } + +} +" +57eeb9daea3421255fd0e783dfbd8ce017d0433f,"public int[] frontPiece(int[] nums) +{ + if(nums.length == 0) + { + return new int[]; + } + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {nums[1]}; + } + +} +" +b86ec2e2f8a240b4bc7269fce1022da92c91ed11,"public int[] frontPiece(int[] nums) +{ + if(nums.length == 0) + { + return new int[] {}; + } + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {nums[1]}; + } + +} +" +64ad6cc24020e92a62bbdc7983c60ef524d0a91c,"public int[] frontPiece(int[] nums) +{ + if(nums.length == 0) + { + return new int[] {}; + } + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } + +} +" +958df6d6251a6131f23e7c7d8ea675c5c169283d,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) { + return nums; + } + else { + int[] x = new int[2]; + x[0] = nums[0]; + x[1] = nums[1]; + return x; + } +} +" +c5bb760676144b57bd19e9a3afde332ff71f5d15,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) { + return nums; + } + else { + int[] x = new int[2]; + x[0] = nums[0]; + x[1] = nums[1]; + return x; + } +} +" +124bd6137a84f595db765d9371477c3b28abb209,"public int[] frontPiece(int[] nums) +{ + int[] n; + if(nums.length>=2) + { + n = nums[0,1]; + } + else if(nums.length==1) + { + n = nums[0]; + } +} +" +c6cbe6bc7d7d75eff8b9beb6ce62897b45990d3c,"public int[] frontPiece(int[] nums) +{ + int[] n; + if(nums.length>=2) + { + n = nums(0,1); + } + else if(nums.length==1) + { + n = nums[0]; + } + return n; +} +" +65611412b0d816a6912f3fe056cb05d04cac13ec,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + return (nums[0] + nums[1]); + if(nums.length == 1) + return nums[0]; + return 0; + +} +" +363c9b35d8341e1a29f225182677f706fc62940d,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + return (nums[0] + nums[1]); + } + else if(nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } + +} +" +1c9e0ec4c941694d02173ff7538f4290384aa81c,"public int[] frontPiece(int[] nums) +{ + int ans[]; + if(nums.length >= 2) + { + ans = (nums[0] + nums[1]); + } + else if(nums.length == 1) + { + ans = nums[0]; + } + else + { + ans = 0; + } + return ans; + +} +" +bb34d7cb2e6b5207e6e0e3a800c9b312ac0c9e90,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) +return (nums[0] + nums[1]); +if(nums.length == 1) +return nums[0]; +return 0; + +} +" +3d2f92cbbcadca6a56d500620a558815ae9d474a,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) +3 + return new int[] {nums[0]}; +4 + else if (nums.length == 0) +5 + return new int[] {}; +6 + else +7 + return new int[] {nums[0],nums[1]}; + +} +" +ed3ce88a34b3e368106f378dfef4a88e0e911c4a,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + + return new int[] {nums[0]}; + + else if (nums.length == 0) + + return new int[] {}; + + else + + return new int[] {nums[0],nums[1]}; + +} +" +a452d0d127dd45ba26a2826c2a1382aca95b9a8f,"public int[] frontPiece(int[] nums) +{ + + if (sum.length < 2) + { + return nums; + } + else + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; + } +} +" +902691641ce0270716f0a610a19d94a1259c4c5f,"public int[] frontPiece(int[] nums) +{ + + if (num.length < 2) + { + return nums; + } + else + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; + } +} +" +016a7a8f1ce0771429354388be7e1ebdfc3b64cf,"public int[] frontPiece(int[] nums) +{ + + if (nums.length < 2) + { + return nums; + } + else + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; + } +} +" +a920a0613f499182253031b99ba962ae0785936c,"public int[] frontPiece(int[] nums) +{ + int[] twoNums; + if nums.length >= 2 + twoNums.add(nums[0]); + twoNums.add(nums[1]); + else if nums.length == 1 + twoNums.add(nums[0]); + return twoNums; +} +" +1b09863b245a0bcb558702566af1f01a0cb66995,"public int[] frontPiece(int[] nums) +{ + int[] twoNums; + if nums.length >= 2 + twoNums.add(nums[0]); + twoNums.add(nums[1]); + else if nums.length == 1 + twoNums.add(nums[0]); + return twoNums; +} +" +9e1ad17a2059f84444a87aa7eb51a1dd6b5d07ce,"public int[] frontPiece(int[] nums) +{ + int[] twoNums; + if (nums.length >= 2) + twoNums.add(nums[0]); + twoNums.add(nums[1]); + else if (nums.length == 1) + twoNums.add(nums[0]); + return twoNums; +} +" +8a0e6921d90f277a49a3717341fba0a5c10d569a,"public int[] frontPiece(int[] nums) +{ + int[] twoNums; + if (nums.length >= 2) + { twoNums.add(nums[0]); + twoNums.add(nums[1]);} + else if (nums.length == 1) + { + twoNums.add(nums[0]);} + return twoNums; +} +" +27dba2b39c1e8ae03418bf8d1c5f7b3714af098f,"public int[] frontPiece(int[] nums) +{ + int[] twoNums = new int[2]; + if (nums.length >= 2) + { twoNums.add(nums[0]); + twoNums.add(nums[1]);} + else if (nums.length == 1) + { + twoNums.add(nums[0]);} + return twoNums; +} +" +9099ff292e1ebd098990c1d08ce7592390429131,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] twoNums = {nums[1], nums[2]}; + } + else if (nums.length == 1) + { + int[] twoNums = {nums[1]}; + } + else + { + int[] twoNums = {} + } + return twoNums; +} +" +0802332329816a8a21f028c5c6a19f7ddb72eccd,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] twoNums = {nums[1], nums[2]}; + } + else if (nums.length == 1) + { + int[] twoNums = {nums[1]}; + } + else + { + int[] twoNums = {}; + } + return twoNums; +} +" +9cb34fdccd6fdc9924729f0abe45f19b8aafbc81,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + new int[] twoNums = {nums[1], nums[2]}; + } + else if (nums.length == 1) + { + new int[] twoNums = {nums[1]}; + } + else + { + new int[] twoNums = {}; + } + return twoNums; +} +" +97a76ea8aeaa4ab84191dea62bae9d5ab3c5091a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] = new int[2]; + twoNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] = new int[1]; + twoNums = {nums[0]}; + } + else + { + int[] = new int[0]; + } + return twoNums; +} +" +7edc25475494d1e280ce100c5098a8deb24fbd1b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + //int[] = new int[2]; + twoNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + //int[] = new int[1]; + twoNums = {nums[0]}; + } + else + { + //int[] = new int[0]; + } + return twoNums; +} +" +8a430ba48bccee79a3a6ad01ed5bf17b4abe154d,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + //int[] = new int[2]; + int[] twoNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + //int[] = new int[1]; + int[] twoNums = {nums[0]}; + } + else + { + //int[] = new int[0]; + } + return twoNums; +} +" +7c3c603b34289619cafd3b1942b912638ae32c9e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + //int[] = new int[2]; + int[] twoNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + //int[] = new int[1]; + int[] twoNums = {nums[0]}; + } + else + { + int[] twoNums = {}; + } + return twoNums; +} +" +b978566128bfb81c2d9e51639a649462f40b89b8,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; + +} +" +c8c71f866a7cf1b17cd2b204e0195989cff2579a,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + return new int[] {}; + else if (nums.length == 1) + return new int[] {nums[0]}; + else + return new int[] {nums[0],nums[1]}; + +} +" +c29e09e8c673f9e23bab3ceb835693a8c74ee461,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo + } + else + { + int[] firstTwo = new int[]; + for (int i = 0; i < nums.length; i++) + { + firstTwo[i] = nums[i]; + } + } + return; +} +" +29f02f09b529319be3b93c7523097422a561c21d,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo ; + } + else + { + int[] firstTwo = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + firstTwo[i] = nums[i]; + return firstTwo; + } + } + return; +} +" +e01cd912f8e3008e35ac95753aa58699f9dc7a2e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo ; + } + else + { + int[] firstTwo = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + firstTwo[i] = nums[i]; + return firstTwo; + } + } + return firstTwo; +} +" +4187d5eb58df21e7f8e9762121b6ce4c900312f8,"int[] firstTwoExtra = new int[nums.length]; +public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo ; + } + else + { + int[] firstTwo = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + firstTwo[i] = nums[i]; + return firstTwo; + } + } + return firstTwoExtra; +} +" +62d5d815159b1c7fe5e22f80fa58bfdff30d2d35,"public int[] frontPiece(int[] nums) +{ + int[] firstTwoExtra = new int[nums.length]; + + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo ; + } + else + { + int[] firstTwo = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + firstTwo[i] = nums[i]; + return firstTwo; + } + } + return firstTwoExtra; +} +" +f7c84d57594543faf2e6d2271309b11d1c23515a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo ; + } + else + { + int[] firstTwo = new int[nums.length]; + for (int i = 0; i <= nums.length; i++) + { + firstTwo[i] = nums[i]; + return firstTwo; + } + } + return null; +} +" +1d63eae42430f95dfe183877f8da55c04d506b87,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + return firstTwo ; + } + else + { + int[] firstTwo = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + firstTwo[i] = nums[i]; + return firstTwo; + } + } + return null; +} +" +080dc97af45e61a9987a6a2164fb6c95f34f945e,"public int[] frontPiece(int[] nums) +{ + return [nums.get(0), nums.get(0)]; +} +" +6bf3e270bf1927b2c9e50e7c6d1c2bd33966b27c,"public int[] frontPiece(int[] nums) +{ + return [nums.get(0), nums.get(1)]; +} +" +7636bc7a169ec96e2cc24591a16e0dfc01c549f8,"public int[] frontPiece(int[] nums) +{ + return [nums.get[0], nums.get[1]]; +} +" +32907c979349b03013474e4ec1bd3760f612443b,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + } + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + + } + else + { + firstTwo = new int[0]; + } + return firstTwo; +} +" +e2e7723ee5d210ab7670384a485af3364a24bcf7,"public int[] frontPiece(int[] nums) +{ + return ((int [])[nums.get[0], nums.get[1]]); +} +" +fb6ef17c33d807ae071c6b9a88357f86ddcc2631,"public int[] frontPiece(int[] nums) +{ + return ((int [])[nums.get[0], nums.get[1]]); +} +" +0aa014821a51499183df3d57f4c0001836308bcd,"public int frontPiece(int[] nums) +{ + return nums.length; +} +" +c33326c0ae855cefe11bb25b7ed4d3a4928c0931,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) { + return nums; + } + else { + return {nums[0], nums[1]}; + } +} +" +735bb784393d1fec97c33cc18109a78284f3cde7,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) { + return nums; + } + else { + return new int[]{nums[0], nums[1]}; + } +} +" +72a858ab89c5ea99a81f111b3113c73f5a7f4b91,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a2285560952b92829d2a71c87ebb690bf6ecd1a2,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + return answer; + } +} +" +3a5d06c3f66dc5eb34740c6ecba68a14e0ef5ec0,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length < 2) + newNums = int[nums.length] + for (int i = 0; i < nums.length; i++) + newNums.add(nums[i]); + else + newNums = int[2]; + for (int i = 0; i < 2; i++) + newNums.add(nums[i]); + return newNums; +} +" +930e8b6452acb19d34fb5f0418ac64e081969988,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length < 2) + { + newNums = int[nums.length]; + for (int i = 0; i < nums.length; i++) + newNums.add(nums[i]); + } + else + { + newNums = int[2]; + for (int i = 0; i < 2; i++) + newNums.add(nums[i]); + } + return newNums; +} +" +3f3ced9a63daaba34eb323a5e66b1e8848cb5fd1,"public int[] frontPiece(int[] nums) +{ + int[] newNums = int[2];; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + newNums.add(nums[i]); + } + else + { + for (int i = 0; i < 2; i++) + newNums.add(nums[i]); + } + return newNums; +} +" +595fea907c837a20df46438850e7edb6ea9ccdaa,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + newNums.add(nums[i]); + } + else + { + for (int i = 0; i < 2; i++) + newNums.add(nums[i]); + } + return newNums; +} +" +f8fda59bb094cc4f458fe8c5fe6450a9a33100d2,"public int[] frontPiece(int[] nums) +{ + int[] intarray = new int[2]; + if (nums.length == 0) + return intarray; + else if (nums.length < 2) + intarray[0] = nums[0]; + return intarray; + else + intarray[0] = nums[0]; + intarray[1] = nums[1]; + return intarray; +} +" +cda7c210b4d3ef4145e5539c64b05f822c3a7529,"public int[] frontPiece(int[] nums) +{ + int[] intarray = new int[2]; + if (nums.length == 0) + { + return intarray; + } + else if (nums.length < 2) + { + intarray[0] = nums[0]; + return intarray; + } + else + { + intarray[0] = nums[0]; + intarray[1] = nums[1]; + return intarray; + } +} +" +9d30dc02d68629a7f12dad6e97e5de8aa6c5e5cc,"public int[] frontPiece(int[] nums) +{ + int[] intarray; + if (nums.length == 0) + { + intarray = new int[0]; + return intarray; + } + else if (nums.length < 2) + { + intarray = new int[1]; + intarray[0] = nums[0]; + return intarray; + } + else + { + intarray = new int[2]; + intarray[0] = nums[0]; + intarray[1] = nums[1]; + return intarray; + } +} +" +6838e8c6a40e0abb7e4fb8447538417918732dbc,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length() < 2) + { + if (nums.length() == 1) + { + result = nums[0]; + } + } + else + { + result = {nums[0], nums[1]}; + } + + return result; +} +" +17b5dc738f012250994720f920d60749b58d09c2,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +157a4cee7262c8edc00f598c45526925dab0e5a3,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length() < 2) + { + if (nums.length() == 1) + { + result.add(nums[0]); + } + } + else{ + result.add(nums[0]); + } + + return result; +} +" +c7d76ba4f8664e10cdc798224dc835de14000a5d,"public int[] frontPiece(int[] nums) +{ + if (nums.length() == 1) { + return new int[] {nums[0]}; + } + else if (nums.length() == 0) { + return new int[] {}; + } + else + return new int[] {nums[0],nums[1]} + +} +" +33ecc611372bc889997dc8a122600165adf4a29b,"public int[] frontPiece(int[] nums) +{ + if (nums.length() == 1) { + return new int[] {nums[0]}; + } + else if (nums.length() == 0) { + return new int[] {}; + } + else + return new int[] {nums[0],nums[1]}; + +} +" +227650dc41f58b8f7f3eafba10693ffc24e83398,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +e383678b3c42f15862ebacb7e4f3ddeb1dc4ba38,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length() < 2) + { + if (nums.length() == 1) + { + result.add(nums[0]); + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +fd25b2942a221b7ee66c4bd86fa6cd3d51b68139,"public int[] frontPiece(int[] nums) +{ + if (nums.size() == 1) { + return new int[] {nums[0]}; + } + else if (nums.length() == 0) { + return new int[] {}; + } + else + return new int[] {nums[0],nums[1]}; + +} +" +ebd29fe68ee072aece1b205a01699d62441a1a77,"public int[] frontPiece(int[] nums) +{ + if (nums.length() == 1) { + return new int[] {nums[0]}; + } + else if (nums.length() == 0) { + return new int[] {}; + } + else + return new int[] {nums[0],nums[1]}; + +} +" +8aefa52f288071b97e45d26494ddbd809b042a53,"public int[] frontPiece(int[] nums) +{ + if (nums.length() == 1) { + return new int[] {nums[0]}; + } + else if (nums.length() == 0) { + return new int[] {}; + } + else + return new int[] {nums[0],nums[1]}; + +}" +975058e780492aa3bc7ee917ae307fec64758f59,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) { + return new int[] {nums[0]}; + } + else if (nums.length == 0) { + return new int[] {}; + } + else + return new int[] {nums[0],nums[1]}; + +}" +76bc9220f5b17815d2ed573e657c530cbfe22a7a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int x = nums[0]; + int y = nums[1]; + int[] newA = new int[2]; + newA[0] = x; + newA[1] = y; + return newA; + } + else + { + return nums; + } +} +" +1e3f739e5028f9621e1beb459c9dbf5e4a2a9762,"public int[] frontPiece(int[] nums) +{ + int[] sum = new int [nums.length-1] + for (int i = 0; i < nums.length; i++) + sum[i] = nums [i] + return sum +} +" +724b400735f93bd0447cebc88ba50deb1a5451af,"public int[] frontPiece(int[] nums) +{ + int[] sum = new int [nums.length-1]; + for (int i = 0; i < nums.length; i++) + sum[i] = nums [i]; + return sum; +} +" +850b29b41eb8755b65684da314498e5f9f502ead,"public int[] frontPiece(int[] nums) +{ + if (nums.length .isEqual(1) + return nums; + if (nums.length .isEqual(2) + return nums; + else + int[] sum = new int [nums.length]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +859bec2391b2103248f54ec9ba0f41c67d8f7ccf,"public int[] frontPiece(int[] nums) +{ int[] sum = new int [nums.length]; + if (nums.length .isEqual(1)) + return nums; + if (nums.length .isEqual(2)) + return nums; + else + int[] sum = new int [nums.length]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +ab412d99058382d76b745e6506e8154a185faadf,"public int[] frontPiece(int[] nums) +{ int[] sum = new int [nums.length]; + if (nums.length .isEqual(1)) + return nums; + if (nums.length .isEqual(2)) + return nums; + else + // int[] sum = new int [nums.length]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +3e9d2dd4ed6ab9f3c51e58642da73c010fb5cb2b,"public int[] frontPiece(int[] nums) +{ int[] sum = new int [nums.length]; + if (nums.length ==1) + return nums; + if (nums.length == 2) + return nums; + else + // int[] sum = new int [nums.length]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +7473302e1009f0b1a2d37ba69428b99488239fa8,"public int[] frontPiece(int[] nums) +{ int[] sum = new int [nums.length-1]; + if (nums.length ==1) + return nums; + if (nums.length == 2) + return nums; + else + // int[] sum = new int [nums.length]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +6ef2b0c9812e23800b7547f7a9bda2b0ba08b797,"public int[] frontPiece(int[] nums) +{ int[] sum = new int [nums.length-1]; + if (nums.length <2) + return nums; + if (nums.length == 2) + return nums; + else + // int[] sum = new int [nums.length]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +d696f925198e9f600badc1fa055df02c8e57f077,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[2]; + for (int i = 0; i < nums.length && i < 2;i++) + { + a[i] = nums[i]; + } + return a; +} +" +4bd8afc46e509faf84c697719289ec9db4c013d9,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[2]; + for (int i = 0; i < nums.length;i++) + { + a[i] = nums[i]; + } + return a; +} +" +dfe066cf640a85dce5d1dcb1e7c9645b9bcd0d64,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[2]; + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + a[i] = nums[i]; + } + } + return a; +} +" +e6dec362c732fb61ad8f8089e094404f86c454db,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[]; + if (num.length > 2) + { + int[] a = new int[2]; + } + else + { + int[] a = new int[nums.length]; + } + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + a[i] = nums[i]; + } + } + return a; +} +" +5d8ba85df6c190c0b2f1a74d9b9b1fd86088025a,"public int[] frontPiece(int[] nums) +{ + if (num.length > 2) + { + int[] a = new int[2]; + } + else + { + int[] a = new int[nums.length]; + } + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + a[i] = nums[i]; + } + } + return a; +} +" +afe03997dae17e7d85d6045ce8bc29cd7a931abf,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] a = new int[2]; + } + else + { + int[] a = new int[nums.length]; + } + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + a[i] = nums[i]; + } + } + return a; +} +" +e5705f37b8c7f3cb3b9b679ca60e2289e500651b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] a = new int[2]; + } + else + { + int[] a = new int[nums.length]; + } + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + a[i] = nums[i]; + } + } + return a; +} +" +0c3c14606636fef8186216b16fca8f909924b9e9,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +1abd834b53149bd446a0d7b723d2e1eb857a6b8d,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[2]; + int[] b = new int[nums.length]; + if (nums.length >= 2){ + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + a[i] = nums[i]; + } + } + return a; + }else{ + for (int i = 0; i < nums.length;i++) + { + if (i < 2){ + b[i] = nums[i]; + } + } + return b; + } +} +" +a54f736adf4740fef39486b7e081920e04883b55,"public int frontpiece(int[] nums) +{ + if(nums.length >= 2) + return (nums[0] + nums[1]); + if(nums.length == 1) + return nums[0]; + return 0; +}" +f4896260b57bb706872e70fbc4d85a96044394c1,"public int[] frontPiece(int[] nums) { + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} +" +33e62f65180aaedc26d6d11b46d081d5c9bffbf4,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0],nums[1]}; + } + } +" +73abd24cb50f3cd59cda67f1347f6a250b997bec,"public int[] frontPiece(int[] nums) +{ + if nums.length >= 2 + { + return newArray[] = nums[0], nums[1]; + } +} +" +03648e82580a7701f9499b8dcd4a53c4c9cf297c,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece; + if(nums.length >= 2) + { + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + } + else if(nums.length == 1) + { + frontPiece = new int[1]; + frontPiece[0] = nums[0]; + } + else + frontPiece = new int[0]; + return frontPiece; +} +" +df991e687fa92d6b4ee499374de5acf7bf86408d,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece; + if(nums.length >= 2) + { + //frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + } + else if(nums.length == 1) + { + //frontPiece = new int[1]; + frontPiece[0] = nums[0]; + } + else + frontPiece = new int[0]; + return frontPiece; +} +" +a1b5298931c509dc920fd9d2cb296ef6154f01e9,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece; + if(nums.length >= 2) + { + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + } + else if(nums.length == 1) + { + frontPiece = new int[1]; + frontPiece[0] = nums[0]; + } + else + frontPiece = new int[0]; + return frontPiece; +} +" +6866280faa05896c8c43278f05877ea3eea32acd,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newnums = {nums[0], nums[1]} + return newnums + } + else + { + return nums; + } +} +" +0b210de80efdef35303ce95cd0df315478a00c68,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newnums = {nums[0], nums[1]}; + return newnums; + } + else + { + return nums; + } +} +" +88f2d28d8f635a51564c9622d151fc44d09f270e,"public int[] frontPiece(int[] nums) +{ + return nums[0, 1]; + +} +" +f881b1fba9530e952957a3bcb1cb624c969b7a21,"public int[] frontPiece(int[] nums) +{ + return nums[0]; + +} +" +9e0787a2c84bd8e0b745dcf0267c8797b436b627,"public int[] frontPiece(int[] nums) +{ + return new int[] + { + nums[0] + }; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] + {nums[0],nums[1]}; +} +" +5300c170c29e18de45b52af299b28ae64573cdfa,"public int[] frontPiece(int[] nums) +{ + int arr = new int[]; + i = 0; + while (nums.length >= int i && i < 2) + { + arr.add(nums[i]); + } + return arr; +} +" +733e469f49c84de5b0279c9d8a514cca513f867c,"public int[] frontPiece(int[] nums) +{ + return new int[] + { + nums[0] + }; + else if (nums.length == 0) + return new int[] {}; + else if + return new int[] + {nums[0],nums[1]}; +} +" +2a743e3af0664d7861c491cd871235737c2bbbca,"public int[] frontPiece(int[] nums) +{ + int [] start; + if (nums.length >= 2) + start = new int [2]; + start [0] = nums [0]; + start [1] = nums [1]; + if (nums.length == 1) + start = new int [1]; + start [0] = nums [0]; + else + start = new int [0]; + return start; +} +" +b0dd4540c4b993943dcb70801ba9df371578d954,"public int[] frontPiece(int[] nums) +{ + int [] start; + if (nums.length >= 2) + start = new int [2]; + start [0] = nums [0]; + start [1] = nums [1]; + else if (nums.length == 1) + start = new int [1]; + start [0] = nums [0]; + else + start = new int [0]; + return start; +} +" +fb5bbb283adf46c512116d6f22182cb77881f976,"public int[] frontPiece(int[] nums) +{ + int [] start; + if (nums.length >= 2) + { + start = new int [2]; + start [0] = nums [0]; + start [1] = nums [1]; + } + else if (nums.length == 1) + { + start = new int [1]; + start [0] = nums [0]; + } + else + { + start = new int [0]; + } + return start; +} +" +c45747f0d60c107a94062831003b99989d50a154,"public int[] frontPiece(int[] nums) +{ + int arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr.add(nums[i]); + } + return arr; +} +" +1084cb9c01236236fd1450d759c5f526c9cc8923,"public int[] frontPiece(int[] nums) +{ + arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr.add(nums[i]); + } + return arr; +} +" +7000241ad177d089bae2f4e915d3eb5c7e433648,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr.add(nums[i]); + } + return arr; +} +" +5039a848145793d3583761d9f45796ebee5bb075,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr.add(nums[i]); + } + return arr; +} +" +c8dcda1e85e5e642c46424efa0c965ce0b7b09f9,"public int[] frontPiece(int[] nums) +{ + if (array.length < 2) + return nums; + else + { + int[] newArray = int[2]; + int[0] = nums[0]; + int[1] = nums[1]; + return newArray; + } +} +" +317e8879ef2a4a8a06fcdfced980dcdcf2500c4b,"public int[] frontPiece(int[] nums) +{ + if (array.length < 2) + return nums; + else + { + int[] newArray = int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } +} +" +9cd5ffff11b72c6d9140df1b2b6c616150e2e107,"public int[] frontPiece(int[] nums) +{ + if (array.length < 2) + return nums; + else + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } +} +" +c3bc0d40728b7e0e42ef58c3c7a3909083066c90,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + return nums; + else + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } +} +" +290bbba3acbbb34d10635f98f3c614cf5b546855,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr.add(nums[i]); + i++; + } + return arr; +} +" +a2a298a6c267872ba9f1a38f7ea5780524454350,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +3865a0e9c3f2070340ad12543da7b5c6223fdadc,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +1a0f5072a220281ff0d3a226bf5fc137adde5363,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[0]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +528392dd0a05baa6adc0e42bc3c87189c55a62ad,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[1]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +fdfcc402bbeef883cabbb120d902a7620dd31555,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[5]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +575784a7b2b7583102a504dd339a814ddb53cef3,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +7ffee241c39480caf1c90b19ec768fefd45a8f3e,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 1; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +87ec30648a7fc353a39a1d66b3b4a2d05757235d,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + int i = 0; + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +36f49d88fe4e12ea746b76bf63f7e73bbd31c5a3,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece; + if (nums.length >= 2) + { + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + } + else if (nums.length == 1) + { + frontPiece = new int[1]; + frontPiece[0] = nums[0]; + } + else + frontPiece = new int[0]; + return frontPiece; +} +" +151c2595fdc23e47a41b06c7daa06bcb28aec831,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + return int[] nums2 = new int[nums[0], nums[0]]; + } + else + return int[] nums 2 = new int[nums[0], nums[1]]; +} +" +6677f0c0c1fa9f34e9667369089ba84690e4ee0a,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece; + if (nums.length >= 2) + { + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + } + else if (nums.length == 1) + { + frontPiece = new int[1]; + frontPiece[0] = nums[0]; + } + else + { + frontPiece = new int[0]; + } + return frontPiece; +} +" +a26b3c1b24d28c9a8b8ba2ca11cc971131fb4b4b,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; + +} +" +9a759d56b253f43c4cb07e6e34f2ed15eb1c4dcf,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + } + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + return arr; +} +" +3dae25b3b49a3aed5c509bdd5d401e2c41020ef0,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1] + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + } + else + { + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + } + return arr; +} +" +a000c8f0caa1920a1c1f55f27c3c3b989e0bec9b,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1]; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + } + else + { + while (nums.length >= i && i < 2) + { + arr[i] = nums[i]; + i++; + } + } + return arr; +} +" +9873b29d903a34d274c08afce7c6799ba48b9c8a,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1]; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + } + else + { + while (nums.length >= i && i < 2) + { + int[] arr = new int[2]; + arr[i] = nums[i]; + i++; + } + } + return arr; +} +" +65712d51687aff368d2c47acd5fcdfe1bc7abda6,"public int[] frontPiece(int[] nums) +{ + int[] a; + if(nums.length >= 2) + { + a = new int[2]; + a[0] = nums[0]; + a[1] = nums[1]; + } + else if(nums.length == 1) + { + a = new int[1]; + a[0] = nums[0]; + } + else + a = new int[0]; + return a; + +} +" +90c1cdc7f80bd9d2a2ad45cb66fa286d5a57b6c2,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1]; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + } + else + { + while (nums.length >= i && i < 2) + { + int[] arr = new int[2]; + arr[i] = nums[i]; + i++; + } + } +//return arr; +} +" +161552066c3b9f074d3c71271589904847989c59,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1]; + return arr; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + return arr; + } + else + { + while (nums.length >= i && i < 2) + { + int[] arr = new int[2]; + arr[i] = nums[i]; + i++; + } + return arr; + } +} +" +8d956a63bb87117fa577f2845e1d4bf1c3f834ad,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1]; + return arr; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + return arr; + } + else + { + while (nums.length >= i && i < 2) + { + int[] arr = new int[2]; + arr[0] = nums[0]; + arr[1] = nums[1]; + i++; + } + return arr; + } +} +" +324d67ccc537f6f7e8362bd10cda2da1e8512e7f,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[1] = nums[1]; + return arr; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + return arr; + } + else + { + int[] arr = new int[2]; + arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; + } +} +" +f80c71623a461534575ae309ab1e2b1af7969b55,"public int[] frontPiece(int[] nums) +{ + int i = 0; + if (nums.length == 1) + { + int[] arr = new int[1]; + arr[0] = nums[0]; + return arr; + } + else if (nums.length == 0) + { + int[] arr = new int[0]; + return arr; + } + else + { + int[] arr = new int[2]; + arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; + } +} +" +57b27bd604536195d223f600b6aeedbade685bd8,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.length() < 2) + { + return nums; + } + for (int i = 0; i < 2; i++) + { + front.add(nums[i]); + } + return front; +} +" +e1036b11dc1bd58f96e77ed67caeff81498219c6,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.size() < 2) + { + return nums; + } + for (int i = 0; i < 2; i++) + { + front.add(nums[i]); + } + return front; +} +" +7abec43c8b2c26b92cafc6c781045542647ac0af,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums[].size() < 2) + { + return nums; + } + for (int i = 0; i < 2; i++) + { + front.add(nums[i]); + } + return front; +} +" +5a5b5040aa114fbd90b3af07bc4141e8be20c816,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + for (int i = 0; i < nums.length && i < 2; i++) + newNums[i] = nums[i]; + return newNums; + +} +" +c72f5ac6c5fbddcd5cacfdd9b375c219e7ec08ad,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + for (int i = 0; i < nums.length && i < 2; i++) + newNums[i] = nums[i]; + return newNums; + +} +" +4879ee06565943cbee554e1ab49895d1a7b1593c,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front = new int[2]; + if (length < 2) + { + return nums; + } + for (int i = 0; i < 2; i++) + { + front.add(nums[i]); + } + return front; +} +" +97503afcd9003e9be6c428c46e92c32f94528363,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front = new int[2]; + if (length < 2) + { + return nums; + } + for (int i = 0; i < 2; i++) + { + front.add(nums[i]); + } + return front; +} +" +2022e6f39aea46db4ea405aa5e0955e5c771fc06,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if(nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if(nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else + newNums = new int[0]; + return newNums; + +} +" +39791b412d129cde8a65c01fdf5ad6cb0af21a17,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums + } + else + { + return new int[2] {nums[0] nums[1]}; + } +} +" +ee86f065c1cfbdb740ab859f3cbbcbb683c4b07b,"public int[] frontPiece(int[] nums) +{ + return 0; +} +" +8a2f9f32e9864a877429f3c79021329148887502,"public int[] frontPiece(int[] nums) +{ + if (nums.length >=2) + { + return nums[0] + nums[1]; + } + else if (nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } +} +" +25738fe9b73c6b517419233352b47cb490884f2e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >=2) + { + return nums[0] + nums[1]; + } + else if (nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } +} +" +9f7ddfd0750e413a06a8c3a6971ed9a3233d93f6,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +b680a3d4d8bb1fe0e8e619e9ed53d37bfa5687e0,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if(nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if(nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else + newNums = new int[0]; + return newNums; + +} +" +6e7e649510988c58ec81daab6eb28e830fa3f1d2,"public int[] frontPiece(int[] nums) +{ + if (nums.length >=2) + { + return nums[0] + nums[1]; + } + else if (nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } +} +" +58d839d166e54603aaa2ca828139e69c3992bc9b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >=2) + { + return nums(0) + nums(1); + } + else if (nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } +} +" +2ba2770ba36d604638ffeee14c7117c8ef3f3991,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >=2) + { + answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + } + else if (nums.length == 1) + { + answer = new int[1]; + answer[0] = nums[0]; + } + else + { + answer = new int[0] + } + return answer; +} +" +69ef886dcc26d413cd09b1e556db329ee468cb9e,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >=2) + { + answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + } + else if (nums.length == 1) + { + answer = new int[1]; + answer[0] = nums[0]; + } + else + { + answer = new int[0]; + } + return answer; +} +" +9e1297af3b4991d24c0c038d4961bd506d7ed7b7,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +26ffb90859789bd3b227608e92e556182e6ba19f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +4b0e2ea6c75ea59517f8dba03100239fe7c73b75,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] answer = {nums[0], nums[1]}; + } + else + { + int[] answer = {nums[0]}; + } + + return answer; +} +" +7f1b7d387401afceacca7a8a7dde0504c785febc,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + nums = new int[]{nums[1], nums[2]}; + } + return nums +} +" +affc1bfbfa650caa063e9407193abc8273953156,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + nums = new int[]{nums[1], nums[2]}; + } + return nums; +} +" +183c3e3c26864618d690d879df085e079615d19c,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = {nums[0], nums[1]}; + } + else + { + answer = {nums[0]}; + } + + return answer; +} +" +11ca056e93faee2049f7f3696e6791a2dc00edd7,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + { + nums = new int[]{nums[1], nums[2]}; + } + return nums; +} +" +706b60f51c057d4e74280df4a3192a3c190ab22d,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + } + else + { + answer = new int[] {nums[0]}; + } + + return answer; +} +" +71c6c49598dde028b16923d6254b1c351e031116,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + } + else if (nums[0] != null) + { + answer = new int[] {nums[0]}; + } + + return answer; +} +" +d43f53b7bf5b919f558640debdc7080b194452df,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + } + + return answer; +} +" +e18c30c9f817ff3e76642b544f4a4d1c306e58a5,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + } + else + { + answer = null; + } + + return answer; +} +" +57e69b008620bca40f717ac7949722ef5bcaff6a,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + nums = new int[]{nums[1], nums[2]}; + } + else if(nums.length < 2) + { + nums = new int[]{nums[1]}; + } + return nums; +} +" +1a3ba69e143a30541c7b564fc2ac9626bdb9d761,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + } + else if (nums.length == 0) + { + answer = 0; + } + + return answer; +} +" +1b1dca09ab9570b8177b84890779f2be35da8a8f,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + nums = new int[]{nums[0], nums[1]}; + } + else if(nums.length < 2) + { + nums = new int[]{nums[0]}; + } + return nums; +} +" +01d0521c2a5ace793e36a48c353930d5964d0072,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return 0; + } + + return answer; +} +" +6ab72b89e4a53e0b0cf59afea8806193376459e3,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + nums = new int[]{nums[0], nums[1]}; + } + else if(nums.length == 0) + { + nums = new int[]; + } + else if(nums.length < 2) + { + nums = new int[]{nums[0]}; + } + return nums; +} +" +5aac23887f9d406b7cfd8fcace8d1538b8f6bba8,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + return answer; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + return answer; + } + + return 0; +} +" +e1d244e1718829b6b0851e768da384194da7e098,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + nums = new int[]{nums[0], nums[1]}; + } + else if(nums.length == 0) + { + nums = new int[0]; + } + else if(nums.length < 2) + { + nums = new int[]{nums[0]}; + } + return nums; +} +" +1b6f29355b4c990d2631823722d4394dd814227e,"public int[] frontPiece(int[] nums) +{ + int[] number = {nums[0], nums[1]}; + return number +} +" +d5d94f8f67c899966963b2798661a82b3fc942a1,"public int[] frontPiece(int[] nums) +{ + int[] number = {nums[0], nums[1]}; + return number; +} +" +7bcb6199c868ef433b928908f09d813f409796ad,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + return answer; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + return answer; + } + else + { + answer = new int[0]; + retrun answer; + } +} +" +4dd9b0b3a9c35941b3e9901c1d48487eb5cc38eb,"public int[] frontPiece(int[] nums) +{ + int[] answer; + + if (nums.length >= 2) + { + answer = new int[] {nums[0], nums[1]}; + return answer; + } + else if (nums != null) + { + answer = new int[] {nums[0]}; + return answer; + } + else + { + answer = new int[0]; + return answer; + } +} +" +a343eaffe58cc9821d9770a35feadb3352a37e26,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + + return front; +} +" +0d4701fe0136b79ebed738e083f361ce9d2a90c9,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length() >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +9b6cf944d44356af8eb9e2673ae494d7a1be12fb,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a43f9daaa9b5cc98acfe197b9157d9de345febf6,"public int[] frontPiece(int[] nums) +{ + for (int numbers: nums; int i = 0; i < 2; i++) + { + int number[i] = numbers; + } + return number; +} +" +ef785b82dae693020477c14f9a46c900044279dc,"public int[] frontPiece(int[] nums) +{ + for (int numbers: nums) + { + int number[i] = numbers; + } + return number; +} +" +0440a5bdc78f08b08ec8b477dc49af1358236641,"public int[] frontPiece(int[] nums) +{ + int[2] number = {}; + for (int numbers: nums) + { + number[i] = numbers; + } + return number; +} +" +7488474c440e75efeb3b3e043afd8cd891bdd5fa,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + for (int numbers: nums) + { + int number[i] = numbers; + } + return number; +} +" +2341aa02180229566878128a50f5ccba14fdcee3,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + for (int numbers: nums) + { + number[i] = numbers; + } + return number; +} +" +235154096c81f69a0709f5d642a391c0995cb05b,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + number[] = numbers; + i++; + } + return number; +} +" +c1a7977547c755854d36ea1f7ec49a8f3aa4511c,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + number[i] = numbers; + i++; + } + return number; +} +" +3daa1aaba92f8465de2f1d11a18aa8ea5d40cd57,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + if (i >= 2) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +af45a083172caee150bda66d6534c332ccf77428,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int number[] = new int[2]; + } + else + { + int number[] = new int[nums.length]; + } + int i = 0; + for (int numbers: nums) + { + if (i >= 2) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +727fcfbbb19354545ca404063812db51196b9df2,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length(); i++) + { + num[i] = nums[i]; + } + return num; +} +" +6c3f33ad5c88e5719ec81596be68221238a0b556,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + num[i] = nums[i]; + } + return num; +} +" +d4ff0b896e799b53a59e560f870f340ea31ff033,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int number[] = new int[2]; + } + else + { + int number[] = new int[nums.length]; + } + int i = 0; + for (int numbers: nums) + { + if (i >= 2) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +7692759e995905629a1e76df8fd87b45bf7b28fe,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num[i] != null) + { + num[i] = nums[i]; + } + } + return num; +} +" +fdda7c873fc07eae4386cae8842f816d0018db01,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (nums[i] != null) + { + num[i] = nums[i]; + } + } + return num; +} +" +16637eee90fc5444f665f03fcf2274242ae599d2,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int number[] = new int[2]; + } + else + { + int number[] = new int[4; + } + int i = 0; + for (int numbers: nums) + { + if (i >= 2) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +830d9a49883c809169c47a680ab9c782ef030961,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int number[] = new int[2]; + } + else + { + int number[] = new int[4]; + } + int i = 0; + for (int numbers: nums) + { + if (i >= 2) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +6bf6926e331445683326a010fbc3f7c107292a74,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num[i] != 0 + { + num[i] = nums[i]; + } + } + return num; +} +" +8135e211a5d3b163606f1321c7aba581e422b8eb,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num[i] != 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +a60cb37ae8a7e50a9a0fa28fe98d1477e0e90378,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + number[] = numbers; + } + return number; +} +" +677b53b0956dc7edb4ab682e2481bbeb6be8f124,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + number[i] = numbers; + } + return number; +} +" +f2f3f428b94843a67466a3fc6722d402ca0d1987,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (nums[i] != 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +fee507b6f3f2c5e4f7f4497421af325be49c94de,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + number[i] = numbers; + i++; + } + return number; +} +" +8e7d568cd7fb50506ba34f6f4ac3f5ba0247afc9,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (nums[i] > 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +d9c973f967ebb489dbebc7b1dc8c1a24139c0a0d,"public int[] frontPiece(int[] nums) +{ + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + if (i > 1) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +4166b240b2a1d36821203674910f0ed81d546861,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (nums[i] >= 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +f8350cb51a8aed5ef5c26a11a50c99ff589333db,"public int[] frontPiece(int[] nums) +{ + int number[] = {}; + int i = 0; + for (int numbers: nums) + { + if (i > 1) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +ebc73db4484982b1a7bb158f34c1cbd4b6c9550b,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 1 i <=num.length; i++) + { + if (nums[i] >= 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +55f894163683a6c48ff60daa05c26a39386dd25e,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 1; i <=num.length; i++) + { + if (nums[i] >= 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +c900986b46f148e202b57359f796156424974bf3,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 1; i <=num.length; i++) + { + if (nums[i] > 0) + { + num[i] = nums[i]; + } + } + return num; +} +" +7c3ae4c0839b31034dad94a657cfef2a8bbdc823,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0 i < num.length; i++) + { + + num[i] = nums[i]; + + } + return num; +} +" +34cf6b6c3007cd18c7350a32dda9f66ad82e2aff,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + + num[i] = nums[i]; + + } + return num; +} +" +b472b89aae0bac0cd5fe078109d1fe72bb88ce72,"public int[] frontPiece(int[] nums) +{ + uf (nums.length < 2) + { + return nums + } + int number[] = new int[]; + int i = 0; + for (int numbers: nums) + { + if (i > 1) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +158d7652b1db6b467158e9bd748a42ccc6763cd6,"public int[] frontPiece(int[] nums) +{ + uf (nums.length < 2) + { + return nums; + } + int number[] = new int[]; + int i = 0; + for (int numbers: nums) + { + if (i > 1) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +779faeef7fa10132b563cd2ea001b0d4c491ad99,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int number[] = new int[]; + int i = 0; + for (int numbers: nums) + { + if (i > 1) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +f12a0c634b693b2b620ff35447bfc43f956d2c97,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int number[] = new int[2]; + int i = 0; + for (int numbers: nums) + { + if (i > 1) + { + break; + } + number[i] = numbers; + i++; + } + return number; +} +" +a24f3c206ec3b1721adc75966fc804e5dbaa32d6,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int number[] = new int[2]; + int i = 0; + for (int i = 0; i < 2; i++) + { + number[i] = nums[i]; + } + return number; +} +" +d1d4bb7171cf9aeeee8bb407bdfcc486e1d6a21d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int number[] = new int[2]; + for (int i = 0; i < 2; i++) + { + number[i] = nums[i]; + } + return number; +} +" +0ca618ca39624b5f071b1cf7fb18b20471fbbe72,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (nums[i] != nums[]) + { + num[i] = nums[i]; + } + } + return num; +} +" +bc594f194e14264991eea60601b8d4b5472e1cfa,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (nums[i] != num[]) + { + num[i] = nums[i]; + } + } + return num; +} +" +c8dba00d5db9035f8bf38def5327fb1c4f473fff,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num[i] != num[]) + { + num[i] = nums[i]; + } + } + return num; +} +" +be07b533721dafdbfb54cee25ab1c86bf7615358,"public int[] frontPiece(int[] nums) +{ + if (nums.length() <= 2) + { + return nums; + } + else + { + int[] ar =[nums[0], nums[1]]; + return ar; + } + + +} +" +715640e6b9df310283a98526cc172ece26b4403e,"public int[] frontPiece(int[] nums) +{ + if (nums.length() <= 2) + { + return nums; + } + else + { + int[] ar ={nums[0], nums[1]}; + return ar; + } + + +} +" +a0f2313859fb34d7deaeb90650b69619acfa4c93,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] yuh = {nums[0], nums[1]}; + return yuh; + } + else + { + return nums; + } + + +} +" +c2f73ba69822966f70e087251e5f3a7f6c62a337,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] ar ={nums[0], nums[1]}; + return ar; + } + + +} +" +1a53f2946190ffdb7c8287b95091217f38fa69ba,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + int[] num = new int[1]; + } + else if (num.length == 0 + { + int[] num = new int[0; + } + num[i] = nums[i]; + } + return num; +} +" +0665e10935252e8bcc6daed01bb0de98b9db857c,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + int[] num = new int[1]; + } + else if (num.length == 0 + { + int[] num = new int[0]; + } + num[i] = nums[i]; + } + return num; +} +" +da8831df5ad0a0cd746136ab58b36fc176666e17,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + int[] num = new int[1]; + } + else if (num.length == 0) + { + int[] num = new int[0]; + } + num[i] = nums[i]; + } + return num; +} +" +8dc9c1cf036a4a060bbc4797b8d300476bafbcfc,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + int[] num = int[1]; + } + else if (num.length == 0) + { + int[] num = int[0]; + } + num[i] = nums[i]; + } + return num; +} +" +676ae0c8be02969916bd453ba2f752e8d04af072,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + num[1] = nums[1]; + break; + } + else if (num.length == 0) + { + int[] num = int[]; + break; + } + num[i] = nums[i]; + } + return num; +} +" +c721f3fa337a616019012482c10e65e8dae58911,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + num[1] = nums[1]; + break; + } + else if (num.length == 0) + { + num[] = nums[]; + break; + } + num[i] = nums[i]; + } + return num; +} +" +a453e8ef981297065af4e21551e7a6933775ea60,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + num[1] = nums[1]; + break; + } + else if (num.length == 0) + { + //m[] = nums[]; + break; + } + num[i] = nums[i]; + } + return num; +} +" +e91ac808fa2a6eed9594b1e659bd27f0359a6d61,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + num[0] = nums[1]; + break; + } + else if (num.length == 0) + { + //m[] = nums[]; + break; + } + num[i] = nums[i]; + } + return num; +} +" +347acd10aae9747243d58ef133b04e26a82d030f,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if (num.length == 1) + { + num[0] = nums[0]; + break; + } + else if (num.length == 0) + { + //m[] = nums[]; + break; + } + num[i] = nums[i]; + } + return num; +} +" +df35b6cc6770d4897edeaac9123514c9fe9ff8f3,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if(nums.length < 2){ + num[i] = nums[i]; + i++; + } + num[i] = nums[i]; + + } + return num; +} +" +59f7bc95bae71a38c0edb9c07579196100f309a3,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if(nums.length < 2){ + num[i] = nums[i]; + i = nums.length; + } + //um[i] = nums[i]; + + } + return num; +} +" +4c0e61701cb527694f850cce893732a2447b2be0,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if(nums.length < 2){ + num[i] = nums[i]; + i ++; + } + //um[i] = nums[i]; + + } + return num; +} +" +115d729202a576696b0ed003f6704403cc30e389,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if(nums.length <=2){ + num[i] = nums[i]; + i ++; + } + nu[i] = nums[i]; + + } + return num; +} +" +4bdadc34cb1436849f15d00d06adb9782284a785,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if(nums.length <=2){ + num[i] = nums[i]; + i = nums.length; + } + num[i] = nums[i]; + + } + return num; +} +" +6c1bd210b462632e537222668669af3ea8dd1388,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if(nums.length <=2){ + num[i] = nums[i]; + i++; + } + num[i] = nums[i]; + + } + return num; +} +" +483cecd5ab970ea21d1c653294a1ebb2122b32c7,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if(nums.length <=2){ + num[i] = nums[i]; + i++; + } + num[i] = nums[i]; + + } + return num; +} +" +ca40a5686e40bacb602c7479975774e3d4bd5135,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums + } + else + { + return new int[2] {nums[0] nums[1]}; + } +} +" +825ff19e6420f1bc3a8c004f4c248e75239fa103,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + return int[] num = new int[2] {nums[0] nums[1]}; + } +} +" +2d8236359f7a30e41f492605413f62b7eb404901,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] num = new int[2]; + return int[] num = {nums[0] nums[1]}; + } +} +" +4b98390ef2ed4d2e59ebb9866552f4391d53e821,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] num = new int[2]; + return num = {nums[0] nums[1]}; + } +} +" +0eac996d9ef6011066fd7bce284893a075598322,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] num = new int[2]; + num = {nums[0] nums[1]}; + return num; + } +} +" +54b0a936db78d447062b38a943dfa19337410b62,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] num = new int[2]; + num = {nums[0], nums[1]}; + return num; + } +} +" +548fe34a09eed47e3a08cab1b5eea28e082bcadc,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] num = {nums[0], nums[1]}; + return num; + } +} +" +973b0e8afdd4476ac2ae4c2e609fd8ecf1238638,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 3) + return nums; + else + return (nums, 0, 1); +} +" +16528583f8093dc6efb57879c4e1cc2a2e3f9cfe,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 3) + return nums; + else + return array_splice(nums, 1); +} +" +ceb85443b7bb8fc1adced0b52af99f5fe5312cf5,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if(nums.length <=2) + { + num[i] = nums[i]; + i++; + } + num[i] = nums[i]; + + } + return num; +} +" +c115e4b99dd0d6deb27dc7eebae7545438141dd2,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if(nums.length == 1) + { + num[i] = nums[i]; + i++; + i++; + } + else if (nums.length == 0) + { + return 0; + } + num[i] = nums[i]; + + } + return num; +} +" +2334253d726103b4e506d562cd61f0ee725b21a1,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if(nums.length == 1) + { + num[i] = nums[i]; + i++; + i++; + } + else if (nums.length == 0) + { + return [0]; + } + num[i] = nums[i]; + + } + return num; +} +" +f1e26d1bdc23d467c84eb7c6ab088ab5c9e54dde,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[2]; + for (int i = 0; i < num.length; i++) + { + if(nums.length == 1) + { + num[i] = nums[i]; + i++; + i++; + } + else if (nums.length == 0) + { + return num; + } + num[i] = nums[i]; + + } + return num; +} +" +8d041108528747f7835c1d5ac13217ae1d50993d,"public int[] frontPiece(int[] nums) +{ + int[] top; + if(nums.length >= 2) + { + top = new int[2]; + top[0] = nums[0]; + top[1] = nums[1]; + } + else if(nums.length == 1) + { + top = new int[1]; + top[0] = nums[0]; + } + else + top = new int[0]; + return top; +} +" +e660097dc8523d57d279533134b845bae1b536c2,"public int[] frontPiece(int[] nums) +{ + int[] number; + if (nums.length == 1 + { + number = new int[1]; + number[0] = nums[0]; + } + else if (nums.length >= 2) + { + number = new int[2]; + number[1] = nums[1]; + number[0] = nums[0]; + } + else + { + number = new int[0]; + } + return number; +} +" +252160c044863cfd5ed6edd8f1954ea688ef6c69,"public int[] frontPiece(int[] nums) +{ + int[] number; + if (nums.length == 1) + { + number = new int[1]; + number[0] = nums[0]; + } + else if (nums.length >= 2) + { + number = new int[2]; + number[1] = nums[1]; + number[0] = nums[0]; + } + else + { + number = new int[0]; + } + return number; +} +" +8f3c49303ebea8170a99b3d7fbf48bc3bec097ec,"public int[] frontPiece(int[] nums) +{ + int[] arry; + if(nums.length > 1) + { + arry = new int[2]; + arry[0] = nums[0]; + arry[1] = nums[1]; + } + else if(nums.length == 1) + { + arry = new int[1]; + arry[0] = nums[0]; + } + else + { + arry = new int[0]; + } + return arry; +} +" +58afa2de0ccb04c1ef9dc00734eec4887d634bc2,"public int[] frontPiece(int[] nums) +{ + int[] result = {nums[0], nums[1]}; + return result; +} +" +2e5cf34016b914e5f5c90a533f0a69d3b757aa5d,"public int[] frontPiece(int[] nums) +{ + + if (nums.length == 1) + + return new int[] {nums[0]}; + + else if (nums.length == 0) + + return new int[] {}; + + else + + return new int[] {nums[0],nums[1]}; + +} + +" +54112a90ed77025ffcf9313bbac404052c2a0dc7,"public int[] frontPiece(int[] nums) +{ + int[] front; + //created the new array + if(nums.length >= 2) + front = new int[2]; + //there are two elements in the array + front[0] = nums[0]; + front[1] = nums[1]; + else if(nums.length == 1) + front = new int[1]; + //new array only has one element + front[0] = nums[0]; + else + front = new int[0]; + //only the first element is part of the array + return front +} +" +435827467463554cf0703212712192277c945b39,"public int[] frontPiece(int[] nums) +{ + int[] front; + //created the new array + if(nums.length >= 2) + { + front = new int[2]; + //there are two elements in the array + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + //new array only has one element + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + //only the first element is part of the array + return front; +} +" +d363858823b14df715e85d1236f1c5f9c5f526e3,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] result; + if (length == 0) + { + result = {}; + } + else if (length == 1) + { + result = nums; + } + else + { + int[] result = {nums[0], nums[1]}; + } + return result; +} +" +3539a5868b7d6ddab9417054bd03cf37037c3cb1,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length == 0) + { + int[] result = {}; + } + else if (length == 1) + { + int[] result = nums; + } + else + { + int[] result = {nums[0], nums[1]}; + } + return result; +} +" +5aeedfbd3a7e3c406d46f4b293e4a7f3552d9a0c,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] result; + if (length == 0) + { + result = {}; + } + else if (length == 1) + { + result = nums; + } + else + { + result = {nums[0], nums[1]}; + } + return result; +} +" +04816963fd87fd283a599f7ffe962c26d16d4254,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length == 0) + { + int[] zero = {}; + return zero; + } + else if (length == 1) + { + int[] one = nums; + return one; + } + else + { + result = {nums[0], nums[1]}; + return result; + } +} +" +ced7ba886ac9b6cdb2b0adb7ba7eb2f2e8e4f210,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length == 0) + { + int[] zero = {}; + return zero; + } + else if (length == 1) + { + int[] one = nums; + return one; + } + else + { + int[] result = {nums[0], nums[1]}; + return result; + } +} +" +ccac67fb95a33bc6285da899abad59849b5a547d,"public int[] frontPiece(int[] nums) +{ + + int length = nums.length; + + int[] newArray = new int[length]; + + if (length < 2) + { + for (int i = 0; i < length; i++) + { + newArray[i] = nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; + + } + + } + + + return newArray; + + +} +" +5e2311d567eef4ce092d140b8d911c5632173b3b,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + + + return newArray[nums[0], [1]]; +} +" +dbb29287ddfb242eabdb54b1a7c28f84f61389ee,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + + + return newArray[nums[0], nums[1]]; +} +" +4add1a9201119b952dfbb306a77f8ca5f9107cee,"public int[] frontPiece(int[] nums) +{ + int[][] newArray = new int[2][2]; + + + return newArray[nums[0], nums[1]]; +} +" +44e2d164044542e51829be31704ab1d69a0f0f25,"public int[] frontPiece(int[] nums) +{ + + int length = nums.length; + + int[] newArray1 = new int[length]; + int[] newArray2 = new int[2]; + + if (length < 2) + { + for (int i = 0; i < length; i++) + { + newArray1[i] = nums[i]; + return newArray1; + } + } + else + { + + newArray2[0] = nums[0]; + newArray2[1] = nums[1]; + + return newArray2; + + } + + + return newArray; + + +} +" +9bd93d1482c06cf54e886dbf88e42137ab365bdf,"public int[] frontPiece(int[] nums) +{ + + int length = nums.length; + + int[] newArray1 = new int[length]; + int[] newArray2 = new int[2]; + + if (length < 2) + { + for (int i = 0; i < length; i++) + { + newArray1[i] = nums[i]; + return newArray1; + } + } + else + { + + newArray2[0] = nums[0]; + newArray2[1] = nums[1]; + + return newArray2; + + } + + + return newArray1; + + +} +" +bc783060f18279b00e7aff8776cd2043cd506d28,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new newArray[nums.length] + if(nums.length < 2) + { + for(int i = 0; int i < nums.length; i++) + { + newArray[i] = {nums[0]}; + } + } + for(int x = 0; x < nums.length; x=x+2) + { + newArray[x] = {nums[0], nums[1]} + } + return newArray; +} +" +751ceee9565a310f5f46014de078a6157f1371c4,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new newArray[nums.length]; + if(nums.length < 2) + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = {nums[0]}; + } + } + for(int x = 0; x < nums.length; x=x+2) + { + newArray[x] = {nums[0], nums[1]} + } + return newArray; +} +" +772a73991765ab7a4481dc8b04bf83fa5ae5b503,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if(length <= 2) + { + return nums; + } + else + { + int[] value = new int[2]; + for(int i = 0; i < 2; i++) + { + value.add(nums[i]); + } + return value; + } +} +" +d125151830522baa271f18cc80556404fae04368,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if(length <= 2) + { + return nums; + } + else + { + int[] value = new int[2]; + for(int i = 0; i < 2; i++) + { + value[i] = nums[i]; + } + return value; + } +} +" +a30af42dc877690c58b43a2c2d69526e5f564adc,"public int[] frontPiece(int[] nums) +{ + int[][] newArray = new int[][]; + + + return newArray[nums[0], nums[1]]; +} +" +45859cf1d5e480baa6457dae807494362ddef722,"public int[] frontPiece(int[] nums) +{ + int[][] newArray = new int[][]; + if (nums.length < 2) + { + return newArray(nums[0], []); + } + + return newArray[nums[0], nums[1]]; +} +" +459dab5bc64bb527de4abefd96ae2a1097535d8e,"public int[] frontPiece(int[] nums) +{ + int[][] newArray = new int[1][1]; + if (nums.length < 2) + { + return newArray(nums[0], []); + } + + return newArray[nums[0], nums[1]]; +} +" +57e70ca5e0d9c321700f57ae54985d23cd2708ce,"public int[] frontPiece(int[] nums) +{ + int[][] newArray = new int[1][1]; + if (nums.length < 2) + { + return newArray(nums[0]); + } + + return newArray[nums[0], nums[1]]; +} +" +18ce1967d13c74812631b3ce53a742a262685e7d,"public int[] frontPiece(int[] nums) +{ + int[2] newnum; + for (int i = 0; i < nums.length; i++) + { + newnum[i] = nums[i] + } + return newnum; +} +" +3e47f2a495e80c0533bd4b0115e899e05d73ebdb,"public int[] frontPiece(int[] nums) +{ + int[] newnum = new int[2]; + for (int i = 0; i < nums.length; i++) + { + newnum[i] = nums[i] + } + return newnum; +} +" +10175f520f545e1486fd7b5e424d7cbd2c11e871,"public int[] frontPiece(int[] nums) +{ + int[] newnum = new int[2]; + for (int i = 0; i < nums.length; i++) + { + newnum[i] = nums[i]; + } + return newnum; +} +" +91515fb292001b9239a40ff1bf8f72964843c610,"public int[] frontPiece(int[] nums) +{ + int[][] newArray = new int[1][1]; + if (nums.length < 2) + { + return newArray(nums[0]); + } + else if (nums.length.equals(null)) + { + return nums; + } + + return newArray[nums[0], nums[1]]; +} +" +a1d0d98b88b3d657c047fc59b7f731b8a243e421,"public int[] frontPiece(int[] nums) +{ + int[] newnum = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if (i < 2) + { + newnum[i] = nums[i]; + } + } + return newnum; +} +" +8a3ceba5654ec879d0bb569d03428abc65ed7e41,"public int[] frontPiece(int[] nums) +{ + int[] newnum = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if (i < 2 && nums.length == 1) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2) + { + newnum[i] = nums[i]; + } + } + return newnum; +} +" +f80c5ad2eaae5915eeb0c67fb7f01194aab7332b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(nums[0] + nums[1]); + } + else + { + return(nums); + } +} +" +4fe3cc8d6922b999e793fbf5b52079196dde558a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(nums[0] + nums[1]); + } + else + { + return(nums); + } +} +" +f1e6ca96c65a9de22c08c9f6a60e378a769f5fb1,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(0); + } + else + { + return(nums); + } +} +" +a7e2175a7efdff64511a513ee22535d62e2ffd1a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(unms); + } + else + { + return(nums); + } +} +" +53e31c6c537aaa4043855dda8806a9df8b454935,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(nums); + } + else + { + return(nums); + } +} +" +3fa9ec21e285ac2e70b7b8c44974113c56c7fb21,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(nums[nums.length]); + } + else + { + return(nums); + } +} +" +7ae3940b2a2a6614c9679ee8f201a1b4b2bd6176,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(int [0]); + } + else + { + return(nums); + } +} +" +09108c221c562b5e18a87ce351db4e9726fac114,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return(int [] a = {nums[0], nums[1]}); + } + else + { + return(nums); + } +} +" +cc04af26f7639616e543783c9e6ac5ee9bac210f,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int [] a = {nums[0], nums[1]} + return(a); + } + else + { + return(nums); + } +} +" +6d564c108813fed440367654c5ada9d85bda7c55,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int [] a = {nums[0], nums[1]}; + return(a); + } + else + { + return(nums); + } +} +" +fb5777bfb69e5b2b7fe4877beb728ea87aee2fe8,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +4882d9946b948133001a5a4823fbdaefe4338877,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a1e1a0bb30dbddb9800a24805075e8f5a6cfbdd1,"public int[] frontPiece(int[] nums) +{ + int[] newNums = {nums[0], nums[1]}; + + return newNums; +} +" +6e49f474ac1c3b4ec73fc1fd46e28f843a380788,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + + if (nums.length >= 2) + { + newNums = {nums[0], nums[1]}; + } + else if (nums.length = 1) + { + newNums = {nums[0]}; + } + + return newNums; +} +" +b52455a735f841a97e615d04009fa8307f305e11,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newNums = {nums[0], nums[1]}; + } + else if (nums.length = 1) + { + int[] newNums = {nums[0]}; + } + + return newNums; +} +" +725a7b57601ae2db6b5a863cd90518e9ef83d72a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newNums = {nums[0]}; + } + + return newNums; +} +" +133a4f6e97416138337014c0d78ad776ea2fe55d,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + int[] newNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newNums = {nums[0]}; + } + + return newNums; +} +" +5419d16a7dbed8228d158c79ae3f4adf9cf25cc4,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + newNums = {nums[0]}; + } + + return newNums; +} +" +1b45edfcc340549332736f2f574e28304f386c08,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums[] = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + newNums[] = {nums[0]}; + } + + return newNums; +} +" +47eceb6bd1d79abb4bdb878f0f964ae46edb64b8,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newNums[] = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newNums = {nums[0]}; + } + else + { + int[] newNums; + } + + return newNums; +} +" +3fe692e23e81ec7706b29d997ec603b4f09f1e62,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newNums = {nums[0]}; + } + else + { + int[] newNums; + } + + return newNums; +} +" +5fa8e593b8ec17f70e25484229d727b2253a1178,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums[] = {nums[0], nums[1]}; + } + + return newNums; +} +" +f33e8c2ae24087e6d24733b92a450560752cf96c,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = {nums[0], nums[1]}; + } + + return newNums; +} +" +ae00d93e02db166540c6bde1a12ee4438817adfe,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums = {nums[0]} + else + { + newNums = new int[0]; + } + + return newNums; +} +" +9b359a33202e73840596c92763217a98674fed21,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums = nums[0]; + else + { + newNums = new int[0]; + } + + return newNums; +} +" +dd45bd2ea924eb5e49250d25123918b3b8ac283e,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums = nums[0]; + } + else + { + newNums = new int[0]; + } + + return newNums; +} +" +993506e09e591fa363d320bd5d646d9ee6236773,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else + { + newNums = new int[0]; + } + + return newNums; +} +" +84fb2f04ddd5a13fd5bb739723eb3433d8650b22,"public int[] frontPiece(int[] nums) +{ + int [] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a2949e76fac7ae98acba2d1c3819f33bef77a490,"public int[] frontPiece(int[] nums) +{ + if ( nums.length < 2) + { + int[] arr = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + arr[i] = nums[i]; + } + } + else + { + int[] arr = new int[2]; + for ( int i = 0; i < 2; i++) + { + arr[i] = nums[i]; + } + } + return arr; + +} +" +5f11d23a601161a4a30b6fd00cc7cd10f6b04835,"public int[] frontPiece(int[] nums) +{ + if ( nums.length < 2) + { + int[] arr = new int[nums.length]; + for ( int i = 0; i < nums.length; i++) + { + arr[i] = nums[i]; + } + return arr; + } + else + { + int[] arr = new int[2]; + for ( int i = 0; i < 2; i++) + { + arr[i] = nums[i]; + } + return arr; + } + + +} +" +08e43831e49d6cecdccfc72a3e5f0980253c9ef0,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) { + first = new int[2]; + int[0] = nums[0]; + int[1] = nums[1]; + } + else { + first = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + int[i] = nums[i]; + } + } + return first; +} +" +6dd2dfc6bbe7db46c0e5c7af08b875044d55be63,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else { + first = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + first[i] = nums[i]; + } + } + return first; +} +" +8878c638e31dae25012a4457cc598e8f5b87f6ab,"public int[] frontPiece(int[] nums) +{ + return 0; +} +" +f0d8577aeeb689c815334ae5378789a728971394,"public int[] frontPiece(int[] nums) +{ + return nums; +} +" +f40d11ae9d15bc229fb5cc0fea21f34ba99f2e46,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + return nums[2]; + } + return nums; +} +" +11b3704e9130c4e7544d350bb10d65b450796c5b,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + return nums[0,1]; + } + return nums; +} +" +edc7a568ec8038de0d11e045502b9af9c9346124,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + return nums; + } + return nums; +} +" +cbefb815e49031235d8514f4381de1ae3ef734a7,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums[0]; + } + return nums; +} +" +88b440146add00c027d3fa542caea54f215b71d4,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums; + } + return nums; +} +" +25377a5b9a3ef88990fe4ec6e458a708a3adeb13,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.getIndex - 1; + } + return nums; +} +" +01d455fcf4ec52b632b84a3182bc7b07680b7839,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.get(2); + } + return nums; +} +" +2343407f68a1fc6e5d88531cb7ef1d32dbf05ea3,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.get(2); + } + return nums; +} +" +5eb6bd2208442a7473056b8435e251dd50635ac0,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.subList(0, 1)); + } + return nums; +} +" +c353f2566d67d24f8e44a9c8dd72a3ee723d4dbc,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.subList(0, 1); + } + return nums; +} +" +8e1a94959810b0b65a934820ff17d27f99e678b4,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.subList(0, 1).toArray(); + } + return nums; +} +" +1d4eb9211bd239b95fb64b36631ff0358f62e791,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums.get(0, 1).toArray(); + } + return nums; +} +" +f486a5950c37d622e4093b002b0169bd489affd1,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + return nums; + else + { + int[] temp = {nums[0], nums[1]}; + return temp; +} +" +9150e1fdc43df508a985f8e5748a2c5589c77598,"public int[] frontPiece(int[] nums) +{ + int[] first2; + for (i=0; i < 2 && i < nums.length; i++) + { + first2.add(nums.get(i)); + } + return first2; +} +" +a948531c5f36b52d18c23067a3df3f2438fc7b3c,"public int[] frontPiece(int[] nums) +{ + int[] first2; + for (int i=0; i < 2 && i < nums.length; i++) + { + first2.add(nums.get(i)); + } + return first2; +} +" +5ecde7e21a9eb2ff45ee9046fcb5eddd358c3923,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) return nums; + int[] result = { nums[0], nums[1] }; + return result; +} +" +40810b49fc064cb655ea16e10d94ec6aa6001053,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums[0, 1].toArray(); + } + return nums; +} +" +1737739220e116fe9ba2f23ec7bd77c5c63f024e,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums(0, 1).toArray(); + } + return nums; +} +" +77f7a74dc0b0100b63c5513a768e929b2f70b13a,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums[0, 1]; + } + return nums; +} +" +ca1ed833ee16829fade2771df27f063bc4325c5b,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[0, 1]; + if (nums.length > 2) + { + return num; + } + return nums; +} +" +16650520ca9cdf0b433c7bfd486d8c49509f5505,"public int[] frontPiece(int[] nums) +{ + int[] num = new int[0]; + if (nums.length > 2) + { + return num; + } + return nums; +} +" +d30d4da776eb76996a1ea425cbfee66427efb851,"public int[] frontPiece(int[] nums) +{ + int[][] num = new int[0][1]; + if (nums.length > 2) + { + return num; + } + return nums; +} +" +8fde3fce76d90b1bd0c7f6681da9992876fa640c,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + return nums; + } + return nums; +} +" +e38d29cf16b304a1fe6f8f3ae36c5dbe5ec29cd2,"public int[] frontPiece(int[] nums) +{ + int a = {0, 1}; + if (nums.length > 2) + { + return a; + } + return nums; +} +" +b487773c27a381f76a1966e84305daf7a61a24e7,"public int[] frontPiece(int[] nums) +{ + int[] a = {0, 1}; + if (nums.length > 2) + { + return a; + } + return nums; +} +" +a857f0a0bcf5e033b8e35eb5a4c3ab1599ada97e,"public int[] frontPiece(int[] nums) +{ + int[] a = {nums[0], nums[1]}; + if (nums.length > 2) + { + return a; + } + return nums; +} +" +5f9f9794b536c75a388bf7bf64f5351e34306138,"public int[] frontPiece(int[] nums) +{ + int[] a = {nums[2]}; + if (nums.length > 2) + { + return a; + } + return nums; +} +" +aab213919ee319de771b7d748816a2f0455ec90d,"public int[] frontPiece(int[] nums) +{ + int[] a = {nums[1]}; + if (nums.length > 2) + { + return a; + } + return nums; +} +" +1501c00331bf9b0ad7519e03b41b5d7327bba150,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + int[] a = {nums[1]}; + return a; + } + return nums; +} +" +336c4ae8184ce81778c75e609fea81984ac677f5,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 2) + { + int[] a = {nums[2]}; + return a; + } + return nums; +} +" +547bfad73473354a53b97ee7de6176e30908557a,"public int[] frontPiece(int[] nums) +{ + int[] first2 = new int[2]; + for (int i=0; i < 2 && i < nums.length; i++) + { + first2.add(nums(i)); + } + return first2; +} +" +beecb40f6f6b8c54d36139f610ab8fa646147e46,"public int[] frontPiece(int[] nums) +{ + int[] first2 = new int[2]; + for (int i=0; i < 2 && i < nums.length; i++) + { + first2.add(nums[i]); + } + return first2; +} +" +2eb4649962ba77847eac1845d4c49a4a367c0051,"public int[] frontPiece(int[] nums) +{ + int[] first2 = new int[2]; + for (int i=0; i < 2 && i < nums.length; i++) + { + first2.insert[i] = nums[i]; + } + return first2; +} +" +f7b47c261f888fe99159f9f86c3bdfa5878c0fe8,"public int[] frontPiece(int[] nums) +{ + int[] first2 = new int[2]; + for (int i=0; i < 2 && i < nums.length; i++) + { + first2[i] = nums[i]; + } + return first2; +} +" +4f320809c0f28a0722beb05d5acc6d9b69f6c41e,"public int[] frontPiece(int[] nums) +{ + int[] first2; + for (int i=0; i < 2 && i < nums.length; i++) + { + first2.add[i] = nums[i]; + } + return first2; +} +" +fa1192d783c3b7ba9db111c379e78f695580f95b,"public int[] frontPiece(int[] nums) +{ + int[] first2; + if (nums.length >= 2) + { + first2 = new int[2]; + } + else + { + first2 = new int[1]; + } + + for (int i=0; i < 2 && i < nums.length; i++) + { + first2[i] = nums[i]; + } + return first2; +} +" +20c642cd6e68a43cc34ba05b517108a7adb44f7d,"public int[] frontPiece(int[] nums) +{ + int[] first2; + if (nums.length >= 2) + { + first2 = new int[2]; + } + else + { + first2 = new int[nums.length]; + } + + for (int i=0; i < 2 && i < nums.length; i++) + { + first2[i] = nums[i]; + } + return first2; +} +" +7979249a48457a58ae5e495208161738ce905a66,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[2] front = {nums[0], nums[1]}; + } + else if (length == 1) + { + int[1] front = {nums[0]}; + } + + return front; +} +" +d372a6d0af31f2bc3e24b7d98fd06eda79d65fbd,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if(nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if(nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else + newNums = new int[0]; + return newNums; + +} +" +719ed3c97f33377f617f04c8f6d6afc2c9ca906c,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = {nums[0]}; + } + + return front; +} +" +5ef106019551c8b1336bdc71a908517817e4d06d,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front = {nums[0], nums[1]}; + } + else if (length == 1) + { + front = {nums[0]}; + } + + return front; +} +" +90829d19e10bbe40b65a635531eb8f01f379ddf3,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = {nums[0]}; + } + + return front; +} +" +95a718369ef160f48916febbe3e541dc5df09e2b,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = {nums[0]}; + } + else + { + int[] front = new int[0]; + } + + return front; +} +" +bc8f69e033f5fecbeec26fa75d61f6ee7feb0f7d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +656a54ee5e83be136c9325f7ab6d2b5f2bbc7dfc,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[]; + for (int i = 0; i < 2, i++) + { + dos.add(nums); + } + return dos; +} +" +bbec0bab4179c957b09d8574a524688aa5a9234d,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[]; + for (int i = 0; i < 2; i++) + { + dos.add(nums); + } + return dos; +} +" +74334968d0e957b83012da19655a8fe21b5d04c7,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[]; + for (int i = 0; i < 2; i++) + { + dos.add(nums, i); + } + return dos; +} +" +371fffb0753404353b981bd4cadc7f00ccdd7425,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + for (int i = 0; i < 2; i++) + { + dos.add(nums, i); + } + return dos; +} +" +40a1c45e8f56b7ac1b75c2a092c629606303d3dc,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + for (int i = 0; i < 2; i++) + { + dos.add(nums); + } + return dos; +} +" +ff36593a217f3fc4a2082abf68d0988c77bf8a2d,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + for (int i = 0; i < 2; i++) + { + dos.add(i); + } + return dos; +} +" +a4700f3788733351511453ea23227f33c24fd42e,"public int[] frontPiece(int[] nums) +{ + int[] end = new int[2]; + if (nums.length <= 2){ + end = nums; + } + else{ + end[1] = nums[1]; + end[0] = nums[0]; + } + return end; +} +" +54137c3a371f6b2d5b419e064766a3c6554fd070,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i] + } + return dos; +} +" +db0301040f127cc100aefbb18b29581b26352124,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + return dos; +} +" +73e46fbc6f8f522c1dd1b459c03e0ba3f01325d2,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + for (int i = 0; i < 2 || i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + return dos; +} +" +2e6e31bafa0467d9c1149b4a2e55de91acbdfe62,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; +} +" +3fcc0c4e41b7a9bcc64b587b2bd073ae0d32736e,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; +} +" +5843624845e0765a9820f0d9b63d361998da38e4,"public int[] frontPiece(int[] nums) +{ + if ( nums.length <= 2 ) { + return nums; + } + else + { + int[] Array = nums[0], nums[1]; + return Array; + } +} +" +811a10a8989dab894becaede8b03d00ce3d2d8f6,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; +} +" +22c3ab1c4b483c5e65eb03cdd64e19652b13ed23,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >= 2) + { + answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + } + else if (nums.length == 1) + { + answer = new int[1]; + answer[0] = new int[0]; + } + else + { + answer = int[0]; + + + } + return answer; +}" +fb6392b30d8725a7a6a76ab05eb0fd0841be5040,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >= 2) + { + answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + } + else if (nums.length == 1) + { + answer = new int[1]; + answer[0] = new int[0]; + } + else + { + answer = new int[0]; + + + } + return answer; +}" +5b0251689ed05b8807dfec797d3b2db20ad2ef12,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >= 2) + { + answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + } + else if (nums.length == 1) + { + answer = new int[1]; + answer[0] = int[0]; + } + else + { + answer = new int[0]; + + + } + return answer; +}" +76afae439fea890c144aa34c932234efa5004bca,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >= 2) + { + answer = new int[2]; + answer[0] = nums[0]; + answer[1] = nums[1]; + } + else if (nums.length == 1) + { + answer = new int[1]; + answer[0] = nums[0]; + } + else + { + answer = new int[0]; + + + } + return answer; +}" +072709d559d46374a9146d396d7915e7be9fa872,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + + for (int j = 0; j < 2; j++) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; + /** if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; */ +} +" +0a9768062c0a6799ad9f0b6e2f310bfc9bc77847,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos[]; +} +" +54c37a219377f54381d7368b35882b7711a4bdd1,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; +} +" +b478337b28fbaba2dd1bbd7f33f16fa0dbb50419,"public int[] frontPiece(int[] nums) +{ + if ( nums.length <= 2 ) { + return nums; + } + else + { + int[] Array = new int[2]; + Array[0] = nums[0]; + Array[1] = nums[1]; + return Array; + } +} +" +ad95d8f06348784a4c8b4180101c865de4c57257,"public int[] frontPiece(int[] nums) +{ + int[] dos = new int[2]; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; +} +" +3b10d62031bee69a4e40a6bf185fda4b9062973a,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2} + { + return nums; + } + else + { + int[] newArray = Array.copyOfRange(nums, 0, 2); + } +} +" +9ec6df9741d2b57c9e4deecc582d3fcb5e218c9f,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2} + { + return nums; + } + else + { + int[] newArray = Array.copyOfRange(nums, 0, 2); + return newArray; + } +} +" +0111ab65e421ce80236f9c9399cde71854e9c4d1,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2} + { + return nums; + } + else + { + //int[] newArray = Array.copyOfRange(nums, 0, 2); + return null; + } +} +" +b9573255c3b58c09b3fbeda3b3a20eb54846d104,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length <= 2} + { + return nums; + } + + //int[] newArray = Array.copyOfRange(nums, 0, 2); + return null; +} +" +a4092931f0015f86a1b38a13c6db10b4861fe049,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length <= 2) + { + return nums; + } + + //int[] newArray = Array.copyOfRange(nums, 0, 2); + return null; +} +" +5940dce9910c6f3dfba1e8118c7ba29972de9302,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length <= 2) + { + return nums; + } + + int[] newArray = Array.copyOfRange(nums, 0, 2); + return newArray; +} +" +2d34090940390c24dd84557897a32e7259af1c61,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length <= 2) + { + return nums; + } + + int[] newArray = {nums[0], nums[1]}; + return newArray; +} +" +e46fcfa87cf1581bb63b7b804cd510406547c8eb,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length()) + { + newArray.append(nums[i]) + } + } + return newArray; +} +" +a8535d60f2eb2e095698cdd58c2037c976fcfb99,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length()) + { + newArray.append(nums[i]); + } + } + return newArray; +} +" +3749ac066c607386af6110a5cdd6b1c0963553e2,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length()) + { + newArray.append(nums[i]); + } + } + return newArray; +} +" +b24733cb18321549a8f5673975482f9b55e78c07,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.size()) + { + newArray.append(nums[i]); + } + } + return newArray; +} +" +5cde6f30c5070356f7bc04ff226fdf80c6a72d96,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length) + { + newArray.append(nums[i]); + } + } + return newArray; +} +" +e84673c29694a76707c256790f12f5017607e1ac,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length) + { + newArray.add(nums[i]); + } + } + return newArray; +} +" +2863b16b674aa349a27a62cd352e83ce2cbc6863,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length) + { + newArray[i] = (nums[i]); + } + } + return newArray; +} +" +3c107119e3d04cae6cbb874d240fa84629f7deb4,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + for (int i = 0; i < 2; i ++) + { + if (i < nums.length) + { + newArray[i] = (nums[i]); + } + } + return newArray; +} +" +af7e439347b829f7c666728bb9bfc761bf7d3e0b,"public int[] frontPiece(int[] nums) +{ + int[] front; + int len = nums.length; +} +" +ae70f928805282b92ae1f035f1ff34ed7bfbbb56,"public int[] frontPiece(int[] nums) +{ + int newLength; + if (nums.length >= 2) + { + newLength = 2; + } + else + { + newLength = nums.length; + } + int[] newArray = new int[newLength]; + for (int i = 0; i < newLength; i ++) + { + if (i < nums.length) + { + newArray[i] = (nums[i]); + } + } + return newArray; +} +" +35c8af8a719b30cd8070ce0388e7acb5fd18a8d3,"public int[] frontPiece(int[] nums) +{ + int[] front; + int len = nums.length; + if (len < 2) { + front = new int[1]; + front[0] = nums[0]; + } + else if (len >= 2) { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else { + front = new int[0]; + } + return front; +} +" +8e6efef316fd54e37aa2afd11943168ce0dbf07c,"public int[] frontPiece(int[] nums) +{ + int[] front; + int len = nums.length; + if (len == 1) { + front = new int[1]; + front[0] = nums[0]; + } + else if (len >= 2) { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else { + front = new int[0]; + } + return front; +} +" +2d9684f2370f03e2db4ef353e7de4dbc0a61b323,"public int[] frontPiece(int[] nums) +{ + if (nums.size() >= 2) + { + return nums[0:1]; + } + return nums; +} +" +f6640ac4152ba9d371daa4fc49a3ea7f84f1869f,"public int[] frontPiece(int[] nums) +{ + if (nums.size() >= 2) + { + return nums[0] && nums[1]; + } + return nums; +} +" +7d972dcfea8080b0f6bffe82b13eca95e369883b,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + return nums[0] && nums[1]; + } + return nums; +} +" +b5593b9494452e54a9e4edf59e8888d02d9e8262,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return nums[0] && nums[1]; + } + return nums; +} +" +c052928d9525f1dec0fe44d2df84eac3d5307bac,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return nums[0,1]; + } + return nums; +} +" +1ad3b4dbef6056b9627e151b1c427688a4cbc385,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return nums[1]; + } + return nums; +} +" +82ef358d1a60e711548537831f2a722c89405d9e,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0]=num[0]; + front[1]=num[1]; + } + else + { + front = new int[1]; + front[0]=nums[0]; + } + return front; + +} +" +5cbfad8617722e104233a800fa6ae344af121c06,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0]=nums[0]; + front[1]=nums[1]; + } + else + { + front = new int[1]; + front[0]=nums[0]; + } + return front; + +} +" +c970435962595fcedc2b649d88df71a96fc2e3cf,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0]=nums[0]; + front[1]=nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0]=nums[0]; + } + return front; + +} +" +0743e99e3551e57aceffb9c16c11b00c0c34163e,"public int[] frontPiece(int[] nums) +{ + int[] dos; + if (nums.length < 2) + { + dos = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + else + { + dos = new int[2]; + for (int i = 0; i < 2; i++) + { + dos[i] = dos[i] + nums[i]; + } + } + return dos; +} +" +a98c233541b2e1698ad857dcd995da7915aeecaa,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0]=nums[0]; + front[1]=nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0]=nums[0]; + } + else + { + front = new int [0]; + } + return front; + +} +" +811e43f30fe645c2478094e643d5a42a4b0336da,"public int[] frontPiece(int[] nums) +{ + int[] two; + if (nums.length() < 2) + { + two = new int[0]; + } + else + { + two = new int[2]; + front [0] = two[0]; + front [1] = two[1]; + } + return two; +} +" +eed46d305e2dcc5b2b077e60b323da9253b66a23,"public int[] frontPiece(int[] nums) +{ + int[] two; + if (nums.length < 2) + { + two = new int[0]; + } + else + { + two = new int[2]; + front [0] = two[0]; + front [1] = two[1]; + } + return two; +} +" +d9ba74e09652567e3bbbb93bf7c4216807066a27,"public int[] frontPiece(int[] nums) +{ + int[] two; + if (nums.length < 2) + { + two = new int[0]; + } + else + { + two = new int[2]; + two [0] = nums[0]; + two [1] = nums[1]; + } + return two; +} +" +62236b2538f358bcbf69fd3418ea06d70ecfbc0f,"public int[] frontPiece(int[] nums) +{ + int[] two; + if (nums.length == 1) + { + two = new int[1]; + two[0] = nums[0]; + } + else if (nums.length < 2) + { + two = new int[0]; + } + else + { + two = new int[2]; + two [0] = nums[0]; + two [1] = nums[1]; + } + return two; +} +" +1c2b1a74e95a7d7b442041a98277614716f791a5,"public int[] frontPiece(int[] nums) +{ + int[] newnum = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if (i < 2 && nums.length == 0) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2 && nums.length == 1) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2) + { + newnum[i] = nums[i]; + } + } + return newnum; +} +" +3e55b87b392d921a7fb400c7830737dba82c652e,"public int[] frontPiece(int[] nums) +{ + + if (nums.length < 2) + { + int[] newnum = new int[nums.length]; + } + else + { + int[] newnum = new int[2]; + } + for (int i = 0; i < nums.length; i++) + { + if (i < 2 && nums.length == 0) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2 && nums.length == 1) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2) + { + newnum[i] = nums[i]; + } + } + return newnum; +} +" +131812b5fc7b2e78146598f37fda1326805cf850,"public int[] frontPiece(int[] nums) +{ + + if (nums.length < 2) + { + int[] newnum = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (i < 2 && nums.length == 0) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2 && nums.length == 1) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2) + { + newnum[i] = nums[i]; + } + } + } + + int[] newnum = new int[2]; + + + for (int i = 0; i < nums.length; i++) + { + if (i < 2 && nums.length == 0) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2 && nums.length == 1) + { + newnum[i] = nums[i]; + return newnum; + } + else if (i < 2) + { + newnum[i] = nums[i]; + } + } + return newnum; +} +" +1935cce6bfdc674b7b08968c952561c5d2705d93,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a42b1e928bb18756c63f06a2219e33263251bb8c,"public int[] frontPiece(int[] nums) +{ + + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +ec3d9bbbf9121e41913187378781bbe661ce6e1a,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length == 2) + { + front = int[2]; + } + else + { + front = int[nums.length]; + } + for(int i = 0; i < nums.length; i++) + { + front[i] = nums[i] + } +} +" +7df353abf25a42886241f711b6042daa92fbaaa0,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length == 2) + { + front = int[2]; + } + else + { + front = int[nums.length]; + } + for(int i = 0; i < nums.length; i++) + { + front[i] = nums[i]; + } + return front; +} +" +378f8b51ba805758fb65a0fc9e8156c3c763649b,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length == 2) + { + front = new int[2]; + } + else + { + front = new int[nums.length]; + } + for(int i = 0; i < nums.length; i++) + { + front[i] = nums[i]; + } + return front; +} +" +ed970270b51f97019b53937a3f68ea1f75fd4a7d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + } + else if(nums.length < 2) + { + front = new int[nums.length]; + } + for(int i = 0; i < nums.length; i++) + { + front[i] = nums[i]; + } + return front; +} +" +e35efd64aad364d1480066023bd410935c2c8408,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + } + else + { + front = new int[nums.length]; + } + for(int i = 0; i < nums.length; i++) + { + front[i] = nums[i]; + } + return front; +} +" +0adde38c10721bb5a6151b8b585b284fb10b64f6,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[nums.length]; + for(int i = 0; i < nums.length; i++) + { + front[i] = nums[i]; + } + return front; +} +" +f361a06d396681558ed682913c31d4e67c36cee3,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[nums.length]; + for(int i = 0; i < front.length; i++) + { + front[i] = nums[i]; + } + return front; +} +" +efd83944f0e5fea1c32ed42d93b22799a405e9ff,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[nums.length]; + for(int i = 0; i < 2; i++) + { + front[i] = nums[i]; + } + return front; +} +" +845c33b5fcf819fee169df28c351f7c4adbdcbf7,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[nums.length]; + for(int i = 0; i <= 2; i++) + { + front[i] = nums[i]; + } + return front; +} +" +a5a4296477d52620cb01b8ec9831324800c310e6,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + return (nums[0] + nums[1]); + } + else if(nums.length == 1) + { + return (nums[0]); + } + return 0; +} +" +ba3c52318aacce8aedc3f01eccf049e6ee1603dd,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + for(int i = 0; i < front.length; i++) + front[i] = nums[i]; + } + else + { + front = new int[nums.length]; + } + for(int j = 0; j < front.length; j++) + { + front[j] = nums[j] + } + return front; +} +" +7aac29de1cf4d3b877dcb0688fe24f52662ab534,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + for(int i = 0; i < front.length; i++) + front[i] = nums[i]; + } + else + { + front = new int[nums.length]; + for(int j = 0; j < front.length; j++) + { + front[j] = nums[j]; + } + } + return front; +} +" +071afbc5130a2e1dae978dd44fa3e014219e872b,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + } + else + { + newArray = new int[0]; + + } + return newArray; +} +" +5cd89ae4f9eacca9673284462ebecd1999117a0f,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + } + else + { + newArray = new int[0]; + + } + return newArray; +} +" +4de08d9ca4553be4ff791cdd640755c7563168f2,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length() >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length() == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +5ea1ba50feeabc3c86cdc3e436bf7aea7f43495e,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +18cfae1264a10d8c5223eab64c367bbe7214c3d5,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2] + + for (int i = 0; i < nums.length; i++) + { + result.add(nums[i]); + } + + return result; +} +" +8a8e8cc0f717992a2fd1d1e373e8a7e47118ca05,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + for (int i = 0; i < nums.length; i++) + { + result.add(nums[i]); + } + + return result; +} +" +340eb12c0f7eabe8e8fedcbecbec050609d965bf,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + for (int i = 0; i < nums.length; i++) + { + result += (nums[i]); + } + + return result; +} +" +00d93d051bb4f82aea018a86a09ab7b7bb122f84,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + if (nums.length > 0) + { + result[1] = nums[1]; + } + + if (nums.length > 1) + { + result[2] = nums[2]; + } + + + return result; +} +" +5a078d37a47ab8c5bcebcec61b8f2f02e13913ce,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + if (nums.length > 0) + { + result[1] = nums[1]; + } + + if (nums.length > 1) + { + result[2] = nums[2]; + } + + + return result; +} +" +cf53e990a27e8afe6f0c27d0eb689f02572385bc,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + if (nums.length > 0) + { + result[0] = nums[0]; + } + + if (nums.length > 1) + { + result[1] = nums[1]; + } + + + return result; +} +" +0a5d1bf0b4fe413f386636f8eb77db47a79ee7dc,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + if (nums.length >= 1) + { + result[0] = nums[0]; + } + + if (nums.length >= 2) + { + result[1] = nums[1]; + } + + + return result; +} +" +fbe857386a92e51a7fbfa19c9abd8fa5b0a8cc53,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + if (nums.length >= 1) + { + result[0] = nums[0]; + } + + else if (nums.length >= 2) + { + result[1] = nums[1]; + } + + + return result; +} +" +994b2f3886da1f7aa99f4b9956c1854046bbad84,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + + if (nums.length >= 1) + { + result[0] = nums[0]; + } + + if (nums.length >= 2) + { + result[1] = nums[1]; + } + + + return result; +} +" +8998d2d1793b3c55ae9cd92bc448eb85a6a1a9bc,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 1) + { + int[] result = new int[1]; + + + result[0] = nums[0]; + } + + if (nums.length >= 2) + { + int[] result = new int[2]; + + + result[1] = nums[1]; + } + + + return result; +} +" +a601d7beab0fc6b843f2e110fa3631714e8581ab,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 1) + { + remove(result); + int[] result = new int[1]; + + + result[0] = nums[0]; + } + + if (nums.length >= 2) + { + int[] result = new int[2]; + + + result[1] = nums[1]; + } + + + return result; +} +" +4665d94df5f68f0f34bce86c8c7ef587edb12e2d,"public int[] frontPiece(int[] nums) +{ + + int[] result = new int[0]; + + if (nums.length >= 1) + { + remove(result); + int[] result = new int[1]; + + + result[0] = nums[0]; + } + + if (nums.length >= 2) + { + int[] result = new int[2]; + + + result[1] = nums[1]; + } + + + return result; +} +" +1784606c0d8b7bb50631286fc67ac9eb4ef7db69,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + return num; + } + + int result[] = {num[0], num[1]; + return result; +} +" +5884000ab1050e74c5603e9b6ee956529c7fe51c,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + return num; + } + + int result[] = {num[0], num[1]}; + return result; +} +" +c34ba961fdd8d44bc71408afdff50e4678689bcb,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + return num; + } + + int result[] = {nums[0], nums[1]}; + return result; +} +" +cd34990a31aa7e7fde6f3047ea57bbf261a8f2e1,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + return nums; + } + + int result[] = {nums[0], nums[1]}; + return result; +} +" +e4f09b504277063f117af44e4ec87767ced4d37f,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + return nums; + } + + int result[] = {nums[0], nums[1]}; + return result; +} +" +74834d37d81cb0ffefe7700d1adc48f6331ad3db,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + return nums; + } + + int[] result = {nums[0], nums[1]}; + return result; +} +" +a7fe2767fade942cfec37bbb1670c1900920d172,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new newArray[nums.length]; + if(nums.length < 2) + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[0]; + } + } + for(int x = 0; x < nums.length; x=x+2) + { + newArray[x] = nums[0]; //, nums[1] + } + return newArray; +} +" +d05852de2adb4018d6140e5ac5e0a0213f64bdb0,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[nums.length]; + if(nums.length < 2) + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[0]; + } + } + for(int x = 0; x < nums.length; x=x+2) + { + newArray[x] = nums[0]; //, nums[1] + } + return newArray; +} +" +cee46bf8fbb40f5f6c989c123d5cef141f2b8ccd,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[nums.length]; + if(nums.length < 2) + { + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[0]; + } + } + for(int x = 0; x < nums.length; x=x+2) + { + newArray[x] = nums[0]; + newArray[x+1] = nums[1]; + } + return newArray; +} +" +a82607ffecac68ade709d80b99198656811cc6ef,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[nums.length]; + if(nums.length < 2) + { + //for(int i = 0; i < nums.length; i++) + //{ + newArray[i] = nums[0]; + //} + } + //for(int x = 0; x < nums.length; x=x+2) + //{ + newArray[x] = nums[0]; + newArray[x+1] = nums[1]; + //} + return newArray; +} +" +497c71ff27b0b9a4d645797c140e623342cff066,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[nums.length]; + if(nums.length < 2) + { + //for(int i = 0; i < nums.length; i++) + //{ + newArray[0] = nums[0]; + //} + } + //for(int x = 0; x < nums.length; x=x+2) + //{ + newArray[0] = nums[0]; + newArray[1] = nums[1]; + //} + return newArray; +} +" +50d1bbbc960aaeb3a43af4269c7ed6e7a214e8f0,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if(nums.length < 2) + { + //for(int i = 0; i < nums.length; i++) + //{ + newArray[0] = nums[0]; + //} + } + //for(int x = 0; x < nums.length; x=x+2) + //{ + newArray[0] = nums[0]; + newArray[1] = nums[1]; + //} + return newArray; +} +" +c13b3a74d163eadc264b38dfefd4a1ce54506cb1,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; + } + return newArray; +} +" +30a2e62891b31571c4064099c23a2f6e0e2d45e0,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; + } + } + else + { + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +2e24547afeb55b08346f54685523c038eef640a8,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; + } + } + else + { + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +dff03551dc844f11bda0a406554959cf59cd96c7,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; + } + return newArray; + } + else + { + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + return newArray; + } +} +" +6f427995d534620f23c418caed3f9806c3e7c21d,"public int[] frontPiece(int[] nums) +{ + int[] array = int[2]; + if (nums.length < 2) + { + array[0] = nums[0]; + return array; + } + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +9f8541747caae188ec1b7c1c44edad159efd6435,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + if (nums.length < 2) + { + array[0] = nums[0]; + return array; + } + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +cac2406ba24668b52584b004746157a03c6ced85,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + if (nums.length == 0) + return array; + if (nums.length < 2) + { + array[0] = nums[0]; + return array; + } + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +182c79a5163899bbdcafc471f5b154981ae542d6,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + int[] array = new int[0]; + return array; + if (nums.length < 2) + { + int[] array = new int12]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +58b76704a5aa531e0aa2be6ee047731c599e27ab,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + int[] array = new int[0]; + return array; + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +9b7cef55464f7268f9b29d251e83d0999047fda2,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + int[] array = new int[]; + return array; + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +62a349449e3774bf45b1e78babc466da629153e5,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + return array; + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +06ea8a44c6c3c8b88760ce22b7f7a6fcee4c9860,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + int[] array = new int[1]; + array[1] = 0; + return array; + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +ce403cb6909ada5a1f7f13f602a6b260ad31c4e5,"public int[] frontPiece(int[] nums) +{ + /*if (nums.length == 0) + int[] array = new int[1]; + array[1] = 0; + return array;*/ + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +918b6cfe3e9b484a825e306d4a4c3aeb3b3ca23e,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + int[] array = null; + //array[1] = 0; + return array; + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +d8afdf192cb06d08f213b19490c6d9551cb60993,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + return nums; + if (nums.length < 2) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + + + return array; + +} +" +8a7d41fa1374bc5645214bdb0be625b33f1a41cb,"public int[] frontPiece(int[] nums) +{ + if (int[] nums.length < 2) + { + return int[] nums; + } + else + { + return nums[0] + num[1]; + } +} +" +9a067ec768ad09d53883925e031c609f2dc4f126,"public int[] frontPiece(int[] nums) +{ + int [] firstTwo; + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + } + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + } + else + firstTwo = new int[0]; + return firstTwo; +}" +b4c972690a33f0a5b40080b5849a5c10c763d7a8,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length < 2) + { + return nums; + } + else + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + + return front; + } +}" +310adc3bac9b996409cd3d709b3f8a2fe17b5b47,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +507c75e57deb55cd2ef44fb720828aff11604002,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return k; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return ratated; +} +" +c6f925bf1e907c6514bcb60e726c18e61b64d004,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return k; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return ratated; + } +} +" +5b731271e9f55b926029958ae518af0bcb3740d2,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return k; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return ratated; + } +} +" +ae5280938862932e425fa7e08fdb2b41aa02bb02,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return k; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return ratated; + } +} +" +230490e6358df5604c3a17a6b8eed6cd679b8afc,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return ratated; + } +} +" +bc9c0cbefe01374ab91d3d120aeee86cb1de6fc7,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return 2; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return ratated; + } +} +" +a76e1ec99b08ac03f2d625b825d1cb9fcfd0b947,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return rotated; + } +} +" +d4f9c5d64f2c666d4cd240116c4e979bec479904,"public int[] frontPiece(int[] nums) +{ + int x = 0; + if (nums.length < 2) + { + return x; + } + else + { + int[] rotated = {nums[1], nums[0]}; + return rotated; + } +} +" +161f2a9a04e3bb5a6bfb2d182fa25fba50f394a4,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + return (nums[0] + nums[1]); + } + else + { + + return nums[0]; + } +}" +355802940d287d75f09123a7331a21ed839e144e,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + return (nums[0] + nums[1]); + return 0; +}" +ccfe2dfaa0e1fd8c98e0072d5251036de71d99cf,"public int[] frontPiece(int[] nums) +{ + if(nums.length == 1) + return nums[0]; + if(nums.length >= 2) + return (nums[0] + nums[1]); + return 0; +}" +86b57799971dfa6398875fe8a3445d1566295264,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +21964ed787cd41dd3cc2eb37198318d74f93f883,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) +return (nums[0] + nums[1]); +if(nums.length == 1) +return nums[0]; +return 0; +}" +d29d2f043bbf7b2e360f11d9920865e5ae296ae9,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] fresh = new int[] {nums[0], nums[1]}; + return fresh; + } +} +" +333b9db9a30f22fab6a6e7f37fe9fc2b0ab29f5c,"public int[] frontPiece(int[] nums) +{ + int[] a; + if (nums.length == 0) { + return a; + } + if (nums.length == 1) { + a[0] = nums[0]; + return a; + } + a[0] = nums[0]; + a[1] = nums[1]; + return a; +} +" +14bb786705cc0bf669c02fe6d13426b607bd129c,"public int[] frontPiece(int[] nums) +{ + int[] a; + if (nums.length == 0) { + return a[]; + } + if (nums.length == 1) { + a[0] = nums[0]; + return a[]; + } + a[0] = nums[0]; + a[1] = nums[1]; + return a[]; +} +" +a7809580ef448f1112dfdc796d38488792d7dbe1,"public int[] frontPiece(int[] nums) +{ + int[] a = new int[]; + if (nums.length == 0) { + return a; + } + if (nums.length == 1) { + a[0] = nums[0]; + return a; + } + a[0] = nums[0]; + a[1] = nums[1]; + return a; +} +" +80e85bd343b8945aa4346536ad1349e1eb845be5,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) { + int[] a = new int[0]; + return a; + } + if (nums.length == 1) { + int[] a = new int[1]; + a[0] = nums[0]; + return a; + } + int[] a = new int[2]; + a[0] = nums[0]; + a[1] = nums[1]; + return a; +} +" +41ec3bf0973d4f242e35d27c8e5999fb2c01516e,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return nums[0]; + } + else if (nums.length == 0) + { + return []; + } + else + { + return nums[0],nums[1]; + } +} +" +0062f96b58da3f905861d204cf0ad9a77aa990d3,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] { }; + } + else + { + return new int[] {nums[0],nums[1]}; + } +} +" +63ba2d87751d8660048ca104256c257e973771ea,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +f796afafbf922e4d3b320449fca2ef51ffdc3f28,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +6284335968757ff2dd7992fad895d57a3ff603e9,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + return nums; + else + { + int[] ans = new int[2]; + + for (int i = 0; i < 2; i++) + { + ans[i] = nums[i]; + } + + return ans; + } +} +" +7fb0102e0bf8c694175c6b738d0efd6c888a28fd,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if(nums.length < 2) + { + newArray[0] = nums[0]; + newArray[1] = nums[0]; + + } + else + { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +a09b7e9979618930b6ea088cfb91e529919a2a11,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if(nums.length < 2) + { + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +e5073e08e9c0ef00732e8e3527caace82f59a2c3,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums.length < 2) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +82538020a479a7203143f481f595b4ca4e0cbaad,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums.length < 2) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +b7bed6aceddb17b470ea0be9b64e543e9b170a1a,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums == null) + { + newArray = null; + } + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +2f21e751b285bad529fcb335599749bf65763406,"public int[] frontPiece(int[] nums) +{ +int[] front; +if(nums.length >= 2) +{ +front = new int[2]; +front[0] = nums[0]; +front[1] = nums[1]; +} +else if(nums.length == 1) +{ +front = new int[1]; +front[0] = nums[0]; +} +else +front = new int[0]; +return front; +}" +93ab9abd442a31bfcdcbab021c6d0cd8876dc32f,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + newAr[0] = nums[0]; + newAr[1] = nums[1]; +} +" +caceb6d50c260b2ab575a6cc575a5acf874e258d,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + newAr[0] = nums[0]; + newAr[1] = nums[1]; + return newAr; +} +" +38f96636d57fd0602e6e2703271442864b6a69b0,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + if (nums.length() >= 2) + { + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length() == 1) + { + newAr[0] = nums[0]; + } + return newAr; +} +" +02c7168cb2118e4bea1205ef89fa6ab39ea85f97,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + if (nums.size() >= 2) + { + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length() == 1) + { + newAr[0] = nums[0]; + } + return newAr; +} +" +76c6531c9de2327e62f83ad79c12552eb6e32632,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + if (nums.size() >= 2) + { + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length() == 1) + { + newAr[0] = nums[0]; + } + return newAr; +} +" +7eb1d7ea426b82dfcc835b30481a2b047f9ec678,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + if (nums.length >= 2) + { + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length() == 1) + { + newAr[0] = nums[0]; + } + return newAr; +} +" +109a2f3ffe4b591e1ed8cfaad2b20a3456402e28,"public int[] frontPiece(int[] nums) +{ + int[] newAr = new int[2]; + if (nums.length >= 2) + { + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length == 1) + { + newAr[0] = nums[0]; + } + return newAr; +} +" +1997b93f77b0a61073375702fec6d8e74352b62e,"public int[] frontPiece(int[] nums) +{ + int[] newAr; + if (nums.length >= 2) + { + new Ar = new int[2]; + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length == 1) + { + newAr = new int[1]; + newAr[0] = nums[0]; + } + else + { + newAr = new int[0]; + } + return newAr; +} +" +9ca742b3ef9de0fc43618d697bd8a2084ffe0d40,"public int[] frontPiece(int[] nums) +{ + int[] newAr; + if (nums.length >= 2) + { + new Ar = new int[2](); + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length == 1) + { + newAr = new int[1](); + newAr[0] = nums[0]; + } + else + { + newAr = new int[0](); + } + return newAr; +} +" +4f7bc08b5960c05d65be4fc4547365bf798ea71e,"public int[] frontPiece(int[] nums) +{ + List newArray = new Array; +} +" +6476f283d439b5c1440948b3838d767696bda4e7,"public int[] frontPiece(int[] nums) +{ + int[] newAr; + if (nums.length >= 2) + { + newAr = new int[2](); + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length == 1) + { + newAr = new int[1](); + newAr[0] = nums[0]; + } + else + { + newAr = new int[0](); + } + return newAr; +} +" +496ae884a553f5a5f093439228ca7bd37edc1ca6,"public int[] frontPiece(int[] nums) +{ + int[] newAr; + if (nums.length >= 2) + { + newAr = new int[2]; + newAr[0] = nums[0]; + newAr[1] = nums[1]; + } + else if (nums.length == 1) + { + newAr = new int[1]; + newAr[0] = nums[0]; + } + else + { + newAr = new int[0]; + } + return newAr; +} +" +2abe7ef467df67f2368148cecc94b77b9a395497,"public int[] frontPiece(int[] nums) +{ + List newArray = new Array[2]; +} +" +b910b4ffcc8fd29bc973996b8635bf680c6e8acd,"import.util*; + +public int[] frontPiece(int[] nums) +{ + List newArray = new Array[2]; +} +" +3f7d80a1f5b73b4d7da1288d03284386ddc807f4,"import java*; + +public int[] frontPiece(int[] nums) +{ + List newArray = new Array[2]; +} +" +f443c50d8e4da937a258ead4140fde107d61faa2,"import java.*; + +public int[] frontPiece(int[] nums) +{ + List newArray = new Array[2]; +} +" +b44a81ace708824101022f482f605497b3c7fbeb,"import java.util.ArrayList; + +public int[] frontPiece(int[] nums) +{ + ArrayList newArray = new Array[2]; +} +" +8599a1779cf07cac785768f9e86812e6e2258ef5,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +// + +" +28b111a9d17ae50d080701d26915844607982ea4,"public int[] frontPiece(int[] nums) +{ + if(nums.length() < 2) + { + return nums; + } + else + { + int[] returnArray; + returnArray.add(nums[0]); + returnArray.add(nums[1]); + return returnArray; + } + +} +" +e1a9308ae19519d93552f5a287de5d5b1c23d423,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + return nums; + } + else + { + int[] returnArray; + returnArray.add(nums[0]); + returnArray.add(nums[1]); + return returnArray; + } + +} +" +8e91b890874fcd4258c037edb2bd6b685478d357,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + return nums; + } + else + { + int[] returnArray; + returnArray[0] = (nums[0]); + returnArray[1] = (nums[1]); + return returnArray; + } + +} +" +32e55f6a395b7644562cfa11f0c85209aa21d042,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + return nums; + } + else + { + int returnArray[2]; + returnArray[0] = (nums[0]); + returnArray[1] = (nums[1]); + return returnArray; + } + +} +" +86a0917ca892594b426d59854e25325eca18c0cd,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 3) { + return nums; + } + + else { + int[] returnNums = new int[2]; + returnNums[0] = nums[0]; + returnNums[1] = nums[1]; + } + return returnNums; +} +" +3a79adb718c7ddd4c5168827b3e81f1bc3fcc5ee,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + return nums; + } + else + { + int[] returnArray = new int[2]; + returnArray[0] = (nums[0]); + returnArray[1] = (nums[1]); + return returnArray; + } + +} +" +e391cb657951b3e77ac8ea788a46d59e8db4233b,"public int[] frontPiece(int[] nums) +{ + int newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + newarray.add(nums[i]); + } +} +" +6cf2b4ff08c4d6bd720b0c2fe022a38556d1308b,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 3) { + return nums; + } + + else { + int[] returnNums = new int[2]; + returnNums[0] = nums[0]; + returnNums[1] = nums[1]; + return returnNums; + } + +} +" +f8bc825f7a30b7848cfc3d8f89e83a77db4e8440,"public int[] frontPiece(int[] nums) +{ + int newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + newarray.add(nums[i]); + } +} +" +6ed0b24414eb4d112061ee703bae5a00ff3f0d76,"public int[] frontPiece(int[] nums) +{ + int newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + newarray.add(nums[i]); + return newarray; + } + +} +" +ac3203bca9772673fd1d9cfdedcdadc399c44d7b,"public int[] frontPiece(int[] nums) +{ + int newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + newarray[i] = nums[i]; + return newarray; + } + +} +" +211e25f95698348adf626534fff13a494052fd05,"public int[] frontPiece(int[] nums) +{ + int[] newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + newarray[i] = nums[i]; + return newarray; + } + +} +" +145250fe40c11656654573e8fb269d26ab431568,"public int[] frontPiece(int[] nums) +{ + int[] newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + newarray[i] = nums[i]; + return newarray; + } + return newarray; +} +" +f453bea67da24e83b7c14a3b62adab92b3f2a51b,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length >= 2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length == 1) + { + nums2[0] = nums[0] + } + + return nums2 +} +" +ec493111b968a6f8b12c8b339d6733899019889f,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length >= 2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length == 1) + { + nums2[0] = nums[0]; + } + + return nums2; +} +" +67f85634c75245a6a103db80b6131dedd4173ee1,"public int[] frontPiece(int[] nums) +{ + int[] newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + newarray[i] = nums[i]; + return newarray; + } + else + { + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; +} + } +} +" +5234a0e021f1e8b2f1e600a477b22c9af3de51f6,"public int[] frontPiece(int[] nums) +{ + int[] newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + newarray[i] = nums[i]; + return newarray; + } + else + { + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; +} + } + return newarray; +} +" +a65788c455d986ca90163283007049f8ee19e3e1,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else if (nums.length == 1) + { + int[] nums1 = new int[1]; + nums1[0] = nums[0]; + return nums1; + } + else + { + int[] nums0 = new int[0]; + } + + return nums2; +} +" +38edbde5999195f93c6e8ea399ed6c5c687bdca8,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else if (nums.length == 1) + { + int[] nums1 = new int[1]; + nums1[0] = nums[0]; + return nums1; + } + else + { + int[] nums0 = new int[0]; + return nums0; + } + +} +" +2abe3dab3e868566d61def0df15f9259b9dd6e08,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length < 2) + { + front[0] = nums[0]; + return front; + } + + front[0] = nums[0]; + front[1] = nums[1]; + return front; +} +" +4de540231135bb4bc9b243442aa3db915675036d,"public int[] frontPiece(int[] nums) +{ + int[] newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { newarray[i] = nums[i]; + return newarray; + } + } + else + { + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; +} + } + return newarray; +} +" +adef1a7fcae2190b5e896d81606dd615435b4051,"public int[] frontPiece(int[] nums) +{ + int[] newarray = new int[nums.length]; + if(nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + newarray[i] = nums[i]; + return newarray; + } + } + else + { + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; +} + } + return newarray; +} +" +2ef56177a1faeb6f938a1fc9e35d14b72ec48c9d,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length < 2) + { + front = new int[1]; + front[0] = nums[0]; + return front; + } + + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + return front; +} +" +3b94980614098dc4de288e5830de3f889f3e7031,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length < 2) + { + front = new int[1]; + front[0] = nums[0]; + return front; + } + else if (nums.length == 1) + { + front = new int[0]; + return front; + } + + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + return front; +} +" +312ca9c47261089a7bc7348ce12d046cecf34729,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length < 2) + { + front = new int[1]; + front[0] = nums[0]; + return front; + } + else if (nums.length == 0) + { + front = new int[0]; + return front; + } + + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + return front; +} +" +41f82ae549c792bcfa573ab37108613dd2bfc8a9,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length < 2) + { + front = new int[1]; + front[0] = nums[0]; + return front; + } + else if (nums.length == 1) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + return front; + } + else + { + front = new int[0]; + return front; + } +} +" +3d6b48a68e5949602af7dc7eaf0587f3cd5a46c8,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + return front; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + return front; + } + else + { + front = new int[0]; + return front; + } +} +" +bf07274fc3e937191e490cc7759a1a8505fc9c1c,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + int[] newarray = new int[nums.length]; + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; + } + } + if(nums.length >= 2) + { + int[] newarray2 = new int[2]; + for (int i = 0; i < 2; i++) + { + newarray[i] = nums[i]; + return newarray2; + } + } + + + return newarray; +} +" +2ed457a7d60db79aeadc3cfcf087f0df711b1016,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + int[] newarray = new int[nums.length]; + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; + } + } + if(nums.length >= 2) + { + int[] newarray2 = new int[2]; + for (int i = 0; i < 2; i++) + { + newarray2[i] = nums[i]; + return newarray2; + } + } + + + return newarray; +} +" +53fa78fd3e5053c18b500012c810570815fafcaf,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + int[] newarray = new int[nums.length]; + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; + } + } + if(nums.length >= 2) + { + int[] newarray2 = new int[2]; + for (int i = 0; i < 2; i++) + { + newarray2[i] = nums[i]; + return newarray2; + } + } + +} +" +aaea8c896f36e98847b1198d4b35b9dc8829d1de,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + int[] newarray = new int[nums.length]; + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + return newarray; + } + } + else if(nums.length >= 2) + { + int[] newarray2 = new int[2]; + for (int i = 0; i < 2; i++) + { + newarray2[i] = nums[i]; + return newarray2; + } + } + int[] newarray3 = new int[nums.length]; + return newarray3; +} +" +19b1e88daab3c73139c123af1c8a9ac54420284b,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + int[] newarray = new int[nums.length]; + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + } + return newarray; + } + else //if(nums.length >= 2) + { + int[] newarray2 = new int[2]; + for (int i = 0; i < 2; i++) + { + newarray2[i] = nums[i]; + return newarray2; + } + return newarray2; + } + // int[] newarray3 = new int[nums.length]; + //return newarray3; +} +" +c356299e192544be508be81fcf6d58d0178c2067,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + int[] newarray = new int[nums.length]; + for (int i = 0; i < nums.length; i ++) + { + newarray[i] = nums[i]; + } + return newarray; + } + else //if(nums.length >= 2) + { + int[] newarray2 = new int[2]; + for (int i = 0; i < 2; i++) + { + newarray2[i] = nums[i]; + + } + return newarray2; + } + // int[] newarray3 = new int[nums.length]; + //return newarray3; +} +" +ee32e7bf2e79a98d0e028a1151f9c793baeec75a,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front = new int[2]; + if (length < 2) + { + return nums; + } + front[0] = nums[0]; + front[1] = nums[1]; + return front; +} +" +b3943faa4eef878057213e5504cf3b7981703291,"public int[] frontPiece(int[] nums) +{ if (nums.length < 1) + return nums; + + if (nums.length <2) + return nums; + if (nums.length == 2) + return nums; + + else + // int[] sum = new int [nums.length]; + int[] sum = new int [nums.length-1]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +bce6bb1f6f5d6d2c49b1035655a7a2765202a117,"public int[] frontPiece(int[] nums) +{ if (nums.length < 1) + return nums; + + if (nums.length <2) + return nums; + if (nums.length == 2) + return nums; + int[] sum = new int [nums.length-1]; + else + // int[] sum = new int [nums.length]; + int[] sum = new int [nums.length-1]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +d1b9ffd6f389a00834f4e59a26d5eb3d229f44ce,"public int[] frontPiece(int[] nums) +{ + int[2] nums2; + if (nums.length >= 2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length = 1) + { + nums2[0] = nums[0]; + } + return nums2 +} +" +9a6b406ea7a5b59cff183fdaa0d35ccb6beb7e63,"public int[] frontPiece(int[] nums) +{ if (nums.length < 1) + return nums; + + if (nums.length <2) + return nums; + if (nums.length == 2) + return nums; + int[] sum = new int [nums.length-1]; + else + // int[] sum = new int [nums.length]; + //int[] sum = new int [nums.length-1]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +ff5b92806feff13dfdf2c0e77792b03bf149fc57,"public int[] frontPiece(int[] nums) +{ if (nums.length < 1) + return nums; + + if (nums.length <2) + return nums; + int[] sum = new int [nums.length-1]; + if (nums.length == 2) + return nums; + + else + // int[] sum = new int [nums.length]; + //int[] sum = new int [nums.length-1]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +56009b08d0f6bdf458d2e8fdedae11d6a44b308b,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length >= 2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length = 1) + { + nums2[0] = nums[0]; + } + return nums2 +} +" +0be686a0ec0f5fbd3511d7a633f08f0a695ce940,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length >= 2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length = 1) + { + nums2[0] = nums[0]; + } + return nums2; +} +" +f9287b83828b1e47f1c7e4fb6e28af9ed5f7cb9c,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length >= 2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length == 1) + { + nums2[0] = nums[0]; + } + return nums2; +} +" +656be83a6076832e53b34dd442c29486bb4eb0f6,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] temp = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + temp[i] = nums[i]; + return temp; + } + int[] temp = [nums[0] nums[1]]; + return temp; +} +" +21ddfaf89682d30baf5e7d1d5eb7c80be2c1c16e,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] temp = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + temp[i] = nums[i]; + } + return temp; + } + int[] temp = [nums[0] nums[1]]; + return temp; +} +" +375cd8216298b43783384423f750c8e40e740e65,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length == 1) + { + int[] nums2 = new int[1]; + nums2[0] = nums[0]; + } + else + { + int[] nums2 = new int[0]; + } + return nums2; +} +" +c3aa11fb0a1162e79242f9c10fb4a505854181bf,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.length = 1) + return frontPiece[0]; +} +" +d6e7f4a3e3729df9354a3ad7985706691fac33a5,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.length == 1) + return frontPiece[0]; +} +" +83b732e647765a413f537a3e1b99ae5de574adbe,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return nums[0]; +} +" +de644c18e60cecdb39e4bd93cb700380bb459765,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[] + if (nums.length >= 2) + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length == 1) + { + int[] nums2 = new int[1]; + nums2[0] = nums[0]; + } + else + { + int[] nums2 = new int[0]; + } + return nums2; +} +" +22d639501af8b61e1a99290b282a9da281194e35,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] temp = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + temp[i] = nums[i]; + } + return temp; + } + int[] temp = new int[2]; + temp[0] = nums[0]; + temp[1] = nums [1]; + return temp; +} +" +e7731f4c29e91a774b412d1227ffe47827893c85,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[]; + if (nums.length >= 2) + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if (nums.length == 1) + { + int[] nums2 = new int[1]; + nums2[0] = nums[0]; + } + else + { + int[] nums2 = new int[0]; + } + return nums2; +} +" +5d61c7295367f799e5c1ddaef6cf6dc61f46e083,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + int[] frontPiece = nums[0]; + return frontPiece; +} +" +b665f2764a9c985126815d84ba653a36e2061d87,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else if (nums.length == 1) + { + int[] nums2 = new int[1]; + nums2[0] = nums[0]; + return nums2; + } + else + { + int[] nums2 = new int[0]; + return nums2; + } +} +" +18dd5bb4805595a7124a7aab8b9b5481072f505d,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece = new int[2]; + if (nums.length == 1) + frontPiece[0] = nums[0]; + return frontPiece; +} +" +96b80333e1d2bf5de110f25da6442d527eb784e9,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[]; + + for ( i = 0; i < nums.length(): i++) + { + bob[i] = nums[i]; + } + +} +" +756ce3aeb1143ea556c986f37397670cece11b2e,"public int[] frontPiece(int[] nums) +{ + int[] frontPiece = new int[2]; + if (nums.length == 0) + frontPiece[0] = nums[0]; + return frontPiece; +} +" +7e304acde8c5dbb2ab841c472ae8cb6cb0b05748,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[]; + + for ( i = 0; i < nums.length(); i++) + { + bob[i] = nums[i]; + } + +} +" +1da0b6ef589919d261e3b40bb1ccf31c33e30a5c,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[nums.length()]; + + for ( i = 0; i < nums.length(); i++) + { + bob[i] = nums[i]; + } + +} +" +297c6d0b556f027c568cb62e889f98bde0229b88,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + for ( i = 0; i < nums.length(); i++) + { + bob[i] = nums[i]; + } + +} +" +936dc3362b0f141eb90f35b760e4ca4344ad661e,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + for ( int i = 0; i < nums.length(); i++) + { + bob[i] = nums[i]; + } + +} +" +e42dad0e074bc205f8b3f4d79b532e3be4bc5896,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + +} +" +6759b41295850a24f555f536f1d2c09113617b0d,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + + return bob[]; + +} +" +cfc5af8b18b1db1cb57d81cc2fa5ef6eed74deef,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0){ + int[] frontPiece = new int[0]; + return frontPiece; + } + if (nums.length == 1){ + int[] frontPiece = new int[1]; + frontPiece[0] = nums[0]; + return frontPiece; + } +} +" +31b21869aad981e1bad4d4415a711510529be34c,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + + return bob; + +} +" +ce9b267c76393ee6a102b37666b7c36587f49de3,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0){ + int[] frontPiece = new int[0]; + return frontPiece; + } + if (nums.length == 1){ + int[] frontPiece = new int[1]; + frontPiece[0] = nums[0]; + return frontPiece; + } + if (nums.length >= 2){ + int[] frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; +} +" +59ad9f7120fbf77b1540a8884a0f251f422b7a31,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + for ( int i = 0; i < 2; i++) + { + bob[i] = nums[i]; + } + + return bob; + +} +" +706268a59e07869f1c0d77f3297baf4eee02e433,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0){ + int[] frontPiece = new int[0]; + return frontPiece; + } + else if (nums.length == 1){ + int[] frontPiece = new int[1]; + frontPiece[0] = nums[0]; + return frontPiece; + } + else{ + int[] frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; + } +} +" +aa7d1c290fcebac587c4adaca733072c4e900763,"public int[] frontPiece(int[] nums) +{ + int[] first = {nums[0], nums[1]}; + return first; +} +" +262c35efbf2108f36242725ac30f8d216653a4ff,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + if ( nums.length < 2 ) + { + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + } + else + { + for ( int i = 0; i < 2; i++) + { + bob[i] = nums[i]; + } + } + + return bob; + +} +" +b1cb240feac4476acc9c9e093382f4ca1a1cfff8,"public int[] frontPiece(int[] nums) +{ + int[] bob = new int[2]; + + if ( nums.length < 2 ) + { + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + } + else + { + for ( int i = 0; i < 2; i++) + { + bob[i] = nums[i]; + } + } + + return bob; + +} +" +99f524f6692a24c1da9b6f90085663038833a284,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2){ + int[] first = {nums[0], nums[1]}; + } + else if (nums.length() = 1){ + int[] first = {nums[0]}; + } + else{ + int[] first = {}; + } + return first; +} +" +d9db17c7896b266ebe0ab8f9cf0d57848ab5979f,"public int[] frontPiece(int[] nums) +{ + if (nums.size() >= 2){ + int[] first = {nums[0], nums[1]}; + } + else if (nums.size() = 1){ + int[] first = {nums[0]}; + } + else{ + int[] first = {}; + } + return first; +} +" +d27f81c7875c2fe570359b955c737c57864e5d09,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2){ + int[] first = {nums[0], nums[1]}; + } + else if (nums.length = 1){ + int[] first = {nums[0]}; + } + else{ + int[] first = {}; + } + return first; +} +" +327851a5a02f705d488ce3362a28fea5e943adbc,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2){ + int[] first = {nums[0], nums[1]}; + } + else if (nums.length == 1){ + int[] first = {nums[0]}; + } + else{ + int[] first = {}; + } + return first; +} +" +17c34246ba6dce802975a7a4d7d4ca5d6ca51694,"public int[] frontPiece(int[] nums) +{ + int [] first; + if (nums.length >= 2){ + int[] first = {nums[0], nums[1]}; + } + else if (nums.length == 1){ + int[] first = {nums[0]}; + } + else{ + int[] first = {}; + } + return first; +} +" +0cd6bc321c12b87a5f84051c70fd5b79d91688b0,"public int[] frontPiece(int[] nums) +{ + + if ( nums.length < 2 ) + { + int[] bob = new int[nums.length]; + + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + } + else + { + int[] bob = new int[2]; + + for ( int i = 0; i < 2; i++) + { + bob[i] = nums[i]; + } + } + + return bob; + +} +" +64fc677ec5e5b4a9dccdc24b502be09f242b0da1,"public int[] frontPiece(int[] nums) +{ + int [] first; + if (nums.length >= 2){ + first = {nums[0], nums[1]}; + } + else if (nums.length == 1){ + first = {nums[0]}; + } + else{ + first = {}; + } + return first; +} +" +b73688cc4efa45c6fcfbaf06f7c19e866719a982,"public int[] frontPiece(int[] nums) +{ + + int[] bob; + + if ( nums.length < 2 ) + { + bob = new int[nums.length]; + + for ( int i = 0; i < nums.length; i++) + { + bob[i] = nums[i]; + } + } + else + { + bob = new int[2]; + + for ( int i = 0; i < 2; i++) + { + bob[i] = nums[i]; + } + } + + return bob; + +} +" +f6559afd1075ee2efae931afb627f339f307446b,"public int[] frontPiece(int[] nums) +{ + int [] first; + if (nums.length >= 2){ + first = new int[]{nums[0], nums[1]}; + } + else if (nums.length == 1){ + first = new int[]{nums[0]}; + } + else{ + first = new int[]{}; + } + return first; +} +" +5b783affa30f01add7fc91f7555526d439436cab,"public int[] frontPiece(int[] nums) +{ + if(nums.length<2)int[nums.length] out; + else int[2] out; + for (int i = 0; i < 2; i++){ + if(i=out.length)return out; + out[i]=nums[i]; + } +} +" +dc6f7200b73c06e587922c9aa481bbbedbc095c2,"public int[] frontPiece(int[] nums) +{ + if(nums.length<2) {int[nums.length] out;} + else{ int[2] out;} + for (int i = 0; i < 2; i++){ + if(i=out.length)return out; + out[i]=nums[i]; + } +} +" +ca8c8109882bfcca2e29c0cabab1ef25e0698bd2,"public int[] frontPiece(int[] nums) +{ + if(nums.length<2) {int[nums.length] out={};} + else{ int[2] out={};} + for (int i = 0; i < 2; i++){ + if(i=out.length)return out; + out[i]=nums[i]; + } +} +" +f1d2c97fcb100d5a1fbae111c09a9de0eb0bb6c4,"public int[] frontPiece(int[] nums) +{ + if(nums.length<2) {int[nums.length] out;} + else{ int[2] out;} + for (int i = 0; i < 2; i++){ + if(i=out.length)return out; + out[i]=nums[i]; + } +} +" +62d0b9601114ea2d0a7814e412b56db3de2c2263,"public int[] frontPiece(int[] nums) +{ +int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; + +} +" +cd0b58a8b6642ee900909cf85d63d27e30d17950,"public int[] frontPiece(int[] nums) +{ + if (i < 2) + { + return nums; + } + else + { + int[] newNums = new int[2]; + for (int i = 0; i < newNums.length) + { + newNums.add(nums[i]); + } + } + return newNums; +} +" +3f683ece3dd562152072b27d2f0ef4dfafb483d5,"public int[] frontPiece(int[] nums) +{ + if (i < 2) + { + return nums; + } + else + { + int[] newNums = new int[2]; + for (int i = 0; i < newNums.length; i++) + { + newNums.add(nums[i]); + } + } + return newNums; +} +" +22bcaeb5950f7d4156b775fcddb4e7ed0a8a453d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] newNums = new int[2]; + for (int i = 0; i < newNums.length; i++) + { + newNums.add(nums[i]); + } + } + return newNums; +} +" +9fac3cbeecf97b9ee2617f092119a574a305623c,"public int[] frontPiece(int[] nums) +{ +int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; + +} +" +dc472843c5b81e0942fc6a2c20bebcc252ce0abf,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] newNums = new int[2]; + + for (int i = 0; i < newNums.length; i++) + { + newNums[i] = nums[i]; + } + + return newNums; + } + +} +" +71b5fed55386bbb3474cc40de4ac38c11f0390c2,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + return nums; +} +" +f9e611a13931e32349d25f3cecf64388362fcf40,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + return nums; + return nums; +} +" +c358c73738346f8e330cdcbeda7c1851a59c3773,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + return nums; + else + return nums[0], nums[1]; + return nums; +} +" +9db2802ca5c5a1d76e79051a4136660a0d2f2378,"public int[] frontPiece(int[] nums) +{ + int[] phila; + if (nums >= 2) + { + phila = new int[2]; + return phila[0]; + return phila[1]; + } + else if (nums == 1) + { + phila = new int[1]; + return phila[0]; + } + else + { + return phila[0]; + } +} +" +5bb33645e6a359175e0ed3476840a256dfa0a3fb,"public int[] frontPiece(int[] nums) +{ + for(int i = 0; i <= 2; i++) + { + return nums[i]; + } + if(nums.length <= 2) + return nums; + return nums; +} +" +6f09c9201317e979b02f0e7eca7fa66c61faffcb,"public int[] frontPiece(int[] nums) +{ + int[] phila; + if (nums.length >= 2) + { + phila = new int[2]; + return phila[0]; + return phila[1]; + } + else if (nums == 1) + { + phila = new int[1]; + return phila[0]; + } + else + { + return phila[0]; + } +} +" +7a4f8b771e9f4dfcd10b0c310353e55ad4966584,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + return nums; + return nums; +} +" +a6636a4d6f41882bc1e1a9701b135a56dfe51f2c,"public int[] frontPiece(int[] nums) +{ + if(nums.length => 2) + return nums; + return nums; +} +" +17c80f37d03d6d231d53e747e9ff59881f77b6ac,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + return nums; + return nums; +} +" +196140532c488f03d50d4d313f51df367564af16,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + return front[0]; + return front[1]; + } + else if (nums == 1) + { + front = new int[1]; + return front[0]; + } + else + { + return front[0]; + } +} +" +20455ddb6be8564d37763dd88f01b2e1c32b6d85,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + return front[0]; + return front[1]; + } + else if (nums == 1) + { + front = new int[1]; + return front[0]; + } + else + { + return front[0]; + } +} +" +67d2be557c2a90843b6ba8de2c40e60e6f282708,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + return front[0]; + } +} +" +3292947c13e27e4ca4f3c724e24630a5e930c086,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + return front[0] = nums[0]; + } +} +" +99979d2f7ac1128ca0204e2d59141f85009e7196,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front[0] = new int[0]; + } +} +" +40ebb901ec82827ac96af7da1701d41c61ea0744,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front[0] = new int[0]; + } + return front; +} +" +5c7d4e49416cf21a869848080ec761eff030ac4f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +b48df3612956040b6af3f7fbd269f1e2a3c9f87b,"public int[] frontPiece(int[] nums) +{ + return (nums[0], nums[1]); +} +" +2dce3a9983d9ac5529c72ef1437e9ca9bbaef694,"public int[] frontPiece(int[] nums) +{ + for(int i = 0; i <= 2; i ++) + return new int[i]; +} +" +e12dcc5909a0751354b5a1637b44d5336dd4feeb,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + { + return nums; + } + return nums; +} +" +cc3f1db8c688e38864bfbbcc6f7fd22651d60e7d,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + { + return nums; + } + return new int[] nums[1]; +} +" +8b521e765ae6cf7eb1b2faa8b5eafdabcf471525,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + { + return nums; + } + return new int[] {nums[0], nums[1]}; +} +" +98abe5816f69d192607dcbf795fee0a68795c98f,"public int[] frontPiece(int[] nums) +{ + int[] firsttwo; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +ea9fc39a22294373566cd2f8ee973408fc5b9a88,"public int[] frontPiece(int[] nums) +{ + int[] firsttwo = new int[]; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +d170e4f7c8640bcc9f2fbf987a1617f96059f049,"public int[] frontPiece(int[] nums) +{ + int[] firsttwo = new int[2]; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +8711d029c04861631acfb9a00a7fcc27eea2b584,"public int[] frontPiece(int[] nums) +{ + firsttwo = new int[]; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +8fac0dbdf7b0d00065746f9509d65a4a13fb9e1c,"public int[] frontPiece(int[] nums) +{ + firsttwo = new int[2]; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +a4dfa7fff495fe4dc2a1192ad9ba03f25b166eaa,"public int[] frontPiece(int[] nums) +{ + firsttwo = new int[2]; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +99d5b1abdcfd8ae6865f3ca0129fefd05d08b38b,"public int[] frontPiece(int[] nums) +{ + int firsttwo[] = new int[2]; + if (nums.length < 1) + { + firsttwo = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo = new int[i]; + } + } + return firsttwo; +} +" +9a201835f1ec53524c459bc4dfd401f8353604e5,"public int[] frontPiece(int[] nums) +{ + int firsttwo[] = new int[2]; + if (nums.length < 1) + { + firsttwo[] = new int[1]; + } + else + { + for (int i = 0; i < 2; i++) + { + firsttwo[] = new int[i]; + } + } + return firsttwo[]; +} +" +bb462a605162a8479ae61079b6a58783c4451563,"public int[] frontPiece(int[] nums) +{ if (nums.length < 1) + return nums; + + if (nums.length <2) + return nums; + int[] sum = new int [2]; + if (nums.length == 2) + return nums; + + else + // int[] sum = new int [nums.length]; + //int[] sum = new int [nums.length-1]; + sum[0] = nums[0]; + sum[1] = nums[1]; + return sum; + + // int[] sum = new int [nums.length-1]; + //for (int i = 0; i < nums.length; i++) + // sum[i] = nums[i]; + //return sum; +} +" +09aca3b0839dc57312aa769103f60e931eb67895,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + int firsttwo[] = new int[1]; + firsttwo[0] = nums[0]; + } + else + { + int firsttwo = new int[2]; + for (int i = 0; i < 2; i++) + { + firsttwo[i] = nums[i]; + } + } + return firsttwo; +} +" +0c96988a50e45c491b04dd6a1e6cf8499711959a,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + int firsttwo[] = new int[1]; + firsttwo[0] = nums[0]; + } + else + { + int firsttwo[] = new int[2]; + for (int i = 0; i < 2; i++) + { + firsttwo[i] = nums[i]; + } + } + return firsttwo; +} +" +08b4efa4390e118c60ebc68d4429ca548b38617f,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) + { + int firsttwo[] = new int[1]; + firsttwo[0] = nums[0]; + } + else + { + int firsttwo[] = new int[2]; + for (int i = 0; i < 2; i++) + { + firsttwo[i] = nums[i]; + } + } + return firsttwo[]; +} +" +5570d1f05f76ffcdb96c700f4f7ee2ffb9fc7395,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +c50d4ce9189a4f4a5147befd649f1b19cb00fb4c,"public int[] frontPiece(int[] nums) +{ + int[] firsttwo; + if (nums.length >= 2) + { + firsttwo = new int[2]; + for (int i = 0; i < 2; i++) + { + firsttwo[i] = nums[i]; + } + } + else if (nums.length == 1) + { + firsttwo = new int[1]; + firsttwo[0] = nums[0]; + } + else + { + firsttwo = new int[0] + } + return firsttwo; +} +" +c17742faa11bb87b8cf9a81f0623dd57f6500c20,"public int[] frontPiece(int[] nums) +{ + int[] firsttwo; + if (nums.length >= 2) + { + firsttwo = new int[2]; + for (int i = 0; i < 2; i++) + { + firsttwo[i] = nums[i]; + } + } + else if (nums.length == 1) + { + firsttwo = new int[1]; + firsttwo[0] = nums[0]; + } + else + { + firsttwo = new int[0]; + } + return firsttwo; +} +" +11aa17944dcb208468ae453ee13dc75ff7b93e9e,"public int[] frontPiece(int[] nums) +{ + return nums.length(0,2); +} +" +46fd7fe1c6fc6c06620ed3ff6321ce4258f0641d,"public int[] frontPiece(int[] nums) +{ + return nums.substring(0,2); +} +" +d6b4ab134cf143df63edf37fb0a698df7a2dc7a3,"public int[] frontPiece(int[] nums) +{ + int[] getNums = new int[2]; + int length = nums.length; + if (length < 2) + { + getNums = nums; + } + else + { + for (int i = 0; i < 2; i++) + { + getNums[i] = nums[i]; + } + } + + return getNums; +} +" +37a249be59f84d9fec6f90bb8f9720c863f840e7,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length = 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front +} +" +a19f7fc01f1bbbc7815077ed67a3a62a5fbe57a2,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length = 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +487a63ed1b4731691b94ca563d49e9268dbdc5e1,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +7ad6a9ed07d41852e3591f12b8d5b51711267dec,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +66c6a6a98ae244ad4c60ee44d82a0935c49ae14f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else if + { + front = new int[0]; + } + return front; +} +" +038a63435d4114dba554c4eec969e0729db55051,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +36c66d598a39ce52c76b4f8b25eee42099681fb1,"public int[] frontPiece(int[] nums) +{ +int[] front; +if(nums.length >= 2) +{ +front = new int[2]; +front[0] = nums[0]; +front[1] = nums[1]; +} +else if(nums.length == 1) +{ +front = new int[1]; +front[0] = nums[0]; +} +else +front = new int[0]; +return front; +} +" +53657a6114327957a621e1f9b48e7042f8a26e28,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; + + +} +" +e745634c5cf35d523d716ed0ead6395645ef4be2,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + + front = new int[0]; + + return front; +} +" +75bfab0100bc035ffe2b373dd1141df6223a2a32,"public int[] frontPiece(int[] nums) +{ + + + + int[] front; +if(nums.length >= 2) +{ +front = new int[2]; +front[0] = nums[0]; +front[1] = nums[1]; +} +else if(nums.length == 1) +{ +front = new int[1]; +front[0] = nums[0]; +} +else +front = new int[0]; +return front; +} +" +87ec8522b335104396beb3260ba17e756ae65d59,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +827f7cc1b50d5df5ae01b6cd4e4f143dae6c3d2f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + + front = new int[0]; + + return front; +} +" +a6d537e3d5d8c5c4833db71a45334db93ba7861e,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + front = new int[0]; + return front; +} +" +477e45396141690e06fd3f4a173a8ddd00b4609e,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + front = new int[0]; + return front; + + + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +09e7eadc8250f8d715005cad0fe4bcc4bd90d934,"public int[] frontPiece(int[] nums) +{ + + + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +78a96e04baaa23d0c9582d9f3a2ab9232fe30362,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1) + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +1e1b204ede1bf4d1f005de14974d1ddc77e6f55d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (num.length == 1) + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +4ec11e7dea7807a61c6020840a35f33a719f05d6,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +90e533cda22e8eab2daaf205825efaaa715a6c41,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (nums.length == 1); + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +396ba757e5d984a8bc94cf35d4e2b2058f818c2f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front [0] = nums [0]; + front [1] = nums [1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front [0] = nums [0]; + } + else + { + front = new int[0]; + } + return front; +} +" +48062081b986c97ea527e92174a6361166861881,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums[0] == null) + { + newArray[0] = null; + } + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +5bba2e40d5b2197256d3004935c668f41cb61395,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums[0] == {}) + { + newArray[0] = null; + } + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +c6e4857b6cdf4f3ef94a12860b1224b25d3b940f,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if(nums[0] == null) + { + newArray[0] = null; + } + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +1417fd39b08e2125dbe0ba2d0700d8eeefefff5d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +6588507e77255887873e8c33f4a0db403f8d7471,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] nums2 = new int[]; + } +} +" +71dfb573c0563cea079864dd4e9352f9ae85f690,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] nums2 = new int[2]; + } +} +" +efc6c2f8ffd5ba17ff86c67611c0d926344a20a4,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +}" +9486e9f128759e02fe5a8aa4eee5c07c7df66cd1,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + int[] nums2 = { nums[0], nums[1] }; + return nums2; + } +} +" +a75779bae271717436dff97d013b95cffa23ea9c,"public int[] frontPiece(int[] nums) +{ + int[] front; //creation of new array + if (nums.length() >= 2) + { + front = new int[2]; //array set to 2 spaces + front[0] = nums[0]; //compare arrays + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +297b3d922c4784d87f1421ef6ce91830a990ff32,"public int[] frontPiece(int[] nums) +{ + int[] front; //creation of new array + if (nums.length >= 2) + { + front = new int[2]; //array set to 2 spaces + front[0] = nums[0]; //compare arrays + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +3805849d72cf96c005abeffbb58c973b91ca08a3,"public int[] frontPiece(int[] nums) +{ + int[]front; + if (numbs.length() >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if(nums.length() == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +af1458be64249b44bb76ca2942ed446cf85411dc,"public int[] frontPiece(int[] nums) +{ + int[]front; + if (nums.length() >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if(nums.length() == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +5b63bed4f85213bfbd7e140fea059c6d184d443e,"public int[] frontPiece(int[] nums) +{ + int[]front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +546a1ebb0675289a64936cf3edf82b86fc838734,"public int[] frontPiece(int[] nums) +{ + int[]front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +0a8fa0e80c2ddf377aa41465119606e53e10288f,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int x = nums[0]; + int y = nums[1]; + int[] nums2 = int{x, y}; + + } +} +" +114555615b4074c7efabecf7289cc758d6dfa7fa,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + x.add(nums[i]); + break; + } + else + { + if (nums.length == 2) + { + x.add(nums[i]); + x.add(nums[i+1]); + break; + } + } + } + return x; +} +" +3149bc65b536a237a28480b1d9bed8aa26d70078,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + x.add(nums[i]); + break; + } + else + { + if (nums.length == 2) + { + x.add(nums[i]); + x.add(nums[i+1]); + break; + } + } + } + return x; +} +" +50e1e33fb022d936f879be6b610dacc0de65a597,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + x[i] = nums[i]; + break; + } + else + { + if (nums.length == 2) + { + x[i] = nums[i]; + x[i+1] = nums[i+1]; + break; + } + } + } + return x; +} +" +52ede92d053c209fe6de7d1348d5e5c82613f6e9,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[2]; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + x[i] = nums[i]; + break; + } + else + { + if (nums.length == 2) + { + x[i] = nums[i]; + x[i+1] = nums[i+1]; + break; + } + } + } + return x; +} +" +2935f904aaae304b277b8abe6507418a08d5a444,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] nums2 = int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } +} +" +cc8242cca68ee9ed1608f8cbf7386020ef0c13c2,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + + return newNums; +} +" +b7756f6c5821a8711c696ab585affd669214fc26,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } +} +" +147e6b4876fe085b4c28e6dd2a2e70c2bb0c7d20,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length > 0) + { + newNums[0] = nums[0]; + } + if (nums.length > 1) + { + newNums[1] = nums[1]; + } + + return newNums; +} +" +19ca8cf7a5d67307f5fabcc88407dddbaa54e805,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] x = new int[1]; + x[i] = nums[i]; + break; + } + else + { + if (nums.length == 2) + { + int[] x = new int[2]; + x[i] = nums[i]; + x[i+1] = nums[i+1]; + break; + } + else + { + int[] x = new int[0]; + } + } + return x; +} +" +f7ac9a1feac72d0c3a390eb9977f2d9c303bd0e5,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] x = new int[1]; + x[1] = nums[1]; + break; + } + else + { + if (nums.length == 2) + { + int[] x = new int[2]; + x[1] = nums[1]; + x[2] = nums[2]; + break; + } + else + { + int[] x = new int[0]; + } + } + return x; +} +" +f57a9345896bb44182d1f43b96ddb64c24722b3d,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] x = new int[1]; + x[1] = nums[1]; + } + else + { + if (nums.length == 2) + { + int[] x = new int[2]; + x[1] = nums[1]; + x[2] = nums[2]; + } + else + { + int[] x = new int[0]; + } + } + return x; +} +" +fb1cd069778fedd911e870c1d5adf1530e75fa69,"public int[] frontPiece(int[] nums) +{ + int[] x; + if (nums.length == 1) + { + x = new int[1]; + x[1] = nums[1]; + } + else + { + if (nums.length == 2) + { + x = new int[2]; + x[1] = nums[1]; + x[2] = nums[2]; + } + else + { + x = new int[0]; + } + } + return x; +} +" +de1995b0467c882666411e830e2bb1cfeb0baa67,"public int[] frontPiece(int[] nums) +{ + if (nums.length = 0) + { + int[] newNums = new int[0]; + } + + else if (nums.length = 1) + { + int[] newNums = new int[1]; + newNums[0] = nums[0]; + } + else + { + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + + return newNums; +} +" +28021ffcce64fa26431c03af324157066fe7c2a8,"public int[] frontPiece(int[] nums) +{ + int[] x; + if (nums.length == 1) + { + x = new int[1]; + x[0] = nums[0]; + } + else + { + if (nums.length == 2) + { + x = new int[2]; + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = new int[0]; + } + } + return x; +} +" +ce9271572dda0352b846e5080d3d99a1cbdc118f,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + int[] newNums = new int[0]; + } + + else if (nums.length == 1) + { + int[] newNums = new int[1]; + newNums[0] = nums[0]; + } + else + { + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + + return newNums; +} +" +fc85ce773e65f1a535a47aaf666c72830bc6d142,"public int[] frontPiece(int[] nums) +{ + int[] x; + if (nums.length == 1) + { + x = new int[1]; + x[0] = nums[0]; + } + else + { + if (nums.length >= 2) + { + x = new int[2]; + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = new int[0]; + } + } + return x; +} +" +83d146dbe11d6de8ad8db2e54132edd19cd5bb56,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + int[] newNums = new int[0]; + } + + else if (nums.length == 1) + { + int[] newNums = new int[1]; + newNums[0] = nums[0]; + } + else + { + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + + return newNums; +} +" +a9eb7008804b098e853699a35750565a30995303,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + int[] newNums = new int[0]; + return newNums; + } + + else if (nums.length == 1) + { + int[] newNums = new int[1]; + newNums[0] = nums[0]; + return newNums; + } + else + { + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } +} +" +b36d74e0fdf989be59c8c00cb8988c5ba80f6b30,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[]; + if (nums.length > 2) + { + for (int i = 0; i < 2; i++) + { + x += nums[i]; + } + return x; + } + else + { + return nums; + } +} +" +b578a5b86543558925ea45b85ee22a924848f450,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[2]; + if (nums.length > 2) + { + for (int i = 0; i < 2; i++) + { + x += nums[i]; + } + return x; + } + else + { + return nums; + } +} +" +e939eb5715b2e7723dc8be9fee39bf7b5a0032e1,"public int[] frontPiece(int[] nums) +{ + int[] x = new int[2]; + if (nums.length > 2) + { + for (int i = 0; i < 2; i++) + { + x[i] = nums[i]; + } + return x; + } + else + { + return nums; + } +} +" +1b123523f6f2fcdeaca14e8d6305ecd95c8d6a55,"public int[] frontPiece(int[] nums) +{ + int size = nums.size(); + if (size == 1) + return nums[0]; + if (size == 0) + return """"; + return nums[0] + nums[1]; +} +" +ecda73227a378f6c69dd46eb606232c2889b6514,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + return nums[0]; + if (len == 0) + return """"; + return nums[0] + nums[1]; +} +" +071e048902e4b9b3c0f4a0ad0776a4511f68a496,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + + else + { + int[] newArray = new int[2]; + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; + } + return newArray; + } +} +" +3fd9c9eaa0d55b82ccfc2e2736fd5217777f2b30,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + return new int[] {nums[0]}; + if (len == 0) + return new int[] {""""}; + return nums[0] + nums[1]; +} +" +41337cbb5b3ac79028aad8310a8b165fa277d6e5,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + return new int[] {nums[0]}; + if (len == 0) + return new int[] {""""}; + return new int {nums[0] + nums[1]}; +} +" +d74fff1c966cca09507b097301f5f92a0e80b0f9,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + return new int[] {nums[0]}; + if (len == 0) + return new int[] {""""}; + return new int[] {nums[0] + nums[1]}; +} +" +7edcfe8104663557311a52f14370fba58748c9ff,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + return new int[] {nums[0]}; + if (len == 0) + return new int[] {}; + return new int[] {nums[0] + nums[1]}; +} +" +95dccc00ad86a5ae7fcadf9fa5d66b390bab34f6,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + { + return new int[] {nums[0]}; + } + if (len == 0) + { + return new int[] {}; + } + return new int[] {nums[0] + nums[1]}; +} +" +d0d44efdace9761629e09571a24078be6d663fd9,"public int[] frontPiece(int[] nums) +{ + int len = nums.length; + if (len == 1) + { + return new int[] {nums[0]}; + } + if (len == 0) + { + return new int[] {}; + } + return new int[] {nums[0], nums[1]}; +} +" +bc4758cfbcea79a77ae1a516ed07b411ef977ae2,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + int len = nums.length() - 1; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray.add(nums[i]); + } + } + else if (len = 1) { + newArray.add(nums[0]); + } + return newArray; +} +" +7815abc2b1674f3a75578df454b7a17559b43ffe,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + int len = nums.size() - 1; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray.add(nums[i]); + } + } + else if (len = 1) { + newArray.add(nums[0]); + } + return newArray; +} +" +015de0530f23debc6c29a1e68b1d57c961f445a5,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + int len = nums.length - 1; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray.add(nums[i]); + } + } + else if (len = 1) { + newArray.add(nums[0]); + } + return newArray; +} +" +ec04ced03dbc4fedd2cf876c2d825203019beefd,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + int len = nums.length - 1; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray[i] = nums[i]; + } + } + else if (len = 1) { + newArray.add(nums[0]); + } + return newArray; +} +" +a4800f05581fc7e38049aa8a5d34db09646f7572,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + int len = nums.length - 1; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray[i] = nums[i]; + } + } + else if (len == 1) { + newArray[0] = nums[0]; + } + return newArray; +} +" +5ef6073badd667ac343a46b837233377e182ef7e,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + int len = nums.length - 1; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray[i] = nums[i]; + } + } + else if (len == 1) { + newArray[0] = nums[0]; + } + return newArray; +} +" +319b28230e2d0971f8064ee3ef4cdb2eb66e863b,"public int[] frontPiece(int[] nums) +{ + + int len = nums.length - 1; + int[] newArray = new int[len]; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray[i] = nums[i]; + } + } + else if (len == 1) { + newArray[0] = nums[0]; + } + return newArray; +} +" +d8f13e41cf3dd1e1511cee971591a143527e6dd3,"public int[] frontPiece(int[] nums) +{ + + int len = nums.length; + int[] newArray = new int[len]; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray[i] = nums[i]; + } + } + else if (len == 1) { + newArray[0] = nums[0]; + } + return newArray; +} +" +7e53aac22c920816b5d36e5fc40268160514f8d6,"public int[] frontPiece(int[] nums) +{ + + int len = nums.length; + + if (len >= 2) { + for (int i = 0; i < 2; i++) { + int[] newArray = new int[2]; + newArray[i] = nums[i]; + } + } + else if (len == 1) { + int[] newArray = new int[1]; + newArray[0] = nums[0]; + } + return newArray; +} +" +2f1ff093f3a32615858ee0edb408bdeb516137a4,"public int[] frontPiece(int[] nums) +{ + + int len = nums.length; + int[] newArray; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + int[] newArray = new int[2]; + newArray[i] = nums[i]; + } + } + else if (len == 1) { + int[] newArray = new int[1]; + newArray[0] = nums[0]; + } + return newArray; +} +" +c87e2b1bf666c6143451f470e2e93fcd443bf2b7,"public int[] frontPiece(int[] nums) +{ + + int len = nums.length; + int[] newArray; + if (len >= 2) { + for (int i = 0; i < 2; i++) { + newArray = new int[2]; + newArray[i] = nums[i]; + } + } + else if (len == 1) { + newArray = new int[1]; + newArray[0] = nums[0]; + } + return newArray; +} +" +df847239d5b932895870da9d91b028b90cb0289d,"public int[] frontPiece(int[] nums) { + if (nums.length <= 1) return nums; + int[] result = { nums[0], nums[1] }; + return result; +}" +60b0a2cc05ffa253aaffff0293a8dff8e9786d46,"public int[] frontPiece(int[] nums) +{ + if (numbs.length > 2) + { + return nums[0,1]; + } +} +" +f223be866af6075f65221cd3818ec44b3e5fa4c5,"public int[] frontPiece(int[] nums) +{ + if (numbs.length > 2) + { + int[] newNums = newNums[nums[0],nums[1]](); + return newNums; + } + return nums; +} +" +39a74c1339eae08fc420c8a8849acb895e1208fd,"public int[] frontPiece(int[] nums) +{ + if (numbs.length > 2) + { + int[] newNums = newNums[nums[0],nums[1]]; + return newNums; + } + return nums; +} +" +af0d6669b284bd1e639eae648a91a0ff323dafa1,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[]; + if (numbs.length > 2) + { + newNums.add(nums[0]); + newNums.add(nums[1]); + } + return newNums; +} +" +fe5dc85e2cc06170ebf620fff7e2355bd81746dd,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[](); + if (numbs.length > 2) + { + newNums.add(nums[0]); + newNums.add(nums[1]); + } + return newNums; +} +" +d72a9ed7da5984afb78aee216a2be1df1ff1d117,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (numbs.length > 2) + { + newNums.add(nums[0]); + newNums.add(nums[1]); + } + return newNums; +} +" +ca707933ffe2d28f90a429eb5127ae1f280c8c1f,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length > 2) + { + newNums.add(nums[0]); + newNums.add(nums[1]); + } + return newNums; +} +" +b930feaa47615a86ba1d3f3cafe12ddc9bbb68ed,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[1]; + } + else + { + newNums = new int[0]; + } + return newNums; +} +" +5214558134fe5c5e59e73e526b8675c71867134f,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else + { + newNums = new int[0]; + } + return newNums; +} +" +005fd0141ee9e37f3a137fab54497a46a403daad,"public int[] frontPiece(int[] nums) +{ + if ((frontPiece.length) >= 2) + { + for (int i = 0; i < 2; i++) + { + int out = frontPiece.get(i); + return out; + } + } + else + { + for (int i = 0; i < frontPiece.length; i++) + { + int out = frontPiece.get(i); + return out; + } + } +} +" +cb653e27eae0336b849972c531fccb5a9fc47a0d,"public int[] frontPiece(int[] nums) +{ + if ((nums.length) >= 2) + { + for (int i = 0; i < 2; i++) + { + int out = nums.get(i); + return out; + } + } + else + { + for (int i = 0; i < nums.length; i++) + { + int out = nums.get(i); + return out; + } + } +} +" +4d59b75f6034dc11ac5a305c2a012592bebbbcd3,"public int[] frontPiece(int[] nums) +{ + if ((nums.length) >= 2) + { + for (int i = 0; i < 2; i++) + { + return nums(i); + } + } + else + { + for (int i = 0; i < nums.length; i++) + { + return nums(i); + } + } +} +" +0c402319b08dc61ae5dcb03e79ae137e83ab7005,"public int[] frontPiece(int[] nums) +{ + if ((nums.length) >= 2) + { + for (int i = 0; i < 2; i++) + { + return nums[i]; + } + } + else + { + for (int i = 0; i < nums.length; i++) + { + return nums[i]; + } + } +} +" +069ad4a61b9247c11ae4c44b2778dc17e6e610fc,"public int[] frontPiece(int[] nums) +{ + if ((nums.length) >= 2) + { + for (int i = 0; i < 2; i++) + { + int out = nums.get(i); + return out; + } + } + else + { + for (int i = 0; i < nums.length; i++) + { + int out = nums.get(i); + return out; + } + } +} +" +be5139feedb92775ca0e1f8333216e2e910354ce,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + for (int i = 2; i < nums.length(); i++) + { + nums.remove(i); + } + } + else + { + nums.remove(2); + } +} +" +90dcc6ef231f75183b364a7d87e5afcc8b4ad13c,"public int[] frontPiece(int[] nums) +{ + if (nums.size() >= 2) + { + for (int i = 2; i < nums.length(); i++) + { + nums.remove(i); + } + } + else + { + nums.remove(2); + } +} +" +abd1725eb66143f0248d812bacbe2887ef731137,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 2; i < nums.length(); i++) + { + nums.remove(i); + } + } + else + { + nums.remove(2); + } +} +" +424628c08a965ca915f0b18e62ec582dec50e3a5,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 2; i < nums.length; i++) + { + nums.remove(i); + } + } + else + { + nums.remove(2); + } +} +" +f948de54d3decf807ac560cfa8fc9d0e7901fa6d,"public int[] frontPiece(int[] nums) +{ + int[] frontArray = new int [2]; + if (nums.length > 2) + { + for (int i = 0; i < 2; i++) + { + frontArray[i] = nums[i]; + } + return fronArray; + } + else + { + return nums; + } +} +" +790f2c5dd4f9a50f9836c13df3a3bf00995b9830,"public int[] frontPiece(int[] nums) +{ + int[] frontArray = new int [2]; + if (nums.length > 2) + { + for (int i = 0; i < 2; i++) + { + frontArray[i] = nums[i]; + } + return frontArray; + } + else + { + return nums; + } +} +" +6865b896b3264647704b88196cbad99da5e5a4de,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 2; i < nums.length; i++) + { + nums.remove(nums[i]); + } + } + else + { + nums.remove(nums[2]); + } +} +" +e5441ab5bed278070b2a756395f92d8be52dbf49,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 2; i < nums.length; i++) + { + nums.remove(nums[i]); + } + } + else + { + nums.remove(nums[2]); + } + return nums; +} +" +53b3169f8933fbb190a5341216322eec895d79fe,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +7e3d0a50413e21dc2468e53f11f9ec2643302426,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + + } + else + { + front = new int[0]; + } + return front; + +} +" +103ce59c196199fdeead4c94a1e82d3f8d636183,"public int[] frontPiece(int[] nums) +{ + if ( nums.length > 2 ) + { + int stop = 2; + } + else + { + int stop = nums.length; + } + + newNums[] = new int[stop]; + + for ( int i = 0; i < stop; i++ ) + { + newNums[i] = nums[i]; + } + return newNums; +} +" +6d43bdbd22b229d2489cb00edb174ca207f2df98,"public int[] frontPiece(int[] nums) +{ + if ( nums.length > 2 ) + { + int stop = 2; + } + else + { + int stop = nums.length; + } + + int[] newNums = new int[stop]; + + for ( int i = 0; i < stop; i++ ) + { + newNums[i] = nums[i]; + } + return newNums; +} +" +032488de6afce9c85bf7eff339925c5d78b110be,"public int[] frontPiece(int[] nums) +{ + int stop = 0; + + if ( nums.length > 2 ) + { + stop = 2; + } + else + { + stop = nums.length; + } + + int[] newNums = new int[stop]; + + for ( int i = 0; i < stop; i++ ) + { + newNums[i] = nums[i]; + } + return newNums; +} +" +ef9d4034da0ae0723abab44bed11e444b2d8710f,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 2; i < nums.length; i++) + { + nums.remove[nums[i]]; + } + } + else + { + nums.remove[nums[2]]; + } + return nums; +} +" +3d84673a748e3f9fd2586a9121cc3fec5cd2f44f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +4646191b3e24009b4f6ae3154321d230dcbf1b2f,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length()]; + for (int i = 0; i < 2 && i < nums.length(); i++) + { + int el = mums[i]; + output[i] = el; + } + return output[]; +} +" +164c46c7fe228453db6c9b2853463d6056e424a8,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length()]; + for (int i = 0; i < 2 && i < nums.length(); i++) + { + int el = mums[i]; + output[i] = el; + } + return output; +} +" +bf851db6a28ad7b45116cebd87ba2a651a7c1313,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length]; + for (int i = 0; i < 2 && i < nums.length(); i++) + { + int el = mums[i]; + output[i] = el; + } + return output; +} +" +f4a942637cbe2a6cd647259aa77f6de36691cf51,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = mums[i]; + output[i] = el; + } + return output; +} +" +0e690ff490c9e8fdc43c805927eb74c562504c78,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = nums[i]; + output[i] = el; + } + return output; +} +" +76dd815db409192cf2a6c32ec83f4c8f22336836,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length - 1]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = nums[i]; + output[i] = el; + } + return output; +} +" +030d5ccdd9d1e492f4fc798fad59734abb0849a1,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[nums.length]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = nums[i]; + output[i] = el; + } + return output; +} +" +ce6a3d4b09a0ea5a418ea7b3557efba50dd30903,"public int[] frontPiece(int[] nums) +{ + int[] output = new int[2]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = nums[i]; + output[i] = el; + } + return output; +} +" +f8fa58a77bbf69994bdb28a787e0c7900e3601fc,"public int[] frontPiece(int[] nums) +{ + int l = 2; + if (nums.length == 1) + { + l = 1; + } + int[] output = new int[l]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = nums[i]; + output[i] = el; + } + return output; +} +" +3443c8c61418c747e00884a7f5e19711ade89cc1,"public int[] frontPiece(int[] nums) +{ + int l = 2; + if (nums.length < 2) + { + l = nums.length; + } + int[] output = new int[l]; + for (int i = 0; i < 2 && i < nums.length; i++) + { + int el = nums[i]; + output[i] = el; + } + return output; +} +" +f9b08b39555d3cb80807da5808ef184ad0a1990d,"public int[] frontPiece(int[] nums) +{ + int[] num = new list; +}" +abfe4a5219ec114250b9cc7dc523743167989b37,"public int[] frontPiece(int[] nums) +{ + int[] num = new list(); +}" +361b20819cb86f7249046c93cba0ffb86a4597e3,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + return (nums[0] + nums[1]); + if(nums.length == 1) + return nums[0]; + return 0; +}" +5143050ea7a9f7618ecc11efca8a5b63f7b27ff1,"public int[] frontPiece(int[] nums) +{ + Array x[] ; +}" +9328e35d8e6d2c1c04be5f412da0db6f3ea83e58,"public int[] frontPiece(int[] nums) +{ + int x[]; +}" +c3f1c4159287d751f35f49789d8877b0d8ffb0c6,"public int[] frontPiece(int[] nums) +{ + int x[]; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + return x[] +}" +33e3c2b0b2c891f83a9eda125c97578c0c5b226b,"public int[] frontPiece(int[] nums) +{ + int x[]; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + return x[]; +}" +19ec89dbebd128c38c8bafde80b05952fd7d5406,"public int[] frontPiece(int[] nums) +{ + a = new int[2]; + if (nums.length >= 2) + { + a[0] = nums[0]; + a[1] = nums[1]; + } + else + { + a[0] = nums[0]; + a[1] = 0; + } + return a; + + + + +} +" +eac34c60f7715c915b87a2d0ef5223e09558ff15,"public int[] frontPiece(int[] nums) +{ + int[] a; + a = new int[2]; + if (nums.length >= 2) + { + a[0] = nums[0]; + a[1] = nums[1]; + } + else + { + a[0] = nums[0]; + a[1] = 0; + } + return a; + + + + +} +" +2e96a62de3715ddd43799764f3be0a4c130aab36,"public int[] frontPiece(int[] nums) +{ + // declare new array + // create new array + + // establish logi for checking nums. + // add the proper elements of nums into a new array + return // the new array +} +" +7019c1bce1ccc9affd786746047ac8276df6ed94,"public int[] frontPiece(int[] nums) +{ + int[] a; + a = new int[2]; + if (nums.length >= 2) + { + a[0] = nums[0]; + a[1] = nums[1]; + } + else + { + a = new int[1]; + a[1] = nums[0]; + } + return a; + + + + +} +" +ccb443badfed6c36aec736f5a8e52715725c29d0,"public int[] frontPiece(int[] nums) +{ + int[] a; + a = new int[2]; + if (nums.length >= 2) + { + a[0] = nums[0]; + a[1] = nums[1]; + } + else + { + a = new int[1]; + a[0] = nums[0]; + } + return a; + + + + +} +" +c9f2f46bdc7f96c2f67eedbd998f47528069e5be,"public int[] frontPiece(int[] nums) +{ + int[] a; + a = new int[2]; + if (nums.length >= 2) + { + a[0] = nums[0]; + a[1] = nums[1]; + } + else if (nums.length == 1) + { + a = new int[1]; + a[0] = nums[0]; + } + return a; + + + + +} +" +e03c4ea5ecfd1e0ea7a9f11bcd087254b6286c3f,"public int[] frontPiece(int[] nums) +{ + int[] a; + a = new int[2]; + if (nums.length >= 2) + { + a[0] = nums[0]; + a[1] = nums[1]; + } + else if (nums.length == 1) + { + a = new int[1]; + a[0] = nums[0]; + } + else if (nums.length == 0) + { + a = new int[0]; + } + return a; + + + + +} +" +f74d5914ea933cb8ae24482ad8f3a2fae9bb634b,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + return front; + } +} +" +149f2ec04cc4ba5503809767e5ac292253c296ec,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] array = new array[]; + array[0] = nums[0]; + array[1] = nums[1]; + return array[]; + } + else + { + return nums[]; +} +" +435ce871c55f8a24f179185db9980f644d88c8a4,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; + +} +" +03ca208f86db1a927511337d9349fe843ce724f0,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[][] array = new array[]; + array[0] = nums[0]; + array[1] = nums[1]; + return array[]; + } + else + { + return nums[]; + } +} +" +aa566dc7680d208ff1b55718802efe09a25fc80f,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] array[] = new array[]; + array[0] = nums[0]; + array[1] = nums[1]; + return array[]; + } + else + { + return nums[]; + } +} +" +e74435d2f9f6c7ce103606ec7d3ecd0a84572c01,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] array[] = new array[]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums; + } +} +" +0467eec3f42706a8daa31060be0ad16cf4f985ef,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int array[] = new array[]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums; + } +} +" +5fd64ecceb9aa9471fe15cc0102d17da804c6e58,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int array[] = new array[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums; + } +} +" +29dec42a3fea34771f6557235e0693f6cccddc98,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int array[] = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums; + } +} +" +f0a71d0cb37c23d79ae5a85afcc0d622020091b4,"public int[] frontPiece(int[] nums) +{ + int[] x; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + return x[]; +}" +da01bb3684dcdc61d8a1e84f97c5404a81296be2,"public int[] frontPiece(int[] nums) +{ + int[] x; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + + return x; +}" +692f44c892bd0860d5c41a6414cb37258610d433,"public int[] frontPiece(int[] nums) +{ + int[] x; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = nums; + } + + return x; +}" +2d4c889f6d189d79ee1f4393c116b54940995dc8,"public int[] frontPiece(int[] nums) +{ + int[] x = 0; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = nums; + } + + return x; +}" +4933e2dcd7194a6c405a2e0972370431a20cc6d6,"public int[] frontPiece(int[] nums) +{ + int[] x; + x = new frontPiece [3]; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = nums; + } + + return x; +}" +ef4c7159a68e5a4d5ba22b637e2246342a4ee18a,"public int[] frontPiece(int[] nums) +{ + int[] x; + x = new frontPiece[3]; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = nums; + } + + return x; +}" +aa2cc73761e3e156b4100896e15617b56c22b460,"public int[] frontPiece(int[] nums) +{ + int[] x; + x = new int[3]; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = nums; + } + + return x; +}" +2942fddc2d7029a911dc9656b421a81ffa06b410,"public int[] frontPiece(int[] nums) +{ + int[] x; + x = new int[2]; + if (nums.length >= 2) + { + x[0] = nums[0]; + x[1] = nums[1]; + } + else + { + x = nums; + } + + return x; +}" +1ced7b3ab5f86bf014b0aab47983b280fea0faf5,"public int[] frontPiece(int[] nums) +{ + returnNumber = new int[2] + for (int i = 0; i < nums.length && i < 2; i++) + { + returnNumber[i] = nums[i] + } + return returnNumber; +} +" +48b9e8a19296a84828dc9087fce39b5c7aa8a6bb,"public int[] frontPiece(int[] nums) +{ + returnNumber = new int[2]; + for (int i = 0; i < nums.length && i < 2; i++) + { + returnNumber[i] = nums[i]; + } + return returnNumber; +} +" +219b390bac921974f002e49bd48428090d2e71b4,"public int[] frontPiece(int[] nums) +{ + int[] returnNumber = new int[2]; + for (int i = 0; i < nums.length && i < 2; i++) + { + returnNumber[i] = nums[i]; + } + return returnNumber; +} +" +fc2b27a8e7292eb8d4dbab728a5cdfc2b851f1f0,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] returnNumber = new int[2]; + returnNumber[0] = nums[0]; + returnNumber[1] = nums[1]; + return returnNumber; + } + else if (nums.length == 1) + { + int[] returnNumber = new int[1]; + returnNumber[0] = nums[0]; + return returnNumber; + } + else + { + int[] returnNumber = new int[0]; + return returnNumber; + } +} +" +dbbd324a0457918eb71ccb9d85949600bc5c4acc,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length < 2) + { + newArray[0] = nums[0]; + } + else + { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + return newArray; +} +" +d70ffb0434690ccbb0b907f286081f92db875814,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length < 2) + { + if (nums.length != 0) + { + newArray[0] = nums[0]; + } + } + else + { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + return newArray; +} +" +e49fc69ccebf650a17cb058abb766ed4e77d281f,"public int[] frontPiece(int[] nums) +{ + + if (nums.length < 2) + { + if (nums.length != 0) + { + int[] newArray = new int[nums.length() - 1]; + newArray[0] = nums[0]; + } + } + else + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + return newArray; +} +" +b67a1ddf374491648ce8d6faea7fda7e95f3a558,"public int[] frontPiece(int[] nums) +{ + + if (nums.length < 2) + { + if (nums.length != 0) + { + int[] newArray = new int[nums.length - 1]; + newArray[0] = nums[0]; + } + } + else + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + return newArray; +} +" +9fbbbd5ccdc477c9023046ab9179ecd6171ee6d2,"public int[] frontPiece(int[] nums) +{ + int[] newArray + if (nums.length < 2) + { + if (nums.length != 0) + { + newArray = new int[nums.length - 1]; + newArray[0] = nums[0]; + } + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + return newArray; +} +" +8c70ea617b0179ff4735ed6b3ff90cbbbfb8f6e2,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if (nums.length < 2) + { + if (nums.length != 0) + { + newArray = new int[nums.length - 1]; + newArray[0] = nums[0]; + } + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + return newArray; +} +" +adb010ba8bb61910f68a9eb03a3dfad08d1a637b,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length != 0) + { + int[] newArray = new int[nums.length - 1]; + newArray[0] = nums[0]; + return newArray; + } + } + else + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } +} +" +cb237b8c28da3b3ce99e9d2c6a00f98e149fcbea,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length != 0) + { + int[] newArray = new int[nums.length - 1]; + newArray[0] = nums[0]; + return newArray; + } + } + + + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + +} +" +811d76f82110f3c78d7ac2e389a660bd7056fd4d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length != 0) + { + int[] newArray = new int[1]; + newArray[0] = nums[0]; + return newArray; + } + else + { + int[] newArray = new int[0]; + return newArray; + } + } + + + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + +} +" +8b53a95f58257e5c72766879f049d65e5d5d4e56,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array.add(i); + + } +} +" +abfab8e242968b3def9512f2aee9a0b60b54735b,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[0] = i+1; + } +} +" +1cd12ad738dfb0465653c5bf0fe2cc624150f031,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[0] = i+1; + } + return array; +} +" +2d4551ba7a3eebd4b3c1a706a9b2818fd41d72f4,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[0] = i; + } + return array; +} +" +79f11520a71eb986fe47b15bc5c178fbbe55bef2,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array.add(i);; + } + return array; +} +" +dfb8c55814a6d386dd8f4df92af539b4c4f8ad78,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array.add(i); + } + return array; +} +" +45840387947220f31fd12f6fbccfe1641cd0c230,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[0] = nums[0]; + } + return array; +} +" +c0672cfb85483dac4fd4363c0f3428a130bbe245,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + nums[0] = i+1; + } + return array; +} +" +720eef9e5cca8bb0efa52330f9efd2b7412cb9d4,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + nums[i].add(i+1); + } + return array; +} +" +0f6e1aeaac1156c7d55c20807578597d578a06e9,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[i].add(i+1); + } + return array; +} +" +b2b60c7052195d6a93dcd8b0d143ecfe2ffa4ca2,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[i] = i+1; + } + return array; +} +" +7e52146929f8fe15753d66d32dc8b62ada6fcdea,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + return array; +} +" +a208e48b265796f6f96bec9e781694c04fe75d39,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + i--; + } + } + else + array[ + return array; +} +" +cbfc309d89b76e326c1e2319fd9c732381cfd3ce,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + i--; + } + } + return array; +} +" +fabf64a92ac945eb16329b521bfce7ef672c6d5b,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + } + return array; +} +" +5355ab2c1e7b65cb379094c2eb2b409c238f33ba,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length > 2) + { + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + } + return array; +} +" +8973e00d4f974b8e72e8b92f03aff7710472ab54,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [nums.length]; + if (nums.length > 2) + { + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + } + return array; +} +" +5f79eed1060db6146a7e854720f394f8dbcc9d82,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length > 2) + { + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + } + return array; +} +" +2e5f0daf193fec9e2bc51a1952685cbb0bc9e19b,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + return array; +} +" +0fea0fa606a8ada8c8b97bb23f427815d616ed10,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +960017f38af24d035fcdb1471bfc6e42a3985032,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +21a8cb50c4aaa83928577b3e0ece86019dea9fd2,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +08b070ce9c21826ebf0a02af3bc02e91dbf0005d,"public int[] frontPiece(int[] nums) +{ + boolean lessThanTwo = (nums.length < 2); + if (lessThanTwo) + { + return nums; + } + else + { + return nums[0 1] + } +}" +b899947b7e1bd416cfb11060ce2fe7d4586fba17,"public int[] frontPiece(int[] nums) +{ + boolean lessThanTwo = (nums.length < 2); + if (lessThanTwo) + { + return nums; + } + else + { + return nums[0 1]; + } +}" +f2bd7142cce9efbe1a2eeaaacb443aa8c9060201,"public int[] frontPiece(int[] nums) +{ + boolean lessThanTwo = (nums.length < 2); + if (lessThanTwo) + { + return nums; + } + else + { + return nums[0, 1]; + } +}" +92bf041fcdbbd605a2a97bde5d3f2125b78be8c5,"public int[] frontPiece(int[] nums) +{ + boolean lessThanTwo = (nums.length < 2); + if (lessThanTwo) + { + return nums; + } + else + { + int[] finalArray = new int[2]; + finalArray[0] = nums[0]; + finalArray[1] = nums[1]; + return finalArray; + } +}" +9546e17081bb6585af5d27e039beb524271d46d0,"public int[] frontPiece(int[] nums) +{ + if(str.length()>1 && str.substring(0,2).equals(str.substring(str.length() -2 ))) + return true; + + else + return false; +} +" +45f646d9ff56efb16132ec5c99d24eb7de6c2e3b,"public int[] frontPiece(int[] nums) +{ + int[] array = null; + array[0] = nums[0]; + array[1] = nums[1]; + return array; +} +" +db4c22235e1b1cc51ec7a44059bab1f792add635,"public int[] frontPiece(int[] nums) +{ + int[] array; + array[0] = nums[0]; + array[1] = nums[1]; + return array; +} +" +e356ec8c69066461a3d394603edaf7d45a911424,"public int[] frontPiece(int[] nums) +{ + int[] array; + if (nums.length() >= 2) + { + array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + } + return array; +} +" +2ba487be839748dff19d329d0a268145e2154dd6,"public int[] frontPiece(int[] nums) +{ + int[] array; + if (nums.length >= 2) + { + array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + } + return array; +} +" +7129f3164f467822540a62befa9344b417bd009b,"public int[] frontPiece(int[] nums) +{ + int[] array; + if (nums.length >= 2) + { + array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + } + else if (nums.length == 1) + { + array = new int[1]; + array[0] = nums[0]; + } + else + { + array = new int[0]; + } + return array; +} +" +aa2dca3e2168887378abcbf4c29e631613dc7c93,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] two = new int[2]; + two[0] = nums[0]; + two[1] = nums[1]; + return two; + } +} +" +1a193ad8502920aa588d2389e67679865b6c02be,"public int[] frontPiece(int[] nums) +{ + int [] newNums = new int[2]; + newNums.add(nums[1, 2]); +} +" +ef9d74f190adab8fe6a08fb86938996a3027ac6e,"public int[] frontPiece(int[] nums) +{ + int [] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +5ef0b3e82b42db87ef39fef5783888158d564a31,"public int[] frontPiece(int[] nums) +{ + int [] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; +} +" +22b13984f4a9db818b47300513f8df7bd3b7d3c1,"public int[] frontPiece(int[] nums) +{ + int [] newNums = new int[2]; + if (nums.length < 2) + { + return nums; + } + else + { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } +} +" +c43a5ff950e6f733c6eaeed5e98e86e4b8289ad2,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + } + else + { + nums2 = [2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2[]; + } +} +" +6a55fa82f9b723595d40327280cde62a84266772,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + } + else + { + int[] nums2 = [2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2[]; + } +} +" +98569f24978b1cd6d8e16a77f29c1d21715600ef,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + } + else + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2[]; + } +} +" +6e30ea6ebcac3a7678cd8326c567e047452316ea,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + } + else + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } +} +" +f8aef14e96238d248a30eb3834846b53979a9128,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } +} +" +a3cfe4acc0878f7a98ccbc168df9dff28266dbd7,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + // establish logi for checking nums. + // add the proper elements of nums into a new array + if (nums.length == 1) + { + return grid[0] = nums[0]; + } + else if (nums.length == 0) + { + return grid; + } + else + { + return grid[nums[0], nums[1]]; + } +} +" +4465ac2e7e70f3ac5ddbd490bd262cc0c4f6249d,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + // establish logi for checking nums. + // add the proper elements of nums into a new array + if (nums.length == 1) + { + return grid[0] = nums[0]; + } + else if (nums.length == 0) + { + return grid; + } + else + { + grid[0] = nums[0]; + grid[1] = nums[1]; + return grid[]; + } +} +" +a33a38c704bf0056f4274cda0ad1c624a245b0eb,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + // establish logi for checking nums. + // add the proper elements of nums into a new array + if (nums.length == 1) + { + return grid[0] = nums[0]; + } + else if (nums.length == 0) + { + return grid; + } + else + { + grid[0] = nums[0]; + grid[1] = nums[1]; + return grid; + } +} +" +c0c118368dbbd121e0708f254467348ff6de798a,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } +} +" +889c263cb71dd198e18e3cfc124372c839ad0ca4,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + return grid; +} +" +85b373b73cb5e0ba9abc6fe3479844c52dfbf6c9,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + for (int i : nums) + { + grid[i] = nums[i]; + } + return grid; +} +" +46fb570e3874da987fdb46102487bb2875345095,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + + + return grid; +} +" +fa94720681116b34e7ca47f2a900065fd35dbeaa,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + if (nums.length == 0) + { + return grid; + } + else if (nums.length == 1) + { + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + return grid; +} +" +d59fc96826b4bea8d310b28f0b7edbe0de6f97d7,"public int[] frontPiece(int[] nums) +{ + int[] ints = new int[2]; + if(nums.length() < 2) return nums; + + ints[0] = nums[0]; + ints[1] = nums[1]; + return ints; + +} +" +d88ecb629848f3176221574cb5a3be5abda5a4da,"public int[] frontPiece(int[] nums) +{ + int[] ints = new int[2]; + if(nums.length < 2) return nums; + + ints[0] = nums[0]; + ints[1] = nums[1]; + return ints; + +} +" +73623ab30f31a912b3a1c966b07f2befe7045732,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + int [] grid = new int[2]; + return grid; +} +" +481b7da741c9fcfe4b0f76f4f67424b09ba8851a,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + int [] grid = new int[1]; + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + int [] grid = new int[2]; + return grid; +} +" +be514571b41fa78c1583edffbd21a2e708b43092,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + int [] grid = new int[1]; + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + int [] grid = new int[2]; + grid[i] = nums[i]; + } + return grid; +} +" +3ee0cd6f3452280f59ec246c864c2e28c4164f9a,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + int [] grid = new int[1]; + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + int [] grid = new int[2]; + grid[i] = nums[i]; + if (grid.length == 2) + { + return grid; + } + } +} +" +b08829d873c5fb7f681d0adcba972ab5039b0359,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + int [] grid = new int[1]; + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + int [] grid = new int[2]; + grid[i] = nums[i]; + if (grid.length == 2) + { + return grid; + } + } + return false; +} +" +a584d23e7c333ca4e1555a8d58fa7f4325ec42f6,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + int [] grid = new int[1]; + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + int [] grid = new int[2]; + grid[i] = nums[i]; + if (grid.length == 2) + { + return grid; + } + } + return nums; +} +" +e6ed9ccc5fcf35a3f2b2ff00a0fc2ff77efaefbc,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + else if (nums.length == 0) + { + return nums; + } + + for (int i = 0; i < 2; i++) + { + int [] grid = new int[2]; + grid[i] = nums[i]; + if (grid.length == 2) + { + return grid; + } + } + return nums; +} +" +13d9565d53b8caf046783b93ba220679f3e50d69,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + return grid; + } + else if (nums.length == 1) + { + int [] grid = new int[1]; + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + + return grid; +} +" +e5cf298bb0d175a0ea9d414f444072ae6d39e633,"public int[] frontPiece(int[] nums) +{ + int [] grid = new int[2]; + + if (nums.length == 0) + { + return nums; + } + else if (nums.length == 1) + { + grid[0] = nums[0]; + return grid; + } + + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + return grid; +} +" +7a4d4cdd2da66395431dc066a47428d380b6b92d,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + return nums; + } + else if (nums.length == 1) + { + grid[0] = nums[0]; + return nums; + } + + + int [] grid = new int[2]; + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + return grid; +} +" +236fc302994c86ac0fa156fb6a9c9bbe481ddb9d,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length == 0) + { + return nums; + } + else if (nums.length == 1) + { + return nums; + } + + + int [] grid = new int[2]; + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + return grid; +} +" +14aea5f0df28fe723ea8bd8bd7707bf19594edc8,"public int[] frontPiece(int[] nums) +{ + + + if (nums.length < 2) + { + return nums; + } + + + int [] grid = new int[2]; + for (int i = 0; i < 2; i++) + { + grid[i] = nums[i]; + } + return grid; +} +" +afb47ed51a8301eddd4763131dc21f0efed70a97,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[]; + } +} +" +f152fb87b4f5d82b02a717976cb79e07d69e8f24,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[0, 1]; + } +} +" +b6b36167c20353eedda0caf633e9857ac4585cd8,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[0][1]; + } +} +" +26f6159fb18d6892a43080512331deb4570a8d5f,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[0][1]; + } +} +" +6276fd2edcc61c7114d1c3c0da160203fd931ddf,"public int[] frontPiece(int[] nums) +{ + if (nums < 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[0][1]; + } +} +" +50b8e40819fbf8176c2ef1490d5446065776c9c1,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[0][1]; + } +} +" +fbf26e15cc6d1c3251082f549232710e293fed6f,"public int[] frontPiece(int[] nums) +{ + int[] nums2; + if(nums.length >= 2) + { + nums2 = new int[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } + else if(nums.length == 1) + { + nums2 = new int[1]; + nums2[0] = nums[0]; + } + else + nums2 = new int[0]; + return nums2; +} +" +f2c5a6374a485608902a6e90a9f3a54b8ef1274d,"public int[] frontPiece(int[] nums) +{ + +if (nums.length < 2) + return nums; +return new int[] {nums[0], nums[1]}; + +} +" +2b37c6ca831861ff2894d47a85982c3f07c96f3b,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + + int[] result = new int[1]; + + + if (a >= 2) + { + for (i = 0; i < 2; i++) + { + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result[0] = nums[0]; + } + + return result; +} +" +8298e98b3e1a4b944f66f69cc6a0c252aff543b1,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + + int[] result = new int[1]; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result[0] = nums[0]; + } + + return result; +} +" +62e86381c44c09d1e3f5a3c4dcbbf6130bb678cd,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + + int[] result = new int[2]; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result[0] = nums[0]; + } + + return result; +} +" +0b87b4111149a18dbd1570847fd8856fddbbf054,"public int[] frontPiece(int[] nums) +{ + int[] array = new Array[]; + + return array; +} +" +146c144632be620a2ed1066d40b3dd4c58190734,"public int[] frontPiece(int[] nums) +{ + int[] array = new Array[2]; + + return array; +} +" +75b908008f7671ef6868a2fa5a76db9c8dd448a5,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + int[] result = new int[2]; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + int[] result = new int[1]; + result[0] = nums[0]; + } + else + { + int[] result = new int[0]; + } + + + return result; +} +" +368ee58dd3846fa8d7cc88d3e136868eeb44656e,"public int[] frontPiece(int[] nums) +{ + int[] array = new List[2]; + + return array; +} +" +2f4d511eddd2b296f3c242dc458aaa943ad6d137,"public int[] frontPiece(int[] nums) +{ + int[] array = new Array[2]; + + return array; +} +" +b64b9da1c6aecc01f3132f8a2a7ab0a9e69c0044,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + + return array; +} +" +2c9cdaa98101cb25981439efeed197cdeba52d29,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array.addAll(nums); + return array; +} +" +865c0f481abc52979ce9a77e9cef6cc9b90a0833,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + int x; + int[] result = new int[x]; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + x = 2; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + x = 1; + result[0] = nums[0]; + } + else + { + x = 0; + } + + + return result; +} +" +c1feebd19636886098ea177d7b0be6e5c9e36894,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array.addAll(0, nums); + return array; +} +" +e39a9f21d09c49f5c0e37169cfda24fa798824c1,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + int[] result = new int[x]; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + int x = 2; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + int x = 1; + result[0] = nums[0]; + } + else + { + int x = 0; + } + + + return result; +} +" +3ad9661694cfd97122bf11a594d89d941e73616c,"public int[] frontPiece(int[] nums) +{ + int[] array = nums.subList(0, 1); + return array; +} +" +b7c82766b22dcd583f4785fc885a9973cc41ae10,"import java.util.Array; +public int[] frontPiece(int[] nums) +{ + int[] array = nums.subList(0, 1); + return array; +} +" +d92df24a9d40c1f881cdde540e198922631cf84a,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + int[] result; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + result = new int[2]; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result = new int[1]; + result[0] = nums[0]; + } + else + { + result = new int[0]; + } + + + return result; +} +" +9f8ae89fbbc9688561393f1d98d63df70c3ee835,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + private int[] result; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + result = new int[2]; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result = new int[1]; + result[0] = nums[0]; + } + else + { + result = new int[0]; + } + + + return result; +} +" +f97a0613a42047676d8cf1213912c538e2f1f488,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + int[] result; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + result = new int[2]; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result = new int[1]; + result[0] = nums[0]; + } + else + { + result = new int[0]; + } + + + return result; +} +" +071ba02b06203bb27c457f5ca719814b9c291b25,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +907851ec4fe340a04f06ad88aaa3195a514433b6,"public int[] frontPiece(int[] nums) +{ + int[] array = nums.subList(0, 1); + return array; +} +" +351aea2886f179a862fd2b06d18a54cdbb0dbdb3,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + int[] result; + + + if (a >= 2) + { + for (int i = 0; i < 2; i++) + { + result = new int[2]; + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result = new int[1]; + result[0] = nums[0]; + } + else + { + result = new int[0]; + } + + + return result; +} +" +950aea346ea34f6137f7115199fc0d9dbf20ec4a,"public int[] frontPiece(int[] nums) +{ + int array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; +} +" +060474d36cefdb8bef74c7351e5d1ea05526c472,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; +} +" +c667acd320dd3be78f129fef4fd30c0ac54aa2fc,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums[0]; + if (nums.length > 1) + { + array[1] = nums[1]; + } + return array; +} +" +2268c254bc39fd66dc4a4234f859b1e4a36c3ef3,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums[0]; + if (nums.length() > 1) + { + array[1] = nums[1]; + } + return array; +} +" +48f88cea392b711941068fcbbd6d63fa710951c9,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums[0]; + if (nums[1] != null) + { + array[1] = nums[1]; + } + return array; +} +" +500f48d966f2d0798b5e3f65bd23b70956f62bae,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums[0]; + if (nums.length >= 1) + { + array[1] = nums[1]; + } + return array; +} +" +3ad85975bfd67f48a59ce0251f7701b5d6643300,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums[0]; + if (nums.length > 1) + { + array[1] = nums[1]; + } + return array; +} +" +49f32a9f43dcfa5ab3707a910dd9e32723e6f200,"public int[] frontPiece(int[] nums) +{ + if (num.length = 0) + { + int[] array = new int[0]; + } + if (num.length = 1) + { + int[] array = new int[1]; + array[0] = nums[0]; + } + if (nums.length > 1) + { + int[] array = new int[2]; + array[1] = nums[1]; + } + return array; +} +" +c38266b25eafcc7217c4e8c9204c3307b3085c4e,"public int[] frontPiece(int[] nums) +{ + if (nums.length = 0) + { + int[] array = new int[0]; + } + if (nums.length = 1) + { + int[] array = new int[1]; + array[0] = nums[0]; + } + if (nums.length > 1) + { + int[] array = new int[2]; + array[1] = nums[1]; + } + return array; +} +" +9c32f10cb8cadb0df2f9e5cc64ff8e6028ec8192,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + int[] array = new int[0]; + } + else if (nums.length == 1) + { + int[] array = new int[1]; + array[0] = nums[0]; + } + else if (nums.length > 1) + { + int[] array = new int[2]; + array[1] = nums[1]; + } + return array; +} +" +ce8cba7463ab2fd917a38c1d9fd7c4995cf41675,"public int[] frontPiece(int[] nums) +{ + int[] array; + if (nums.length == 0) + { + array = new int[0]; + } + else if (nums.length == 1) + { + array = new int[1]; + array[0] = nums[0]; + } + else if (nums.length > 1) + { + array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + } + return array; +} +" +feec005fdffac9dce74b31292d2198fbc98ef53d,"public int[] frontPiece(int[] nums) +{ + int[] array; + if (nums.length == 1) + { + array = new int[1]; + array[0] = nums[0]; + } + else if (nums.length > 1) + { + array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + } + else + { + array = new int[0]; + } + return array; +} +" +20b6005d24c6aea75c5f9ee075ff56d8d743f548,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.size >= 2) + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + else + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +30fe8d36b6517a06ebe5c0df7858a43a317fa246,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + else + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +3b6690662eb05766e38230d850315e57bd493ea0,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + else + { + for (int i = 0; i < 2; i++) + { + intArray.add[nums[i]]; + } + } + return intArray; +} +" +e1798a8eefa46eef10cf1cb191f626f78a8d9ef6,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + else + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +cbe2509414906450b5f435888383dbf55f2193f4,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[]; + } + } + else + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +99c2eddc728f1fc7742e3e5ec8042e175b6948a1,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +bf60bff9bca76f8b48953b0c38eec09c1a97d85d,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + return int[]; +} +" +362138b27f3d5235aabe1e197ac0036804fbe1e9,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + return nums; +} +" +782f3912a9047e864c45f8a5ec63f038ee7f68b8,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[]}; + } + } + return nums; +} +" +0b11c2909e95a1cde6aac72b52a861197f12b97d,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + return nums; +} +" +76aa56cbda76682c5388ea38ac2a2c22b1896d39,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[0]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {}; + } + } + return nums; +} +" +69e3e3b11fb85bdcfd0b78f70d110ffef258ecfd,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {}; + } + } + return nums; +} +" +8576e0c7ad2aa1d9fcb720705f576248b9471472,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +c5bf31a97a0840274f05b630807c759d295752fb,"public int[] frontPiece(int[] nums) +{ + //int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +b925a2e9a624db243b5bbbe615a0d38bd5b459db,"public int[] frontPiece(int[] nums) +{ + //int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 1; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +3edc035409dbdd5b820b3fd157f8f5c75e65c4c9,"public int[] frontPiece(int[] nums) +{ + //int[] intArray = new int [2]; + if (nums.length >= 2) + { + for (int i = 0; i < 1; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 1; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +58e294e88a55ec0fd0d93c0bce5ee3adfab10977,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2] + if (nums.length < 2) + return nums; + else + { + front = {nums[0], nums[1]}; + return front; + + } +} +" +189b442826cfcd3531324d3250491453208fe296,"public int[] frontPiece(int[] nums) +{ + //int[] intArray = new int [2]; + if (nums.length >= 3) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 1; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +3397febff4197636a9b538a5ab1fd92ee42f12a7,"public int[] frontPiece(int[] nums) +{ + //int[] intArray = new int [2]; + if (nums.length >= 1) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 1; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +f2df609f5df7d73b79fd04295e3bf010112cb1e5,"public int[] frontPiece(int[] nums) +{ + //int[] intArray = new int [2]; + if (nums.length >= 0) + { + for (int i = 0; i < 2; i++) + { + return new int[] {nums[i]}; + } + } + else + { + for (int i = 0; i < 1; i++) + { + return new int[] {nums[i]}; + } + } + return nums; +} +" +f5f363fcb0c11119f234f869d767e1a47fcd041a,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0],nums[1]}; + } +} +" +dff3a5dccfb8ef27a5745076d088a94b496bdd72,"public int[] frontPiece(int[] nums) { + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} + +" +829a5689b10e79ef12fd678ad9dfd131f24bd05a,"public int[] frontPiece(int[] nums) +{ + int[] two; + if (nums.length <= 2) + { + return nums; + } + else + { + two = new int[2]; + two [0] = nums [0]; + two [1] = nums [1]; + return two; + } +} +" +c101ecba2295efad546e6b0f0993c91526ef29b8,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.length >= 2) + { + newArray[] = frontPiece[0, 1]; + return newArray; + } + else + { + return frontPiece; + } +} +" +864887ca124cb051315299056e01254175e35eeb,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo = new int[2]; + for (int i = 0; i < 2; i++) + { + if (nums[1] != null) + { + firstTwo[i] = nums[i]; + } + } +} +" +498c2715465c0fb7a9013c954a5e4924cd9cebe7,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo = new int[2]; + for (int i = 0; i < 2; i++) + { + if (nums.length > i) + { + firstTwo[i] = nums[i]; + } + } +} +" +2395fa23ff1164f6fe81e0936ca031a101040eb2,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo = new int[2]; + for (int i = 0; i < 2; i++) + { + if (nums.length > i) + { + firstTwo[i] = nums[i]; + } + } + return firstTwo; +} +" +a0eb4fdfd5b669b7b28c032c2a8161caf5d23b85,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo = new int[]; + for (int i = 0; i < 2; i++) + { + if (nums.length > i) + { + firstTwo[i] = nums[i]; + } + } + return firstTwo; +} +" +e13258e7d81bc53497ec097a0996996741997355,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + if (nums.length == 0) + { + firstTwo = new int[0]; + } + else if (nums.length == 1) + { + firstTwo = new int[1]; + } + else + { + firstTwo = new int[2]; + } + for (int i = 0; i < 2; i++) + { + if (nums.length > i) + { + firstTwo[i] = nums[i]; + } + } + return firstTwo; +} +" +0d9c71cbd2b16cc684e4dfb1562ad7b8fed0de95,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.length >= 2) + { + int[] newArray = frontPiece[0, 1]; + return newArray; + } + else + { + return frontPiece; + } +} +" +768893f42d5fb46812b245fb8ccf4ffadbefc5d8,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.length >= 2) + { + int[] newArray = {frontPiece[0], frontPiece[1]}; + return newArray; + } + else + { + return frontPiece; + } +} +" +5d3eb9104d4f3b95abbdded8846bb0b1f8ef30d7,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 2) + { + int[] newArray = nums.toArray(0, 2) + } + else + { + return nums; + } +} +" +e3bb7c96a7d321780f4da34597b05cf1c57d2006,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 2) + { + int[] newArray = nums.toArray(0, 2); + } + else + { + return nums; + } +} +" +673b67fca4319ac3aed659839f2a7a8b0b38220f,"public int[] frontPiece(int[] nums) +{ + int length = nums.size(); + if (length > 2) + { + int[] newArray = nums.toArray(0, 2); + } + else + { + return nums; + } +} +" +6492e36a934d4ce7638f3786a290b24937235d61,"public int[] frontPiece(int[] nums) +{ + int length = nums.size(); + if (length > 2) + { + int[] newArray = nums.toArray(0, 2); + } + else + { + return nums; + } +} +" +d720f98bb8bed8a3d3362d344305a336a866d5e4,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = {nums[0], nums[1]}; + return newArray; + } + else + { + return nums; + } +} +" +1d436b7fabf0dd15a3c3d0391b980a8f06e9790f,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + int[] result; + + + if (a >= 2) + { + result = new int[2]; + for (int i = 0; i < 2; i++) + { + result[i] = nums[i]; + } + } + else if ( a == 1) + { + result = new int[1]; + result[0] = nums[0]; + } + else + { + result = new int[0]; + } + + + return result; +} +" +a0383bb077c8e2d79df3ab604217264507659d5f,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.size(); + if (lenArray > 2) + { + int[] newArray = nums.toArray(0, 2); + } + else + { + return nums; + } +} +" +fe2ae08ba1da445fe9522aacd74c15ca9455ed2f,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.size; + if (lenArray > 2) + { + int[] newArray = nums.toArray(0, 2); + } + else + { + return nums; + } +} +" +2eea1250ce051f7dfb4035d7653f80221a3e3b04,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + if (lenArray > 2) + { + int[] newArray = nums.toArray(0, 2); + } + else + { + return nums; + } +} +" +f79e8db4c7d65d00433182b7e3b811eaa718cabd,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + newArray.add[nums[i]]; + } + } + else + { + return nums; + } +} +" +44f13cf9cfd38842a6b60c4b524f13426422bddc,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +01e07aa4f503f94ed2926d42fcb2dc9174ef8159,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + newArray.add[nums[i]]; + } + } + else + { + return nums; + } +} +" +9939dd609f3594ea23fa36b0f2bc2ca765dd18e9,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return nums; + } + else + { + int[2] frontPiece; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; + } +} +" +2bfdb4d59a5e84f251f16fc6b8b8cb085f0fe82a,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return nums; + } + else + { + int[] frontPiece; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; + } +} +" +eb660e8f504f4a426a86518123f0af85e0938abc,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return nums; + } + else + { + int frontPiece[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; + } +} +" +4d75aa4914eab3316c575e39792e5b220d3d40ff,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return nums; + } + else + { + int frontPiece[]; + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; + } +} +" +5ac7a5f0ad0cb178ecaee65e0fc385ad3348f71f,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int frontPiece[]; + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + return frontPiece; + } +} +" +31b4dd8ee875883970fbd11ace8b38bcff858b4b,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + front = new int[0] + } + return front; +} +" +5a9e13c185fbdb72a0feb54f50ef3fe6ae11220b,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +9c7b9a7233aae2f3180aff79914b28c89e117e47,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return front; +} +" +0e53727b2cbe290fd352c2c61a24ae1c2df1551a,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +f5c26367525369969e0f85a92989a5845a42f141,"public int[] frontPiece(int[] nums) +{ + newArray = int[2] newArray; +} +" +210cd97583ea8a471c10eca394b500c6a9194b43,"public int[] frontPiece(int[] nums) +{ + int[] myArray = new int[2]; + + if (nums.length < 2) + return nums; + else { + myArray[0] = nums[0]; + myArray[1] = nums[1]; + return myArray; + } +} +" +43ba946c30fb088a0be02d312b112e989945bc1f,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int[2]; + if (nums.length <= 2) + { + return nums; + } + else + { + for (i = 1; i < 3; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +cec495a7203f612a3317c1a3852c9d0e70c8fa11,"public int[] frontPiece(int[] nums) +{ + int[] intArray = new int[2]; + if (nums.length <= 2) + { + return nums; + } + else + { + for (int i = 1; i < 3; i++) + { + intArray.add(nums[i]); + } + } + return intArray; +} +" +0c6cb5ebf445c54170cc96c070eb692688432837,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +08fd9a935142b3215828c8acf4146f2550e48dcf,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + nums = nums{nums[0], nums[1]}; + return nums; + } + else + { + return nums; + } +} +" +cc903eaadaf6badab1fb9d316bd9d44a430687d3,"public int[] frontPiece(int[] nums) +{ + int[] first; + if (nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +b9eb4261fed8bef20edea4249088369927e1752d,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +3ff6d0d2b344bae67f38614a618f883563f2a2e0,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + + } + else + { + return firstTwo; + } + return firstTwo +} +" +a9d9726d039d13a5a54b12d5be1d7481fbe2eaa7,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + + } + else + { + return firstTwo; + } + return firstTwo; +} +" +ee7a4d1b6522b7de9d4632c26702a750d290c21f,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + + } + else + { + firstTwo = new int[2]; + return firstTwo; + } + return firstTwo; +} +" +03cc7986162ddce94000197aebd08eefdd74bfbb,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + + } + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo = nums[0]; + } + else + { + firstTwo = new int[0]; + return firstTwo; + } + return firstTwo; +} +" +4298916713d6c240fef000c01d6f3e0b4e2c6b74,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + if (nums.length >= 2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + + } + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + } + else + { + firstTwo = new int[0]; + return firstTwo; + } + return firstTwo; +} +" +ec3d71d5aa182f4a6e8233ed20632edc0ad894a8,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums[]; + } + else + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + + +} +" +a7a61707262a159e05877911fd17bfac1f8d7e88,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums = newint[0]; + } + return newNums; + + +} +" +17b522367c5218c4836e3191b090816036617a4a,"public int[] frontPiece(int[] nums) +{ + private int[] newNums; + if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums = newint[0]; + } + return newNums; + + +} +" +f08e2b592188436fa1ed79f4a29781241c98b360,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums = newint[0]; + } + return newNums; + + +} +" +467d1e64984220260a67c3e2a5bda1002a2535cd,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums = new int[0]; + } + return newNums; + + +} +" +5411c4d28a36f9920ae47b997dbad9e6174a4f4c,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.length < 2) + return nums; + else + { + front = {nums[0], nums[1]}; + return front; + } +} +" +cae9e7a4057239bbe50973a1c8f9783e70bd7730,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; +} + return newArray; +} +" +57d1f254d2ae34c05209513206a7c58e282bf98b,"public int[] frontPiece(int[] nums) +{ + int[2] newArray; + for (int i = 0; i < 2; i++) + { + newArray[i] = nums[i]; +} + return newArray; +} +" +be3a519a34ee1a28334bd0e76df8865c40c18f2e,"public int[] frontPiece(int[] nums) +{ + int[] newArray = {nums[0], nums[1]}; + + return newArray; +} +" +20f3da440641de18b303d3c8587bf7eebf9be101,"public int[] frontPiece(int[] nums) +{ + if (nums.length>1) + { + int[] newArray = {nums[0], nums[1]}; + } + else (nums.length == 1) + { + int[] newArray = {nums[0]} + } + + return newArray; +} +" +d73c41deb96e45c01f7969832dd90a0273b0a9e5,"public int[] frontPiece(int[] nums) +{ + if (nums.length>1) + { + int[] newArray = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + } + + return newArray; +} +" +8d736ab9b5cab15e4b66fa79e82b9e7c22f1d111,"public int[] frontPiece(int[] nums) +{ + if (nums.length>1) + { + int[] newArray = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + } + else + { + int[] newArray = null + } + + return newArray; +} +" +f012334a4ae5222c7396a35dcfbc8cea38b2378f,"public int[] frontPiece(int[] nums) +{ + if (nums.length>1) + { + int[] newArray = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + } + else + { + int[] newArray = null; + } + + return newArray; +} +" +e4fe7f08e6662eab771323f5a2a0e86f3db09097,"public int[] frontPiece(int[] nums) +{ + int[] newArray = null; + if (nums.length>1) + { + int[] newArray = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + } + else + { + int[] newArray = null; + } + + return newArray; +} +" +a0a8851543b51fefa701e3ea8b1ae145fffc3dea,"public int[] frontPiece(int[] nums) +{ + int[] newArray = null; + if (nums.length>1) + { + newArray = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + newArray = {nums[0]}; + } + else + { + newArray = null; + } + + return newArray; +} +" +ee1746cfebd15859209b0b153602d5f8b16f0135,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + return (nums[0], nums[1]); + } + if(nums.length == 1) + { + return nums[0]; + } + else + return 0; +} +" +34f87f2d283c4864f58ecd15a643651e76179d35,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length = 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else if (nums.length = 0} + { + front = new int[0]; + } + else + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + return front; + +} +" +5b8656ff605bc98acd6bc13ed0c9e2cd40e26a20,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + return (nums[0], nums[1]); + } + if(nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } +} +" +7d1047dbf73f76c9a36cb6fc6856d9f31b743a86,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length = 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else if (nums.length = 0) + { + front = new int[0]; + } + else + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + return front; + +} +" +c8d1936c4765a48364105ea44bd46d3f4da26c69,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else if (nums.length == 0) + { + front = new int[0]; + } + else + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + return front; + +} +" +5f1a6ffb20b61964a0991f42114122b7a87d951d,"public int[] frontPiece(int[] nums) +{ + int[] front = new Array[2]; + if (nums.length >= 2) { + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + front[0] = nums[0]; + } + return front; +} +" +ae734ea74229f8a0c29b1afa02e48ac6f00abbec,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.length >= 2) { + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + front[0] = nums[0]; + } + return front; +} +" +393525fbcf4fd4934bd66ffde53905974c6924ac,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1] + front[0] = nums[0]; + } + else { + int[] front = null; + return front; +} +" +bbbabadc2edbaa6f56d3d8e7a7d010532718d3a9,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1] + front[0] = nums[0]; + } + else { + int[] front = null; + } + return front; +} +" +b5229e926f14e22857c8e552b34e3f96e15b87d8,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = null; + } + return front; +} +" +3e6ddd7909653029da1b6ded058c8b5b227041f6,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = new int[]; + } + return front; +} +" +01c6aeec514a7ad08c5227909d90a0ae74c6777d,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = new int[0]; + } + return front; +} +" +be1a30a1bcb8b3bc5a2fd2847afbf4eeb2619935,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[] + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = new int[0]; + } + return front; +} +" +183ffbf6dd10cd3e343fc7d9c1c047c33f0ccbe0,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2] + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = new int[0]; + } + return front; +} +" +3123f01fcdef3e81b3098f3c3b877674b3b85cfe,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.length >= 2) { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = new int[0]; + } + return front; +} +" +1d3ad61aeac181a30d1c0f8eac72f3c6c33a29e5,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.length >= 2) { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + int[] front = new int[1]; + front[0] = nums[0]; + } + else { + int[] front = new int[0]; + } + return front; +} +" +d43c4c1218ad7c028c3ba49e5f16a019461f8952,"public int[] frontPiece(int[] nums) +{ + int[] front = new int[2]; + if (nums.length >= 2) { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) { + front = new int[1]; + front[0] = nums[0]; + } + else { + front = new int[0]; + } + return front; +} +" +4ebc2f4121c8b22db0853718150b6b25e5ef8237,"public int[] frontPiece(int[] nums) +{ + // make new array first + int[] toes = { nums[0], nums[1] }; + if ( nums.length < 2) { + return nums; + } + return toes; + +} +" +e512e35100d6a36e9be84b00e660836a24dae94b,"public int[] frontPiece(int[] nums) +{ + // make new array first + if ( nums.length < 2) { + return nums; + } + int[] toes = { nums[0], nums[1] }; + return toes; + +} +" +cfa9a497c68abc5bb06bdcd186660d9932f14bc0,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + return a, b; +} +" +e4ed0b109a21f25801d802d64cb7e77adb8166a5,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + return a + b; +} +" +711975f7fcd6eb631e68e5666bc9144fc89ebdae,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = [2]; + newArray = {a, b}; + return newArray; +} +" +9e56b06715277902116712f1affd80226fdb431e,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = int[2]; + newArray = {a, b}; + return newArray; +} +" +c76c4dc8e81f29242933b44f51834fc4ee3dd2c8,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = new int[2]; + newArray = {a, b}; + return newArray; +} +" +0327004546c083a43250c52a00702b6bfb8f075e,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = new int[2]; + newArray = {a b}; + return newArray; +} +" +fa46475174192b847f09e3ee5a3146c2b2ec9cb8,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = new int[2]; + newArray = {a, b} + return newArray; +} +" +279e839751fd7518cc718adcd62440709f5048df,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = {a, b} + return newArray; +} +" +d69559267bc2de1bc244c48b12a0c018a0fa7ecf,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + Int newArray = {a, b}; + return newArray; +} +" +0c045c1f6130f174a28e72cfdd63ff0e16e9de0f,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + int[] newArray = {a, b}; + return newArray; +} +" +e8d2c88dd149f4cbc7aa55a443e9ecb321925fc7,"public int[] frontPiece(int[] nums) +{ + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + int[] newArray = {b, a}; + return newArray; +} +" +70226066f8e0bb335d42060076f85efae7cacbda,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return null; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + return newArray; + } + //this is the ""else"" case, when the length of the + //array is assumed to be 2 or more + int a = nums[nums.length - 1]; + int b = nums[nums.length - 2]; + int[] newArray = {b, a}; + return newArray; +} +" +4f997a7f754cfd5a4e6521f5ff79f3cd2c279894,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return null; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + return newArray; + } + //this is the ""else"" case, when the length of the + //array is assumed to be 2 or more + int a = nums[0]; + int b = nums[1]; + int[] newArray = {a, b}; + return newArray; +} +" +1771be18f6bd8aeaaadd8620ec54d84284073015,"public int[] frontPiece(int[] nums) +{ + if (nums == null) + { + return null; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + return newArray; + } + //this is the ""else"" case, when the length of the + //array is assumed to be 2 or more + int a = nums[0]; + int b = nums[1]; + int[] newArray = {a, b}; + return newArray; +} +" +799b4153111ef6cbde168c373d0011aa53d3570c,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return null; + } + else if (nums.length == 1) + { + int[] newArray = {nums[0]}; + return newArray; + } + //this is the ""else"" case, when the length of the + //array is assumed to be 2 or more + int a = nums[0]; + int b = nums[1]; + int[] newArray = {a, b}; + return newArray; +} +" +af07b4260ebe415408591056ed9d692cb8480200,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length-1; i++) + { + array[i] = i+1; + } + return array; +} +" +72c37d82f9b4667d6f6d313f525a87b6142e0546,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length-1; i++) + { + array[i] = i+1; + } + return array; +} +" +15a8b672cc253a26d76c7eaad62c5a3117bf1757,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < nums.length; i++) + { + array[i] = i+1; + } + return array; +} +" +95a99e692b59703ecee5b119286bfe4b1066c8a2,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + return array; +} +" +9c83d311b9a48e844fac3c5c84f37c8951e71fb7,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array[i].append(nums[i]); + } + return array; +} +" +ce02393df40612008820f3b91ce5fe5748b7dac4,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array[i] = i+1; + } + return array; +} +" +d05a0d42ef887175acedf9e8e937d76cfa128012,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array.add(nums[i]); + } + return array; +} +" +e5f0a048639edf3692e3263e4f66939bbef7299d,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array.append(nums[i]); + } + return array; +} +" +bdf9cbab5194c85632780a9a9ce3027d789c96a0,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + return array; +} +" +03627f30b46c5366eadedd2cd427425c07fd2837,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.size < 2) + { + array[i] = nums[i] + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +f0c5b0058f45eaa928516cb66573a56462a18f04,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.size < 2) + { + array[i] = nums[i]; + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +ac40cb1323b68cf7a744c421fc48f32b21ad5c9b,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + array[i] = nums[i]; + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +a0fc5bfc9a9c48c75ef84665d7c61d95be2cc6e7,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + array[0] = nums[0]; + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +acdc6903e759dba0c6c60ac1b04d470de1c90a67,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + array[0] = nums[0]; + } + else + { + for (int i = 0; i < nums.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +5d904e80072828d36c23960adf1c61341ae74a36,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + if (nums.length < 2) + { + array[0] = nums[0]; + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +22e23d686e2cce5e93056bc875901ea2b3b2399e,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int [] newArray = {nums[0], num[1]}; + return newArray; + } +} +" +6480d232b36a5e1f43dbf355af911d7b6f3efa9b,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + if (nums.length < 2) + { + array[0] = nums[0]; + } + } + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + return array; +} +" +8ceb94dfecb7e55f4e574fcaf882459a5bec9d56,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int [] newArray = {nums[0], nums[1]}; + return newArray; + } +} +" +a0b111f200174f0f1b8e02266f3519adef116f2d,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length-1; i++) + { + if (nums.length < 2) + { + array[0] = nums[0]; + } + } + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + return array; +} +" +576521dd5dc66f9b08ef22843bb3decc9d646607,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + for (int i = 0; i < array.length; i++) + { + if (nums.length < 2) + { + array[i] = nums[i]; + } + } + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + return array; +} +" +bd6c47ee51eeae115c90be6348d0f884410b82c2,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + int[] array2 = new int [nums.length]; + for (int i = 0; i < array2.length; i++) + { + if (nums.length < 2) + { + array[i] = nums[i]; + } + return array2; + } + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + return array; +} +" +332973517ebabcc4b1521d9d1de7ec4407a961c9,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + int[] array2 = new int [nums.length]; + if (nums.length < 2) + { + for (int i = 0; i < array2.length; i++) + { + array[i] = nums[i]; + return array2; + } + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +f9a95a075612105a4e4078d4771e438f36ff532a,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + int[] array2 = new int [nums.length]; + if (nums.length < 2) + { + for (int i = 0; i < array2.length; i++) + { + array2[i] = nums[i]; + return array2; + } + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +2a551153e3d8afaa70a3f5cdc39379598df896f5,"public int[] frontPiece(int[] nums) +{ + int[] array = new int [2]; + int[] array2 = new int [nums.length]; + if (nums.length == 0) + { + return array2; + } + if (nums.length < 2) + { + for (int i = 0; i < array2.length; i++) + { + array2[i] = nums[i]; + return array2; + } + } + else + { + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + } + } + return array; +} +" +402fbdf75938359f0a8a0b8a5f0a85d3d370919d,"public int[] frontPiece(int[] nums) +{ + int[] returnArray = new int[2]; + if (nums.length <= 2) { + returnArray = nums; + } + else if (nums.length > 2) { + returnArray[0] = nums[0]; + returnArray[1] = nums[1]; + } + return returnArray; +} +" +b20f424fae7e38fb92ad12e5dd8bf8fb9ea903e7,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + nums2[i] = nums[i]; + } + return nums2; +} +" +7b0bb5bceefb953cbff36270e836c6c2b99071d8,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + nums2[i] = nums[i]; + } + return nums2; +} +" +7c0c3642345d7cffb508bdcc8d145bd4d57d57c2,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + for (int i = 0; i < 2; i++) + { + nums2[i] = nums[i]; + } + return nums2; +} +" +aa63bdfc8e76beeeb2cc09cc50b296c8f97d778e,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +15959a154a461ac2769f8702dc73401e43a16ff7,"public int[] frontPiece(int[] nums) +{ + int[] f; + if (nums.length >= 2) + { + f = new int[2]; + f[0] = nums[0]; + f[1] = nums[1]; + } + else if (nums.length == 1) + { + f = new int[1]; + f[0] = nums[0]; + } + else + { + f = new int[0]; + } + return f; +} +" +1c68c70611153e376cf2197b55912bea8ce1602f,"public int[] frontPiece(int[] nums) +{ + +} +" +c1e5821edfb78826eb0d3476313435a92e1a1d88,"public int[] frontPiece(int[] nums) +{ + int[] fp; + if (nums.length >= 2) + { + fp = new int[2]; + fp[0] = nums[0]; + fp[1] = nums[1]; + } + else if (nums.length == 1) + { + fp = new int[1]; + fp[0] = nums[0]; + } + else + { + fp = new int[0]; + } + return fp; +} +" +205b03b58cefa538e898b06409d41ceee9795698,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +6ede46590bd4e57ab3bd0bcbcd22269e8e8b5845,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +f5892694485131cb37606be219d358842322065c,"public int[] frontPiece(int[] nums) +{ + int[] i; + if(nums.length == 1) + { + i = new int[1]; + i[0] = nums[0]; + } + else if(nums.length >= 2) + { + i = new int[2]; + i[0] = nums[0]; + i[1] = nums[1]; + } + else + i = new int[0]; + return i; +} +" +087ad01ea509a4849796ab8b72230449446ba61c,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[nums.length]; + for(int i=0;i= 2) + { + frontPiece = new int[2]; + frontPiece[0] = nums[0]; + frontPiece[1] = nums[1]; + } + else if(nums.length == 1) + { + frontPiece = new int[1]; + frontPiece[0] = nums[0]; + } + else + frontPiece = new int[0]; + return frontPiece; +} +" +17098bed9a60880b893d015bf985490d9b01138c,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +4b51901e523aba1f47a02c901f16c8b23b4943b4,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +7819d4688f44bac800bb6f41bb6f84c86ea9f2f3,"public int[] frontPiece(int[] nums) +{ + int[] newArray = int[2] + if(nums.length >= 2) + { + newArray = {nums[0], nums[1]}; + } + if(nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } +} +" +aa09ab126b16ad99d55ce1c80f3475a1910a16fb,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + newNums[i] = nums[i]; + } + else + { + for (int i = 0; i < 2; i++) + newNums[i] = nums[i]; + } + return newNums; +} +" +87bf1725f5a5e2ad1a4a4c867557f97967c9d2d6,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + int[] newNums = new int[nums.length]; + newNums[i] = nums[i]; + } + else + { + for (int i = 0; i < 2; i++) + int[] newNums = new int[2]; + newNums[i] = nums[i]; + } + return newNums; +} +" +f73b7a93729586a4e0d05fe0469092bf10635245,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + newNums[i] = nums[i]; + } + else + { + int[] newNums = new int[2]; + for (int i = 0; i < 2; i++) + newNums[i] = nums[i]; + } + return newNums; +} +" +2681130158d04737b13f51e06f646950333e5cef,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + newNums[i] = nums[i]; + return newNums; + } + else + { + int[] newNums = new int[2]; + for (int i = 0; i < 2; i++) + newNums[i] = nums[i]; + return newNums; + } +} +" +f201b66c1faec94ee09bf6712a81adb594f9a897,"public int[] frontPiece(int[] nums) +{ + return frontPiece([0][1]); +} +" +9197cf60b859499da8a810834b708fe820a43911,"public int[] frontPiece(int[] nums) +{ + return frontPiece([0],[1]); +} +" +8373b98bc8ad3faece423386875795fdff32664f,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return nums{[0]}; +} +" +3326a6be0e0a86af76610b224ff16ffcff96c9a8,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] nums{[0]}; +} +" +0068a285e26b4555438fe3c007e27aa12c1b1436,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; +} +" +847401205c86d429ea16c0d8880dffb1ce1e4de5,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} +" +17a245d89aba4a08e473f30e380b091c03ac2ff8,"public int[] frontPiece(int[] nums) +{ + return nums[0 , 2]; +} +" +f737ac8b4cd393fb08cb90d2ac50c16097b2d9aa,"public int[] frontPiece(int[] nums) +{ + return nums[0 , 2] +} +" +adfcbea3b4176e8a2e6ee23ae0b956061e5ac549,"public int[] frontPiece(int[] nums) +{ + return nums[0 , 1]; +} +" +527b67733063f875a6c11d90a434778a72ad8889,"public int[] frontPiece(int[] nums) +{ + return nums[0]; + return nums[1]; +} +" +b18e040605a939183d90b60f9e6c6d70a64b664d,"public int[] frontPiece(int[] nums) +{ + for (int i = 0; i < 1; i++) + { + return nums[i]; + } +} +" +420e5be1fe87eda4d8c806427cf2ea52c8d83f01,"public int[] frontPiece(int[] nums) +{ + for (int i = 0; i < 1; i++) + { + return frontPiece[i]; + } +} +" +ccaeed5e4792f1aeea9d11272100e4a8fcdaf3b1,"public int[] frontPiece(int[] nums) +{ + for (int i = 0; i < 1; i++) + { + return nums[i]; + } +} +" +89cdc0ecc2394d09fe09bce73b877d0026c6bb2e,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +ee502dd289ee513cb4a3873f0452c706538834fa,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +0eec8a3c21cb441d96c6b6c31d352de1753df8d3,"public int[] frontPiece(int[] nums) +{ + int[2] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +381cf0192d8c96a79b39c8ea5d35bf3af03cbaf7,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + count = 0; + if (nums.length() >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length() == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +f361d916834262e9f89dabc1623cacdc5a39f649,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[1]; + count = 0; + if (nums.length() >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length() == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +f7f2ac8def71ffcf65b9aa530c4adf71b680a3ba,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[1]; + if (nums.length() >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length() == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +cfd56a5d6ebd89e712345fa0ad8b0b00fb533638,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length() >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length() == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +ccfbb69dd4404a6aaded5fcf5997a585d2b80f50,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length() == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +7dfeac4c109be2c83305719a3695c54618a715a7,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +886e902749f764cb150c638b7cfcb56d6d7da587,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[0]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray.add(nums[count]); + } + return newArray; + } + else if (nums.length == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +dd829f54728f68aaadf9c51e15832a29906b764a,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[0]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + int number = nums[count]; + newArray.add(number); + } + return newArray; + } + else if (nums.length == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +d31d9739389b8fd5e91ba8ef7fe0b21cb88bf07c,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[0]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + int number = nums[count]; + newArray.add([number]); + } + return newArray; + } + else if (nums.length == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +163346cf3053bca4defe76cd7786990f2713893e,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[0]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +eb0acc28329b43b510477760879305a98e0ded4e,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length >= 2) + { + for (int count = 0; count < 2; count++) + { + newArray[count] = nums[count]; + } + return newArray; + } + else if (nums.length == 0) + { + return newArray; + } + else + { + newArray[0] = nums[0]; + return newArray; + } +} +" +75b48d69ebfbf36d9fc2f2e019e08e66589372cc,"public int[] frontPiece(int[] nums) +{ + return (nums.substring(0, 2)); + if (nums.length() < 2) + { + return nums; + } +} +" +f3fe9d0827603f9bf5368eb9a21f7b910bf6dfc8,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 2) + { + return nums; + } + int[] temp = {nums[0], nums[1]}; + return temp; + +} +" +277ea08d96cbf43a20687d70ddb963f1d6974a9e,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + + { + + front = new int[2]; + + front[0] = nums[0]; + + front[1] = nums[1]; + + } + + else if(nums.length == 1) + + { + + front = new int[1]; + + front[0] = nums[0]; + + } + + else + + front = new int[0]; + + return front; +} +" +e9a1f391cfb8d601c134fbd38a7754f0c3db41a2,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + front = new int[2] + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[1] + front[0] = nums[0]; + } + return front; +} +" +18046e1f339574e2eb15097b42ae4381d433beec,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[1]; + front[0] = nums[0]; + } + return front; +} +" +dd3e2599a2dd4703d3fc690d2483cafd259f716e,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[1]; + front[0] = nums[0]; + } + return front[]; +} +" +9b473f623ecd34bda280738054dde81fac1fa8a6,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[1]; + front[0] = nums[0]; + } + return front[]; +} +" +dfd3ef3cd54409ab6461cc9155153359b91c4947,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[1]; + front[0] = nums[0]; + } + return front; +} +" +30dc3b58c9653b2b93fefabaf025c2b41f8cf69f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0] + } + return front; +} +" +8b62697836a708265bb6e0b30b66cc4a50673c9a,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +5bacf330bf58c25c02a8138ac7a4481a7ca5c3aa,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) { + return new int[] {nums[0]}; + } + else if (nums.length == 0) { + return new int [] {}; + } + else { + return new int[] {nums[0], nums[1]}; + } +} +" +1a743f3ff8bd5b9bbc78848312744c5e80bfee9b,"public int[] frontPiece(int[] nums) +{ + int elements = 0; + if (nums.length >= 2) + { + elements = 2; + } + else + { + elements = nums.length; + } + int returnThis[] = new int[elements]; + + for (int i = 0; i < elements; i++) + { + returnThis[i] = nums[i]; + } + + return returnThis[]; +} +" +60dc6da4ffc83777c66e88b6969b05523e6d9d7f,"public int[] frontPiece(int[] nums) +{ + int elements = 0; + if (nums.length >= 2) + { + elements = 2; + } + else + { + elements = nums.length; + } + int returnThis[] = new int[elements]; + + for (int i = 0; i < elements; i++) + { + returnThis[i] = nums[i]; + } + + return returnThis; +} +" +a939f3b6244d3bf4bd5d4bede1c7c6c1dfa2695f,"public int[] frontPiece(int[] nums) +{ + if(nums.length() <2) + { + return nums; + } + else + { + int[] nums2 = new Array[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } +} +" +f5684f8b5feb3cb25c4959942b1c09d161e22f5b,"public int[] frontPiece(int[] nums) +{ + if(nums.size() <2) + { + return nums; + } + else + { + int[] nums2 = new Array[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } +} +" +615d360f4ee82920f6667af1ec3d5d215885113c,"public int[] frontPiece(int[] nums) +{ + if(nums.length <2) + { + return nums; + } + else + { + int[] nums2 = new Array[2]; + nums2[0] = nums[0]; + nums2[1] = nums[1]; + } +} +" +23fa8b3fa235ff004c76724a5e2861a20c5aa501,"public int[] frontPiece(int[] nums) { +if(nums.length >= 2){ +int []k = {nums[0], nums[1]}; +return k; +} +return nums; +} +" +e91c94b488fbcb7cb35ed9667082bb93daeba57e,"public int[] frontPiece(int[] nums) +{ + int[] newNums + if (nums.size > 1) + { + newNums[0] = nums[0] + newNUms[1] = nums[1] + } + else if (nums.size = 1) + { + newNums[0] = nums[0] + } + else + return null +} +" +662d8f67d632fa524d2b31439edf5f63c2571b68,"public int[] frontPiece(int[] nums) +{ + int[] newNums + if (nums.size > 1) + { + newNums[0] = nums[0] + newNUms[1] = nums[1] + } + else if (nums.size = 1) + { + newNums[0] = nums[0] + } + else + return null +} +" +84673718f9f258e19e5e40771d708ed525eaafa6,"public int[] frontPiece(int[] nums) +{ + int[] newNums + if (nums.size > 1) + { + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + newNums[0] = nums[0] + } + else + return null +} +" +98b0182e66e86f0318de68027bc3a52f56512cec,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + int[2] newNums + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + int[1] newNums + newNums[0] = nums[0] + } + else + return null +} +" +0c54f697bf4ec937f6f6d479658ad63897bf2504,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + int[] newNums[2] + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + int[] newNums[2] + newNums[0] = nums[0] + } + else + return null +} +" +32d818bf8ccde7c30bccd036311ae7a227ac452d,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + int[] newNums = new Integer[2] + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + int[] newNums = new Integer[1] + newNums[0] = nums[0] + } + else + return null +} +" +2612b192fe9f792180c6008ee6033c87835f86ab,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + int[] newNums = new int[2] + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + int[] newNums = new int[1] + newNums[0] = nums[0] + } + else + return null +} +" +f3c5e105e19e5917c1eef6f728bf3bf8528069fd,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + int newNums[2]; + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + int newNums[1] + newNums[0] = nums[0] + } + else + return null +} +" +b2cb8ae9ead8e335d5c0ea968140add5f4bdbe87,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + Integer[] newNum = new Integer[2] + newNums[0] = nums[0] + newNums[1] = nums[1] + } + else if (nums.size = 1) + { + Integer[] newNum = new Integer[1] + newNums[0] = nums[0] + } + else + return null +} +" +487a5ab186885f0d2eed2164e0477d3b93ace3e9,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + Integer[] newNum = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.size = 1) + { + Integer[] newNum = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null +} +" +222c5dc517348b5713c872e1c78102d1213887d9,"public int[] frontPiece(int[] nums) +{ + + if (nums.size > 1) + { + Integer[] newNum = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.size = 1) + { + Integer[] newNum = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null; +} +" +311f0b226dae583f1de25b941fba8e728aca7f1f,"import java.util.ArrayList; + +public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +9943272a168d8d7ca97b58e3556a133b121e5e46,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNum = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length = 1) + { + Integer[] newNum = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null; +} +" +b39d139da144694162a1670822097792d1084c8f,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNum = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length = 1) + { + Integer[] newNum = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null; +} +" +a5e86a1380d866325fde0c614b943a45cc5c8c6d,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNum = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length = 1) + { + Integer[] newNum = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null; +} +" +ecd0777e8dd844583e018bbb803d3788dc396297,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNums = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length = 1) + { + Integer[] newNums = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null; +} +" +63e4091110a7c45f8c16be8c671a5743c658850f,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNums = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + Integer[] newNums = new Integer[1]; + newNums[0] = nums[0]; + } + else + return null; +} +" +14fefb401856682853826e4b415aa606562d761c,"import java.util.ArrayList*; + +public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +5098ae30f73786d042cac5c7c11052ea0c5a3da0,"import java.util.ArrayList; + +public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +4161ae7da3f0f6506f577213d224eff4df549b0a,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNums = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + Integer[] newNums = new Integer[1]; + newNums[0] = nums[0]; + } + return null; + +} +" +5dbac60b2f2740fbce68aaab3cf757c4cc46632c,"//import java.util.ArrayList; + +public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +d18bef1da60f96d08e7ceabd62b6ca09dff9cab5,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + Integer[] newNums = new Integer[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } + else if (nums.length == 1) + { + Integer[] newNums = new Integer[1]; + newNums[0] = nums[0]; + return newNums; + } + return null; + +} +" +57d083ca56707bee06d0d0294b65d447dfe59ec3,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } + else if (nums.length == 1) + { + int[] newNums = new int[1]; + newNums[0] = nums[0]; + return newNums; + } + return null; + +} +" +617e35cc0f1b5f8da4de8cfeb97239bf0298b28b,"public int[] frontPiece(int[] nums) +{ + + if (nums.length > 1) + { + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } + else if (nums.length == 1) + { + int[] newNums = new int[1]; + newNums[0] = nums[0]; + return newNums; + } + else + { + int[] newNums = new int [0]; + return newNums; + } + +} +" +d71ebd0fa98e5621e446d31521c8d120748331b2,"public int[] frontPiece(int[] nums) +{ + int[] a; + if (nums.length < 2) + { + a = new int[nums.length]; + } + else + { + a = new int[2]; + } + if (nums.length > 0) + { + a[0] = nums[0]; + } + if (nums.length > 1) + { + a[1] = nums[1]; + } + return a; +} +" +c90b70f07e2ce48ff7cb5114b50083faac6448a5,"public int[] frontPiece(int[] nums) +{ + int[] ret = new int[]; + if (nums.length == 1) + { + ret[0] = nums[0]; + } + else + { + ret[0] = nums[0]; + ret[1] = nums[1]; + } + return ret; +} +" +b0296b8e1f56751d74db785af4a3d4e30bb99dcf,"public int[] frontPiece(int[] nums) +{ + int[] ret; + if (nums.length == 1) + { + ret = new int[1]; + ret[0] = nums[0]; + } + else + { + ret = new int[2]; + ret[0] = nums[0]; + ret[1] = nums[1]; + } + return ret; +} +" +874f7a4d0f40308554a88cc3af22fecca1df84b1,"public int[] frontPiece(int[] nums) +{ + int[] ret; + if (nums.length <= 1) + { + ret = new int[1]; + ret[0] = nums[0]; + } + else + { + ret = new int[2]; + ret[0] = nums[0]; + ret[1] = nums[1]; + } + return ret; +} +" +b3c32c0885276159253ad1597d782e2673f750b4,"public int[] frontPiece(int[] nums) +{ + int[] ret; + if (nums.length == 1) + { + ret = new int[1]; + ret[0] = nums[0]; + } + else if (nums.length == 0) + { + return null; + } + else + { + ret = new int[2]; + ret[0] = nums[0]; + ret[1] = nums[1]; + } + return ret; +} +" +9a9a5948ea523bf28fb7cd654035b2951d892ad5,"public int[] frontPiece(int[] nums) +{ + int[] ret; + if (nums.length == 1) + { + ret = new int[1]; + ret[0] = nums[0]; + } + else if (nums.length == 0) + { + ret = new int[1]; + ret[0] = nums[0]; + } + else + { + ret = new int[2]; + ret[0] = nums[0]; + ret[1] = nums[1]; + } + return ret; +} +" +4ae1dc03be98a348c9a19fae7c06b5b8a2c35616,"public int[] frontPiece(int[] nums) +{ + int[] ret; + if (nums.length == 1) + { + ret = new int[1]; + ret[0] = nums[0]; + } + else if (nums.length == 0) + { + ret = new int[0]; + } + else + { + ret = new int[2]; + ret[0] = nums[0]; + ret[1] = nums[1]; + } + return ret; +} +" +dae7676bf5cd77e0a62f7bf2b3090282f8058e2f,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return nums; + } + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; +} +" +34059095ab15c08556fdb87874983f9de33407a4,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; +} +" +2146f1f9d6f5169bb1804191b1a9228d940ae3ea,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } +} +" +732196af052581fc8dfa3390a86c846eec20ca4a,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + return nums; +} +" +0a4855c4f6294a3e04cea3a7cee07df4e4004488,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[] dude = { nums[0], nums[1] }; + retrun dude; +} +" +92f8d9e6d9e2c0f43a2688f352c5e9a17db13e22,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[] dude = { nums[0], nums[1] }; + return dude; +} +" +d5e508811dec3b385fef7481eda5d59b4363650d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + dude = new int[2] + int[] dude = { nums[0], nums[1] }; + return dude; +} +" +d81df59578c314562836c795727fbf54732ce07a,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + dude = new int[2]; + int[] dude = { nums[0], nums[1] }; + return dude; +} +" +27a2e6065b25ee7e733a8a5814ef51d0f3871523,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[] dude = { nums[0], nums[1] }; + return dude; +} +" +e2785b94bc31996558dd35135a8618ef27dc8bbe,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + dude = new int[2]; + dude[] = { nums[0], nums[1] }; + return dude; +} +" +cb41236c7eb34f88b824556717fe77f6d7925d9d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[] dude = { nums[0], nums[1] }; + return dude; +} +" +2514d50d91e4823260c8d191afc906ce17174425,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[2] dude = { nums[0], nums[1] }; + return dude; +} +" +6431f949bf29106d5c84ae331ec4fa865e27e357,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + int[] dude = { nums[0], nums[1] }; + return dude; +} +" +32d6a8970cab268f8e9e303d7f711b81c49b838e,"public int[] frontPiece(int[] nums) +{ + int a = nums.length(); + Array newArray = null; + for (int i = 0; i < a - (a - 2); i++) + nums[i].add(newArray); + return newArray; +} +" +e8fea402c9d3cd382be28867fb97d40ab8f39a8d,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + Array newArray = null; + for (int i = 0; i < a - (a - 2); i++) + nums[i].add(newArray); + return newArray; +} +" +3fa528ac83b4ee35d672b5c12b05bf598a9147f8,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + for (int i = 0; i < a - (a - 2); i++) + nums[i].add(newArray); + return newArray; +} +" +9e3f9257619e506847f70d9c5de51bafe104a422,"public int[] frontPiece(int[] nums) +{ + int a = nums.length; + for (int i = 0; i < a - (a - 2); i++) + nums[i].add(nums); + return nums; +} +" +8c2a68663629e8bcf1e12c9d0b0a62640eda8e1d,"public int[] frontPiece(int[] nums) +{ + int [] r = new int[2]; + for (int i = 0; i < nums.length(); i++) + if (i < 2) + r[i] = nums[i]; + return r; +} +" +a2be90755ab60aba6fd2821976391d09576c644a,"public int[] frontPiece(int[] nums) +{ + int [] r = new int[2]; + for (int i = 0; i < nums.size(); i++) + if (i < 2) + r[i] = nums[i]; + return r; +} +" +0fffaf5d87c366df5e845d217443910ec9f2e95a,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +efe63944abbeb9b35e1168fcbeccbcce98d5979f,"public int[] frontPiece(int[] nums) +{ + int [] r = new int[2]; + for (int i = 0; i < 2; i++) + if (nums[i] != null) + r[i] = nums[i]; + return r; +} +" +0f2890af67fee51acbd5df847665479e40f0b7bb,"public int[] frontPiece(int[] nums) +{ + int [] r = new int[2]; + for (int i = 0; i < 2; i++) + if (nums[i] != 0) + r[i] = nums[i]; + return r; +} +" +f99acd0c74a13e24a5301e0496307f890e053c25,"public int[] frontPiece(int[] nums) +{ + if (num.length < 2) + { + return new int[] + } + else + { + return new int[] {nums[0], nums[1] + } +} +" +e0a15c8edad38d9a5ca89dae03da5712c4cf71a4,"public int[] frontPiece(int[] nums) +{ + if (num.length < 2) + { + return new int[] + } + else + { + return new int[] {nums[0], nums[1]} + } +} +" +96fb10f010c69c847008b99bca04f8afa9f0f848,"public int[] frontPiece(int[] nums) +{ + if (num.length < 2) + { + return new int[]; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +6313912685bd38a773e2ac33d783cb8db9d21834,"public int[] frontPiece(int[] nums) +{ + if (num.length < 2) + { + return new int[]{num[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +9baf188228c63b7a8e531468a60c3de235e775a2,"public int[] frontPiece(int[] nums) +{ + if (num.length < 2) + { + return new int[]{nums0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +909954c61d5c11a116b1be0f1ca14bd16247bc56,"public int[] frontPiece(int[] nums) +{ + if (num.length < 2) + { + return new int[]{nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +d9e6e353019f21845e24c4c435e3f2d6f8ee1886,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return new int[]{nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +eb7425b98dda0560dc1c8adba05e529413b93163,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2 + { + if (nums.length == 1) + { + return new int[]{nums[0]}; + } + else + { + return new int[]{nums[]}; + } + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +e09b64694e74798e2d4787fd844832a277252573,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length == 1) + { + return new int[]{nums[0]}; + } + else + { + return new int[]{nums[]}; + } + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +7a7493fc0f297131342869c02bf6ef88c9e66521,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length == 1) + { + return new int[]{nums[1}; + } + else + { + return new int[]{nums[0}; + } + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +f44cfc0f656fdc75e785f4ec436b05411d6ebd98,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } + else if (nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + return newArray; + } +} +" +9c76d794fcabef309cf683426bf8f9a892012af8,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length == 1) + { + return new int[]{nums[1]}; + } + else + { + return new int[]{nums[0]}; + } + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +64032d40fb9e2ae33e96fed21cf0ac276339f7a0,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length == 1) + { + return new int[]{nums[1]}; + } + else if (nums.length == 0) + { + return new int[]{nums[0]}; + } + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +30609b1c9c365f5fb4fd219cf09c6208fa6c8052,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + if (nums.length == 1) + { + return new int[]{nums[1]}; + } + else if (nums.length == 0) + { + return new int[]{nums[0]}; + } + return new int[]{nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +db4e950ea6cfd130bf76ecd8ed0cd275946a759f,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if (nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } + else if (nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + return newArray; + } +} +" +1af62a0f6356c12d60b9eca25ffcd6007a235e68,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + newArray = new int[0]; + if (nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else if (nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + } + return newArray; +} +" +5564128f1abd50a5662bd639075932bc07164241,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return new int[] {nums[0], nums[1]}; + } + if (nums.length == 1) + { + return new int[] {nums[0]}; + } +} +" +6d30247a78634cbbc6550bb676628f5b65fa8c7a,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + + if (frontPiece.length == 1) + { + array = frontPiece[0]; + } + else + { + array = frontPiece[0] + frontPiece[1]; + } + + return array; +} +" +758cbca610ee95db34af0a4163c94ea10fe08cf5,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + + if (nums.length == 1) + { + array = nums[0]; + } + else + { + array = nums[0] + nums[1]; + } + + return array; +} +" +e4061ae5ece42db2945f516961378e573477de36,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + return new int[] {nums[0], nums[1]}; + } + else if nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[0]; + } + + +} +" +721d06eeb073e79cdeeb4a0c5cce6d6d622d5403,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + + if (nums.length == 1) + { + array[0] = nums[0]; + } + else + { + array[0] = nums[0]; + array[1] = nums[1]; + } + + return array; +} +" +b77064a4ba0f1736bb6b6c5ec70b15f0d5e3de4e,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + return new int[] {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[0]; + } + + +} +" +5310677b39286ce0d8097633e2eff03044a7b522,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] array = new int[1]; + array[0] = nums[0]; + } + else + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + } + + return array; +} +" +ca6d547e1308dbc13c688b52f54308b33b0c6506,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + else + { + int[] array2 = new int[2]; + array2[0] = nums[0]; + array2[1] = nums[1]; + return array2; + } + +} +" +5ca24f0734aba61c40f8735224bb7ab79cea520a,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] array = new int[1]; + array[0] = nums[0]; + return array; + } + else if (nums.length == 0) + { + int[] array3 = new int[0]; + return array3; + } + else + { + int[] array2 = new int[2]; + array2[0] = nums[0]; + array2[1] = nums[1]; + return array2; + } + +} +" +f89891bc95471136c95cc7c331fc0b168c91e47f,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +7c2830d2af60c20b80fa49b3de3369e0d357e34b,"public int[] frontPiece(int[] nums) +{ + if (nums.length() == 0) + { + int[] x = new int[0]; + return x; + } + if (nums.length == 1) { + int[] a = new int[1]; + a[0] = nums[0]; + return a; + } + int[] a = new int[2]; + a[0] = nums[0]; + a[1] = nums[1]; + return a; + } +} +" +4afea69a90be4680ffeb6e5c314bbe9af53d55b1,"public int[] frontPiece(int[] nums) +{ + if (nums.length() == 0) + { + int[] x = new int[0]; + return x; + } + if (nums.length == 1) { + int[] a = new int[1]; + a[0] = nums[0]; + return a; + } + int[] a = new int[2]; + a[0] = nums[0]; + a[1] = nums[1]; + return a; + +} +" +5e834698d563bd22bd5a78f10b356862ede24550,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + int[] x = new int[0]; + return x; + } + if (nums.length == 1) { + int[] a = new int[1]; + a[0] = nums[0]; + return a; + } + int[] a = new int[2]; + a[0] = nums[0]; + a[1] = nums[1]; + return a; + +} +" +dbbbd82273791bd5a1e7c9e794250139c16169f2,"public int[] frontPiece(int[] nums) +{ + int [] r = new int[2]; + for (int i = 0; i < nums.length; i++) + if (i<2) + r[i] = nums[i]; + return r; +} +" +fc925f81a1fcccf0608cdf01bd73b423b207b9de,"public int[] frontPiece(int[] nums) +{ + if (nums.legnth() == 0) + { + int[] r = new int[0]; + return r; + } + else if (nums.length == 1) + { + int[] r = new int[1]; + r[0] = nums[0]; + return r; + } + int[] r = new int[2]; + for (int i = 0; i < nums.length; i++) + if (i<2) + r[i] = nums[i]; + return r; +} +" +677329e8645ee6067d5a59642953adf569ac4d70,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + int[] r = new int[0]; + return r; + } + else if (nums.length == 1) + { + int[] r = new int[1]; + r[0] = nums[0]; + return r; + } + int[] r = new int[2]; + for (int i = 0; i < nums.length; i++) + if (i<2) + r[i] = nums[i]; + return r; +} +" +64e0424fbe56241d18d3f1d7ef407f1a28208ce5,"public int[] frontPiece(int[] nums) +{ + return nums[0] nums[1] +} +" +bfa1b95e1a41a4e6489236668006f30065c92cb4,"public int[] frontPiece(int[] nums) +{ + return nums[0] nums[1]; +} +" +3d6e2898286c8e831a8421b13b79c782b94dd6fc,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + if (nums.length() >= 2) { + newArray.add(nums[0]); + newArray.add(nums[1]); + return newArray; + } + return nums; +} +" +7682221f128e95ccf55c86f9460eb9d7fd2649f1,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length() >= 2) { + newArray.add(nums[0]); + newArray.add(nums[1]); + return newArray; + } + return nums; +} +" +904edcfffcb20f555ee9e3396b5dade252d1ede0,"public int[] frontPiece(int[] nums) +{ + int[] beg; + if (nums.length >= 2) + { + beg = new int[2]; + beg[0] = nums[0]; + beg[1] = nums[1]; + else if (nums.length == 1) + { + beg = new int[1]; + beg[0] = nums[0]; + } + else + { + beg = new int[0]; + } + } + return beg; +} +" +414ebd6686fcd084388021a1e851c521dccfe7e8,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.size() >= 2) { + newArray.add(nums[0]); + newArray.add(nums[1]); + return newArray; + } + return nums; +} +" +732e3bef481ea1bccb08c5ee1d77a6a3c17f57e7,"public int[] frontPiece(int[] nums) +{ + int[] beg; + if (nums.length >= 2) + { + beg = new int[2]; + beg[0] = nums[0]; + beg[1] = nums[1]; + } + else if (nums.length == 1) + { + beg = new int[1]; + beg[0] = nums[0]; + } + else + { + beg = new int[0]; + } + } + return beg; +} +" +80ebbd14fef0dff3eabd3ed19e3196ad4021c446,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length >= 2) { + newArray.add(nums[0]); + newArray.add(nums[1]); + return newArray; + } + return nums; +} +" +ee47db6f100774dcd3c12be92608d59b228319b6,"public int[] frontPiece(int[] nums) +{ + int[] beg; + if (nums.length >= 2) + { + beg = new int[2]; + beg[0] = nums[0]; + beg[1] = nums[1]; + } + else if (nums.length == 1) + { + beg = new int[1]; + beg[0] = nums[0]; + } + else + { + beg = new int[0]; + } + } +} +" +9e254c0959191d196323c28fed3f6df67f9c8cbf,"public int[] frontPiece(int[] nums) +{ + int[] beg; + if (nums.length >= 2) + { + beg = new int[2]; + beg[0] = nums[0]; + beg[1] = nums[1]; + } + else if (nums.length == 1) + { + beg = new int[1]; + beg[0] = nums[0]; + } + else + { + beg = new int[0]; + } + +} +" +ce94d35cf1a137bdee8b2f963f56ccc55b49bd08,"public int[] frontPiece(int[] nums) +{ + int[] beg; + if (nums.length >= 2) + { + beg = new int[2]; + beg[0] = nums[0]; + beg[1] = nums[1]; + } + else if (nums.length == 1) + { + beg = new int[1]; + beg[0] = nums[0]; + } + else + { + beg = new int[0]; + } + return beg; +} +" +d2344fdea574cf534476eedae863ccf4f5781290,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length >= 2) { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } + return nums; +} +" +f568f1ed49b0399fa1256aa4e9f39d0acd3c50ec,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + newArray.add[nums[i]]; + } + } + else + { + return nums; + } +} +" +84d2693c8be85305b6ccaa922f68af27240493f4,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + this.add(newArray[nums[i]]; + } + } + else + { + return nums; + } +} +" +8c658833fed32b9687bb0a3d68438aef8b201dc7,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + this.add(newArray[nums[i]]); + } + } + else + { + return nums; + } +} +" +a0c62028f4540844a1748d02dd35d6068954602f,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + this.add(newArray[nums[i]]); + } + } + else + { + return nums; + } +} +" +d7f2b2f447449cefb3fbb200ab7794f97074493e,"public int[] frontPiece(int[] nums) +{ + private int[] newArray; + int lenArray = nums.length; + newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + this.add(newArray[nums[i]]); + } + } + else + { + return nums; + } +} +" +26124a51efaabcdb3c8b0458b565398f3a42580f,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + this.add(newArray[nums[i]]); + } + } + else + { + return nums; + } +} +" +f196244242e19b1a75fb159ab0e228ebf80aa303,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray > 2) + { + for(int i = 0; i < lenArray; i++) + { + this.add(newArray[nums[i]]); + } + } + else + { + return nums; + } +} +" +513dd5dbe38dd69459aca891ca2cedde16d92098,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[2]; + if (nums.length > 0) + { + newArray[0] = nums[0]; + if (nums.length > 1) + { + newArray[1] = nums[1]; + } + } + return newArray; +} +" +b618f56c22ce6d1e4762fc13a14dfe1bddffdbe7,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[0]; + if (nums.length > 0) + { + newArray.add(nums[0]); + if (nums.length > 1) + { + newArray.add(nums[1]); + } + } + return newArray; +} +" +e633dfb5c4a8585bd2a20f3f761fe384017187fe,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + else if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length > 0) + { + newArray[0] = nums[0]; + if (nums.length > 1) + { + newArray[1] = nums[1]; + } + } + return newArray; +} +" +efcdc4f6e7ed16b7efee7af2b2023b2ca5220a62,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + else if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length > 0) + { + newArray[0] = nums[0]; + if (nums.length > 1) + { + newArray[1] = nums[1]; + } + } + return newArray; +} +" +18a4dd9fab634e670c957f61a9b7b5f161d374f5,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + if else (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length > 0) + { + newArray[0] = nums[0]; + if (nums.length > 1) + { + newArray[1] = nums[1]; + } + } + return newArray; +} +" +80066f6bf92aa30cb21f3566b36bec6c6096d55b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + else if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length > 0) + { + newArray[0] = nums[0]; + if (nums.length > 1) + { + newArray[1] = nums[1]; + } + } + return newArray; +} +" +00d0675aa2c83d5cd58fe6c519b9fb388465f40f,"public int[] frontPiece(int[] nums) +{ + return nums.subList(0, 2); +} +" +9b2f22f37997c8ec938d1cde6afb98fa3a05dd2e,"public int[] frontPiece(int[] nums) +{ + return int[] new = {nums[0], nums[1]}; + +} +" +57c92126c7df971faa69e18d0f0b4a411d608fbd,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + else if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length == 1) + { + newArray[0] = nums[0]; + } + else if (nums.length >= 2) + { + newArray[1] = nums[1]; + } + else + { + int sum = 0; + } + return newArray; +} +" +f8dc20f18bad17c261b3b3c0fa513d85c508f3a3,"public int[] frontPiece(int[] nums) +{ + int[] new = {nums[0], nums[1]}; + return new; + +} +" +28b4b7f60dd4e6e9932433653017314ef410b925,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length == 1) + { + newArray[0] = nums[0]; + } + else if (nums.length >= 2) + { + newArray[1] = nums[1]; + } + else + { + int sum = 0; + } + return newArray; +} +" +45d5bfd0b9ea53fe6e40e3037703eeb775ad7032,"public int[] frontPiece(int[] nums) +{ + int[] something = {nums[0], nums[1]}; + return something; + +} +" +4a55df2d35fde528b191b5a603dac9a34e41be25,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + } + if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length == 1) + { + newArray[0] = nums[0]; + } + else if (nums.length >= 2) + { + newArray[1] = nums[1]; + } + else + { + int sum = 0; + } + return newArray; +} +" +f09857777daade6dfafd5e1a49fe6d79ef269cff,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = new int[2]; + } + else if (nums.length == 1) + { + int[] newArray = new int[1]; + } + else + { + int[] newArray = new int[1]; + } + + } + if (nums.length == 1) + { + newArray[0] = nums[0]; + } + else if (nums.length >= 2) + { + newArray[1] = nums[1]; + } + else + { + int sum = 0; + } + return newArray; +} +" +5514d6d364820ba1536245a3ecadabe34c2fbe08,"public int[] frontPiece(int[] nums) +{ + + return newArray; +} +" +68203433a8f0e4eee9f49689d3ae74d03936cc54,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + return newArray; +} +" +17329ecf0f0693fe38c165b85f81b245ad839248,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + } + if (nums.length = 1) + { + int[] something = {nums[0]}; + } + if (nums.length = 0) + { + int[] something = {} + } + return something; + +} +" +52a27b2bbf5f60568d2197440bf652091feae2d4,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + } + if (nums.length = 1) + { + int[] something = {nums[0]}; + } + if (nums.length = 0) + { + int[] something = {}; + } + return something; + +} +" +4794c825b3aaaeedeb7c48088fb30e5b2b3ac54b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + } + if (nums.length == 1) + { + int[] something = {nums[0]}; + } + if (nums.length == 0) + { + int[] something = {}; + } + return something; + +} +" +1b0744e93cd14dbf5ac03bdaeda124e360c34ebe,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[nums(0, 2)]; + return array; +} +" +e72779c1c44730f394c374eabecdab0367cf2049,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + return something; + } + if (nums.length == 1) + { + int[] something = {nums[0]}; + return something; + } + if (nums.length == 0) + { + int[] something = {}; + return something; + } + return something; + +} +" +97355a5677eaa084e6bc31530aee72ca41260267,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + return something; + } + if (nums.length == 1) + { + int[] something = {nums[0]}; + return something; + } + if (nums.length == 0) + { + int[] something = {}; + return something; + } + + +} +" +8c64457be653b39ce0051ba814e9f381a2ecfad7,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[nums.get(0, nums.get(1)]; + return array; +} +" +5fe1b944b2d351726257f4eaf243a66dfbb600e4,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[nums.get(0), nums.get(1)]; + return array; +} +" +181d631e09867033eb7215100ed7992ec9e7864a,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + return something; + } + else if (nums.length == 1) + { + int[] something = {nums[0]}; + return something; + } + else if (nums.length == 0) + { + int[] something = {}; + return something; + } + + +} +" +6d2b0243c142c381580addaea07dc96163879b98,"public int[] frontPiece(int[] nums) +{ + int i = nums.length; + if (nums.length > 2) + { + i = 2; + } + int[] newArray = new int[i]; + + for (int j = 0; j < i; i++) + { + newArray[j] = nums[j]; + } + return newArray; +} +" +74dd57440af4265ce7e7c74f9ee12f28b799dfd4,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + return something; + } + else if (nums.length == 1) + { + int[] something = {nums[0]}; + return something; + } + else if (nums.length == 0) + { + int[] something = {}; + return something; + } + else + { + return something; + } + + +} +" +998e3f982e932780a11ad4517a6f900699871057,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} +" +51a9d50530a737f8eb1330dce6219f7bd584a7a3,"public int[] frontPiece(int[] nums) +{ + int i = nums.length; + if (nums.length > 2) + { + i = 2; + } + int[] newArray = new int[i]; + + for (int j = 0; j < i; i++) + { + newArray[j] = nums[j]; + } + return newArray; +} +" +3a2eb1966492309ea986a8379376df539441d9a5,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + + return new int[] {nums[0]}; + + else if (nums.length == 0) + + return new int[] {}; + + else + + return new int[] {nums[0],nums[1]}; + +} +" +ae07ce1c1def9d9e2861c9476bc2ea089728245d,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] something = {nums[0], nums[1]}; + return something; + } + else if (nums.length == 1) + { + int[] something = {nums[0]}; + return something; + } + else + { + int[] something = {}; + return something; + } + + +} +" +34b78d67f49e79fd5ff9c9b306b8130afcc1b219,"public int[] frontPiece(int[] nums) +{ + int i = nums.length; + if (nums.length > 2) + { + i = 2; + } + int[] newArray = new int[i]; + + for (int j = 0; j < i; j++) + { + newArray[j] = nums[j]; + } + return newArray; +} +" +a002c27995f1a53e30f3da75cd0d7bd01fa11ae8,"public int[] frontPiece(int[] nums) +{ + int first = nums.get(0); + int second = nums.get(1); + int[] array = new int[first, second]; + return array; +} +" +974a9559c8bff288d01c1b8174a7ed65455656af,"public int[] frontPiece(int[] nums) +{ + int first = nums.get(0); + int second = nums.get(1); + int[] array = new int[]; + array(0) = first; + array(1) = second; + return array; +} +" +7d59c6f7b74b41fec09dae83bbea25f6ce159f0f,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + return (nums[0] + nums[1]); + if(nums.length == 1) + return nums[0]; + return 0; +} +" +ad4aac3ade517f515ce357d3a44aabdf987981c5,"public int[] frontPiece(int[] nums) +{ + int first = nums.get(0); + int second = nums.get(1); + int[] array = new int[]; + array[0] = first; + array[1] = second; + return array; +} +" +6577501815091051004f6e7d6440030376594ad6,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +2e139938a2930e5b27ee9faeb5966c9ea7dae062,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int first = nums.get(0); + int[] array = new int[]; + array[0] = first; + return array; + } + else + { + int first = nums.get(0); + int second = nums.get(1); + int[] array = new int[]; + array[0] = first; + array[1] = second; + return array; + } +}" +74b2a7345bd0df82ef14941f93abf244c5adc3d1,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[]; + if ( nums.length > 2) + { + for ( int i = 0; i < 2; i++) + { + arr[i] = nums[i]; + } + } + else + { + for ( int i = 0; i < nums.length; i++) + { + arr[i] = nums[i]; + } + } +} +" +ea3179eda59b7931d2f2934d4d024586376bc7c5,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[]; + if ( nums.length > 2) + { + for ( int i = 0; i < 2; i++) + { + arr[i] = nums[i]; + } + } + else + { + for ( int i = 0; i < nums.length; i++) + { + arr[i] = nums[i]; + } + } + return arr; +} +" +32c6885d23829bf248b36e5beb8f385c2b306c45,"public int[] frontPiece(int[] nums) +{ + int[] arr = new int[2]; + if ( nums.length > 2) + { + for ( int i = 0; i < 2; i++) + { + arr[i] = nums[i]; + } + } + else + { + for ( int i = 0; i < nums.length; i++) + { + arr[i] = nums[i]; + } + } + return arr; +} +" +7ae8bd66beb7d87e2f083ce43d4d743b05cfb639,"public int[] frontPiece(int[] nums) +{ + return int[nums[0], nums[1]]; +} +" +420cf671c47c500c435c6f22512e30d4720e5ae9,"public int[] frontPiece(int[] nums) +{ + int[] two; + if(nums.length >= 2) + { + two = new int[2]; + two[0] = nums[0]; + two[1] = nums[1]; + } + else if(nums.length == 1) + { + two = new int[1]; + two[0] = nums[0]; + } + else + two = new int[0]; + return two; +} +" +7d00a3f911c2178a3fc2cfa24ae96f79f7fe220c,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[]; + array[0] = nums.get(0); + array[1] = nums.get(1); + return array; +}" +5908f2fbf1c89784a124f5f8c0a1d5c13db75711,"public int[] frontPiece(int[] nums) +{ + int[] array = new int[2]; + array[0] = nums.get(0); + array[1] = nums.get(1); + return array; +}" +4a20e653a4eda83499e93d0ca631b0c2f9bf61c6,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; + +} +" +d05060fcb45212e4f8362a7143762388d18fc32e,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = {nums[0]}; + } + else + { + int[] front = new int[0]; + } + + return front[]; +} +" +127c077b1cb82652bf1ac676a2967afe690bdd2f,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0],nums[1]}; + } +} +" +73c26f30c1cf96edccb21aa2ab00141fa3083525,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + front = new int[] {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = {nums[0]}; + } + else + { + int[] front = new int[0]; + } +} +" +f79246f0974aa1a24a686be5d22a251d0c46a53d,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = new int[] {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = new int[] {nums[0]}; + } + else + { + int[] front = new int[0]; + } + + return front[]; +} +" +4864dd9ca688db8e171917ddc9d4c4588b756668,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = new int[] {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = new int[] {nums[0]}; + } + else + { + int[] front = new int[0]; + } + + return front; +} +" +d1b410c014866906d8b5c0f8f47e6afdff8921c8,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front = new int[] {nums[0], nums[1]}; + + + + return front; +} +" +5c800bf8622a2c42a7dc2c2dd8901b4bf3e76d35,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front = new int[2]; + + if (length >= 2) + { + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (length == 1) + { + front[0] = nums [0]; + } + + return front; +} +" +550914fcde0f931b03cd79dd4a4233ba1765f9a1,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front[2] = {nums[0], nums[1]} + } + else if (length == 1) + { + front[0] = nums [0]; + } + + return front; +} +" +859af5f136fc16f027f651eb89ee08f8132d3fbf,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front[2] = {nums[0], nums[1]}; + } + else if (length == 1) + { + front[0] = nums [0]; + } + + return front; +} +" +be2ff08cd177018a8e45bdb784bb112b238e47a6,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front = {nums[0], nums[1]}; + } + else if (length == 1) + { + front[0] = nums [0]; + } + + return front; +} +" +de64b0173671a0f3c5255673240f374e4b50cd07,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front = {nums[0], nums[1]}; + } + else if (length == 1) + { + front = nums [0]; + } + + return front; +} +" +5d51f370d143c0e33a1178caafece47ecb024ccc,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + front = new int[] {nums[0], nums[1]}; + } + else if (length == 1) + { + front = new int[] {nums[0]}; + } + + return front; +} +" +0f0cad0911948084dd4bfbbecc9209b655793984,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = new int[] {nums[0], nums[1]}; + } + else if (length == 1) + { + int[] front = new int[] {nums[0]}; + } + + return front; +} +" +4fa93c74704195caabc01d16948d38b5887aa2f2,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = new int[] {nums[0], nums[1]}; + return front; + } + else if (length == 1) + { + int[] front = new int[] {nums[0]}; + return front; + } + + +} +" +7968509e4cf2703570977b3501a15cb7886b9815,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + if (length >= 2) + { + int[] front = new int[] {nums[0], nums[1]}; + return front; + } + else if (length == 1) + { + int[] front = new int[] {nums[0]}; + return front; + } + else + { + int[] front = new int[0]; + return front; + } + + +} +" +6180c40f5ef58650f2537b29d10ce448fdc73b8c,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd = nums.substring(0); +} +" +0b9d2299c7f198d5ef8efe530cc8cd9862864424,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd = nums.substring(0, 1); +} +" +585533b2475619f9cbaea194129b67985f687b6c,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +007b03d0e00ef21b513fd621aa33f20ef96b8878,"public int[] frontPiece(int[] nums) +{ + if (nums.length()<2) + { + return nums[0]; + } + return nums[0, 1] +} +" +68999062946f03a2fa90b4f0aafb3fc1ff614855,"public int[] frontPiece(int[] nums) +{ + if (nums.length()<2) + { + return nums[0]; + } + return nums[0, 1]; +} +" +60166cd2117a9c2fd4dcbdb5b8f61b354efcb7d3,"public int[] frontPiece(int[] nums) +{ + if (nums.length()<2) + { + return nums[0]; + } + return nums[0]; +} +" +edc656c30e504957112437a5dc32802e86595e46,"public int[] frontPiece(int[] nums) +{ + if (nums.length<2) + { + return nums[0]; + } + return nums[0] + nums[1]; +} +" +c02a126426ed3a54c20c109d2c335048a5db2954,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newnums = new Array[2]; + newnums.add(nums[0]); + newnums.add(nums[1]); + return newnums; + } + else + { + return nums; + } +} +" +6019a2d927f175c86e134452ff3a3b0ec8aaa33b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newnums = new int[2]; + newnums.add(nums[0]); + newnums.add(nums[1]); + return newnums; + } + else + { + return nums; + } +} +" +b18fc74e487cf024be44468ee167c7e79501d1bf,"public int[] frontPiece(int[] nums) +{ + total = 0; + total = (nums[0] + nums[1]); + + return total; +} +" +fcddfe52cf4647c86b614ae96dedbea0e5004d3f,"public int[] frontPiece(int[] nums) +{ + total = 0; + total = (nums[0] + nums[1]); + + return total; +} +" +95cfd3647a96146f1134242e1f1744d93a2c0dbb,"public int[] frontPiece(int[] nums) +{ + int total = 0; + total = (nums[0] + nums[1]); + + return total; +} +" +2002c42ce97c20776b663a3f65ee536b6206af4b,"public int[] frontPiece(int[] nums) +{ + int[] total = int[2]; + total = (nums[0] + nums[1]); + + return total; +} +" +99f7f4f7e51b40e9e9e876ae25330063373577f8,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newnums = new int[2]; + int num1 = nums[0]; + int num2 = nums[1]; + newnums.add(num1); + newnums.add(num2); + return newnums; + } + else + { + return nums; + } +} +" +43c665959ab623682ddf08cc3299e010438a1c33,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + intArray = new int[2]; + intArray[0] = nums[0]; + intArray[1] = nums[1]; + + + + return intArray; +} +" +e39038022e43c460d4b4320994329123654acc5b,"public int[] frontPiece(int[] nums) +{ + if (nums.size() >= 2) + { + int[] firstTwo = new Array[2]; + for (int i = 0; i < nums.size(); i++) + { + firstTwo[i] = nums[i]; + } + return firstTwo; + } + else + { + int[] first = new Array[1]; + for (int i = 0; i < nums.size(); i++) + { + first[i] = nums[i]; + } + return first; + } +} +" +eedb20532ba21401b0af8ddc85234652592b0f59,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newnums = new int[2]; + newnums[0] = nums[0]; + newnums[1] = nums[1]; + return newnums; + } + else + { + return nums; + } +} +" +275d3fdc91ef611e86c46efb084efe2f80e01eaa,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + int[] firstTwo = new Array[2]; + for (int i = 0; i < nums.size(); i++) + { + firstTwo[i] = nums[i]; + } + return firstTwo; + } + else + { + int[] first = new Array[1]; + for (int i = 0; i < nums.length(); i++) + { + first[i] = nums[i]; + } + return first; + } +} +" +1bda999f799c49dcbf0a3ba4e4b934c73dc8a656,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + intArray = new int[2]; + if(num[0] != null) + { + intArray[0] = nums[0]; + } + if(num[1] != null) + intArray[1] = nums[1]; + + + + return intArray; +} +" +e05f5da6680e8992e60ca0137d725dd706a7706d,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >=2) + { + return (nums[0], nums[1]); + } + if (nums.length() = 1) + { + return (nums[0]); + } + else + { + return null; + } +} +" +d19a149104e1b34df4543d914d7f2b2a68b795bc,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + intArray = new int[2]; + if(nums[0] != null) + { + intArray[0] = nums[0]; + } + if(nums[1] != null) + intArray[1] = nums[1]; + + + + return intArray; +} +" +8176d041220b9ee554e27c0528dec7db9615a0a9,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >=2) + { + return (nums[0]; nums[1]); + } + if (nums.length() = 1) + { + return (nums[0]); + } + else + { + return null; + } +} +" +7f60f308001bd3423baf321fd2987f58acb8ef5b,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + intArray = new int[2]; + if(nums[0] != null) + { + intArray[0] = nums[0]; + } + if(nums[1] != null) + intArray[1] = nums[1]; + + + + return intArray; +} +" +6d2a8aa34d00eb488323d1fd381895143c3a6739,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + intArray = new int[2]; + + intArray[0] = nums[0]; + + intArray[1] = nums[1]; + + + + return intArray; +} +" +01e5c5b868ed190f29dffc016861a39cb804b658,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >=2) + { + return (nums[0]); + return (nums[1]); + } + if (nums.length() = 1) + { + return (nums[0]); + } + else + { + return null; + } +} +" +be4c75543d6033e3fe68a12a3b002c437dac1fdb,"public int[] frontPiece(int[] nums) +{ + int[] array = nums[0], nums[nums.length - 1]; + return array; +} +" +fb9c6feb3dc91e4b03370558cbddf273a5ffe4ba,"public int[] frontPiece(int[] nums) +{ + int[] array = (nums[0], nums[nums.length - 1]); + return array; +} +" +925a0843c7341c22e1787ae9508322f17073079e,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + + int[] array = new int[2]; + nums[0] = nums[0]; + nums[1] = nums[1]; + return nums; + } +}" +0b642af8c30947abd56c0dd48d1aec03accf8f44,"public int[] frontPiece(int[] nums) +{ + int[] array = {(nums[0], nums[nums.length - 1])}; + return array; +} +" +1fb6d17bbafadf58b59e8d39f85511352ab4db48,"public int[] frontPiece(int[] nums) +{ + if (nums.length >=2) + { + return (nums[0] + nums[1]); + } + if (nums.length = 1) + { + return (nums[0]); + } + else + { + return 0; + } +} +" +de20245a5d6191ce25b24875f860707da0c59589,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + + int[] nums123 = new int[2]; + nums123[0] = nums[0]; + nums123[1] = nums[1]; + return nums; + } +}" +b3a07b03aceb3d5c1140a96ec10597609378fbb8,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + + int[] nums123 = new int[2]; + nums123[0] = nums[0]; + nums123[1] = nums[1]; + return nums123; + } +}" +41081f321792c4c200a3b5b3566e055f565f187b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >=2) + { + return (nums[0] + nums[1]); + } + if (nums.length == 1) + { + return (nums[0]); + } + else + { + return 0; + } +} +" +499d752715aa58bc34fbd557d08feae6dd8690e1,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + intArray = new int[2]; + if(nums.length >= 1) + intArray[0] = nums[0]; + if(nums.length>=2) + intArray[1] = nums[1]; + + + + return intArray; +} +" +974ef940b10502c46b9f502328629235f358f639,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return (nums[0] + nums[1]); + } + if (nums.length == 1) + { + return (nums[0]); + } + else + { + return 0; + } +} +" +581730e8e9cf2cb05d9248cc406dfbd560764208,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return (nums[0] + nums[1]); + } + if (nums.length == 1) + { + return nums[0]; + } + return 0; +} +" +8487b1ccee12137ae5f135b3d58de80270df42e7,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return int[] (nums[0] + nums[1]); + } + if (nums.length == 1) + { + return int[] nums[0]; + } + return int [] 0; +} +" +fc841d9d585a7c324832796d389dc1ca59ba0d54,"public int[] frontPiece(int[] nums) +{ + nums.slice(0, 2); +} +" +5fd156151a38f468bb36fb155553e7db002289ba,"public int[] frontPiece(int[] nums) +{ + nums.slice(); +} +" +5c06cb7c1f92613e18a8bf7aa4330993efc42812,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length > = 2) + { + first = new int[2]; + first[0] = numbs[0]; + first[1] = numbs[1]; + } + else if(numbs.length == 1) + { + first = new int[1]; + first[1] = numbs[1]; + } + else + { + first = new int[0]; + } + + return first; + + + +} +" +5302482f8cdc13d04ef2670993b3e025548af9f3,"public int[] frontPiece(int[] nums) +{ + int ele = 0; + if (nums.length == 1) + { + ele = new nums[0]; + } + else if (nums.length >= 2) + { + ele = new int[2]; + ele[0]=nums[0]; + ele[1]=nums[1]; + } + else{ + ele = new int[0]; + } + return ele; +} +" +94c2fbe112fceeb2e94ad6c832247f6035d0c1c6,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return (nums[0] + nums[1]); + } + if (nums.length == 1) + { + return nums[0]; + } + return 0; +} +" +73fa0e3a9a41916db743cf358646c7ba5ea4fd63,"public int[] frontPiece(int[] nums) +{ + int ele = 0; + if (nums.length == 1) + { + ele = nums[0]; + } + else if (nums.length >= 2) + { + ele = new int[2]; + ele[0]=nums[0]; + ele[1]=nums[1]; + } + else{ + ele = new int[0]; + } + return ele; +} +" +fe22218839b8dec173ee971002fe0db34950e92e,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + if(nums.length >= 2) + { + intArray[] = new int[2]; + intArray[0] = nums[0]; + intArray[1] = nums[1]; + } + else if(nums.length == 1) + { + intArray = new int[1]; + intArray[0] = nums[0]; + } + else + intArray = new int[0]; + return intArray; +} +" +3cde71d78cbf92675d3b261fc36e4a6f7dcf8b63,"public int[] frontPiece(int[] nums) +{ + int intArray[]; + if(nums.length >= 2) + { + intArray = new int[2]; + intArray[0] = nums[0]; + intArray[1] = nums[1]; + } + else if(nums.length == 1) + { + intArray = new int[1]; + intArray[0] = nums[0]; + } + else + intArray = new int[0]; + return intArray; +} +" +2c2c4505c1ca07137c213c05e5cd73a3404bb43c,"public int[] frontPiece(int[] nums) +{ + int ele[] = 0; + if (nums.length == 1) + { + ele = nums[0]; + } + else if (nums.length >= 2) + { + ele = new int[2]; + ele[0]=nums[0]; + ele[1]=nums[1]; + } + else{ + ele = new int[0]; + } + return ele; +} +" +c4f8bca2881db730227f3a20d6642419c9cde208,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length < 2) + { + return nums; + } + else + { + int newArray[2] = nums[0], nums[1]; + return newArray + } +} +" +c0d23c9c7f32b1f9f57e85b391929d3eafb2c32e,"public int[] frontPiece(int[] nums) +{ + int[] ele = 0; + if (nums.length == 1) + { + ele = nums[0]; + } + else if (nums.length >= 2) + { + ele = new int[2]; + ele[0]=nums[0]; + ele[1]=nums[1]; + } + else{ + ele = new int[0]; + } + return ele; +} +" +e21991deb08792412ff7c9774bd848396faf9286,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length < 2) + { + return nums; + } + else + { + int newArray[2] = nums[0, 1]; + return newArray; + } +} +" +d069a82709b01de3e4a745bd5b2da55b715c584b,"public int[] frontPiece(int[] nums) +{ + int[] ele; + if (nums.length == 1) + { + ele = nums[0]; + } + else if (nums.length >= 2) + { + ele = new int[2]; + ele[0]=nums[0]; + ele[1]=nums[1]; + } + else{ + ele = new int[0]; + } + return ele; +} +" +94bf86da778408522f0cf273bec67f294c17314c,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length < 2) + { + return nums; + } + else + { + int newArray[2] = nums[0]; + return newArray; + } +} +" +d08e2df4a9e4e8ecab6daccef0ac524d29402c85,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length < 2) + { + return nums; + } + else + { + int newArray[2] = nums; + return newArray; + } +} +" +d3e250d1726fa986e0bf574421a17083804c879d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +14fdf80c55484e99934aa6455b09852a0e358dd7,"public int[] frontPiece(int[] nums) +{ + if(numbs.length >= 2) + { + int[] array = {nums[0], nums[1]}; + return array; + } + + return nums; + + +} +" +d3aaf45fcea37c41d242c6ed45bf01be9decec01,"public int[] frontPiece(int[] nums) +{ + if(nums.length >= 2) + { + int[] array = {nums[0], nums[1]}; + return array; + } + + return nums; + + +} +" +b6712909064c5ebe2420ffc0f06f5b49038e3838,"public int[] frontPiece(int[] nums) +{ + int[] ele; + if (nums.length == 1) + { + ele = new int[1]; + ele[0] = nums[0]; + } + else if (nums.length >= 2) + { + ele = new int[2]; + ele[0]=nums[0]; + ele[1]=nums[1]; + } + else{ + ele = new int[0]; + } + return ele; +} +" +4ff92dc9f8ecbe17cf510196a106beb1954396be,"public int[] frontPiece(int[] nums) +{ + if (nums.length = 0) + { + return new int[] {}; + } + + else if (nums.length = 1) + { + return new int[] {nums[0]}; + } + + else + { + return new int[] {nums[0], nums[1]} + } +} +" +cb881b222ee57c7f31e1254791db68805d14500d,"public int[] frontPiece(int[] nums) +{ + if (nums.length = 0) + { + return new int[] {}; + } + + else if (nums.length = 1) + { + return new int[] {nums[0]}; + } + + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +0cb8c025b705f4587b7d469c16c902e554391541,"public int[] frontPiece(int[] nums) +{ + return frontPiece; +} +" +b8ab7dd7e3e8edbdd8a523b3b23c1722e07d6ccd,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return new int[] {}; + } + + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +db9aaca06ff77b43d6ac6ae81533cdc6201922c4,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +" +bfd69420d083b9d0ec3b96db47f530ccb8e94ddf,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +}" +96128a072172613db8592e2e4cd74b4e243e5d40,"public int[] frontPiece(int[] nums) +{ + return int[0, 1]; +} +" +de0aa202440c7b94335202e8500aebc5998665fc,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + return front; + } +}" +255411e8175e38db01e57cea328e1f83e7e48acb,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length < 2) + { + return nums; + } + else + { + int[] newArray = new int[2] + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } +} +" +68ade75db6355e79880a7d70440b5c3e7b81809a,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + if (length < 2) + { + return nums; + } + else + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } +} +" +8e47ca3a9ba5cf6425969182e9e3d950816627b5,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +}" +064a9470ce23413cd4ab3a2f3739a67f4e5fb9b9,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length() >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +}" +60080032cfa1c32452e3fb4ffda5cfadca78b38f,"public int[] frontPiece(int[] nums) +{ + int [] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +}" +5f38f2b6274c7519658f586e48cab178a1dcbf05,"public int[] frontPiece(int[] nums) +{ + return nums[0, 1]; +} +" +8783602ab3b609904a6f5888ab1152619ddd8ad9,"public int[] frontPiece(int[] nums) +{ + return nums.length + 2; +} +" +65ed5d77c2b92c41d275266b4a39750cf30afe18,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +e5e9beb10bb0e3b431d5d6ca9bebff55c4277cd3,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int {2}; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + front = new int[9]; + return front; +}" +b5d3fd650cb8ebe01e0e815063bf5e09e3d60261,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + front = new int[9]; + return front; +}" +97002aafa6373af94de0a22b6f29b386f3350e7d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +}" +0bf76aaae65b5743dff1c0401cc0312024e104ae,"public int[] frontPiece(int[] nums) +{ + if (frontpiece.length >= 2) + { + //return the first two + } + else + { + //return whatever exists + } +} +" +25ad20a259c87c046d491ff2a3d279e9e595b741,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.length >= 2) + { + //return the first two + } + else + { + //return whatever exists + } +} +" +a583a80b0be0381da5606830b06dbc734d7f3aa9,"public int[] frontPiece(int[] nums) +{ + if (frontPiece(int[]nums).length >= 2) + { + //return the first two + } + else + { + //return whatever exists + } +} +" +639df1c34ac71bdebf39b01f05def79920d5d398,"public int[] frontPiece(int[] nums) +{ + if (frontPiece(int[]nums.length) >= 2) + { + //return the first two + } + else + { + //return whatever exists + } +} +" +334148b0bec620ff9537c8c4fffa1ddafd2b4506,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd = nums.length + 2; + return frontEnd; +} +" +b46704ed5af0c0d17883d4c3e86b6a5c920dc0c0,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd = nums.length + 2; + return frontEnd; +} +" +9f85c242f98e896ab79a57c00e66572196eb9e33,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + int[nums.length] fP; + fP = nums; + } + else + { + int[2] fP; + fP[1] = nums[1]; + fP[2] = nums [2]; + } +} +" +738761fbcbc5b9201f1ecb3990011527589f9895,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +34e46930ee9013a8a297c0019b10b140935838e5,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a91ef8a16afac61e973c53bf1ced5cb46aabf414,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + frontEnd = new int[0]; + return frontEnd; +} +" +e611cea30d3af04c97c03222e2b21e426f4f0ec1,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) return nums; + int[] result = { nums[0], nums[1] }; + return result; +} +" +74419b55af78e25516756594cda20aaa1284a31e,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] finalArray = new int[2]; + finalArray[0] = int[0]; + finalArray[1] = int[1]; + } + else + { + return nums; + } +} +" +776e41bdf1686287fd23049328f28c44ca24a68e,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] finalArray = new int[2]; + finalArray[0] = int[0]; + finalArray[1] = int[1]; + return finalArray; + } + else + { + return nums; + } +} +" +e7c1e5ddc713348a9cf60a3268630149e1115b33,"public int[] frontPiece(int[] nums) +{ + if(nums.length < 2) + { + fP = new int[nums.length]; + fP = nums; + } + else + { + fP = new int[2]; + fP[1] = nums[1]; + fP[2] = nums [2]; + } + return fP; +} +" +2681d0460edabb851a908f293fa939704744a50b,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + if (nums.length < 2) + { + return nums; + } + frontEnd = new int[0]; + return frontEnd; + +} +" +5bf4f0e84d984f81738adcb1dde895e6e0c59516,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + if (nums.length < 2) + { + return nums; + } + frontEnd = new int[0]; + return frontEnd; + +} +" +945d941f4c530d2f6c313647c63eead76905a8bc,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + if (nums.length < 2) + { + return nums; + } + else if (nums.length == 1) + { + return nums; + } + frontEnd = new int[0]; + return frontEnd; + +} +" +a1b49a79247b1fbf41c1297206b60709ac4ef748,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + if (nums.length < 2) + { + return nums; + } + else if (nums.length == 1) + { + frontEnd = new int[1]; + front[0] = nums[0]; + return nums; + } + frontEnd = new int[0]; + return frontEnd; + +} +" +6568d60e6341c29175dc41862086e05d18735604,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + if (nums.length < 2) + { + return nums; + } + else if (nums.length == 1) + { + frontEnd = new int[1]; + frontEnd[0] = nums[0]; + return nums; + } + frontEnd = new int[0]; + return frontEnd; + +} +" +dc7aad04178f3293d52808182ea1fe736f95dd30,"public int[] frontPiece(int[] nums) +{ + int [] frontEnd; + frontEnd = new int[0]; + if (nums.length < 2) + { + return nums; + } + else if (nums.length == 1) + { + frontEnd = new int[1]; + frontEnd[0] = nums[0]; + return nums; + } + return frontEnd; +} +" +10af0c0e7f889b63cd3a5f46e547ce300437d982,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if(nums.length < 2) + { + fP = new int[nums.length]; + fP = nums; + } + else + { + fP = {nums[0], num[1]} + } + return fP; +} +" +1658c83d216c78c8c9b1a59ee48c2bc0c9f03215,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] finalArray = new int[2]; + finalArray[0] = nums[0]; + finalArray[1] = nums[1]; + return finalArray; + } + else + { + return nums; + } +} +" +f77afb05e36453e204e67d08f3bf8f490e26bb7d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +5b165c02cabb8b2c96699a2902b0385b668ede24,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; +} +" +f9d59e5023e45b5cb9d23d38ae201b2b2171c76a,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +01e5662e7f4aa0b587a63dc9c7a8c601716c784e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return nums[0]; + } + else + { + return nums[0]; + } +} +" +205f0c1c68cec498c76d5a32d65f1dee6821919e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return int[0]; + } + else + { + return int[0]; + } +} +" +1c39db2807a6479ddaf5134e3e1b9149210c3b5f,"public int[] frontPiece(int[] nums) +{ + int[] fp; + if(nums.length == 1) + { + fp = new int[1]; + fp[0] = nums[0]; + } + else if(nums.length >= 2) + { + fp = new int[2]; + fp[0] = nums[0]; + fp[1] = nums[1]; + } + else + fp = new int[0]; + return fp; +} +" +e303df93120145c0d13c87d4c5d99d82ca57ff89,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp = nums(1); + } + else + { + fP = new int[0]; + } +} +" +f021ad4c712a9271db48713809d58bf44edda12c,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp(1) = nums(1); + } + else + { + fP = new int[0]; + } +} +" +c2169aa2fec108e7a975dfa344e599f87fcb86fa,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums(1); + } + else + { + fP = new int[0]; + } +} +" +b0540ddc1a302b1f0a4eb91264cdc242786b3070,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums[1]; + } + else + { + fP = new int[0]; + } +} +" +66f6dfcff9f9a6bc14c4ec08dc722974346a4887,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums[0]; + } + else + { + fP = new int[0]; + } +} +" +1bd2db94b5f2246eebc64a6a0328a1ce85b1c1e1,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if(nums.length < 2) + { + fP = new int[nums.length]; + fP = nums; + } + else + { + fP = {nums[0], num[1]} + } + return fP; +} +" +0a27cd3b7c4f5f1cc1c0e353da9a1f4fca3a7fb9,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if(nums.length < 2) + { + fP = new int[nums.length]; + fP = nums; + } + else + { + fP = new int[] {nums[0], num[1]} + } + return fP; +} +" +2b2b0bdc3b5ce68f8be2e4bd83c1ca2359ae32e8,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if(nums.length < 2) + { + fP = new int[nums.length]; + fP = nums; + } + else + { + fP = new int[] {nums[0], num[1]}; + } + return fP; +} +" +7ee3be32582d409282831abc038f36b2509bee7a,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if(nums.length < 2) + { + fP = new int[nums.length]; + fP = nums; + } + else + { + fP = new int[] {nums[0], nums[1]}; + } + return fP; +} +" +eba4ad0346b09d3290288dd2ca5461193c9bd7d9,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + return nums; + } + else + { + return nums.substring(1); + } +} +" +93d606fe480082ba03eb886b004cc51a570a436f,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + return nums; + } + else + { + return nums.substring(1); + } +} +" +6c2c976960f62d2f325be87fb8bd2a23dd96a73d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + frontPiece = nums; + } + else + { + frontPiece.add(nums[0], nums[1]); + } + return frontPiece; +} +" +411d44655fe673772d8cad5de490a15ad8ee0025,"public int[] frontPiece(int[] nums) +{ + int[] temp = new int[2]; + if (nums.length() < 2) + { + return nums; + } + else + { + temp[0] = nums[0]; + temp[1] = nums[1]; + return temp; + } +} +" +cdebaf23d0c33dcb2f1cf80fb6d26245299a5666,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + return nums.substring(1); + } +} +" +11300497e0250d005b1d1ae1367a810e7a89e941,"public int[] frontPiece(int[] nums) +{ + int[] temp = new int[2]; + if (nums.length < 2) + { + return nums; + } + else + { + temp[0] = nums[0]; + temp[1] = nums[1]; + return temp; + } +} +" +a0e162b44707128bece24294610ea273069a6535,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + String str = nums.substring(1); + return str + } +} +" +c844fe44752aa9e8a3972a413809da8ca610bca1,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + String str = nums.substring(1); + return str; + } +} +" +28942e14b96a122eaf6c79c1cf8e0e065fe2889e,"public int[] frontPiece(int[] nums) +{ + int[] kun; + if (nums.length < 2) + { + kun = nums; + } + else + { + kun.add(nums[0], nums[1]); + } + return kun; +} +" +9cf4b6ab358cecde60bd331e5e2166e48e5eea29,"public int[] frontPiece(int[] nums) +{ + int[] kun; + if (nums.length < 2) + { + kun = nums; + } + else + { + kun.add(nums[0]); + kun.add(nums[1]); + } + return kun; +} +" +3beecf1f97d6cf7c7ea484c8a2d75aa9aaf23dc8,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + String str = nums.substring(0,2); + return str; + } +} +" +6f0f5622001398e5d445e6fdf5239acb50381c81,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + Array str = nums.substring(0,2); + return str; + } +} +" +8e6236e26a131cf8e07b454d5de53122631f72cd,"public int[] frontPiece(int[] nums) +{ + int[] kun; + if (nums.length < 2) + { + kun = nums; + } + else + { + kun[0] = nums[0]; + kun[1] = nums[1]; + } + return kun; +} +" +917e3f6e7be22129dfccd5e9c6daa025d1d8e301,"public int[] frontPiece(int[] nums) +{ + int[] kun = new int[]; + if (nums.length < 2) + { + kun = nums; + } + else + { + kun[0] = nums[0]; + kun[1] = nums[1]; + } + return kun; +} +" +252bff2718f0b5751eda7132c66ca024c1ed184c,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + String str = nums.substring(0,2); + return str; + } +} +" +6fef5eea09fa225fdd24d8890dd3c9a05a2ba5aa,"public int[] frontPiece(int[] nums) +{ + int[] kun = new int[nums.length]; + if (nums.length < 2) + { + kun = nums; + } + else + { + kun[0] = nums[0]; + kun[1] = nums[1]; + } + return kun; +} +" +0ac6c71def1a1aaaaac5c5c33125ae9105e2ff8f,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] str = nums.substring(0,2); + return str; + } +} +" +5a596e85b85016768ef727888fb7830b94259059,"public int[] frontPiece(int[] nums) +{ + int[] kun = new int[2]; + if (nums.length < 2) + { + kun = nums; + } + else + { + kun[0] = nums[0]; + kun[1] = nums[1]; + } + return kun; +} +" +c4206c35a0a65585b65439285ab9c2a023245646,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] list = new int[2]; + int[0] = nums[0]; + int[1] = nums[1]; + return list; + } +} +" +7e14c6e6d823475f1834ec77214303af2b711093,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int[] list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + return list; + } +} +" +c329d73a145ea0d97c615ea751230b26d88ee735,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +68d49a0e3339d07d5a33dee0373f5488e1b609fa,"public int[] frontPiece(int[] nums) +{ + int[] fP = 0; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums[0]; + } + else + { + fP = new int[0]; + } +} +" +876ad411e1e905d32e553d95376450272c911649,"public int[] frontPiece(int[] nums) +{ + int nums[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums[0]; + } + else + { + fP = new int[0]; + } +} +" +97348a1ac476761edc9efdd47c1225426177d50e,"public int[] frontPiece(int[] nums) +{ + int fP[]; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums[0]; + } + else + { + fP = new int[0]; + } +} +" +8f3f1c227a9be5df00fd5822e6368775e4c964e3,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fp[0] = nums[0]; + } + else + { + fP = new int[0]; + } +} +" +63069a92a048ccacef748c2cd457036ca35be9c1,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fP[0] = nums[0]; + } + else + { + fP = new int[0]; + } +} +" +fb7fe0db91805381ca86ca19660170866509e55b,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fP[0] = nums[0]; + } + else + { + fP = new int[0]; + } + return fP; + +} +" +bc314197b9025a5cf13f05544c4b973e54740ed6,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0],nums[1]}; + } + +} +" +768ca397f2b6f11f1cdfdf122c26f7f5e7cb3664,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length <= 1) + { + fP = new int[1]; + fP[0] = nums[0]; + } + else if(nums.length >= 2) + { + fP = new int[2]; + fP[0] = nums[0]; + fP[1] = nums[1]; + } + else + { + fP = new int[0]; + } + return fP; + +} +" +eb4c20bc271d103c70b58d93c889c2db141aa6f8,"public int[] frontPiece(int[] nums) +{ + int[] fP; + if (nums.length == 1) + { + fP = new int[1]; + fP[0] = nums[0]; + } + else if(nums.length >= 2) + { + fP = new int[2]; + fP[0] = nums[0]; + fP[1] = nums[1]; + } + else + { + fP = new int[0]; + } + return fP; + +} +" +702fadbb22b9abb41534173298f6e3ced3f87a6a,"public int[] frontPiece(int[] nums) +{ + int[] newArr = new int[2]; + newArr[0] = nums.get(0); + newArr[2] = nums.get(1); +} +" +e0dad9e40e7f032c6c79ac04a16980781301d977,"public int[] frontPiece(int[] nums) +{ + int[] newArr = new int[2]; + newArr[0] = nums.get(0); + newArr[1] = nums.get(1); +} +" +32784ff42714c33829d84a85649081c9eeb5553b,"public int[] frontPiece(int[] nums) +{ + int[] arr = nums[2]; + return arr; +} +" +554ee108ad53bf20e181731ef8dbe7a8ec5a5585,"public int[] frontPiece(int[] nums) +{ + int[] newArr = new int[2]; + newArr[0] = nums.get(0); + newArr[1] = nums.get(1); + return newArr; +} +" +b7fcba4dc9239206ced9adb42e132ec36b1fd71f,"public int[] frontPiece(int[] nums) +{ + int[] arr; + arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; +} +" +266616f1dc2bb6a97e80593247ad750a3e71f32b,"public int[] frontPiece(int[] nums) +{ + int[] arr = 0; + arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; +} +" +2df612007d836997c06ca6c8a60c28f5b42c4363,"public int[] frontPiece(int[] nums) +{ + int[] arr = arr[]; + arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; +} +" +fbe3b03b02ac65ee68924019d0afcd2ab82be11b,"public int[] frontPiece(int[] nums) +{ + int arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; +} +" +6ca00815c436066cfb6a5c7ff9aae50a154a32d7,"public int[] frontPiece(int[] nums) +{ + int[] arr[0] = nums[0]; + arr[1] = nums[1]; + return arr; +} +" +6af7ae95659a18a193f302d6230e888824da37d2,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.size() > 1) + { + return (frontPiece[0], frontPiece[1]); + } + else + { + return (frontPiece); + } +} +" +6f2af9be1113bde584e0598d0ce83b10814ef036,"public int[] frontPiece(int[] nums) +{ + int[] newArr = new int[2]; + newArr[0] = nums.get(nums, 0); + newArr[1] = nums.get(nums, 1); + return newArr; +} +" +7d06c78d0c2d5a492e8e7526885b9cc9e186708e,"public int[] frontPiece(int[] nums) +{ + if (frontPiece.size() > 1) + { + return (frontPiece[0, 1]); + } + else + { + return (frontPiece); + } +} +" +bedc0d957bdde3ff486061374c097f81ed053026,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +efe964fc63798b64a6321452066e187cfe9af8be,"public int[] frontPiece(int[] nums) +{ + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; +} +" +51b79c2c322f795e05e5737874642b2d4a121dbd,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2 ) + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; + } + else if ( nums.length ==1) + { + int[] newArr = new int[1]; + newArr[0] = nums[0]; + } + else + { + return {}; + } +} +" +d41440b9da08fd99840fca340cef9746624c0eaf,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 1) + { + return (nums[0], nums[1]) + } + else + { + return (nums[0]); + } +} +" +3a5c6426b119d72ec508a300d5ccfc35b87bee91,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 1) + { + return (nums[0], nums[1]); + } + else + { + return (nums[0]); + } +} +" +66ea03b4b8efa52f817bc9bee70c6e29fb03ec8e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2 ) + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + } + else if ( nums.length ==1) + { + int[] newArr = new int[1]; + newArr[0] = nums[0]; + } + else + { + return []; + } + return newArr; +} +" +693e551d7b1d39d8c28ad3f25906207eab4e11e2,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2 ) + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + } + else if ( nums.length ==1) + { + int[] newArr = new int[1]; + newArr[0] = nums[0]; + } + else + { + int[] newArr = {}; + } + return newArr; +} +" +e7858d8a05a604cc1bd06c6262e58798afd58e06,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2 ) + { + int[] newArr = new int[2]; + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; + } + else if ( nums.length ==1) + { + int[] newArr = new int[1]; + newArr[0] = nums[0]; + return newArr; + } + else + { + int[] newArr = {}; + return newArr; + } +} +" +a2e76892ac5d8422ea0796e71909b546ceffa558,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 1) + { + toReturn = new int[2]; + toReturn.add(nums[0]); + toReturn.add(nums[1]); + return toReturn; + } + else + { + return (nums[0]); + } +} +" +2f70b45414b0873be944b7f952344e26875fb661,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +d15a8d842434f7a11c4d6e0572e8e478eafb5a6c,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + toReturn = new int[2]; + toReturn.add(nums[0]); + toReturn.add(nums[1]); + return toReturn; + } + else + { + return (nums[0]); + } +} +" +b60947393183f1634136606ff20e8aa7d723e85a,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] toReturn = new int[2]; + toReturn.add(nums[0]); + toReturn.add(nums[1]); + return toReturn; + } + else + { + return (nums[0]); + } +} +" +a9be36135cfad2945744aa7f19502bb470afac59,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] toReturn = new int[2]; + toReturn(0) = nums[0]; + toReturn(1) = nums[1]; + return toReturn; + } + else + { + return (nums[0]); + } +} +" +79cc5a9bc350647256ecd9ca57af9f3e0a49c093,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] toReturn = new int[2]; + toReturn[0] = nums[0]; + toReturn[1] = nums[1]; + return toReturn; + } + else + { + return (nums[0]); + } +} +" +950ca31ea95e9b1938d89922fbc8a00a4934145c,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +9c62d08e82d4781814c4150844336ca55d09c6c9,"public int[] frontPiece(int[] nums) +{ + int[] x; + + if(nums.length == 1) + { + x = new int[1]; + + x[0] = nums[0]; + } + + if(nums.length >=2) + { + x = new int[2]; + x[1] = nums[1]; + x[0] = nums[0]; + } + else + { + x = new int[0]; + } + return x; + +} +" +32963e103fc08afe06779d0fa5360b51d3d9ac27,"public int[] frontPiece(int[] nums) +{ + int[] x; + + if(nums.length == 1) + { + x = new int[0]; + x[0] = nums[0]; + } + + if(nums.length >=2) + { + x = new int[2]; + x[1] = nums[1]; + x[0] = nums[0]; + } + else + { + x = new int[0]; + } + return x; + +} +" +1b0cf3ddb936f8d0ccd4be380a8584c0b13433ba,"public int[] frontPiece(int[] nums) +{ + int[] x; + + if(nums.length == 1) + { + x = new int[1]; + x[1] = nums[0]; + } + + if(nums.length >=2) + { + x = new int[2]; + x[1] = nums[1]; + x[0] = nums[0]; + } + else + { + x = new int[0]; + } + return x; + +} +" +3ae63d4c6b83716930b15d08da72f7cf963f2a1a,"public int[] frontPiece(int[] nums) +{ + int[] x; + + if(nums.length == 1) + { + x = new int[1]; + x[0] = nums[0]; + } + + if(nums.length >=2) + { + x = new int[2]; + x[1] = nums[1]; + x[0] = nums[0]; + } + else + { + x = new int[0]; + } + return x; + +} +" +d79238f54258fabe8ea97ffef9c4ecb863444614,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) return nums; +return new int[] {nums[0], nums[1]}; + +} +" +b3ddf8815cd7006960e2690a8f00339bd0ee4e33,"public int[] frontPiece(int[] nums) +{ + int[] x; + + if(nums.length == 1) + { + x = new int[1]; + x[0] = nums[0]; + } + + else if(nums.length >=2) + { + x = new int[2]; + x[1] = nums[1]; + x[0] = nums[0]; + } + else + { + x = new int[0]; + } + return x; + +} +" +ae4ac73933a64569774867cc96c6f0a602f456a7,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + return frontPart; +} +" +9f173453d6979fa03f877c6388835a5428637637,"public int[] frontPiece(int[] nums) { + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} +" +772d9bedf352e4033461cf1d0dd42d90833ef4de,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + if (nums.length >= 2) + { + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + } + else if (nums.length = 1) + { + frontPart[0] = nums[0]; + } + else + { + + } + return frontPart; + +} +" +e5c6d018c013727ed480235aeae97ad5b528ffb3,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + if (nums.length >= 2) + { + frontPart = new int[2]; + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + } + else if (nums.length = 1) + { + frontPart = new int[1]; + frontPart[0] = nums[0]; + } + else + { + frontPart = new int[0]; + } + return frontPart; + +} +" +6c28cc0002f3e8d6259eb48364daec1dbcf76b11,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + if (nums.length >= 2) + { + frontPart = new int[2]; + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + } + else if (nums.length == 1) + { + frontPart = new int[1]; + frontPart[0] = nums[0]; + } + else + { + frontPart = new int[0]; + } + return frontPart; + +} +" +036b90ad7da4167514731aee43d150efb5d25bae,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + if (nums.length >= 2) + { + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + } + else if (nums.length == 1) + { + frontPart = new int[1]; + frontPart[0] = nums[0]; + } + else + { + frontPart = new int[0]; + } + return frontPart; + +} +" +8cbb68df072b8117fa8db90e061349bfd42a48b3,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + if (nums.length >= 2) + { + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + } + else if (nums.length == 1) + { + frontPart[0] = nums[0]; + } + else + { + + } + return frontPart; + +} +" +e88b1e0bb99d021e2bfd8cc5d8211e0d22fc59c9,"public int[] frontPiece(int[] nums) +{ + int[] frontPart = new int[2]; + if (nums.length >= 2) + { + frontPart[0] = nums[0]; + frontPart[1] = nums[1]; + } + else if (nums.length == 1) + { + frontPart = new int[1]; + frontPart[0] = nums[0]; + } + else + { + frontPart = new int[0]; + } + return frontPart; + +} +" +0f1b790a16c7b704f783655c466eca1fc2d07a31,"public int[] frontPiece(int[] nums) +{ + if(nums.length()< 2) + { + return nums; + } + else + { + return (nums.length() - nums.length()-2); + } + +} +" +aa9d34965fd30cd1ff6624b21d01db50c794debe,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +}" +056e2aa058d84b71721823f46f6f6b084713a9b2,"public int[] frontPiece(int[] nums) +{ + if(nums.getlength <= 2) + { + return nums; + } + else + { + return (nums.length - nums.getlength -2); + } + +} +" +4b4786f64967b78d13881a17cfc2b14e79d290f3,"public int[] frontPiece(int[] nums) +{ + if(nums.length<=1) + return nums; + int[] front={nums[0],nums[1]}; + return front; +} +" +81561b6bf59fca31c547bd302272f476f2974e80,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + { + return nums; + } + else + { + return (nums.length - nums.getlength -2); + } + +} +" +46e76b8976a685372df61942109573a3c02c9a4a,"public int[] frontPiece(int[] nums) +{ + if(nums.length <= 2) + { + return nums; + } + else + { + return (nums.length - nums.length -2); + } + +} +" +d9111f7f25ca0918e6cc4829b0d43527afe808dd,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length <= 2) + { + return nums; + } + else + { + return (nums.length - nums.length -2); + } + +} +" +902711e506dc860080f75619b7db865a687200c0,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length <= 2) + { + return nums; + } + else + { + return (nums.length - nums.length - 2); + } + return front; +} +" +8f4f7a6e2f2d62e569a1895113128a1c9c0aaab6,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +d69ed97efcdfab5a3e387cd3389827baff0b28e1,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + + else if (nums.length == 0) + + return new int[] {}; + + else + + return new int[] {nums[0],nums[1]}; +} +" +8de20fe50d495ee42caf2ff2c7e834a2350ad82b,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2] + r[0] = nums[0] + r[1] = nums[1] + return r; + +} +" +637c6449fc0ac564dc32d646c24a975204056c86,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + r[0] = nums[0]; + r[1] = nums[1]; + return r; + +} +" +be208fdb072758ac1481f43d42f5ddb9c854f93e,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +475480b9ef3cf7b43c88159bfb63abab84133caf,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + r[0] = 0; + r[1] = 0; + r[0] = nums[0]; + r[1] = nums[1]; + return r; + +} +" +ff14dc4e3ddef5a53b72764368316d3bf40c2675,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + if (nums[0] != null) + { + r[0] = nums[0]; + if (nums[0] != null) + { + r[1] = nums[1]; + } + } + + return r; + +} +" +e8a23f9906da096fb150088c98c362ccaaa6500c,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + if (nums[0] != null) + { + r[0] = nums[0]; + if (nums[1] != null) + { + r[1] = nums[1]; + } + } + + return r; + +} +" +d7182454594d259f41a5609775bb42376d1552cf,"public int[] frontPiece(int[] nums) +{ + int[] hold = new int[2]; + if (nums.length < 3) + { + for (int i = 0; i < nums.length; i++) + { + hold[i] = nums[i]; + } + } + else + { + hold[0] = nums[0]; + hold[1] = nums[1]; + } + return hold; +} +" +67eff90b605e78d61f36acbeb3046091f115d494,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + if (nums.length > 0) + { + r[0] = nums[0]; + if (nums.length > 1) + { + r[1] = nums[1]; + } + } + + return r; + +} +" +5bb57b9eda6e6e77b4fd3d30ed6b6a17cf58ab0c,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + if (nums.length > 1) + { + r[0] = nums[0]; + if (nums.length > 0) + { + r[1] = nums[1]; + } + } + + return r; + +} +" +7d39badb8f74d415b4f81850ddecdeb58a0d8985,"public int[] frontPiece(int[] nums) +{ + int[] hold = new int[2]; + if (nums.length < 3) + { + hold = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + hold[i] = nums[i]; + } + } + else + { + hold[0] = nums[0]; + hold[1] = nums[1]; + } + return hold; +} +" +d4311b2a9aef814644ae6e096bb9155b1431a5dd,"public int[] frontPiece(int[] nums) +{ + int[] r = new int[2]; + if (nums.length >= 1) + { + r[0] = nums[0]; + if (nums.length >= 0) + { + r[1] = nums[1]; + } + } + + return r; + +} +" +ed9df54c7a09840bf3e5b5afe22edf8b9340d8dc,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] r = new int[2]; + r[0] = nums[0]; + r[1] = nums[1]; + return r + } + else if (nums.length == 1) + { + int[] r = new int[1]; + r[0] = nums[0]; + return r + } + else + int[] r = new int[]; + return r + + return r; + +} +" +f433bd2a19d8f13954eec993e1eaa3a6128f142f,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] r = new int[2]; + r[0] = nums[0]; + r[1] = nums[1]; + return r; + } + else if (nums.length == 1) + { + int[] r = new int[1]; + r[0] = nums[0]; + return r; + } + else + int[] r = new int[]; + return r; + + return r; + +} +" +7eaaaf1cb1b908769b296f20fe52022786806c10,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] r = new int[2]; + r[0] = nums[0]; + r[1] = nums[1]; + return r; + } + else if (nums.length == 1) + { + int[] r = new int[1]; + r[0] = nums[0]; + return r; + } + else + int[] r = new int[0]; + return r; + +} +" +b1e923ae62fac407f418e25f2f37f4d6282df039,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] r = new int[2]; + r[0] = nums[0]; + r[1] = nums[1]; + return r; + } + else if (nums.length == 1) + { + int[] r = new int[1]; + r[0] = nums[0]; + return r; + } + else + { + int[] r = new int[0]; + return r; + } + +} +" +761d80802591ad40db889e84b018b54b9c69b0a1,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +d3b96e3e79ec901f1ce3db62b582135bd3168fe4,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else if (nums.length == 1) + { + newArray = new int[1]; + newArray = nums[0]; + } + else + { + newArray = new int[0]; + } + return newArray; +} +" +c995b29cda6fe3106d23cf495ad251cf4377b34b,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if (nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else if (nums.length == 1) + { + newArray = new int[1]; + newArray = nums[0]; + } + else + { + newArray = new int[0]; + } + return newArray; +} +" +4be44a92c434e9e4ad76151ed9222e74d4621677,"public int[] frontPiece(int[] nums) +{ + int[] newArr = new int[2]; + if (nums.length < 3) { + return nums; + } else { + newArr[0] = nums[0]; + newArr[1] = nums[1]; + return newArr; + } +} +" +7ee4e01e733818125c13c32966ffb37729c3f6bd,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + if (nums.length >= 2) + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else if (nums.length == 1) + { + newArray = new int[1]; + newArray = nums[0]; + } + else + { + newArray = new int[0]; + } + return newArray; +} +" +d60481f07278f5fd0a85b5f0b577f98335c686e5,"public int[] frontPiece(int[] nums) +{ + + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +}" +e6bec9caef82ebfd49bef7439f75dd966dba2936,"public int[] frontPiece(int[] nums) +{ + int[] ar = new int[]; + if (nums.length >= 2) + { + for (int a: nums) + ar[a] = nums.get[a]; + } + else + { + return nums; + } + return ar; +} +" +232dde6243ab09be00fa584ca425a4f0df4e06e0,"public int[] frontPiece(int[] nums) +{ + int[] ar = new int[nums.length]; + if (nums.length >= 2) + { + for (int a: nums) + ar[a] = nums.get[a]; + } + else + { + return nums; + } + return ar; +} +" +23e6e883f8560345a38a94b238a364dca33be856,"public int[] frontPiece(int[] nums) +{ + int[] ar = new int[nums.length]; + if (nums.length >= 2) + { + for (int a: nums) + ar[a] = nums[a]; + } + else + { + return nums; + } + return ar; +} +" +903c4ff94636f519d5a09f3e7439c3f1dcf67ff0,"public int[] frontPiece(int[] nums) +{ + int[] ar = new int[nums.length]; + if (ar.length >= 2) + { + for (int a: nums) + ar[a] = nums[a]; + } + else + { + return nums; + } + return ar; +} +" +d658e33cad7ac80d0f9a015623ff0a75f97cdabf,"public int[] frontPiece(int[] nums) +{ + // any length + // return new array of its first two elements + // if array.length < 2, use whatever elements present + int[] front; + if (nums.length >= 2) + { + front = new int[2]; // new array + front[0] = nums[0]; // first element + front[1] = nums[1]; // second element + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums [0] // only 1 element + } + else // if 0, nothing + { + front = new int[0]; // name = new int[] + } + return front; // keyword: return +} +" +98afd6c3ca9603d6d1e22d537b2a8bb72f0e9487,"public int[] frontPiece(int[] nums) +{ + // any length + // return new array of its first two elements + // if array.length < 2, use whatever elements present + int[] front; + if (nums.length >= 2) + { + front = new int[2]; // new array + front[0] = nums[0]; // first element + front[1] = nums[1]; // second element + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums [0]; // only 1 element + } + else // if 0, nothing + { + front = new int[0]; // name = new int[] + } + return front; // keyword: return +} +" +a73c980f3f5b12237ce788065c6794d2f43f49ae,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; + +} +" +09c239912e49e174416aba8724a7d6516de4f278,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.size() < 2) + { + if (nums.size() == 1) + { + result.add(nums[0]); + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +6f9571242e8c1d3e1b07748d804f1767b3aa5e28,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.size < 2) + { + if (nums.size() == 1) + { + result.add(nums[0]); + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +b354201501aef8d0a497fc1b7705f202098b486a,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length() == 0) { + front = new int[0]; + } + else if (nums.length() == 1) { + front = new int[1]; + front[0] = nums[0]; + } + else { + front = new int[1]; + front[0] = nums[0]; + front[1] = nums[1]; + } + return front; +} +" +ef179ed42ad26b8370d1140b5bd956c7638b5853,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length == 0) { + front = new int[0]; + } + else if (nums.length == 1) { + front = new int[1]; + front[0] = nums[0]; + } + else { + front = new int[1]; + front[0] = nums[0]; + front[1] = nums[1]; + } + return front; +} +" +3af06160b3e02451d84156095b8ca70a70cbf826,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums[].size() < 2) + { + if (nums.size() == 1) + { + result.add(nums[0]); + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +ed4d85d5d5091bbc075015e057f6f3173d879b32,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.size() < 2) + { + if (nums.size() == 1) + { + result.add(nums[0]); + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +b00c1b9fe4d4679378de6d71d67537bb52dafcd1,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result.add(nums[0]); + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +ae9eca72b8ecee1e38c5be3f58b71ba5c252b4a8,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +28ca0318ef9e963cbeab6dc3d2124020c7d093db,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +f8c64c52201dda8dd7d49c0029c0c3dbc8f03211,"public int[] frontPiece(int[] nums) +{ + int[] result = {}; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +48041254c48fe6f1b93c2c5c6abb7c4c10f9979b,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + else { + result = {}; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +e7d490142d251d59f25f32f32cd5eca59cfa9e52,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + else { + return {}; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +1660fe6a0237b8b7f001697bbdcf87c0b70bafd9,"public int[] frontPiece(int[] nums) +{ + int[] result; + int[] blank = {} + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + else { + return blank; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +b6da0d489ad5943144a8e43339bc27becc379fd3,"public int[] frontPiece(int[] nums) +{ + int[] result; + int[] blank = {}; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + else { + return blank; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +1818b781a5cff444823eab4457c93eda5e0742f0,"public int[] frontPiece(int[] nums) +{ + int[] result = new int[2]; + if (nums.length < 2) + { + if (nums.length == 1) + { + result[0] = nums[0]; + } + else { + return result; + } + } + else{ + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +42e631103e6e1a89a2337a894fa747025101b5ec,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result = new int[1] + + result[0] = nums[0]; + } + else { + result = new int[0]; + } + } + else { + result = new int[2]; + + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +bc5db67d9ddc8bb96c1bc4c890183bfaa53246f9,"public int[] frontPiece(int[] nums) +{ + int[] result; + if (nums.length < 2) + { + if (nums.length == 1) + { + result = new int[1]; + + result[0] = nums[0]; + } + else { + result = new int[0]; + } + } + else { + result = new int[2]; + + result[0] = nums[0]; + result[1] = nums[1]; + } + + return result; +} +" +18572199362621fddcc72cd82ecc6698fe3c1df1,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return new int[] {nums[0]}; + } +} +" +81011406579f83ee354f80f4026f64734e226dfd,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return new int[] {nums[0]}; + } + return nums; +} +" +5edddf5acbfb36d36b35ed90fe5a8e17db7911b6,"public int[] frontPiece(int[] nums) +{ + if (nums.length() > 2) + { + return {nums[0], nums[1]}); + } + else + { + return nums; + } +} +" +bbbbaf39b26a2112e7eaf9db4456e790df9dcdf1,"public int[] frontPiece(int[] nums) +{ + if (nums.length() > 2) + { + return {nums[0], nums[1]}; + } + else + { + return nums; + } +} +" +ec70303cb6671ff0943b527a54fe9dc866e0d7f4,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return new int[] {nums[0]}; + } + else if (nums.length == 1) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } + return nums; +} +" +51b959cc1b46f7ae499a50f80ee4530294e8700d,"public int[] frontPiece(int[] nums) +{ + int[] out = new int[2]; + if (nums.length() > 2) + { + out[0] = nums[0]; + out[1] = nums[1]; + return out; + } + else + { + return nums; + } +} +" +f17177e1a937c4f98eff7a7fc547c147a2fe3fe2,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return new int[] {nums[0]}; + } + else if (nums.length == 1) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +d81050c27f88e666511d25a79323502374228f7f,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 2) + { + int[] out = new int[2]; + out[0] = nums[0]; + out[1] = nums[1]; + return out; + } + else + { + return nums; + } +} +" +dab6c28f0ac218dbd7531a5228a262d6d882af2c,"public int[] frontPiece(int[] nums) +{ + if (nums.count() > 2) + { + int[] out = new int[2]; + out[0] = nums[0]; + out[1] = nums[1]; + return out; + } + else + { + return nums; + } +} +" +452ab75323d7efd7d0fcd6fbff8e5ec1cdab3368,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] out = new int[2]; + out[0] = nums[0]; + out[1] = nums[1]; + return out; + } + else + { + return nums; + } +} +" +32c907c8936c973da88463d843bcf116cc153458,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 0) + { + return new int[] {}; + } + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +a63d15c3148dba3919dd04aa895d57abd383ae60,"public int[] frontPiece(int[] nums) +{ + int[] numbers; + for (int i = 0; i < nums.length && i < 2; i++) + { + numbers[i] = nums[i]; + } + return numbers; +} +" +432024261b53a6b592d9217e9dcf7291d2d9cd25,"public int[] frontPiece(int[] nums) +{ + int[] numbers; + numbers = new int[2] + for (int i = 0; i < nums.length && i < 2; i++) + { + numbers[i] = nums[i]; + } + return numbers; +} +" +391112ea29957a90453119a618e31bb5bde714d5,"public int[] frontPiece(int[] nums) +{ + int[] numbers; + numbers = new int[2]; + for (int i = 0; i < nums.length && i < 2; i++) + { + numbers[i] = nums[i]; + } + return numbers; +} +" +da00b9c10291de94f9796594fa284c1d1b81d385,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} +" +a2aa10ac5e7a638c2b689d914200078ae8d91404,"public int[] frontPiece(int[] nums) +{ + int first2[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums.length > 0) + { + first2 = new int[1] + first2[0] = nums[0]; + return first2; + } + return null; +} +" +04e820859cef6efc07392ab857c966f4eee7067d,"public int[] frontPiece(int[] nums) +{ + int first2[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums.length > 0) + { + first2 = new int[1]; + first2[0] = nums[0]; + return first2; + } + return null; +} +" +51328835b5783e0568bb95e7eaf6328e767e1994,"public int[] frontPiece(int[] nums) +{ + int first2[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums != null) + { + first2 = new int[1]; + first2[0] = nums[0]; + return first2; + } + return null; +} +" +88db418c3f1d1b4d430657446c781f9b28eb6a4b,"public int[] frontPiece(int[] nums) +{ + int first2[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums.length >= 1) + { + first2 = new int[1]; + first2[0] = nums[0]; + return first2; + } + return null; +} +" +377978dba7fa2fae3cb50cc9a350e62d89bc568b,"public int[] frontPiece(int[] nums) +{ + int first2[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums.length >= 1) + { + first2 = new int[1]; + first2[0] = nums[0]; + return first2; + } + return first2; +} +" +fc1d3085164d2be3e78daffb0f508fa721358f23,"public int[] frontPiece(int[] nums) +{ + int first2[] = new int[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums.length >= 1) + { + first2 = new int[1]; + first2[0] = nums[0]; + return first2; + } + return first2; +} +" +81879b8e598950462ba4d5e8ba798441c2bd2d0d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return (nums[1]); + } + else + { + int[] num2 = num[0] + num[1]; + return (num2); + } +} +" +bcb8cd8dfaeca4d3a3b2a623082d16d662196c0c,"public int[] frontPiece(int[] nums) +{ + int first2[]; + if (nums.length >= 2) + { + first2 = new int[2]; + first2[0] = nums[0]; + first2[1] = nums[1]; + return first2; + } + else if (nums.length >= 1) + { + first2 = new int[1]; + first2[0] = nums[0]; + return first2; + } + else + { + first2 = new int[0]; + return first2; + } +} +" +e0cc95302ae359c3e3a7d6e21e545e0598da3dcb,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] num1 = nums[1]; + return (numl); + } + else + { + int[] num2 = nums[0] + nums[1]; + return (num2); + } +} +" +1524fcdf51a0c033d20bb6be383f5548be318bf0,"public int[] frontPiece(int[] nums) +{ + int[] num2; + if (nums.length < 2) + { + num2[0] = nums[0]; + return (num2); + } + else + { + num2[0] = nums[0] + num2[1] = nums[1]; + return (num2); + } +} +" +f1d5eb0170b21916dbc6d82f2f2b5295c5a89515,"public int[] frontPiece(int[] nums) +{ + int[] num2; + if (nums.length < 2) + { + num2[0] = nums[0]; + return (num2); + } + else + { + num2[0] = nums[0]; + num2[1] = nums[1]; + return (num2); + } +} +" +7d83c2ebedeba8fa9ae60e87cdeed00402a901cb,"public int[] frontPiece(int[] nums) +{ + int[] num2 = new int[2]; + if (nums.length < 2) + { + num2[0] = nums[0]; + return (num2); + } + else + { + num2[0] = nums[0]; + num2[1] = nums[1]; + return (num2); + } +} +" +0b0d82ee5f35ac81fc2e0da3fb412d4f75c11b7d,"public int[] frontPiece(int[] nums) +{ + int[] num2; + if (nums.length < 2) + { + num2 = new int[1]; + num2[0] = nums[0]; + return (num2); + } + else + { + num2 = new int[2]; + num2[0] = nums[0]; + num2[1] = nums[1]; + return (num2); + } +} +" +8a3f341cc5b9f7b31c0c2114d1cdddf8bd842a7a,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(length >= 2) + { + first = new int[2] + first = nums[0]; + first = nums[1]; + } + else + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +79cc594ca10e71c14339bba67109507d6edf21b0,"public int[] frontPiece(int[] nums) +{ + int[] num2; + if (nums.length = 1) + { + num2 = new int[1]; + num2[0] = nums[0]; + return (num2); + } + else if (nums.length = 0) + { + return (null); + } + else + { + num2 = new int[2]; + num2[0] = nums[0]; + num2[1] = nums[1]; + return (num2); + } +} +" +4c4f8d617d0c29522daedfe03bd7f175ccdbdb8f,"public int[] frontPiece(int[] nums) +{ + int[] num2; + if (nums.length == 1) + { + num2 = new int[1]; + num2[0] = nums[0]; + return (num2); + } + else if (nums.length == 0) + { + return (null); + } + else + { + num2 = new int[2]; + num2[0] = nums[0]; + num2[1] = nums[1]; + return (num2); + } +} +" +f3dd4473db7344ce20c613f20eac3e10b9057732,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(length >= 2) + { + first = new int[2]; + first = nums[0]; + first = nums[1]; + } + else if (length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +33ead58346bde42d0d6ef560abdceddc569b4956,"public int[] frontPiece(int[] nums) +{ + int[] num2; + if (nums.length == 1) + { + num2 = new int[1]; + num2[0] = nums[0]; + return (num2); + } + else if (nums.length == 0) + { + return (nums); + } + else + { + num2 = new int[2]; + num2[0] = nums[0]; + num2[1] = nums[1]; + return (num2); + } +} +" +36ce6844d344530a198150349433b526518fa244,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + first = new int[2]; + first = nums[0]; + first = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +807ee1ad5b995f240d9f07c000f23aad838832d9,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + first = new int[2]; + first = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +787fa140bfcc81407218ac928f4f99030cc853a3,"public int[] frontPiece(int[] nums) +{ + int[] first; + if(nums.length >= 2) + { + first = new int[2]; + first[0] = nums[0]; + first[1] = nums[1]; + } + else if (nums.length == 1) + { + first = new int[1]; + first[0] = nums[0]; + } + else + { + first = new int[0]; + } + return first; +} +" +8d79364d529a607c15295173108b24df4cf37fd6,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] intArray = new int[]{nums[0], nums[1]}; + return intArray; + } + else + { + for (int i = 0; i < nums.length; i++) + { + int[] intArray = new int[]; + intArray[i] = nums[i]; + } + return intArray; + } +} +" +cdf4dbe91a1c82d93eae3601c857be10c63cad8d,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] intArray = new int[2]{nums[0], nums[1]}; + return intArray; + } + else + { + for (int i = 0; i < nums.length; i++) + { + int[] intArray = new int[]; + intArray[i] = nums[i]; + } + return intArray; + } +} +" +10da8910edea6976985bfdec4761756d9398d22c,"public int[] frontPiece(int[] nums) +{ + + if (nums.length >= 2) + { + int[] intArray = new int[]{nums[0], nums[1]}; + return intArray; + } + else + { + for (int i = 0; i < nums.length; i++) + { + int[] intArray = new int[nums.length]; + intArray[i] = nums[i]; + } + return intArray; + } +} +" +feecd2c8808e32b9ec337d000c4fca5c8e53b6a3,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] intArray = new int[]{nums[0], nums[1]}; + return intArray; + } + else + { + int[] intArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + intArray[i] = nums[i]; + } + return intArray; + } +} +" +2b6623a1aecf39ec0bc045785d9946cfa27a02d8,"public int[] frontPiece(int[] nums) +{ + + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +3fc79d433b30d8bd611579e23e0710773da97f97,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + } + else + { + return new int[] {nums[0], nums[1]} + } +} +" +f9d13b83505e86196623834ccde519be2813c540,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums[0]; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +ebc021e4f1dd326aa3178295c6d9389f8e3059a8,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +21eece77f941186fde28001528f5b45fd10c9b1d,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2 && nums.length > -1) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +cccf17695645d327932bc2e92baa6d67243d1541,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2 && nums.length > -1) + { + return new int[] {nums[0]}; + } + else + { + if (nums.length == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } + } +} +" +1e6ea43bb341f0bae9f3ca75872af0e23fa60a2f,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2 && nums.length > -1) + { + return new int[] {nums[0]}; + } + else + { + + return new int[] {nums[0], nums[1]}; + + } +} +" +7e556b67341f76a398a254e7f45e8e290a3b9da5,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1){ + return new int[] {nums[0]}; + } + + else if (nums.length == 0) { + return new int[] {}; + } + + else{ + return new int[] {nums[0],nums[1]}; + } +} +" +6e49a11fe31baaa68ba0383108d49c9c03725bbe,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +5283066f9d89d85355cc004ec6a064e1dc9c88cc,"public int[] frontPiece(int[] nums) +{ + int[2] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +2a87e9032fe6a5291cdb951e8cbd8ef2696a6b1a,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +181288472567fcfe0a5e1354c77e020803dc002a,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums.get(nums[0]); + newNums.get(nums[1]); + return newNums; +} +" +57fb9d4013de534b4fdcc17264ac41373bb8ac29,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + int[0] list = int[0] nums; + int[1] list = int[1] nums; + + if (nums.length == 1) + int[0] list = int[0]nums; +} +" +cc0d48188bbc479bf6c4845ac432fcc7b07a73b9,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums; +} +" +978ddc9933c047b4a5021a6c6590b3e57cf97226,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums[].add(nums[0]); + newNums[].add(nums[1]); + return newNums; +} +" +9bdbdf21427d89ba630066ad3f7ce82b80678db1,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums[]; +} +" +0c0266c2d7ad12859cf83791b0639430070d8388,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list[0] = nums[0]; + list[1] = nums[1]; + + if (nums.length == 1) + list[0]= nums[0]; +} +" +20a1614bfe7912d5001d67be7e3a8d1165c1c7fc,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums.add(nums[0]); + newNums.add(nums[1]); + return newNums[].class; +} +" +bfeaec15829ba6d8752399b004c58bd7b502492d,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + + if (nums.length == 1) + list = new int[1]; + list[0]= nums[0]; +} +" +723bdb33f7bebb243d83d5adac782e44ed463ce9,"public int[] frontPiece(int[] nums) { + if (nums.length <= 1) + return nums; + int[] result = { nums[0], nums[1] }; + return result; +} +" +810b141a300859a1f98c8b0ca8e20f92831eee28,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + +} +" +a244f723e789780a59a31f52c85429b5a79d051c,"public int[] frontPiece(int[] nums) +{ + int[] newNums[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; +} +" +85be45f1088606ac4dc86c1cf7062077cc4c36e0,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + + if (nums.length == 1) + list = new int[1]; + list[0]= nums[0]; + + list[0] = new int[1]; + return list; +} +" +76dd6d826c87ebbc01eb56ed1d7ac2be27270173,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(length == 1) + front [0] = nums[0]; + else if(length == 0) + return front; + return front; + +} +" +7ebd64cba2e897d35757f013c69d9cd7752974f1,"public int[] frontPiece(int[] nums) +{ + ArrayList newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; +} +" +9259e4e2a760065901383a5d284f3995f9f0d628,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; +} +" +e832f8dad07dd1ae450437c26dc112330196ac61,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + + + if (length >= 2) + { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(length == 1) + { + int[] front = new int[1]; + front [0] = nums[0]; + } + else if(length == 0) + { + int[] front = new int[0]; + return front; + } + return front; + +} +" +18cc47da5ea0d8a916278170968663f7afa763f8,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + + if (nums.length == 1) + list = new int[1]; + list[0]= nums[0]; + + list[0] = new int[1]; + return list; +} +" +b4e5e84d7a682c4f300c51d0493f827e531ec77d,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + + if (nums.length == 1) + list = new int[1]; + list[0]= nums[0]; + + list = new int[1]; + return list; +} +" +69c4955484cccde386d250bd5f622a1f2ba21815,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + int[] front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(length == 1) + { + int[] front = new int[1]; + front [0] = nums[0]; + } + else if(length == 0) + { + int[] front = new int[0]; + return front; + } + return front; + +} +" +1aaf8c96ea9e56f24262a5968df88c017fbb47b3,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + return new int[]{nums[0], nums[1]}; +} +" +821dc79e343dbac0e28697510248505c714934b5,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + + else (nums.length == 1) + list = new int[1]; + list[0]= nums[0]; + + list = new int[1]; + return list; +} +" +c14b4b6626a14cb6f965a444bd8fd7cca9b9d9a7,"public int[] frontPiece(int[] nums) +{ + if (nums.size() > 2) + { + int[] newNums = Arrays.copyOfRange(nums, 0, 1); + return newNums; + } + return nums; +} +" +e8908608509bee80da7792ecea08edc1eea09b81,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(length == 1) + { + front = new int[1]; + front [0] = nums[0]; + } + else if(length == 0) + { + front = new int[0]; + return front; + } + return front; + +} +" +45c59404190919589a47c6002484de1a859c3657,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + + else + list = new int[1]; + list[0]= nums[0]; + + list = new int[1]; + return list; +} +" +662d9b47cc586457cfd3ace9810b86dea4d9438f,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length() >= 2 + { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums[0] = nums[0]; + newNums[1] = nums[0]; + } + return newNums; +} +" +81959e7104f06f675d658fff6bae3b4bcdb76477,"public int[] frontPiece(int[] nums) +{ + if (nums.length() > 2) + { + int[] newNums = Arrays.copyOfRange(nums, 0, 1); + return newNums; + } + return nums; +} +" +0d86de0e2e67f17c03c91a8a650672a653206f3f,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length() >= 2) + { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums[0] = nums[0]; + newNums[1] = nums[0]; + } + return newNums; +} +" +8c597bef7c40a5ca3563ec1de3e146bc8024c491,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + { + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + } + + else + { + list = new int[1]; + list[0]= nums[0]; + } + + list = new int[1]; + return list; +} +" +ea5646957523cb79dd166404101aaff3113dfb00,"public int[] frontPiece(int[] nums) +{ + int length = nums.length; + int[] front; + + if (length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(length == 1) + { + front = new int[1]; + front [0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; + +} +" +70de532b2222795a82b622afffdb1e1cf8a20f8e,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.len() >= 2) + { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums[0] = nums[0]; + newNums[1] = nums[0]; + } + return newNums; +} +" +cfbb523679d0106a49706b6d13d2aa38ec7a2e8a,"public int[] frontPiece(int[] nums) +{ + Array peen = new Array[]; +} +" +56165967a8b7c6543edf15583641eec6d985effc,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + { + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + } + + else + { + list = new int[1]; + list[0]= nums[0]; + } + + return list; +} +" +804bf14c2a78c7d6c4ca7c6d695f1fdba62fa5fd,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.size() >= 2) + { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums[0] = nums[0]; + newNums[1] = nums[0]; + } + return newNums; +} +" +92a5e14b521f7dfafefd6c74fbb05b4bffd5411f,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newNums = Arrays.copyOfRange(nums, 0, 1); + return newNums; + } + return nums; +} +" +886f0775c4bd977ceec368149bda0fd7c92a1dbe,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + if (nums.length >= 2) + { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else + { + newNums[0] = nums[0]; + newNums[1] = nums[0]; + } + return newNums; +} +" +cd523619293d02eca280f5fde37e14e3fdb4426f,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newNums = copyOfRange(nums, 0, 1); + return newNums; + } + return nums; +} +" +eb21cdf7e58c7c4e45b823a147ae7a1d5d3076d3,"public int[] frontPiece(int[] nums) +{ + int two[] = {nums[] + nums[nums.length - 1]}; +} +" +ce8116273ff5e086124cbc141e8c490e0304a528,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newNums = nums.copyOfRange(nums, 0, 1); + return newNums; + } + return nums; +} +" +329d26e420d05ca2444f38b6048309f3cff8e7cb,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + { + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + return list; + } + + else + { + list = new int[1]; + list[0]= nums[0]; + return list; + } + list = nums; + + return list; +} +" +005778819341771b82a9ca9f675b56c9fbfb48be,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newNums = Array.copyOfRange(nums, 0, 1); + return newNums; + } + return nums; +} +" +7291207b1b438edc420c22752c77b4fadb529e33,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newNums = nums.copyOfRange(0, 1); + return newNums; + } + return nums; +} +" +fd53a332d055d80bb024f1328b235b0904f897fc,"public int[] frontPiece(int[] nums) +{ + int two[] = {nums[], nums[nums.length - 1]}; + return two[]; +} +" +7d6e856a92651039f12167e3d2b072420f6e826b,"public int[] frontPiece(int[] nums) +{ + int two[] = {nums[], nums[nums.length - 1]}; + return two; +} +" +eae3e33c35f65853d6aa479abb13852f63be4d3f,"public int[] frontPiece(int[] nums) +{ + int[] list; + if (nums.length >= 2) + { + list = new int[2]; + list[0] = nums[0]; + list[1] = nums[1]; + return list; + } + + else if (nums.length == 1) + { + list = new int[1]; + list[0]= nums[0]; + return list; + } + + + return nums; +} +" +dbd30be5cf53035bfa8610f9d63dc160faf1f2eb,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + return Arrays.copyOfRange(nums, 0, 1); + // return newNums; + } + return nums; +} +" +cea6c9fded4463d4f120dd1cc4d93e184a8f86c9,"import java.util.Arrays; + +public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + return Arrays.copyOfRange(nums, 0, 1); + // return newNums; + } + return nums; +} +" +03347be34b0983eb337ebde5bf4c936272b349e0,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + + if (nums.length >=2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + } + + else if (nums.length > 2) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + firstTwo[1] + } + + else if (nums.length == 0) + { + firstTwo = new int[0]; + } +} +" +57ea65143affe29139f9cd569f182de3685208a4,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + + if (nums.length >=2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + } + + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + //firstTwo[1] = nums[ + } + + else if (nums.length == 0) + { + firstTwo = new int[0]; + } +} +" +7e32c75515dc461688dca7bc56b12e0ea1d74b00,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + + if (nums.length >=2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + } + + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + //firstTwo[1] = nums[ + } + + else if (nums.length == 0) + { + firstTwo = new int[0]; + } + + return firstTwo; +} +" +41d8b33acd7238d2930f273690ee50b1a3b13511,"public int[] frontPiece(int[] nums) +{ + int[] firstTwo; + + if (nums.length >=2) + { + firstTwo = new int[2]; + firstTwo[0] = nums[0]; + firstTwo[1] = nums[1]; + } + + else if (nums.length == 1) + { + firstTwo = new int[1]; + firstTwo[0] = nums[0]; + //firstTwo[1] = nums[ + } + + else + { + firstTwo = new int[0]; + } + + return firstTwo; +} +" +7f57596690632252ce73b912cba16250199cb499,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray == 2) + { + return new int[] {nums[0], nums[1]}; + } + else if (lenArray == 1) + { + return new int[] {nums[0]}; + } + else + { + return nums; + } +} +" +4ac812002846bab428d6bcb855d53e453dfd26dc,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length() >2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else + return nums + +} +" +a95c7e04798e131afd7f2ed8ed65a54b1f8a4299,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length() >2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else + return nums; + +} +" +e6d90091c3a8a687da247ecd2f07cc83a908e666,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray == 2) + { + return new int[] {nums[0], nums[1]}; + } + else if (lenArray == 1) + { + return new int[] {nums[0]}; + } + else if (lenArray > 2) + { + return new int[] {nums[0], nums[1]}; + } +} +" +a16f2bfe6ecb7284ce0ea9af5f7f10d11de3c2c8,"public int[] frontPiece(int[] nums) +{ + int lenArray = nums.length; + int[] newArray = new int[2]; + if (lenArray == 2) + { + return new int[] {nums[0], nums[1]}; + } + else if (lenArray == 1) + { + return new int[] {nums[0]}; + } + else if (lenArray == 0) + { + return new int[] {}; + } + else + { + return new int[] {nums[0], nums[1]}; + } +} +" +b3f8d5f240503a67a78e797c1045586bd5d1eb84,"public int[] frontPiece(int[] nums) +{ + int[] newNums; + if (nums.length >= 2) + { + newNums = new int[2]; + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } + else if (nums.length == 1) + { + newNums = new int[1]; + newNums[0] = nums[0]; + } + else + newNums = new int[0]; + return newNums; +} +" +91d9ce608b9eb4524dea25202fb3a65dd7228f6b,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (getLength(nums) >2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else + return nums; + +} +" +ecfd9c0ce0724cdfe9cbbcdc853c5aa3e732dfc6,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (length(nums) >2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else + return nums; + +} +" +4e7f715107099174ff9066f414d9bcee239c657d,"public int[] frontPiece(int[] nums) +{ + int[] nums2 = new int[2]; + if (nums.length >2) + { + nums2[0] = nums[0]; + nums2[1] = nums[1]; + return nums2; + } + else + return nums; + +} +" +b758402a94176ba11367cb83e079762dbc079a7c,"public int[] frontPiece(int[] nums) +{ + if (nums.getLength() >= 2) + { + return (nums[0] + nums[1]); + } + else + { + return nums[]; + } + +} +" +8184ece6bb04fcc501d0674324ab298c7e1b02fc,"public int[] frontPiece(int[] nums) +{ + if (nums.getLength() >= 2) + { + return (nums[0] + nums[1]); + } + else if (nums.getLength == 1) + { + return nums[0]; + } + else + { + return 0 + +} +" +9cc1d4328c61aab73474636c6db55e5dbbbc025e,"public int[] frontPiece(int[] nums) +{ + if (nums.getLength() >= 2) + { + return (nums[0] + nums[1]); + } + else if (nums.getLength == 1) + { + return nums[0]; + } + else + { + return 0; + } + +} +" +cfa575804c9515bc80363e4a3344383c2e015fcd,"public int[] frontPiece(int[] nums) +{ + if (nums.getLength() >= 2) + { + return (nums[0] + nums[1]); + } + else if (nums.getLength() == 1) + { + return nums[0]; + } + else + { + return 0; + } + +} +" +4a36905567815b168f7241429270dc6b74ea60df,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return (nums[0] + nums[1]); + } + else if (nums.length == 1) + { + return nums[0]; + } + else + { + return 0; + } + +} +" +9c77903b762cf6b8fa9f8959bbbaf03e0c25b768,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return (nums[0] + nums[1]); + } + else if (nums.length == 1) + { + return (nums[0]); + } + else + { + return 0; + } + +} +" +a97121bafe9c6c6eabd26b867f67553312525aff,"public int[] frontPiece(int[] nums) +{ + int [] newArray; + if (nums.length >= 2) + { + return (newArray [nums[0]] [nums[1]]); + } + else if (nums.length == 1) + { + return (nums[0]); + } + else + { + return 0; + } + +} +" +1061e8d3a9c7307b84682bbd88ee6c1b1d3d2957,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[1]; + if (nums.length < 2) { + newNums[0] = nums[0]; + return newNums; + } + else { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + } +} +" +500c7650ba71d30955f76ea9b5ac94883c8d95e7,"public int[] frontPiece(int[] nums) +{ + int[] front; + if (nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if (nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +fd989681b879aef15d6c161b310a93c723e5387b,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[1]; + if (nums.length < 2) { + newNums[0] = nums[0]; + return newNums; + } + else { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } +} +" +d2c3c2f0e6f7c80c5b146da65d85c1b480236b7f,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + + if (nums.length < 2) { + newNums[0] = nums[0]; + return newNums; + } + else { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } +} +" +a729d972adbd309911a4728d26ecd93df2888e5c,"public int[] frontPiece(int[] nums) +{ + int [] newArray; + if (nums.length >= 2) + { + newArray = (nums[0], nums[1]); + return (newArray); + } + else + { + return (nums); + } + +} +" +e35d09f6d003fd2bd4b25f6979ea39b439d8baa6,"public int[] frontPiece(int[] nums) +{ + int[] newNums = new int[2]; + + if (nums.length < 2) { + newNums = new int[1]; + newNums[0] = nums[0]; + return newNums; + } + else { + newNums[0] = nums[0]; + newNums[1] = nums[1]; + return newNums; + } +} +" +c0d7dc8a4e96ef50a967cb4fe7bc1887c9557f47,"public int[] frontPiece(int[] nums) +{ + int [] newArray; + if (nums.length >= 2) + { + newArray = {nums[0], nums[1]}; + return (newArray); + } + else + { + return (nums); + } + +} +" +6c9644c4d0a8aef9762301d2d886849e9aeb8f7e,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] newArray = {nums[0], nums[1]}; + return (newArray); + } + else + { + return (nums); + } + +} +" +c6c8aedf3e89be217f943d3925e0c0a7cd48d719,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + //if(nums[0] == null) + //{ + //newArray[0] = null; + //} + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +3707d6eb837840ef594250caf693bdb35c31f086,"public int[] frontPiece(int[] nums) +{ + int[] arr; + if(nums.length < 2) + arr = new int[nums.length]; + else + arr = new int[2]; + + if(nums.length > 0) + arr[0] = nums[0]; + + if(nums.length > 1) + arr[1] = nums[1]; + + return arr; +} +" +9d17995aaac708884c571df2b3cba68e4e00fbac,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +} +" +53d0c63e5da71fb468493fb39e09493c0b2fa9d4,"public int[] frontPiece(int[] nums) +{ + if nums.length() >= 2 + { + int[] answer = [nums[0], nums[1]]; + } + else if nums.length() == 1 + { + int[] answer = [nums[0]]; + } + else + { + int[] answer = []; + } + return answer; +} +" +bbe2a7562fcada3336754782292ade419064b75c,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + int[] answer = [nums[0], nums[1]]; + } + else if (nums.length() == 1) + { + int[] answer = [nums[0]]; + } + else + { + int[] answer = []; + } + return answer; +} +" +208a808621ce1feb4d3254862a1e1c0b0da57c97,"public int[] frontPiece(int[] nums) +{ + if (nums.length() >= 2) + { + int answer[] = {nums[0], nums[1]}; + } + else if (nums.length() == 1) + { + int answer[] = {nums[0]}; + } + else + { + int answer[] = {}; + } + return answer; +} +" +736c26f294d79cea9940d4edeab682dda634bdd8,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int answer[] = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int answer[] = {nums[0]}; + } + else + { + int answer[] = {}; + } + return answer; +} +" +bdda64e5d7556fcb4c2b010d27c1c922ed5a2df5,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int answer[] = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int answer[] = {nums[0]}; + } + else + { + int answer[] = {}; + } + return answer[]; +} +" +bae1397b5dc1124b7816c1b8562648042fc74b47,"public int[] frontPiece(int[] nums) +{ + int answer[] = []; + if (nums.length >= 2) + { + int answer[] = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + int answer[] = {nums[0]}; + } + return answer; +} +" +50bcafd953d5aca11b798e267f090502ff9544f6,"public int[] frontPiece(int[] nums) +{ + int[] answer = {}; + if (nums.length >= 2) + { + answer = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + answer = {nums[0]}; + } + return answer; +} +" +41d594812c8b693c11be96d0d8d111a2db2e781a,"public int[] frontPiece(int[] nums) +{ + int[] answer = []; + if (nums.length >= 2) + { + answer = [nums[0], nums[1]]; + } + else if (nums.length == 1) + { + answer = [nums[0]]; + } + return answer; +} +" +28f1534f89bde6f798708b18f8c9c1528eb3925b,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + return nums + else (nums.substring(0, num.substring(1)); + return nums +} +" +74bc9ed24a529181b22827e18184be9ac41fcfe4,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + return nums; + else (nums.substring(0, num.substring(1)); + return nums; +} +" +369e27c4ac738843019bdd71b01b48f3486538e6,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + return nums; + else (nums.substring(0, num.substring(1)); + return nums; +} +" +0a2306dfbf401cbecfe43139bacde827420ab27e,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >= 2) + { + answer = [nums[0], nums[1]]; + } + else if (nums.length == 1) + { + answer = [nums[0]]; + } + return answer; +} +" +0046f5bc9e0c129afb56b624ca7e2ca79acc5ac7,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + return nums; + else (nums.substring(0, 1)); + return nums; +} +" +3730f3ef122dd5b3df314d128d3e529c36da754b,"public int[] frontPiece(int[] nums) +{ + int[] answer; + if (nums.length >= 2) + { + answer = {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + answer = [nums[0]]; + } + return answer; +} +" +46c2e1bb6892fe9b3b19b06dd0eb0aa0a11ff7e5,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + int[] final = new int[1]; + int[0] = nums[0]; + return final; + } + else + { + int[] final = new int[2]; + int[0] = nums[0]; + int[1] = nums[1]; + return final; + } +} +" +52291731dd4633ba20503fc11c07e3044bf3c953,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + int[] finals = new int[1]; + int[0] = nums[0]; + return finals; + } + else + { + int[] finals = new int[2]; + int[0] = nums[0]; + int[1] = nums[1]; + return finals; + } +} +" +3c772ce9e31e556bf72a75d60a5df4f6e66caa57,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + String num = nums + return nums; + else + String num = nums.substring(0, 1); + return nums; +} +" +62257bfcacbf796b6d1008af5d2ca03cc01d3bd3,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + String num = nums; + return nums; + else + String num = nums.substring(0, 1); + return nums; +} +" +bd05a5051667e93de70c11b5311f7250829d43d9,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +ba94338b1ca222e383f9dc2606481e57dfc74cb3,"public int[] frontPiece(int[] nums) +{ + if (nums.size() < 2) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +29b898d080ebcc878a79bd77521a2a86082e133f,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) { + String num = nums; + return nums; + } + nums = nums.substring(0, 1); + return nums; +} +" +ce1ca128d28fbeacf5acff883637ca2b5eead5e2,"public int[] frontPiece(int[] nums) +{ + if (nums.length() < 2) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +80dfbe92c18d98ce8d23890da97812af86182a50,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] answer = new int[2]; + answer = [nums[0], nums[1]]; + } + else if (nums.length == 1) + { + int[] answer = new int[1]; + answer = [nums[0]]; + } + else + { + int[] answer = new int[]; + } + return answer; +} +" +5d414cd4ade7a25a25fa4b98b6a91c46eedfb783,"public int[] frontPiece(int[] nums) +{ + if (nums.length < 2) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +8f9639a6ff2400d896d2d298487023d510f111f7,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] answer = new int[2]; + answer.add(nums[0]); + answer.add(nums[1]); + } + else if (nums.length == 1) + { + int[] answer = new int[1]; + answer.add(nums[0]); + } + else + { + int[] answer = new int[]; + } + return answer; +} +" +0274349b7befc33409b06ff2c1ae06aa2b11c9a7,"public int[] frontPiece(int[] nums) +{ + return nums; +} +" +e7788c161acd41ed11abfcefe0fa3e81697d6dcb,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] answer = new int[2]; + answer.add(nums[0]); + answer.add(nums[1]); + } + else if (nums.length == 1) + { + int[] answer = new int[1]; + answer.add(nums[0]); + } + else + { + int[] answer = new int[0]; + } + return answer; +} +" +793592ef23e1e56e4790ee4a02d0bfb78dd933d6,"public int[] frontPiece(int[] nums) +{ + if (nums.length = 1) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else if (nums.length = 0) + { + return null; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +44b8a4fc84fc4aec1d0a639916b9d8993de1c109,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +19bbebab374ac60495b8d9b4479dab00b1bbed5b,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else if (nums.length == 0) + { + return null; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +7b13bc9e380ef00ea2d16523b6d8fd9d30079fbb,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else if (nums.length == 0) + { + int[] finals = new int[]; + return finals; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +dda05f06c412b3697ca5731d8181d1eb2f6c32dc,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + { + int[] finals = new int[1]; + finals[0] = nums[0]; + return finals; + } + else if (nums.length == 0) + { + int[] finals = new int[0]; + return finals; + } + else + { + int[] finals = new int[2]; + finals[0] = nums[0]; + finals[1] = nums[1]; + return finals; + } +} +" +1ac6077cbbcced064e9762133fa9cee39278f6be,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] answer = new array[2]; + answer.add(nums[0]); + answer.add(nums[1]); + } + else if (nums.length == 1) + { + int[] answer = new array[1]; + answer.add(nums[0]); + } + else + { + int[] answer = new int[0]; + } + return answer; +} +" +d10b57063d55695654f01e281bcf8f0c49b9e990,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int[] answer = new array[2]; + answer.add(nums[0]); + answer.add(nums[1]); + } + else if (nums.length == 1) + { + int[] answer = new array[1]; + answer.add(nums[0]); + } + else + { + int[] answer = new int[0]; + } + return answer; +} +" +b0c2851100aa0489fcf8c31213c3d091bb049614,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return new int[] {nums[0], nums[1]}; + } + else if (nums.length == 1) + { + return new int[] {nums[0]}; + } + else + { + return new int[] {}; + } +} +" +c3c217b837aa13271a9001fa3c8d41afa8e6bd8b,"public int[] frontPiece(int[] nums) +{ + int[] morgan = new morgan[2]; + for (int i = 0; i < 2; i++) { + morgan[i] = nums[i]; + } + + return morgan; +} +" +dc794609e5448d1a45ffcf2501413950ce0257ff,"public int[] frontPiece(int[] nums) +{ + int[] morgan = new int[2]; + for (int i = 0; i < 2; i++) { + morgan[i] = nums[i]; + } + + return morgan; +} +" +fba4a6fac27177706e848adfe984f579fc1e5eda,"public int[] frontPiece(int[] nums) +{ + int[] morgan = new int[2]; + for (int i = 0; i < 2 || i < nums.length; i++) { + morgan[i] = nums[i]; + } + + return morgan; +} +" +9d9b2070957f4055227ccfa0fd706e07ea21e363,"public int[] frontPiece(int[] nums) +{ + int[] morgan = new int[2]; + for (int i = 0; i < 2 && i < nums.length; i++) { + morgan[i] = nums[i]; + } + + return morgan; +} +" +f5e5a51c75719136a53c4dcad6d65a8486c44268,"public int[] frontPiece(int[] nums) +{ + int[] morgan; + + if(nums.length == 0) { + morgan = new int[0]; + } + else if(nums.length == 1) { + morgan = new int[1]; + } + else { + morgan = new int[2]; + } + + for (int i = 0; i < 2 && i < nums.length; i++) { + morgan[i] = nums[i]; + } + + return morgan; +} +" +8a0045b5acae8884c100f3c3ffa22514d0e7f50f,"public int[] frontPiece(int[] nums) +{ + int[] newArray = new int[]; + if (nums.length() > 2) + { + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else + { + for(i = 0; i < nums.length(); i++) + { + newArray[i] = nums[i]; + } + } + return newArray; + +} +" +a9ef7da13e15c9fd1570519683cb80eedf276c87,"public int[] frontPiece(int[] nums) +{ + if (nums.length() > 2) + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else + { + int[] newArray = new int[nums.length()]; + for(i = 0; i < nums.length(); i++) + { + newArray[i] = nums[i]; + } + } + return newArray; + +} +" +fdc89ad48f7cf28a07a2f90478ab6404a0e74acb,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else + { + int[] newArray = new int[nums.length]; + for(i = 0; i < nums.length(); i++) + { + newArray[i] = nums[i]; + } + } + return newArray; + +} +" +1cd6d9dc1e8e4f333fb96cec563af8df8506e9bd,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else + { + int[] newArray = new int[nums.length]; + for(int i = 0; i < nums.length(); i++) + { + newArray[i] = nums[i]; + } + } + return newArray; + +} +" +2b043e076c9d40a0c8ee9d275d49154d17234b0e,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + else + { + int[] newArray = new int[nums.length]; + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + } + return newArray; + +} +" +5958f0ce6c6dcd0a2f88e7c0aed1127df63e2c49,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } + else + { + int[] newArray = new int[nums.length]; + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + return newArray; + } + } + +} +" +4e3b889ec4ddc2e4e401cb62ce3b1362ac1d8d9b,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 2) + { + int[] newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + return newArray; + } + else + { + int[] newArray = new int[nums.length]; + for(int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + } + return newArray; + } + +} +" +ea7fc71f4d5ec575a22366677509158fac603a81,"public int[] frontPiece(int[] nums) { + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; +}" +c133be3bef479b2ae3b675db93d9cf656ae91e7a,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; + +} +" +2473664a5d14e24432141a6bfc6726e03b1edc60,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + //if(nums[0] == null) + //{ + //newArray[0] = null; + //} + if(nums.length == 0) + { + // + } + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +70ecda0f561b0ebe9250a2ef4c7a94f38a8351e7,"public int[] frontPiece(int[] nums) +{ + int[] newArray; + //if(nums[0] == null) + //{ + //newArray[0] = null; + //} + if(nums.length == 0) + { + newArray = null; + } + if(nums.length == 1) + { + newArray = new int[1]; + newArray[0] = nums[0]; + //newArray[1] = nums[0]; + + } + else + { + newArray = new int[2]; + newArray[0] = nums[0]; + newArray[1] = nums[1]; + } + + return newArray; +} +" +08647f56173b8d88152f903bdcc620621b772dd5,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +bf7025e3715798886aaea197b798327abff830af,"public int[] frontPiece(int[] nums) +{ + int[]front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + front = new int[0]; + return front; +} +" +aefd31efc6f605af2aa778190766e22e00837fb9,"public int[] frontPiece(int[] nums) +{ + int[]front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[0]; + } + return front; +} +" +f3eeea6d5932d50db6ab054817d0abe75b36b161,"public int[] frontPiece(int[] nums) +{ + int[]front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else + { + front = new int[0]; + } +} + return front; +} +" +fe1aa7ed432f7d9d76992b24f90f5a0d18d86b33,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +a7f1ccdadd492776b9820a3670c33b2780046fee,"public int[] frontPiece(int[] nums) +{ + if (nums.length <= 1) return nums; + int[] result = { nums[0], nums[1] }; + return result; +} +" +f6ab5f19221d92f99e6e80c0bfa231a56e9c18d9,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +6d14947182fd3f59112ef64c815101daa0d4c43f,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; + +} +" +37753b8d0f1ccd98214d826af5963a5162160723,"public int[] frontPiece(int[] nums) +{ + int[] front; + + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + { + front = new int[0]; + } + return front; + +} +" +6e302cb7c984d1c312fdf91b7e3391564e8fc842,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length() >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length() == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +f7c62954363bd7a60b996cb8f40dcffc77676a64,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length() == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +599940044f56a89edb289b9e91274dd549de547b,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +37faaba9ead5fa061c2ae8f5f63aeadd1ab32c8f,"public int[] frontPiece(int[] nums) +{ + for (int i = 0; i < 2; i++) + nums = nums + int[i]; + +} +" +d7fa7e28ad0af196dc20ab214216a09c3b67d87b,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + return nums[0]; + return nums[1]; + } + else + { + return nums[] + } + + +} +" +ec43480ff60c12b41f5233ea700624cc84b2fca2,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +0e674e820e5371ebdf5a6fe60694ba643c9d173e,"public int[] frontPiece(int[] nums) +{ + int[] start; + + if (nums.length >= 2) + { + start = new int[2]; + start[0] = nums[0]; + start[1] = nums[1]; + + } + else if (nums == 1) + { + start = new int[1]; + start[0] = nums[0]; + } + else + { + start = new int[0]; + } + return start; + + +} +" +8a6de45fcfb7a6df09621adde9158ad26a5a97d6,"public int[] frontPiece(int[] nums) +{ + int[] start; + + if (nums.length >= 2) + { + start = new int[2]; + start[0] = nums[0]; + start[1] = nums[1]; + + } + else if (nums.length == 1) + { + start = new int[1]; + start[0] = nums[0]; + } + else + { + start = new int[0]; + } + return start; + + +} +" +71f72ab941b034c330030d940c92cefeb649e7e6,"public int[] frontPiece(int[] nums) +{ + int[] out; + if(nums.length<2) {out = new int[nums.length];} + else{ out = new int[2];} + for (int i = 0; i < 2; i++){ + if(i=out.length)return out; + out[i]=nums[i]; + } +} +" +a30663f1e51aee7a5ba5af23642191f42e9872ce,"public int[] frontPiece(int[] nums) +{ + int[] out; + if(nums.length<2) {out = new int[nums.length];} + else{ out = new int[2];} + for (int i = 0; i < 2; i++){ + if(i==out.length)return out; + out[i]=nums[i]; + } +} +" +a31c77e9360813f1509248381642f2777bea391a,"public int[] frontPiece(int[] nums) +{ + int[] out; + if(nums.length<2) {out = new int[nums.length];} + else{ out = new int[2];} + for (int i = 0; i < 2; i++){ + if(i==out.length)return out; + out[i]=nums[i]; + } + return out; +} +" +bfd07810ddb56899679dcff781d6edd232750ac4,"public int[] frontPiece(int[] nums) +{ + for (int i = 0; i < 2; i++) + nums = nums + nums[i]; + +} +" +2894d2cd5876f577f56d08682ce7897571b626ef,"public int[] frontPiece(int[] nums) +{ + for (int i = 0; i < 2; i++) + nums = nums[i] + nums[i+1]; + +} +" +9406cd5ceb0189e87360ed52b86d7b45366587fa,"public int[] frontPiece(int[] nums) +{ + int[] answer; + for (int i = 0; i < 2; i++) + answer = nums[i] + nums[i+1]; + return answer; +} +" +55054069269b20366edeaacfe94fe7ffd56152bb,"public int[] frontPiece(int[] nums) +{ + int[] answer; + for (int i = 0; i < 2; i++) + answer[] = nums[i] + nums[i+1]; + return answer; +} +" +3af62ecbe2c0496019c09591319e69fa5f731f58,"public int[] frontPiece(int[] nums) +{ + int[] answer; + for (int i = 0; i < 2; i++) + answer[i] = nums[i]; + return answer; +} +" +30807a8f016d4524be69cd487ec13acda802084d,"public int[] frontPiece(int[] nums) +{ + int[] front; + if(nums.length >= 2) + { + front = new int[2]; + front[0] = nums[0]; + front[1] = nums[1]; + } + else if(nums.length == 1) + { + front = new int[1]; + front[0] = nums[0]; + } + else + front = new int[0]; + return front; +} +" +90c36e037df4cefbb3ea2a5aeb9deb62bc1abc62,"public int[] frontPiece(int[] nums) +{ + int[] answer = new int[1]; + for (int i = 0; i < 2; i++) + answer[i] = nums[i]; + return answer; +} +" +26b4daa916065218af854dc0dc511ab454723234,"public int[] frontPiece(int[] nums) +{ + int[] answer = new int[2]; + for (int i = 0; i < 2; i++) + answer[i] = nums[i]; + return answer; +} +" +1a8d8d89a1007c073e6a89a6225e306c7a314aa1,"public int[] frontPiece(int[] nums) +{ + int[] answer = new int[2]; + if (nums.length > 1) + { + for (int i = 0; i < 2; i++) + answer[i] = nums[i]; + } + else + { + answer[0] = nums[0]; + } + return answer; +} +" +1281812d8835f07211323cbeceb4d611f5d2f7b4,"public int[] frontPiece(int[] nums) +{ + if (nums.length == 1) + return new int[] {nums[0]}; + else if (nums.length == 0) + return new int[] {}; + else + return new int[] {nums[0],nums[1]}; + +} +" +e925d4f14c7d577752124ec31d40cfccca97452b,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + Array array = new Array[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } +}" +0f7d7210f0eaf8665a859c065b0c2f2e571cb573,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + Int array = new Int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums[1]; + } +}" +390868742ec83f158eb7529f91205e3c98d76537,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + Int[] array = new Int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums[1]; + } +}" +10d0d70202d3e0a005d8c79c3eb0351aededc527,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + return nums[1]; + } +}" +2df063477220a400c860613d35f7225541d39f3e,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + int[] array = new int[1]; + array[1] = nums[1] + return array[1]; + } +}" +857c22291788b41fb7f213084481d9e1cb554e67,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + int[] array = new int[1]; + array[1] = nums[1]; + return array[1]; + } +}" +c1fd2d8a393de6209bd32b7259fecba2b952ed55,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + int[] array = new int[1]; + array[1] = nums[1]; + return array; + } +}" +035b918605bef6f03d779c9352c0f50fa8a30b8d,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else + { + int[] array = new int[nums.length]; + array[nums.length] = nums[nums.length]; + return array; + } +}" +52bfb6f390d146a276355eb81d3fe05751804459,"public int[] frontPiece(int[] nums) +{ + if (nums.length >= 2) + { + int [] a = {nums[0], nums[1]}; + return(a); + } + else + { + return(nums); + } +} + +" +d70431a03ce1e0472492f8b3d18cd15f9ceab9a2,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else if (nums.length == 1) + { + int[] array = new int[1]; + array[1] = nums[1]; + return array; + } + else + { + return null; + } +}" +4c668e620a34cb22d5626f1472762f5cfd59d08a,"public int[] frontPiece(int[] nums) +{ + if (nums.length > 1) + { + int[] array = new int[2]; + array[0] = nums[0]; + array[1] = nums[1]; + return array; + } + else if (nums.length == 1) + { + int[] array = new int[1]; + array[1] = nums[1]; + return array; + } + else + { + int[] array = new int[0]; + return array; + } +}" +15212a9b519f99ef86cb10da98a66fdc7e46a60a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.speed < 60) + { + this.result 0 + } +} +" +c893ac73f396732a422c5ca2c1302838ca9d480f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed 0, 60 { + return 0 + } + if speed 61, 80 { + return 1 + } + if speed 81+ { + return 2 + } + +} +" +ff85b3d1b3211b434092bc4276c7498c9ff9ac34,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed (0, 60) { + return 0 + } + if speed 61, 80 { + return 1 + } + if speed 81+ { + return 2 + } + +} +" +eb3121756d42f354d876b2d407eba7bb3ab9e051,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed (0, 60) { + return 0; + } + if speed 61, 80() { + return 1; + } + if speed 81+ { + return 2; + } + +} +" +5647a31ad60dee35c8d5b51e1d0463c0f20e1f0a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed (0 -- 60) { + return 0; + } + if speed 61, 80() { + return 1; + } + if speed 81+ { + return 2; + } + +} +" +959ed89500a3e895cef0a9ba4d7c6b11c07028a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (this.isBirthday) { + if speed 0--65 { + return 0; + } + if speed 66, 85() { + return 1; + } + if speed 86+ { + return 2; + } + } + if speed ( { + return 0; + } + if speed 61, 80() { + return 1; + } + if speed 81+ { + return 2; + } +} +" +39d409b8d108442ed2ba929e3f6f8d6e8a7c8bd0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + + if (speed >= 81) + { + return 2; + } + + if else (speed >= 86 && isBirthday) + { + return 0; + } +} +" +063094d3d336125ba222602a24564328fef9ee63,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 ) + { + 0 + } + else if (speed > 60 && speed <= 80) + { + 2 + } + else if (isBirthday) + { + true + } + else + { + 2 + } +} +" +533b2ee3680ae87597ec900b4ed1572709ce33c8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 ) + { + 0 = no ticket; + } + else if (speed > 60 && speed <= 80) + { + 1 = small ticket; + } + else if (isBirthday) + { + true; + } + else + { + 2 = big ticket; + } +} +" +fa6a63c75a51dfb4ef4dec854f0e6e11fc96519d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 ) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (isBirthday) + { + return true; + } + else + { + return 2; + } +} +" +f36c2cc07c789fc71fb256d5c897dbc7d0fd98ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedTranslation; + + if (speed < 60) + { + speedTranslation = 0; + } + else if (61 <= speed <= 80) + { + speedTranslation = 1; + } + else if (speed >= 81) + { + speedTranslation = 2; +} +" +9d62495f2d980ba6ac95dd0b20ec822ac745433c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + else if (!isBirthday) + { + + if (speed <= 60 ) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65 ) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +035df3bff812e47ed263e668695d02ed0b5919d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedTranslation; + + if (speed < 60) + { + speedTranslation = 0; + } + else if (61 <= speed <= 80) + { + speedTranslation = 1; + } + else if (speed >= 81) + { + speedTranslation = 2; + } +} +" +60b1a4c42105fe2060eb8a7a5b136f4921c63bb3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + + if (speed <= 60 ) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65 ) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +b3554fd82937739bf79970289d0ec707bdc4f725,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedTranslation; + + if (speed < 60) + { + speedTranslation = 0; + } + else if (61 =< speed =< 80) + { + speedTranslation = 1; + } + else if (speed >= 81) + { + speedTranslation = 2; + } +} +" +289113008cfcb54b63c98b7f160861eabddaf1a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed <= 60) + { + return 0; + } +} +" +ffbfeaeaa1b3f8f49818302dc011e050a8eb337d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed <= 60); + { + return 0; + } +} +" +fe046b108e5facccbf10499aeba7e7ea0942b428,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed.class <= 60); + { + return 0; + } +} +" +c6462d1329fa179e2e2846b6da005b296425b788,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +4b42e7e26edc45c877c1aded29d32efbcd5fc55e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed > 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if speed 86+ { + return 2; + } + } + if speed ( { + return 0; + } + if speed 61, 80() { + return 1; + } + if speed 81+ { + return 2; + } +} +" +d0a775963effaa39482a48883c320cc5058dfc75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed > 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + if speed ( { + return 0; + } + if speed 61, 80() { + return 1; + } + if speed 81+ { + return 2; + } +} +" +65d1bdc9ba83a38ca0c651f5aa924a7eb776ca1a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed > 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + if (speed >= 60 { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } +} +" +2b467d4439ef235eaafed8eed2cb92dbc0993af2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed > 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } +} +" +b805a2022c2d1ce31b33a992179d905d06adff1d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed > 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } +} +" +ff652cc108295a0d77f93eef8c9fd1b8a97ce879,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } +} return +" +45c0fbdd3868094effbf476a3f7ebd3bd5603e2b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } +return; +} +" +ef52ae39857dae22b51ab30c7622a1a10299f00c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } +return int +} +" +50f9009b11c083246019215cf18797aa06552b9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } +.class} +" +8fa859d09dd9516d421932e810647ee0ce90ae3f,"class ifElse { + public int caughtSpeeding(int speed, boolean isBirthday) + { + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } + } +}" +2adf8e7448584107e569c7c911e0c6c8040848cd,"class caughtSpeeding { + public int caughtSpeeding(int speed, boolean isBirthday) + { + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } + } +}" +a97a748358ba4454ed402a80884851a8146e5ea7,"class caughtSpeeding { + public int caughtSpeeding(int speed, boolean isBirthday) + { + if (isBirthday) { + if (speed >= 65) { + caughtSpeeding return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } + } +}" +221748df07e50c09c4e5116188466e75d6b097f9,"class caughtSpeeding { + public int caughtSpeeding(int speed, boolean isBirthday) + { + if (isBirthday) { + if (speed >= 65) { + caughtSpeeding; + + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } + } +}" +02f135c6d8dc6e48e8e83371b388841c0a679c80,"class caughtSpeeding { + public int caughtSpeeding(int speed, boolean isBirthday) + { + if (isBirthday) { + if (speed >= 65) { + caughtSpeeding return 0; + + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else { + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } + } +}" +2f43e17d16bd2ede02d4c788f844abb8d89c52a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + +} +" +6109832623c3a76f115562f132c2f64a38c86957,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0 +} +" +8dcadc71820ae606ea33684dfaf4abe3175aa408,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0; +} +" +5f18a1b47238d7369da75d95a30f0c1dd1c2ebce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed = speed + 5; + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + if (isBirthday == false) { + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } +} +" +7358eca57b466173cbc24a5ae28c8b3587519f97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + else + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0; +} +" +e8185905a8c572953f95bf0c16fe2a81f55bf3de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed = speed + 5; + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + if (isBirthday == false) { + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + return """"; +} +" +156c0cedc927bc9760bc33ce06744ad85040f31a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (isBirthday = false) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0; +} +" +397dc7d6b2cb41f8873caee931aedae34a99b866,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed = speed + 5; + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + } + if (isBirthday == false) { + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + return """"; + } +} +" +be0740e0aa50659913d71d6a421908d7e858bc2b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + //speed = speed - 5; + } + if (isBirthday = false) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0; +} +" +a9c17ae5632fbf0a2e1720e8edd45a9be9dcbcfa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed = speed + 5; + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + } + if (isBirthday == false) { + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + return 0; + } +} +" +494328b120b86996150a115995ac4ff4570b2546,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + //speed = speed - 5; + } + if (isBirthday == false) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0; +} +" +031e9b3018740e93a84e920006ba220a812845b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed = speed + 5; + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + } + if (isBirthday == false) { + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + } + return 0; +} +" +b16233d8c05e8f81de05a87b7912c5733ddc772c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed >= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + +} +" +73a137b9847ba75d7b39fa45b642172edd07d626,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (!isBirthday) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + return 0; +} +" +a21fefb89bd2fbe0ced3d33d335896b592323c99,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) { + if ( speed <= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + if (isBirthday == true) { + if ( speed <= 65 ) { + return 0; + } + else if ( speed >= 66 || speed <= 86 ) { + return 1; + } + else { + return 2; + } +} +" +c84476fd3bc30a088851d604b2ace6bb69b6ef95,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) { + if ( speed <= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + if (isBirthday == true) { + if ( speed <= 65 ) { + return 0; + } + else if ( speed >= 66 || speed <= 86 ) { + return 1; + } + else { + return 2; + } + } +} +" +a8bb89406535dbc5e2652bfe0981244b487cb36e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed < 65) + { + return 0; + } + } + if (!isBirthday) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed < 60) + { + return 0; + } + } + return 2; +} +" +b84896076ae693206afdebd72d8e8bf794a12a20,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed < 65) + { + return 0; + } + } + if (!isBirthday) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed =< 60) + { + return 0; + } + } + return 2; +} +" +3a1ca8993063f3803117a1bf2c6b685c05cdcf57,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) { + if ( speed <= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + } + if (isBirthday == true) { + if ( speed <= 65 ) { + return 0; + } + else if ( speed >= 66 || speed <= 86 ) { + return 1; + } + else { + return 2; + } + } +} +" +50caabd721e8606880ac060920513a96292fcd83,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed < 65) + { + return 0; + } + } + if (!isBirthday) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed <= 60) + { + return 0; + } + } + return 2; +} +" +f0dd8fff29687181af064fe5badbab6a261ff86b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) { + if ( speed <= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 81 ) { + return 1; + } + else { + return 2; + } + } + if (isBirthday == true) { + if ( speed <= 65 ) { + return 0; + } + else if ( speed >= 66 || speed <= 86 ) { + return 1; + } + else { + return 2; + } + } + return 0; +} +" +28ba4222f5e77bb080c06bf51f98475caeb53a7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed <= 65) + { + return 0; + } + } + if (!isBirthday) + { + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed <= 60) + { + return 0; + } + } + return 2; +} +" +fa0c4adf7c92dec60cf3a3986fecea954efa0b5c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +0e4ef57b88561569fbbe63df76a8a52425c38209,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) { + if ( speed <= 60 ) { + return 0; + } + else if ( speed >= 61 || speed <= 80 ) { + return 1; + } + else { + return 2; + } + } + if (isBirthday == true) { + if ( speed <= 65 ) { + return 0; + } + else if ( speed >= 66 || speed <= 86 ) { + return 1; + } + else { + return 2; + } + } + return 0; +} +" +96164f4f38c2362ae1aa70866f7408df1286d2de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if( isBirthday == false){ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else{ + return 2; + } + } + else{ + if (speed <= 65){ + return 0; + }else if (speed >= 66 && speed <= 80){ + return 1; + }else{ + return 2; + } + } +} + + +" +608aa2179b87754d2090d88ca2dd0566a98fd5eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if( isBirthday == false){ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else{ + return 2; + } + } + else{ + if (speed <= 65){ + return 0; + }else if (speed >= 66 && speed <= 85){ + return 1; + }else{ + return 2; + } + } +} + + +" +8e9bffd4d549a668ebfa7aa2b4758d42499064c7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && <= 80) + { + caughtSpeeding = 1; + } + else if (speed > 81) + { + caughtSpeeding = 2; + } + } + else + { + caughtSpeeding = 0; + } +} +" +33e00c7d54b3971a1f1bbdee2fb955dc6438c3b8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + else + { + caughtSpeeding = 1; + } + else if (speed > 81) + { + caughtSpeeding = 2; + } + } + else + { + caughtSpeeding = 0; + } +} +" +9ab5a2f65356d2e98a1f14a634a8056bc44a6d07,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + elseif (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + caughtSpeeding = 0; + } +} +" +541f711cdc049069b3472dd069667e67bd4e8648,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + elseif (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + elseif (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + caughtSpeeding = 0; + } +} +" +6d7edf5475d05a925d58ca568461ec351d4a9177,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + elseif (speed >= 61 && speed <= 80); + { + caughtSpeeding = 1; + } + elseif (speed >= 81); + { + caughtSpeeding = 2; + } + } + else + { + caughtSpeeding = 0; + } +} +" +ec4ebd3d948aa27f9befc80d62ebf2019843655b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; +} +" +96596f76087623ea7fdbf944b7f558747e0ce9db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0; +} +" +81ed62df4b90d60ca7b95d061efbcccc470ed805,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + return 0; + } +} +" +c91527ff0b7e8f20d77a4b122af1871c7334d0cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + return 0; + } +} +return 0 +" +a49c3a0796b0dad8d6995306eb6d9c08d69179fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + return 0; + } +} +return 0; +" +1554645071af2edd1687d94dbe7e0251e48169b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + return 0; + } +}" +b4c7b3e6250c4fc126c154381e7b623cd8c1b35b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (isBirthday == true) + { + return 0; + } +}" +2625771602ed700a123e3983aa49cc2dcbadeae6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (isBirthday == true) + { + return 0; + return 0;} +}" +d58abb87ff70ff67a76bba0f3d1f0c3ba071d518,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (isBirthday == true) + { + return 0; + return 0; + } +}" +5b899dadb2c4e6529c9517683865d49355fdc620,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0; +}" +c931d739150e65fd1ff6c51718e3e1db3b452768,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + return 0; +}" +35f3bfea910810f34d6b4496d1c44df2d27b27a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + return 0 +}" +ae3f692b56bedddc82d3461e1bcad9c0fd0bf3d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + return 0; +}" +1403625deab7a445152890ee646dd166348af42d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + return 0; + } +}" +0f92522827e145f097457133972998774e951377,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + return 0; + } + return 0; +}" +89563c85fd3fdabfeebd08b32f56b6b2cc019af9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +}" +80c68d7b844c12ba8618a68f46bddf053c7bdad7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +}" +5f1a7a4a94edfdaba84ddcdc11accb8436ff3fec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +}" +fd1ec767a362560d2d8f1902a7cc9529b8ea96ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + while (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +}" +3efa78df68265a5eb4b41e78d2a2a375b4209231,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + while (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + break +}" +5713976711ada5e63ac2c9a290f181aef61a4b89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + while (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + break; +}" +7bbe47ddbd540b9999602f687a555456a4122938,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + while (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return 1; +}" +88dffbb77f35c14f614d510d552cf3eb77cab50a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed<=65) + { + return 0: + } + + else if(speed>= 66 && speed<=85) + { + return 1: + } + + else if(speed>=86) + { + return 2; + } + } + + if(!isbirthday) + { + if(speed<=60) + { + return 0; + } + + if(speed >=61 && speed<=80) + { + return 1; + } + + if(speed>=81) + { + return 2; + } + } +} +" +5f49f3eedfc41f61bd240ad6c962b6a5de81917b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed<=65) + { + return 0; + } + + else if(speed>= 66 && speed<=85) + { + return 1; + } + + else if(speed>=86) + { + return 2; + } + } + + if(!isbirthday) + { + if(speed<=60) + { + return 0; + } + + if(speed >=61 && speed<=80) + { + return 1; + } + + if(speed>=81) + { + return 2; + } + } +} +" +c5d6ef346ef83a8dc403635a362413f104d49aff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday == true) + { + if(speed<=65) + { + return 0; + } + + else if(speed>= 66 && speed<=85) + { + return 1; + } + + else if(speed>=86) + { + return 2; + } + } + + if(isbirthday == false) + { + if(speed<=60) + { + return 0; + } + + if(speed >=61 && speed<=80) + { + return 1; + } + + if(speed>=81) + { + return 2; + } + } +} +" +7769bff7b4ffcc20924226028f7ad1f26a01377e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday == true) + { + if(speed<=65) + { + return 0; + } + + else if(speed>= 66 && speed<=85) + { + return 1; + } + + else if(speed>=86) + { + return 2; + } + } + + if(isBirthday == false) + { + if(speed<=60) + { + return 0; + } + + if(speed >=61 && speed<=80) + { + return 1; + } + + if(speed>=81) + { + return 2; + } + } +} +" +3e94e02c92cd32596348e8d239ec0495ad9a8385,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday == true) + { + if(speed<=65) + { + return 0; + } + + else if(speed>= 66 && speed<=85) + { + return 1; + } + + else if(speed>=86) + { + return 2; + } + } + + if(isBirthday == false) + { + if(speed<=60) + { + return 0; + } + + if(speed >=61 && speed<=80) + { + return 1; + } + + if(speed>=81) + { + return 2; + } + } + + return 1; +} +" +dfb29e1021af78ce8d794dc7cda19fed3b07232b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed <= 85) { + return 1; + } + else { + return 2; + } + } + else { + if (speed <= 60) { + return 0; + } + else if (speed <= 80) { + return 1; + } + else { + return 2; + } + } +} +" +e3a919e564ce3fdefc5fb0d0762b8f707e45fd2a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(this.speed <= 60) + this.result 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +79bddadfc2ab4afc80f34be801a0e7c0ea262107,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(this.speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +340a42d4eb96c1e5d7ddf80928aed521b314da30,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +70da7d3055ae06b6ec0fc82efdf3ad7a67b5317a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = - 5; + if(speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +74ef023734a7120dd75e17dcc188eb387ae22077,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = -5; + if(speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +240f186c1abb3020448b519370e865657017b44c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = 5; + if(speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +81e088213a2b34279cfe66247b76dd0d5df61b36,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +7ef0b31c2ebb4730398eac2d194248e1676e3c49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0 + } + else if (speed >=61 && speed <= 80) + return 1 + else + return 2 + if (isBirthday) + { + speed == 5 + } +} +" +961eecc53fffb0eeafb675609339fc04d0f75c90,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + { + speed == 5 + } +} +" +c3022c187c3bce413eacf429a5f383312d438abc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + { + speed == 5; + } +} +" +9d8e7cd1197acf61b6e5eec9de621e699da914c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + { + speed = 5; + } +} +" +03a60c48c56b6ec68b255159d01a61813e170013,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + { + speed -= 5; + } +} +" +39b61c9a0a12746cda564582426d46bca6a117d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ( speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + { + speed -= 5; + } +} +" +02d155710eae6a58b4551a4135129992c46a173d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + + return 0; + + else if ( speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + + speed -= 5; + +} +" +d147988abeedc616dd5d526cbafb91fb7e34b586,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + + return 0; + + else if ( speed <= 80) + return 1; + else + return 2; + + if (isBirthday) + { + if (speed <= 65) + + return 0; + + else if ( speed <= 85) + return 1; + else + return 2; + } + +} +" +19d43c6329a0ec9570e458890e83198f6a73235b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!(isBirthday)) { +03 + if (speed <= 60) +04 + return 0; +05 + if (speed > 60 && speed <= 80) +06 + return 1; +07 + else +08 + return 2; +09 + } else if (speed <=65) +10 + return 0; +11 + else if (speed > 65 && speed <= 85) +12 + return 1; +13 + else +14 + return 2; + + +} +" +1099fc671d8a369b6d8e7ed5502151ba83790d46,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!(isBirthday)) { + + if (speed <= 60) + + return 0; + + if (speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + + } else if (speed <=65) + + return 0; + + else if (speed > 65 && speed <= 85) + + return 1; + + else + + return 2; + +} +" +649d1631a4307fcc755f689ca2d12455f79210f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!(isBirthday)) +{ + if (speed <= 60) + return 0; + if (speed <= 80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; + +} +" +92b8646457058166f2cf871d66427e7560f3c309,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!(isBirthday)) +{ + if (speed <= 60) + return 0; + if (speed <= 80) + return 1; + else + return 2; + } + if (isBirthday) + { + if (speed <=65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; + } + +} +" +54dbc2a220200a462f88f7641bacf6ef66f95745,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!(isBirthday)) +{ + if (speed <= 60) + return 0; + if (speed <= 80) + return 1; + else + return 2; + } + + + else if (speed <=65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; + + +} +" +475a4326cdb92e874a1750c522c209a78b868804,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!(isBirthday)) +{ + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + } + + + else if (speed <=65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; + + +} +" +e66df7441aa1485dde0ee0671142f5c774f9d620,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if int caughtSpeeding(0) + no ticket + +} +" +4e2d326e8e437257564842b222a147fcc5444d50,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if caughtSpeeding(0) + no ticket + +} +" +39fa1bbb9366d538cd6b9683756f355c0131106d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if caughtSpeeding(0) + no ticket; + +} +" +8727277a69f2fcd7cfb060826954abbcb6ecd2f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int = caughtSpeeding(); + if caughtSpeeding()<60 + no ticket; +} +" +77fdec991d767b277933b4ba74c3cd3e57d544a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <=60) + return 0; + else if (speed <=80) + return 1; + else + return 2 + if (isBirthday) + speed =-5; +} +" +4023448e19e48615b0dae2c1f171257a02c73ded,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <=60) + return 0; + else if (speed <=80) + return 1; + else + return 2; + if (isBirthday) + speed =-5; +} +" +829e380ef2cc7a36b412947cec53818cb3630e79,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <=60) + return 0; + else if (speed <=80) + return 1; + else + return 2; + if (isBirthday) + return speed =-5; +} +" +552fe60a520d76073ebdee2934d62e3c0f185bb0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed =-5; + if (speed <=60) + return 0; + else if (speed <=80) + return 1; + else + return 2; +} +" +72ada7f9181b57fc2e6936212acdd304d0eabbe6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed -=5; + if (speed <=60) + return 0; + else if (speed <=80) + return 1; + else + return 2; +} +" +c118fb95df8c3f54534664251b0b7e9852f308ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -=5; + if (speed <=60) + return 0; + else if (speed <=80) + return 1; + else + return 2; +} +" +e9834eb87553cf635769fd8864d1e91fd8d181f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + return 0 + } + else if (speed > 65 && speed <86) + { + return 1 + } + else if (speed >= 86) + { + return 2 + } + } + else + { + if (speed <= 60) + { + return 0 + } + else if (speed > 60 && speed <81) + { + return 1 + } + else if (speed >= 81) + { + return 2 + } + +} +" +0756d86fa67d80dbf8bfa72b6c68ddbbac1aca53,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <86) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <81) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + +} +" +7aad1c6fbe6ce0257add0b86a079b1c54267b231,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <86) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <81) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + +} +" +6158def2cf3eb79cc7c1f892b72d55d54921bb2a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <86) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <81) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + +} +" +d12831099e9311d7eea4609951aeeb18f02a90a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <86) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <81) + { + return 1; + } + else + { + return 2; + } + } + +} +" +761182192da5c925038e5dad89aadbf7b0933026,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) { + if (speed < 61) { + return 0; + } + else if (speed < 81) { + return 1; + } + else { + return 2; + } + } + else { + if (speed < 66) { + return 0; + } + else if (speed < 86) { + return 1; + } + else { + return 2; + } + } + +} +" +167bff6fa3b2ee9bddf4fd53adc75487881e262e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <86) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <81) + { + return 1; + } + else + { + return 2; + } + } +} +" +c0fc5d232aa246cdb2d1684302407a0fc6fe365d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <86) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +4acaab8a86bd3c5de9dd9720217668b1deff4c56,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +12f155f3cc5157f6ab08132277498bb639a0b382,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (is birthday) + { + speed -=5; + } + if (speed <= 60) + { + return 0 + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +9fbe4b30e6236a853fc7dc9ad21a11ce9f541468,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isbirthday) + { + speed -=5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +6fe2ee43ae3cc725b5201836e0ea0c4f0a03ccec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -=5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +1e19fab2960aff0ef67d99d27436243506af50eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +664249121dce36313ec3160f5006be083aeb1ef8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +f4f29ca5e6066bd573cd50b18592073813371c70,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +dbdd4dff5c148996f13ad8f6c1156307e659317b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -=5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +3985dd31299899059f21eb170806b3620ecc5a42,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 || speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } + } +} +" +040c0ec93f0b552f51bea7c532e1bc862cd6df80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed >= 66) + { + return 1; + } + else + { + return 2; + } + } +} +" +a20c372541e7affa035b89acb175d0046fe68b8f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed >= 66) + { + return 1; + } + else + { + return 2; + } + } +} +" +9f76f502536b5caf05e00e7133cb3aa0cc6027d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -=5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +f202916a1f7fe0ff0756d8ea5e4a4ade9ea1cbeb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } + +} +" +c6bf76aecd5c988e798e456c0690e2db9f6e37f5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +}" +13df84f247eda768ad118bbebf4ec29f02518df5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +}" +bd0c873f8a71d14e43c15bfcfbdeac9f12297837,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +} +}" +45d12f2de883c97a10654e39fcd8ad7489e8a19b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int speed = 0 + + if ( speed < 60) + { + this.noTicket; + } + else if ((speed <61 ) && (speed >80) + this.smallTicket; + else + this.bigTicket; +} +" +2c8864f57e7dcfe8a98bc32a0c9e0e3fd18f8506,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int speed = 0; + + if ( speed < 60) + { + this.noTicket; + } + else if ((speed <61 ) && (speed >80)) + this.smallTicket; + else + this.bigTicket; +} +" +52771c563c6f836ac77d606d3acae834708deb2d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int speed = 0; + + if ( speed < 60) + { + this.noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + this.smallTicket; + } + else + { + this.bigTicket; + } +} +" +bd53ddb6130df99b19ab92462c27f6fb99efaa2a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int speed = 0; + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +e39f119e8c27d68bea71c89ce2330b25f2f13658,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +ddc22aa593f69bd098d03cd34086ff78361a0f37,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed += 5; + if (speed <= 60) + return 0; + else if (speed >=61 && speeed <= 80) + return 1; + else + return 2; +} +" +87855f9daeba3137ec8319c1bdb6408e8a3216b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed += 5; + if (speed <= 60) + return 0; + else if (speed >=61 && speed <= 80) + return 1; + else + return 2; +} +" +0c873838aa9425d1c92cbbcc77204a41830acc5b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >=61 && speed <= 80) + return 1; + else + return 2; +} +" +0eb539235c079c0d62cf45d0e9fd6338ccb724be,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, false) = 0 ; + caughtSpedding(65, false) = 1; + caughtSpedding(65, false) = 0; + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +4c51b2e9e7f7421decb334380893978519d46bff,"caughtSpeeding(60, false) = 0; +caughtSpedding(65, false) = 1; +caughtSpedding(65, true) = 0; + + +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +45e7902b3d5265826c950fb88f692d2af36d1f38,"caughtSpeeding(60, false) → 0 + +caughtSpeeding(65, false) → 1 + +caughtSpeeding(65, true) → 0 + +function + +public static int caughtSpeeding(int speed, boolean isBirthday) { + +if (isBirthday) + + speed -= 5; + +if (speed <= 60) + + return 0; + +else if (speed <= 80) + + return 1; + +else + + return 2; + +} +" +0b93bc766a873f1ab725ab2449a6d5674d149b40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int speed = 0; + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +bfdc8d33bb8ac1ef99911ed8981bf65ec005ee03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +ce8ad8e02e3b3dea269574ded2ee26235e7e29a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + caughtSpeeding(60, false) = 0; + caughtSpeeding(65 false) = 1; + caughtSpeeding(65, true) = 0; + caughtSpeeding(80, false) = 1; + + if ( speed < 60) + { + return noTicket; + } + else if ((speed <61 ) && (speed >80)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +488bc35395d8dc1d4079363801da1cb855f75902," public int caughtSpeeding(int speed, boolean isBirthday) { + int resultTicket = 0; + if (isBirthday) { + if (speed <= 65) + resultTicket = 0; + if (speed > 65 && speed <= 85) + resultTicket = 1; + if (speed > 85) + resultTicket = 2; + } + if (!isBirthday) { + if (speed <= 60) + resultTicket = 0; + if (speed > 60 && speed <= 80) + resultTicket = 1; + if (speed > 80) + resultTicket = 2; + } + return resultTicket; + } +" +65b1c7ec4fac3517a50fcae885fd49538f501d44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< 60) + { + = 0 + } + else if ((speed > 60) + && (speed <= 80) + { + = 1 + } + else if (speed >80) + { + = 2 + } + + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; +} +" +9ba4dab49d667d0428295a261aa8d556218f5730,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< (60)) + { + = 0 + } + else if ((speed > 60) + && (speed <= 80) + { + = 1 + } + else if (speed >80) + { + = 2 + } + + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; +} +" +03a655fc4475ddfd5f11efc92d8d3821081890dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< (60)) + { + = 0; + } + else if ((speed > (60)) + && (speed <= (80)) + { + = 1; + } + else if (speed > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +422a2f5337b8ca64f28870eae4493df57fea32d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed =< (60)) + { + = 0; + } + else if ((int speed > (60)) + && (int speed <= (80)) + { + = 1; + } + else if (int speed > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +b3c9c1d01d91276fa27eabd706d967dd2fa864a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (int speed =< (60)) + { + = 0; + } + while ((int speed > (60)) + && (int speed <= (80)) + { + = 1; + } + while (int speed > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +1292eb01b816806a06d5e860bdfa2e24ee1f65b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (speed =< (60)) + { + = 0; + } + while ((int speed > (60)) + && (int speed <= (80)) + { + = 1; + } + while (int speed > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +03ca7980721e0aa69212d7609359e2e74d0e7eb5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + while (k =< (60)) + { + = 0; + } + while ((k > (60)) + && (k <= (80)) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +41ff4cbfc5c340bf6df846a79e152c8434469069,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + while (k < 61)) + { + = 0; + } + while ((k > (60)) + && (k <= (80)) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +1bf95a3569712022fa0db7263d2b8fa9710d768f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + while (k < 61) + { + = 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +42e1030d0244caeae73d6cadce4b7081643855b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + while (k < 61) + { + 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; +} +" +af67c5c43b35b3c13a4a30c67ca991ccb88b6ce5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + int 0 = no ticket; + int 1 = small ticket; + int 2 = big ticket; +} +" +55623e0d6733066859d18bac3a842c6aa7005d8f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; + while (k < 61) + { + int no ticket = 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + +} +" +81c12d44e20f4651c31d3a14cc86c8f7e9411361,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; + while (k < 61) + { + return 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + +} +" +a7d57c5495a553d8b754fb8db6eed6d2a4a17566,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + int 0 = ""no ticket""; + int 1 = small ticket; + int 2 = big ticket; +} +" +999e41a33c3bd1fd2d9c7fe062a89721e14669df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + while (k < 61) + { + return 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + +} +" +3c48c32cbae23f8cb55d31ffd3b9287ebff3cc04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int k = speed; + private int no ticket = 0; + private int small ticket = 1; + private int big ticket = 2; + while (k < 61) + { + return 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + +} +" +e64768a1e004fa9c3933b52ad778eab4548b1cab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + private int 0 = no ticket; + private int 1 = small ticket; + private int 2 = big ticket; +} +" +88a91d7f0fd85be54b2634b2c91e3393a44b0029,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + while (k < 61) + { + return 0; + } + while ((k > (60)) + && (k <= (80))) + { + = 1; + } + while (k > (80)) + { + = 2; + } + + +} +" +2f4b84d12c91aa5803cafc5bd20ce86d802b170b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + return 0 = no ticket; + return 1 = small ticket; + return 2 = big ticket; +} +" +ef0597a0c48dc0f880de640ecac40bb2ac7be8cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + return 0 = no ticket + return 1 = small ticket; + return 2 = big ticket; +} +" +5deefedecc273056e996d5d0fd00406cea52afd9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; +} +" +f8695c38835e7952b2e0e45a52ab96c1d34cc6e7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + while (k < 61) + { + return 0; + } + while ((k > (60)) + && (k <= (80))) + { + return = 1; + } + while (k > (80)) + { + return = 2; + } + return 0 = no ticket + return 1 = small ticket + return 2 = big ticket + +} +" +6bd0452025255a8ec36944054c40758d164ff856,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + no ticket = 0; + 1 = small ticket; + 2 = big ticket; +} +" +33edf63a30a0d0637a2ddbc5587e5cdeeb5e8b4b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int k = speed; + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + while (k < 61) + { + return 0; + } + while ((k > (60)) + && (k <= (80))) + { + return = 1; + } + while (k > (80)) + { + return = 2; + } + return 0 = no ticket; + return 1 = small ticket; + return 2 = big ticket; + +} +" +48f7f16960fa5d56d1347e07cf47305593193e7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= (60)) + { + return 0; + } + if (speed > (60) <= (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + no ticket = 0; + small ticket = 1; + big ticket = 2; +} +" +b08ed6889f0a515d0dec9938c2d19ad2358fcf56,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< (60)) + { + return 0; + } + if (speed > (60) =< (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + no ticket = 0; + small ticket = 1; + big ticket = 2; +} +" +d1d08c38a7caa4e77e0d7aababc2c0969adea96b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (k < 61) + { + return 0; + } + if ((k > (60)) + && (k <= (80))) + { + return = 1; + } + if (k > (80)) + { + return = 2; + } + return 0 = no ticket + return 1 = small ticket + return 2 = big ticket + +} +" +deb6d06744311bb8d1e6c4c7bb2c8c42769cd25c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (k < 61) + { + return 0; + } + if ((k > (60)) + && (k <= (80))) + { + return 1; + } + if (k > (80)) + { + return 2; + } + return 0 = no ticket + return 1 = small ticket + return 2 = big ticket + +} +" +ee0e0f942f4500e43fdffda188ce32f9ef624acc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (k < 61) + { + return 0; + } + if ((k > (60)) + && (k <= (80))) + { + return 1; + } + if (k > (80)) + { + return 2; + } + return 0 = no ticket; + return 1 = small ticket; + return 2 = big ticket; + +} +" +077bb412ff33f0855b42ea8563085b544017391d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (k < 61) + { + return 0; + } + if ((k > (60)) + && (k <= (80))) + { + return 1; + } + if (k > (80)) + { + return 2; + } + return 0 no ticket; + return 1 small ticket; + return 2 big ticket; + +} +" +14a4fcf3c971b110a5142f80c4f8b6157b81998d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (k < 61) + { + return 0; + } + if ((k > (60)) + && (k <= (80))) + { + return 1; + } + if (k > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +654ef98465d72064d70795f893734ec28a761806,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public void myProgram() + { + if (speed =< (60)) + { + return 0; + } + if (speed > (60) =< (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + no ticket = 0; + small ticket = 1; + big ticket = 2; + } +} +" +4eca21fdbbbdb98b6bea440a24bb3ed35168e4a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed = k; + if (k < 61) + { + return 0; + } + if ((k > (60)) + && (k <= (80))) + { + return 1; + } + if (k > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +d5a1b8b58286a220c1475ca785673b14401bd5df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +}" +17acbf4b994ebc84ead72e205530fa16cc443308,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (k <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +64fc03fc09ecc7ca9f375b101d9b8833f4391a7c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +09d6ff6404decc16daa9a58dceb667d0adb5652c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (caughtSpeeding) + { + if (speed =< (60)) + { + return 0; + } + if (speed > (60) =< (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + no ticket = 0; + small ticket = 1; + big ticket = 2; +} +" +ffdf01a05a52fc3b556984d1044fceb1e7d3e337,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< (60)) + { + return 0; + } + if (speed > (60) =< (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + + no ticket = 0; + small ticket = 1; + big ticket = 2; +} +" +b0c2b3c996c7ca60241424ba5ba3d4fd04e7b921,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< (60)) + { + return 0; + } + if (speed > (60) =< (80)) + { + return 1; + } + if (speed > (80)) + { + return 2; + } +} +" +be0d22c5fc25bc289a7e3be7153ad4de29182c5a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + 0 = no ticket + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +76204a8bcbb7bba4886cfbfc705a2eb86fa818aa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + 0 = return no ticket; + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +25f2062fa065642fd93718ba6ef26911f666a48f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return no ticket = 0; + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +866648f8329aef7a5f73454601cb485e57e94365,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return no ticket; = 0; + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +201da0d37528f8a9814696a818813d0c8e42d6ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60) + { + return 0; + } + if (speed > 60 =< 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } +} +" +775f0f3aa1d57974c46c731adfd712d098c2e27f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int noTicket; + private int smallTicket; + private int bigTicket; + noTicket = 0; + + +} +" +f2a6c9445807a7e6f4974a705de3839275b31865,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday != true) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } + while (isBirthday != false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } +}" +ca93ed10c6bac10258a283902d5a197f1af4dc96,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } +} +" +42e52d67d71e1528ddcc96c7732f8aab5c287806,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +5bdd6471c4214e5da34ba0e259317f2006d9f308," private int noTicket; + private int smallTicket; + private int bigTicket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + noTicket = 0; + + +} +" +d87c05421a0c58a73fbd2176401e6108c8abf2e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday != true) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else (speed > 80) + { + return 2; + } + } + while (isBirthday != false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else (speed > 85) + { + return 2; + } + } +}" +29eaa7bca6479e76131dae8bea47a9b54e55c05d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + while (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +b2d6064a66cbebbbd4c7cb06a4f31abdb6671c14,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +b8b33da9e5f251d246a3af58c6899bdf5bd0343e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday != true) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + while (isBirthday != false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +4be5d797a3a3edde9b83fe20ded0a5a72cf64f8d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket == 0; + small ticket == 1; + big ticket == 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +b1d0bc6d754b015cb500db5b63566d4e58b035f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +9e8864b9ef1c74e65565c00c655789cc08e4b5ad,"private int noTicket; +private int smallTicket; +private int bigTicket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + noTicket = 0; + smallTicket = 1; + bigTicket = 2; +} +if (speed <= 60) +{ + return +" +1c7fbe983b257344b106b3042b493d0c136d608d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +450fbc094ecba5e9e299102aaa3236241fa07d0f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +20d3d516ae7cbb23722a3745071e7663240993f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +413c7e4adb1ff8c7952a3c9b6c328786913c421f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return this.0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +af72162e8ac5b84ac915a239ad3487e01803ebce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday != true) + { + if (speed <= 60) + { + return int 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + while (isBirthday != false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +406a516e0c04b6a63704dbd29509042c3c33c036,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday != true) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + while (isBirthday != false) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +e94f5909994a8596376a1e189d7d143ff906d8a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return this.0;; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +0faa64edb04b299329a380a2213bbe3344483683,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +819b454a4175ed53ec10dc74c938c455e3e1a89e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +7d6ed5ddcf4449d2af8a7535549b5787fbb3fd87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = 60; + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +dfd0ffc02016cf296134bad44b92909eaf5f8975,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return this.0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +86d808dde0d943ae4a5501d0c8683681a401a0d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return this.0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +14083e3ac42cb7c17f588d0fa961c2815e06aaa1,"private int noTicket; +private int smallTicket; +private int bigTicket; +private int speed; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + if (speed <= 60) + return noTicket; + else if (speed > 61 && speed < 80) + return smallTicket; + +} + +" +1e317e424a06e0485efdf613ef904a219625c10f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +98abc3cde4e75850e9954c69bee9f1d163387fe6,"private int noTicket; +private int smallTicket; +private int bigTicket; +private int speed; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + if (speed <= 60) + return noTicket; + else if (speed > 61 && speed < 80) + return smallTicket; +} +return +" +906869784b6a2e3e88b01ba553a0bc90f94ec5c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = 60; + no ticket = 0; + small ticket = 1; + big ticket = 2; + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +b17ac1f0b5a13cd735780b4395a1e5971cb597f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +76ad7b943530cafc1d20b15e8a07557e391617cd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket; = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +3cec339550f503c18a8c842ee997d4039d36c562,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +a4961ac73c2c0705eaed3f14d0fa3dbea45d2e27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public class no ticket = 0; + small ticket = 1; + big ticket = 2; + if (speed < 61) + { + return 0; + } + if ((speed > (60)) + && (speed <= (80))) + { + return 1; + } + if (speed > (80)) + { + return 2; + } + return 0; no ticket; + return 1; small ticket; + return 2; big ticket; + +} +" +47480acb080668c15b944c1f859771423ac1ec0a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = 60; + no ticket = 0; + small ticket = 1; + big ticket = 2; + + public void getSpeed() + { + return speed; + } + + if (speed =< 60)) + { + return 0; + } + if (speed > 60 =< 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } +} +" +79b13705b6bb660fc401101b7d6894a1ca6781da," +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if(speed >= 81) + return 2; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 0; + +} + +" +8a3e7cbabe1686051d3b58480bf018d71183d12e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + +} +" +f6d7afc1bdcbf1366ee19cbde9ebb7a88079018e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + noticket = 0; + +} +" +f0b1d9ccf222b3fa921acb99c28a7552f95c8333,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +72c76f3ffd927bdfedbe7d243d5f1ddadd07b72b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public void birthdaySpeeds() + { + } + +} +" +789c4c91c41782b101df548f2a537ead092a3442,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +0a6830cb2dd5a23371e9f9dbb514d3b23cb49041,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +c8db97506da439c3322723a77755f7af3286383a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +a160c6f954990cc7b00349347453c7c7200a3d3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = gotTicket; + public void birthdaySpeeds() + { + } + +} +" +bfdfb74141b8f7278ea65d78a02fa73859b22988,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = gotTicket; + + +} +" +2a423a43f07192d5fc9188857114ed0fad8e0df0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = 60; + + +} +" +c1956db5113815720eb607e495910bf83d62f891,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if(speed <= 60) + { + return 0; + } + else if(speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + while (isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +220e0f32a224cb1e6fd469049aa41b2a69a2b6d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +f6bce695aef8a26e7456a07227bcb468d67fefae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else (isBirthday); + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +9a590896b2132b1775b5f54ddffbf81223887df3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +68db000e8c2e75614476c994a3d3db29a8826d9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +95ebeacaef19d575b5d23b2752930eb6454d8d9c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday == false + if speed <= 60 + return 0; + if 61 <= speed <= 80 + return 1; + else + return 2; + else + if speed <= 65 + return 0; + if 66 <= speed <= 85 + return 1; + else + return 2; +} +" +e6214323a26bf9e65e31848f678e9fc489cb36cc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (61 <= speed <= 80) + return 1; + else + return 2; + else + if (speed <= 65) + return 0; + if (66 <= speed <= 85) + return 1; + else + return 2; +} +" +e9ac02c3e51abd629569b99cf507901bcdc024d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (61 <= speed <= 80) + return 1; + else + return 2; + if(isBirthday == True) + if (speed <= 65) + return 0; + if (66 <= speed <= 85) + return 1; + else + return 2; +} +" +2fc1a4d15a0a5f95efd04064cca4c4df2450c2f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + if(isBirthday == True) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +534a4b34f4a30549bde248b7bb3125d68f14f832,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + if(isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +663ef5bf17877dc3ffbcfa7a72fca9489dca8441,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + if(isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +433f4373fd9ef817e8c9c9b82772ff7a37fa4a58,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + if(isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +11ae022270f97ce19321f914beaedd6dff75690f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + if(isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +38ac1a7987c81f30cf73f5ca2bd7a879c4a8f9e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else(isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +54d394820ac8ea8966e48a3696b1380659cd37a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +beb580c7410482965671a66c9c64c9f6b3fc84dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +c5bd32eee7c56679c1bdfee89dfcaddb039a2431,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +a79e17e4bfbc78b28ae0f3564b6560ab179346de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else if + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +049229edb0f7c5eb1a325f5d4f62018b40344292,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +14a9be685a6662fecbeb066f2b86bcbf9bed82dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81) + { + return 2; + } + else if (speed <= 80 && speed >= 61) + { + return 1; + } + else + return 0; +} +" +b92248f6025105265f607640c3a52f9536cc4303,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81 && isBirthday == false) + return 2; + else if (speed <= 80 && speed >= 61 && isBirthday == false) + return 1; + else if (speed <= 60 && isBirthday == false) + return 0; + else if (speed >= 86 && isBirthday == true) + return 2; + else if (speed <= 85 && speed >= 66 && isBirthday == true) + return 1; + else if (speed <= 65 && isBirthday == true) + return 0; +} +" +1ee87033347a8f4d3694eb5390d4e7c0ed03d969,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81 && isBirthday == false) + return 2; + else if (speed <= 80 && speed >= 61 && isBirthday == false) + return 1; + else if (speed <= 60 && isBirthday == false) + return 0; + else if (speed >= 86 && isBirthday == true) + return 2; + else if (speed <= 85 && speed >= 66 && isBirthday == true) + return 1; + else if (speed <= 65 && isBirthday == true) + return 0; +} +" +16331f79b2e2d4d73a7a1f44f4ffab80939932b8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81 && isBirthday == false) + return 2; + else if (speed <= 80 && speed >= 61 && isBirthday == false) + return 1; + else if (speed <= 60 && isBirthday == false) + return 0; + else if (speed >= 86 && isBirthday == true) + return 2; + else if (speed <= 85 && speed >= 66 && isBirthday == true) + return 1; + else if (speed <= 65 && isBirthday == true) + { + return 0; + } +} +" +73ad504a3ae78d5934a7356ac995be4b20a339c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81 && isBirthday == false) + { + return 2; + } + else if (speed <= 80 && speed >= 61 && isBirthday == false) + { + return 1; + } + else if (speed <= 60 && isBirthday == false) + { + return 0; + } + else if (speed >= 86 && isBirthday == true) + { + return 2; + } + else if (speed <= 85 && speed >= 66 && isBirthday == true) + { + return 1; + } + else if (speed <= 65 && isBirthday == true) + { + return 0; + } +} +" +1b071dfdd3949435e10ecea6020abd5d0b44179d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81 && isBirthday == false) + { + return 2; + } + else if (speed <= 80 && speed >= 61 && isBirthday == false) + { + return 1; + } + else if (speed <= 60 && isBirthday == false) + { + return 0; + } + else if (speed >= 86 && isBirthday == true) + { + return 2; + } + else if (speed <= 85 && speed >= 66 && isBirthday == true) + { + return 1; + } + else if (speed <= 65 && isBirthday == true) + { + return 0; + } + return 0; +} +" +b8959e4214ef94bd071b04e41ed27bf6e080b329,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + Return 1; + } + else if (speed > 80) + { + return 2; + } + +} +" +f2109b809b5c48d3f82a808fd391a34f0e3b9521,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + +} +" +36746d56e1a9c37b5199f476bb54755f95c0da71,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 61) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + +} +" +60dbd19690d27a70646159e13a3feb8e816b4700,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 61) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + if (speed > 80) + { + return 2; + } + +} +" +bb505982a9e95ed9f81f8037ed70c7d84b1074b1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 61) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + return 2; + +} +" +ebfbd28870a7663d49ec79799f9fd59e8c5655ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 66) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + return 2; + +} +" +60aa19de1c6e9a3725a8012ed93927e29e86adeb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else + return 1; + else + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else + return 1; +} +" +6d907c963ad73e8e43cd682ed693e020e13d91a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday || speed < 61) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + return 2; + +} +" +58fb4470b241f5c1fd9663d37b887b4f0087a0b7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } +} +" +98d6b61f4e1851ab537a518e486469f786243269,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + speed = speed - 5; + } + int value = 0; + if (speed <= 60){ + value = 0; + } + else if (speed >=61 && speed <=80){ + value = 1; + } + else if (speed >=81){ + value = 2; + } + return value; + +} +" +b7a831336d645368e7b118d654cbb631a0e8aea1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + if else (speed >= 61 || speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +ff87fdb7836cf8e9db024e512065c66e28413a01,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + if else (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +f6669c902aa0b867d82b89f5e12bf1286b08e4c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + if else (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +5d99d4fa8b2c57b8d8081d01fcc3cdb94bdfafc2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed += 5; + } + if (speed <= 60) + { + return 0; + } + if else (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +1c48a4462f72343e87202000e5ff470927852835,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed += 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +847dd6fbb99e26e09ef273791a88cfd815a87f88,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + speed += 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +577c8fec0d9e50e89d5c0135dca4a768232d1652,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + speed += 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +ec9ab198052222b96d080684ccc9f9699e703465,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + speed += 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +68f7a78f10f917222b9fc888b7d15baa128a73f5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +b029d27f2fa5d1b9e19522f03232a427545454f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == FALSE) + { + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + } + + if (isBirthday == TRUE) + { + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + + if (speed >= 86) + { + return 2; + } + } + + + +} +" +cbfa2bd19925b5dc2c6c606dbe714be4636b7181,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + } + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + + if (speed >= 86) + { + return 2; + } + } + + + +} +" +b3ccd835c71c7ed276056e8dab0a18f456187c2e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + } + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + + if (speed >= 86) + { + return 2; + } + } + +} +" +5b6022c1808e6a30175d54bb5afe4525ca4cdf3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + } + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + + if (speed >= 86) + { + return 2; + } + } + return 50; +} +" +d6762597c8a17731b4c7766d57b401253b6b134a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + } + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + + if (speed >= 86) + { + return 2; + } + } +} +" +9e3fa5c3886830fb78eb7e7beb1c23ea06bf909c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + } + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + + if (speed >= 86) + { + return 2; + } + } + return 53245234; +} +" +c3bb0741c21b3ebc3feea2a0de5e8a3131a06be8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday && speed <= 65 + return 0 + else if isBirthday && speed <= 85 + return 1 + else if isBirthday && speed >= 86 + return 2 + else if speed <= 60 + return 0 + else if speed <= 80 + return 1 + else if \speed >= 81 + return 2 +} +" +60d20aeeff6910bce93ba09e68b9b4962e24cdd1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday && speed <= 65 + return 0 + else if isBirthday && speed <= 85 + return 1 + else if isBirthday && speed >= 86 + return 2 + else if speed <= 60 + return 0 + else if speed <= 80 + return 1 + else if speed >= 81 + return 2 +} +" +f88078b93700e67801385716670d1a1b3a56b107,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday && speed <= 65 + return 0 + else if isBirthday && speed <= 85 + return 1 + else if isBirthday && speed >= 86 + return 2 + else if speed <= 60 + return 0 + else if speed <= 80 + return 1 + else if speed >= 81 + return 2 +} +" +3d166fa9c3dc044f241c526ee8043266bdc5fcde,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday && speed <= 65 + return 0 + else if isBirthday && speed <= 85 + return 1 + else if isBirthday && speed >= 86 + return 2 + else if speed <= 60 + return 0 + else if speed <= 80 + return 1 + else if speed >= 81 + return 2 +} +" +4a7be619b2fb2bbaed5a6419536d14232a502128,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed < 61) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + +} +" +89e699434d65d8d67fcd52e1b25f1c7a16acadb0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed < 61) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + else + { + return null; + } + +} +" +39159bdf8593449e6e4e32f533f2bb9d3129e26c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed < 61) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + else + { + return 10; + } + +} +" +0b49ef94651968635f0408318bc9b2f881a7346d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +e0b8d216d82fa0d1b656e80fb4b0a98a09ed24ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +62828330f4480bd5304d7f53c1f0fe2c0107174a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +7d3cf8e82a54fc11da99505af168a3323264f8e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +2d0c1adab847747864988a0d9deb556d5510efb9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +7592562f59f573c014f48d683724f756824e8994,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +f21c4fd95d9dd21731deaf78a53abaf71d636fdf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +17ab50109daaeec53358219ce3b3e023a759f33b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +e4cf156273b4983838e0567d5002c80f9167d193,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +ca9aad4cd1e2cd496dc6672c674472c12a4bcc49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +61c4ceae8616130bedf4de720105dd3b6f0ca1e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +083fb7b2fcfe6744619a33fea7018a852f8019c7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +8fcbb45380efeb09b287bf9ad94a546c29e219f9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +fe320ec262c93373206f28097fb953fa02946f9f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +08d1c19aa60046fb963581d9d00eecdca2e276ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +45d17c754cc10149c0be295cee77adc61ffaaf09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed < 61) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + else + { + return 10; + } +} +" +a13b7e246e7e53ab637037d9417b219b2430eaff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed < 61) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} +" +f62c52dc79724f41e28383ea1fd52b1c6a864921,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed < 61) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + return 5; +} +" +6b9f03a62b1823bc91f603c062b7e35002734d42,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +c9b0fb37865ed6bfcd3391a3970249ade34df409,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +e92cf4b6cfe47e75b07bc41ddd3478b9a7bd80f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +b696c6bb2bfa035275503b16c5c82e07f3399850,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +1978a720052ad8fe5b964518711462942f03c4d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +028e5aef7f0f46eee5168d09677d8b395ebabdbc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +ceb99b8dfaf5562513f61b6b8b47b3e62cbb1212,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +8b09d11afd3ea7904e63bd816277edce7fbd112f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +4b5fb5388df545c077880106678b5bf04abe024f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +85a47c885a2396e6ae2f0fef3b225c2368bb7661,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +dd0ed6bcfcb78257d2015d2f64b14bb7311398ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +604a6bc32f6eb61b55f3f2b568c54ea2a1e7b0bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +8464346c80386d56987e5e7fcac406a53c076b02,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +1ed83b7c5c620a731aa8d9b04715e94296343262,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +2cde106ce15fa605c01c89b18349b631984d3a01,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +b882d5201b69ab0a751b6b4709e1f5bda834c4ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +81bbf3ef36e65eb3153c78c0770411125fad16b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +5296354f42b1d7371788910feb3e26c18719c67a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +b800a0431a2a9e1dda53b690a49ce33c8c3b5134,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +6236cafa8c55fc4c80cef56d211579dc6d9567fd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else (speed >= 81) + return 2; +} +" +fe792c4d2e829bc05712e1f5723e7da86c60c453,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + caughtspeeding = 0; + } + else if (61 <= speed <= 80) + { + caughtspeeding = 1; + } + else if (speed >= 81) + { + caughtspeeding = 2; + } + +} +" +e71cc9e07244ee1f7d70a3c5a4d680dfe3a81811,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed <= 80) + { + caughSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + +} +" +2185f85eb886cc7646f333d01955f4ac414867ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + +} +" +4e816c5089b6a9f7ac34eddb630d39f0f78b934e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + +} +" +80175782e5c179230abdf1f4211acfb2b7b6af98,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + return caughtSpeeding; +} +" +500de9968a8bb81b13087f807cc50601891d4e4c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + return int caughtSpeeding; +} +" +99d1635c1464b5c8af6a30ca202d4931d442c800,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + return int caughtSpeeding; +} +" +00a44fd2bf3cb4b7f1ae956c0ba163da689e6e11,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +1d7aea202f6a2fb0add0253d5f9b87eaa566d276,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +38503784494b01f2c6472dd789e3cfeb4daaecfd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +a122f88959c8f3a4b7935d11acf5dfbaff7f5905,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +494ea05a5f959261514455106f3fc2208e95c7d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +f91304fef49d253b1294d1f0196612235a663040,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +090ff0c0cbe3b28b77017da8af3002df5678ba90,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +47f4df5a15e9d7eff9cac78b85451c41c0e8cd9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +28beac90424702baa131d30b4b820fcb3831c6d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +47a03d86f274c9cd80ae4a354d237b436c09a4e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +621fa1d7d22742e7dad0a694f7682a983085a71e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +8057fdd5ee73c25983ca44732e07f0a8ca997af0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + int val= 0; + } + else if (61 <= speed && speed <= 80) + { + int val = 1; + } + else if (speed >= 81) + { + int val = 2; + } + return val; +} +" +fe4d8dfe46a79e800c5fa81f7f362a94fff3a0e9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int val = 0 + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + int val= 0; + } + else if (61 <= speed && speed <= 80) + { + int val = 1; + } + else if (speed >= 81) + { + int val = 2; + } + return val; +} +" +60b07e18a0e2ef08513769b6751490eae109847b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int val = 0; + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + int val= 0; + } + else if (61 <= speed && speed <= 80) + { + int val = 1; + } + else if (speed >= 81) + { + int val = 2; + } + return val; +} +" +70cdf6e9f19b36d5a14cc489ec9c824f76518f5a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int val = 0; + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + val= 0; + } + else if (61 <= speed && speed <= 80) + { + val = 1; + } + else if (speed >= 81) + { + val = 2; + } + return val; +} +" +1814fb12f1662ebd7a53f5235d9a98d3ed6efc08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0 + } + if (speed >= 61 && speed <= 80) + { + return 1 + } + if (speed >= 81) + { + return 2 + } + if (birthday == true) + { + + } +} +" +337475b9da1abd97c8be2fffc31960c7ae710978,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (birthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +36206ae01652a78969371442170851ffa22ac9e5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} +" +8a423daef0e7fcb7046c6577e557f5ee8af16634,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return true; +} +" +fa5361d8f262b548a1e0863a5391fb06009e9a47,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else return 0 +} +" +072c4e5517c34847771fba88495730819f8b355a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else return 0; +} +" +af05fdb09ea7f248d035a5ffcf80197aca092e46,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else return 0; + else return 0; +} +" +e4e8abc8af493de043d49c007d582660e4410388,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else return 0; + if else return 0; +} +" +3a848b2a9e5f36dc26c588e21a8c22bbff8225d6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +976ef49a9e7ffe03293ac87b1af3afbd0a444364,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return true; +} +" +3ff28309b886da9c83be73c880c776634b1d7c99,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; +} +" +b6987196abd0b61b11cb5a60e886996aa034dacd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 0; + } +} +" +f09b4592e3df3f594d2c3bf8650649f3cbef8732,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 0; + } +} +} +" +777bf74e364809ee7d702c516abbfae97bc85944,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 0; + } +} +} +}" +efbcf5fab83092076c59addc7620e24d2ca31da4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + return 0; + } +}" +e070d163d606616f1c77cd38af9dafb00a29692a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 0; + } +}" +d456ac2e8b5989c54e6a80dfa3b307c3c15df54e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 0; + }" +d1e2d77d67431fc2bc6a793ee411848183d2054f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 0; + }" +13d7a83a0f012c3d15ed1d87c0208efd84c134b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + }" +c4268800ef31da4fca2e87c1563513eacf82575a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +de19fdd3fb1f7544b738d82c81f6c8d8604d36f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + return false; + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + while (isBirthday) + { + return true; + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +d0595fdb9c2ad2b6e7bad519a40b0d443712a752,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +80f832a6196ffb4af789b2783a8981199a62937b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } +}" +cac04ce6dc5c536d309dccae4934a98541c1325e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +b5d930d2380f4298ad7f63feeca87663bfb64c89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; +}" +852fa9dc255efc536bb3e9c872cde2aecae66e4b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (isBirthday); + speed = speed + 5; +}" +5c3bcabe23a63fa1383beb6622380048c08b77ce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +ddcdb8b007a181b645557d6e01c973dd7044d888,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; +}" +69b7538a5edf3ccef831c6961a33b6ddc41dc55c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +37205e6ea9b9be6815070168657c521f524fbaf7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 0; +} + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +81f775f6f3cc2748e4f8be96c3204c240d3dc395,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + while (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +a0f5a3f19f65afb6ab1db9d699aaecad5b139e7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +d765aa7e073d359f2621891f96949c9818953db5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else (isBirthday); + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +945f28be9acdbc1c6abf0eb173b9f2fd77a03fd5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if else (isBirthday); + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +ff29e7384a7e1821027c226dfc2088996faeb331,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (else (isBirthday)); + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +e7a018de5b356742d6f433880c65c710012859b8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +}" +dcec2f53d50bf233a5f5327a7cdfe70c30668405,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 2; +}" +eac92c53bd9da85a09e930ce8a827504cfbe23bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 1; +}" +30525ab571d53bdf8a08fca5a174b0e9b6db3c4e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = (60, 81); + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return 1; +}" +c13550c6b42d74dcf929b37b38117f6b9979cc18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed = speed - 5; + } + if (speed <= 60) { + return 0; + } else if (speed > 60 && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +084f58218ad06f11ddf741c849e9611a6dc53919,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + lowerlimit = lowerlimit + 5; + midlimit = midlimit + 5; + highlimit = highlimit + 5; +}" +d4fab182f3f344d128445b8ab355b0b64d861977,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + lowerlimit = lowerlimit + 5; + return + midlimit = midlimit + 5; + return + highlimit = highlimit + 5; +}" +28c6c05b4065ef3f99ae5bbcc25e19af91c250cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + lowerlimit = lowerlimit + 5; + midlimit = midlimit + 5; + highlimit = highlimit + 5; +}" +5f94cb633b46048d0e2025f00ac062e5170e167a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + (lowerlimit = lowerlimit + 5 && + midlimit = midlimit + 5 && + highlimit = highlimit + 5) +}" +a0871ceb0a9225619d863c6bb34c3a0a230639a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + (lowerlimit = lowerlimit + 5 && + midlimit = midlimit + 5 && + highlimit = highlimit + 5); +}" +a4df26da635c4c7e8797dadb8c3eb0478865c1d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + (lowerlimit = lowerlimit + 5 & + midlimit = midlimit + 5 & + highlimit = highlimit + 5); +}" +8b228eb72ca63d3a81b85c74682e8da3824c8312,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + lowerlimit = 60; + midlimit = 61; + highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + (lowerlimit = lowerlimit + 5 & + midlimit = midlimit + 5 & + highlimit = highlimit + 5); +}" +78a5c9254e0b58b52215eb030b596fb40c8e4dff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int lowerlimit = 60; + int midlimit = 61; + int highlimit = 80; + while (!isBirthday) + { + if (speed <= lowerlimit) + { + return 0; + } + if (speed >= midlimit && speed <= highlimit) + { + return 1; + } + if (speed > highlimit) + { + return 2; + } + } + return + (lowerlimit = lowerlimit + 5 & + midlimit = midlimit + 5 & + highlimit = highlimit + 5); +}" +27f3678f58469f2315a89755350dd2567281f7c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (!isBirthday) +{ + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + reture 1; + else if (speed >= 86) + reture 2; +}else if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2 + + +} +" +01427c167fb57bbab80e907c5378807db7a83892,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (!isBirthday) +{ + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; +}else if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + + +} +" +3ba3f6a5a6597440efa11f016e7d32defc444166,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (!isBirthday) +{ + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; +} +else if (speed <= 60) + return 0; +else if (speed >= 61 && speed <= 80) + return 1; +else if (speed >= 81) + return 2; + + +} +" +089ee83ea074b90853252ed6c7fdf234d82364f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (!isBirthday) +{ + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; +} +else if (speed <= 60) + return 0; +else if (speed >= 61 && speed <= 80) + return 1; +else if (speed >= 81) + return 2;} +" +4df597b38b6d3507c94aa3651c1440a63aad6f8b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) +{ + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; +} +else if (speed <= 60) + return 0; +else if (speed >= 61 && speed <= 80) + return 1; +else if (speed >= 81) + return 2; +} +" +bd41a572fbca84271a9a200a268ff186c8c92ed4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) +{ + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; +} +else if (speed <= 60) + return 0; +else if (speed >= 61 && speed <= 80) + return 1; +else if (speed >= 81) + return 2; +} +" +1736392381d2e5b7a4c2fe8e9ccbd376663a3758,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } + else if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +884ee7b51cdbd5ef2e2390bf700b012130c1f1e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } + else if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; +} +" +37c470b94cbce86661cf2f8de376bc9e2bdbfaba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } + else if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; +} +" +c18b322925954cdbe8309b832338dc2d3e5fc6fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } +}" +73becd0463efc5658f1a0df14460e85165f1fb23,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + return 0; + } +}" +3a7ac59ac000c1cf6a2bb611f1bc95428fd84ed6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else + return 2; +} +" +6b574460dce3f8113c1d4a3cd01a659b98bad007,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + else return ""lmao""; + } +}" +ccc71cceb0d0a07495b65dd9a9fc05e5ec197727,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + else return 0; + } +}" +2ccb53aa4901213b5973dad5e24216484d7489e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } + else return 0; +}" +fb5db1abcd7e3789fc29e795645add609edd5afe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } + else return 0; + } +}" +7a3514cfed1a8c74a436d20098358e3f52d643e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } + else return 0; + } +}" +43758776325226d9533d682fca34aef5a33a8d1d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } + else return 0; + } +}" +4ae6da4cfcd68c7729ce38128cf0a7428d885cba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } + else return 0; + } +}" +24e226c26e4d10ddb09189d02530b0b07b6de828,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + else return 0; + } +}" +98af4761236002c2c0bfa8c8cdc47ff918f29b4e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } +}" +781c7724632ce53b82c09cd5b591de7f8c707593,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed <= 81) + { + return 2; + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed <= 86) + { + return 2; + } + } +}" +3ca4c67573cb8cf648fdf2b96b56a6d2e7dbad76,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket + 1 = small ticket + 2 = big ticket + + if speed < 60 + { + system.out.println(0) + } + + if speed >= 61 < 80 + { + system.out.println(1) + } + + if speed > 81 + { + system.out.println(2) + } +} +" +d5e928488e9235597d50ed25d92eab1c00ae6513,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; + + if speed < 60 + { + system.out.println(0); + } + + if speed >= 61 < 80 + { + system.out.println(1); + } + + if speed > 81 + { + system.out.println(2); + } +} +" +4e84a588e9f9c34352fbf7c12a439484a528a01c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5 + } + if (speed=<60) + { + return 0 + } + if (speed>=61 && speed<= 80) + { + return 1 + } + if (speed>=81) + { + return 2 + } +} +" +e87542225324deb36fc5891405e6401d53aab2a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed=<60) + { + return 0; + } + if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +} +" +4abfc143169b90aa4053bfe60ece48f82c5e3d7c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (int speed=<60) + { + return 0; + } + if (int speed>=61 && int speed<= 80) + { + return 1; + } + if (int speed>=81) + { + return 2; + } +} +" +39fdc9a13e7cd45eee51cbc616594db3dc0b1253,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed=<60) + { + return 0; + } + if (speed>=61 && int speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +} +" +601c919c6ff381fd4b55952af417ec8f5aed2ac7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + speed -= 5; + } + if (speed=<60){ + return 0; + } + if (speed>=61 && int speed<= 80){ + return 1; + } + if (speed>=81){ + return 2; + } +} +" +641c49d3af3d4bcfbb9a5e02464d38ac521da0a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + speed -= 5; + } + if (speed=<60){ + return 0; + } + if (speed>=61 && speed<= 80){ + return 1; + } + if (speed>=81){ + return 2; + } +} +" +d405a7e596245cd34fe21d6be260562339cd619e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value + + if (speed <= 60) + { + result = 0 + } + else if (speed >= 61 & speed <=80) + { + result = 1 + } + else if (speed >= 81) + { + result = 2 + } +} +" +e7c4f0072135bb78baf1c308071aa7c6988a1e26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 & speed <=80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } +} +" +5d4d627152a05c16d333e49408926421ba99bd1f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + speed -= 5; + } + if (speed=<60) + { + return int(0); + } + if (speed>=61 && speed<= 80) + { + return int(1); + } + if (speed>=81) + { + return int(2); + } +} +" +dd015382a7f035969bd32e7e82534d0616ddee80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed=<60) + { + return int(0); + } + if (speed>=61 && speed<= 80) + { + return int(1); + } + if (speed>=81) + { + return int(2); + } +} +" +5a45d5ff82476111f757269b0c48b118efe5d707,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed=<60) + { + return int(0); + } + if (speed>=61 && speed<= 80) + { + return int(1); + } + if (speed>=81) + { + return int(2); + } +} +" +e7c70ed043bb21ea1a5e1a9df00a8b9533e4c99a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value + if (speed <= 60) + { + value = 0; + } + else if (speed >= 61 & speed <=80) + { + value = 1; + } + else if (speed >= 81) + { + value = 2; + } +} +" +471e5724779d1f840b05b9181d23aee120013f1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + if (speed <= 60) + { + value = 0; + } + else if (speed >= 61 & speed <=80) + { + value = 1; + } + else if (speed >= 81) + { + value = 2; + } +} +" +185ec31397549b1da43a766dc6fd8888f2942d9e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return = 0; + } + else if (speed >= 61 & speed <=80) + { + return = 1; + } + else if (speed >= 81) + { + return = 2; + } +} +" +69ea9732d05aabc70af342c8764e7e8ea8c76993,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5 + } + if (speed<=60) + { + return 0; + } + if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +} +" +10aee9c7d78c4c3bf3b23d49a3640adeb59a48be,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed<=60) + { + return 0; + } + if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +} +" +e8cd9aa93afb85ab5a073688dfe45f8f5302f46a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed<=60) + { + return 0; + } + if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +}" +06ca576d30c525530da74dbaec8fddf5fdb29a08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed<=60) + { + return 0; + } + else if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +}" +2f051f1366e1a52dcb2bed24c362950b5c8c361a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed<=60) + { + return 0; + } + if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +}" +89d06e429dcf6b7dc50d0009b54a13d1de1b07fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return = 0; + } + else if (speed >= 61 & speed <=80) + { + return = 1; + } + else if (speed >= 81) + { + return = 2; + } +} +" +b5d6481bcade3cbda4c916fc5dcc15023c27c5ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed<=60) + { + return 0; + } + if (speed>=61 && speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +}" +b517b3c042498e698c7584ce0dace3ffc809c5b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed<=60) + { + return 0; + } + if (speed<= 80) + { + return 1; + } + if (speed>=81) + { + return 2; + } +}" +7dc0d5c32f550454ca912fcdd752a6161406aa43,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } +} +" +45c960e0a5c7743b3e51328ad00650968057824c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return = 0; + } + else if (speed >= 61 & speed <=80) + + return = 1; + + else if (speed >= 81) + { + return = 2; + } +} +" +66e8b374e470ed29fb915ba418b7ecf529cbe228,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return = 0; + } + else if (speed >= 61 & speed <=80) + { + return = 1; + } + else if (speed >= 81) + { + return = 2; + } +} +" +01bd14ed3ab2971f08a7a517fb8a83982acb1c5a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + if (speed >= 81); + { + return 2; + } +} +" +2ea659910db9aaeef20d8bbffe1ca22d0aa40e75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <=80) + { + return = 1; + } + else if (speed >= 81) + { + return = 2; + } +} +" +fd9d5e89a53bb2e88a1defbb13122a09df2e4ecd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +e686ced517c3632b2e6f1e53d5234fb5cc15e4d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +3d1ac591150e5c4794066bf5fe3e5898901605c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0 + } + else if (speed >=86) + { + return 2 + } + else + { + return 1 + } + } + else if (speed <= 60) + { + return 0 + } + else if (speed >=81) + { + return 2 + } + else + { + return 1 + } + +} +" +d5552aaaf9f83ba336701155b3b2dbeb210d9907,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >=86) + { + return 2; + } + else + { + return 1; + } + } + else if (speed <= 60) + { + return 0; + } + else if (speed >=81) + { + return 2; + } + else + { + return 1; + } + +} +" +ce7f91be5faa926abbf1042a1e2d312ad406d30c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = null; + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + return result; +} +" +ac17d63a2445abf4fd3bcfaa771fb86bf459d71f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + return result; +} +" +5722a20f93c5a48ce0fe5d934aa30e3af6201b37,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + return result; +} +" +73286fb8e5cadf69096435026479f75f83bc3129,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + return result; +} +" +5f7ba5be79a174c5fbad4824346fbe411aac58ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + return 0; + if (speed >= 61 && speed <= 81 && !isBirthday) + return 1; + if (speed >= 81 && !isBirthday) + return 2; + if (speed <= 65 && isBirthday) + return 0; + if (speed >= 66 && speed <= 86 && isBirthday) + return 1; + if (speed >= 86 && isBirthday) + return 2; +} +" +bb1d2890d033f838bbd6c0827db8a6245814c57d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 61 && speed <= 81 && !isBirthday) + return 1; + if (speed >= 81 && !isBirthday) + return 2; + if (speed >= 66 && speed <= 86 && isBirthday) + return 1; + if (speed >= 86 && isBirthday) + return 2; + return 0; +} +" +e8f2232f6e648f3f7346a89ff823a9ea009be2fe,"class caughtSpeeding { + public int caughtSpeeding(int speed, boolean isBirthday) + { + if (isBirthday) { + if (speed >= 65) { + return 0; + } + if (speed >= 66) { + return 1; + } + if (speed > 86) { + return 2; + } + } + else + if (speed >= 60) { + return 0; + } + if (speed >= 61) { + return 1; + } + if (speed >= 81) { + return 2; + } + } +}" +92410de72d5e0aa9e1302bf5b0ffdc97b6e46f93,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return null; +} +" +aa2c322604ac37e84dd75669963a7065e60f4c77,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + c = 5; + else + c = 0; + if (speed <= 60 + c) + return 0; + else if (speed >= (61 + c) && speed <= (80 + c)) + return 1; + else if (speed >= (81 + c)) + return 2; +} +" +3a7de66a712c785043bd446883a99772cb7b7073,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(speed >= 61 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } +} +" +e52bf07b5e4cbf73b6f4cdf2b1262a874e38d74a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(speed >= 61 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + return 0; +} +" +6eca7a9f80dea0d79e07a5d00c73373f80c957f5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed > 65 && speed <= 85 && isBirthday == true ) + return 1; + if ( speed >= 86 && isBirthday == true ) + return 2; + if ( speed <= 65 && isBirthday == true ) + return 0; + if ( speed > 60 && speed <= 80 ) + return 1; + if ( speed >= 81 ) + return 2; + else + return 0; +} +" +ec263c885b17f6ef8ab9264773a3c37a2c6e2b0e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int c = 0; + if (isBirthday) + c = 5; + else + c = 0; + if (speed <= 60 + c) + return 0; + else if (speed >= (61 + c) && speed <= (80 + c)) + return 1; + else if (speed >= (81 + c)) + return 2; +} +" +067f2a9fe06690a10cddb1569b872b1b137ab26b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int c = 0; + if (isBirthday) + c = 5; + else + c = 0; + if (speed <= 60 + c) + return 0; + else if (speed >= (61 + c) && speed <= (80 + c)) + return 1; + else if (speed >= (81 + c)) + return 2; +} +" +52d007ae77d3dbe147d295963fd1e7778ae32630,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int c = 0; + if (isBirthday) + c = 5; + else + c = 0; + if (speed <= 60 + c) + return 0; + else if (speed >= (61 + c) && speed <= (80 + c)) + return 1; + else if (speed >= (81 + c)) + return 2; + else + return; +} +" +17fb25233c2351049c16e1f80c71160b6fca32a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int c = 0; + if (isBirthday) + c = 5; + else + c = 0; + if (speed <= 60 + c) + return 0; + else if (speed >= (61 + c) && speed <= (80 + c)) + return 1; + else if (speed >= (81 + c)) + return 2; + else + return 0; +} +" +cb18f21ff35c7c2f2fb372d7aeb01d00f306538a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed -= 5; + } + if (speed <= 60) + return 0; + else if (speed >= 80) + return 2; + else + return 1; +}" +3a7369f161538387a13e0fecd434145637a44637,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed -= 5; + } + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +}" +5e4fd51dca2d2a6447fb500d92e1ab4463e8dc27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 61 && speed <= 81 && !isBirthday) + return 1; + if (speed >= 66 && speed <= 86 && isBirthday) + return 1; + if (speed >= 81 && !isBirthday) + return 2; + if (speed >= 86 && isBirthday) + return 2; + return 0; +} +" +f82205ccd75f8d6cbd5a58fbf0b013bbc85b0bd9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + speed = speed - 5; + } + else if (speed <= 60) + { + speed = 0; + } + else if (61 <= speed <=80) + { + speed = 1; + } + else if (speed >= 81) + { + speed = 2; + } +} +" +ca8a154cf44f00aeb3fc40e64a0f508f7827cccb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + speed = 0; + } + else if (61 <= speed <=80) + { + speed = 1; + } + else if (speed >= 81) + { + speed = 2; + } +} +" +62fd3783eab0f8fa600f072722fc88e9b408587f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + speed = 0; + } + else if (61 <= speed <= 80) + { + speed = 1; + } + else if (speed >= 81) + { + speed = 2; + } +} +" +8971c4f66d6f6c71f88b01a3833bc0a5522df144,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + speed = 0; + } + else if (speed >= 61 && speed <= 80) + { + speed = 1; + } + else if (speed >= 81) + { + speed = 2; + } +} +" +94deda74d7b142788b6f5fd41b337177e3a04f25,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + speed = 0; + } + else if (speed >= 61 && speed <= 80) + { + speed = 1; + } + else if (speed >= 81) + { + speed = 2; + } + return speed; +} +" +f29fd9a4b32cabbc0a1c8d5baefa5c3a2b569f5c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5 + } + if (speed <= 60) + { + caughtSpeeding = 0 + } + else if (60 < speed < 81) + { + caughtSpeeding = 1 + } + else + { + caughtSpeeding = 2 + } +} +" +9e977d68cfb09c487c96b691f9eb85ce4ed463e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (60 < speed < 81) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } +} +" +22b9b2efae91035513532eb4cee571abe938d041,"int ticket +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + ticket = 0; + } + else if (60 < speed < 81) + { + ticket = 1; + } + else + { + ticket = 2; + } +} +" +263b736e728f955d208e7970a2c1c7a242d3c002,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + ticket = 0; + } + else if (60 < speed < 81) + { + ticket = 1; + } + else + { + ticket = 2; + } +} +" +f939376f21b8690a135b54c6d6f79f0610ba1fef,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 81) + { + ticket = 1; + } + else + { + ticket = 2; + } +} +" +f3fc2ed1650de5289378be2d01aa817478d612a3,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 65 && speed < 86 && isBirthday = true) + { + return 1; + } + if (speed >= 86 && isBirthday = true) + { + return 2; + } + if (speed <= 65 && isBirthday = true) + { + return 0; + } + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +13bd14b6c2fc3ecfddf2244ab9dd080c0b343c5c,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 65 && speed < 86 && isBirthday == true) + { + return 1; + } + if (speed >= 86 && isBirthday == true) + { + return 2; + } + if (speed <= 65 && isBirthday == true) + { + return 0; + } + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +31288a971aee38e8f921953bf28f0fb2051f7e4c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +fb5161cc5ecd71f54215fbfeb1783dc6b19f61d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + else return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed > 81) + { + return 2; + } + else return 0; + } +} + +} +" +735609b07847ba0bd0e53f7d6df08fc35f8e7798,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + else return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed > 81) + { + return 2; + } + else return 0; + } +} +" +20ab6a20210092f63e9b57f36204b7124b8047d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + else return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed > 81) + { + return 2; + } + else return 0; + } +} +" +664489458119d762a03153fef0f83b7480a3d062,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + else return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed > 81) + { + return 2; + } + else return 0; + } +} +" +577e658112c3baea489b592995860b3fa813bccc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + else return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + else return 0; + } +} +" +06034316d49bc15ac9970338d4ea1221b201440b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + speed -= 5; + } + if(speed <= 60) { + return 0; + } else if(speed <=80) { + return 1; + } + return 2; +} +" +1ae334fa53e412444e09522987353d13e7ca0a41,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket + +} +" +0346b7b0b321ae908a728f1fa6dfea793478ecc0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = x; + while (speed < || = 60) + { + x = 0 + } + +} +" +dc32661b8110d88367708821bda11479886f593b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = x; + while (speed < || = 60) + { + x = 0; + } + +} +" +03b3f600ff9be1a7871a25997ef719421b004595,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if speed <=65 + { + return 0; + } + else if speed <=85 + { + return 1; + } + else + { + return 2; + } + } + else + { + if speed <=60 + { + return 0; + } + else if speed <=80 + { + return 1; + } + else + { + return 2; + } + } +} +" +297c8ccaa9011077fd8631ae290fc45f74268447,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +43477fedf05edfa183b9315dd4c49dcc50f5a7ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = x; + while (speed < || = 60) + { + x = 0; + } + +} +" +dcfd305d42028b616a39cf0a9a1e5070e34741c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = x; + if (speed < || = 60) + { + x = 0; + } + +} +" +c9c33310e6dbd29e81779a40c1f67fdf0559a3f5,"public int caughtSpeeding(int speed, boolean isBirthday) +int ticket = x; +{ + if (speed < || = 60) + { + x = 0; + } + +} +" +b0dddce16d3c7e81080c1f8fd41884cb0a03112c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60 + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +922f687d225a69150d39313461c7eb44ea467319,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +49a78f0247b3a6c7d6ad0be76941bbeeac4432d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + return 5; +} +" +de9fdec4e0327b516ccb8988b97b17d0c80c383b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 80) + { + return 2; + } + return 5; +} +" +444ed9db2e99089c95977b0b97976dcb72a2bf79,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + speed -= 5; + + + if (speed <= 60); + return 0; + else if (speed >= 61 && speed <= 80); + return 1; + else (speed > 81) + return 2 + + +} +" +53cd3313df08326b675b584febafc5cda80bfbee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60); + { + return 0; + } + else if (speed >= 61 && speed <= 80); + { + return 1; + } + else (speed > 81) + { + return 2 + } + +} +" +4da684ba4dad667e05c144cef77af2219a3b89e7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60); + { + return 0; + } + else if (speed >= 61 && speed <= 80); + { + return 1; + } + else + { + return 2; + } + +} +" +ab0a4944dea95fd271405d288ea2553ae4b97da0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + + speed -= 5; + + + if (speed <= 60); + + return 0; + + else if (speed >= 61 && speed <= 80); + + return 1; + + else + + return 2; + + +}" +e0953c2b8566c2697927cce8da12659015ea25ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + + speed -= 5; + + + if (speed <= 60) + + return 0; + + else if (speed >= 61 && speed <= 80) + + return 1; + + else + + return 2; + + +}" +53d2332393a93817d62cf1d1e2147c915dd964b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday = true + { + if (speed <= 65) + { + return ""0""; + } + + if (speed > 66 && speed < 85) + { + return ""1""; + } + + if (speed > 86) + { + return ""2""; + } + } + + else + { + if (speed <= 60) + { + return ""0""; + } + + if (speed > 61 && speed < 80) + { + return ""1""; + } + + if (speed > 81) + { + return ""2""; + } + } +} +" +b9fbab63819974c51225943e10b30ba201f5b7e6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return ""0""; + } + + if (speed > 66 && speed < 85) + { + return ""1""; + } + + if (speed > 86) + { + return ""2""; + } + } + + else + { + if (speed <= 60) + { + return ""0""; + } + + if (speed > 61 && speed < 80) + { + return ""1""; + } + + if (speed > 81) + { + return ""2""; + } + } +} +" +4da63491bd6830f23206d3fe722b6808eb19ac0c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return ""1""; + } + + if (speed > 86) + { + return ""2""; + } + } + + else + { + if (speed <= 60) + { + return ""0""; + } + + if (speed > 61 && speed < 80) + { + return ""1""; + } + + if (speed > 81) + { + return ""2""; + } + } +} +" +3e73f87cef117e3f2b3a077770b14ece9c1e812e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } +} +" +364d83083f4c18747a8ccddbd34abd042119ec6e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + return +} +" +a3b237035112d0c263e918d1f318229453b26c7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + return +} +} +" +a859deb84b976573a520997756dbe874faec0d4b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + return +}" +3513be840e42929fda388dd6e04d1fe26153cd30,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return +}" +809c7b5f4da8c41b16699bc46220f61717464a09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return true +}" +881672a14e4bf6152e55bd7be0a9efe7cf9ea409,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return true; +}" +bc6108ab11bbffbb9fd022e572d01fedf7e0da40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return int; +}" +92f2e84c9b4b8a95e5fbbf1be3ecb8bc5e0721e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return speed; +}" +2b7005d6b047491e4e5de14dcb6c9c0866e7aa60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return caughtSpeeding; +}" +5f22c86dcb2e2195751f25ad823fd8377e210741,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return ticket; +}" +6f52e4a0104b88d2ee032a7774846a4908605c9a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return """"; +}" +2a7c823766af73df5f9b788121ee0d0bb719de65,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return speed; +}" +fad99fdbd6b4b239d9ebcd2672cfb0345b011831,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + if (speed > 66 && speed < 85) + { + return 1; + } + + if (speed > 86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + } + + if (speed > 61 && speed < 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + } + + return speed; +}" +e1effa0c6b2fac15f676ef317a4d61707a1c6133,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + if (speed > 66 && speed < 85) + { + ticket = 1; + } + + if (speed > 86) + { + ticket = 2; + } + } + + else + { + if (speed <= 60) + { + ticket = 0; + } + + if (speed > 61 && speed < 80) + { + ticket = 1; + } + + if (speed > 81) + { + ticket = 2; + } + } + + return speed; +}" +f459e0458c85faff3a58dffd4ec0779c34e747a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + if (speed > 66 && speed < 85) + { + ticket = 1; + } + + if (speed > 86) + { + ticket = 2; + } + } + + else + { + if (speed <= 60) + { + ticket = 0; + } + + if (speed > 61 && speed < 80) + { + ticket = 1; + } + + if (speed > 81) + { + ticket = 2; + } + } + + return ticket; +}" +09b4ad01c7723ad59a16d46a4bae4f47b32d5c5a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + return ticket = 0; + } + + if (speed > 66 && speed < 85) + { + return ticket = 1; + } + + if (speed > 86) + { + return ticket = 2; + } + } + + else + { + if (speed <= 60) + { + return ticket = 0; + } + + if (speed > 61 && speed < 80) + { + return ticket = 1; + } + + if (speed > 81) + { + return ticket = 2; + } + } + + return ticket; +}" +05dd0af90f77e390e69ee79e3ec306faf95fb27e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + return ticket = 0; + } + + if (speed > 66 && speed < 85) + { + return ticket = 1; + } + + if (speed > 86) + { + return ticket = 2; + } + } + + else + { + if (speed <= 60) + { + return ticket = 0; + } + + if (speed > 61 && speed < 80) + { + return ticket = 1; + } + + if (speed > 85) + { + return ticket = 2; + } + } + + return ticket; +}" +1a1e7e76de11f7b9560cabd1031edcb24fb99a45,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + return ticket = 0; + } + + if (speed > 66 && speed < 85) + { + return ticket = 1; + } + + if (speed > 86) + { + return ticket = 2; + } + } + + else + { + if (speed <= 60) + { + return ticket = 0; + } + + if (speed > 61 && speed < 80) + { + return ticket = 1; + } + + if (speed > 81) + { + return ticket = 2; + } + } + + return ticket; +}" +08d0c7a873b6f91af74af46d42d0d93377ca1969,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (this.isBirthday); + { + //ticket prices + } + while (!(this.isBirthday); + { + //ticket prices + } + + +} +" +bc143fdb4078247db6ed267234b83e581bb6cf30,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (this.isBirthday); + { + //ticket prices + } + while (!(this.isBirthday)); + { + //ticket prices + } + + +} +" +44250d2d2218c953337c7092afb0e14dc9d90346,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return ""0""; + if (61 <= speed <= 80) + return ""1""; + if (speed >= 81) + return ""2""; +} +" +f0a0ef4c271931baddac673625887dd4617db214,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed < 60 || speed = 60) + return ""0""; + if (61 <= speed <= 80) + return ""1""; + if (speed >= 81) + return ""2""; +} +" +31b6a860ed9414c1e2e34d8807421665c775ffd9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return ""0""; + if (61 <= speed <= 80) + return ""1""; + if (speed >= 81) + return ""2""; +} +" +d97183ac3110abe2af0bdaed37e1b4ab571dfc4f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (61 <= speed <= 80) + return ""1""; + if (speed >= 81) + return ""2""; +} +" +3bff55a129bd0e047f9e4488e333f43210235a85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (61 <= speed <= 80) + return 1; + if (speed >= 81) + return 2; +} +" +345187d4d99fc93b228999b764fc0bcccddacb86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed <= 80) && (speed >= 61) + return 1; + if (speed >= 81) + return 2; +} +" +0d3b9cecdf3a1069de2c3a4bd1139a5da8f46541,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed <= 80 && speed >= 61) + return 1; + if (speed >= 81) + return 2; +} +" +fdc0d1be6c6b6ba0d6a8863e91b692d41942c9ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (speed <= 80 && speed >= 61) + return 1; + if (speed >= 81) + return 2; +} +" +4538ddfef8783de117701bfc6716617df6f3f451,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (speed <= 80 && speed >= 61) + return 1; + if (speed >= 81) + return 2; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed <= 85 && speed >= 66) + return 1; + if (speed >= 86) + return 2; +} +" +391cc788004e29877ca54527dbc3c13311764d58,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else (speed >= 81) + return 2; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed <= 85 && speed >= 66) + return 1; + if (speed >= 86) + return 2; +} +" +c2fa05dcaeed0e7aaf2317be3eed0f9ede49c720,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed <= 85 && speed >= 66) + return 1; + if (speed >= 86) + return 2; +} +" +e0922418de5f361137a5fee22e2d0917812b7f23,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; + } + if (isBirthday) + if (speed <= 65) + return 0; + if (speed <= 85 && speed >= 66) + return 1; + if (speed >= 86) + return 2; + return +} +" +487b02d9868e678fad3441b98ada6f6586e7514c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + if (isBirthday) + if (speed <= 65) + return 0; + if (speed <= 85 && speed >= 66) + return 1; + if (speed >= 86) + return 2; + return +} +" +0e86fe37a0af4f31edc5f0aca5f6c5345eb6301c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; + + if (isBirthday) + if (speed <= 65) + return 0; + if (speed <= 85 && speed >= 66) + return 1; + if (speed >= 86) + return 2; + return +} +" +9c71cf24d25a92fb3212b3f380a833b5238afae8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; + + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85 && speed >= 66) + return 1; + else if (isBirthday && speed >= 86) + return 2; +} +" +7323650d3750140999950e63195374acd34b5824,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; + + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85 && speed >= 66) + return 1; + else + return 2; +} +" +a689fda882f952f325461a945d7bd65e7b0e1157,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else + return 2; + + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85 && speed >= 66) + return 1; + else + return 2; +} +" +34547f4a97e2323afd7f5954d25e20add6a4d977,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; + + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85 && speed >= 66) + return 1; + else + return 2; +} +" +398579e51b8fb3799a181aca8b99f4b600fa455a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday && speed <= 60) + return 0; + else if (!isBirthday && speed <= 80 && speed >= 61) + return 1; + else if (!isBirthday && speed >= 81) + return 2; + + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85 && speed >= 66) + return 1; + else + return 2; +} +" +a090cb9ef4ad417bb73adf206fe5331f16970b73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday){ + if(speed<=65) + return 0; + } else if(speed<=85){ + return 1; + } else { + return 2; + } + } else { + if(speed<=60) + return 0; + } else if(speed<=80){ + return 1; + } else { + return 2; + } + } +} +" +74eb698b3fe0e17af7121c9af5e3acccdd58afbb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday){ + if(speed<=65) + { + return 0; + } + else if(speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if(speed<=60) + { + return 0; + } + else if(speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +33618c0d72997f42dc39d5cde516a37960c4bafd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +08e29390d6fdca4360be0c44bbf8f5ef02483c2d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed >= 66 && speed <= 85 { + return 1; + } + else { + return 2; + } + } + else { + if (speed <= 60) { + return 0; + } + else if (speed >= 61 && speed <= 80 { + return 1; + } + else { + return 2; + } +} +" +de3e031cb6fc07c43713a90754cf4fc923b95d3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else { + return 2; + } + } + else { + if (speed <= 60) { + return 0; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else { + return 2; + } +} +" +8126ffd5a662ba310c2966ef523444f8a19c5709,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else { + return 2; + } + } + else { + if (speed <= 60) { + return 0; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else { + return 2; + } + } +} +" +1a8324fe9f734e95e928eaab4b09286909bccdaf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + if (isBirthday) + { + if(speed <= 65) + { + return 0; + } + } + else + { + return 0; + } + } + else if (speed > 60 && speed <= 80) + { + if (isBirthday) + { + if(speed > 65 && speed <= 85) + { + return 1; + } + } + else + { + return 1; + } + } + else + { + return 2; + } +} +" +c5580393b7669b25e3777edbd2fece501cc73fcc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (speed <= 60) + { + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + } + else + { + ticket = 0; + } + } + else if (speed > 60 && speed <= 80) + { + if (isBirthday) + { + if(speed > 65 && speed <= 85) + { + ticket = 1; + } + } + else + { + ticket = 1; + } + } + else + { + ticket = 2; + } + return ticket; +} +" +0623ab9e1de7760d8f34d3a7cd84a2627037f038,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (speed <= 60) + { + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + } + else + { + ticket = 0; + } + } + else if (speed > 60 && speed <= 80) + { + if (isBirthday) + { + if(speed > 65 && speed <= 85) + { + ticket = 1; + } + } + else + { + ticket = 1; + } + } + else + { + ticket = 2; + } + return ticket; +} +" +cc99bfbda2c42d9c9e41ff8a0b06aceb096bd304,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -=5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +c1d1e7f82a74738c6d54d9f2fd3bfb4984fb742e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5 + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +a46dadf5e324808bf3419dac34f15a937be299d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +80e9ecfca4133d51170ecec56bb0aee4bcead31c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (speed <= 60) + { + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + } + else + { + ticket = 0; + } + } + else if (speed > 60 && speed <= 80) + { + if (isBirthday) + { + if(speed > 65 && speed < 86) + { + ticket = 1; + } + } + else + { + ticket = 1; + } + } + else + { + ticket = 2; + } + return ticket; +} +" +f8a1d8fe0ae227b43f16620049357971da8c88c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (speed <= 60) + { + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + } + else + { + ticket = 0; + } + } + else if (speed > 60 && speed <= 80) + { + if (isBirthday) + { + if(speed > 65 && speed <= 86) + { + ticket = 1; + } + } + else + { + ticket = 1; + } + } + else + { + ticket = 2; + } + return ticket; +} +" +7b941ab54dba1f87df768ba289af458c5d24ba59,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + if(speed > 65 && speed <= 85) + { + ticket = 1; + } + } + else if (speed <= 60) + { + ticket = 0; + } + else if (speed > 60 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +262771d31f1a78eadde3f22e832ebe5027a4effc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + if(speed > 65 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else if (speed <= 60) + { + ticket = 0; + } + else if (speed > 60 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +c04772a2b18ed45d655ceaa759840f01dccd030f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if(speed <= 65) + { + ticket = 0; + } + else if(speed > 65 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else if (speed <= 60) + { + ticket = 0; + } + else if (speed > 60 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +e2eedf595366a9ec2938d3862ccaa404702e0a0f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <= 60) + { + result = 0; + } + + else if (speed > 60 && speed < 81) + { + result = 1; + } + + else if (speed >= 81) + { + result = 2; + } + + return result; +} +" +70fae6af8ca8504c9df20cffa4017e690ffc060a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + int n = 0; + + if (isBirthday) + { + n = 5; + } + if (speed <= 60 + n) + { + result = 0; + } + + else if (speed > 60 + n && speed < 81 + n) + { + result = 1; + } + + else if (speed >= 81 + n) + { + result = 2; + } + + + return result; +} +" +2dc558be05b2f3b53b2e0299a14abd1b50015313,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +b2b47f0d3227728119766fa9ce8c152a619f6c3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed < 60 + result = 0 + else if speed > 61 && speed < 80 + result = 1 + else + result = 2 + +} +" +570bdda5139df255c71e8ac774e78b9f7338f5e9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed < 60() + result = 0; + else if speed > 61 && speed < 80() + result = 1; + else + result = 2; + +} +" +7de8faca0d1aa3071d2f59fac0e944d31572f4d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed (< 60) + result = 0; + else if speed > 61 && speed < 80() + result = 1; + else + result = 2; + +} +" +2686bf547adf9789e7322bd0d85bc629c2d342b1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + result = 0; + else if speed > 61 && speed < 80() + result = 1; + else + result = 2; + +} +" +af715576752c2548fc5f44b02f80a5913b5c57bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + result = 0; + else if (speed > 61 && speed < 80) + result = 1; + else + result = 2; + +} +" +8468a04a2a15a3cc80db6acdd16116c94f1b75fe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket0 = 0 + ticket1 = 1 + ticket2 = 2 + + if (speed < 60) + ticket0 + else if (speed > 61 && speed < 80) + ticket1; + else + ticket2; + +} +" +7eae8120dfa39d32e5a88d170692a4e115761a21,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket0 = 0; + ticket1 = 1; + ticket2 = 2, + + if (speed < 60) + ticket0; + else if (speed > 61 && speed < 80) + ticket1; + else + ticket2; + +} +" +d50557aeb0b99ac766599b733a86dcdebd23be1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) //If it is your birthday + { + if (speed <= 60) //Checks if speeding + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) //Checks if speeding on birthday + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + +} +" +c49324afa4e8408591f1b765a28cb8b4d323b0eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +bee5ce91652b7a50d596e45e6d2c1f7f4fa819f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed > 60) + { + return 1; + } + else + { + return 2; + } + +} +" +71f5df555e85771e31321b887bc26b0cbec543bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +7545fc00757f38d83d1da969eebe6b00b37f48ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 66 || speed <= 85) + { + return 1; + } + else + { + return 2; + } +} +" +97488d86f3dbfac68a874054ce584fec1079e6a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else (speed >= 81) + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 66 || speed <= 85) + { + return 1; + } + else (speed >= 86) + { + return 2; + } +} +" +5a926b29c7ac12c9598bb64722b9ccae0d37c7f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 66 || speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } +} +" +2f86f14b9781c030b2889b65c645fd58e84302c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 || speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + } + else if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 || speed <= 85) + { + result = 1; + } + else if (speed >= 86) + { + result = 2; + } + return result; +} +" +47175ee8484dfeeec710844b67c2a000a4e8468a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 || speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + } + else if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 || speed <= 85) + { + result = 1; + } + else if (speed >= 86) + { + result = 2; + } + return result; +} +" +36c091a65a5ba6fcae786488b859827ad70d7ded,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 || speed <= 80) + { + result = 1; + } + else if (speed >= 85) + { + result = 2; + } + } + else if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 || speed <= 85) + { + result = 1; + } + else if (speed >= 90) + { + result = 2; + } + return result; +} +" +3ee2876ee0908e98247b416ced0e0c178281cbf9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 || speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + else if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 || speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + return result; +} +" +05e487ecda8fd5bc0b44a790deed8aa8d0e1316b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + else if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + return result; +} +" +f33d585286481b51c7a6c37b6899a21004f196ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65){ + return 0; + } else if (speed > 66 && speed < 85){ + return 1; + } else if (speed > 86){ + return 2; + } + else + if (speed <= 60){ + return 0; + } else if (speed > 61 && speed < 80){ + return 1; + } else if (speed > 81){ + return 2; + } +} +" +383d72593272cf1bb850202ae683e1cd9b920465,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result + if (isBirthday) + if (speed <= 65){ + return 0; + } else if (speed > 66 && speed < 85){ + return 1; + } else if (speed > 86){ + return 2; + } + else + if (speed <= 60){ + return 0; + } else if (speed > 61 && speed < 80){ + return 1; + } else if (speed > 81){ + return 2; + } +} +" +028005e20f5cce64dbb8bcd9167fea4e6a2f7dd1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + if (speed <= 65){ + return 0; + } else if (speed > 66 && speed < 85){ + return 1; + } else if (speed > 86){ + return 2; + } + else + if (speed <= 60){ + return 0; + } else if (speed > 61 && speed < 80){ + return 1; + } else if (speed > 81){ + return 2; + } +} +" +303b2a4b37104170c8181186459f22620d9f8f21,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + if (speed <= 65){ + return 0; + } else if (speed > 66 && speed < 85){ + return 1; + } else if (speed > 86){ + return 2; + } + else + if (speed <= 60){ + return 0; + } else if (speed > 61 && speed < 80){ + return 1; + } else if (speed > 81){ + return 2; + } + if (result == 0){ + return ""no ticket""; + } else if (result == 1){ + return ""small ticket""; + } else { + return ""big ticket""; + } +} +" +daa00e4089f0c7ab1459dfb704ea8ed3e0e4824d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + return ticket = 0; + } + + if (speed > 66 && speed <= 85) + { + return ticket = 1; + } + + if (speed > 86) + { + return ticket = 2; + } + } + + else + { + if (speed <= 60) + { + return ticket = 0; + } + + if (speed > 61 && speed < 80) + { + return ticket = 1; + } + + if (speed > 81) + { + return ticket = 2; + } + } + + return ticket; +}" +4625610774cfc55deb647b2b5410a3757a26c062,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + if (speed > 66 && speed <= 85) + { + ticket = 1; + } + + if (speed > 86) + { + ticket = 2; + } + } + + else + { + if (speed <= 60) + { + ticket = 0; + } + + if (speed > 61 && speed < 80) + { + ticket = 1; + } + + if (speed > 81) + { + ticket = 2; + } + } + + return ticket; +}" +5371e5691b524e5c2c47ba102c531ffd9962b97e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + if (speed <= 65){ + return 0; + } else if (speed > 66 && speed < 85){ + return 1; + } else if (speed > 86){ + return 2; + } + else + if (speed <= 60){ + return 0; + } else if (speed > 61 && speed < 80){ + return 1; + } else if (speed > 81){ + return 2; + } + if (result == 0){ + System.out.println (""no ticket""); + } else if (result == 1){ + System.out.println (""small ticket""); + } else { + System.out.println (""big ticket""); + } +} +" +6ee2ba99f419198dff6198c6ac31ac064ecea265,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + if (speed > 66 && speed <= 85) + { + ticket = 1; + } + + if (speed > 86) + { + ticket = 2; + } + } + + else + { + if (speed <= 60) + { + ticket = 0; + } + + if (speed > 80 && speed < 61) + { + ticket = 1; + } + + if (speed > 81) + { + ticket = 2; + } + } + + return ticket; +}" +b52122446865485ead16499141a4215da12b69bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + + else if (speed > 86) + { + ticket = 2; + } + } + + else + { + if (speed <= 60) + { + ticket = 0; + } + + else if (speed > 80 && speed < 61) + { + ticket = 1; + } + + else if (speed > 81) + { + ticket = 2; + } + } + + return ticket; +}" +e42e971cdac3d4efe82684f9cc05b469b40a68f9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticket = 0; + } + + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + + else if (speed > 86) + { + ticket = 2; + } + } + + else + { + if (speed <= 60) + { + ticket = 0; + } + + else if (speed > 80 && speed < 61) + { + ticket = 1; + } + + else + { + ticket = 2; + } + } + + return ticket; +}" +ded62fea7e6321bad7a9eaa27b53c48bd7f7a15f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + if (speed <= 65){ + return result == 0; + } else if (speed > 66 && speed < 85){ + return result == 1; + } else if (speed > 86){ + return result == 2; + } + else + if (speed <= 60){ + return result == 0; + } else if (speed > 61 && speed < 80){ + return result == 1; + } else if (speed > 81){ + return result == 2; + } + if (result == 0){ + System.out.println (""no ticket""); + } else if (result == 1){ + System.out.println (""small ticket""); + } else { + System.out.println (""big ticket""); + } +} +" +d5f36cb09d66c27598eb8b3b9a8a69bcbfea1e04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + if (speed <= 65){ + return result = 0; + } else if (speed > 66 && speed < 85){ + return result = 1; + } else if (speed > 86){ + return result = 2; + } + else + if (speed <= 60){ + return result = 0; + } else if (speed > 61 && speed < 80){ + return result = 1; + } else if (speed > 81){ + return result = 2; + } + if (result == 0){ + System.out.println (""no ticket""); + } else if (result == 1){ + System.out.println (""small ticket""); + } else { + System.out.println (""big ticket""); + } +} +" +0fddda22f8fcbc3a65fdcc646d3b797a0170ec62,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + if (speed <= 65){ + return result = 0; + } else if (speed > 66 && speed < 85){ + return result = 1; + } else if (speed > 86){ + return result = 2; + } + else + if (speed <= 60){ + return result = 0; + } else if (speed > 61 && speed < 80){ + return result = 1; + } else if (speed > 81){ + return result = 2; + } + if (result = 0){ + System.out.println (""no ticket""); + } else if (result = 1){ + System.out.println (""small ticket""); + } else { + System.out.println (""big ticket""); + } +} +" +ef99ab78d1174c55dc7b2cc10d7b07f9f3a222f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + if (speed < 66) + { + return noTicket; + } + if (66 <= speed && speed <= 85) + { + return smallTicket; + } + else if (86 < speed) + { + return bigTicket; + } + + } + else + { + if (speed < 61) + { + return noTicket; + } + if (61 <= speed && speed <= 80) + { + return smallTicket; + } + else if (81 < speed) + { + return bigTicket; + } + + } +} +" +c077d7450f5922e09aabb68d83a0511dcf2ff88a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + if (66 <= speed && speed <= 85) + { + return smallTicket; + } + else if (85 < speed) + { + return bigTicket; + } + + } + else + { + if (61 <= speed && speed <= 80) + { + return smallTicket; + } + else if (80 < speed) + { + return bigTicket; + } + } +} +" +a093a4f231c6cc71425de9c7bec04a2147313799,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + if (66 <= speed && speed <= 85) + { + return smallTicket; + } + else if (85 < speed) + { + return bigTicket; + } + + } + else + { + if (61 <= speed && speed <= 80) + { + return smallTicket; + } + else if (80 < speed) + { + return bigTicket; + } + } +} +" +cfedc06d97adeec6d15ebd7b5335c663f7b369cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + return ticket = 0; + } + + else if (speed > 66 && speed <= 85) + { + return ticket = 1; + } + + else if (speed > 86) + { + return ticket = 2; + } + } + + else + { + if (speed <= 60) + { + return ticket = 0; + } + + else if (speed > 80 && speed < 61) + { + return ticket = 1; + } + + else + { + return ticket = 2; + } + } + + //return ticket; +}" +82f813126533597966638c20af224da0410f95c8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + return ticket = 0; + } + + else if (speed > 66 && speed <= 85) + { + return ticket = 1; + } + + else if (speed > 86) + { + return ticket = 2; + } + } + + else + { + if (speed <= 60) + { + return ticket = 0; + } + + else if (speed > 80 && speed < 61) + { + return ticket = 1; + } + + else + { + return ticket = 2; + } + } + + return ticket; +}" +c7344b0a20ab9055716180aecb17c3d3e835f3aa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + { + if (66 <= speed && speed <= 85) + { + return smallTicket; + } + else if (85 < speed) + { + return bigTicket; + } + + } + else + { + if (61 <= speed && speed <= 80) + { + return smallTicket; + } + else if (80 < speed) + { + return bigTicket; + } + } + return bigTicket; +} +" +24557b4f7c4bab83d008f7ca951bd2fc6a5c788a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (66 <= speed && speed <= 85) + { + ticket = 1; + } + else if (85 < speed) + { + ticket = 2 + } + + } + else + { + if (61 <= speed && speed <= 80) + { + ticket = 1 + } + else if (80 < speed) + { + ticket = 2 + } + } + return ticket; +} +" +24d41846e68c470e0e67946c03929db137164bf2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (66 <= speed && speed <= 85) + { + ticket = 1; + } + else if (85 < speed) + { + ticket = 2; + } + + } + else + { + if (61 <= speed && speed <= 80) + { + ticket = 1; + } + else if (80 < speed) + { + ticket = 2; + } + } + return ticket; +} +" +09ed28bde83fde5bb616e01eeeb8cbb55df554ca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBrithday) + { + return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + + + } + +} +" +5b5633102ddfa74c52d3c9ad044fed20a0fa9c87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + + + } + +} +" +624b3e895bc986a77053f7f8981f94786c6decf2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return none; +} +" +2212ae246804089334fbd8714701ec1833bcf99f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return none; +} +" +8f6c1fc1fa146b2db29cf3c6af2416586e5d8920,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return null; +} +" +2c57ac650793f6a06815b8c7b5441b6fa19688cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +} +" +f7c56eec8799a7307bb878e45971b4a749a95c91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed +5; + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +} +" +e679ca169713e2179e3e0a2ea3740e6c70b32aa1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +} +" +4af7b07dfbe95037811c26d424719803145a86df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0 + } + else if (60 < speed < 81) + { + return 1 + } + else + { + return 2 + } +} +" +a34bb3e61d151d44512d9d2faad628e614ebe88d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if (60 < speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +118da87cbde8937097ed0d9aad0dc7d397fbbe28,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } +} +" +e78197f24270b15823663ba474102847ec704f91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +02b9247df3a19564b9906bced5de6c2ffbc43e87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed < 80) + { + return 1; + } + else + { + return 2; + } +} +" +ee6da4dbdad1255c9356d5eb9afb6e7190d76a08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +a89ebe7f5123bde14ab215988a0f94f35c303539,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +cabe77f068f81a338a87cf82af916cd4da85d4eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed <= 60 + { + ticket = 0; + } + else if (speed >= 61&& speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +34f428bb5c029239272a0ecded78481e5110c370,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61&& speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +return ticket; +} +" +79c5c7925fff7c74a32ed7686fa21b87b1a46026,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + if (speed <= 65){ + return(0); + }else{ + if(speed >=66 && speed <= 85){ + return(1); + }else{ + return(2); + } + } + }else{ + if (speed <= 60){ + return(0); + }else{ + if(speed >= 61 && speed <= 80){ + return(1); + }else{ + return(2); + } + } + } +} +" +d857769c8589a7436e4b4182c175817d16d788d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday){ + if (speed <= 65){ + result = 0; + }else if (speed > 65 && speed <= 85){ + result = 1; + }else if (speed > 85){ + result = 2; + } + }else{ + if (speed <= 60){ + result = 0; + }else if (speed > 60 && speed <= 80){ + result = 1; + }else if (speed > 80){ + result = 2; + } + + } + + + +} +" +07dd5639f93b8e1d2850b40e7e8a421073d8b2e6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday){ + if (speed <= 65){ + result = 0; + }else if (speed > 65 && speed <= 85){ + result = 1; + }else if (speed > 85){ + result = 2; + } + }else{ + if (speed <= 60){ + result = 0; + }else if (speed > 60 && speed <= 80){ + result = 1; + }else if (speed > 80){ + result = 2; + } + } + return result; + + + +} +" +83f2378049e72f008f10ea317d585d4ba2151333,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 0) { + return 0; + } + else if (speed > 60) && (speed <81) { + return 1; + } + else if (speed>=81) { + return 2; + } + if (isBirthday == True); + if (speed <= 65) { + return 0; + } + else if (speed > 65) && (speed < 86) { + return 1; + } + else if (speed >=86) { + return 2; + } +} + " +e3c4f9cdc4d518c1beb6dc9dafb02671f9027894,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if( (speed>61) && (speed < 81)) + { + return 1; + } + else if( speed >= 81) + { + return 2; + } + else if(isBirthday && speed < 65) + { + return 0; + } + else if(speed < 60) + { + return 0; + } + +} +" +64b411a933cca9542e40a23070fc260041bcbbb2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if( (speed>61) && (speed < 81)) + { + return int 1; + } + else if( speed >= 81) + { + return int 2; + } + else if(isBirthday && speed < 65) + { + return int 0; + } + else if(speed < 60) + { + return int 0; + } + +} +" +9f80f82e41c7eb5339c204daea97f5d055f8a867,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday && speed < 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + +} +" +1cb2edc5d4c25d3a9b282edf63a0c23c3ffab91c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday && speed < 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +8a364c49ac487dc3867e8f62656b2bda725826fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +fba7a1952c2ec800337c7c1c19cbb7e0f6c3f1ad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +676b4d1787eca96f0d252cf9319a7b673a8d4aa0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +b6a71fa21208be6cb50289e95d5593e4d05a41db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday && speeed <=85) + { + return small; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +0a24af79f556ddaa32d0534bf0379542a69b850b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday && speed <=85) + { + return small; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +da261f6bbb919b2ddbe71e2f324a8643059a0cac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + { + this.return 2 + } + } + if speed >= 81 + { + + } +} +" +3ffc4da24dc55659ff0609598d98c156410b9fea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if(isBirthday && speed <=85 && speed >65) + { + return small; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +98605c6c67254df9396fcb1970b14fdc66b25d67,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if (isBirthday && speed == 85) + { + return small; + } + else if(isBirthday && speed <=85 && speed >65) + { + return small; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +b4957ffa09bb195f25d182a6b2e28e6b947ffd39,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if (isBirthday && speed = 85) + { + return small; + } + else if(isBirthday && speed <=85 && speed >65) + { + return small; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +29096134484d04da557932622960d96f062f8f0d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int nothing = 0; + int small = 1; + int big = 2; + + if( !isBirthday && (speed>61) && (speed < 81)) + { + return small; + } + else if( speed >= 81) + { + return big; + } + else if (isBirthday && speed == 85) + { + return small; + } + else if(isBirthday && speed <=85 && speed >65) + { + return small; + } + else if(isBirthday=true && speed <= 65) + { + return nothing; + } + else if(speed < 60) + { + return nothing; + } + return nothing; +} +" +add2935aa35337f726c6dd9572e20ddcef4225d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + { + return 2 + } + else if (speed >= 61) + { + return 1 + } + else + { + return 0 + } + } + if speed >= 81 + { + + } +} +" +368510b6ff799522c96ae0a6ec211ffed23f15a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + else + { + return 0; + } + } + if speed >= 81 + { + + } +} +" +22bc9a8d7e527ff3873fc3cb52ee6b69ef8b494a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + else + { + return 0; + } + } + if (speed >= 81) + { + + } +} +" +b7870313460f47a47d0f150ae19c74de060b910d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + { + return 2; + } + else if (speed >= 66) + { + return 1; + } + else + { + return 0; + } + } + else if (speed >= 81) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +03f91573bc90118e7eaa5aede0919c86d02a9cd0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 0) { + return 0; + } + else if (speed > 60) && (speed <81) { + return 1; + } + else if (speed>=81) { + return 2; + } + if (isBirthday == True); + if (speed <= 65) { + return 0; + } + else if (speed > 65) && (speed < 86) { + return 1; + } + else if (speed >=86) { + return 2; + } +} + " +c5b07290bcfc49fe2108399ddc0a513e5e0f1a93,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + else + if (isBirthday == True); + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} + " +6955c7874cc181d0f9d6ade5d565dfba9af47f35,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } +} + if (isBirthday == True); + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} + " +12e2fdecf951b02ade288a57c4259d86e356a649,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday == True); + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} + " +9f7cabb358a67a54ce58c64d4a9845fcc682c8e5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday); + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} + " +52e1331b468a59a858364230129723f909ef3d19,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} + " +cbfd2ec20228982c3e02a2a9639efb4d1094a008,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} +} + " +613a1432d74c24f78a52497bfc49561b4f7d7ae4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} +} + " +ecbeedda804cf8244d7fbb26f72a160517b63d1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + if speed < 66 + int result = 0; + else if speed < 86 + int result = 1; + else + int result = 2; + else + if speed < 61 + int result = 0; + else if speed < 81 + int result = 1; + else + int result = 2; +} +" +62b5ad44c66156a14ace7d6e8c0535ee2086d733,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + { + if speed < 66 + { + int result = 0; + } + else if speed < 86 + { + int result = 1; + } + else + { + int result = 2; + } + } + else + { + if speed < 61 + { + int result = 0; + } + else if speed < 81 + { + int result = 1; + } + else + { + int result = 2; + } + } +} +" +9464ce63295389c3b1a37c28c65db6aebe7ca37c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + { + int result = 0; + } + else if (speed < 86) + { + int result = 1; + } + else + { + int result = 2; + } + } + else + { + if (speed < 61) + { + int result = 0; + } + else if (speed < 81) + { + int result = 1; + } + else + { + int result = 2; + } + } +} +" +635664a15a49a7b8fd9b879d944012992fdf8a80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + { + return = 0; + } + else if (speed < 86) + { + return = 1; + } + else + { + return = 2; + } + } + else + { + if (speed < 61) + { + return 0; + } + else if (speed < 81) + { + return = 1; + } + else + { + return = 2; + } + } +} +" +b311899e6e66c06ce8e9a74b50015cf00441426f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + { + return 0; + } + else if (speed < 86) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed < 61) + { + return 0; + } + else if (speed < 81) + { + return = 1; + } + else + { + return = 2; + } + } +} +" +fbadd3a097f0ae8119b0cb4d87c76c972fcbdc1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + { + return 0; + } + else if (speed < 86) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed < 61) + { + return 0; + } + else if (speed < 81) + { + return 1; + } + else + { + return 2; + } + } +} +" +577a5c8b2882698b7a03ca1a45ff5f000f223f49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else if (61 < speed <= 81) + { + return 1; + } + else + { + return 2; + } + +} +" +7c52550898b72e10358c2759dd1249a8a9fd5b40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + +} +" +97bb1c73af7d41399dde7d3fbc8f455ef3ec247a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + + if (isBirthday = true) + { + speed = speed + 5; + } + +} +" +d1d4bc2be730635d45719dbc908310d4ab64795e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + + if (isBirthday = true) + { + speed = speed + 5; + return speed; + } + +} +" +a4507be04b8e5ea7bb13180dfb4ae5b651e92b25,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + + if (isBirthday = true) + { + return speed + 5; + } + +} +" +7f97a2feff4e497d03e76d4151df5cc23f4546a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + +} +" +6a2e9f875711d1c422cdc0c8484e46490d00dfaa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (int speed <= 65) + { + int ticket = 0; + } + else if (66 <= int speed <= 85) + { + int ticket = 1; + } + else if (int speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (int speed =< 60) + { + int ticket = 0; + } + else if (61 <= int speed <= 80) + { + int ticket = 1; + } + else if (int speed >= 81) + { + int ticket = 2; + } +} +" +a49f52e66f56bfa450114cbfe0734a857fec1392,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (int speed =< 60) + { + int ticket = 0; + } + else if (61 <= int speed <= 80) + { + int ticket = 1; + } + else if (int speed >= 81) + { + int ticket = 2; + } +} +" +7ee46fd22a63fe21fcdebd8cbea43be922df1753,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + +} +" +b945bb17deb9039fc58d85ce2778b041c9268b7c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed =< 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } +} +" +0a66f708605885cd066b85e65e99640dba42d2e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } +} +" +6f5649d8a35f585b1b0703eb6cde8f356ea17e4c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + +} +" +13d58f624c532328868861f5dabec5a3bd0b4b86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } + } +} + " +1a20828e18fe8de0fbbd06cdca4127be7d2f0871,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } + } + } +} + " +48a792674601fe6b36741098a65828a0e778a0ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = FALSE) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } + } + } +} + " +856e6ebd9e9ce50d5ee814fe18da089e5ba39c57,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday = true) + { + speed = speed + 5; + return speed; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + +} +" +15034fa1ea4c5f434f4bdf37b3e0f75023f70a3f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + +} +" +831bd6d63e25ac51b23067f99779076d35a47b74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } + } + } +} + " +d64bf4973bfaf67f703608ea867f8bafaf29f2f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +3820a35e125203b55fc924dde5648d4960a5d133,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; +} +" +4b44ed031e73566bdd056d89da2452bb302ff753,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 < speed < 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } + } + } +} + " +689d221c456c5c6e6ade3066986dc036a6815c15,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + int ticket = 0; + } + else if (66 <= speed) && (speed <= 85) + { + int ticket = 1; + } + else if (speed >= 86) + { + int ticket = 2; + } + else if (!this.isBirthday()) + { + if (speed <= 60) + { + int ticket = 0; + } + else if (61 <= speed <= 80) + { + int ticket = 1; + } + else if (speed >= 81) + { + int ticket = 2; + } + } + } +} + " +17a66459703f98560c5a628f03555fd4ffffc853,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + + if (isBirthday = true) + { + speed = speed + 5; + } + return speed +} +" +3ba9f3c81e510d1ba5838a3bc5aa0a8e0a1714a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + + if (isBirthday = true) + { + speed = speed + 5; + } + return speed; +} +" +c70f4b6aeb1697fbe15e66d2e8deaa66c9821c7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; +} +" +309585a20aa0b36cdcc619a31909a9ebbb533df3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + int ticket = 0; + } + if (speed <= 80) + { + int ticket = 1; + } + if (speed >= 81) + { + int ticket = 2; + } +} + " +b7c5b8f2e057f15f2062dc78985e5dd0dff84c50,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return = 0; + } + if (speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } +} + " +ea21717d376d229d8b4fbb369b0f98e4a0a6b2d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } +} + " +8b3413a293347a4e59b9a2afb551dd0964a88912,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + " +7a1c04533c8a7ba6b81faeac1f3ad5ab01362e3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return 0; + + if (speed <= 60) + return 0 + else if (speed > 60 && speed <= 80) + return 1 + else + return 2 + + +} +" +93f70801379fcebfbf241c07f623b8a5807fb17b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return 0; + + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + +} +" +94cd395074f631f9522f016ef3b4dd367cba62b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; + + + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + +} +" +b5741c66a52b6b02c51525cdbe76fecd09e63ba5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} +} + " +a89c9fd9b22f3a9e50caad3694570b5bc06a8a44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} +} +} + " +e95a516041d8cf138211c5387fad1379c7c5b8e6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} + + " +ee3828e2fd8c6e74bead34d83c09db1fa75e1842,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (boolean isBirthday) + { + if (int speed <= 65) + { + int noTicket; + } + else if ((int speed >= 66) && (int speed <= 85)) + { + int smallTicket; + } + else if (int speed >= 86) + { + int bigTicket; + } + } + else + { + if (int speed <= 60) + { + int noTicket; + } + else if ((int speed >= 61) && (int speed <= 80)) + { + int smallTicket; + } + else if (int speed >= 81) + { + int bigTicket; + } + } +} +" +0d161c1ade3b37e3748469bedd134cc64185e8e7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} +} + " +b479dcc2636cfd518bc780e1321c7cc5ec10d4d6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <81) { + return 1; + } + else { + return 2; + } + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed < 86) { + return 1; + } + else { + return 2; + } +} +} + " +2e4cbfbb2b34a9093e4d35fc245ea8bd8361695c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday()) + { + if (speed <= 65) + { + int noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + int smallTicket; + } + else if (speed >= 86) + { + int bigTicket; + } + } + else + { + if (speed <= 60) + { + int noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + int smallTicket; + } + else if (speed >= 81) + { + int bigTicket; + } + } +} +" +d38328795f3f7c324be92ffe02f8bd8faddf5efa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) + { + if (speed <= 65) + { + int noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + int smallTicket; + } + else if (speed >= 86) + { + int bigTicket; + } + } + else + { + if (speed <= 60) + { + int noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + int smallTicket; + } + else if (speed >= 81) + { + int bigTicket; + } + } +} +" +f146cf3078cfdcea59387855b9773b062deab00d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) + { + if (speed <= 65) + { + noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + smallTicket; + } + else if (speed >= 86) + { + bigTicket; + } + } + else + { + if (speed <= 60) + { + noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + smallTicket; + } + else if (speed >= 81) + { + bigTicket; + } + } +} +" +b040e84907c3e8d77a5f3330b90c5cf456a1c363,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (! isBirthday) + { + if (speed < = 60) + return 0; + else if (speed > = 61 && speed < = 80) + return 1; + else if (speed > = 81) + return 2; + } + else + { + if (speed < = 65) + return 0; + else if (speed > = 66 && speed < = 85) + return 1; + else if (speed > = 86) + return 2; + } + + + +} +" +e75cfdde63bd63291ed2270d3d926876067f44f5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) + { + if (speed <= 65) + { + return this.noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + return this.smallTicket; + } + else if (speed >= 86) + { + return this.bigTicket; + } + } + else + { + if (speed <= 60) + { + return this.noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + return this.smallTicket; + } + else if (speed >= 81) + { + return this.bigTicket; + } + } +} +" +618549936f8a0a7eae2217d2e817a5b1ea45db71,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) + { + if (speed <= 65) + { + int noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + return this.smallTicket; + } + else if (speed >= 86) + { + return this.bigTicket; + } + } + else + { + if (speed <= 60) + { + return this.noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + return this.smallTicket; + } + else if (speed >= 81) + { + return this.bigTicket; + } + } +} +" +346e004b2f645af93be9a9725d0645df1ee66cfc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; + + +} +" +bc99a911779f1fcaee87427053b31b2450259748,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) + { + if (speed <= 65) + { + this.noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + this.smallTicket; + } + else if (speed >= 86) + { + this.bigTicket; + } + } + else + { + if (speed <= 60) + { + this.noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + this.smallTicket; + } + else if (speed >= 81) + { + this.bigTicket; + } + } +} +" +8d60a1327d49e38ada80a03ab24f30611f8453df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0 + } + else if (speed > 61 && <= 80) + { + return 1 + } + else if (speed > 81) + { + return 2 + } + + +} +" +29210bc0ad58f513aa02f238f2351ab4fedd0673,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int Ticket; + + if (isBirthday) + { + if (speed <= 65) + { + Ticket = noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + Ticket = smallTicket; + } + else if (speed >= 86) + { + Ticket = bigTicket; + } + } + else + { + if (speed <= 60) + { + Ticket = noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + Ticket = smallTicket; + } + else if (speed >= 81) + { + Ticket = bigTicket; + } + } +} +" +a0204937d8b665fd8471028cb04e722ff1cfce69,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int Ticket; + + if (isBirthday) + { + if (speed <= 65) + { + Ticket = noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + Ticket = smallTicket; + } + else if (speed >= 86) + { + Ticket = bigTicket; + } + } + else + { + if (speed <= 60) + { + Ticket = noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + Ticket = smallTicket; + } + else if (speed >= 81) + { + Ticket = bigTicket; + } + } + return Ticket; +} +" +fab5a78f82e50b9f7f853d79b5e0862739408a26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int Ticket = 3; + + if (isBirthday) + { + if (speed <= 65) + { + Ticket = noTicket; + } + else if ((speed >= 66) && (speed <= 85)) + { + Ticket = smallTicket; + } + else if (speed >= 86) + { + Ticket = bigTicket; + } + } + else + { + if (speed <= 60) + { + Ticket = noTicket; + } + else if ((speed >= 61) && (speed <= 80)) + { + Ticket = smallTicket; + } + else if (speed >= 81) + { + Ticket = bigTicket; + } + } + return Ticket; +} +" +1652d49cba76b7fc7c81596427ce0691b9b6a7b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(boolean = isBirthday)) + if (speed < 60) + return 0; + else if (speed >= 60 && speed =< 80) + return 1; + else if (speed > 80) + return 2; + else if (boolean = isBirthday) + if (speed < 65) + return 0; + else if (speed >= 65 && speed =< 85) + return 1; + else if (speed > 85) + return 2; +} +" +7731aa059f2a0ef23dd1162869b61f69d3e1544f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return speed; + if (this.isBirthday()) + this.speed <= 5 + +} +" +acd50a98f56b9b4e43081ee3437a70df83145d3b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return speed; + if (this.isBirthday()) + this.speed <= 5; + +} +" +2a158812402fc9865bb06d31c3d6c33bc7fc8196,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return speed; +} +" +cec1c501bb55606cf8cde05f57f56950602345c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return speed; + if (speed <= 60) + return 0; +} +" +d9831434c0a4228672bb970cdfdc3e668b7d63a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return speed; + if (speed <= 60) + return no ticket; +} +" +74300251056725930f6d7c654c472614d4d77a89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int = (< 65, 1) || int = (< 60, 0)) + return 0; + + else if (int = (> 85, 1) || int = (80, 0)) + return 2; +} +" +6206eb1f42e51bb4688ac50ad8c9a58a8640bfcd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +b3ced7b4315f2a71db1ee475de362c5ddf722114,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + return speed; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + } +} +" +01f93f511e1c9891a8f3c77536f1d7d91c6215e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if(speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + } +} +" +5e2e5b012db60629f45e6d571fa35b4d7c4a89d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if(speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + } +} +} +" +70aa9a0543cdc0eb011e878f547dcc47aa43f79b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + } +} +" +d055de320b8897fafdd36cc919c8a449c1931e4c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; + } +} +" +31553884e4633c20c8f85134d30a77377f642b6d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; +} +" +075397782816d814544f73376d835f829717752a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if(speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return speed; +} +" +38dc8b6fedbd18bebf6bfd95fa9553d0c0f6a1f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if isBirthday == True + { + minSpeed += 5; + maxSpeed += 5; + } + if speed > maxSpeed + { + ticket = 2; + } + else if speed >= minSpeed + { + ticket = 1; + } +} +" +186b2984eb4c9a7e2239632b21715dce65effd9f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int yourSpeed = speed; + boolean birthday = isBirthday; + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if birthday == True + { + minSpeed += 5; + maxSpeed += 5; + } + if yourSpeed > maxSpeed + { + ticket = 2; + } + else if (yourSpeed >= minSpeed) + { + ticket = 1; + } +} +" +c197d68466da427e7925eafb57ce724f12dd5e93,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int yourSpeed = speed; + boolean birthday = isBirthday; + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if birthday = True + { + minSpeed += 5; + maxSpeed += 5; + } + if yourSpeed > maxSpeed + { + ticket = 2; + } + else if (yourSpeed >= minSpeed) + { + ticket = 1; + } +} +" +1dad45f27b8a3fe9bfc4c1575fe943d6385869e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int yourSpeed = speed; + boolean birthday = isBirthday; + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if (birthday = True) + { + minSpeed += 5; + maxSpeed += 5; + } + if (yourSpeed > maxSpeed) + { + ticket = 2; + } + else if (yourSpeed >= minSpeed) + { + ticket = 1; + } +} +" +f00e7572079f3eac192453eb0d0c45858ce96e91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int yourSpeed = speed; + boolean birthday = isBirthday; + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if (birthday == True) + { + minSpeed += 5; + maxSpeed += 5; + } + if (yourSpeed > maxSpeed) + { + ticket = 2; + } + else if (yourSpeed >= minSpeed) + { + ticket = 1; + } +} +" +b4982baab4b431e637e0ac8969ad9ca4f2d9346c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int yourSpeed = speed; + boolean birthday = isBirthday; + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if (birthday == true) + { + minSpeed += 5; + maxSpeed += 5; + } + if (yourSpeed > maxSpeed) + { + ticket = 2; + } + else if (yourSpeed >= minSpeed) + { + ticket = 1; + } +} +" +89cd6f6c24f41b19f0e9af481c4c2d2ca48986fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int yourSpeed = speed; + boolean birthday = isBirthday; + int minSpeed = 61; + int maxSpeed = 80; + int ticket = 0; + if (birthday == true) + { + minSpeed += 5; + maxSpeed += 5; + } + if (yourSpeed > maxSpeed) + { + ticket = 2; + } + else if (yourSpeed >= minSpeed) + { + ticket = 1; + } + return (ticket); +} +" +fdf017078a22cbbd59bfad411ed6c0f894d92f88,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + public int ticketNumber + if (speed = 0 && speed <= 60) + { + ticketNumber = 0 + } + else if (speed > 60 && speed <=80) + { + ticketNumber = 1 + + } + else if (speed >= 81) + { + ticketNumber = 2 + } + + if (isBirthday) + { + if (speed = 0 && speed <= 65) + { + ticketNumber = 0 + } + else if (speed > 65 && speed <= 85) + { + ticketNumber = 1 + } + + else if (speed >= 86) + { + ticketNumber = 2 + } + } + + + +} +" +ce1aea28f8b1018fc933c6146a217a45940d0d8f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + public int ticketNumber + if (speed = 0 && speed <= 60) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <=80) + { + ticketNumber = 1; + + } + else if (speed >= 81) + { + ticketNumber = 2; + } + + if (isBirthday) + { + if (speed = 0 && speed <= 65) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 85) + { + ticketNumber = 1; + } + + else if (speed >= 86) + { + ticketNumber = 2; + } + } + + + +} +" +5bbcac757b38ada64ecaceffd300e83358c686a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + public int ticketNumber; + if (speed = 0 && speed <= 60) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <=80) + { + ticketNumber = 1; + + } + else if (speed >= 81) + { + ticketNumber = 2; + } + + if (isBirthday) + { + if (speed = 0 && speed <= 65) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 85) + { + ticketNumber = 1; + } + + else if (speed >= 86) + { + ticketNumber = 2; + } + } + + + +} +" +971806154af0b05f3b51b9b6619be935afb93a44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + int ticketNumber; + if (speed = 0 && speed <= 60) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <=80) + { + ticketNumber = 1; + + } + else if (speed >= 81) + { + ticketNumber = 2; + } + + if (isBirthday) + { + if (speed = 0 && speed <= 65) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 85) + { + ticketNumber = 1; + } + + else if (speed >= 86) + { + ticketNumber = 2; + } + } + + + +} +" +e9828ec810a56c8c4db70144f8c8252b96dc9c2f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed => 60) + { + int = 0; + } + else if (61 => speed => 80) + { + int = 1; + } + else + { + int = 2; + } +} +" +594e34afa214f20dadab6f9b0a4fd6e62f21bf6a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketAmount; + noTicket = 0 + smallTicket = 1 + bigTicket = 2 + return ticketAmount; + + +} +" +1888ec1d8804f119b24e5e9f11ded0fc18d6f59d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketAmount; + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + return ticketAmount; + + +} +" +0d76d60beba930ddcb0e063d61f3d95eb8085bbf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +89aac957776a6ddd631d70581c4a34130c978720,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } +} +" +e3a54489e915ba597a03cd661293c92a7401c8de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return int 0; + } +} +" +bb0ea2b25e66bbbe7421af51396e9d7a5d98bd5e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + caughtSpeeding = 0; + } +} +" +b06561164f3a003586f409b352c9a82b1764052a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +4b1b6afeb6e838bb332b74f49f434eb305effd35,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && !isBirthday) + { + caughtSpeeding = 0 + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + caughtSpeeding = 1 + } + else if (speed > 81 && !isBirthday) + { + caughtSpeeding = 2 + } + +" +053be918d64f04dd9c22b0a72b8bffc6178c48a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && !isBirthday) + { + caughtSpeeding = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + caughtSpeeding = 1 ; + } + else if (speed > 81 && !isBirthday) + { + caughtSpeeding = 2; + } + +" +1f14944ba1ace4992e95e0c35a8d934987d45cc8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && !isBirthday) + { + caughtSpeeding = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + caughtSpeeding = 1 ; + } + else if (speed > 81 && !isBirthday) + { + caughtSpeeding = 2; + } +} + +" +c9074a2afd0b9ab8dad4e4a685483df7e8978f46,"public int caughtSpeeding(int speed, boolean isBirthday) + ticketnumber = caughtSpeeding +{ + if (speed < 60 && !isBirthday) + { + caughtSpeeding = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + caughtSpeeding = 1 ; + } + else if (speed > 81 && !isBirthday) + { + caughtSpeeding = 2; + } +} + +" +4c63dd86f1c76b74f5d29db57ccc7a4365d4e712,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticketnumber = caughtSpeeding + if (speed < 60 && !isBirthday) + { + ticketnumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketnumber = 1 ; + } + else if (speed > 81 && !isBirthday) + { + ticketnumber = 2; + } +} + +" +b4db0b7f38c247e7235d59d2416d175f1e5855fd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticketnumber = caughtSpeeding; + if (speed < 60 && !isBirthday) + { + ticketnumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketnumber = 1 ; + } + else if (speed > 81 && !isBirthday) + { + ticketnumber = 2; + } +} + +" +1879e74d5e493a85ab741668a7dfe0f615173192,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 60 && !isBirthday) + { + caughtSpeeding = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + caughtSpeeding = 1 ; + } + else if (speed > 81 && !isBirthday) + { + caughtSpeeding = 2; + } +} + +" +84e856e042ceaa45459c0a86f2e9b790004278ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed < 60 && !isBirthday) + { + 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + 1; + } + else if (speed > 81 && !isBirthday) + { + 2; + } +} + +" +cdb7949abe068445b8e5fb698dc88a36a41fa064,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketnumber; + if (speed < 60 && !isBirthday) + { + ticketnumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketnumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketnumber = 2; + } +} + +" +8a099c25a6917bcdef58953bf2369abb9765fae0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketnumber; + if (speed < 60 && !isBirthday) + { + return 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + return 1; + } + else if (speed > 81 && !isBirthday) + { + return 2; + } +} + +" +a8d1af00ef9fe1cf7f2e1831e1c8d1fb687c8abe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketnumber; + if (speed < 60 && !isBirthday) + { + ticketnumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketnumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketnumber = 2; + } + return ticketnumber; +} + +" +ab12039fdbedd9caaea4d4992e8f4975ddff43b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int ticketnumber; + if (speed < 60 && !isBirthday) + { + ticketnumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketnumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketnumber = 2; + } + return ticketnumber; +} + +" +4bdf71959d02594bea3cf877f45dd4fb8e2fefb9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public int ticketnumber; + if (speed < 60 && !isBirthday) + { + ticketnumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketnumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketnumber = 2; + } + return ticketnumber; +} + +" +b1ab2a63d100b55cf8d7fcef3bc6904f896e3b8e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber; + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +81b93f58263d8e4763b15bbc0f785d6397a211c2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber(); + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +5d5800ca0f6abd07f0f3886f741a1f82529b665b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber() + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +a62c4b9bc32471994bb27076f16421bcdee7f4d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber(); + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +02862bb11d838c5d70156bcb45b4ac160204c6ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber; + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +f0663d736705bed3a0971b997f82e5db21e11c1f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticketNumber=0; + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +0c65a76bf564bc3648cbad2b2f55759c22c97ba6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber=0; + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +1808ef0db45365a91c5f2a629c94a11fccbd332b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber=0; + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; + + if (speed < 65 && isBirthday) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 86 && isBirthday) + { + ticketNumber = 1; + } + else if (speed > 86 && isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +c75c485e24e4c799a3d5f3df7906401f1fa6e8ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber=0; + if (speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + else if (speed < 65 && isBirthday) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 86 && isBirthday) + { + ticketNumber = 1; + } + else if (speed > 86 && isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; + + +} + +" +bdc152571b22e89d1399913aa01ae04786a64570,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBrithday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + + } + else + { + + return 2; + + } + } + + else + { + + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + + } + else + { + + return 2; + + } + } + + + } + + + + + + +} +" +5672d372328b9dea50f3b73ab0b8c33902e28010,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = ""no ticket""; + int 1 = ""small ticket""; + int 2 = ""big ticket""; + + if (speed < 60) + { + return 0; + + } + + else if (speed > 61 && speed < 81) + { + return 1; + + } + + else if (speed > 81) + { + return 2; + + } +} +" +3c9164976d5c0935434dfba97d1978281d5bb181,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = 'no ticket' + int 1 = 'small ticket'; + int 2 = 'big ticket'; + + if (speed < 60) + { + return 0; + + } + + else if (speed > 61 && speed < 81) + { + return 1; + + } + + else if (speed > 81) + { + return 2; + + } +} +" +c1124b1400cd5a9c996a20f6f8f0fdfca41d2eca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBrithday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + + } + else + { + + return 2; + + } + } + + + + else + { + + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + + } + else + { + + return 2; + + } + } + + + + + + + + + +} +" +4a29778f5e630d1023c96d9cd41c9f0172acdddd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + + } + else + { + + return 2; + + } + } + + + + else + { + + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + + } + else + { + + return 2; + + } + } + + + + + + + + + +} +" +7a29f046526faa38614cfbbafc64bf5034725fb5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + if (speed < 60) + int 0 = 'no ticket' + int 1 = 'small ticket'; + int 2 = 'big ticket'; + { + return 0; + + } + + else if (speed > 61 && speed < 81) + { + return 1; + + } + + else if (speed > 81) + { + return 2; + + } +} +" +67886a002766cc9c9e7eafc9f815a57af31ebd6c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + if (speed < 60) + { + return 0; + + } + + else if (speed > 61 && speed < 81) + { + return 1; + + } + + else if (speed > 81) + { + return 2; + + } +} +" +e5a5b6a9ae268f64e56d9a6af6e95fb1ac96db38,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = 5; + + } + + if (speed < 60) + { + return 0; + + } + + else if (speed > 61 && speed < 81) + { + return 1; + + } + + else if (speed > 81) + { + return 2; + + } +} +" +a4faaa4490b8c0e6a682fa26c3f08a97a8ece507,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + + } + + if (speed < 60) + { + return 0; + + } + + else if (speed > 61 && speed < 81) + { + return 1; + + } + + else if (speed > 81) + { + return 2; + + } +} +" +69a94338e2300c03a6b55527b72df8b0488c9dba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed < 61) + { + 0 + } + else if (61 < speed < 81) + { + 1 + } + else if (speed > 80) + { + 2 + } + } + while (isBirthday) + { + if (speed < 66) + { + 0 + } + else if (66 < speed < 86) + { + 1 + } + else if (speed > 85) + { + 2 + } + } +} +" +4ad8b085303cb504473ebc53ca9be9a49bce6620,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; + +} +" +18fde08b554fd9fcd1e1a4e26e10907ea1536f33,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + if (speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; +" +1a66fdd014e000fb59da117cfb2dc707b1e26d26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed < 61) + { + 0; + } + else if (61 < speed < 81) + { + 1; + } + else if (speed > 80) + { + 2; + } + } + while (isBirthday) + { + if (speed < 66) + { + 0; + } + else if (66 < speed < 86) + { + 1; + } + else if (speed > 85) + { + 2; + } + } +} +" +ebf9d85fe55802776806ccdac41806406a703ffa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + if (speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; +} +" +f6bea5eef22b562e2d6ae7703f335782bde131db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +95f16b8a28f8083ea67a9af9d550b1f1f4e0a8a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + + speed = speed - 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + + } +} +" +0399dbb0fe697c23b2a0a7b2ca68a2d992f1666b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +9452f8c51f544cfc87c4d9034c7fe67fcc04773a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + ans=0; + else if (speed>=61 && speed<=80) + ans=1; + else if (speed>= 81) + ans=2; +} +" +2fa4cafe541c40dcbbb55f0a12a48ff12adbf48e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; +} +" +7e84f9df9dc4d038870f79944df5a78b4cd04d31,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday speed++5) +} +" +248c428458f3c7c0565b57c39221fcda5f75842e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday speed++5); +} +" +59178f39305442a6fc79f10cf9ffcda540bec9af,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed++5; +} +" +5f7ee9ab36cf478c492c64f348b6a340af555ff2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed+5; +} +" +05db6a273bc81e0a28dc8dca7e4ff232cd436a09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5; +} +" +493d61c336cd8e241b9d49fa4d74fd02ad8fb5e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5;; +} +" +756456bdc02bbd3fa5060577daf35dabc7b51442,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5;;; +} +" +e5818aac81bcd2259aef05f7e60f4a752b3b0c9c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5 +} +" +299da2e584f2109733c8bb10f012b66cda45324b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<= 0) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5; +} +" +5e79dd86b179518777e0c932f6ffb90efec60fb5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public static void main(String args[]) { + int x = 100; + + if( x >= 0 && x <= 60) + { + System.out.print(""Small Ticket""); + } + else if( x == 20 ) + { + System.out.print(""Value of X is 20""); + } + else if( x == 30 ) + { + System.out.print(""Value of X is 30""); + } + else + { + System.out.print(""This is else statement""); + } + } + +} +" +65a9423e13c55427f02269630135944a5617d163,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 100; + + if( x >= 0 && x <= 60) + { + System.out.print(""Small Ticket""); + } + else if( x == 20 ) + { + System.out.print(""Value of X is 20""); + } + else if( x == 30 ) + { + System.out.print(""Value of X is 30""); + } + else + { + System.out.print(""This is else statement""); + } + +} +" +5b362d382e493c526538c40261945ea7e4953ec3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 100; + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; + + if( x >= 0 && x <= 60 ) + { + System.out.print("" 0 ""); + } + else if( x >= 61 && x <= 80 ) + { + System.out.print("" 1 ""); + } + else if( x >= 81 && x <= 100 ) + { + System.out.print("" 2 ""); + } + else + { + + System.out.print(""This is else statement""); + } + +} +" +3620ddf107e686167058e34c8c803cac8ff145f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0, 1, 2; + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; + + if( x >= 0 && x <= 60 ) + { + System.out.print("" 0 ""); + } + else if( x >= 61 && x <= 80 ) + { + System.out.print("" 1 ""); + } + else if( x >= 81 && x <= 100 ) + { + System.out.print("" 2 ""); + } + else + { + + System.out.print(""This is else statement""); + } + +} +" +f93994efa6e52a3665bba053f534d7fa78b34779,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0, 1, 2; + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; + + if( x >= 0 && x <= 60 ) + { + System.out.print("" 0 ""); + } + else if( x >= 61 && x <= 80 ) + { + System.out.print("" 1 ""); + } + else if( x >= 81 && x <= 100 ) + { + System.out.print("" 2 ""); + } + else + { + + System.out.print(""This is else statement""); + } + +} +" +f918ec1474a0e6d29f919145b5ff9c3d9b2c3c34,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + 0 = no ticket; + + if( x >= 0 && x <= 60 ) + { + System.out.print("" 0 ""); + } + else if( x >= 61 && x <= 80 ) + { + System.out.print("" 1 ""); + } + else if( x >= 81 && x <= 100 ) + { + System.out.print("" 2 ""); + } + else + { + + System.out.print(""This is else statement""); + } + +} +" +de07f9f00141d63295bcb3354a35fb8f88e41a7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <61) + { + return 0; + } + else if (speed > 61 && speed < 81) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <66) + { + return 0; + } + else if (speed > 66 && speed < 86) + { + return 1; + } + else + { + return 2; + } + } + +} +" +9efde03e5cbad38101939bfd1b8bf650f3e63782,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <61) + { + return 0; + } + else if (speed > 61 && speed < 81) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed < 66) + { + return 0; + } + else if (speed > 66 && speed < 86) + { + return 1; + } + else + { + return 2; + } + } + +} +" +ce31a2ca0a069642e8935e5d2b6a7d591e3252d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <61) + { + return 0; + } + else if (speed >= 61 && speed < 81) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed < 66) + { + return 0; + } + else if (speed >= 66 && speed < 86) + { + return 1; + } + else + { + return 2; + } + } + +} +" +4cde406f6e34b6a5cc1deafc89731fda80c4f10f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +b04685bc05eeadaa9df61c2da1e547b45cce04bf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if (speed < = 65) + { + return 0 + } + else if (66 < = speed < = 85) + { + return 1 + } + else + { + return 2 + } + + } + else + { + if (speed < = 60) + { + return 0 + } + else if (61 < = speed < = 80) + { + return 1 + } + else + { + return 2 + } + } + +} + + +" +3d8a96752199a95bda3de552f7155aa5f029802d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +72759c7a6be0adc7b0c164c145677f5381be4a72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed < = 65) + { + return 0; + } + else if(66 < = speed < = 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed < = 60) + { + return 0; + } + else if(61 < = speed < = 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +99ff41498cfde106d76c4808a06479964bdde925,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +ab0f76aa9a1dcf548c5090137eadec38037c7b44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +446135adabedeb444f177f4a84890a73c7b96d8e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +3c153931113a714d0797f4f32b3a143380d25492,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) { + return 0; + } + else if (isBirthday <= 65 ) { + return 0; + + } + + if (80 < speed < 61) { + return 1; + } + else if (85 < isBirthday < 66) { + return 1; + } + + if (speed > 81) { + return 2; + } + else if (isBirthday > 86) { + return 2; + } +} +" +dafed965abc9375da2743e5903b96250c3e1f8bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed < 65) + { + return 0; + } + else if(66 < = speed < = 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed < = 60) + { + return 0; + } + else if(61 < = speed < = 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +2bbd3d29dfc5a2be87a903d9ea9a501790ccdc67,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) { + return 0; + } + else if (isBirthday < 65 ) { + return 0; + + } + + if (80 < speed < 61) { + return 1; + } + else if (85 < isBirthday < 66) { + return 1; + } + + if (speed > 81) { + return 2; + } + else if (isBirthday > 86) { + return 2; + } +} +" +abaa7fe388dc18686daf874b0512543e831c7448,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 < = speed < = 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed < = 60) + { + return 0; + } + else if(61 < = speed < = 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +9fd44bed213366a5cdcd55a120bfbaf20f4f8d83,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return 0; + } + else if (isBirthday < 65 ) { + return 0; + + } + + if (80 < speed < 61) { + return 1; + } + else if (85 < isBirthday < 66) { + return 1; + } + + if (speed > 81) { + return 2; + } + else if (isBirthday > 86) { + return 2; + } +} +" +b9e3a31ba842dafbe17620f72a16910ca8abb856,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed < = 60) + { + return 0; + } + else if(61 < = speed < = 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +f3e88b22a485f1680f391425d78cd8c2e65b5d25,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed <= 60) + { + return 0; + } + else if(61 <= speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +6d755722222239dfc1bf1ceaa360dd560b2252a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return 0; + } + else if (isBirthday) { + return 0; + + } + + if (80 < speed < 61) { + return 1; + } + else if (isBirthday) { + return 1; + } + + if (speed > 81) { + return 2; + } + else if (isBirthday) { + return 2; + } +} +" +089f36e989ec0c57f5e57ea55fa093d989b567b4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 2; +} +" +140d06112d73a4bff39a0a590f826400f2338122,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed <= 60) + { + return 0; + } + else if(61 <= speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +70a007a1d79068d152fa93ab338764e5ffc92bff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if(speed <= 60) + { + return 0; + } + else if(61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + +} + + +" +9202ba7ee7d202fd9c00de0b22ed01817ac43f7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed; + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return 0; + } + else if (isBirthday < 65) { + return 0; + + } + + if (80 < speed < 61) { + return 1; + } + else if (85 < isBirthday < 66) { + return 1; + } + + if (speed > 81) { + return 2; + } + else if (isBirthday > 86) { + return 2; + } +} +" +4eed17f199b58f664463a0d06a1db508232984ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return noTicket; + } + else if (isBirthday < 65) { + return noTicket; + + } + + if (80 < speed < 61) { + return smallTicket; + } + else if (85 < isBirthday < 66) { + return smallTicket; + } + + if (speed > 81) { + return bigTicket; + } + else if (isBirthday > 86) { + return bigTicket; + } +} +" +54ba3794ce06b4a8d085d3143370675db2177bb7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return ""invalid entry""; +} +" +b0d5e8f27e331633c87ba6a57daf674cd3a473ea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return noTicket; + } + else if (isBirthday < 65) { + return noTicket; + + } + + if (80 < speed < 61) { + return smallTicket; + } + else if (85 < isBirthday < 66) { + return smallTicket; + } + + if (speed > 81) { + return bigTicket; + } + else if (isBirthday > 86) { + return bigTicket; + } +} +" +5d34ef41768ef62e1d25d91d10ef27a824f4f056,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return noTicket; + } + else if (isBirthday < 65) { + return noTicket; + + } + + if (80 < speed < 61) { + return smallTicket; + } + else if (85 < isBirthday < 66) { + return smallTicket; + } + + if (speed > 81) { + return bigTicket; + } + else if (isBirthday > 86) { + return bigTicket; + } +} +" +23a5105d8279dec4c12245c4e5859e854ef3af65,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return invalid entry; +} +" +21c1875964eb670a8fde12719139a56d6fbc3c21,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 3; +} +" +5d482a90441c9dddb9c9ec46886d45d2f0b34ce3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return ""invalid entry""; +} +" +417ce1342285f2d787d6f9be923ca73da7b6368d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < = 60) + return 0; + else if (speed < = 80) + return 1; + else + return 2; + if(isBirthday) + speed = 5; + +} +" +019a53cdabf1935d989585bcf8658db5cc47e3a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +a7afe3f06c0225d45a7dde9550fd657d891ee7da,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +802592c1f505fa89a674f6681a678b0c5ff1b389,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = 5 + if(speed < = 60) + return 0; + else if (speed < = 80) + return 1; + else + return 2; + + +} +" +dabf1466d9aef1c038fce6c47ebbf3a829421ace,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +245c70591c507bbb7a289b6a2bb0ba31fe245c00,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = 5 + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +f8f37321a791e77585cebf9e322be32354f449d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <61) + { + return 0; + } + else if (speed >= 61 && speed < 81) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed < 66) + { + return 0; + } + else if (speed >= 66 && speed < 86) + { + return 1; + } + else + { + return 2; + } + } + +} +" +d025446c5d0e78de6cbc99359b48bd957eebb35b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5 + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +322b1668846e9becbaee262f4715f06a131dfe3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +7394c7a82d4cbceb37c55ad77f2d6b728e573154,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + + if (speed < 60) { + return 0; + } + + if (80 < speed < 61) { + return 1; + } + + if (speed > 81) { + return 2; + } + +} +" +95b8d51a6b4ae63b278170029c9baaebdaecfbb7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return 0; + } + + if (80 < speed < 61) { + return 1; + } + + if (speed > 81) { + return 2; + } + + while (isBirthday) { + if (speed < 65) { + return 0; + } + if (85 < speed < 66) { + return 1; + } + if (speed > 81) { + return 2; + } + + } + +} +" +a32e1a0a77e5432b83a90dbd07e1dc5172828b43,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public int noTicket = 0; + public int smallTicket = 1; + public int bigTicket = 2; + + if (speed < 60) { + return 0; + } + + if (80 < speed < 61) { + return 1; + } + + if (speed > 81) { + return 2; + } + + while (isBirthday) { + if (speed < 65) { + return 0; + } + if (85 < speed < 66) { + return 1; + } + if (speed > 81) { + return 2; + } + + } + +} +" +4b13eb35e9c48e997a66d03b3a021baf671d9876,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = noTicket; + int 1 = smallTicket; + int 2 = bigTicket; + + if (speed < 60) { + return 0; + } + + if (80 < speed < 61) { + return 1; + } + + if (speed > 81) { + return 2; + } + + while (isBirthday) { + if (speed < 65) { + return 0; + } + if (85 < speed < 66) { + return 1; + } + if (speed > 81) { + return 2; + } + + } + +} +" +f19244e3d467d70228a9981ea99c5cdbfb244c7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 60) { + return 0; + } + + if (80 < speed < 61) { + return 1; + } + + if (speed > 81) { + return 2; + } + + while (isBirthday) { + if (speed < 65) { + return 0; + } + if (85 < speed < 66) { + return 1; + } + if (speed > 81) { + return 2; + } + + } + +} +" +df99cbfcb60cd4763509827cd35cc0b15234530a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber=0; + if (speed >= && speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + else if (speed < 65 && isBirthday) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 86 && isBirthday) + { + ticketNumber = 1; + } + else if (speed > 86 && isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; + + +} + +" +38d5ab446793640e24b1113aedbc14eea92c5da9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber=0; + if (speed >= 0 && speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + else if (speed < 65 && isBirthday) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 86 && isBirthday) + { + ticketNumber = 1; + } + else if (speed > 86 && isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; + + +} + +" +33ea67e97ceb7917ee6ebfd28891c2ef2cb95482,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +181d9104d64896c34a7d677384503acda3af8168,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) { + return 0; + } + + if (speed <= 80) { + return 1; + } + + if (speed >= 81) { + return 2; + } + + if (isBirthday) { + speed = speed - 5; + } + + + +} +" +0495a265b11bef22f53658326693109a74fd8572,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) { + return 0; + } + + if (speed <= 80) { + return 1; + } + + if (speed >= 81) { + return 2; + } + + if (isBirthday) { + speed = speed - 5; + } + + + +}" +01d046f008fe594293ff0a8fe2b001e6f660a83f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +7f7abd02bfbec2528a44aa5d5b862fa9f12db8b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) { + return 0; + } + else if (speed <= 80) { + return 1; + } + else if (speed >= 81) { + return 2; + } + else if (isBirthday) { + speed = speed - 5; + } + + + +}" +262d91ed0f185a4d300fb31a2113126889599e27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) { + return 0; + } + else if (speed <= 80) { + return 1; + } + else if (speed >= 81) { + return 2; + } + else if (isBirthday) { + speed = speed - 5; + } +}" +ba73ae9bffb1094cefc3ac2fd5c51b26b25736d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + return 1; + } + else + { + return 2; + } + } +} +" +72ed39db2a4ed501e62af7c67d7094295577179d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return(0) + } + else if (speed > 61 && speed <80)( + { + return(1) + } + else if (speed > 81) + { + return (2) + } + + if (isBirthday) + { + if (speed < 65) + { + return(0) + } + else if (speed > 66 && speed <85)( + { + return(1) + } + else if (speed > 86) + { + return (2) + } + + + +} +" +cb258838bfc9698e5c426dbbd45a1b6a37a9b74f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) { + speed = speed - 5; + } + if (speed <= 60) { + return 0; + } + else if (speed <= 80) { + return 1; + } + else + return 2; +}" +80630d8740bfedf2a6e24b528602f3c865075275,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return(0); + } + else if (speed > 61 && speed <80)( + { + return(1); + } + else if (speed > 81) + { + return (2); + } + + if (isBirthday) + { + if (speed < 65) + { + return(0); + } + else if (speed > 66 && speed <85)( + { + return(1); + } + else if (speed > 86) + { + return (2); + } + + + +} +" +2281bf8b5b65a48fd57fb6d346e79727de79e15c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +882e984dcf4d3f2a5ea4de6b06e34411f45c4b1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + int value = 0; + } + else if (speed > 61 && speed < 80) + { + return(1); + } + else if (speed > 81) + { + return (2); + } + + if (isBirthday) + { + if (speed < 65) + { + return(0); + } + else if (speed > 66 && speed < 85)( + { + return(1); + } + else if (speed > 86) + { + return (2); + } + + + +} +" +29cecb3651709b30431f65ad06dcad51fdb94171,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; + if (speed < 60) + { + 0 + } + else if (speed >= 61 && <= 80) + { + 1 + } + else if (speed >= 81) + { + 2 + } + else + birthday +} +" +be3f9e148993e53a5c9a8f4f358b3bc6e620a19c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + int value = 0; + } + else if (speed > 61 && speed < 80) + { + int value = 1; + } + else if (speed > 81) + { + int value = 2; + } + + if (isBirthday) + { + if (speed < 65) + { + return(0); + } + else if (speed > 66 && speed < 85) + { + return(1); + } + else if (speed > 86) + { + return (2); + } + + + +} +" +0b19ccc9729c768723b5d47381ddd9cdabc331ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + int value = 0; + } + else if (speed > 61 && speed < 80) + { + int value = 1; + } + else if (speed > 81) + { + int value = 2; + } + + if (isBirthday) + { + if (speed < 65) + { + return(0); + } + else if (speed > 66 && speed < 85) + { + return(1); + } + else if (speed > 86) + { + return (2); + } + } + +} +" +df9a086b5a89636b95504ccefc8704527f8aee4b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +0213426bc68cc0dfeab4855d6916d14d76b1deba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + int value = 0; + } + else if (speed > 61 && speed < 80) + { + int value = 1; + } + else if (speed > 81) + { + int value = 2; + } + + if (isBirthday) + { + if (speed < 65) + { + int value = 0; + } + else if (speed > 66 && speed < 85) + { + int value = 1; + } + else if (speed > 86) + { + int value = 2; + } + } + +} +" +3048a31089b3a7520fb931a4e76e3b939714efa3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +ed9b80c3255cef916c88b5944a177d94bc3bdc22,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + +} +" +b7d5d5590bde31e23ee41e67ec8ade069279409e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) speed >= 5; + if (speed <= 60) return 0; + return (speed > 60 && speed <= 80) ? 1 : 2; +} +" +b89074f1891c479407c4449f94a4e8cd2d869657,"private int ticket +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + { + if speed < 66 + ticket = 0; + else if speed >= 66 && speed <= 85 + ticket = 1; + else if speed > 85 + ticket = 2; + } + else + { + if speed < 61 + ticket = 0; + else if speed >= 61 && speed <= 80 + ticket = 1; + else if speed > 80 + ticket = 2; + } + return ticket; +} +" +d0bf28628f96e2eb33b1d8e9dcdfa5a1dee654f9,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if speed < 66 + ticket = 0; + else if speed >= 66 && speed <= 85 + ticket = 1; + else if speed > 85 + ticket = 2; + } + else + { + if speed < 61 + ticket = 0; + else if speed >= 61 && speed <= 80 + ticket = 1; + else if speed > 80 + ticket = 2; + } + return ticket; +} +" +ba01fdfdeb1bc26963af2254e14ee49659f7f3e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) speed -= 5; + if (speed <= 60) return 0; + else if (speed <= 80) return 1; + else return 2; +} +" +d1bea3ab3b8650dfbbac3370991ef4177c5d444d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed < 80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 66 && speed < 85) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + +} +" +5516eb97716e8b0e7874899ed7b29acde7c0419c,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + ticket = 0; + else if (speed >= 66 && speed <= 85) + ticket = 1; + else if (speed > 85) + ticket = 2; + } + else + { + if (speed < 61) + ticket = 0; + else if (speed >= 61 && speed <= 80) + ticket = 1; + else if (speed > 80) + ticket = 2; + } + return ticket; +} +" +641f427cc324d2aa983acd505a7269cd52b7cb32,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed < 80) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 66 && speed < 85) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } +} +" +45e4a643b1422a5a8d1b00da381b062ea3a3fdb2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed - = 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +1e95168f875eb70ca4e73017bfcfd43093fedd72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +eb46e8829004dd15388d71dc57b36e5ebc80c551,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + if (isBirthday) + if (speed <= 65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; +} +" +782d4a73a9fd12f0e9b8050c8b34b47c8c54db49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +2a788ec00624232d15dd52bc8ebcb16e390638b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed + 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +d1ce612702375eb4f1aa20d198124bfbfa4188ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return 0 + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return 0 + } + else + { + return 1 + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return 1 + } + else + { + return 2 + } + +} +" +8d908d2c3d9ea7e3906a1b847c32bb1aca5a03d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return 0 + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return 0 + } + else + { + return 1 + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return 1 + } + else + { + return 2 + } + } + +} +" +e13e106731dcd0cacc1de9ec5f7e8b57bd35989a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +f76e44d93e23c4f6c3031167afa2617edea41fac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return 0; + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return 0; + } + else + { + return 1; + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + +} +" +f002bd56e73bdc6998166d3d8312370f66d6f31c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return 0; + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return 0; + } + else + { + return 1; + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + return +} +" +93aaff24a3c041a6e0eb6c75002d3c84b295113f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +97e453ef974d8319406c19ba52742c00075e771b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return 0; + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return 0; + } + else + { + return 1; + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + return +} +" +9fca89f00f6c8115b80ae960382c79819594576f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return 0; + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return 0; + } + else + { + return 1; + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + return; +} +" +332ddfca4cc55f072059ff647302ea9db776229f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + //code + } + else + { + if (speed <= 60) + { + return 0; + } + + + + } + + + + +} +" +d09fd80a4acdcb9afbd5854ad0d55fd2c09bb310,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return ticket = 0; + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return ticket = 0; + } + else + { + return ticket = 1; + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return ticket = 1; + } + else + { + return ticket = 2; + } + } + return ticket; +} +" +c970f744b610b9ea106296bee5b914c26a96e309,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + return (ticket); +} +" +7633175b513e8a0f25d7f73f47d7587bf42a3cf4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + //code + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 81) + { + return ""2""; + } + else + { + return 0; + } + + } + + + + +} +" +ad6537958ab1b395d3fafc074af13e29e9a3b9c3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + //code + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 0; + } + + } + + + + +} +" +1619823ab64d59921bff470f02966c342274edec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + //code + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + + } + + + + +} +" +9bc368d1dfe8bf7dedd34887d0d05233d56d36fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + //code + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + + } + + return 1; + + +} +" +c63df4e284646b3ce5c8cd4e113cc34ad0b0e4fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + if (ticket = 0) + { + system.out.println(""No Ticket"") + } + else if (ticket = 1) + { + System.out.println(""Small Ticket"") + } + else if (ticket = 2) + { + System.out.println(""Big Ticket"") + } +} +" +82860e2033dc565efd4c8b4833103e4b54e72abf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + if (ticket = 0) + { + system.out.println(""No Ticket""); + } + else if (ticket = 1) + { + System.out.println(""Small Ticket""); + } + else if (ticket = 2) + { + System.out.println(""Big Ticket""); + } +} +" +c1357c0f4b2409d1f457dcaa9e49bd8571e966ba,"private int ticket +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + if (ticket = 0) + { + system.out.println(""No Ticket""); + } + else if (ticket = 1) + { + System.out.println(""Small Ticket""); + } + else if (ticket = 2) + { + System.out.println(""Big Ticket""); + } +} +" +74c1e6e18f23dc71de41be90b1b5791b2c3d1e02,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + if (ticket = 0) + { + system.out.println(""No Ticket""); + } + else if (ticket = 1) + { + System.out.println(""Small Ticket""); + } + else if (ticket = 2) + { + System.out.println(""Big Ticket""); + } +} +" +68238c36e1c47285cf32d5ef6bf8de6219b49b54,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + if (ticket == 0) + { + system.out.println(""No Ticket""); + } + else if (ticket == 1) + { + System.out.println(""Small Ticket""); + } + else if (ticket == 2) + { + System.out.println(""Big Ticket""); + } +} +" +1e7e12a3490fef5e76b825a95827608894a2d493,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + +} +" +7e32a9b7429a61da668a966ffce8f821a2636fe1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 86) + { + return 2; + } + return 1; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + + } + + return 1; + + +} +" +aa9750dff3ae56c27c1d514307ccc49ea0087b76,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed<=60) + { + return (ticket = 0); + } + else if (speed>60 && speed<=80) + { + if (isBirthday == true && speed<=65) + { + return (ticket = 0); + } + else + { + return (ticket = 1); + } + } + else if (speed>80) + { + if (isBirthday == true && speed<=85) + { + return (ticket = 1); + } + else + { + return (ticket = 2); + } + } + return (ticket); +} +" +1f24876283b3e475e17de054b38800ee84789c26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + if (speed >= 81) + { + return big; + } + else if (speed > 60 && speed < 81) + { + return small; + } + else{ + return none; + } +} +" +7aeaf7e9d5ed33bbb2364c5b0118690cb6ffb3c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + if(isBirthday) + { + if(isBirthday) + { + if (speed >= 81) + { + return big; + } + else if (speed > 60 && speed < 81) + { + return small; + } + else{ + return none; + } + } + else + { + if(isBirthday) + { + if (speed >= 81) + { + return big; + } + else if (speed > 60 && speed < 81) + { + return small; + } + else{ + return none; + } + } + +} +" +46deec570e1380f8afed5bf98a435e61c3d6832b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + if(isBirthday) + { + if(isBirthday) + { + if (speed >= 86) + { + return big; + } + else if (speed > 65 && speed < 86) + { + return small; + } + else{ + return none; + } + } + else + { + if(isBirthday) + { + if (speed >= 81) + { + return big; + } + else if (speed > 60 && speed < 81) + { + return small; + } + else{ + return none; + } + } + } +} +" +4e4a66bd9800040c3af7e41d04c74b1d9413b6d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + + if(isBirthday) + { + if (speed >= 86) + { + return big; + } + else if (speed > 65 && speed < 86) + { + return small; + } + else + { + return none; + } + else + { + if (speed >= 81) + { + return big; + } + else if (speed > 60 && speed < 81) + { + return small; + } + else{ + return none; + } + } + +} +" +e8be779c099541f29007063e59e0ba3d160720f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + + if(isBirthday) + { + if (speed >= 86) + { + return big; + } + else if (speed > 65 && speed < 86) + { + return small; + } + else + { + return none; + } + else if + { + if (speed >= 81) + { + return big; + } + else if (speed > 60 && speed < 81) + { + return small; + } + else{ + return none; + } + } + +} +" +fda683ed40bbcc792d996e3102facb2610053ab0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + if(isBirthday) + { + if(speed >= 86) + { + return big; + } + else if(speed >= 65 && speed < 86) + { + return small; + } + else + { + return none; + } + } + else + { + if(speed >= 81) + { + return big; + } + else if(speed >= 60 && speed < 81) + { + return small; + } + else + { + return none; + } + } +} + + + " +f5ccf8b27d281707cf12a71fdc660d068d1fd3e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + if(isBirthday) + { + if(speed >= 86) + { + return big; + } + else if(speed >= 66 && speed < 86) + { + return small; + } + else + { + return none; + } + } + else + { + if(speed >= 81) + { + return big; + } + else if(speed >= 61 && speed < 81) + { + return small; + } + else + { + return none; + } + } +} + + + " +1b4089993342f738e043bf22ec81e3b0a8d30f6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == 0) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +ce2da18c38abdbf475a2eb22b3b8523e9ba05cba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday()) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +b0a245630700214b32e9c1ed3eeda1de774747b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + boolean isBirthday; + int speed; + int caughtSpeeding; + if (!this.isBirthday()) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +931170f9377aca2fdde7eaadfc302e3a2337f367,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +755be7539b50e43f65e68e690b1ff5051dfc24ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +b607b7c4d3a0e6a805dcc30a962c7f9f57f4a8ce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +9245090cd789a221abc2a73003f3b0f3044cd0d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + 0; + else if (80 < speed > 61) + 1; + else (speed > 81) + 2; + if (isBirthday && speed < 65) + 0; + else if (isBirthday && 85 < speed > 66) + 1; + else (isBirthday && speed > 86) + 2; +} +" +22e4682935a87d529ba4874f91a063fd1e723ad4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + this.0; + else if (80 < speed > 61) + this.1; + else (speed > 81) + this.2; + if (isBirthday && speed < 65) + this.0; + else if (isBirthday && 85 < speed > 66) + this.1; + else (isBirthday && speed > 86) + this.2; +} +" +4aa3998319e4f66168c4520d759b12e7791f7616,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +cc4348c880d4884f2b547616f74ea2e2de9d9aa5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) + speed = 5; +if(speed <= 60) + + return 0; + + else if(speed <= 80) +return 1; +else +return 2; +} +" +3a3c68deddcec296cf95af096e09b02873819d46,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) + speed = 5; +if(speed <= 60) + + return 0; + + else if(speed <= 80) +return 1; + + else +return 2; +} +" +ce8dbce555f653b23d656a01c5243e1f086013d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a = no ticket, b = small ticket, c = big ticket; + if (speed < 60) + return a; + else if (speed > 61 && <= 81) + return b; + else if (speed > 81) + return c; +} +" +3609deee6cd694a41d184defabe9fbc9b60860d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == TRUE) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +3bf470624bfe5564efc78513f67903054bd0c000,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a = no ticket, b = small ticket, c = big ticket; + if (speed < 60){ + return a; + } + else if (speed > 61 && <= 81){ + return b; + } + else if (speed > 81){ + return c; + } +} +" +8e5942df38f4b5aedeae840711e66425d4467d5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a = no ticket; + int b = small ticket; + int c = big ticket; + + if (speed < 60){ + return a; + } + else if (speed > 61 && <= 81){ + return b; + } + else if (speed > 81){ + return c; + } +} +" +3e0c891830157e3a81ea670f34f66b3f60c3b5e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = no ticket; + int 1 = small ticket; + int 2 = big ticket; + + if (speed < 60){ + return 1; + } + else if (speed > 61 && <= 81){ + return 2; + } + else if (speed > 81){ + return 3; + } +} +" +273b1cdda4e9bc1f05aabdf26617d9ae091a3ab4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday.equals(TRUE)) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +581c190c67bddb9c02f6105c380a7b37fed428de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday.isTrue()) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +ddd6245547209692b09890f4692000ac57f499ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday= true) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +408e2176b789ee536ce0352ae42df3428905258c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< 60 && !isBirthday) { + return 0; + } + + else if (speed >60 && speed <81 && !isBirthday) { + return 1; + + } + + else if (speed > 80 && !isBirthday) { + return 2; + } + + else if (speed =< 65 && isBirthday) { + return 0; + } + + else if (speed >65 && speed <86 &&isBirthday) { + return 1; + + } + + else if (speed > 85 && isBirthday) { + return 2; + } + +} +" +a752855c66984b9a8af655d6fab17a7038e21a80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else if(speed >= 86) + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else if(speed>=81) + { + return 2; + } + } +} +" +8cc767cae57a86fe3420d6c066338ffaa5a0a6f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if (speed <= 80 && speed > 60) + return 1; + else if (speed >= 81) + return 2; +} +" +8e0dc28f36c34cb8b18cee13508d3a5fc3ebe208,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((speed =< 60) && (!isBirthday)) { + return 0; + } + + else if (speed >60 && speed <81 && !isBirthday) { + return 1; + + } + + else if (speed > 80 && !isBirthday) { + return 2; + } + + else if (speed =< 65 && isBirthday) { + return 0; + } + + else if (speed >65 && speed <86 &&isBirthday) { + return 1; + + } + + else if (speed > 85 && isBirthday) { + return 2; + } + +} +" +6e1184a7033cf81bf88459f6cf0a7639df5581f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((speed =< 60) && (!isBirthday)) + { + return 0; + } + + else if (speed >60 && speed <81 && !isBirthday) + { + return 1; + + } + + else if (speed > 80 && !isBirthday) + { + return 2; + } + + else if (speed =< 65 && isBirthday) + { + return 0; + } + + else if (speed >65 && speed <86 &&isBirthday) + { + return 1; + + } + + else if (speed > 85 && isBirthday) + { + return 2; + } + +} +" +e6717da459063eac39615854ae326d7e2e75628f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if (speed <= 80 && speed > 60) + return 1; + else if (speed >= 81) + return 2; +} +" +46f3c14616cc0dca19c75c2f4d282dae8c74ad54,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +15266bccb5024fee762e97666717657a7c7fa7cd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) + speed = 5; +if(speed <= 60) +return 0; +else if(speed <= 80) +return 1; +else +return 2; +} +" +9305ef9c2d9f74a1a96d295d0d217a98b353845c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + + else if (speed >60 && speed <81 && !isBirthday) + { + return 1; + + } + + else if (speed > 80 && !isBirthday) + { + return 2; + } + + else if (speed =< 65 && isBirthday) + { + return 0; + } + + else if (speed >65 && speed <86 &&isBirthday) + { + return 1; + + } + + else if (speed > 85 && isBirthday) + { + return 2; + } + +} +" +f713c09df43315f3b0dc998e58737fbed235655a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80 && speed > 60) + return 1; + else if (speed >= 81) + return 2; +} +" +9a04f869175c00fa3891fbacc5372f45f3ee881a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + + else if (speed > 60 && speed < 81 && !isBirthday) + { + return 1; + + } + + else if (speed > 80 && !isBirthday) + { + return 2; + } + + else if (speed <= 65 && isBirthday) + { + return 0; + } + + else if (speed > 65 && speed < 86 &&isBirthday) + { + return 1; + + } + + else if (speed > 85 && isBirthday) + { + return 2; + } + +} +" +5e161cbdf9a4b273624af773e0e308048ffbb406,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) + speed = 5; +if(speed <= 60) +return 1; +else if(speed <= 80) +return 1; +else +return 2; +} +" +285b0ebc96cf7f19a77eac25a5a45543b216c70c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +f49bb52083166dbb67987b4b3ca493b78dedb687,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if(speed<=65) + { + return 0; + } + else if(speed>=66 && speed<=85) + { + return 1; + } + else + { + return 2; + } + } + else + { if(speed<=60) + { + return 0; + } + else if(speed>=61 && speed<=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +9a636864c99867f1f92c8648e090cf83a0d5d564,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = - 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +9ec417743ccaeb7a37e454af09f997f760e7dbff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) + speed -= 5; +if(speed <= 60) +return 0; +else if(speed <= 80) +return 1; +else +return 2; +} +" +a415454b4126d45b0a03dcbe9b47c89f8f3a76e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = -5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +452d93e234ede447738fc7c0914f422c8aff0402,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (speed <= 60 && !isBirthday) + { + ticket = 0; + } + + else if (speed > 60 && speed < 81 && !isBirthday) + { + ticket = 1; + + } + + else if (speed > 80 && !isBirthday) + { + ticket = 2; + } + + else if (speed <= 65 && isBirthday) + { + ticket = 0; + } + + else if (speed > 65 && speed < 86 &&isBirthday) + { + ticket = 1; + + } + + else if (speed > 85 && isBirthday) + { + ticket = 2; + } + + return ticket; +} +" +28896aedf4f6af271da51f3b22ac6afa9f49aef4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +5cd2dfcad4b7951e00ea191d2484b223a8f54993,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = - 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +534234bd7bcb6aae79aae9648f319362668c44b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +473ffc43fc25a3c58be4e8c5bc1bee96e84344f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + + if (!notBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } +} +" +250fef33108054036c95af62529cff6bda002a41,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } +} +" +687e1cad138c8d83d9517288f2f0c0967f50f96e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return ticket; +} +" +3fb6cff1fea40eba1f7157a24749d5d33e3fc5a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return int; +} +" +a8ffa46921262490e3eaae76110f337cd940a477,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } +} +" +d7af9b147b7a967bb00380326b977b45b2cc440a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + +} +" +d56a8f6a75e68852f355ff2863af463e6b205ab2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } +} +" +0ab8fc958652e008680a458c8619bb8c402afc1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return int; +} + +" +f52c31337405d873bd7b8a13a53b3f5e355305bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return int speed; +} + +" +8f4faa8f8449f36bac8d7df453d4e4dbd4211d36,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return speed; +} + +" +074c941dc0cb9a568fb9a73bf4a7d0ff308f4e09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + if(speed < 61) + { + return 0; + } + else if (60 < speed < 81) + { + return 1; + } + else + { + return 2; + } + } + else + { + if(speed < 66) + { + return 0; + } + else if (65 < speed < 86) + { + return 1; + } + else + { + return 2; + } + } +} +" +06d40b4d4351b5b7b87355cb6ac4495ee0d3470d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if(speed < 61) + { + return 0; + } + else if (60 < speed < 81) + { + return 1; + } + else + { + return 2; + } + } + else + { + if(speed < 66) + { + return 0; + } + else if (65 < speed < 86) + { + return 1; + } + else + { + return 2; + } + } +} +" +f21a27a7d9a1c38d5a65895c40b85fdd46d6fb2e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if(speed < 61) + { + return 0; + } + else if (60 < speed && speed < 81) + { + return 1; + } + else + { + return 2; + } + } + else + { + if(speed < 66) + { + return 0; + } + else if (65 < speed < 86) + { + return 1; + } + else + { + return 2; + } + } +} +" +eb3549b48f01d321dae830faf44e282387fabebd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if(speed < 61) + { + return 0; + } + else if (60 < speed && speed < 81) + { + return 1; + } + else + { + return 2; + } + } + else + { + if(speed < 66) + { + return 0; + } + else if (65 < speed && speed < 86) + { + return 1; + } + else + { + return 2; + } + } +} +" +d585d202c3aa4300910f920acc775da4a03e5a13,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if(speed < 61) + { + return 0; + } + else if (60 < speed && speed < 81) + { + return 1; + } + else + { + return 2; + } + } + else + { + if(speed < 66) + { + return 0; + } + else if (65 < speed && speed < 86) + { + return 1; + } + else + { + return 2; + } + } +} +" +3e4c6f3cc36fc337d42ce02855debb901a716960,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } +} +" +62d65cb2fb2f001444d2d427660bc115a60e6f1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } +} +" +42239362e13ff3b48946682805539265b4a61859,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +9af426a1d5d47365da8d8b93eaab401f8015a652,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +72672908256478e1f43d201f9062e44bf1dbd898,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + if (s >= 61 && speed <= 80) + { + ticket = 1; + } + if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +0e052ab169245a028a5e5514e70b7ed236c01ba6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + if (s >= 61 && speed <= 80) + { + ticket = 1; + } + if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +4b36d6c1fd67cafd7923abe4f0faa4a90cc6514a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + if (s >= 61 && speed <= 80) + { + ticket = 1; + } + if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +19e28b23b96ebdb14b92e86df303cfa97231fd47,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + if (s >= 61 && speed <= 80) + { + ticket = 1; + } + if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +3e417515172bc4ced45fbc9c5e0765c499b91e14,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + if (s >= 61 && speed <= 80) + { + ticket = 1; + } + if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +644402ce6a2e53a9e5cdeb7ba2f5dac022119453,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +1d541e488183d7f26d573b4eff184c773e7207e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +bc5e5bb533815969e18310afa249182dcfc841fe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +924f477a193d507d169bd89a76b488829ed4c46f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +dc1cfb4ce0e1c66347e497e8272ee1f55a9221df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + speed = speed + 5; + } + if (speed <= 60) + { + int = 0; + } + if (speed > 60 && speed <= 80) + { + int = 1; + } + if (speed > 80) + { + int = 2; + } + + + +} +" +56eb2eb34280fd628bfcd59e6d639855e059ba5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + speed = speed + 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + + + +} +" +4828e461d93c06d449107cf516d5a1db8094e833,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + + + +} +" +80a248c53ad06526fb495a6a1ae600efaf297e6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (speed > 60 && speed <= 80) + { + caughtSpeeding = 1; + } + if (speed > 80) + { + caughtSpeeding = 2; + } + + + +} +" +3e90162a98e27dce59b23406f5c4c8107dd825de,"public int caughtSpeeding(int speed, boolean isBirthday, int ticket) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + caughtSpeeding = 1; + } + if (speed > 80) + { + caughtSpeeding = 2; + } + + + +} +" +64b6f7ba801c842176f38efd32f66307e47cf550,"public int caughtSpeeding(int speed, boolean isBirthday, int ticket) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + +} +" +2ca7b7134a148115e6a79181ccb00059e0e7ba9c,"public int caughtSpeeding(int speed, boolean isBirthday, int ticket) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } +}" +facda8f8edf2c3c71016bb299fda8c03f3e30455,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && isBirthday == False) + { + print(""0""); + } + else if (61<= speed <= 80 && isBirthday == False) + { + print(""1""); + } + else if(speed > 81 && isBirthday ==False) + { + print(""2""); + } +} +" +2423fffce9c355247c41afcbc38b47e433524859,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed < 60 && boolean isBirthday == False) + { + print(""0""); + } + else if (61<= speed <= 80 && isBirthday == False) + { + print(""1""); + } + else if(speed > 81 && isBirthday ==False) + { + print(""2""); + } +} +" +3c95ed743dc2d68451ae2e76f2ce676404e53820,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if(speed <= 60) { + return 0; + } else if ((speed >= 61) && (speed <= 80)) { + return 1; + } else if (speed >= 81) { + return 3; + } + } + else { + if(speed <= 65) { + return 0; + } else if ((speed >= 66) && (speed <= 85)) { + return 1; + } else if (speed >= 86) { + return 3; + } + } + +} +" +b7b121dda9c486f20d05c6e62d63561f4b25a6bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if(speed <= 60) { + return 0; + } else if ((speed >= 61) && (speed <= 80)) { + return 1; + } else { + return 3; + } + } + else { + if(speed <= 65) { + return 0; + } else if ((speed >= 66) && (speed <= 85)) { + return 1; + } else { + return 3; + } + } + +} +" +65b76946a767484a3b70c6e79673bb9f4527c39e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) { + if(speed <= 60) { + return 0; + } else if ((speed >= 61) && (speed <= 80)) { + return 1; + } else { + return 3; + } + } + else { + if(speed <= 65) { + return 0; + } else if ((speed >= 66) && (speed <= 85)) { + return 1; + } else { + return 3; + } + } + +} +" +fc00145aa4e233a410bd63166ee13ea2a73e0707,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) { + if(speed <= 60) { + return 0; + } else if ((speed >= 61) && (speed <= 80)) { + return 1; + } else { + return 2; + } + } + else { + if(speed <= 65) { + return 0; + } else if ((speed >= 66) && (speed <= 85)) { + return 1; + } else { + return 2; + } + } + +} +" +6bc23be44ef896834583e2c3cf448301ad6c825f,"public int caughtSpeeding(int speed, boolean isBirthday, int ticket) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } +}" +4ebe9d3193ace6cf07e3a1e37f0220cb996d86cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + int ticket = 0; + } + if (speed > 60 && speed <= 80) + { + int ticket = 1; + } + if (speed > 80) + { + int ticket = 2; + } +}" +683e5570a566df9280ea1bbc3df49dd480309149,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + int ticket = 0; + } + if (speed > 60 && speed <= 80) + { + int ticket = 1; + } + if (speed > 80) + { + int ticket = 2; + } return +}" +12dd8d4d594697e1bbdd2eecb8cce8053936cabc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + int ticket = 0; + } + if (speed > 60 && speed <= 80) + { + int ticket = 1; + } + if (speed > 80) + { + int ticket = 2; + } + return; +}" +bcfe297cbddd8378cc2a6600f052f40c482bc1f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + int ticket = 1; + } + if (speed > 80) + { + int ticket = 2; + } + return +}" +2d1c0e2a39dbc279838e21975cff575c6f2b32a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + +}" +b09cd418a52e2fefde3b3a44bf77df132e34bbc5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } +} +}" +79734f0f6100bb65cd137f9142d852c0ab200842,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public int 0 = ""no ticket"" + public int 1 = ""small ticket"" + public int 2 = ""big ticket"" + if (speed <= 60); + then 0; + + else if (speed > 61 || speed < 80); + then 1; + + else if (speed >= 81) + then 2; + + + + +} +" +6bc271069a79c4f1c91b516be4761832e090eea9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public int 0 = ""no ticket""; + public int 1 = ""small ticket""; + public int 2 = ""big ticket""; + if (speed <= 60); + then 0; + + else if (speed > 61 || speed < 80); + then 1; + + else if (speed >= 81) + then 2; + + + + +} +" +b6e0e2017b40ba75ac8965e3c6e87075d2bd416d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +5bb5a15e6c7099010683ca3c2d111161687d6575,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +adb7c6a35b370eb4a76c49d62684bbb656f53ac8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; + + if (speed <= 60); + return 0; + + else if (speed > 61 || speed < 80); + return 1; + + else if (speed >= 81) + return 2; + + + + +} +" +9c4652681d72b4384c1925f7f7cf53b046187811,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; + + if (speed <= 60); + return 0; + + else if (speed > 61 || speed < 80); + return 1; + + else (speed >= 81) + return 2; + + + + +} +" +fff64c105571558692559543ac73ea11d20f841b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; + + else if (speed <= 60); + return 0; + + else if (speed > 61 || speed < 80); + return 1; + + else (speed >= 81) + return 2; + + + + +} +" +648f9dd9f8f3d8da7ba1209c9f1127a752b17c52,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + speed -= 5; + + else if (speed <= 60); + return 0; + + else if (speed > 61 || speed < 80); + return 1; + + else if (speed >= 81); + return 2; + + + + +} +" +9b6a3898195abec98a02cc28f88dffdfd7822e49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + speed -= 5; + + elseif (speed <= 60); + return 0; + + elseif (speed > 61 || speed < 80); + return 1; + + elseif (speed >= 81); + return 2; + + + + +} +" +bc0dba318c384f64e938c1ab019304b07e40304e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; + + else if(speed <= 60); + return 0; + + else if(speed > 61 || speed < 80); + return 1; + + else if(speed >= 81); + return 2; + + + + +} +" +dae0324d7fa4ab53704333746e73f8d21845c451,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if is birthday + if speed <= 65 + 0 + else if 65 < speed <= 85 + 1 + else + 2 + else + if speed <= 60 + 0 + else if 60 < speed <= 80 + 1 + else + 2 + + + +} +" +8bbf9e60bd6014fdd2390c2367b44717ba3574cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (is birthday) + if (speed <= 65) + return 0; + else if (65 < speed <= 85) + return 1; + else + return 2; + else + if (speed <= 60) + return 0; + else if (60 < speed <= 80) + return 1; + else + return 2; +} +" +16aa16e1dc59597d02bbe213384686c4f37fdbe8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; + + if(speed <= 60); + return 0; + + else if(speed > 61 || speed < 80); + return 1; + + else + return 2; + + + + +} +" +c2a8e9977bcd59963948facc6b30d48b50d01d8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; + + if(speed <= 60); + return 0; + + else if(speed > 61 || speed < 80) + return 1; + + else + return 2; + + + + +} +" +6ece4c608586ecfb54f4fa94d6311be410740cae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + + if(speed <= 60) + return 0; + + else if(speed > 61 || speed < 80) + return 1; + + else + return 2; + + + + +} +" +8da0914c403ded75760891a4a30eea197df81b9a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (is birthday) + { + if (speed <= 65) + return 0; + else if (65 < speed <= 85) + return 1; + else + return 2; + else + if (speed <= 60) + return 0; + else if (60 < speed <= 80) + return 1; + else + return 2; + } +} +" +6e3c7dd75aa61b9a411ceb3b58802d3c370c6180,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && isBirthday = False) + { + print(""0""); + } +} +" +4cd18b35c5aecbf62163b7eac8ec4a6cc99db506,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + + if(speed <= 60) + return 0; + + else if(speed <= 80) + return 1; + + else + return 2; + + + + +} +" +a0493e9c36050fb6aaa2dd923c4b7c67fb40e84d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (is birthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else + { + return 2; + } + else + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +656e14bb4dacb834e095cfd09f18d6a68f2ffb91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(<60, False) + { + print(""0""); + } +} +" +eb4f806fa15aec0f94e5f819e41bea1e0903e916,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed<60, False) + { + print(""0""); + } +} +" +f11bcc31e60fad96be678fe7bcd999649b02afff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, False) + { + print(""0""); + } +} +" +75fad2c64db550c30eb3103e99e9adbc69003889,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else + { + return 2; + } + else + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +ca99a3669082f6e7d5189643c11df2875ba4ae4a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, False)) + { + print(""0""); + } +} +" +2cf944b0fa391dcfbd89c020d114430c44375595,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else + { + return 2; + } + else if + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +fb3beaeb52159e1ec6e5fd276340ef708e384d19,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else + { + return 2; + } + if + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +3b7ef43a30fba0c305e7f138a427e02e12b8630e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, isBirthday = False)) + { + print(""0""); + } +} +" +10ae4ca292d170f2055a9fcc722e18d4be71a793,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, isBirthday == False)) + { + print(""0""); + } +} +" +363559f8055d605626a0c8a4c1422a5c1c0cb01c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, isBirthday = False)) + { + print(""0""); + } +} +" +2b8921a75db24d2ea9ff92f0f4ba0209ff76fd35,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +cc53f5ceda9f477e7046bc98535604f9cedd018d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +" +c05e4ba4f54a809a79587aa681cc5ffcad2dd80a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, isBirthday != True)) + { + print(""0""); + } +} +" +9fb440084960aee5c9da2e8f97dbff83b6d46818,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(speed < 60, isBirthday = FALSE)) + { + print(""0""); + } +} +" +122304a4cb44c1a5657f8a6f60796ee4d2b4cd0b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +" +0f94b2d1c158912d10cf1ab7c61ea0c96b9e6c4f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (60 < speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +" +07bafb68d235f19d926b936ab039424f68a0c9c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + { + if (speed <= 60) + { + return 0; + } + else if (speed <=80 && speed > 61) + { + return 1; + } + else + { + return 2; + } + } +} +" +d5c3166ad2598d101d07e79b944d9eaeb3ae18db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed <=80 && speed > 61) + { + return 1; + } + else + { + return 2; + } + } +} +" +920dd9ec912e1517f12a0cc186c009039eb6f29b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(caughtSpeeding.speed < 60 && caughtSpeeding.isBirthday = FALSE)) + { + print(""0""); + } +} +" +13a46b294eadc26319048ce3e971ee47f61744c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(caughtSpeeding.speed < 60 && caughtSpeeding.isBirthday = FALSE) + { + print(""0""); + } +} +" +7b75658cfe137f3980a69d1bf13c29377e8100c7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(this.speed < 60 && this.isBirthday = FALSE) + { + print(""0""); + } +} +" +1f74f9e517f72f3c1a8ed3069eac3140c0d39914,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <=80 && speed > 61) + { + return 1; + } + else + { + return 2; + } +} +" +ecfe94b93928e794a65ed0f8b415ed044bf176a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + else + speed = speed; + + if (speed <= 60) + { + return 0; + } + else if (speed <=80 && speed > 61) + { + return 1; + } + else + { + return 2; + } +} +" +449c25168277fbecb5660eb70e7019afab36425e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed <=80 && speed > 61) + { + return 1; + } + else + { + return 2; + } +} +" +6a0bab368457949b7486f8082612afc9450a730a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } +} +" +cfac775661d26814e32a13982670628b9654ad6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +75c66b58844530a05c4e8cd896f74cfa683d06e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + realspeed = speed; + + if (isBirthday) + { + realspeed = realspeed - 5; + } + + + if (realspeed <= 60) + { + return 0; + } + + else if (realspeed >= 61 && realspeed <= 81) + { + return 1; + } + + else + { + return 2 + } + +} +" +fac1e12bfec0c90865ba3c43d3baabac693e6844,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + realspeed = speed; + + if (isBirthday) + { + realspeed = realspeed - 5; + } + + + if (realspeed <= 60) + { + return 0; + } + + else if (realspeed >= 61 && realspeed <= 81) + { + return 1; + } + + else + { + return 2; + } + +} +" +0d9697eeabc3391721bcc2fa62c1e8458b14c27c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int realspeed = speed; + + if (isBirthday) + { + realspeed = realspeed - 5; + } + + + if (realspeed <= 60) + { + return 0; + } + + else if (realspeed >= 61 && realspeed <= 81) + { + return 1; + } + + else + { + return 2; + } + +} +" +03403abd3de1560cf31c4d10e6a0e9adcd05136e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +8acc325eb3b6b08ccd1e898ca48d8425ffac4e38,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +}" +c19daa537f2edfcb0d23028cced5b4aef1de2126,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else if(86 <= speed) + { + return 2; + } + } + + if(speed <= 60) + { + return 0; + } + else if(61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +6554b401e07b3be2252afd811bf040dcafece16a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int realspeed = speed; + if (isBirthday) + { + realspeed = realspeed - 5; + } + + if (realspeed >= 60) + { + return 0; + } + + else if (realspeed >= 61 && realspeed <= 80) + { + return 1; + } + + else + { + return 2; + } + +} +" +c16149f98bcd5a07d938097827690ed76de679ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int realspeed = speed; + if (isBirthday) + { + realspeed = realspeed - 5; + } + + if (realspeed <= 60) + { + return 0; + } + + else if (realspeed >= 61 && realspeed <= 80) + { + return 1; + } + + else + { + return 2; + } + +} +" +cadff799a9fad1e19b6a89c983dc07e810fabb18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86{ + return 2; + } + else { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=8{ + return 2; + } + } +} +" +92e66dbc3c722e989307429a79afae525de9a443,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86{ + return 2; + } + else { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } +} +" +0d27b9c688fd7b6f5fdc09a18036cf59b2b4f4ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } +} +" +6cd946fa7e897b9da425eef04a6d5a9e952d1362,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +69e9f3852a639ab44c7baa629e0035df6a968040,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +50d9d8753c2bd900766397e1b2f143e2836f77e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTick = 0; + int smallTick = 1; + int bigTick = 2; + if(speed()<=60) + { + return noTick; + }else if(speed()>60 && speed()<80) + { + return smallTick; + }else if(speed()>80) + { + return bigTick; + } + +} +" +0b0d63f6dc15c9dccb64d20c3b78958545b079a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +5945bfa4a3b8a2bc3ca9afda876602b1f490f2b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + if(speed >= 81 || (isBirthday && speed >= 86) + return 2; + +} +" +70dcff4aed38f8efc1dbdd9b29cb6ed561669fe2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + if(speed >= 81 || (isBirthday && speed >= 86)) + return 2; + +} +" +9575d3dac8483279fa0cae629f506b03d22f2824,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + else if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + else(speed >= 81 || (isBirthday && speed >= 86)) + return 2; + +} +" +7b0361ee3016dbed4aaa816828f0f2c2caae9437,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + else if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + else if(speed >= 81 || (isBirthday && speed >= 86)) + return 2; + +} +" +99670657c1394efe4e6b9f8d540c652200ecb109,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + else if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + else if(speed >= 81 || (isBirthday && speed >= 86)) + return 2; + +} +" +2bc93be988f3fd4ac208ec100851adb3f8e4c096,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + else if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + else if(speed >= 81 || (isBirthday && speed >= 86)) + return 2; + else + return 0; +} +" +de1fc4de100b4270929250fc4d8398ada12b6c17,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60 || (isBirthday && speed <= 65)) + return 0; + else if(speed >= 61 && speed <= 80 || (isBirthday && speed >= 66 && speed <= 85)) + return 1; + else if(speed >= 81 || (isBirthday && speed >= 86)) + return 2; + else + return 0; +} +" +3069b7a631fa6cfc932b4e98f74b6794635fdfcd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +e206ea7848b27b1a994fa85c503100c067d1d88b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (assertTrue(this.isBirthday) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +6ec1ed9d44a1881994c871b6b3cfddf3ef103c17,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (assertTrue(this.isBirthday)) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +091f4fe5a6dbeff1096d887b6247907ae695d3e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (assertTrue(this.isBirthday)) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +8cee805794b545ed7c0b6aaf287de3f3591271ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (assertTrue(isBirthday)) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +2c45e3591fdc81ee0bb3f72212ea1c3871096886,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +97914ddfc7d63c124b46b31c8e6cf75d991bab60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +a93d1ab54c876c33b77a1a0236eb467ec822dc8e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +cfdf147cbba2480abe4ad4fd9d7e3a216388b3f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday == 0) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +bc41959585437307f77cdd333324381bf644a47b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == 0) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +9cbe89f81ae9b75afbbf3c383f3c0c511202ae9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (assertFalse(this.isBirthday)) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +ab571029e47ac204b3ece60064b73117191e240d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +29d99bbef25c2cc9df587c4a8c0a0dcab28c43f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed == 0 || speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed == 0 || speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +} +" +90f8c9e875def8dd879135a682c9939736a3e896,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +bfa0ed97267bd1ffdb8d1ada1471783d0819453b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return speed; +} + +" +22243bd972cde0ec7e02b7dc2d3ec6138589f172,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + system.out.println( 2 ); + } + else if (speed > 61 && false) + { + system.out.println ( 1 ); + } + else if (speed <60 && false) + { + system.out.println(0); + } + else if (speed > 86 && true) + { + system.out.println(2); + } + else if (speed > 66 && true) + { + system.out.println(1); + } + else if (speed > 65 && true) + { + system.out.println(0); + } +} +" +613ce31a4267993615936edb04a87817d65873ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + caughtSpeeding = 2; + } + else if (speed > 61 && false) + { + system.out.println ( 1 ); + } + else if (speed <60 && false) + { + system.out.println(0); + } + else if (speed > 86 && true) + { + system.out.println(2); + } + else if (speed > 66 && true) + { + system.out.println(1); + } + else if (speed > 65 && true) + { + system.out.println(0); + } +} +" +e06ef68233a86d37068e3c0933ad1bb2f57b8272,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + + } + else if (speed > 61 && false) + { + system.out.println ( 1 ); + } + else if (speed <60 && false) + { + system.out.println(0); + } + else if (speed > 86 && true) + { + system.out.println(2); + } + else if (speed > 66 && true) + { + system.out.println(1); + } + else if (speed > 65 && true) + { + system.out.println(0); + } +} +" +c2061658f202fba5bc553058363c64468cc85fe8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + 2 + } + else if (speed > 61 && false) + { + + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +63b867ec9fad278d3d0d4ecbdedeb5050039cab8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + 2; + } + else if (speed > 61 && false) + { + + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +bf62b6c78a17ec1c4eb732cc229548b4d0aadc49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + int caughtSpeeding = 1 + } + else if (speed > 61 && false) + { + + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +bef8be8e469b4f31105a9e873e9a3cc2ffe92713,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + int caughtSpeeding = 2; + } + else if (speed > 61 && false) + { + + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +73ac3314a4b01f8802e99ce9d0506a7bf991bd54,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + int caughtSpeeding = 2; + } + else if (speed > 61 && false) + { + int caughtSpeeding = 1; + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +5431532b814919f3ce3b3b3902866995feb0fdb3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + return 2 + } + else if (speed > 61 && false) + { + int caughtSpeeding = 1; + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +f9fd2b0425564719321450bd0cc434a86d19af2d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 81 && false) + { + return 2; + } + else if (speed > 61 && false) + { + int caughtSpeeding = 1; + } + else if (speed <60 && false) + { + + } + else if (speed > 86 && true) + { + + } + else if (speed > 66 && true) + { + + } + else if (speed > 65 && true) + { + + } +} +" +53796381673f642e418417a577f8165704d1696b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + isBirthday = 0; + + +} +" +92370c5e65eeac275ed841bb55486252946dbd18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 & speed <= 85) + { + return 1; + } + else + { + return 0; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <= 80) + { + return 1; + } + else + { + return 0; + } + } +} +" +c07dc86aa6e2c44f5ec00e387b047ef7ef9cc7eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 & speed <= 85) + { + return 1; + } + else + { + return 0; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <= 80) + { + return 1; + } + else + { + return 0; + } + } +} +" +989a2159fb108512ba7a22bc7050e743b6057841,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 & speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 0; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 0; + } + } +} +" +bb3b757952327bf0d0462103a1d053720b83f966,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 & speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 0; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 0; + } + } +} +" +f0d86b923164e43412ad257a7f0586363c7131f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 & speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +} +" +016f70b9535a50036a45242a8b003889a2c3cab4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 & speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 & speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +f94dc8f3ebf95059c5d37d5ae2d15e8d5b06d979,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noticket; + 1 = smallticket; + 2 = big ticket; + + + if (speed <= 60) + { + print 0; + } + + else if (speed > 60 && <=80) + { + print 1; + } + + else + { + print 2; + } + + +} +" +9a19cf0320b3f50b17c07ff2c834dfe3c405f90f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noticket; + 1 = smallticket; + 2 = bigticket; + + + if (speed <= 60) + { + printf 0; + } + + else if (speed > 60 && <=80) + { + printf 1; + } + + else + { + printf 2; + } + + +} +" +dd3c9bdfebde70af857fecb6c5e8821b0952dbe2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noticket; + 1 = smallticket; + 2 = bigticket; + + + if (speed <= 60) + { + printf(0); + } + + else if (speed > 60 && speed <=80) + { + printf(1); + } + + else + { + printf(2); + } + + +} +" +b79074f12a63c95717cfeb6fbb0876fcb2f49588,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (61 <= speed<= 80) + return 1; + if (speed >= 81) + return 2; + if (isBirthday) + return speed + 5; +} +" +a0179e46be4d918e9a8bfb261d8ddfcacc71e5d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (61 <= speed <= 80) + return 1; + if (speed >= 81) + return 2; + if (isBirthday) + return speed + 5; +} +" +076c45a4f09a6acb508f25ebf5a28058d4ed2a42,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (speed >= 61 && speed <= 81) + return 1; + if (speed >= 81) + return 2; + if (isBirthday) + return speed + 5; +} +" +4014e65440a1e8685d34e1ca1fff132ab164ff5e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (speed >= 61 && speed <= 81) + return 1; + if (speed >= 81) + return 2; + if (isBirthday) + return (speed + 5); +} +" +81c3b68c2ee55baeed2ded6ec652a4f4de472d89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + if (speed >= 61 && speed <= 81) + return 1; + if (speed >= 81) + return 2; +} +" +b1bc7fca622172434335f658e9a35953b8fc814f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 81) + return 1; + if (speed >= 81) + return 2; +} +" +a79de228e77ab7bb35093397c2107dc6c22427b0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + speed = speed + 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; +} +" +0b354e1c1e7b05d863b8049533fb97660ab27093,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + speed = speed + 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + return result; +} +" +35e5cdcc535bf460456d8b79123a99a9a1e4855b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + speed = speed + 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + return result; +} +" +b1de058b292b538e4e97393e4c2217bf6c9e1d2d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + speed = speed - 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + return result; +} +" +7e2aa30e4e3fc823e2422a7fe4656efe00fe8fa1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed < 61) + { + ticket = 0; + } + else if (61 < speed < 81) + { + 1; + } + else if (speed > 80) + { + 2; + } + } + while (isBirthday) + { + if (speed < 66) + { + 0; + } + else if (66 < speed < 86) + { + 1; + } + else if (speed > 85) + { + 2; + } + } +} +" +f1333d7b3135369cf9367ea9ec1f82b890bc0133,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed < 61) + { + ticket = 0; + } + else if (61 < speed < 81) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + } + while (isBirthday) + { + if (speed < 66) + { + ticket = 0; + } + else if (66 < speed < 86) + { + ticket = 1; + } + else if (speed > 85) + { + ticket = 2; + } + } +} +" +2733dd3d9b2b5b92b2024d2e8695d936409c4ee1,"public int caughtSpeeding(int speed, boolean isBirthday) +public int ticket(int x) +{ + while (!isBirthday) + { + if (speed < 61) + { + ticket = 0; + } + else if (61 < speed < 81) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + } + while (isBirthday) + { + if (speed < 66) + { + ticket = 0; + } + else if (66 < speed < 86) + { + ticket = 1; + } + else if (speed > 85) + { + ticket = 2; + } + } +} +" +b2605a7140c9e20ca9a88b2927e0662ebabb2122,"public int caughtSpeeding(int speed, boolean isBirthday); +public int ticket(int x); +{ + while (!isBirthday) + { + if (speed < 61) + { + ticket = 0; + } + else if (61 < speed < 81) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + } + while (isBirthday) + { + if (speed < 66) + { + ticket = 0; + } + else if (66 < speed < 86) + { + ticket = 1; + } + else if (speed > 85) + { + ticket = 2; + } + } +} +" +0e010fcab8bdd3dcf52ce8bf0393e2092135ae1a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == false) + { + if(speed<=60) + { + return 0; + } + if (speed>=61 || speed<=80) + { + return 1: + } + if (speed>=81) + { + return 2; + } + } + else + { + if(speed<=65) + { + return 0; + } + if (speed>=66 || speed<=85) + { + return 1: + } + if (speed>=86) + { + return 2; + } + + } +} +" +92f6d7374466254a672c6fc80e28cc65f1e07eea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == false) + { + if(speed<=60) + { + return 0; + } + if (speed>=61 || speed<=80) + { + return 1: + } + if (speed>=81) + { + return 2; + } + } + else + { + if(speed<=65) + { + return 0; + } + if (speed>=66 || speed<=85) + { + return 1; + } + if (speed>=86) + { + return 2; + } + + } +} +" +373da31e1c5e1d95c43ce0dd28e67e2fc26ccd79,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == false) + { + if(speed<=60) + { + return 0; + } + if (speed>=61 || speed<=80) + { + return 1; + } + if (speed>=81) + { + return 2; + } + } + else + { + if(speed<=65) + { + return 0; + } + if (speed>=66 || speed<=85) + { + return 1; + } + if (speed>=86) + { + return 2; + } + + } +} +" +e3aed450b7b926d4e22e8dbe692b9ae96be9054c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == false) + { + if(speed<=60) + { + return 0; + } + if (speed>=61 || speed<=80) + { + return 1; + } + if (speed>=81) + { + return 2; + } + } + else + { + if(speed<=65) + { + return 0; + } + if (speed>=66 || speed<=85) + { + return 1; + } + if (speed>=86) + { + return 2; + } + } +} +" +198bb3860cd6d25a068599d9341bfe612484958b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int big = 2; + int small = 1; + int none = 0; + + if(isBirthday) + { + if(speed >= 86) + { + return big; + } + else if(speed >= 66 && speed < 86) + { + return small; + } + else + { + return none; + } + } + else + { + if(speed >= 81) + { + return big; + } + else if(speed >= 61 && speed < 81) + { + return small; + } + else + { + return none; + } + } +} + + + " +096c5cbef5d1dd0e2c27c926d051dc03a3d32f5c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + + if (isBirthday == false) + { + if(speed<=60) + { + ticket 0; + } + if (speed>=61 || speed<=80) + { + ticket 1; + } + if (speed>=81) + { + ticket 2; + } + } + else + { + if(speed<=65) + { + ticket 0; + } + if (speed>=66 || speed<=85) + { + ticket 1; + } + if (speed>=86) + { + ticket 2; + } + } +} +" +7ecc64e884151e9755055e4ff59a37f51a0fb0b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + + if (isBirthday == false) + { + if(speed<=60) + { + ticket = 0; + } + if (speed>=61 || speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if(speed<=65) + { + ticket = 0; + } + if (speed>=66 || speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } +} +" +b28956b19b8215603743b11933381916c63204c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + + if (isBirthday == false) + { + if(speed<=60) + { + ticket = 0; + } + if (speed>=61 || speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if(speed<=65) + { + ticket = 0; + } + if (speed>=66 || speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + + return ticket; +} +" +d013ed72cce4e62af8d8c007b6ef886e4f5045d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if(speed<=60) + { + caughtSpeeding = 0; + } + if (speed>=61 || speed<=80) + { + caughtSpeeding = 1; + } + if (speed>=81) + { + caughtSpeeding = 2; + } + } + else + { + if(speed<=65) + { + caughtSpeeding = 0; + } + if (speed>=66 || speed<=85) + { + caughtSpeeding = 1; + } + if (speed>=86) + { + caughtSpeeding = 2; + } + } + + return caughtSpeeding; +} +" +e74850c3520d200911e731832576a05e020927b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed < 60 + 0 +} +" +11d4e406e3bf1f7e6bff0dfb63d9fa26f6425973,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if(speed<=60) + { + ticket = 0; + } + if (speed>=61 || speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if(speed<=65) + { + ticket = 0; + } + if (speed>=66 || speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + + return ticket; +} +" +a499e23b8e6f9ad6faa5659848805c8a55f4c638,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if(speed<61) + { + ticket = 0; + } + if (speed>=61 || speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if(speed<66) + { + ticket = 0; + } + if (speed>=66 || speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + + return ticket; +} +" +f5b7fb2256e9fb72facce002b2f6adcb341e5935,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed < 60 + { + 0 + } + else if 60=61 || speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if(speed<66) + { + ticket = 0; + } + if (speed>=66 || speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + + return ticket; +} +" +a72ac9ff906675f01f7343eebcde708f635b81aa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + if (speed <= 60 ) + { + ticket = 0; + } + if (speed <= 80 && speed >= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + } +} +" +491fab1205985cad101a40f91bec29c80b8a120b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed <= (60, 65) + { + 0 + } + else if (60, 65)= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + } +} +" +a407ecdddf29f85dff325c72e1c4b7b4c983a92d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60){ + int2 = 0; + } + if (isBirthday = true){ + if (speed >=61 && speed <= 85){ + int2 = 1; + } + if (speed >= 86){ + int2 = 2; + } + } + if (isBirthday = false){ + if (speed >=61 && speed <=80){ + int2 = 1; + } + if (speed >= 81){ + int2 = 2; + } + } + return int2; +} +" +9856f3aa9f55b83ad2f6b45c73d468d07d2ebbc5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed - 5; + if (speed <= 60 ) + { + ticket = 0; + } + if (speed <= 80 && speed >= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + } + return ticket; +} +" +9d9f714b9cf65aa5dfa95d319e01352502ac78fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60 ) + { + ticket = 0; + } + if (speed <= 80 && speed >= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +9ae90c7a44ad52b1b2be4263010f0e68e6c908e0,"int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if(speed<61) + { + ticket = 0; + } + if (speed>=61 && speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if(speed<66) + { + ticket = 0; + } + if (speed>=66 && speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + + return ticket; +} +" +23e26ee9a40189f53db3d9d6693df59199ad7c71,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == ture) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday == false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1 + } + if (speed >= 81) + { + int2 = 2; + } + return int2 + } +} +" +cbd01b2a31991c7071b042191ad10c406b36958e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == ture) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday == false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + return int2 + } +} +" +1d2d0c5d289050ec5f7d6a774957fba2048b9e16,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == ture) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday == false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + return int2; + } +} +" +d490cd1816c593fde399312769c56f856db42b2e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == ture) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + return int2; + } +} +" +d1157c6da4d7f94a78abdff3f2993c0e6d663eb0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday = ture) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + return int2; + } +} +" +df51d36f61b6af8c777ca3a359171293d63ec36a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == true) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + return int2; + } +} +" +5618a8860ffa55d1e94449a892f7df5e02b3027c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == true) + { + if (speed >= 61 && speed <= 85) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +e6f44d64f773c1883f1b1ddca64bb44e878b9116,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60){ + int2 = 0; + } + if (isBirthday = true){ + if (speed >=61 && speed <= 85){ + int2 = 1; + } + if (speed >= 86){ + int2 = 2; + } + } + if (isBirthday = false){ + if (speed >=61 && speed <=80){ + int2 = 1; + } + if (speed >= 81){ + int2 = 2; + } + } + return int2; +} +" +073a7d2343287d5394087f2dc1c4208c84732023,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60){ + int2 = 0; + } + if (isBirthday == true){ + if (speed >=61 && speed <= 85){ + int2 = 1; + } + if (speed >= 86){ + int2 = 2; + } + } + if (isBirthday = false){ + if (speed >=61 && speed <=80){ + int2 = 1; + } + if (speed >= 81){ + int2 = 2; + } + } + return int2; +} +" +a4861733a07902bc7c077c438449c0e62038597a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60){ + int2 = 0; + } + if (isBirthday = true){ + if (speed >=61 && speed <= 85){ + int2 = 1; + } + if (speed >= 86){ + int2 = 2; + } + } + if (isBirthday = false){ + if (speed >=61 && speed <=80){ + int2 = 1; + } + if (speed >= 81){ + int2 = 2; + } + } + return int2; +} +" +af41dfefb381e2ea7635332f4ab423c1a64781af,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday = true) + { + if (speed >=61 && speed <= 85) + { + int2 = 1; + } + if (speed >= 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >=61 && speed <=80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +d80ff02bff3724bb228fc2f8b462d7d2ed47e9b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday = true) + { + if (speed >=65 && speed <= 85) + { + int2 = 1; + } + if (speed >= 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >=61 && speed <=80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +92994d540b5766e34e0baa35a72e575133ece289,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday = true) + { + if (speed >=66 && speed <= 86) + { + int2 = 1; + } + if (speed > 86) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >=61 && speed <=80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +7f5a6f108a3175c8d004e0134f741e9f2ba34239,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday = true) + { + if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + if (speed > 85) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +9966439dc1def3568cc16d2fc9b0063ebfd5badd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (speed >= 61 && speed <=80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + if (isBirthday = true) + { + if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + if (speed > 85) + { + int2 = 2; + } + } + return int2; +} +" +90435c32c8c1a43cb38e59465a14511f4d3a6e63,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <=80) + { + int2 = 1; + } + else + { + int2 = 2; + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +cee259740e1c941c3afa5bdb40232e79f2a6dae1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <=80) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +af8cd89ad5ec7a31d780bcf0da300df2454bce56,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 || speed <= 80) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 || speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +bb421520f2258429341f7ce5b0291fdacee5d28a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 || speed <= 80) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed < 65) + { + int2 = 0; + } + else if (speed >= 65 || speed < 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +074618bea96df4ea923bc279255e87bb2582c774,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 || speed <= 80) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 65 || speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +984b83cca7413a0582ce807a8318d8ef33b29815,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 65 || speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +b6bfd6044af9913cf1072809ea075fe01df631d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + else if (speed >= 81) + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 65 || speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +47b2e8764b47739266866b0d2845c775f6fac231,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + else if (speed >= 81) + { + int2 = 2; + } + } + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 65 && speed <= 85) + { + int2 = 1; + } + else + { + int2 = 2; + } + } + return int2; +} +" +3bbcc632e28de9e251e58a60a7303a4868f67f97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 60) + { + int2 = 0; + } + } +} +" +92c8ea8eb73faa551fa75066d6248e5f14f03dec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 60) + { + int2 = 0; + } + } + return int2; +} +" +d8c1b0239315b5db7dad57731c70d906ae7a4e1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + } + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + } + return int2; +} +" +f558fbb10dbc4c9647b6a1e7af5eb3db41301967,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + } + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + } + return int2; +} +" +b343536ee6fb2e93165c90a24f69747b5e5d7554,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + else if (speed > 85) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + else if (speed > 80) + { + int2 = 2; + } + } + return int2; +} +" +7bf3eac9adb63b80308611747a5abdcb26f794a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + else if (speed > 85) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed >= 61 || speed <= 80) + { + int2 = 1; + } + else if (speed > 80) + { + int2 = 2; + } + } + return int2; +} +" +17dd0f81f2be85d949b9404b8d9f0f56d7c5485f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + int2 = 0; + } + else if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + else if (speed > 85) + { + int2 = 2; + } + } + if (isBirthday = false) + { + if (speed <= 60) + { + int2 = 0; + } + else if (speed <= 80 && speed >= 61) + { + int2 = 1; + } + else if (speed > 80) + { + int2 = 2; + } + } + return int2; +} +" +6a78c051d22981f5f07c3dd1b56dab3757d26e2c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed => 66) + { + return 1; + } + else if (speed => 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 && speed=> 61) + { + return 1; + } + else if (speed => 81) + { + return 2; + } +} +" +1e14ce0bba12a76bb9494365bae033c915a7da1f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <=speed&& speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (81 <= speed) + { + return 2; + } +} +" +a38dd810b481245bf81f97b934f9cfdac2913181,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + int = 0; + } + else if (speed >= 66 && speed <= 85) + { + int = 1; + } + else if (speed > 85) + { + int = 2; + } + } + if (isBirthday = false) + { + if (speed <= 60) + { + int = 0; + } + else if (speed <= 80 && speed >= 61) + { + int = 1; + } + else if (speed > 80) + { + int = 2; + } + } + return int; +} +" +40881a621e111d1b830667c80b02b1802f7270b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60){ + int2 = 0; + } + if (isBirthday == true){ + if (speed <=65){ + int2 = 0; + } + if (speed >=66 && speed <= 85){ + int2 = 1; + } + if (speed >= 86){ + int2 = 2; + } + } + if (isBirthday == false){ + if (speed >=61 && speed <=80){ + int2 = 1; + } + if (speed >= 81){ + int2 = 2; + } + } + return int2; +} +" +2c62d9892a14c1f94fb73bda0faba94edf39e463,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == true) + { + if (speed <=65) + { + int2 = 0; + } + if (speed >=66 && speed <= 85) + { + int2 = 1; + } + if (speed >= 86) + { + int2 = 2; + } + } + if (isBirthday == false) + { + if (speed >=61 && speed <=80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +c0d9a63b636d1a63c461d574d6be0f8db2696d73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <=speed&& speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + if (!isbirthday) + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (81 <= speed) + { + return 2; + } + } +} +" +0d30ef9e2d008c34ec5d7f161443242d2bf83332,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <=speed&& speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (81 <= speed) + { + return 2; + } + } +} +" +93a64bd5509683a09d2d985b8dc078dd60fb070c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <=speed&& speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else if (81 <= speed) + { + return 2; + } + } + return 0; +} +" +f78f4626133e584554e3986590c6a123d2d766ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed <= 80) + { + result = 1; + } + else (speed >= 80) + { + result = 2; + } + } + else + { + if (speed <= 65) + { + result = 0; + } + else if (speed <= 85) + { + result = 1; + } + else (speed >= 86) + { + result = 2; + } + } +} +" +1706a7b4377f508b231a219f0cd71c48ef039ba3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 65) + { + result = 0; + } + else if (speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +7297839fab87f05cd132428260b418a2d6ab3895,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 65) + { + result = 0; + } + else if (speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + return result; +} +" +36f684420c4ff7ed554014967ff26bdcb4b5c2ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 2; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 65) + { + result = 0; + } + else if (speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + return result; +} +" +420dfec1f9986be889ccd4cd3e38aa968004e033,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + { + return 2; + } + else if (speed <= 65) + { + return 0; + } + + else + { + return 1; + } + } + + else + { + if (speed >= 81) + { + return 2; + } + else if (speed <= 60) + { + return 0; + } + + else + { + return 1; + } + } +} +" +3d1093993567c946cc4dd49204e69ee330999dd3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0 + } + else if (speed >= 81) + { + return 2 + } + else + { + return 1 + } + } + +} +" +1ea31db731bc5e92827244f4c1b266801eab1f60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } + +} +" +e64b42088762c7fc9ae5949d433f926cb9c6d0ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed += 5; + } + + if (speed >= 81) + { + return 2 + } + else if (speed >= 61) + { + return 1 + } + else + { + return 0 + } +} +" +cde12ba90abd2f291b912d49971bce258ee38c33,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed += 5; + } + + if (speed >= 81) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +4eaf4cec7e9898e324e1eb8be826be6c7bd8ba66,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speeds = speed; + + if (isBirthday) + { + speeds += 5; + } + + if (speeds >= 81) + { + return 2; + } + else if (speeds >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +0580b3cbd14ec508de3bf7ea3be041ee2c7e2272,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speeds = speed; + + if (isBirthday) + { + speeds += 5; + } + + if (speeds >= 81) + { + return 2; + } + else if (speeds >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +07654dd0aa3f2454c2ec54bb3ceae19b4b6ae01c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60); + { + caughtSpeeding = 0; + } + else if (speed < 61 && speed > 80); + { + caughtSpeeding = 1; + } + else if (speed > 81); + { + caughtSpeeding = 2; + } +} +" +a21c5cbd824ff0c79d25703ff4379e449b70d5df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speeds -= 5; + } + + if (speed >= 81) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +72871abeb84eece21c772c01ab903a0dc333e1ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed >= 81) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +0785e9dda9cc1c797d325d5867a16ff24f4321f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + super(speed,isBirthday); + + if (this.isBirthday()) + { + if (speed + 5 <= 60) + { + caughtSpeeding = 0; + } + else if (speed + 5 >= 61 && speed + 5 <= 80) + { + caughtSpeeding = 1; + } + else if (speed + 5 >= 81) + { + cuaghtSpeeding = 2; + } + } + else + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + cuaghtSpeeding = 2; + } + } + +} +" +83327153b32d4b95b9674986fb5e613d2a4032f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return ""0""; + } + else if( speed < 85) + { + return ""1""; + } + else + { + return ""2""; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return ""0""; + } + else if( speed < 80) + { + return ""1""; + } + else + { + return ""2""; + } + } + } +} +" +7808571d09759b6b94ad3ac2a458fe67cb3a7d86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return ""0""; + } + else if( speed < 85) + { + return ""1""; + } + else + { + return ""2""; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return ""0""; + } + else if( speed < 80) + { + return ""1""; + } + else + { + return ""2""; + } + } + } + +" +1b105d4f5acd40b1406bcc34b80fd8edd1b59d5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } + } + +" +ad2bce431ef34ba3b769271062514d3c6b631f34,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } + } +} + +" +a9bee75fef35f89cb6fa5ce1e31b207e4a615397,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } + } +} +} +" +2ed571eb86b5e61d120eeea4f6f2f5bdb1404606,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } + } +} + +" +5a9b3db2a5df62f77b206d25a0af19a2c1fc6032,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } + } + + +" +6127d78fc4ab2ddf48825ae89f7d13aeb7cd96dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +} + + +" +ca659145698aafe93f4e003b5aaa927e31c3e4ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +9388c7ebfb0c9655f8025c36aeda96dde096b1a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +} + + +" +dd80404ae73ede3227a2fdd240d387ce4e5918d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return; +} +" +7a264a9e582d4857c3b662c81729f0d6b314d84e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +} + + +" +081444587a096a17abd163ec9f92f2685f44a798,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return(); +} +" +21e43bb4f2357ed0d42214baad078b85c5b53097,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } + + +" +d99246e4596b6f6d4fc1c15113ea734dcca71696,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +} + + +" +7f10f4609dcb98881363f88a519c0b99a09c34fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +return } + + +" +b1c982c6b273fee5b106fa45e21dc9eeed80d14a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +} + + +" +703c6c146afa0b33356147aa30ca493861b7e000,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +return 1 +} + + +" +e2e98c6a8f65896e564ab2c54b29915e9f6b9d58,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 65) + { + return 0; + } + else if( speed < 85) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 60) + { + return 0; + } + else if( speed < 80) + { + return 1; + } + else + { + return 2; + } + } +return 1; +} + + +" +fb757f298a0f6bf89b8a7314e5a4bad9e4978102,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == ture) + { + if (speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } + else + { + if (speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } +}" +7438fb448efbb703b5a4e9baf387cf6c242453ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + print 0; + }elseif( speed >= 61 || speed <= 80) + { + print 1; + }elseif( speed >= 81) + { + print 2; + } +} +" +24e0671b46de9962cf8c735e28acbe32c5f9d385,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1 + } + else if (speed >= 86) + { + return 2; + } + } + } +}" +ecae496fcdcce08ce34ede72006b28e97d799607,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + } +}" +2661db519c30f43768bed3ca896524eaf1e051e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +}" +f9b38127a0103f5b26eecb3cd87230ce2fc7c9b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 66) + { + return 0; + } + else if( speed < 86) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 61) + { + return 0; + } + else if( speed < 81) + { + return 1; + } + else + { + return 2; + } + } +} + + +" +a629d9af56ad5580d38fadcaf9f02a0d1ad93726,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if( speed < 66) + { + return 0; + } + else if( speed < 86) + { + return 1; + } + else + { + return 2; + } + } + if(!isBirthday) + { + if( speed < 61) + { + return 0; + } + else if( speed < 81) + { + return 1; + } + else + { + return 2; + } + } +return 0; +} + + +" +e9e0dd37709ad05e4a6bfdbc341526e5059d5d16,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } +}" +26c28cca4bd10f53b100508acb6bc7ae7bbc929d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } +} +}" +3f1e86a68e19499ee23f5c90a6d1f7f8c59eabd4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + result = 0; + }elseif( speed <= 65 || isBirthday(today)) + { + result = 0; + }elseif( speed >= 61 || speed <= 80) + { + result = 1; + }elseif( speed >= 61 || speed <=85 || isBirthday(today)) + result = 1; + }else{ + result = 2; + } +} +" +628cb8e36800c41a3c6cd22c8d26522de5f2bf82,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + return(); +}" +10e8e8ee5aa37222da831007b043d665f2e89523,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + this.return(); +}" +c5bbc228bc4fd59446722ca6b3b42134d2e19c46,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + caughtSpeeding = return(); +}" +713c079066945e90a2e11fc1e29db233d94b82aa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + System.out.println(no ticket); + }elseif( speed <= 65 || isBirthday(today)) + { + System.out.println(no ticket); + }elseif( speed >= 61 || speed <= 80) + { + System.out.println(small ticket); + }elseif( speed >= 61 || speed <=85 || isBirthday(today)) + System.out.println(small ticket); + }else{ + System.out.println(big ticket); + } +} +" +365f3128709b79578a30b5c97abfd198405a7d72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +0cfc68350fdf233f32c7a80a19a808ed2f386c3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = 58; + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + +}" +d9b8892b9f492fe09f298079eb60ccebd37c0540,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + speed = 58; + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +}" +0dff6ce3bed12d2e62b3b71fdbb97ade768f7d7d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + super(speed); + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +}" +4d218ec9b1e091b23d697a2e32739ca3f75ddf45,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +}" +741e8a31d2ca585860dff03fa3c878cd0a185bf9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +} +" +b84439d12d1cf54e0f14ae8830a53142c7f36f30,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return; +} +" +da4f3949d921c97ee3afe5f198a9e7a7167561b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + this.return; +} +" +675d7f3de42e222deb2b203ae74cb775d2f66d10,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + this.return(); +} +" +2ef3bc4c29d473fdf167d2996f89f295a4ff9d33,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return 0; +} +" +5811b4d99ac5e4e1ada4feb5bb28e62039add6c0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value 0 = no ticket; + int value 1 = small ticket; + int value 2 = big ticket; + if (speed <= 60) + { + return int value 0; + } + if (speed => 61 && speed <= 80) + { + return int value 1; + } + if (speed => 81) + { + return int value 2; + } +} +" +f11f078976f352b96e4a6feeff1e6f44dcc4328e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(speed, isBirthday); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return(); +} +" +c5921824ae73d6991c19954cc5223d1ce86581c7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, 0); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return 0; +} +" +b914edfe442f5ea0a312feeb4be2650554210ecb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return 0; +} +" +bdd81b95624824fc7cd87eef6b54ae7ed5a5fa3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(60, !true); + + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + return 0; +} +" +d5bdeb6bb004ed2420a340656cbdd693a89caa40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +3c6955f3ee57682ce96f5b1dfc2e64935902ef91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + if (speed <= 60) + { + int result = 0; + } + + +} +" +2808f9b972c48b43a0c3554f2637792c3e102278,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + if (speed <= 60) + { + result = 0; + } + + +} +" +99f3ec7f29b49f47beb7728c09421970252c660e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + if (isBirthday) + { + speed -= 5; + } +} +" +8a3727a34690b71ca1e67cf27c047a36b19b4e40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +88f8fd27eb5c7cc41ab08c54e73a30d58afad06f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +7bd488002f1c815eb7a4a3211d3d0cee251407df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} + + + + +} +" +3a70ec512dc80e2d808aa5fddc8d313b5c4f466a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + + + + +} +" +424f0c05138588122a0d947fb1d793551d2fbcec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + + + + + +" +9c75d4be0ad4efec854289031b565528285ca224,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +f304218e3fb1e90b158503844e72279e029ada94,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +b988e5ddcfa739945724992a2a81bbdbdf568f2c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + elseif (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +21fae1021718f302f8e2c8ae790d40c880973619,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + if else (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +1bb92be55b94f04230701df2bcb52fe9b7f9938a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +724bbbbe05a8edd871a62e8deb562a62cd942fde,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +bc65b3bd895437e3742476356d38e5956cf0c528,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + return 0; + else-if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +bff988e3a80c65410e0cec16664040aee6e8b5cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 == true); + return 0; + if (speed >= 61 && <= 80 == true) + return 1; + else + return 3; + +} +" +2cfa74b844223ba31f5acfa3d2618b906882bfb9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + {return 0;} + if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +f88d23cf157054619135220237f20e27dff2da7d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + {return 0;} + if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +011284e569aa44c847a111aba0e4a56bda3d8a96,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60); + {return 0;} + if (speed >= 61 && <= 80) + return 1; + else + return 3; + +} +" +3540cc924650575d482c1decf7e6a832a824016b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60); + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 3;} + +} +" +3803488dc8a953b366dccb19ffbe627814f380a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60); + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 3;} + +} +" +5130932c424c5c14a0ae076866a80af4ef742eee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 3;} + +} +" +57004200479097614f531e4e1c8a95a13dd6d98a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + return 0; + { if (speed >= 61 && <= 80) + return 1; + else + return 3;}} + +} +" +93785147cc09b94597b381598f7fce8beb540a79,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 3; + } + +} +" +a62606d6b3e1a99d23681e09f4496098a77fa0b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + return 0; + {if (speed >= 61 && <= 80) + return 1;} + else + return 2; + } + +} +" +d971b89eccde303aede3d184bb1128ffc228cac6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 2; + } + +} +" +a9d0c728aca0818b738fbc4b7ab6fe79ca285e91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + return 0; + if (speed >= 61 && <= 80) + return 1; + else + return 2; + } + +} +" +ae495e794a3322c71e734a2dbbd6f38bee1099b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + if (speed >= 61 && <= 80) + { return 1;} + else + {return 2;} + } + +} +" +128e8169a7e84df7179a252c4a3d1aee59a04d82,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + if (speed >= 61 && <= 80) + { return 1;} + if + {return 2;} + } + +} +" +007eda7fe99a61c275e241524802457a0341868e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + if (speed >= 61 && <= 80) + { return 1;} + else + {return 2;} + } + +} +" +96899ac3b333c4cc38327182eccf90bc00ce6813,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60); + {return 0;} + if (speed >= 61 && <= 80) + { return 1;} + else + {return 2;} + } + +} +" +dc4321b449878125918494c1cad6c9c2aa7c2e57,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + if (speed >= 61 && <= 80) + { return 1;} + else + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + if (speed >= 66 && <= 85) + { return 1;} + else + {return 2;} +} +" +42c1b13dfbc2f7dd20266742451da0be59cbd49a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + else if (speed >= 61 && <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +9ebd06a9fa86c9199d65f27a50b880a51c119ec3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + {if (speed >= 61 && <= 80) + { return 1;}} + + else + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +0051460ecd65980cf9325db5952913839fc5060d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +3268512857b83e449ef6b26d607248c48ee74a9a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +bcbd232f87bbc1c7a75c8718466a4e6637826749,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +4b30d5a41be428d9ba8b8559515a1943cf17773c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +a326247b3795855c2908a4a9e41b7503c6354c85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if ((speed >= 61) && (<= 80)) + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +da7ecb590b59f2f4382aed13fbc14f2928c8cb7a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61) && (<= 80) + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +c900d3b8e30358792bd22f59ddb8a7ef60fbdc1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80); + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} +} +" +1d469d0f601974ce82c500b290716504e526612b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + if (speed>= 81) + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} + } +} +" +31aeca0ed152373f56c91f7da920c07d0b8c1992,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} + } +} +" +cce6ef9bb2f085c7e1d293303ae925218574d3b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if ((speed >= 61 && <= 80)) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} + } +} +" +beef1d7b759f998e948163d1808a2f869c184975,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} + } +} +" +5fbcaec57530bc7ce662816568e1d71b40189f47,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;}; + + if (speed >= 61 && <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} + } +} +" +a05b13b530fb78ad07342462c8bbb9b78fa089ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && <= 85) + { return 1;} + + else + {return 2;} + } +} +" +f1daa8a94cfbf388476b350d9e1f75d1c2a48b00,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && speed <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && speed <= 85) + { return 1;} + + else + {return 2;} + } +} +" +0a8097161316f826146de9770e21650370819169,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && speed <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && speed <= 85) + { return 1;} + + else + {return 2;} + } + return 0; +} +" +15b9ef8650a0647b2ecb0ca8e689b350668e1d17,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + {return 0;} + + if (speed >= 61 && speed <= 80) + { return 1;} + + else + {return 2;} + } + else if (isBirthday) + { + if (speed <= 65) + {return 0;} + + if (speed >= 66 && speed <= 85) + return 1; + + else + {return 2;} + } + return 0; +} +" +16d9bf618c2cb0c118f532cf51e401321984bab5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + else + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + else + return 2; + } + return 0; +} +" +382bce989ab3a33006a745f446ad31e05af5e8ad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + else + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + else + return 2; + } + return ; +} +" +99179b25d1eb38d2992abb15311217f6491fa510,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + else + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + else + return 2; + } + return 0; +} +" +ea22472c627cd44e8df373ff73a088a3d50f3202,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65, <=85) + { + return 1; + } + if (speed >85) + { + return 2; + } + } + if (isBirthday == false) + { + if (speed <= 65) + { + return 0; + } + if (speed >60, <=80) + { + return 1; + } + if (speed >80) + { + return 2; + } + } +} +" +aad396bf82c68470f53850451b952d7b90437cc2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65 && <=85) + { + return 1; + } + if (speed >85) + { + return 2; + } + } + if (isBirthday == false) + { + if (speed <= 65) + { + return 0; + } + if (speed >60 && <=80) + { + return 1; + } + if (speed >80) + { + return 2; + } + } +} +" +fcfca25f9e774dfcfe1ee74d1c4caab4c65f2d6a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65 && speed <=85) + { + return 1; + } + if (speed >85) + { + return 2; + } + } + if (isBirthday == false) + { + if (speed <= 65) + { + return 0; + } + if (speed >60 && speed <=80) + { + return 1; + } + if (speed >80) + { + return 2; + } + } +} +" +2824f4aae8b4c8691960c8003384560b50ee19f5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65 && speed <=85) + { + return 1; + } + if (speed >85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >60 && speed <=80) + { + return 1; + } + if (speed >80) + { + return 2; + } + } +} +" +8ba2fa708761d19e42a40f168275d2b616da4ed8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65 && speed <=85) + { + return 1; + } + if (speed >85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >60 && speed <=80) + { + return 1; + } + if (speed >80) + { + return 2; + } +} +" +6d6d9e67f3cdefb69a4c9765203dddbf41c2ebc6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 65 && isBirthday){ + int noTicket = 0; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + int smallTicket = 1; + } + else if (speed > 86 && isBirthday){ + int bigTicket = 1 + } + + if (speed <= 60 && !isBirthday){ + int noTicket = 0; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + int smallTicket = 1; + } + else if (speed >= 81 && !isBirthday){ + int bigTicket = 1 + } +} +" +dc28b667bf2bce5b1bd9f0042303e3ba60bc8629,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 65 && isBirthday){ + int noTicket = 0; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + int smallTicket = 1; + } + else if (speed > 86 && isBirthday){ + int bigTicket = 1; + } + + if (speed <= 60 && !isBirthday){ + int noTicket = 0; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + int smallTicket = 1; + } + else if (speed >= 81 && !isBirthday){ + int bigTicket = 1; + } +} +" +53655df352a32b2d60c2986190ece3f76c10799b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + else + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + else + return 2; + } + return 0; +} +" +7f2cd0727c24a6bb600557180b715638a2ffb10b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5 + if (speed <= 60) + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 2; + +} +" +eb09dd40c74b4dfe49057f6c3399dafdb6b26313,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed = speed - 5 + if (speed <= 60) + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 2; + +} +" +8cbd1d9a09d0adc5ff988da92776a63ea162a133,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed = - 5 + if (speed <= 60) + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 2; + +} +" +28781ad27112819ee05994bb8804ce7b58c07392,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed -= 5 + if (speed <= 60) + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 2; + +} +" +3a778884d4b2c8959b3a6ff2d90c5dd320f3c902,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed -= 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && <= 80) + return 1; + else + return 2; + +} +" +13243af1d4ab3496d145669d419dbecd28b09bc0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed -= 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +8574a457f812409228877cdd478dcb009287b4c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; + + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} +" +e8cc333c42d4748aa09c3cd172004b5298663e2b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && <= 85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +11b778bb4351f8dff13971192011a78d7f91dc52,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else (speed >= 66 && <= 85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else (speed >= 61 && <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +fc63338d25f2f33d443fae492396cae5e01aeacf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && <= 85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +b0a695a2af8e5f4ebd847b72b197a956946a0e69,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && <= 85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && <= 80) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +b21720b3e48fe9b828fc962b0a8969d8c5b6bffd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1; + } +} +" +2f0f057a197ea56dc436c2a987209d9702bc9a40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed += 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1; + } +} +" +0ef08a858b04804f674b7a6659139b5d8b91f29d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed + 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1; + } +} +" +d42529fdc5c66eec13fbc1eaf71689896a5a9ced,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if(return.isBirthday) + a = 5; + if (speed <= 60 + a) + { + result = 0; + } + if (speed => 61 + a && speed <= 80 + a) + { + result = 1; + } + if (speed => 81 + a) + { + result = 2; + } +} +" +699e4aec5a29f7661572248d94d1dd035341a0c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +c9ff5b5574609da9b0e3c8ea2aa967496eeb6479,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1; + } +} +" +4af1e0ab5f417fb249bd776b75395b0598c2e45c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + +} +" +482003fb2a4a794281ffdd7c934622839c29307f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + return.isBirthday + if (speed <= 60 + a) + { + result = 0; + } + if (speed => 61 + a && speed <= 80 + a) + { + result = 1; + } + if (speed => 81 + a) + { + result = 2; + } +} +" +f960fc7e44f84d97e02481d568fcfdf01d29c918,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + return isBirthday + if (speed <= 60 + a) + { + result = 0; + } + if (speed => 61 + a && speed <= 80 + a) + { + result = 1; + } + if (speed => 81 + a) + { + result = 2; + } +} +" +1a4c1a7a0a1611132eb8b59d0bf345d33585b134,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1; + } +} +" +36d08ece1e2c5aa2c6c66b8bee1d11ea18beef08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + return isBirthday; + if (speed <= 60 + a) + { + result = 0; + } + if (speed => 61 && speed <= 80) + { + result = 1; + } + if (speed => 81) + { + result = 2; + } +} +" +6cc3148b49aeee7fb24eb9b339ebd50c8faf87bb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + return isBirthday; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } +} +" +8571d4aecbd4e901781dcd93b9c906d6d3e61c11,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + +} +" +e2e98a6b5412745819b9bd6bf7b014f9c758440f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + +} +" +6af7ad45d9f300a871ac233afb7dd481c169634f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (return isBirthday) + a = 5; +} +" +792500815db46ab2b780c269507fcef28f9caf78,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + this.return(ticket); +} +" +5a2c438d4ea683679aa4d970ae7667d1d53cdc04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + return isBirthday; +} +" +3194eee3c6f5c575c2de97de9ba487e75735d635,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +b791e8e210399ed05f1bfb07b82eb6f35f5c0c72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 65 && isBirthday){ + int noTicket = 0; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + int smallTicket = 1; + } + else if (speed > 86 && isBirthday){ + int bigTicket = 1; + } + + if (speed <= 60 && !isBirthday){ + int noTicket = 0; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + int smallTicket = 1; + } + else if (speed >= 81 && !isBirthday){ + int bigTicket = 1; + return(bigTicket); + } +} +" +5b76841b5e2746c012a61508962f6c3f1213dd29,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + a = 5; +} +" +87d30cafa8d165d7d6877471a47eb8320f2656e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 65 && isBirthday){ + int noTicket = 0; + return noTicket; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + int smallTicket = 1; + return smallTicket + } + else if (speed > 86 && isBirthday){ + int bigTicket = 1; + return bigTicket + } + + if (speed <= 60 && !isBirthday){ + int noTicket = 0; + return noTicket; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + int smallTicket = 1; + return smallTicket; + } + else if (speed >= 81 && !isBirthday){ + int bigTicket = 1; + return bigTicket; + } +} +" +1940affd5ec9b8e4f0241224fc130c260991bb7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + a = 5; + return speed; +} +" +75e940aa504ebac2262a65022c491744f8c20322,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 65 && isBirthday){ + int noTicket = 0; + return noTicket; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + int smallTicket = 1; + return smallTicket; + } + else if (speed > 86 && isBirthday){ + int bigTicket = 1; + return bigTicket; + } + + if (speed <= 60 && !isBirthday){ + int noTicket = 0; + return noTicket; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + int smallTicket = 1; + return smallTicket; + } + else if (speed >= 81 && !isBirthday){ + int bigTicket = 1; + return bigTicket; + } +} +" +b304e35bf5d5f58e8ffd1d024d1113180620bc9b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 65 && isBirthday){ + int noTicket = 0; + return noTicket; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + int smallTicket = 1; + return smallTicket; + } + else if (speed > 86 && isBirthday){ + int bigTicket = 1; + return bigTicket; + } + + if (speed <= 60 && !isBirthday){ + int noTicket = 0; + return noTicket; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + int smallTicket = 1; + return smallTicket; + } + else if (speed >= 81 && !isBirthday){ + int bigTicket = 1; + return bigTicket; + } +} +" +333c6c268398fcb2be77c97a53247bb18df14ec7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + a = 5; + return result; +} +" +5e198f6b5f6bc6af5e71dd5e9e3415471834781f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 + a && speed <= 80 + a) + { + result = 1; + } + if (speed >= 81 + a) + { + result = 2; + } + if (isBirthday) + a = 5; + return result; +} +" +4d763cd9e0e1b9e38733f21bd843e5fbd94dfd3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 + a && speed <= 80 + a) + { + result = 1; + } + if (speed >= 81 + a) + { + result = 2; + } + if (isBirthday) + { + a = 5; + } + return result; +} +" +15541edd68eb9eb60cbf572bfe882bd3409d9c4c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int Ticket = 4; + + if (speed <= 65 && isBirthday){ + Ticket = 0; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + Ticket = 1; + } + else if (speed > 86 && isBirthday){ + Ticket = 1; + } + + if (speed <= 60 && !isBirthday){ + Ticket = 0; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + Ticket = 1; + } + else if (speed >= 81 && !isBirthday){ + Ticket = 1; + } + return Ticket; +} +" +906fac4b8f3522bc6a7235cc3d118e48e8a52020,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + int result = 0; + int a = 0; + if (isBirthday) + { + a = 5; + } + if (speed <= 60 + a) + { + result = 0; + } + if (speed >= 61 + a && speed <= 80 + a) + { + result = 1; + } + if (speed >= 81 + a) + { + result = 2; + } + return result; +} +" +c4234f3ee159e359887af8fe7a7656d9ecffa385,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int Ticket = 4; + + if (speed <= 65 && isBirthday){ + Ticket = 0; + } + else if (speed >= 66 && isBirthday && speed <= 85){ + Ticket = 1; + } + else if (speed > 86 && isBirthday){ + Ticket = 2; + } + + if (speed <= 60 && !isBirthday){ + Ticket = 0; + } + else if (speed >= 61 && !isBirthday && speed <= 81){ + Ticket = 1; + } + else if (speed >= 81 && !isBirthday){ + Ticket = 2; + } + return Ticket; +} +" +154fa4f51507d47760090b859a253b69934443ce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = 'no ticket' + 1 = 'smalll ticket' + 2 = 'big ticket' + if (speed <= 60 ) + { + 0 + } + else if (speed >= 61 && speed <= 80) + { + 1 + } + else if (speed >= 81) + { + 2 + } + else + { + + } +} +" +b4463db3563cf1203e81a8a05fd888a0618e44ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = 'no ticket' + 1 = 'smalll ticket' + 2 = 'big ticket' + if (speed <= 60 ) + { + 0 + } + else if (speed >= 61 && speed <= 80) + { + 1 + } + else if (speed >= 81) + { + 2 + } + else + { + + } +} +" +23394c540af950ae6a265b916513cb503e40c928,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = 'no ticket'; + 1 = 'smalll ticket'; + 2 = 'big ticket'; + if (speed <= 60 ) + { + 0 + } + else if (speed >= 61 && speed <= 80) + { + 1 + } + else if (speed >= 81) + { + 2 + } + else + { + + } +} +" +d964a84cdef018fb35929b14c2556fd2fd18c9fa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60 ) + { + 0 + } + else if (speed >= 61 && speed <= 80) + { + 1 + } + else if (speed >= 81) + { + 2 + } + else + { + + } +} +" +a86d66c7dc3babc326b5e6c95b9b6f5d5c6175d9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60 ) + { + 0, + } + else if (speed >= 61 && speed <= 80) + { + 1, + } + else if (speed >= 81) + { + 2, + } + else + { + + } +} +" +65f3e71858d9755a7cadba68273bd267f62bb2ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60 ) + { + 0; + } + else if (speed >= 61 && speed <= 80) + { + 1; + } + else if (speed >= 81) + { + 2; + } + else + { + + } +} +" +2fc0c5db5e9452b2136f8f2a2cd96e9d700f6144,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60 ) + { + print(0); + } + else if (speed >= 61 && speed <= 80) + { + 1; + } + else if (speed >= 81) + { + 2; + } + else + { + + } +} +" +47c1f210472445edc80c9cb41f2ffbd582e3463b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60 ) + { + print(0); + } + else if (speed >= 61 && speed <= 80) + { + print(1); + } + else if (speed >= 81) + { + print(2); + } + else + { + + } +} +" +016c6ff1c256a540e91ea44071054ddc8fd9ec3c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60 ) + { + this.print(0); + } + else if (speed >= 61 && speed <= 80) + { + this.print(1); + } + else if (speed >= 81) + { + this.print(2); + } + else + { + + } +} +" +9b837392dc16b96b8f40b4bef10c6c23d28b2572,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +cf5c799afb76b953232a3f4819f66e835d1eac80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + caughtspeeding = 0 + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1 + } + else if (speed >= 81) + { + caughtSpeeding = 2 + } + else + { + + } +} +" +b269dc673f35f67a80b9f9cdad041e175023ab29,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + caughtspeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + else + { + + } +} +" +d0ad02299edea5a6dd3dd69e43a4925c616e935e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + else + { + + } +} +" +159435fad949ef84be56367993cd64dcb2b33aea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +9e5336484443a8356147c62e90b6e76a4ff08662,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60, False ) + { + + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +dcc781a884e77f27e51372797213f0d23a8c966e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (speed > 80) + return 2; +} +" +2650d52c9aba37ec1870681540002d2f25945832,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (speed > 80) + return 2; +} +" +ea3fe114915a7ebaa7e546dfe07e002d779c63f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +9dc881d8fdfbd28fa55171f4039707fa63aba0ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60 ) + { + int ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +c2193df46bee7121fbbaad741a1833abf974081a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (speed > 80) + return 2; +} +" +c1f46e313234b5cc7747b89578b900c3fdb8cca2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + return 2; +} +" +6cc5df157412dfddfb2203227c69e5e063f40e23,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if (speed <= 60) + return 0; + else if speed <= 80) + return 1; + else return 2; +} +" +684c2302d6697bba2c47b4df0d0f25289e34b8d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else return 2; +} +" +6373940b6e4e27991f22bf25332906e6f8d7838a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + if (speed > 85) + return 2; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +f00857747e3547faef75193090f0bc81d6590d4d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +944f5ae5a80d6bc8fdb91e1f86f22b1d448ced4e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (caughtSpeeding( <= 60, False)) + { + int ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +4cf538f68f03b9778116baadfda3f9a16c617d97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +a451d998897ff4d8b4c6d6f7d4ecf2c8aadec0b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (<= 60) + { + int ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +8e42f6dbce3791653a821f8c573d56df29e6ccbe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if ( speed <= 60 && !isBirthday) + { + int ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + + } + else if (speed >= 81) + { + + } + else + { + + } +} +" +99ee41f7413607af8192f2d76e04b8643c0d5858,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5 + } + else + { + speed = speed + } +} +" +f4d617914c29ab2f10d727b1732928c697883f19,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + } + else + { + speed = speed; + } +} +" +d4aefaa2066a1008ebbc3cc8a33b7bf5045e908b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else + { + return(2); + } + } + else + { + speed = speed; + } +} +" +9221d40df6ddd33f919c096c35445e6193daa17e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else + { + return(2); + } + } + else + { + speed = speed; + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else + { + return(2); + } + } + +} +" +3da7af81a76ded2ff00af42745d35d44ac714240,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int points = 0; + + int notSpeeding = 60; + if ( isBirthday ) + { + notSpeeding = 65; + } + int speedingLittle = 80; + if (isBirthday ) + { + speedingLittle = 85; + } + int fastSpeed = 80; + if (isBirthday ) + { + fastSpeed = 85; + } + if ( speed <= notSpeeding) + { + points = 0; + } + else if (speed > speedingLittle && speed <= speedingLittle) + { + points = 1; + } + else ( speed > fastSpeed) + { + points = 2; + } +} +" +ac2b5e052dc43cc26b30da9c30e295bce2de1418,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int points = 0; + + int notSpeeding = 60; + if ( isBirthday ) + { + notSpeeding = 65; + } + int speedingLittle = 80; + if (isBirthday ) + { + speedingLittle = 85; + } + int fastSpeed = 80; + if (isBirthday ) + { + fastSpeed = 85; + } + if ( speed <= notSpeeding) + { + points = 0; + } + else if (speed > speedingLittle && speed <= speedingLittle) + { + points = 1; + } + else + { + points = 2; + } +} +" +6236f2dbd0fccefd4371c726de123ca14bbc82ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int points = 0; + + int notSpeeding = 60; + if ( isBirthday ) + { + notSpeeding = 65; + } + int speedingLittle = 80; + if (isBirthday ) + { + speedingLittle = 85; + } + int fastSpeed = 80; + if (isBirthday ) + { + fastSpeed = 85; + } + if ( speed <= notSpeeding) + { + points = 0; + } + else if (speed > speedingLittle && speed <= speedingLittle) + { + points = 1; + } + else + { + points = 2; + } + return points; +} +" +2ed9238e888ff9cc33678ba3798fd92408bffda4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int points = 0; + + int notSpeeding = 60; + if ( isBirthday ) + { + notSpeeding = 65; + } + int speedingLittle = 80; + if ( isBirthday ) + { + speedingLittle = 85; + } + int fastSpeed = 80; + if (isBirthday ) + { + fastSpeed = 85; + } + if ( speed <= notSpeeding) + { + points = 0; + } + else if (speed > speedingLittle && speed <= fastSpeed) + { + points = 1; + } + else + { + points = 2; + } + return points; +} +" +bd32993f2d27930dc0f5870e7a0f03ed1ff6b2e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int points = 0; + + int notSpeeding = 60; + if ( isBirthday ) + { + notSpeeding = 65; + } + int speedingLittle = 80; + if ( isBirthday ) + { + speedingLittle = 85; + } + int fastSpeed = 80; + if (isBirthday ) + { + fastSpeed = 85; + } + if ( speed <= notSpeeding) + { + points = 0; + } + else if (speed > notSpeeding && speed <= speedingLittle) + { + points = 1; + } + else + { + points = 2; + } + return points; +} +" +af46d18334064f327910e651350c6ced135e4346,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket; + 1= small ticket; + 2= big ticket; + if(caughtSpeeding <= 60) + { + speed = 0; + } + if(61 <= caughtSpeeding <= 80) + { + speed = 1; + } + if(caughtSpeeding >= 81) + { + speed = 2; + } + if(caughtSpeeding = isBirthday) + { + speed = 5; + } +} +" +c40cbdda07dcfd44c74fca1db7c64004808c0e76,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket; + 1= small ticket; + 2= big ticket; + + if(caughtSpeeding <= 60) + { + speed = 0; + } + + if(61 <= caughtSpeeding <= 80) + { + speed = 1; + } + + if(caughtSpeeding >= 81) + { + speed = 2; + } + + if(caughtSpeeding = isBirthday) + { + speed = 5; + } +} +" +fde67e2450de0398bca38142432efb901fc80d03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket ; + 1= small ticket ; + 2= big ticket ; + + if(caughtSpeeding <= 60) + { + speed = 0; + } + + if(61 <= caughtSpeeding <= 80) + { + speed = 1; + } + + if(caughtSpeeding >= 81) + { + speed = 2; + } + + if(caughtSpeeding = isBirthday) + { + speed = 5; + } +} +" +c2393f0d293cd7c67221aa341ae286b0f30e3247,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0 = no ticket ; + return 1= small ticket ; + return 2= big ticket ; + + if(caughtSpeeding <= 60) + { + speed = 0; + } + + if(61 <= caughtSpeeding <= 80) + { + speed = 1; + } + + if(caughtSpeeding >= 81) + { + speed = 2; + } + + if(caughtSpeeding = isBirthday) + { + speed = 5; + } +} +" +43de9b32d1b53355bf93f1e79387bd852175f31c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(caughtSpeeding <= 60) + { + return ""no ticket""; + } + + if(61 <= caughtSpeeding <= 80) + { + return ""small ticket""; + } + + if(caughtSpeeding >= 81) + { + return ""big ticket""; + } + + if(caughtSpeeding = isBirthday) + { + return 5 + } +} +" +6cd7921a3cfc7130136dafbca3d0df7aadc19b4e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(caughtSpeeding <= 60) + { + return ""no ticket""; + } + + if(61 <= caughtSpeeding <= 80) + { + return ""small ticket""; + } + + if(caughtSpeeding >= 81) + { + return ""big ticket""; + } + + if(caughtSpeeding = isBirthday) + { + return 5; + } +} +" +61cb68d92f9d10958411bb76afc9c6dd5f1db7af,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return ""no ticket""; + } + + if(61 <= speed <= 80) + { + return ""small ticket""; + } + + if(speed >= 81) + { + return ""big ticket""; + } + + if(speed = isBirthday) + { + return 5; + } +} +" +db509d5d5bd771b3d873cef23d652c5974e38d87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + if(speed = isBirthday) + { + return 5; + } +} +" +49b0291cd29d8a9b8ae73874c8572fd692636da9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + if(speed == isBirthday) + { + return 5; + } +} +" +bf6b19ca16722fc219cbe40d6f7d9819f21cb39e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + if(speed == isBirthday) + { + return True; + } +} +" +db92fbd159d124ed8afd80fdeba76a8287eb71c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60 && isBirthday == true) + { + return 0; + } + + if(61 <= speed && speed <= 80 && isBirthday == true) + { + return 1; + } + + if(speed >= 81 && isBirthday == true) + { + return 2; + } +} +" +e87b0bd700b192bf4e41c0abf769fa9588b7763b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if speed <= 65; + { + int value = 0; + } + else if speed => 66 && speed <= 85; + { + int value = 1; + } + else: + { + int value = 2; + } + } + else: + { + if speed <= 60; + { + int value = 0; + } + else if speed => 61 && speed <= 80; + { + int value = 1; + } + else: + { + int value = 2; + } + } +} +" +1b8b1c6e7a8a954cf53e09fa85982e5923487234,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + if(isBirthday == true) + { + return 5 + } +} + +" +c1ae807a2282b5c2746be25f7291af7ae3d569a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + if(isBirthday == true) + { + return 5; + } +} + +" +d41ea1509120135a595ce6d263ef2ee266716c29,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + if(isBirthday == true) + { + return 5; + } + +} + +" +d67d8a16f6eeafe7121b67d6ff511c7fd63ad816,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + if(isBirthday == true) + { + return 5; + } + +} + +" +77b8097e34f6c3a93141020eb29cd51e3302e94d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + int value = 0; + } + else if (speed => 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if (speed => 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } +} +" +0403dcefe74dbfd5639ec11220c0c0752afb7a5e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + int value = 0; + } + else if(speed => 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if(speed => 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } +} +" +1e1455a6edd60d7ae8f0ac2d929a79f924a4861b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + int value = 0; + } + else if(speed => 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if(speed => 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } +} +" +abebc533a1c13a58b9b9ad8391b12425553c215b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) + { + if (speed <= 65) + { + int value = 0; + } + else if(speed >= 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if(speed >= 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } +} +" +b68a141e33fc44fe0f137f2e2dcaf45351e95bf2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == ""True"") + { + if (speed <= 65) + { + int value = 0; + } + else if(speed >= 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if(speed >= 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } +} +" +2caa7317cf1d4d1ab49cf98017a88e2a1a8b0fe7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int value = 0; + } + else if(speed >= 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if(speed >= 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } +} +" +11a6ef5eb9f2f634af425b836ee59c772ba8d1a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int value = 0; + } + else if(speed >= 66 && speed <= 85) + { + int value = 1; + } + else + { + int value = 2; + } + } + else + { + if (speed <= 60) + { + int value = 0; + } + else if(speed >= 61 && speed <= 80) + { + int value = 1; + } + else + { + int value = 2; + } + } + return value; +} +" +5ef28846114c298b8d5db8123da2775dac6ba1b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1 + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } +} +" +b541d415f7cb92afc07f7dfbacf1036d8823d3c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + if (speed <= 65) + { + return 0; + } + if (speed => 66 && speed <= 85) + { + return 1; + } + else + return 2; +} + +" +27b38c2fc2e2dded48f581dfbfb78a51c054f08d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } +} +" +8774283b989757a1d6fb318d87442dca101a502a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + + if(61 <= speed && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + if (speed <= 65) + { + return 0; + } + if (66 <= speed && speed <= 85) + { + return 1; + } + else + return 2; +} + +" +9a2bfdfa6dbc96096eb13d9a811702f7572f37c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } + return +} +" +0c922cd1ce1328f27e2c49758e90bff4d77e4192,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } + +} +" +170c5a94b1982accd2b48201d58788afa868b2b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int value = 0; + return value; + } + else if(speed >= 66 && speed <= 85) + { + int value = 1; + return value; + } + else + { + int value = 2; + return value; + } + } + else + { + if (speed <= 60) + { + int value = 0; + return value; + } + else if(speed >= 61 && speed <= 80) + { + int value = 1; + return value; + } + else + { + int value = 2; + return value; + } + } +} +" +81a53f0288c2e3960c1e2134043aeffddc4425bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } + + } +" +ad8e79828690eca4cee9b755071e248837c33d85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } + return speed; + } +" +341ef0c1d236594d9025337de102676b5dc885a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65) + { + return 0; + } + else if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85) + { + return 1; + } + else if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86) + { + return 1; + } + return speed; + } +" +1dbb6b87a0410aed4dcafff16778a619c1c04d9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + else if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + else if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + return speed; + } +" +d71c93048269c7bf2883c8fa41e53b96643b82a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + else if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + else if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + //return speed; + } +" +ede9efb3931161d34a382598c082a51af3cd391f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <=60 && isBirthday = 0) + { + result = 0; + } + else if (speed >60 ) +}" +12326846b23246b77e82e9afaff6237b7199e9a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + return speed; + } +" +50c6625cece4ea2844731c0bc9217cf0a8809b20,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <=60 && isBirthday = 0) + { + result = 0; + } + +}" +cb983988113952fc89e302d030b7739c5793452e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + return speed; + } +" +493c7aa5468416f9cfc52ff64a5952d55dc0def4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <=60 && !isBirthday) + { + result = 0; + } + +}" +9e9ea5ffacfc9693b4f8b5b33c870f269211ea26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0 + ""No Ticket""; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + return speed; + } +" +eba9496a4f2b70cf5954215a9e3a2d0847c68e75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0 + 'No Ticket'; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + return speed; + } +" +645821f699a4868c79e9fc32126d22578f7749a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } + else if (speed <= 65 && isBirthday) + { + return 0; + } + if(speed <= 80 && !isBirthday) + { + return 1; + } + else if (speed <= 85 && isBirthday) + { + return 1; + } + if(speed >= 81 && !isBirthday) + { + return 2; + } + else if (speed <= 86 && isBirthday) + { + return 1; + } + return speed; + } +" +d712a6a508247f953575a0a9e0d440a06c40335e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; +} +" +f2dee9f3f861cb55596dbfe4336a4de34d08be20,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + if (isBirthday) + speed = +5; +} +" +bcf4e41ec645c8e4670050e7fdd16983dbca9c04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed > 81 && !isBrithday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed > 86 && isBrithday) + { + result = 2; + } + return result; +}" +cd94f46de40ec755178d6b83f0f20bf01e78beb3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if (caughtSpeeding(speed) =< 60 ) + { + result = 0 + } + else if (caughtSpeeding(speed) =< 80 ) + { + result = 1 + } + else if (caughtSpeeding(speed) > 80 ) + { + result = 2 + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (caughtSpeeding(speed) =< 65 ) + { + result = 0 + } + else if (caughtSpeeding(speed) =< 85 ) + { + result = 1 + } + else if (caughtSpeeding(speed) > 85 ) + { + result = 2 + } + } +} +" +562f44f23a8cbf79ed3471b132217884033c67ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + return 0; + if(speed >= 66 && speed <= 85) + return 1; + if(speed >= 86) + return 2; + } + + if(!isBirthday) + { + if(speed <= 60) + return 0; + if(speed >= 61 && speed <= 80) + return 1; + if(speed >= 81) + return 2; + } +} +" +50c2a7dab9edb0fcbd330c0317c6f7f40c7c4f59,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed > 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed > 86 && isBirthday) + { + result = 2; + } + return result; +}" +f5d6c710d6481c5468ce4ca2917051a78ad92d0e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + return 0; + if(speed >= 66 && speed <= 85) + return 1; + if(speed >= 86) + return 2; + } + + if(!isBirthday) + { + if(speed <= 60) + return 0; + if(speed >= 61 && speed <= 80) + return 1; + if(speed >= 81) + return 2; + } + return speed; +} +" +5631cb8ec5e93e275641d89adb6d9f9e9dae55d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + if (isBirthday) + speed += 5; +} +" +8d8717b301ddabd87957bdfaaa245fe8d20e37b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed > 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed > 86 && isBirthday) + { + result = 2; + } + return result; +}" +3179dc52b137537e5c18539fde9fd5c1bd32a039,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if (caughtSpeeding(speed) =< 60 ) + { + result = 0; + } + else if (caughtSpeeding(speed) =< 80 ) + { + result = 1; + } + else if (caughtSpeeding(speed) > 80 ) + { + result = 2; + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (caughtSpeeding(speed) =< 65 ) + { + result = 0; + } + else if (caughtSpeeding(speed) =< 85 ) + { + result = 1; + } + else if (caughtSpeeding(speed) > 85 ) + { + result = 2; + } + } +} +" +e94bcecdb720f2e881f67c057cf92c5b03a600e5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if (speed =< 60 ) + { + result = 0; + } + else if (speed =< 80 ) + { + result = 1; + } + else if (speed > 80 ) + { + result = 2; + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (caughtSpeeding(speed) =< 65 ) + { + result = 0; + } + else if (caughtSpeeding(speed) =< 85 ) + { + result = 1; + } + else if (caughtSpeeding(speed) > 85 ) + { + result = 2; + } + } +} +" +2c46b6d84d809520785b65d768b3eb67e814aceb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if (speed =< 60 ) + { + result = 0; + } + else if (speed =< 80 ) + { + result = 1; + } + else if (speed > 80 ) + { + result = 2; + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (speed =< 65 ) + { + result = 0; + } + else if (speed =< 85 ) + { + result = 1; + } + else if (speed > 85 ) + { + result = 2; + } + } +} +" +6e537dc0430fa5a74a05bb6d9811f5cc72758d6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + + if isBirthday + { + x = 5; + } + + if speed <= (60+x) + { + return 0; + } + else if speed > (60+x) && speed < (81+x) + { + return 1; + } + else + { + return 2; + } + +} +" +46fcc0bb4e0b3faf52407da36fc369b03bb35a65,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + + if isBirthday + { + x = 5; + } + + if (speed <= (60+x)) + { + return 0; + } + else if (speed > (60+x) && speed < (81+x)) + { + return 1; + } + else + { + return 2; + } + +} +" +27e34fdddc14c1393213d794ec49ad92a7d1a8ea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + +} +" +ed49f4e15a0d9d7605c046ffb7a9f4138cb3d7dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + + if (isBirthday) + { + x = 5; + } + + if (speed <= (60+x)) + { + return 0; + } + else if (speed > (60+x) && speed < (81+x)) + { + return 1; + } + else + { + return 2; + } + +} +" +c73d88384b4c019c5583abd0ae7946eb6a1cfbde,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if speed =< 60 + { + result = 0; + } + else if speed =< 80 + { + result = 1; + } + else if speed > 80 + { + result = 2; + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (speed =< 65 ) + { + result = 0; + } + else if (speed =< 85 ) + { + result = 1; + } + else if (speed > 85 ) + { + result = 2; + } + } +} +" +ce8d508023b5a4a0c2ce2a5106877c8a67137890,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed > 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed > 86 && isBirthday) + { + result = 2; + } + else + { + } + return result; +}" +324afc2e79c2cb6c67a14fbcb179892dcb618f90,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if (speed =< 60) + { + result = 0; + } + else if speed =< 80 + { + result = 1; + } + else if speed > 80 + { + result = 2; + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (speed =< 65 ) + { + result = 0; + } + else if (speed =< 85 ) + { + result = 1; + } + else if (speed > 85 ) + { + result = 2; + } + } +} +" +4afedca20cdd877f94f701be1bd1d302971ded5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding(isBirthday) = false) + { + if (int speed =< 60) + { + result = 0; + } + else if speed =< 80 + { + result = 1; + } + else if speed > 80 + { + result = 2; + } + } + if (caughtSpeeding(isBirthday) = true) + { + if (speed =< 65 ) + { + result = 0; + } + else if (speed =< 85 ) + { + result = 1; + } + else if (speed > 85 ) + { + result = 2; + } + } +} +" +d39402e04311d106c4480fac4bc42a40059c8656,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + return speed -= 5; +} +" +f3a97ae65835419c11c0ee6bd7ee75d110deceda,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +" +7f933b8c5ffc6a224edec064a39c14dc4c1274a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed > 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed > 86 && isBirthday) + { + result = 2; + } + return result; +}" +83cbe350668fb5c0d394fef8c76ff77eea9cc187,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed => 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed => 86 && isBirthday) + { + result = 2; + } + return result; +}" +2260bab1c6f28266ae451d7fba35136af48622f7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed => 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed >= 86 && isBirthday) + { + result = 2; + } + return result; +}" +604f6b2d72280b69b1a109135e953b4f03a61250,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <=60 && !isBirthday) + { + result = 0; + } + else if (speed > 60 && speed < 81 && !isBirthday) + { + result = 1; + } + else if (speed >= 81 && !isBirthday) + { + result = 2; + } + else if (speed<=65 && isBirthday) + { + result = 0; + } + else if (speed > 65 && speed < 86 && isBirthday) + { + result = 1; + } + else if (speed >= 86 && isBirthday) + { + result = 2; + } + return result; +}" +c5bc27ca37ef113971646a025d880591c5c381c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + return 0 || return 1 || return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return 0 || return 1 || return 2; +} +" +fd8af5b85a7c88b8e1512c04571c9d6327e97a69,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +" +cbaf5bb0a72e566311cb9836b62ce755b0026b10,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; +} + +{ + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +" +80b6808c2a84befc63e84edd38e0754a9cc64fa3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +} +" +cb8d73ef1845d4b49728947ccfbcdf7bbc900f84,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +" +4b8e54a078e8bd38d07a29516291248350d15aee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +c4330d9413f6e62f14541269a0ac0fc82183e0a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; +} + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +" +cb1734d05dad48af309476db2fffc954d2549004,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; +} +" +a30636c8ec7d3a909e7b9aee2b718792e888d91a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +5b60fcbe4e12610ec1e8da2e80f5bbfe1efa8a98,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return; +} +" +91496ed50f84d40dacd60515c888e0e3a1cf2957,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return 0; +} +" +4c435d609e873b3f058e631234c4ffcad73360d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return 0 || return 1 || return 2; +} +" +82814edb1f05d5152038a83ec6e9be22b3d987f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + else if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return 0 || 1 || 2; +} +" +b1658ff97a94b787582ba692ae9437c5ec4e8136,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + +} +" +770c61006607b6548a4f644c57d3b6d0b5a70cee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return 2; +} +" +1608677d61a755131fbe84785fe0f22517a4eb4e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + if (speed <= 60) + return 0; + else if ((speed > 60) && (speed <= 80)) + return 1; + else if (speed > 80) + return 2; + + if (isBirthday) + if (speed <= 65) + return 0; + else if ((speed > 65) && (speed <= 85)) + return 1; + else if (speed > 85) + return 2; + return 2; +} +" +cb5526aac040308c20108a98e0f1c564e3a26601,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + if speed >= 65 + return 0 + else if speed <=85 && speed >= 66 + return 1 + else if speed >= 86 + return 2 + else + if speed >= 60 + return 0 + else if speed <=80 && speed >= 61 + return 1 + else if speed >= 81 + return 2 +} +" +17e6159a0ce6eb5fd1cff0d5dce47c042bf16bc5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + if (speed >= 65) + return 0 + else if speed <=85 && speed >= 66 + return 1 + else if speed >= 86 + return 2 + else + if speed >= 60 + return 0 + else if speed <=80 && speed >= 61 + return 1 + else if speed >= 81 + return 2 +} +" +fd0175b734d5e583711c8c2f7f470eddea86c18d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = 0) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<=80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<=85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +71cdbf036c4d49eaea11a1d11351f8160ca1b751,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed >= 65) + return 0; + else if (speed <=85 && speed >= 66) + return 1; + else if (speed >= 86) + return 2; + else + if (speed >= 60) + return 0; + else if (speed <=80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; +} +" +6b25f7c60e1646bd540aa4dd23406491391a25aa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday && speed <= 60) + { + return 0; + } + else if (!isBirthday && speed <= 80) + { + return 1; + } + else if (!isBirthday && speed > 80) + { + return 2; + } + else if (isBirthday && speed <= 65) + { + return 0; + } + else if (isBirthday && speed <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +63c4f20163776cb18e3a4a49a419fe1cdf187f3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int num; + if ((speed <= 60) || (speed <= 65 && isBirthday == true)) + { + num = 0; + } + else if ((speed >= 61 && speed <= 80) || (speed >= 66 && speed <= 85 && isBirthday == true)) + { + num = 1; + } + else if ((speed >= 81) || (speed >= 86 && isBirthday == true)) + { + num = 2; + } +} +" +19cea8b2551d053eb9d5ae07f8be1e9c25248e5a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0 + int smallTicket = 1 + int bigTicket = 2 + + if (speed <= 60) + { + return noTicket; + } + + else (speed >= 61 && speed <= 80) + { + return noTicket; + } + + else (speed >= 81) + { + return bigTicket; + } + +} +" +521ee17483c876327b719daee97a6adc0967da5f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int num; + if ((speed <= 60) || (speed <= 65 && isBirthday == true)) + { + num = 0; + } + else if ((speed >= 61 && speed <= 80) || (speed >= 66 && speed <= 85 && isBirthday == true)) + { + num = 1; + } + else if ((speed >= 81) || (speed >= 86 && isBirthday == true)) + { + num = 2; + } + return num; +} +" +8ec545c37ff668c25205b340b070d8029ac20bc5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<=80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<=85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +0cc0944972eef02b45e2743ce1b358e35097aa15,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) + { + return noTicket; + } + + else (speed >= 61 && speed <= 80) + { + return noTicket; + } + + else (speed >= 81) + { + return bigTicket; + } + +} +" +f548df75aa85ca561603282473238309a15e9dd9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed >= 65) + return 0; + else if (speed <=85 && speed >= 66) + return 1; + else if (speed >= 86) + return 2; + else (!isBirthday) + if (speed >= 60) + return 0; + else if (speed <=80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; +} +" +432374a25d23942e6e1e49f3c97b849306dc8a96,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed >= 65) + return 0; + else if (speed <=85 && speed >= 66) + return 1; + else if (speed >= 86) + return 2; + else (!isBirthday); + if (speed >= 60) + return 0; + else if (speed <=80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; +} +" +72b26da90d0a6913a243de5af76d05952f396fe4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed >= 65) + return 0; + else if (speed <=85 && speed >= 66) + return 1; + else if (speed >= 86) + return 2; + else + if (speed >= 60) + return 0; + else if (speed <=80 && speed >= 61) + return 1; + else if (speed >= 81) + return 2; +} +" +828056cdd1e41e6db3d2ce7e43cf18037d9fe7ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) + { + return noTicket; + } + + else (speed >= 61 && speed <= 80) + { + return noTicket; + } + + else if (speed >= 81) + { + return bigTicket; + } + +} +" +a34ff30b887736c59d687169070f5fba5a4f2dec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed <= 60) + { + return noTicket; + } + + else (speed >= 61 && speed <= 80) + { + return noTicket; + } + + else if (speed >= 81) + { + return bigTicket; + } + +} +" +26cf2acc61e19a4496698842373efcd78e94990d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((speed <= 60) || (speed <= 65 && isBirthday == true)) + { + return 0; + } + else if ((speed >= 61 && speed <= 80) || (speed >= 66 && speed <= 85 && isBirthday == true)) + { + return 1; + } + else if ((speed >= 81) || (speed >= 86 && isBirthday == true)) + { + return 2; + } +} +" +b12d2666a5545d051f40b8729e21572e5ddd15b1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<=80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<=85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +4406a6b742e59e10abb280a9aa77c181dc192aeb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = true) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +5fcd2470e586d9f35561cc856599eceb4dd9a344,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5 + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +3c91a8b9af4d65c54cce90b6dd183429f6b74537,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + else + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +33836c769fa56f9058bb480fc83895f68efd608c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +3e939dd8aa955c6fafda8458600dfbcc68f7936e,"public int caughtSpeeding(int speed, boolean isBirthday) +int x = 60; +int Bday = 0; +if (BDay == 0) + +{ if (x <= 60) + { return = 0(); + } +} +{ if (x <= 80 && x > 60) + { return = 1(); + } +} +{ if (x > 80) + {return = 2(); + } + +} +if (BDay == 1) + +{ if (x <= 65) + { return = 0(); + } +} +{ if (x <= 85 && x > 65) + { return = 1(); + } +} +{ if (x > 85) + {return = 2(); + } +" +a8f999245d5b42c377b81978170b212d1ac0bfa2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + else + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +} +" +f37eab7c53b17f3db573c1964a6ef026d7245d76,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +6a2f8d4960cc55bddeb52e06192f33e67b7a0f60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +e085e0cde82ccec476403a00cee47dbf96bba058,"public int caughtSpeeding(int speed, boolean isBirthday); +int x = 60; +int Bday = 0; +if (BDay == 0); + +{ if (x <= 60); + { return = 0(); + } +} +{ if (x <= 80 && x > 60) + { return = 1(); + } +} +{ if (x > 80) + {return = 2(); + } + +} +if (BDay == 1) + +{ if (x <= 65) + { return = 0(); + } +} +{ if (x <= 85 && x > 65) + { return = 1(); + } +} +{ if (x > 85) + {return = 2(); + } +" +31ab76794a4642235c830ad1bdf95683ff66d488,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +84e0082a63b8311b58a39b0d4b43ab7f0e485534,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +return giveTicket +" +f3ddf9031a05285f6f9fec49ad403733b0696a3c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +return giveTicket; + +" +aab29c2a1426ce09fc9efcce0027101d56a0f585,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +return giveTicket; +} + +" +3e4457fd2da4eefb58adac55cef4d8c1fd9b6110,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +public void giveTicket(); + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +return giveTicket; +} + +" +f23b5eda9b8a213c24c5a47786fd479ce24f3bfe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +public void giveTicket(); + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +return giveTicket; +} + +" +771d38fc0afc89b24084f4ae4a4593752cdecb63,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<84) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +7d4e81755259eeb67a4047ad9d73cb874f03331d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed<=60) + { + ticket = 0; + } + else if (speed>60 && speed<=80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + else if (speed>65 && speed<=85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + return ticket; +} +" +9440250168330afab791583582d92e882aaa990a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == True) { + if (speed <= 65) + return 0; + else if (speed <= 85 && speed >= 66) + return 1; + else + return 2; + } + else { + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else + return 2; + } +} +" +597b56ae7b9d69e64ea0e094678edd2621c8257d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 65) + { + return 0; + } + else if (speed <=85 && speed >= 66) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else + { + if (speed >= 60) + { + return 0; + } + else if (speed <=80 && speed >= 61) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +return result; +} + +" +3dadaa6af8ebf06723b25f0d8073c958d058aa4f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed<=60) + { + ticket = 0; + } + if (speed>60 && speed<=80) + { + ticket = 1; + } + if (speed>80) + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + if (speed>65 && speed<=85) + { + ticket = 1; + } + if (speed>85) + { + ticket = 2; + } + } + return ticket; +} +" +9cb8a90f1c8e36ee67ab81d9b7b2213f186b3ff0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) + return 0; + else if (speed <= 85 && speed >= 66) + return 1; + else + return 2; + } + else { + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else + return 2; + } +} +" +3b37f4e28797e2ca2a08c296d75b7ba124e7a1a2,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (BDay == false); + + { if (speed <= 60); + { return = 0(); + } + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + } + { if (speed > 80) + {return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + { return = 0(); + } + } + { if (speed <= 85 && speed > 65) + { return = 1(); + } + } + { if (speed > 85) + {return = 2(); + } +}" +2032a1093d1205fd03e0248c7aa0a8ab1753b2dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +8853667fc245195fd85c9db260d564e4a131edb5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while caughtspeeding() + { + if (speed<= 60) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5; + } +} +" +bce6101820e33a18577721e1c76cd060ddce4e60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (caughtspeeding()) + { + if (speed<= 60) + speed=0; + else if (speed>=61 && speed<=80) + speed=1; + else if (speed>= 81) + speed=2; + else if (isBirthday) + speed=speed++5; + } +} +" +c446ea0e8140eb6c8837de27155dc363fbf5ad6b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 65) + { + giveTicket=0; + } + else if (speed <=85 && speed >= 66) + { + giveTicket=1; + } + else if (speed >= 86) + { + giveTicket=2; + } + } + else + { + if (speed >= 60) + { + giveTicket=0; + } + else if (speed <=80 && speed >= 61) + { + giveTicket=1; + } + else if (speed >= 81) + { + giveTicket=2; + } + } +return giveTicket; +} + +" +8f2f8476c14f826f921199c7e67bce066ff03939,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (BDay == false); + + { if (speed <= 60) + { return = 0(); + } + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + } + { if (speed > 80) + {return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + { return = 0(); + } + } + { if (speed <= 85 && speed > 65) + { return = 1(); + } + } + { if (speed > 85) + {return = 2(); + } +}" +f1500fc0bea93f8c10ce11abbe8219928f339001,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +public int giveTicket=0; + if (isBirthday) + { + if (speed >= 65) + { + giveTicket=0; + } + else if (speed <=85 && speed >= 66) + { + giveTicket=1; + } + else if (speed >= 86) + { + giveTicket=2; + } + } + else + { + if (speed >= 60) + { + giveTicket=0; + } + else if (speed <=80 && speed >= 61) + { + giveTicket=1; + } + else if (speed >= 81) + { + giveTicket=2; + } + } +return giveTicket; +} + +" +8a491618f8738ba6e8450f8eff885aa07905c58b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +public void giveTicket(); + if (isBirthday) + { + if (speed >= 65) + { + giveTicket=0; + } + else if (speed <=85 && speed >= 66) + { + giveTicket=1; + } + else if (speed >= 86) + { + giveTicket=2; + } + } + else + { + if (speed >= 60) + { + giveTicket=0; + } + else if (speed <=80 && speed >= 61) + { + giveTicket=1; + } + else if (speed >= 81) + { + giveTicket=2; + } + } +return giveTicket; +} + +" +b0315a92090a203f20a898686482ae18d8dd7c0b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + else if(speed >= 61 && speed <= 81) + return 1; + else if(speed >= 81) + return 2; + if(isBirthday && speed <= 65) + return 0; + if(isBirthday && speed >= 66 && speed <= 8) + return 1; + else + return 2; + +} +" +71cd0d4ea9ecad5561e9188d7015eb88e5fac123,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +int giveTicket=0; + if (isBirthday) + { + if (speed >= 65) + { + giveTicket=0; + } + else if (speed <=85 && speed >= 66) + { + giveTicket=1; + } + else if (speed >= 86) + { + giveTicket=2; + } + } + else + { + if (speed >= 60) + { + giveTicket=0; + } + else if (speed <=80 && speed >= 61) + { + giveTicket=1; + } + else if (speed >= 81) + { + giveTicket=2; + } + } +return giveTicket; +} + +" +c9b88183dfb519ab83e52f3dd40d8175cf67143f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (isBirthday = false) + { + if (speed<=60) + { + ticket = 0; + } + if (speed>60 && speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + if (speed>65 && speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + return ticket; +} +" +044d808034bed9de6e85e2f65e38fa6a056facbd,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (BDay == false); + + { if (speed <= 60) + return = 0(); + + } + { if (speed <= 80 && x > 60) + return = 1(); + + } + { if (speed > 80) + return = 2(); + + +} + +{if (isBirthday == true) + + { if (speed <= 65) + return = 0(); + + } + { if (speed <= 85 && speed > 65) + return = 1(); + + } + { if (speed > 85) + return = 2(); + } + +}" +bf88cffbcbe0c1de309673a854c90c5b10181bd7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed<=60) + { + ticket = 0; + } + if (speed>60 && speed<=80) + { + ticket = 1; + } + if (speed>=81) + { + ticket = 2; + } + } + else + { + if (speed<=65) + { + ticket = 0; + } + if (speed>65 && speed<=85) + { + ticket = 1; + } + if (speed>=86) + { + ticket = 2; + } + } + return ticket; +} +" +aa0dc894df6ea189d87f40f58e87ff18be8321d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return 0; + if(speed >= 61 && speed <= 81) + return 1; + if(speed >= 81) + return 2; + if(isBirthday && speed <= 65) + return 0; + if(isBirthday && speed >= 66 && speed <= 8) + return 1; + else + return 2; + +} +" +2ba27f47a831f7d6cd5374f6e1d1c785b3130172,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0 + int smallTicket = 1 + int bigTicket = 2 + + //-5 for birthday + if(isBirthday) + { + speed -= 5; + } + + //returning speed + if(speed <= 60) + { + return noTicket; + } + + else if(speed <= 80) + { + return smallTicket; + } + + else + { + return bigTicket; + } +} +" +b57cdfeff32fe237473a044170fa5861b186a827,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0 + int smallTicket = 1 + int bigTicket = 2 + + //-5 for birthday + if(isBirthday) + { + speed -= 5; + } + + //returning speed + if(speed <= 60) + { + return noTicket; + } + + else if(speed <= 80) + { + return smallTicket; + } + + else + { + return bigTicket; + } +} +" +92381b635d39391a1b9ccda5429010db619cd911,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0 + int smallTicket = 1 + int bigTicket = 2 + + //-5 for birthday + if(isBirthday) + { + speed -= 5; + } + + //returning speed + if(speed <= 60) + { + return noTicket; + } + + else if(speed <= 80) + { + return smallTicket; + } + + else + { + return bigTicket; + } +} +" +ad777d2bbba202bfeb08d1b4f61f13b9bf31d5d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else if(speed >= 81) + { + return 2; + } + if(isBirthday) + { + speed -=5; + } + +}" +1242d85f973510c6f17898c6883cfbf66a3879ce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + //-5 for birthday + if(isBirthday) + { + speed -= 5; + } + + //returning speed + if(speed <= 60) + { + return noTicket; + } + + else if(speed <= 80) + { + return smallTicket; + } + + else + { + return bigTicket; + } +} +" +534754abfd96d47620d19230a398db10e22687ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else if(speed >= 81) + { + return 2; + } + if(isBirthday) + { + speed -=5; + } +} +" +ff2e631220ceac68837793b143acd2c6f5e70290,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +int giveTicket=0; + if (isBirthday) + { + if (speed <= 65) + { + giveTicket=0; + } + else if (speed <=85 && speed >= 66) + { + giveTicket=1; + } + else if (speed >= 86) + { + giveTicket=2; + } + } + else + { + if (speed <= 60) + { + giveTicket=0; + } + else if (speed <=80 && speed >= 61) + { + giveTicket=1; + } + else if (speed >= 81) + { + giveTicket=2; + } + } +return giveTicket; +} + +" +36f636bda5015be70320467220b877cfcab11b19,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +b820d1ada5ac79a538ece7857f0d5ce4b95e3c55,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (BDay == false); + + { if (speed <= 60) + return = 0(); + + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + + } + { if (speed > 80) + { return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +ae0a0b36937ed4707d2461de58a7463a0acc1814,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed -= 5; + +if (speed <= 60) + + return 0; + +else if (speed <= 80) + + return 1; + +else + + return 2; + +} +" +afa78a573b5574a167c81f1a55b37637afc72eac,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false); + + { if (speed <= 60) + {return = 0(); + } + + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + + } + { if (speed > 80) + { return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +2157ec585bf55c269fbf9c0669f344f4a1a7ec2d,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return = 0(); + } + + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + + } + { if (speed > 80) + { return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +a7258859fd85999e852e85c2ce3ec725874f8b94,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return = 0() + } + + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + + } + { if (speed > 80) + { return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +1958527a162feb17dfebba3e041eb099b24abb5e,"public int caughtSpeeding(int speed, boolean isBirthday){ +int speed = 60; +int isBirthday = false; +if (isBirthday == false) + + { if (speed <= 60) + {return = 0(); + } + + } + { if (speed <= 80 && x > 60) + { return = 1(); + } + + } + { if (speed > 80) + { return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +2e1e39ed3744735b70ac709133f517cf4fcbac51,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if caughtspeeding() + speed < 60; + caughtspeeding = 0; + if caughtspeeding() + speed >= 61 && speed =< 80; + caughtspeeding = 1; + if caughspeeding() + speed > 81; + caughtspeeding = 2; + if caughspeeding(isBirthday) + speed = speed++5; +} +" +adf0a2a42dca6b84acf9c06d8ec929be71eef251,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {//return = 0(); + } + + } + { if (speed <= 80 && x > 60) + { //return = 1(); + } + + } + { if (speed > 80) + { return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +347d66d43e53bc1d38148a8aa09702a1e3f74c18,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {//return = 0(); + } + + } + { if (speed <= 80 && x > 60) + { //return = 1(); + } + + } + { if (speed > 80) + {// return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +31af5bfbaf433bc4380d34fd54a6771a258c75a1,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && x > 60) + { //return = 1(); + } + + } + { if (speed > 80) + {// return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +d68e8f4dc6732486fdce32f1cfbf9306190f24d0,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && x > 60) + { //return = 1(); + } + + } + { if (speed > 80) + {// return = 2(); + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return = 0(); + } + + } + { if (speed <= 85 && speed > 65) + {return = 1(); + } + + } + { if (speed > 85) + {return = 2(); + } + } + +}" +cafe2cc25f8042dc2e40345656f87a466a29caf8,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && x > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } + +}" +08abf13fb347487b89b8debf3048ffe3350c108e,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && x > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} +}" +db2a71fb5aa8cb40f67a16ab48f3cadc8604e9ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + return speed - 5; + + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + + return 1; + + else + return 2; + +} +" +131412c9515e20cb1686a1693148bf35876a1b9b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + return speed - 5; + + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + + return 1; + + else + return 2; + +} +" +731b9fe164d3a7f7e77f74f432377cb5d7f9c164,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} +}" +6ea424e6e1b37389ec826bc4dd7b2771a87ed428,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return = 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} +}" +67c4da92324b67fdc39dbf4557634b3e4bebdddc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + + return 1; + + else + return 2; + +} +" +e7870cb83ccce0eb8b17d6ee926c4b2a786f2180,"public int caughtSpeeding(int speed, boolean isBirthday); +int speed = 60; +int isBirthday = false; +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} +}" +e583f68595cf81eadbaddd5f16fc84a45e2b1e0d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + else if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1 + else if (speed>= 81) + return 2 +} +" +b2f191714a15068de6f69827502472d31f54bfde,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + else if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +} +" +8b07886dea1e994d3f513674e9ec3f7c045432b8,"public int caughtSpeeding(int speed, boolean isBirthday) +{if isWeekend +{ + +} + +} +" +6fbad5f42b91fcae6f3a26aa8683185ad5ebdd05,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + else if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +end } +" +b9bb626c1618fbdca2f3398a3a89467e35573364,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + else if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +} +" +cfa423bcaa5d33baa27d59884621458ef9a05db8,"public int caughtSpeeding(int speed, boolean isBirthday); +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} +}" +8acb38317ebb98ea1bcd7945579d90103e26808d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if speed >60 + { + return 0; + } + else if speed >60 && <81 + { + return 1; + } + else + { + return 2; + } +} +" +725e489735360f74f6332cc50783d2628bf0f918,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if(speed >60) + { + return 0; + } + else if(speed >60 && <81) + { + return 1; + } + else + { + return 2; + } +} +" +8d72c0c51f05d5678e5339fed8f64af0ca4db3cd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} +} +} +" +99cedfd9657589af2030babab76507a3aa933d29,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +} +" +e14c77a1496fc2c13570981ba1a4ece95056b39c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } +} + else{return 0;} +} +} +" +bac5317a91d4763899083dd1949620e50596e7ca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed >60) + return 0; + else if(speed >60 && <81) + return 1; + else + return 2; +} +" +7d3f95fc0d8a10bea585e47f4f4a5662ee0deb74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } + else{return 0;} +} + +} +} +" +072fa6ee6f3109ad6844fcc8e33b5cc8583471b1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} + +} +} +" +1fadf82726b76e0ceca6cb8249cc8d7e630fad6b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +return +} +" +379cce98028ffb2265dc027d3ff5caeafb708dbc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed < 61) + return 0; + else if(speed < 81) + return 1; + else + return 2; +} +" +635ebcf24cf6a81a6f5f019dcee19ede9ef971fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +} +" +f0276684f2f7adbeaa2834f471981f4c52f83bd3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else if (speed>= 81) + return 2; +} +" +38d6b682cbf4a21445cf9b79d8e8ecd3d62af832,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} + +} + +" +ee15e1c0f0d812294f9f721e3e74f05a66b9a087,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} + +} + +" +b25b8a7822f9cc15e26eb5d739119e03a773183e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else (speed>= 81) + return 2; +} +" +4767f11468c450c6dd74ef84b9252558ec091e08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + speed -= 5; + if (speed<= 60); + return 0; + else if (speed>=61 && speed<=80); + return 1; + else (speed>= 81); + return 2; +} +" +51d2f13d6e1a2e903f5ebe34847bf3fb4b5ff708,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + {if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + + +} + +" +8d1d523cfbda66f90c687fba536f3cd192ab759c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + {if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + + +} +} +" +c183bfea1fe46fa8e1c3260646f7b0f97c89ea09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + speed -= 5; + if (speed<= 60) + return 0; + else if (speed>=61 && speed<=80) + return 1; + else + return 2; +} +" +956764e5cf431d1d57ffe55193345b7140af9f6b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + {if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + + +} +} +} +" +1af818aed603a46f325259ddc8af490df62e7fc9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + speed -= 5; + if (speed< 61) + return 0; + else if (speed < 81) + return 1; + else + return 2; +} +" +669a61fa7830d3be78b668bacf77c8741e993629,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed < 61) + return 0; + else if (speed < 81) + return 1; + else + return 2; +} +" +eb39b25d74b2e1951f9a62cbb66b2218519121b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + x = 60; + y = 80; + if (isBirthday) + { + x+=5; + y+=5; + } + if (speed < x) + { + ticket = 0; + } + else if (x < speed < y) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +1130dae74a081755b1cd59c82d96782ca1c093a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 60; + int y = 80; + int ticket = 0; + if (isBirthday) + { + x+=5; + y+=5; + } + if (speed < x) + { + ticket = 0; + } + else if (x < speed < y) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +b151d08aa6c15a5f34e2bbeaad7b2ea1a7c0fb7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 60; + int y = 80; + int ticket = 0; + if (isBirthday) + { + x+=5; + y+=5; + } + if (speed < x) + { + ticket = 0; + } + else if (speed < y) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +44d81ebc9b7f9fd09ef6399f93a7598b7cb05644,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 60; + int y = 80; + int ticket = 0; + if (isBirthday) + { + x+=5; + y+=5; + } + if (speed <= x) + { + ticket = 0; + } + else if (speed <= y) + { + ticket = 1; + } + else + { + ticket = 2; + } + return ticket; +} +" +470f2e5144601cd8aa7d188d52c73cd8929cfe45,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + if speed < 60 + return 0 + else if + + +} +" +859a0594956e49434902fbe3cd874601e5be7f1f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int isBday = 0; + if(isBirthday)isBday=5; + if(speed =< 60 + isBday)return 0; +} +" +6c5f3ca82c5097ce534a37c3337fea5398cc8c3f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 81) + { + return 2; + } + else if (speed >= 61) + { + return 1; + } + + return 0; + } + else + { + return caughtSpeeding(speed - 5, false); + } +} +" +1502f6f788b529f0c4c7f296dac096513ad5fad8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} + return 0 +} + +" +a19504c370e8fa94fc99dcd6bce2438f971f7369,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} + return 0; +} + +" +4e19158a3500abd8a3732976dfedb9f8c29b5b66,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int isBday = 0; + if(isBirthday){isBday=5} + if(speed =< 60 + isBday){return 0} + else if (speed =< 80 + isBday){return 1} + else {return 2} +} +" +ce982f9badd9f9e8a3446b6b46ad8467d5a7c0b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + { + return 0(); + } + if (speed <= 60 ) + { + return 0(); + } + if (speed > 61 && < 80) + { + return 1(); + } + if (speed > 81) + + { + return 2(); + } +} +" +fcdbb6373be5284d599d2739e959e2f893a3dcb6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} +} + +" +d315bf04b5af2f1fb163d2599a3d1d9a8f536509,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int isBday = 0; + if(isBirthday){isBday=5;} + if(speed =< 60 + isBday){return 0;} + else if (speed =< 80 + isBday){return 1;} + else {return 2;} +} +" +4e74ffa0829f2fbcfbc526751d6e1bdb5edb2d1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } + +} +} + +" +1da44fff25d315ba1be330eea1db87999a95acf1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } + } + +} +} + +" +b37aded998968dc930e96de020fb1b8aa584f1a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((61 < speed < 80 && !isBirthday) || (isBirthday && 61 < speed - 5 < 80)) { + return 1 + } + else if((speed > 80 && !isBirthday) || (isBirthday && speed - 5 > 80)) { + return 2 + } + else { + return 0 + } +} +" +8131cfa406ad64964124c5be7d733a9bf30381d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} + +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} +} + +" +71688e6ac9c71eaef00f71f64b789485d4711c40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((61 < speed < 80 && !isBirthday) || (isBirthday && 61 < speed - 5 < 80)) { + return 1; + } + else if((speed > 80 && !isBirthday) || (isBirthday && speed - 5 > 80)) { + return 2; + } + else { + return 0; + } +} +" +80ae3c698c2b12160529e0ff9c5b87f6467e8a91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + /* +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} +*/ +{if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + +} +} + +" +d001c42d3d29d4f08aa30007bc88375f81117c18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int isBday = 0; + if(isBirthday){isBday=5;} + if(speed <= (60 + isBday)){return 0;} + else if (speed <= (80 + isBday)){return 1;} + else {return 2;} +} +" +ab05da627c34bb006e7a8d32e0a338f9fd99f75f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((80 > speed > 61 && !isBirthday) || (isBirthday && 80 > speed - 5 > 61)) { + return 1; + } + else if((speed > 80 && !isBirthday) || (isBirthday && speed - 5 > 80)) { + return 2; + } + else { + return 0; + } +} +" +bcf1a431b4e0ff2b89638ec1a9e5499f3cb0709d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + { + return 0; + } + if (speed <= 60 ) + { + return 0; + } + if (speed > 61 && < 80) + { + return 1; + } + if (speed > 81) + + { + return 2; + } +} +" +d0fc72cac7a854ec88e92cd67bd408582e3d036b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + { + if speed <= 65 + { + return 0 + } + else if (speed > 65) && speed <= 85 + { + return 1 + } + else + { + return 2 + } + } + else + { + if speed <= 60 + { + return 0 + } + else if (speed > 60) && speed <= 80 + { + return 1 + } + else + { + return 2 + } + } + + + + +} +" +c79a23f608dad429a4e14844fb089c0e6997f77e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + /* +{if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + +} + +} +*/ +if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + +} + +" +bfd7620a5d5cba8caa68aade8d13f913b2d76abe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday = true + { + if speed <= 65 + { + return 0 + } + else if (speed > 65) && speed <= 85 + { + return 1 + } + else + { + return 2 + } + } + else + { + if speed <= 60 + { + return 0 + } + else if (speed > 60) && speed <= 80 + { + return 1 + } + else + { + return 2 + } + } + + + + +} +" +d2dfa6d3a41763239f016d86266a256ddff30d32,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday = true + { + if speed <= 65 + { + return 0 + } + else if (speed > 65) && speed <= 85 + { + return 1 + } + else + { + return 2 + } + } + else + { + if speed <= 60 + { + return 0 + } + else if (speed > 60) && speed <= 80 + { + return 1 + } + else + { + return 2 + } + } + + + + +} +" +2680fb79484930dd5b0422caa70bd6de1a142e65,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speedingTicket; + private int speed; + + public void birthdayToday() + { + if (isBirthday = true) + { + speed = speed - 5; + } + } + + public void theDamage() + { + if (speed <= 60) + { + speedingTicket = 0; + } + if else ((speed >= 61) && speed <= 80) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + } +} +" +8ae9b621d0992c3d36dfc78d9680d74892d48814,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + { + return 0; + } + if (speed <= 60 ) + { + return 0; + } + if (speed > 61 && < 80) + { + return 1; + } + if (speed > 81) + + { + return 2; + } +} +" +ad166c2c39835c956c43f15b52020f0c85e7e43b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +} + +if (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + +} + +" +1aca7e3bccd5f7b1a0bf5e82d5bd020754507531,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday = + { + if speed <= 65 + { + return 0; + } + else if (speed > 65) && speed <= 85 + { + return 1; + } + else + { + return 2; + } + } + else + { + if speed <= 60 + { + return 0; + } + else if (speed > 60) && (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +} +" +02b7c1f073b1ccc0f9b1712b26e3795eae34e53e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +} + +else (isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + +} + +" +61a8887223dcebbedf0f8d9b902cbda5d1d7c746,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +} + +else //(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + +} + +" +b8469632ce014d6809aae510e0e8b13e2a287860,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + + + +else //(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + +} + +" +348cc13ebc8a877371a02f32be6cc2633a32c74c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + + + +else //(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + } +} + +" +f2ae636ce3f1c13cbbbcf233605e0c64385859e1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if ((speed > 65) && (speed <= 85)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 60) && (speed <= 80)) + { + return 1; + } + else + { + return 2; + } + } + + + + +} +" +025069c932e586a5d90da2c3de2f7d8390380e03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + + +/* +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + + } + */ +} + +" +421e6e4b76aa2a9152054ede465cb6957e81568d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + + +/* +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } +*/ + } + +} + +" +8aa2c25a3d0ed06831fac8659b8733a3c67f9e31,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + + +/* +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } +*/ + } + return 0; +} + +" +440a9eb0a090ee4ec97929bd6cd92d37958df134,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == true) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + } + return 0; +} + +" +289a51d3dda1739462fff2dcfc2f98742bc9a0db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speedingTicket; + + public void birthdayToday() + { + if (isBirthday = true) + { + speed = speed - 5; + } + } + + public void theDamage() + { + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + } +} +" +c9eb2791bc06f85d75c02972304d495723860191,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == true) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + } + +} + +" +f49c549fbd1618f097e504ab2d2a80386134ad87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + + if(speed <= 60) + return 0; + + else if(speed <= 80) + return 1; + + else + return 2 +} +" +b37bc7d1d3daf404d0d3c3813e475e2a6fd659e6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + + if(speed <= 60) + return 0; + + else if(speed <= 80) + return 1; + + else + return 2; +} +" +6674f819ef607fe172ccd5baab9b64ed3ebcd7b0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + } + +} + +" +d66850ee06298fd0ea902eab5f05a62c4cf0127e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speedingTicket; + + public void birthdayToday(int speed) + { + if (isBirthday = true) + { + speed = speed - 5; + } + } + + public void theDamage(int speed) + { + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + } +} +" +c13c69acb421cb1ee49c98cf23ab4aabb0fea779,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speedingTicket; + + public void birthdayToday(int speed); + { + if (isBirthday = true) + { + speed = speed - 5; + } + } + + public void theDamage(int speed); + { + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + } +} +" +ef91737b83a53aea3990e710fcdcf94b9e21b748,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + else + {return 0;} + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + } + +} + +" +b639885b701904496df7eb16a28b034bb93ecd28,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + + { if (speed <= 60) + {return 0; + } + + } + { if (speed <= 80 && speed > 60) + { return 1; + } + + } + { if (speed > 80) + {return 2; + } + + + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + } + { if (speed <= 85 && speed > 65) + {return 1; + } + + } + { if (speed > 85) + {return 2; + } else{return 0;} + } + } + +} + +" +e6bc147736700d835edc0d65c7a5164a895181b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int bigTicket; + private int smallTicket; + private int noTicket; + + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + + while (!isBirthday) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >=80) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + + while (isBirthday) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >=85) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + +} +" +fa9ad67d672dc425ca27d88af71be9731c778774,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 1; + } +} +" +f067c4b451a9e611edd0804440e2bac965159b42,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private in caughtSpeeding; + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 1; + } +} +" +c4befc72d732c893ad6a7cbba9a4153b55cd1e65,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int caughtSpeeding; + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 1; + } +} +" +cd4e4949958a02ba7e57708f7676c2053c26e42b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public class TicketMachine + { + private int bigTicket; + private int smallTicket; + private int noTicket; + } + + public TicketMachine() + { + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + } + + while (!isBirthday) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >=80) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + + while (isBirthday) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >=85) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + +} +" +96879c673fe6790ff2b5486b0a155f3fe6fe8f2b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public class TicketMachine() + { + private int bigTicket; + private int smallTicket; + private int noTicket; + } + + public TicketMachine(); + { + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + } + + while (!isBirthday) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >=80) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + + while (isBirthday) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >=85) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + +} +" +13720e4956ff40b3090c59714074b74fa3605ace,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 1; + } +} +" +22cb2ce065ae59deff14d54f2aeffd3c3cc65f3c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speedingTicket + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } +} +" +c3bd0f8f54d80fef3349f20bfd6535c10a5d87d6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speedingTicket; + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } +} +" +1a4193b31f7bcaddcb3145c85d090d609e7041e2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedingTicket; + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } +} +" +23d97f4b5df0d127880ce7a1322b5b0006f02867,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + private int bigTicket; + private int smallTicket; + private int noTicket; + + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + + while (!isBirthday) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >=80) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + + while (isBirthday) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >=85) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + +} +" +caee2c760a5b1410e5e92907780de672eab68e58,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedingTicket; + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + + return speedingTicket; +} +" +6decc7594fc67f93e6f9c66e93a55aeda9a15032,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + + while (!isBirthday) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >=80) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + + while (isBirthday) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >=85) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + +} +" +2345b586d17cb516fe8f7e428def90815e52f37e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + if (!isBirthday) + { + if (speed <= 60) + { + this.noticket(); + } + if (speed > 61 && speed <= 80) + { + this.smallticket(); + } + if (speed > 81) + { + this.bigticket(); + } + } + if (isBirthday) + { + if (speed <= 65) + { + this.noticket(); + } + if (speed > 66 && speed <= 85) + { + this.smallticket(); + } + if (speed > 86) + { + this.bigticket(); + } + } + + +} +" +bee40798dd8d4ce1f7e6122be365a92512774dd9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedingTicket; + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) || (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + + return speedingTicket; +} +" +e647fefdf73190d6459edd8b80b9b035419a37f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + if (!isBirthday) + { + if (speed <= 60) + { + noticket(); + } + if (speed > 61 && speed <= 80) + { + smallticket(); + } + if (speed > 81) + { + bigticket(); + } + } + if (isBirthday) + { + if (speed <= 65) + { + noticket(); + } + if (speed > 66 && speed <= 85) + { + smallticket(); + } + if (speed > 86) + { + bigticket(); + } + } + + +} +" +b2efa55137548204d2844e375b158cf6a3ae0ec7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedingTicket; + + if ((isBirthday = true)) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + + return speedingTicket; +} +" +ccd18f56c286798283b39b1a911f38b4e8e8486d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + if (!isBirthday) + { + if (speed <= 60) + { + int 0 + } + if (speed > 61 && speed <= 80) + { + smallticket(); + } + if (speed > 81) + { + bigticket(); + } + } + if (isBirthday) + { + if (speed <= 65) + { + noticket(); + } + if (speed > 66 && speed <= 85) + { + smallticket(); + } + if (speed > 86) + { + bigticket(); + } + } + + +} +" +95aaf803c2220074033dc9e8cb85ff08e0ac7f70,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + if (!isBirthday) + { + if (speed <= 60) + { + int 0; + } + if (speed > 61 && speed <= 80) + { + int 1; + } + if (speed > 81) + { + int 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + int 0; + } + if (speed > 66 && speed <= 85) + { + int 1; + } + if (speed > 86) + { + int 2; + } + } + + +} +" +b51f6f62d0da1249cfc0f9f13b2f66d8a70816d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +97cf2f221a79d8905761bb9cd9a8d5d040879f23,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speedingTicket; + + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + speedingTicket = 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + speedingTicket = 1; + } + else + { + speedingTicket = 2; + } + + return speedingTicket; +} +" +de4c2781e0cf56282e12ef949204dba6958cd5f9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = 1) + { + if (speed =< 65) + { + ticket = 0 + } + else if (speed >= 66 && speed =< 85) + { + ticket = 1 + } + else + { + ticket = 2 + } + } + else + { + if (speed =< 60) + { + ticket = 0 + } + else if (speed >= 61 && speed =< 80) + { + ticket = 1 + } + else + { + ticket = 2 + } + } +} +" +3fa7a75a123533cbdfd00b5bc24a1f3b92106e3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noticket = 0; + int smallticket = 1; + int bigticket = 2; + if (!this.isBirthday) + { + if (speed <= 60) + { + System.out.println(noticket); + } + } + +} +" +eae6d41629e7a883b35f8866ea36f5b1a3bddf84,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + private int bigTicket; + private int smallTicket; + private int noTicket; + + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + + while (!isBirthday) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >=80) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + + while (isBirthday) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >=85) + { + return bigTicket; + } + else + { + return smallTicket; + } + } + +} +" +3bbbf5373c409675ebb7ac8f2b82142a6e742808,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + +} +" +6f4da15562c83461e8561362d988251e0a0c114b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -=5; + } + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + + +} +" +fc5e8fea894f85c464f4e28d8c68f03aab02380f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public void ticketReturn() + { + if (isBirthday = 1) + { + if (speed =< 65) + { + ticket = 0; + } + else if (speed >= 66 && speed =< 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed =< 60) + { + ticket = 0; + } + else if (speed >= 61 && speed =< 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + } +} +" +18aebcba04845ffd2c82fcbb96bfd37dd7d4822a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + + return ticket; +} +" +baae4122742eb61ed4f9edec9e45a7ceb3bc4783,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = 1) + { + if (speed =< 65) + { + ticket = 0; + } + else if (speed >= 66 && speed =< 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed =< 60) + { + ticket = 0; + } + else if (speed >= 61 && speed =< 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +91807309cb61981ec6e455111e886e17ad927a78,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday = 1 + { + if speed =< 65 + { + ticket = 0; + } + else if speed >= 66 && speed =< 85 + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed =< 60) + { + ticket = 0; + } + else if (speed >= 61 && speed =< 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +45e8fd94242233c4c0f5c64876c94c5d975a760f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = 1) + { + if (speed =< 65) + { + ticket = 0; + } + else if (speed >= 66 && speed =< 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed =< 60) + { + ticket = 0; + } + else if (speed >= 61 && speed =< 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +b32b4b7c2f250739a1f0f858ea87af1074806412,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed<=60) + {return 0;} + + if(speed <= 81 || speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed<=65) + {return 0;} + + if(speed <= 86 || speed >= 66) + {return 1;} + + if(speed >= 86) + {return 2;} + } + + } +" +b20f37c43eda86af86341705c2ec3e1c679799ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + if (!isBirthday) + { + if (speed < 61) + { + ticket = 0; + } + else if (speed >= 61 && speed < 81) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + } + else + { + if (speed < 66) + { + ticket = 0; + } + else if (speed >= 66 && speed < 86) + { + ticket = 1; + } + else if (speed > 85) + { + ticket = 2; + } + } + + return ticket; +} +" +176082944611ddf813d1d6218234583bf340cfe4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + mph = speed; + birthday = isBirthday; + +} +" +c4fe76845ec7d0a0a6c586645cbe00dd6b137a81,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = 1) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +d81e30165aedad8923b5cfebe60e0210552e8a1b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed < 60 + { + ticket = 0 + return this.ticket + } + else-if 61 < speed < 80 + { + ticket = 1 + return this.ticket + } + else + { + ticket = 2 + return this.ticket + } + +} +" +878ac6aa93e982acbf77d9e86e59f1b08e537b7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph; + boolean birthday; + mph = speed; + birthday = isBirthday; + +} +" +80d846cd3e7e1014747df6ed51e1cff3326cdf61,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed<=60) + {return 0;} + + if(speed <= 81 || speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed<=65) + {return 0;} + + if(speed <= 86 || speed >= 66) + {return 1;} + + if(speed >= 86) + {return 2;} + } +} +" +3602b9a4c090694696e321dcddd27bb519a45f93,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed<=60) + {return 0;} + + if(speed <= 81 || speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed<=65) + {return 0;} + + if(speed <= 86 || speed >= 66) + {return 1;} + + if(speed >= 86) + {return 2;} + } +return 0; +} +" +4ecb9f93590351b455c9d5b0d813fad204599824,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Scanner isBirthday = new Scanner(system.in); + system.out.println(isBirthday.nextLine()); +} +" +a4751c53538470fc0d359bf143558cd8c3f46ebc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed < 60 + { + ticket = 0; + return this.ticket; + } + else-if 61 < speed < 80 + { + ticket = 1; + return this.ticket; + } + else + { + ticket = 2; + return this.ticket; + } + +} +" +cf7204a54f1665a3793cb55fbba321d3b66cc9f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = ture) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +8598f898140fa41b72af7e67646a4888a8da7bbd,"import java.util.Scanner; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + Scanner isBirthday = new Scanner(system.in); + system.out.println(isBirthday.nextLine()); +} +" +6e06f3471601607fbbd671d50eac594b7938e02a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +d758011fcaae067bcdbf2a76ff30350edc64d522,"import java.util.Scanner +public int caughtSpeeding(int speed, boolean isBirthday) +{ + Scanner isBirthday = new Scanner(system.in); + system.out.println(isBirthday.nextLine()); +} +" +f13006ee086b3a523c920785e66454b29bb5eb60,"import java.util.Scanner; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + Scanner isBirthday = new Scanner(system.in); + system.out.println(isBirthday.nextLine()); +} +" +679187382148d54809e9a2c9d9e9ebe896951803,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +f37052aafea309535eaed8269cbf21637a6152a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + else + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +67ab7343a651e288a99aceb78cb34cb61b8b823d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + if (isBirthday) { + speed = speed - 5; + } + + if (speed < 61) { + ticket = 0; + } + else if (speed >= 61 && speed < 81) { + ticket = 1; + } + else if (speed >= 81) { + ticket = 2; + } + + return ticket; +} +" +7a32aaab44420713b261fa316640bb93033c37db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + if (!isBirthday) + { + if (speed < 61) + { + ticket = 0; + } + else if (speed >= 61 && speed < 81) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + } + else + { + if (speed < 66) + { + ticket = 0; + } + else if (speed >= 66 && speed < 86) + { + ticket = 1; + } + else if (speed > 85) + { + ticket = 2; + } + } + + return ticket; +} +" +be2b0f25cf059cf461344387a712a462c979c595,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthay) + { + speed = speed - 5; + } + if speed < 60 + { + return 0; + } + else-if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +ed7582b005f8730706ecb12e9a6bd6deb66f1acc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +}" +4b6744c3acc9745296e166931ebfcd0aac960a13,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed < 60) + { + return 0; + } + else-if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +e8b85075c001000b2f1626b1ba9f3a64424705a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday==true) + { + if(speed<=60) + {return 0;} + + if(speed <= 81 || speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed <= 65) + {return 0;} + + if(speed <= 86 || speed >= 66) + {return 1;} + + if(speed >= 86) + {return 2;} + } +return 0; +} +" +3aa0c224d7ea57ddf30414def9b8804098f14f01,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >0 && speed <= 60) + { + return 0; + } + else if (speed >60 and speed <= 81) + { + return 1; + } + else if (isBirthday()) + { + return 0; + } + + + + +} +" +a0330e5c36be8e963991519edcce89c49f47cca5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed < 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +cd8e75aaa5d5f86e36c0e067a1def69608cdc8e6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday==true) + { + if(speed<=60) + {return 0;} + + if(speed <= 81 && speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed <= 65) + {return 0;} + + if(speed <= 86 && speed >= 66) + {return 1;} + + if(speed >= 86) + {return 2;} + } +return 0; +} +" +079a8587ed198057f181e4ac2f72f88ee1c9a97c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket =''; + if (isBirthday) + { + if (speed>= 0 || speed <= 65) + { + return ticket = '0'; + } + else if (speed >= 66 || speed <= 85) + { + return ticket = '1'; + } + else + { + return ticket = '2'; + } + + } + if (speed>= 0 || speed < 60) + { + return ticket = '0'; + } + else if (speed >= 61 || speed <= 80) + { + return ticket = '1'; + } + else + { + return ticket = '2'; + } + +} +" +3e0ef196f437f1cd9e36d0e4c2c35266498fb5d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket =0; + if (isBirthday) + { + if (speed>= 0 || speed <= 65) + { + return ticket = '0'; + } + else if (speed >= 66 || speed <= 85) + { + return ticket = '1'; + } + else + { + return ticket = '2'; + } + + } + if (speed>= 0 || speed < 60) + { + return ticket = '0'; + } + else if (speed >= 61 || speed <= 80) + { + return ticket = '1'; + } + else + { + return ticket = '2'; + } + +} +" +7d456fe9c4e19b26c9a8e0efa7088dd474294add,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +8aef7fd34ebffe1cdc445b418d4c3a9022deae96,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed > 60 and speed <= 81) + { + return 1; + } + else if (isBirthday()) + { + return 0; + } + + + + +} +" +3d1be0a13f8a2a891a7507903cc329979d81d73a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed -5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +0801c472fd0665b40710d651d91617c69030a122,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday==true) + { + if(speed<=60) + {return 0;} + + if(speed <= 80 && speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed <= 65) + {return 0;} + + if(speed <= 85 && speed >= 66) + {return 1;} + + if(speed >= 86) + {return 2;} + } +return 0; +} +" +2eefd35700230f8780f45d01d416afdecdd69994,"public int caughtSpeeding(int speed, boolean isBirthday) +if(isBirthday) +{ + speed -= 5; +} +if(speed <= 60) +{ + return 0; +} +else if (speed <= 80) +{ + return 1; +} +else +{ + return 2; +} + +" +210be96b1484d3462326d043687d3eb6e5a99b11,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 85) + { + return 2; + } + else + { + return 1 + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1 + } + } +} +" +f046c9a96afb79fb054f3242e6a370bfaa0e07db,"public int caughtSpeeding(int speed, boolean isBirthday); +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} + +" +1fb7c8ad2cb2f37e4fdd2b4ef03fcc8ad890c22b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((80 > speed && speed > 61 && !isBirthday) || (isBirthday && 80 > speed - 5 && speed - 5 > 61)) { + return 1; + } + else if((speed > 80 && !isBirthday) || (isBirthday && speed - 5 > 80)) { + return 2; + } + else { + return 0; + } +} +" +558d3231f48ea1281258ae7c5425d22c1da81ccb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 85) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 80) + { + return 2; + } + else + { + return 1; + } + } +} +" +9a3a532448d473e165e9a90c0f2a163de61115b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((80 > speed && speed > 61 && !isBirthday) || (isBirthday && 80 > speed - 5 && speed - 5 > 61)) { + return 1; + } + else if((speed >= 80 && !isBirthday) || (isBirthday && speed - 5 >= 80)) { + return 2; + } + else { + return 0; + } +} +" +79482670f20b73a78cfa6f4512fdf9dd4a459995,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday==true) + { + if(speed<=60) + {return 0;} + + if(speed <= 80 && speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed <= 65) + {return 0;} + + if(speed <= 85 && speed >= 65) + {return 1;} + + if(speed >= 86) + {return 2;} + } +return 0; +} +" +96b7402b8b7b818375f7d1e7f9f942e98c578f70,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((81 > speed && speed > 61 && !isBirthday) || (isBirthday && 81 > speed - 5 && speed - 5 > 61)) { + return 1; + } + else if((speed > 80 && !isBirthday) || (isBirthday && speed - 5 > 80)) { + return 2; + } + else { + return 0; + } +} +" +a8d2ad79ad57e9bbb21d219966aeb9e3033ef802,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday==true) + { + if(speed<=60) + {return 0;} + + if(speed <= 80 && speed >= 61) + {return 1;} + + if(speed >= 81) + {return 2;} + } + else + { + if(speed <= 65) + {return 0;} + + if(speed <= 85 && speed >= 61) + {return 1;} + + if(speed >= 86) + {return 2;} + } +return 0; +} +" +eb34a40c7008374719039184ce403f5a972fc850,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return int speed; +} + +" +23a4a8f6b31725097bdebbd7267e5d0d2c2c3373,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0 + } + else if (speed >= 61 && speed <= 80) + { + return 1 + } + else + { + return 2 + } +} +" +a9d8bfe2bcbbdd4142a7c01114bc721c51d0ccf0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return int caughtSpeeding; +} + +" +290ae15ac787b749d028cec1a818ea2d5c4a16df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +80fb70cffed30616ed78bfd3d336ec535f034500,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return ""0""; +} + +" +ed7daabde4d7124996a867749f7ab55a64e7ad75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return int ""0""; +} + +" +01a2ceaabed1701abcbff40472920ace2123cd13,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 81) + { + return 1; + } + else if (isBirthday()) + { + return 0; + } + + + + +} +" +7808121b3fa686dee3630005798ce3c9adbe16ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 && speed > 61) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 61 && speed <= 81) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } + return speed; +} + +" +21443c40470d294109f66b79e121fc4aada7813d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 81) + { + return 1; + } + else if (isBirthday) + { + return 0; + } + + + + +} +" +26148d87f1aceb4d6f8efbe30a606a777d541e4a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 81) + { + return 1; + } + else if (isBirthday) + { + return 0; + } + else + { + return 2 + } +} +" +74ec9227868e786f263bc9d0070de439e2ce0a52,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed > 0 && speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 81) + { + return 1; + } + else if (isBirthday) + { + return 0; + } + else + { + return 2; + } +} +" +0b11ef3758674f9b46e4ab0c3894a2a0147e6218,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + if (isBirthday == True && speed <= 65) + { + return 0 + } + return 1; + } + else + { + if (isBirthday == True && speed <= 85) + { + return 1 + } + return 2; + } +} +" +032666265acbd8ab39d5a3aaa0941137b46fea87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + if (isBirthday == True && speed <= 65) + { + return 0; + } + return 1; + } + else + { + if (isBirthday == True && speed <= 85) + { + return 1; + } + return 2; + } +} +" +0c9870272c2c88921720d43a8c4ea59f3a3cba31,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + if (isBirthday == true && speed <= 65) + { + return 0; + } + return 1; + } + else + { + if (isBirthday == true && speed <= 85) + { + return 1; + } + return 2; + } +} +" +07ef2856e4bcc020b7bb36bace117009546a8313,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + if (isBirthday == true && speed <= 65) + { + return 0; + } + return 1; + } + else + { + if (isBirthday == true && speed <= 85) + { + return 1; + } + return 2; + } +} +" +4d276c0539a5f8a85ea1f99b3d21c6d79ebe1afa,"public int caughtSpeeding(int speed, boolean isBirthday); +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} + +" +e8a6eb647497ae60e82c6056353a1ebed183dd55,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} + +" +5007c97354c9d9d01256c38549e062aa780249ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 65 && <= 85) + { + return 1; + } + else + { + return 2; + } +} +" +44e0cd72cd956f93434ec71fcea7f06df970f0a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 81) + { + result = 2; + } + else + { + result = 1; + } + } + + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 86) + { + result = 2; + } + else + { + result = 1; + } + } + +} +" +3e348cc1ace22b90325a152b4a6e99d038adbc53,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +733132f28026201ae8df74c23c689d7b845dc185,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 81) + { + result = 2; + } + else + { + result = 1; + } + } + + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 86) + { + result = 2; + } + else + { + result = 1; + } + } + return result +} +" +f49e5f4f4ecb5e3c2fdd05c04e40adff8b7f8140,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 81) + { + result = 2; + } + else + { + result = 1; + } + } + + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 86) + { + result = 2; + } + else + { + result = 1; + } + } + return result; +} +" +20c9ee6ef020475c74d825b948d54ddd44e76ab4,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (caughtSpeeding) && !(isBirthday) + (int speed <= 60) + {int= 0} + (61 81) + {int= 2} +else + (int speed <= 65) + {int= 0} + (66 86) + {int= 2} + +} +" +3d5c8d101df37df2cff6ffd9ccc0194dd678d045,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday=true + { + speed = speed - 5 + } + if speed < 60 + { + ticket = 0 + } + if 61 < speed < = 80 + { + ticket = 1 + } + if speed > 60 + { + ticket = 2 + } +} +" +ebf74e9eacc1a45b0d6758b1cb6819108d422c1b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + private int result = 0; + + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 81) + { + result = 2; + } + else + { + result = 1; + } + } + + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 86) + { + result = 2; + } + else + { + result = 1; + } + } + return result; +} +" +222cc5eeecb5f625454466971ea95d9fe41b6b07,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + int result = 0; + + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 81) + { + result = 2; + } + else + { + result = 1; + } + } + + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 86) + { + result = 2; + } + else + { + result = 1; + } + } + return result; +} +" +6ea61dd185b127629b924aabdce0688963821bc8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + int result = 0; + + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + else if (speed >= 81) + { + result = 2; + } + else + { + result = 1; + } + } + + if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + else if (speed >= 86) + { + result = 2; + } + else + { + result = 1; + } + } + return result; +} +" +9d1e07497f041e976e5abe40ead4e8f9999e5501,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday=true); + { + speed = speed - 5; + } + if (speed < 60) + { + ticket = 0; + } + if (speed > 61 && speed < = 80) + { + ticket = 1; + } + if (speed > 60) + { + ticket = 2; + } +} +" +d89f8e91ba32574b3f28a36b50a904649b64bfeb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + return 0; + else if (speed > 65 && speed <=86) + return 1; + else + return 2 + } + else + { + if (speed > 0 && speed <= 6) + return 0; + else if (speed > 60 && speed <=81) + return 1; + else + return 2; + } + + +} +" +689dadd69672523233ec87e7ea317c254bcc2ef1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday=true); + { + speed = speed - 5; + } + if (speed < 60) + { + ticket = 0; + } + if (speed > 61 && speed < = 80) + { + ticket = 1; + } + if (speed > 60) + { + ticket = 2; + } +} +" +a2c109545486b6d5b6adf4b769dd3af5c49af916,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + return 0; + else if (speed > 65 && speed <=86) + return 1; + else + return 2; + } + else + { + if (speed > 0 && speed <= 6) + return 0; + else if (speed > 60 && speed <=81) + return 1; + else + return 2; + } + + +} +" +be91758b89f294d2a02e5763bfcf6953c7a6c710,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed > 0 && speed <= 65) + return 0; + else if (speed > 65 && speed <=86) + return 1; + else + return 2; + } + else + { + if (speed > 0 && speed <= 60) + return 0; + else if (speed > 60 && speed <=81) + return 1; + else + return 2; + } + + +} +" +ecb9609a4101623c4d282a5501c83b9750885df3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday=true); + { + speed = speed - 5; + } + if (speed < 60) + { + ticket = 0; + } + if (speed > 61 && speed < = 80) + { + ticket = 1; + } + if (speed > 60) + { + ticket = 2; + } +} +" +5325364021c510f256d2ddb3376eb1ab9bad99bf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph; + boolean birthday; + int ticket; + mph = speed; + birthday = isBirthday; + ticket = 0; + if (mph > 60 && birthday == false) + { + ticket = ticket + 1; + } + if (mph > 80 && birthday == false) + { + ticket = ticket + 1; + } + if (mph > 65 && birthday == true) + { + ticket = ticket + 1; + } + if (mph > 85 && birthday == true) + { + ticket = ticket + 1; + } + if (ticket == 0) + { + return ""no ticket""; + } + if (ticket == 1) + { + return ""small ticket""; + } + if (ticket == 2) + { + return ""big ticket""; + } +} +" +ecb29706b83c6a206162e33be4ccaffe39307412,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + return 0; + } + else if(speed >60 && speed <= 80) + { + if(isBirthday && speed <= 65) + { + return 0; + } + return 1; + } + else + { + if(isBirthday && speed <= 85) + { + return 1; + } + return 2; + } +} +" +885cd75e0c6b4e8d10cbe5f25a53d067637973b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday; + { + speed = speed - 5; + } + if (speed < 60) + + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +022753804c7f88ba9bfa74c08ce9fc5ae88c8470,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed < 60) + + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +71c0b9737a408df214155b0a0a5bf1a1dc00460c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed < 60) + + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +b8f09eded9f3ac9d6477470206912e97b55b0b0c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + { + if speed > 85 + { + caughtSpeeding = 2; + } + else if speed >= 66 && speed <= 85 + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + else + { + if speed > 80 + { + caughtSpeeding = 2; + } + else if speed >= 61 && speed <= 80 + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + +} +" +120b74e0de2bf50e189754b06a8efc7eb3579e24,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed < 60) + + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +16e61b59fa7cffa014f6e2ff7a2f08b8c6e3d7fe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph; + boolean birthday; + int ticket; + mph = speed; + birthday = isBirthday; + ticket = 0; + if (birthday == false) + { + if (mph < 60) + { + return 0; + } + if (mph < 81 && mph > 60) + { + return 1; + } + if (mph > 81) + { + return 2; + } + } + + if (birthday == true) + { + if (mph < 60) + { + return 0; + } + if (mph < 81 && mph > 60) + { + return 1; + } + if (mph > 81) + { + return 2; + } + } +} +" +c7d23cbe8ba449dc64a2365cfeafd1249de9532e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +f5fc18767870ffe94a7f44cf7a43bc3df148bcb8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + } +} +" +2caa4db380937189b40420254abbd5c60aa9371f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday == true + { + if speed >= 86 + { + caughtSpeeding = 2; + } + else if speed >= 66 && speed <= 85 + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + else + { + if speed >= 81 + { + caughtSpeeding = 2; + } + else if speed >= 61 && speed <= 80 + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + +} +" +8486d888511b0c88a6cdd719c0976a881dec165a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +492160f9be100b40e796e9d2c82cabeccc745a1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed >= 86) + { + caughtSpeeding = 2; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + else + { + if (speed >= 81) + { + caughtSpeeding = 2; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + +} +" +98a1cf589be2de31be1d9da726b928411058a288,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed >= 86) + { + return 2; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + else + { + if (speed >= 81) + { + caughtSpeeding = 2; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 0; + } + } + +} +" +293ce92f182ac1d76ff97e984454b9f739bdb332,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else if(86 <= speed) + { + return 2; + } + } + + if(speed <= 60) + { + return 0; + } + else if(61 <= speed && speed <= 80) + { + return 1; + } else + { + return 2; + } +} +" +b59a35408914f0275605b847508fe886d49fc65c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed >= 86) + { + return 2; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 0; + } + } + else + { + if (speed >= 81) + { + return 2; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 0; + } + } + +} +" +0712eae023ffa2bc7b19f2480973e6d975d94720,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph; + boolean birthday; + int ticket; + mph = speed; + birthday = isBirthday; + ticket = 0; + if (birthday == false) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 81) + { + ticket = 2; + } + } + + if (birthday == true) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 81) + { + ticket = 2; + } + } +} +" +494d485a96abd2d5e2fe173dde8c91b6518c8303,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else if (speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + return 2; + +} +" +9b0dcabc83866adaa91af0c615cfb37a57227cba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph; + boolean birthday; + int ticket; + mph = speed; + birthday = isBirthday; + ticket = 0; + if (birthday == false) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 81) + { + ticket = 2; + } + } + + if (birthday == true) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 81) + { + ticket = 2; + } + } + return ticket; +} +" +76e877e8a7a75ff4582eff76d2421cc40584d348,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph; + boolean birthday; + int ticket; + mph = speed; + birthday = isBirthday; + ticket = 0; + if (birthday == false) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 81) + { + ticket = 2; + } + } + + if (birthday == true) + { + if (mph < 65) + { + ticket = 0; + } + if (mph < 86 && mph > 65) + { + ticket = 1; + } + if (mph > 86) + { + ticket = 2; + } + } + return ticket; +} +" +6628b27dba5103e7bd7a6f19d05ea1277e817784,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else if (speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + +} +" +4eb2c5932fe63848f972f01a172b238ff7e2dc4b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + else if (speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + return 2; + +} +" +beb76053af1e68c0043f33c5422bc44e84add532,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + if (speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + return 2; + +} +" +b6c6b2555b5099a0a1296ebbcd818f6b17a402e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + return 0; + } + if (speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + return 2; + +} +" +7fdfcf0290c4afd6af0fce7343103a1362b64f5a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + else + { + if (speed > 65 && speed <= 85) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + return ticket; +} +" +cb3f241dd39861f9efb9b1639b74f344026d9924,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else + { + if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + } + else + { + if (speed <= 60) + { + return 0; + } + else + { + if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +83a02d625d637c824279f903a6fb5c1add29543f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + super(speed, isBirthday); +} + +public void isSpeeding() +{ + if (speed < 60) + { + ticket = 0; + } + else if (61 < speed < 80) + { + ticket = 1; + } + else (speed > 80) + { + ticket = 2; + } +} +" +74a8709cd4b2e16499345b83e66c819fda51b4b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + super(speed, isBirthday); +} + +public void isSpeeding() +{ + if (speed < 60) + { + ticket = 0; + } + else if (61 < speed < 80) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } +} +" +30ff82e9909924ac2cff1e6822eaf1ec0d998963,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } + if (isBirthday == false) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + +} +" +d291de70d294f12ee4d386518e77cbd0f56a3821,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + ticket = 0; + else if (speed >= 66 && speed <= 85) + ticket = 1; + else + ticket = 2; + } + if (isBirthday == false) + { + if (speed <= 60) + ticket = 0; + else if (speed >= 61 && speed <= 80) + ticket = 1; + else + ticket = 2; + } + return ticket; +} +" +35e3ada5b1d269ddedb77432b118f4730bc07f3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (isBirthday = true) + { + if (speed > 65 && speed <= 85) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + return ticket; +} +" +fce000e00b6cd390d0621988c8848767ad5c3c8d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed = <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed = <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + +} +" +e80d1fb8798a8f9e5c9c1c936e7d942db40b47fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday = false) + { + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + if (speed > 65 && speed <= 85) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + return ticket; +} +" +2e63ef1b3a447ee0e54aa4d802d271f6fa14ceaf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 >= speeed && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed = <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + +} +" +12e190f476c99b70a61b8f5653a3e75a4ebfc97c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 >= speeed && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 >= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + +} +" +685c7a9dc306690fae41b9736a85f0d960e71431,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 >= speed && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 >= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + +} +" +dbd54e6636c096017d21f18a61171bd8e31a3f26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 >= speed && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 >= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +5f68b351ad61da4f0ecf52207ce582498f3a9108,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + if (speed > 65 && speed <= 85) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + return ticket; +} +" +a2dd46eb6ad5face2c64d4360eb8a7adee589542,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBrithday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +2b9f32ab6c11ba4c3bf9a3916c069cb4f75b2061,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +6aed698b892110d4725ac9643061a2479394106d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1: + } + else + { + return 2; + } + } + + +} +" +f2481a7e6210729b0b788c197d86a80c86bd7880,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +88fbb083a9540f5da67d65574a19a571bf6f976b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else { + return 2; + } + } + if (speed <= 60) { + return 0; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else { + return 2; + } +} + " +bfe768b76aa8366e089158cd5ccf25da2b860435,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 >= speed && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 >= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return; +} +" +ed24ad5bf8750fde5b9f4123e9021f7ee1c26843,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + +" +aa1b629ff34adf6ea217821ae8ae7f15f1e99acd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + +" +de7ef236e6aa2829be52cf87bf1eb579682da677,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} + + + +" +e7fbba530f181ef6e8e68d8c5b280d7e6ac7101d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} + + + +" +5d60e020945df9482f8f02ecbdad1dc2582fb9b7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed <= 60 + { + boolean(0) + } + else if speed >= 61 && <= 80 + { + boolean(1) + } + else if speed >= 81 + { + boolean(2) + } +} +" +cbbf0408e9395bd5f3e62b4d83ec146d09694800,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +7b072c30ccd827f9a1e1c120978fad575254c67c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +6e9b3cec5e772b9a7ad72cf21f6ba915242de5d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + return 2; + + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +56380964075c6b3333116d992d65b976c7c0716d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + return 2; + } + + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +c59753f96d2f679b95899a2c2dbd259c3f8b3368,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + return 2; + } + + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +563928a67e58c44e01dd9dc487fd12367439b2e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed(60) + { + boolean(0) + } + else if speed >= 61 && <= 80 + { + boolean(1) + } + else if speed >= 81 + { + boolean(2) + } +} +" +2cbe483ffb6de723903abd3ebcb2547ca08094ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + return 2; + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +d626b55c476f767ef31bca808c9bac48c6f5b29c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + } + return 2; + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +df429d538b7baf0f3ac01d9773e99f823f0cc315,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed(60) + { + boolean(0) + } + else if speed >= 61 && <= 80 + { + boolean(1) + } + else if speed >= 81 + { + boolean(2) + } +} +" +215d48360823e728d5af7731b8454d3380caa339,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 >= speed && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 >= speed && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +7397fc7d39cbb83740bf27647a96aaf243677829,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + if (speed>= 66 && speed <= 85); + { + return 1; + } + return 2; + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +f5b1fd0c298af716d2bf796987345ff216826e43,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + + + +" +e11267979ce55900c4ca0e93b112a242756712ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + +} +" +4c4715fe7558f7a086c41a2907271e5b6b51d9ad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if((80 >= speed && speed > 60 && !isBirthday) || (isBirthday && 80 >= speed - 5 && speed - 5 > 60)) { + return 1; + } + else if((speed > 80 && !isBirthday) || (isBirthday && speed - 5 > 80)) { + return 2; + } + else { + return 0; + } +} +" +1636ca727fa5c8f201ae601c8e73e9b559639a07,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + } + + + + +" +fa923b8102e0a4d0c2ad52044aaf3c5e7a0ac2f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && isBirthday = false) { + int value = 0 + } else if (61 < speed > 81 && isBirthday = false) { + int value = 1 + } else if (speed >= 81 && isBirthday = false) { + int value = 2 + } else if (isBirthday = true) { + int value = 0 +} +" +8bd3a2345c6533f9f468b64c333c76c92f5e5573,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + System.out.printIn(""1"") + +} +" +614a11e2a522d0d707796224eac5c052f1ba2ce8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + System.out.printIn(""1""); + +} +" +4c33dcde3a422e19fcdff9e27fdbd1c49afad397,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<= 65) + { + return 0; + } + else if (speed>= 66 && speed <= 85); + { + return 1; + + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + } + + + + +" +3ea33cba079b3750a1540a3632ea50b796cdda46,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + if (speed <= 60) + { + value = 0; + } + else if (speed > 60 && speed <= 80) + { + value = 1 + } + else + { + value = 2; + } +} +" +6b593a05ebe93504d8c30817337882aeb37bd21a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + if (speed <= 60) + { + value = 0; + } + else if (speed > 60 && speed <= 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +cd16568a88f4337ce9149767548f8ca944bcbf47,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph = speed; + boolean birthday = isBirthday; + int ticket = 0; + if (birthday == false) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 81) + { + ticket = 2; + } + } + + if (birthday == true) + { + if (mph < 65) + { + ticket = 0; + } + if (mph < 86 && mph > 65) + { + ticket = 1; + } + if (mph > 86) + { + ticket = 2; + } + } + return ticket; +} +" +de419570e9d170944e982c48dbdb992b957100bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + if (speed <= 60) + { + value = 0; + return value; + } + else if (speed > 60 && speed <= 80) + { + value = 1; + return value; + } + else + { + value = 2; + return value; + } + +} +" +c1dc534bc134ac150f2499c964686d5c7968c85a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + System.out.printIn(""0""); + } + else if (speed >= 61 && <= 80) + { + System.out.printIn(""1"") + } + else if (speed >= 81) + { + System.out.printIn(""2"") + } + +} +" +9363d44fd9e468d3cae4fcb5897b759fd61c2d7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + System.out.printIn(""0""); + } + else if (speed >= 61 && <= 80) + { + System.out.printIn(""1""); + } + else if (speed >= 81) + { + System.out.printIn(""2""); + } + +} +" +19c63f434139cc6e7bf1143a8049ce35b8923407,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + System.out.printIn(""0""); + } + else if (speed >= 61 && speed <= 80) + { + System.out.printIn(""1""); + } + else if (speed >= 81) + { + System.out.printIn(""2""); + } + +} +" +d111eabfa06249bab0acf80e3f0ea4922cabb2af,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return(""0""); + } + else if (speed >= 61 && speed <= 80) + { + return(""1""); + } + else if (speed >= 81) + { + return(""2""); + } + +} +" +82e4f2ca71762d3b311aa1753a79a141e3d3b221,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else if (speed >= 81) + { + return(2); + } + +} +" +7702a87da16c69bd9c83c9c72cdb808cb528f7f7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + int = 0 + } + else if (60 < speed < 80) + { + int = 1 + } + else + { + int = 2 + } + else if (speed < 65) + { + int = 0 + } + else if (65 < speed < 85) + { + int = 1 + } + else + { + int = 2 + } +} +" +b539d18df57d0f9b8203039a19dd2686a0e0db51,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else if (speed >= 81) + { + return(2); + } + else if (caughtSpeeding = true) + { + + +} +" +3b91d8fa7b6d325256bd8e803fc23680af85a598,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0 + } + else if (60 < speed < 80) + { + return 1 + } + else + { + return 2 + } + else if (speed < 65) + { + return 0 + } + else if (65 < speed < 85) + { + return 1 + } + else + { + return 2 + } +} +" +7c25c2a81c8b934bee437ab55a7fed3177923768,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else if (speed >= 81) + { + return(2); + } + else if (caughtSpeeding = true) + { + } + +} +" +c0aa54488dc78a0a4ab32beac151141d32c8cece,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } +} +" +70f183263eea5f85ef10c9987ea40725efb29259,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +52deb84f20f87ecd03fc9e708b96e77bbaf44029,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + if (isBirthday) + { + speed = speed - 5; + if (speed <= 60) + { + value = 0; + return value; + } + else if (speed > 60 && speed <= 80) + { + value = 1; + return value; + } + else + { + value = 2; + return value; + } + } + else + { + if (speed <= 60) + { + value = 0; + return value; + } + else if (speed > 60 && speed <= 80) + { + value = 1; + return value; + } + else + { + value = 2; + return value; + } + } +} +" +1b9293f07243f8e77261019accf9f766f67de0ca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +d0bde7361fa68cbf1d6f9dee6beccf87d8421b09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +2d311cc8f9f53a46f76df80bd21d2e9d3f74ef27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +cceef849e147338343d7691e5214d8a110fea9ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +e84b3829dae479a918894906ab5f34325edbb441,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && isBirthday = false) { + int value = 0; + } else if (61 < speed > 81 && isBirthday = false) { + int value = 1; + } else if (speed >= 81 && isBirthday = false) { + int value = 2; + } else if (isBirthday = true) { + int value = 0; +} +" +94e2b77af6460897d4eb2c0bac1e913f6ed5d0a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } + } +} +" +703e457eec8431e542e9b7389e4ca749624ad03e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && isBirthday = false) { + int value = 0; + } else if (61 < speed > 81 && isBirthday = false) { + int value = 1; + } else if (speed >= 81 && isBirthday = false) { + int value = 2; + } else if (isBirthday = true) { + int value = 0; +} +}" +cd512c383f9c97698419290ecc073050eefe68df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 && isBirthday = false) { + value = 0; + } else if (61 < speed > 81 && isBirthday = false) { + value = 1; + } else if (speed >= 81 && isBirthday = false) { + value = 2; + } else if (isBirthday = true) { + value = 0; +} +}" +c18e2c2b74a343c20f9b9fc3d0a5293d14c0b5c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +cbb485a0e11989c2e5714a0763602963ed14aa38,"int ticketVal = price +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(this.isBirthday()); + { + speed = speed -5; + } + if(speed >= 81); + { + price = 2; + } + else if(speed >= 61); + { + price = 1; + } + else + { + price = 0; + } +} + + " +7a7cf76124f83244182593579f6e135ec48ffc98,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } + } +} +" +a92619c8e0277a4c2c70e1ffe184f888a57a4684,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } + } +} +" +1b273b3cb3cbf93021f81a1b9947d20f22c011e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + +} +" +14ba46f44f90b7caf57a471579ede893123df54f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + + } +} +" +a468680beb03c1d5cf7af01fc1ded737424ded3f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +3f21689e99ebca94d9e860bc08749cdc0e2549be,"int ticketVal = price; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(this.isBirthday()); + { + speed = speed -5; + } + else + { + speed = speed + } + + if(speed >= 81); + { + price = 2; + } + else if(speed >= 61); + { + price = 1; + } + else + { + price = 0; + } +} + + " +a27d25498ec3ca915bc3dff8471f1b5b97cb1845,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (60 < speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +6eb5785264d8240e8343a2b821da5011f085bc3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (80 > speed > 60) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +92bcf47839e1bfc143a43227f042fba1f767fc38,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + +} +" +6107197790b638d7d0daf6470490be1572d80978,"int ticketVal = price; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(this.isBirthday()); + { + speed = speed -5; + + else + { + speed = speed; + } + } + if(speed >= 81); + { + price = 2; + + else if(speed >= 61); + { + price = 1; + } + else + { + price = 0; + } + } +} + + " +dd24b40327829d6a04eb75adbec11022b4239436,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +6c761027422484b6d8662011fd324ec3c4e41f85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (this.isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (65 < speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +337a6ce049fdbb0a776fdfb68041dabadece14cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + +} +" +a247787256d1b8e16c72806cfbe31dafd20e7445,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +fd2ac094dc02b0ff6205e27274799f964db16d74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +1785594a566cf6a2c05f45a4619e3aaa6fbc3644,"int ticketVal = price; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +} + + " +e5fe33e00cb41e731341c542e25c8a22e21f33df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return } +" +ca3904c400ab7ab0da7accd07ba446d709137eea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +a3e0dd2e346b74df124159a0a045138ab1fff7e3,"int ticketVal = price; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +} +} + " +1a62dad2deab2a1b8096edfc1b68a7f6334ee10a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + while isBirthday ~= 0 + { + if speed >= 81 + { + + } + } +} +" +27934510ff8c9ae44c4838a8a7a7e314455f5572,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +} + " +22e20138ff13b282d857b4d46aecf55d791f2bb6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + if (speed <= 60) + caughtSpeeding = 0; + else if (speed <= 80) + caughtSpeeding = 1; + else + caughtSpeeding = 2; +}" +300c2dfb379ea0468c3213b1da2a2b2beee157a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} " +79e78d3ff1903a702c13a36b3e7f76992760dc1d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return false +} +" +a977f6f3d5f745df860a564a01a573a25b6e968c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return false; +} +" +18c00a858df34064143b95b77665235fd2ddd52f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + if (speed <= 60) + caughtSpeeding = 0; + else if (speed <= 80) + caughtSpeeding = 1; + else + caughtSpeeding = 2; +}" +ed5ad8e615127fbc4e507b5e23a039ea75ac1a56,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return +} +" +ecc5a5375f9950d95becee06de6e9236ac529b81,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } + else + if (speed <= 60) + caughtSpeeding = 0; + else if (speed <= 80) + caughtSpeeding = 1; + else + caughtSpeeding = 2; +}" +1910e534d98254f814e119fed67e9bc3a0c9478e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } + else + if (speed <= 60) + int caughtSpeeding = 0; + else if (speed <= 80) + int caughtSpeeding = 1; + else + int caughtSpeeding = 2; +}" +306f6d0b541580e4ff845c7dbebb624f064cdfd1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return isBirthday; +} +" +98d5323c933471a40f839edcbbabaecaed82d6db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +f3a0eeb6304f00976b697454a7ed3dabc2b9088b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } + else + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (speed <= 80) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } +}" +612214964e70fb333b543fe3cb5929c02775f7f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) { + int value = 0; + } else if (61 < speed > 81 && isBirthday = false) { + int value = 1; + } else if (speed >= 81 && isBirthday = false) { + int value = 2; + } else if (isBirthday = true) { + int value = 0; +} +}" +5f18d184238c811782c9a30f968a8fd95496e8dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } + else + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (speed <= 80) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } +} +}" +3a2249c2312abf27791e548c656e3ea7c5136f9e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } + else + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (speed <= 80) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } +}" +158ad3a513430607442de951cbe55c29224b0753,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) { + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <= 80) { + return 1; + } + else { + return 2; + } + } + else { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed <= 85) { + return 1; + } + else { + return 2; + } + } +} +" +64a009ba61d6cad2a80da1c9ded9905214ac7f49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +5591daa99eed3e06e8b08c3e4a3a5f692733da9b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int mph = speed; + boolean birthday = isBirthday; + int ticket = 0; + if (birthday == false) + { + if (mph < 60) + { + ticket = 0; + } + if (mph < 81 && mph > 60) + { + ticket = 1; + } + if (mph > 80) + { + ticket = 2; + } + } + + if (birthday == true) + { + if (mph < 65) + { + ticket = 0; + } + if (mph < 86 && mph > 65) + { + ticket = 1; + } + if (mph > 85) + { + ticket = 2; + } + } + return ticket; +} +" +a1f5f7460d589314ad5c9de4ebc5abeecf1d21ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) { + if (speed <= 60) { + return 0; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else if (speed >= 81) { + return 2; + } + } + else if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else if (speed >= 86) { + return 2; + } + } +} +" +3eb89afc83a10a38ce2614c4f7ee960243ba945b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return (isBirthday) + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +1debaec443854178f414db1c836691c4eddd812b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return (isBirthday); + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +3c3e680254f076d68f8aeb484ff9dbfb3eb967e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) { + if (speed <= 60) { + return 0; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else if (speed >= 81) { + return 2; + } + } + else if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else if (speed >= 86) { + return 2; + } + } + return 0; +} +" +1dfd6c672407856d7e351d4431a69b2f7ae5f7a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return isBirthday + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +7b58fa5fc2e66d5aa3119c7e519e199e2b19bdf8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return isBirthday + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +231a5c99e101ed6e97adc6a1a72d2a616c28fe84,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + else if (speed <= 85) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } + else + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (speed <= 80) + { + int caughtSpeeding = 1; + } + else + { + int caughtSpeeding = 2; + } + } +}" +24b66813de0c34ffaad48c58412f25d792b58736,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return ""isBirthday""; + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +f05ef8b1dc48944610a75885fdf471a9f2365d93,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return isBirthday; + { + //if (isBirthday) + //{ + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + //} + } +} +" +d8d768f19c2e2d34fc1e66f5b091aee7931439d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed < 60) { + int value = 0; + } else if (61 < int speed > 81) { + int value = 1; + } else if (int speed >= 81) { + int value = 2; + } else if (isBirthday = true) { + int value = 0; +} +}" +231b4a62d00283f4625143b6ca72c1ed70bbcb44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed = + + while (isBirthday ~= 0) + { + if (speed >= 81) + { + System.ou.println(""0""); + } + } +} +" +695dc976e1e531a933821dda6034066d0b1cda89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) { + int value = 0; + } else if (61 < speed > 81) { + int value = 1; + } else if (speed >= 81) { + int value = 2; + } else if (isBirthday = true) { + int value = 0; +} +}" +d5cd783bce839eb7e0effcac0d2660a8bae8ab48,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } + return false; +} +" +c8c20b265e81ea5e3b9d61524aadc3ca9cbf49ea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed <= 60) + { + return 0; + } + + else if ( speed > = 61 && speed <= 80) + { + return 1; + } + + else if(isBirthday) + { + speed = (speed +5); + else + return 2; +} +" +c014065fc35ac56c2dce85380fe6fc5b04dc14e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +}" +3665c7d68ff48bd53a1be4a0f93545c11311bda1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +9c8d52d6027021cdaec9f4437479aa5dbe98ec85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed <= 60) + { + return 0; + } + + else if ( speed > = 61 && speed <= 80) + { + return 1; + } + + else if(isBirthday) + { + speed = (speed +5); + } + else + { + return 2; + } +} +" +1ce0a1f42d42be9a96ac2b9b15b102b8722e7198,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed <= 60) + { + return 0; + } + + else if ( speed >= 61 && speed <= 80) + { + return 1; + } + + else if(isBirthday) + { + speed = (speed +5); + } + else + { + return 2; + } +} +" +9b09a0cf130596eecf83b5eca9f4a7fcf8afbfc6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +c06725a00ab29bf06bf8c39e4a216b69ee15be9e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +e2ff04bb00949d8846fc199d2d79ece998345efd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return false; } +" +4cdf6b6e2c48098e2d85cd30f259e19e6cec3b26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return this.isBirthday; } +" +2232a2f50181de95d7a5d6d8c72e38736e585acc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + int speed = int speed - 5; + } +} +" +7291a8901cbce541c7b4535df9f2642c779901d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return isBirthday; } +" +5aa7f2497899df5c9342a8afc69653ddbab0c055,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return ""isBirthday""; } +" +6c8dc84e6134203332737acfc6b2757327505df0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +return isBirthday; +} +" +6d72f5b621649af66f06d05181162fe55168a76e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } +} +" +b6aca6163c57e2ca9cea66b12b96590f71f35adb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + { if (speed <= 60) + {return 0; + } + if (speed <= 80 && speed > 60) + { return 1; + } + + if (speed > 80) + {return 2; + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + if (speed <= 85 && speed > 65) + {return 1; + } + + if (speed > 85) + {return 2; + } + else + {return 0; + } + } + } +}" +51dcc85a102dc70dff62310a38fcff26be275443,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } +}" +e3cca7660c2a3d93cfd91c84679044a8d4081752,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +afdb83248bb184989734cc3bb4223d975c5b432c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + return + { + if (isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +d03d4d5c6f80127f0d1219f5b4eb67170160e23f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + { if (speed <= 60) + {return 0; + } + if (speed <= 80 && speed > 60) + { return 1; + } + + if (speed > 80) + {return 2; + +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + if (speed <= 85 && speed > 65) + {return 1; + } + + if (speed > 85) + {return 2; + } + else + {return 0; + } + } + } +} +}" +9f0c3a7dbce3d68e61c16a41af3946dd6ca3d678,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + { if (speed <= 60) + {return 0; + } + if (speed <= 80 && speed > 60) + { return 1; + } + + if (speed > 80) + {return 2; + } +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + if (speed <= 85 && speed > 65) + {return 1; + } + + if (speed > 85) + {return 2; + } + else + {return 0; + } + } + } +}" +d231f772d97277d40d779b0c2aac75874ebf39c0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + { if (speed <= 60) + {return 0; + } + if (speed <= 80 && speed > 60) + { return 1; + } + + if (speed > 80) + {return 2; + } + } +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + if (speed <= 85 && speed > 65) + {return 1; + } + + if (speed > 85) + {return 2; + } + else + {return 0; + } + } + } +}" +7781de8dd1c90c7fa269c69c172980d712157b62,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + { if (speed <= 60) + {return 0; + } + if (speed <= 80 && speed > 60) + { return 1; + } + + if (speed > 80) + {return 2; + } + } +if(isBirthday == true) + + { if (speed <= 65) + {return 0; + } + + if (speed <= 85 && speed > 65) + {return 1; + } + + if (speed > 85) + {return 2; + } + else + {return 0; + } + } + } +" +5b6301016e1edba1a8b63161a36bf2a3b84a6f17,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (isBirthday == false) + { if (speed <= 60) + {return 0; + } + if (speed <= 80 && speed > 60) + { return 1; + } + + if (speed > 80) + {return 2; + } + } +if(isBirthday == true) + { if (speed <= 65) + {return 0; + } + + if (speed <= 85 && speed > 65) + {return 1; + } + if (speed > 85) + {return 2; + } + else + {return 0; + } + } + return 0; + } +" +acd75c5917a6752d32318b237e1db6ff29c98f1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + return; + } +}" +3b09cd59695874eeaa1e17c584e65930919ddca2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + return(speed); + } +}" +df9ec8f5869579964dcb96cd4fbeac8d862233a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (!isBirthday) + { + if (speed < 60) + { + ticket = 0; + } + else if (speed >=61 && speed <= 80) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + + else if (isBirthday) + { + if (speed < 65) + { + ticket = 0; + } + else if (speed >=66 && speed <= 85) + { + ticket = 1; + } + else + { + ticket = 2; + } + } +} +" +46d785a905426cadc9e252b001b81d6f242a5696,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; +}" +244e7e0492005de31acaf5723afec06e2d73f10b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed > 60 && speed < 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +f263491cf22316cd0864c9d8677f99999316cde6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed < 61) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed < 66) + { + return 0; + } + else if (speed > 65 && speed < 86) + { + return 1; + } + else + { + return 2; + } + } +} +" +aa19bd814c92ae0174cbe92c35cb29c886869035,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (!isBirthday) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + else if (speed >=61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + + else if (isBirthday) + { + if (speed < 65) + { + caughtSpeeding = 0; + } + else if (speed >=66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +} +" +599c3dcbebefb815d2b1d5f57127d1e134a6511c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (!isBirthday) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + else if (speed >=61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + + else if (isBirthday) + { + if (speed < 65) + { + caughtSpeeding = 0; + } + else if (speed >=66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +} +" +39ef1fa0ef53e6750687eaa141ba6f6f774c0207,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; ; + if (!isBirthday) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + else if (speed >=61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + + else if (isBirthday) + { + if (speed < 65) + { + caughtSpeeding = 0; + } + else if (speed >=66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +} +" +3589490bc2a555fb0a22ed3652fc3eed3a06185b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + caughtSpeeding = 0 + } + return caughtSpeeding; +}" +9d8342ce64d161e422a10e18229d99292401361e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >=61 && speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + + else if (isBirthday) + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (speed >=66 && speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +} +" +cb0dad34e90d4b683071676b577109987fad6f8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + caughtSpeeding = 0; + } + return caughtSpeeding; +}" +1bbb339c22deba84c59e3a09d8367f884efdaf44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + int caughtSpeeding = 0; + } + return caughtSpeeding; +}" +b761563ccaa96efc0460778f5b427ffd3d702069,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + int caughtSpeeding = 0; + } + return int caughtSpeeding; +}" +e19d8562310c8d13ddbb6a92e685095546c09c6a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <= speed && speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +5d89cd9f1a1145dbb4d2b9d9412d1a5cd47e79dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + int caughtSpeeding = 0; + } + return "" ""; +}" +15a4eef850e35711efb1a908e3897b172045e6c8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + int caughtSpeeding = 0; + } + return caughtSpeeding; +}" +263b1d7f212b11af60c8ba77b4eb3103a1910883,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + int caughtSpeeding = 0; + } + return int caughtSpeeding; +}" +8022f7011e7caa66d6314920662f43f43b74a98d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket=0 + if (isBirthday== true) + { + if (speed > 85) + { + ticket = 2; + } + else if (speed > 65) + { + ticket = 1; + } + else + { + ticket = 0; + } + } + else + { + if (speed > 80) + { + ticket = 2; + } + else if (speed > 60) + { + ticket = 1; + } + else + { + ticket = 0; + } + } + return ticket; +} +" +8ff1edf941963304b90ef935bf236cee102de521,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday== true) + { + if (speed > 85) + { + ticket = 2; + } + else if (speed > 65) + { + ticket = 1; + } + else + { + ticket = 0; + } + } + else + { + if (speed > 80) + { + ticket = 2; + } + else if (speed > 60) + { + ticket = 1; + } + else + { + ticket = 0; + } + } + return ticket; +} +" +b69cf855ceba55e708baa39b480dc776fe70aa50,"import java.util.Scanner; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + Scanner.user_input = new Scanner(System.in); + int speed; + System.out.println(""Enter your speed: ""); + int speed = user_input.nextint(); + + boolean isBirthday; + System.out.println(""Is today your birthday? ""); + boolean isBirthday = user_input.nextBoolean(); + + if (isBirthday == false && speed <= 60){ + System.out.println(""0""); + }else if (isBirthday == false && speed > 60 && speed < 81){ + System.out.println(""1""); + }else if (isBirthday == false && speed >= 81){ + System.out.println(""2""); + } + + if (isBirthday == true && speed <= 65){ + System.out.println(""0""); + }else if (isBirthday == true && speed > 65 && speed < 86){ + System.out.println(""1""); + }else if (isBirthday == true && speed >= 86){ + System.out.println(""2""); + } + +} +" +719b9a554c7a2f3e1ec52e6f584d7a98d1ae7f6d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +381a5fc91280d10571b4b2672d3f8dd76a16a741,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + return speed; + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +4bfa3724e2029ce620276f348f0b28a7d86de709,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +df10083e2fb3c38f9aa7c63ddb9cd15641a7be97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 65) + { + return 0; + } + else if ( speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } +} + " +a164bef56c3eb4ac7e373b83ef8104cf00f644c7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 65) + { + return 0; + } + else if ( speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } +} +} + " +d14268f2161ebe66859f7f592a91a9f4b9443606,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 65) + { + return 0; + } + else if ( speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } +} +} + " +a31eb8efbd9f9adcdc69faf7bd98ecf9f8ced4a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + { + return 0; + } + else if ( speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + if (isBirthday) + if ( speed <= 65) + { + return 0; + } + else if ( speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + +} +} +" +f68a6faf4c385e8531fa6c612d15440f974b44d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +77f458ffab2d68205925b94e0ba017c66a1e56dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed >= 61 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + [ + if ( speed <= 65) + + return 0; + + else if ( speed >= 66 && speed <= 85) + + return 1; + + else + + return 2; + + +} +} +" +02348f4d415a5f8d16d3ef97d43add60f9fa3656,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed >= 61 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + { + if ( speed <= 65) + + return 0; + + else if ( speed >= 66 && speed <= 85) + + return 1; + + else + + return 2; + + +} +} +" +7ee86261653cf706bd089360c79bdf35251cb3c2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed >= 61 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + { + if ( speed <= 65) + + return 0; + + else if ( speed >= 66 && speed <= 85) + + return 1; + + else + + return 2; + + +} +} +" +a3f9e95d9bb804cceeb1d4f5a9f29b62d8ef2500,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + ticket = 0; + } +} +" +8bfca33d8312206d0c6bca388d8f40cdaabdfa1b,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + ticket = 0; + } +} +" +6ba1d7ddfeec3414734d988f6453b804e3c51e41,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no = 60; + int two = 81 + + if (this.isBirthday) + { + int no = no + 5; + int two = two +5; + } + + if (speed <= no) + { + return 0; + } + else if (speed >= two) + { + return 2; + } + else + { + return 1; + } +} +" +add6935f2deafe409dd5b1973c2581cf6ee63e36,"private int ticket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return ticket = 0; + } +} +" +1dadddff42fb71c434439ab0c8fc29759e238fb2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no = 60; + int two = 81; + + if (this.isBirthday) + { + int no = no + 5; + int two = two +5; + } + + if (speed <= no) + { + return 0; + } + else if (speed >= two) + { + return 2; + } + else + { + return 1; + } +} +" +a512b817afc955a9dd794080c7b9051353dc30c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no = 60; + int two = 81; + + if (isBirthday) + { + int no = no + 5; + int two = two +5; + } + + if (speed <= no) + { + return 0; + } + else if (speed >= two) + { + return 2; + } + else + { + return 1; + } +} +" +6da0a007eac4aaf6a114c6682c5a94733745315b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no = 60; + int two = 81; + + if (isBirthday) + { + no = no + 5; + two = two +5; + } + + if (speed <= no) + { + return 0; + } + else if (speed >= two) + { + return 2; + } + else + { + return 1; + } +} +" +93be1e5de498399224735b313ceaa8fa6429d9e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + { + if ( speed <= 65) + + return 0; + + else if ( speed >= 65 && speed <= 85) + + return 1; + + else + return 2; + + +} +} +" +0773313801a191baf1978ea9f3b612da5d247316,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + { + if ( speed <= 65) + + return 0; + + else if ( speed >= 65 && speed <= 85) + + return 1; + + else + { + return 2; + } + +} +} +" +2a9dba1ebaa68cfd275dbbf262dfa99c4db4caab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + { + if ( speed <= 65) + + return 0; + + else if ( speed > 65 && speed <= 85) + + return 1; + + else + { + return 2; + } + +} +} +" +6ac56f0e9f190988f95db838ecb08ba3cc46fb5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + +} + if (isBirthday) + { + if ( speed <= 65) + + return 0; + + else if ( speed > 65 && speed <= 85) + + return 1; + + else + { + return 2; + } + +} +} +" +b989edd1a50c04e871f4a9560993aaa095077621,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +a940c9fb6a8f74e2f1fcc12a812c0d33293b492c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + -=5 + + if (speed <= 60) + + return 0 + + else if (61 <= speed && speed <= 80) + + return 1 + + else + { + return 2 + } + +} +" +0e349948c7ee4ef149abc585a8b30de888d1989e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + +} + else if ( speed <= 65) + + return 0; + + else if ( speed > 65 && speed <= 85) + + return 1; + + else + { + return 2; + } + +} +} +" +ebc97969fee3003e945dd2337e9c4b768485e261,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if (!isBirthday) +{ + if ( speed <= 60) + + return 0; + + else if ( speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + +} + else if ( speed <= 65) + + return 0; + + else if ( speed > 65 && speed <= 85) + + return 1; + + else + { + return 2; + } + + +} +" +5bd9a2308d1a9837c47d5f954fd187c3618bdeb4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -=5; + + if (speed <= 60) + + return 0; + + else if (61 <= speed && speed <= 80) + + return 1; + + else + { + return 2; + } + +} +" +82655ad45d3b9ab06f132371b60c0a39abcf304b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +b8218f1370075a2102b60acd9f0296c7cce75941,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed = speed - 5; + } + if(speed =< 60) + { + return 0; + } + else if(speed => 61 && speed =< 80) + { + return 1; + } + else + { + return 2; + } +} +" +ce446480013ba70dd2cdcafc2c3fc4064e70cd8f,"public int caughtSpeeding(int speed, boolean isBirthday){ + if(isBirthday) + speed -=5; + if (speed <= 60) + return 0; + else if (61 <= speed && speed <= 80) + return 1; + else + return 2; +} + + + +" +f021362d1a7bff174be771c9ca7a38e635514a79,"public int caughtSpeeding(int speed, boolean isBirthday) + private int ticket; +{ + while (this.isBirthday()) + { + if (this.getSpeed() < 65) + { + ticket = 0; + } + if ((this.getSpeed() > 66) && (this.getSpeed() < 85)) + { + ticket = 1; + } + if (this.getSpeed() > 86) + { + ticket = 2; + } + } + if (this.getSpeed() < 60) + { + ticket = 0; + } + if ((this.getSpeed() > 61) && (this.getSpeed() < 80)) + { + ticket = 1; + } + if (this.getSpeed() > 81) + { + ticket = 2; + } +} +" +c22f273d516f3bff4a321ac0308ab07480aba21d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <= speed && speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +f58c9c935a50ee60751812d97f0b632407373718,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0 + else if (speed > 65 && speed < 86) + return 1 + else if (speed > 81) + return 2 + } + else if (!isBirthday) + { + if (speed < 65) + { + return 0 + } + else if (speed > 65 && speed < 86) + { + return 1 + } + else if (speed > 81) + { + return 2 + } + } +} +" +1ba1c496bdd6419b162463ca5d31677f4011befc,"public int caughtSpeeding(int speed, boolean isBirthday); + private int ticket; +{ + while (this.isBirthday()) + { + if (this.getSpeed() < 65) + { + ticket = 0; + } + if ((this.getSpeed() > 66) && (this.getSpeed() < 85)) + { + ticket = 1; + } + if (this.getSpeed() > 86) + { + ticket = 2; + } + } + if (this.getSpeed() < 60) + { + ticket = 0; + } + if ((this.getSpeed() > 61) && (this.getSpeed() < 80)) + { + ticket = 1; + } + if (this.getSpeed() > 81) + { + ticket = 2; + } +} +" +c7b168bf0d7241c3710ecc7110ef71dde633c821,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else if (!isBirthday) + { + if (speed < 65) + { + return 0; + } + else if (speed > 65 && speed < 86) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + } +} +" +b18c61c0ca79a5429b8362040ee053536c3b40da,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed = speed - 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +c5bf6846701967fd735a6ce6f66c0d301ec350f7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed + 5 + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } +} +" +8991523f3140d131820f642bbe80c946e8928328,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else if (!isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + +} +" +43447e129f0f84b7891d6266422546b3c1b68c28,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +85446b97ed2009633e5bac43e319cfb57a2e0a11,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else if (!isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + return 0; +} +" +93b02f7e608f4b4c86bda8cc6ba53be244e77099,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 61) + return 0; + else if (speed < 81) + return 1; + else + return 2; +} +" +07adcd9c63ee98bd09840761b5bab69958a3cf49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirtyday()) + { + if (speed <= 60) + { + return(0); + } + if (61 <= speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + } + else + { + if (speed <= 65) + { + return(0); + } + if (66 <= speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } +} +" +752cbb03ac383be857fb80843fedf28e3a043729,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday()) + { + if (speed <= 60) + { + return(0); + } + if (61 <= speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + } + else + { + if (speed <= 65) + { + return(0); + } + if (66 <= speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } +} +" +4d56707745c969c3fa5e01eb706cddd0e030e583,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else if (!isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + return 1; +} +" +05fc82ad37aca14b5ffed4b5ad6da2f67d9751d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } +} +" +b83b625a88c2a12a48b194bdc3a72c048a2119c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } else if (speed > 65 && speed < 86) + { + ticketSize = 1 + } else + { + ticketSize = 2 + } + } else + { + if (speed <= 60) + { + ticketSize = 0; + } else if (speed > 60 && speed < 81) + { + ticketSize = 1 + } else + { + ticketSize = 2 + } + } +} +" +1f8fb3c399aaed01965ef693ff4776c1e371ce80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + return 0; +} +" +e025c954e3bb3cf532bf41319c13e0c424296c91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } else if (speed > 65 && speed < 86) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } else + { + if (speed <= 60) + { + ticketSize = 0; + } else if (speed > 60 && speed < 81) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } +} +" +860036384a816f870716f32284c0bb6bcd607cd8,"public int caughtSpeeding(int speed, boolean isBirthday); + private int ticket; +{ + while (this.isBirthday) + { + if (this.getSpeed() < 65) + { + ticket = 0; + } + if ((this.getSpeed() > 66) && (this.getSpeed() < 85)) + { + ticket = 1; + } + if (this.getSpeed() > 86) + { + ticket = 2; + } + } + if (this.getSpeed() < 60) + { + ticket = 0; + } + if ((this.getSpeed() > 61) && (this.getSpeed() < 80)) + { + ticket = 1; + } + if (this.getSpeed() > 81) + { + ticket = 2; + } +} +" +40e4a8838931c23854b4815e23e17791d21cf7ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday()) + { + if (speed <= 60) + { + return(0); + } + if (61 <= speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + } + else + { + if (speed <= 65) + { + return(0); + } + if (66 <= speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } +} +" +d1e4c05352c944968e8e0dfad4ca3a222f79fa00,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + else + { + if (speed < 65) + return 0; + else if (speed > 65 && speed < 86) + return 1; + else if (speed > 81) + return 2; + } + return 0; +} +" +93fa96cb063abd81917a480181564136d2a0fcf9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +6b13f5fd77eae0c749bbf4707bc00106304144e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } else if (speed > 65 && speed < 86) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } else + { + if (speed <= 60) + { + ticketSize = 0; + } else if (speed > 60 && speed < 81) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +0ea4b4cf8ec79e5d9d2f3c1d21dd580863ac7b84,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return = 1; + } + else if (speed >= 81) + { + return = 2; + } +} +" +4ef5b06c0d262c9ac7acde1a61969ad4648ac179,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 65 && speed <= 86) + return 1; + else if (speed > 81) + return 2; + } + else + { + if (speed <= 65) + return 0; + else if (speed >= 65 && speed <= 86) + return 1; + else if (speed >= 81) + return 2; + } + return 0; +} +" +984c9c839b39808863fe5194424ce554172f2f97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +e7cd04aadf7240183fbe209a734b413285f37497,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed < 65) + { + ticketSize = 0; + } else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } else + { + if (speed < 60) + { + ticketSize = 0; + } else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +0affd2edca5da974c8efb5a449f7bebf44618591,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 86) + return 1; + else if (speed > 86) + return 2; + } + else + { + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 81) + return 1; + else if (speed > 81) + return 2; + } + return 0; +} +" +e13b0bff8e3bc5261a191f0c9567f33604560ebf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } else + { + if (speed <= 60) + { + ticketSize = 0; + } else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +c33bc178381c93c1afc9af15890b8abf50f4b84a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + if ((speed > 61) && (speed < 80)) + { + return 1; + } + if (speed < 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if ((speed >66) && (speed <85)) + { + return 1; + } + if (speed <81) + { + return 2; + } + +} +" +6138e02341242bb3e18011729eb2f8e832c05692,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else if (speed > 86) + return 2; + } + else + { + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else if (speed > 81) + return 2; + } + return 0; +} +" +0fbda900cb5f491e3245e2f839e6fc4777dfa154,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket = 0 + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +dd6373f41bd5fb630305cc6c80925f039789dca7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket = 0 + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +ffe5173e7a4170469e1be2338c772184ce84bbd0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket = 0; + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +dd34ef13d5ee43a9ea08857c822226cdd660ef7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } + else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } else + { + if (speed <= 60) + { + ticketSize = 0; + } + else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +40c88eb0c7436247b9ac9164d99e6837d9e58922,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } + else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + else + { + if (speed <= 60) + { + ticketSize = 0; + } + else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +92dd3fd9201646b957a3adf606d18d96c5f66b65,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed + 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +17ae20b2bc8850021deb587441a65fdb8c645f3b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + +} +" +8e684ed74f3b410927c8877a557320a1b0fe1fd3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + +} +" +aaaf6512068adbad1cfd56aab00f51445039b53e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + +} +" +400d42e119cfebfa5237763a1b32a15b0d2f36f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +7b30defb0605ac124a3814a9284e85bf8f55e983,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +82610ea0a200220186b43fc7653fdc80c25a2d89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +9dc8190359f1996217f81093e70e1d4ead4972cd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +3af71136f3067ff9b958112e9d3d706cdb932ad2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >66) && (speed <85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +0a6dcf2942fae8e58952fc0e639ce946cd5eb66c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 61) + return 0; + else if (speed < 66) + if (isBirthday == true) + return 0; + else + return 1; + else if (speed < 81) + return 1; + else if (speed < 86) + if (isBirthday == true) + return 1; + else + return 2; + else + return 2; +} +" +21bb0f3babec9fb14ef9b68791073f3dca916a75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } + else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + else if (isBirthday = false) + { + if (speed <= 60) + { + ticketSize = 0; + } + else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +0f8abac803913aa86f11fff579f8ad1b5f84aea0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed + 5; + } + + if ( speed <= 60) + { + ticket = 0; + } + + if ( speed <= 80) + { + ticket = 1; + } + + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +8a67188d0645a367be1b396966d51cfd5f19e4f9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else if (speed > 81) + return 2; + } + else + { + if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else if (speed > 86) + return 2; + } + return 0; +} +" +4ed9cc1fb0e707bae22b8e95e53e5fafbabb46b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed + 5; + } + + if ( speed <= 60) + { + ticket = 0; + } + + if ( speed <= 80) + { + ticket = 1; + } + + if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +a3b3cd44829c09840f6e31aaa99117c24dba8f26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed > 66) && (speed < 85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +7f8f737a3110895cdcaaf1568462d42b5d7a0024,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed + 5; + } + + else if ( speed <= 60) + { + ticket = 0; + } + + else if ( speed <= 80) + { + ticket = 1; + } + + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +2f80ec3dcd4564cf51740053caa3bbab02a8e3cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + + if ((speed > 66) && (speed < 85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +6b332debf6cbec29bf7b9d996d581d0b1a3f9420,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (61 <= speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + } + else + { + if (speed <= 65) + { + return(0); + } + if (66 <= speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } +} +" +c7b86b83071772985ec81be73cb25ea028583017,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed > 61) && (speed < 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + + else if ((speed > 66) && (speed < 85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +ca64e272653546393ea24e7c9f1486fb2483c7d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed >= 61) && (speed <= 80)) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + + else if ((speed >= 66) && (speed <= 85)) + { + return 1; + } + else + { + return 2; + } + + } +} +" +32928307fb6c106143016fedeae4fb72d6ac22e2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +24736aba1bc5422c564623108bae40bb845db373,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + ticket = 0; + } + else if ( speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return ticket; +} +" +7afe09d66aab5ed20f1cb5babdfe01d0eb6762c7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else if (speed >= 81) + { + return(2); + } + if (isBirthday) + { + speed = speed - 5; + } + +} +" +4b304da2585229b2ab21b818f530566f0a9995ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + } + else + { + if (speed <= 65) + { + return(0); + } + if (speed >= 66 && speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } +} +" +9651638645d7754563e07ada0cc0a94acbee01d9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return ticket; +} +" +e93dce6e8905467b50eaf95c50dc60cdd7cc1c6e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +48e96a42d13f3f11de15d774a03462ca9e1074fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return 0; +} +" +806aefaa1379e061dc3dddf6f70c8131977e8283,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return 0; +} +" +78f70c1c0af4f1be9d9755f2f6f57c11b8cc929c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + return; + } + else + { + if (speed <= 65) + { + return(0); + } + if (speed >= 66 && speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } + return; +} +" +67bebf97713f8f368dcb4ce9131a52672486cbdd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 0; + } +} +" +ff5721612849f36c73b0d0aeb36585a0d1ca3a8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday == true + if speed <= 65 + result = 0 + if speed >= 86 + result = 2 + else result = 1 + if isBirthday == false + if speed <= 60 + result = 0 + if speed >= 81 + result = 2 + else result = 1 + + +} +" +e06e187e51a2b42a905a6af8f27ecc6e1c7444c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +64f230baa1a9c5a4cbe5db374e7feab93a9c722b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding = result + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + return result; + } + else + { + if (speed <= 65) + { + result = 0; + } + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 3; + } + } + return result; +} +" +ae98d7e70fb49d0689a7ed38166b9ce111c8ec60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding = result; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + return result; + } + else + { + if (speed <= 65) + { + result = 0; + } + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 3; + } + } + return result; +} +" +cfc68ca2157e22eb90b79064766d42abf951f172,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding == 0; + } + if (speed >=61 && speed <=80 ) + { + caughtSpeeding == 1; + } + if (speed >= 81) + { + caughtSpeeding == 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + caughtSpeeding == 0; + } + if (speed >=66 && speed <=85 ) + { + caughtSpeeding == 1; + } + if (speed >= 86) + { + caughtSpeeding == 2; + } + } +} +" +3879a0d67d9a13e7bc45186f91abe316532ab6a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + return result; + } + else + { + if (speed <= 65) + { + result = 0; + } + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 3; + } + } + return result; +} +" +a9ceec2c42dbc055b9a41be28330fde6da04d09a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (speed >=61 && speed <=80 ) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (speed >=66 && speed <=85 ) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 2; + } + } +} +" +7153170082d5568a35e8bc992abe86db6513572f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed <= 65) + result = 0; + if (speed >= 86) + result = 2; + else result = 1; + if (isBirthday == false) + if (speed <= 60) + result = 0; + if (speed >= 81) + result = 2; + else result = 1; + + +} +" +b431c2ac7d7d7125088f48019490e38200e97216,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + + if (speed <= 60) + return(0); + + else if (speed >= 61 && speed <= 80) + return(1); + + else if (speed >= 81) + return(2); + + if (isBirthday) + speed = speed - 5; + +} +" +c5e6e84a3a9d0da97eccb70b9dbacc842dc73af0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + if (speed >=61 && speed <=80 ) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (speed >=66 && speed <=85 ) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 2; + } + } +} +" +a1aa34648d8f13ec646e63c1cae55ac36f62e721,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + return caughtSpeeding; + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 3; + } + } + return caughtSpeeding; +} +" +1b928ab2e18f68218b41ab28cb7b6826d0335383,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + if (speed >=61 && speed <=80 ) + { + int caughtSpeeding = 1; + } + if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + if (speed >=66 && speed <=85 ) + { + int caughtSpeeding = 1; + } + if (speed >= 86) + { + int caughtSpeeding = 2; + } + } +} +" +df7eb524318be5e06e0c056b95fa8a12a7e9479c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + result = 0; + if (isBirthday == true) + if (speed <= 65) + result = 0; + if (speed >= 86) + result = 2; + else result = 1; + if (isBirthday == false) + if (speed <= 60) + result = 0; + if (speed >= 81) + result = 2; + else result = 1; + + +} +" +4c6cb89e67cc6d8cd020c487bf69194ac3393b09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true); + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1 + else if (speed >= 81) + return 2 +} +" +e8f83a6df241073ca2e6054837fd9c0be55a9261,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true); + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +90e978c00ab79a3e99ce0b9615376f95c9e02b24,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else return 1; + if (isBirthday == false) + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else return 1; + + +} +" +ed3f1df37aefb32fbb8761f7267a8764e388c26e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + + if (speed <= 60) + return(0); + + else if (speed >= 61 && speed <= 80) + return(1); + + else + return(2); + + + +} +" +d83d3171db7025b0b340f61e462dd0eaaf0708fa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >=61 && speed <=80 ) + { + int caughtSpeeding = 1; + } + if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + if (speed >=66 && speed <=85 ) + { + int caughtSpeeding = 1; + } + if (speed >= 86) + { + int caughtSpeeding = 2; + } + } +} +" +80b39e9c575012bf3c23118eb0ed02485f77dc64,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == true) + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else return 1; + else + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else return 1; + + +} +" +a107ddb93a9f1654d3e4833299a2a0bc09c9b689,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + + if (speed <= 60) + return(0); + + else if (speed >= 61 && speed <= 80) + return(1); + + + + +} +" +c39723f66bb353c2b693fa8769f4ea310452af48,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; +return 0; +} +" +2cc500fb946692f648a7200da0c674f0e1a9506b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == true) + { + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else return 1; + + else + if (speed <= 60) + return 0; + if (speed >= 81) + return 2; + else return 1; + } + + +} +" +09643bd4662823e3301257c8aef075b669924e1a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday && speed <= 65) + return 0; + else if (isBirthday && speed <= 85) + return 1; + else if (isBirthday && speed >= 86) + return 2; + else if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +92caaf97f26efb09670ab1c48622cd1326407eee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + if (speed >=61 && speed <=80 ) + { + int caughtSpeeding = 1; + } + if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + if (speed >=66 && speed <=85 ) + { + int caughtSpeeding = 1; + } + if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +} +" +3f6d97d7cea72efbc0c2dca0e6938c641a3770e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + + if (speed <= 60) + return(0); + + else if (speed >= 61 && speed <= 80) + return(1); + + else if(speed > 80) + return(2); + + +} +" +3fb6c4fdfeede2550d11c6cb81181d87505eefa9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + int caughtSpeeding = 0; + } + if (speed >=61 && speed <=80 ) + { + int caughtSpeeding = 1; + } + if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + int caughtSpeeding = 0; + } + if (speed >=66 && speed <=85 ) + { + int caughtSpeeding = 1; + } + if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return int caughtSpeeding; +} +" +fb96696ecd0179f4c5ace7175ab32dbdc59eb8fa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed - 5; + + if (speed <= 60) + return(0); + + else if (speed >= 61 && speed <= 80) + return(1); + + else + return(2); + + +} +" +bb12971f2777ef559608efb8e944b007ca9f808d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >= 61 || speed <= 80) + return 1; + else if (speed >= 81) + return 2; +return 0; +} +" +67ea08478fc57c73a4a8758884d5dddad016444d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 0; + } +} +" +c88089e5d53febb44b58fef2d7cfd514bc6df067,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + + + + + + +} + + +" +556ffe856aace811ad7d197f4e7ceac99606230c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday){ + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + + + return 0; + + + +} + + +" +3a361f34bd9205b804278b4b88e4b2a9b28d5f87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >= 81) + return 2; + else if (speed >= 61 && speed <= 80) + return 1; + +return 0; +} +" +524611fb7c5e95e815999ba289f82a1780f51515,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + else if ( speed <= 60) + { + return 0; + } + else if ( speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + return 0; +} +" +d5ef13d57aed302fe4c2e8e252f42da6242473ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!isBirthday) + { + if(speed =< 60) + { + return 0; + } + If(speed >= 61 && =< 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed =< 65) + { + return 0; + } + If(speed >= 66 && =< 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +}" +5f6e643e6a65acf54a68c7574bc45e894b697638,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + If(speed >= 61 && <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + If(speed >= 66 && <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +}" +54009c21b6e4d292c205b27654b67f9d33e56e4c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + If(speed >= 61 && <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + If(speed >= 66 && <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +}" +499fbe3c56363cfd6f7049a3049a70a16e6bbcaa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + If(speed >= 61 && speed <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + If(speed >= 66 && speed <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +}" +7a507e46c2210021c149fcb54c9a757bddfa7752,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +}" +290ff39b103c270b9d1ece1826c768d15a763f90,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <=85) + { + return 1; + } + if(speed >= 86) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + +} +" +0cfc507d6b078626c192af357a1ec11c446e98c8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +} +}" +d79e59d7d20e7cb155a9a02a27296428aab840a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } +}" +9d65411bb85e78d7501c22aab1cbfa996d5ab208,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 0; + } + if (speed > 81) + { + return 2; + } + } + else + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <= 85) + { + return 0; + } + if (speed > 86) + { + return 2; + } + return; +}" +51ff35cbacea83d749434646929b72595a6f5c61,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <=85) + { + return 1; + } + if(speed >= 86) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 1; + } + if(speed >=81) + { + return 2; + } +} +" +a1f0ec7b16a15594d5f31196c4549d196f701f03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed < 60) + int = 0; + else if (speed < 80 && > 61) + int = 1; + else if (speed > 81) + int = 2; +} +{ while (isBirthday = TRUE) + if (speed < 65) + int = 0; + else if (speed < 85 && > 66) + int = 1; + else if (speed > 86) + int = 2; +} +" +c5ec1d5d1aad3be3a747e9f0173714adf5bbb344,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +}" +4b818840ef8fb6d51cace0346f35f79337f7b73c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == true) + { + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else return 1; + } + + + else if (speed <= 60) + return 0; + else if (speed >= 81) + return 2; + else return 1; + } + + +} +" +e3041fb408121d51efd99a1b804dddef89135bf9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday == true) + { + if (speed <= 65) + return 0; + if (speed >= 86) + return 2; + else return 1; + } + + + else if (speed <= 60) + return 0; + else if (speed >= 81) + return 2; + else return 1; + + + +} +" +c0c2d3136205b006b89a1df6b231e60ff6416eb6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + { + speed -= 5 + } + if (speed <= 60); + { + return 0 + } + if (speed >= 60 && <= 80); + { + return 1 + } + if (speed >= 81); + { + return 2 + } +} +" +d64ebb49fafb200fd0cf8673398d7fd595355397,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + { + speed -= 5; + } + if (speed <= 60); + { + return 0; + } + if (speed >= 60 && <= 80); + { + return 1; + } + if (speed >= 81); + { + return 2; + } +} +" +9411fab7994f98127ba1700ef7846b02d8b21270,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + { + speed -= 5; + } + if (speed <= 60); + { + return 0; + } + if (speed >= 60 && <= 80); + { + return 1; + } + if (speed >= 81); + { + return 2; + } +} +" +5b3d89875e4cb69ff728ecb237153f4beb82f9d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + { + speed -= 5; + + if (speed <= 60); + { + return 0; + + else if (speed >= 60 && <= 80); + + return 1; + + else; + return 2; + } +} +" +8662129f7c35e3b36772c82dff04312af361c1a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed < 60) + int = 0; + else (speed < 80 && > 61) + int = 1; + else (speed > 81) + int = 2; +} +{ while (isBirthday = TRUE) + if (speed < 65) + int = 0; + else (speed < 85 && > 66) + int = 1; + else (speed > 86) + int = 2; +} +" +5de7d178f5acd27b40338706ff710263b7640b55,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed < 60) + int = 0; + else (speed < 80 && speed > 61) + int = 1; + else (speed > 81) + int = 2; +} +{ while (isBirthday = TRUE) + if (speed < 65) + int = 0; + else (speed < 85 && speed > 66) + int = 1; + else (speed > 86) + int = 2; +} +" +0e15f04c154cd1ced355595a00eaba6188ba7a03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <=85) + { + return 1; + } + if(speed >= 86) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 1; + } + if(speed >=81) + { + return 2; + } +} +" +5e756b1b0d3859ea9902db8cfa98c03a8f027543,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday == true) + { + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <=85) + { + return 1; + } + if(speed >= 86) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 1; + } + if(speed >=81) + { + return 2; + } +} +" +3a179a2b5f49360fee05a5757efed11fb910a690,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + if (this.speed <= 65) + { + return 0; + } + else if (this.speed > 65 && this.speed <= 85) + { + return 1; + } + else if (this.speed > 85) + { + return 2; + } + } +} +" +f57c32eb204ade53eb284041970e6e5f2a2d683e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } +} +" +998649ac69b491159e56729654d86808537f400a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday == true) + { + if(speed <= 65) + { + return 0; + } + if(speed >= 66 && speed <=85) + { + return 1; + } + if(speed >= 86) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + if(speed >= 61 && speed <= 80) + { + return 1; + } + return 2; +} +" +8a901ca080dcd00df7ef3ead38aecf94f4c310a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == false) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed > 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } +} +" +ade07bcea0f6e251b93c896d9f1c9e18c729f5b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == false) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed > 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } +} +" +82b096bced31e3976461251891dbb073319b9be3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == false) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed > 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } + return ticket; +} +" +41d44ae3fff29bed5f28b9403bb70f27dfa27931,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +} +" +64a290a86a2e37c7d12108f5082af0d899129f95,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + + return 2; + + } +} +" +0f0f225a861164fec3831c900b734918f820db27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +int ticket = 0; +if (isBirthday) speed -= 5; +if (speed <= 60) + ticket = 0; +if (speed >60 && speed <= 80) + ticket = 1; +if (speed > 80) + ticket = 2; +return ticket; + +} +" +3dc97647ba849e2dfa84675123aab559db870ca4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true && speed < 85 && speed > 65) + return 1; + if (speed >= 81) + return 2; + if (isBirthday==true && speed >= 86) + return 2; + if (speed <=81 && speed > 60) + return 1; + if ( isBirthday==true && speed<=65) + return 0; + else + return 0; + +} +" +a8f46ea3463d460e7e865d50941f9de42c379d31,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int speed < 60) + { + int value 0 = no ticket + } + else if (int speed > 60 && int speed < 80) + { + int value 1 = small ticket + } + else if (int speed < 80) + { + int value 2 = big ticket + } + else if (is birthday) + { + if (int speed < 65) + { + int value 0 = no ticket + } + else if (int speed > 65 && int speed < 85) + { + int value 1 = small ticket + } + else if (int speed > 85) + { + int value 2 = big ticket + } + } +} +" +7be7d4235f5568388f251ff6d019b5e0ce45d50a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true && speed <= 85 && speed > 65) + return 1; + if (speed >= 81) + return 2; + if (isBirthday==true && speed >= 86) + return 2; + if (speed <=81 && speed > 60) + return 1; + if ( isBirthday==true && speed<=65) + return 0; + else + return 0; + +} +" +afc4ecac5a6642e1cb8b10adb0efb7c6cee1cce0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + } + + + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed > 80) + { + return 2; + } +} +" +db783f064ebb2d691d466fd698116b55f50863a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } +}" +95859bfd416d82a47fddcba179fc312d49cc5192,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed < 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } + +} +" +79e43abd74687f833c9deda83962812a0fd7d19b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed < 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } + +return result +} +" +a4836f9768a2902a1c3a75951063416554f4af04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed < 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } + +return result; +} +" +518a4c557411c2fcdfe93d02051b93aa38809de5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true && speed <= 85 && speed > 65) + return 1; + if (speed >= 81) + return 2; + if (isBirthday==true && speed >= 86) + return 2; + if (speed <=81 && speed > 60) + return 1; + if ( isBirthday==true && speed <= 65) + return 0; + else + return 0; + +} +" +6b401c7e415f64d7de473f91d579b3379fddb0a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (66 <= speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } +}" +8744ab054b121b4e8e2cae18a6cf3cf90340905d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.int speed < 60) + { + this.int value 0 = no ticket; + } + else if (this.int speed > 60 && this.int speed < 80) + { + this.int value 1 = small ticket; + } + else if (this.int speed < 80) + { + this.int value 2 = big ticket; + } + else if (this.is birthday) + { + if (this.int speed < 65) + { + this.int value 0 = no ticket; + } + else if (this.int speed > 65 && this.int speed < 85) + { + this.int value 1 = small ticket; + } + else if (this.int speed > 85) + { + this.int value 2 = big ticket; + } + } +} +" +48793b34acf5a73e85fa9c1253cab877a767ae8e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } +}" +aea0f77ccb0de1b4711aedb2346057d6e146a5d3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding +}" +99002f5b1b10befcfa370c05739f653316cebe6a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed < 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } + +return result; +} +" +1df259ff74fb74048c7eada310c8b9be64b12808,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( isBirthday==true && speed <= 65) + return 0; + if (isBirthday == true && speed <= 85 && speed > 65) + return 1; + if (speed >= 81) + return 2; + if (isBirthday==true && speed >= 86) + return 2; + if (speed <=81 && speed > 60) + return 1; + else + return 0; + +} +" +1f611e7deedde935d470f0651e9b2cb401aa1a82,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +7bc3a28a880fedd11e7c8e38a8329c18a0e1e740,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +edaac3a8e9b5da73756fb905acd1248eed17137d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0 + if (!isBirthday) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +663c68391a52ba3cc45dc182b115094ff1d64212,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + if(speed >=61 && <=80) + return 1; + if(speed >=81) + return 2; + } + while (isBirthday) + { + if(speed<=65) + + return 0; + if(speed >=66 && <=85) + return 1; + if(speed >=86) + return 2; + } + + + + +} +" +47f27053e48591db18543eabbfc622aa82e0ef08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (!isBirthday) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +5dd14641b12a96dcc3eb84cd26eb50b012e99a03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed < 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } + +return result; +} +" +9ba9e7f5675e715d5e95b2ce6ede6500eef7a017,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + } + return 2; +} +" +91770dc69322c88aed4bd5069f081a5a9541e4bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((speed <= 60)||(isBirthday && speed <= 65)) + { + return 0; + } + else if ((speed > 60 && speed <= 80)||(isBirthday && speed > 65 && speed <= 85)) + { + return 1; + } + else if (!isBirthday && speed > 81)||(speed > 86)) + { + return 2; + } + +} +" +af7ac4446bd7b6b9e9522261edbc690577e22f74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } + +return result; +} +" +23560c2cb4e6085c2879e209ebdb81d078e6e0a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } +} +" +0c64023cebbdc543c1734faa06d8151c98e95cea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday = false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +50505cb7ab7d460627b45878079226a3fde60d7c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + int caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } +} +" +0259cfb30135140c50ed88c49d5e0406be273486,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((speed <= 60)||(isBirthday && speed <= 65)) + { + return 0; + } + else if ((speed > 60 && speed <= 80)||(isBirthday && speed > 65 && speed <= 85)) + { + return 1; + } + else if ((!isBirthday && speed > 81)||(speed > 86)) + { + return 2; + } + +} +" +12eac77da66a1628855447ecc7d188a13186e9d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday = false) + { + if (speed >= 60) + { + caughtSpeeding == 0; + } + else if (61 <= speed && speed <= 80) + { + caughtSpeeding == 1; + } + else if (speed >= 81) + { + caughtSpeeding == 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding == 0; + } + else if (66 <= speed && speed <= 85) + { + caughtSpeeding == 1; + } + else if (speed >= 86) + { + caughtSpeeding == 2; + } + } + return caughtSpeeding; +}" +0a6c116fcfad2a0a0b4e25714480108f728cd5f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + if(speed >=61 && <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + + + + +} +" +b5b3be6b2a100badd8d9e7b223dac4ffd300d615,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +c8e4455166167729123b9508921d10b38ecf0093,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ((speed <= 60)||(isBirthday && speed <= 65)) + { + return 0; + } + else if ((speed > 60 && speed <= 80)||(isBirthday && speed > 65 && speed <= 85)) + { + return 1; + } + else if ((!isBirthday && speed > 81)||(speed > 86)) + { + return 2; + } +return 2; +} +" +7eba0054cac8db137e9946318711bebe2f347294,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +223772bfe6cc4ce73facf30e20d76444ab82a863,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + + + + +} +" +85becb3dacec30d178293a675830da976d4e29e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +}" +160c68b0a68f958ff00a03730ce00893727243e2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + return 0; + } + +} +" +691b291dfd19a8ade6b31fed3b73daf1cf363ee9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + return 0; + } +return; +} +" +37fbd8c386be857f50253c46f8acf47304f698b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + +}" +f8e3759266b0ef05973b5f8391d6342546feb91f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + + + + +} +" +67344f71dfd5cdd83a16cdaf5805fa4962f6ca44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + +} +" +81c4c256817222114274bf2bb9583e4b63d995c0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && speed <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + + + + +} +" +49bf262219977366e655ad605f87a9ad1350e343,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + + } + +} +" +cd9f8bdaad6f7224cf88afe064eadca78bd4d757,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && speed <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + +} +" +c8d84823dc7a17b3457d1b33de3b7c605e220831,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && speed <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + +} +" +2a1088f952a05bb8baabdcc4244204b773c31237,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + +}" +dbcbaa71c5241cba809b559d63a86b1ee7e0f65d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 60 && speed <= 80) + { + result = 1; + } + else if (speed >= 81) + { + result = 2; + } + else if (isBirthday) + { + result = 0; + } +return result; +} +" +b7d89560361984799656494170344e7fb470ebf1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + +}" +f2d88a36b5cfca4aa41a710c7729e7e85fa448a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && speed <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + return none; +} +" +eec4e2967da7d5373c015a3c21eb2ac602c6a72d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && speed <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + return isBirthday; +} +" +e441b99b604360d008c3e697386430b096c0b6fa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + if(speed >=61 && speed <=80) + { + return 1; + } + if(speed >=81) + { + return 2; + } + while (isBirthday) + { + if(speed<=65) + { + return 0; + } + if(speed >=66 && speed <=85) + { + return 1; + } + if(speed >=86) + { + return 2; + } + } + return isBirthday; +} +" +14043de87cd2a5baa305205a75739704499a34d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(int < 60, false)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(int speed > 60 + && int speed < 80, false) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(int speed < 80, false) + { + int value 2 = big ticket; + } + else if (this.caughtSpeeding(int < 60, true)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(int speed > 60 + && int speed < 80, true) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(int speed < 80, true) + { + int value 2 = big ticket; + } +} +" +623ca279f122f719780db93fa20dc747ebaab182,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +f3924ca3bd9a57ea379e3974611fb8d3068e364c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + return caughtSpeeding; + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 3; + } + } + return caughtSpeeding; +} +" +b47dc71328881c9bfa6a987d96b0f350951a8194,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } + else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + else if (isBirthday = false) + { + if (speed <= 60) + { + ticketSize = 0; + } + else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +6d08aee93c8bb83bf041fa83db4480b71b9aa36f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +b81767233eca575e5cad9280f86a7db5f08d2c26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.seesSpeed(60) || this.seesSpeed( > 60)) + this.(0) + else if (this.seesSpeed(61) || this.seesSpeed (80 > )) + this.(1) + else if (this.seesSpeed(80 && > 80)) + this.(2) +} +" +a84cd993569f4664f37921d4d1211f2735f3da75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.seesSpeed(60) || this.seesSpeed( > 60)) + this.(0) + else if (this.seesSpeed(61) || this.seesSpeed (80 > )) + this.(1) + else if (this.seesSpeed(80 && > 80)) + this.(2) +} +" +da0c9413049dfff039c9956a6e26478fbab3cdfe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketSize = 0; + if (isBirthday = true) + { + if (speed <= 65) + { + ticketSize = 0; + } + else if (speed >= 65 && speed < 86) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + else if (isBirthday = false) + { + if (speed <= 60) + { + ticketSize = 0; + } + else if (speed >= 60 && speed < 81) + { + ticketSize = 1; + } + else + { + ticketSize = 2; + } + } + return ticketSize; +} +" +a711eaab645ccd3642f30293db2a6eafe9a97d0a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday == false) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +022bc6cd01693d2cba8a90ac628a537c31cf0a69,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday == false) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +72550ea83adef0aa62bf725feb58b03b003db5dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed > 65 && speed <= 85 && isBirthday == true ) + return 1; + if ( speed >= 86 && isBirthday == true ) + return 2; + if ( speed <= 65 && isBirthday == true ) + return 0; + if ( speed > 60 && speed <= 80 ) + return 1; + if ( speed >= 81 ) + return 2; + else + return 0; +} +" +ac9409b1dcd645a7827cea4c80fa5ab682e8556a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + else if(speed >=61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + if (isBirthday) + { + speed -=5 + } +} +" +9bf4cd7cf73939d73e61bebdaac559dae8746adb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60) + { + return 0; + } + else if(speed >=61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + if (isBirthday) + { + speed -=5; + } +} +" +8db5e4060e745e1e703d1993e6fbebba7589db97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.seesSpeed(60) || this.seesSpeed( > 60)) + this.(0); + else if (this.seesSpeed(61) || this.seesSpeed (80 > )) + this.(1; + else if (this.seesSpeed(80 && > 80)) + this.(2); +} +" +1e627b75d7eeb6754f42fdfa74dda6c894f2fcdf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding == 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding == 1; + } + else if (speed >= 81) + { + caughtSpeeding == 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding == 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding == 1; + } + else if (speed >= 86) + { + int caughtSpeeding == 2; + } + } + return caughtSpeeding; +}" +ad85c5e51088c6117119f649086e3716fddc6ca3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +4bd85a0f5bfce2bb4972a26d1cb316cf05b8393d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed >= 60) + { + int caughtSpeeding = 0; + } + else if (speed >= 61 && speed <= 80) + { + int caughtSpeeding = 1; + } + else if (speed >= 81) + { + int caughtSpeeding = 2; + } + } + else + { + if (speed >= 65) + { + int caughtSpeeding = 0; + } + else if (speed >= 66 && speed <= 85) + { + int caughtSpeeding = 1; + } + else if (speed >= 86) + { + int caughtSpeeding = 2; + } + } + return caughtSpeeding; +}" +00c9467ff3f8352743aa3270ead5873270633a5b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -=5; + } + if(speed<=60) + { + return 0; + } + else if(speed >=61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + +} +" +1490bf772e649b203c44bd658f44ce652a7f8f5e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + } + else + { + return 2; + } +} +" +4fd316b91a8c81962508a6695e116d5b00b3270e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + return caughtSpeeding; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + return caughtSpeeding; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + return caughtSpeeding; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + return caughtSpeeding; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + return caughtSpeeding; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + return caughtSpeeding; + } + } +}" +e41925f532e412b28d938ee2fbf94c74f13ca50f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +f6a3220b58f908ac68003c4836a6beb15975abe1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding = 0; + if (isBirthday == false) + { + if (speed >= 60) + { + caughtSpeeding = 0; + return caughtSpeeding; + } + else if (speed >= 61 && speed <= 80) + { + caughtSpeeding = 1; + return caughtSpeeding; + } + else if (speed >= 81) + { + caughtSpeeding = 2; + return caughtSpeeding; + } + } + else + { + if (speed >= 65) + { + caughtSpeeding = 0; + return caughtSpeeding; + } + else if (speed >= 66 && speed <= 85) + { + caughtSpeeding = 1; + return caughtSpeeding; + } + else if (speed >= 86) + { + caughtSpeeding = 2; + return caughtSpeeding; + } + } + return caughtSpeeding; +}" +d0f958c6123afb1bb17f1e861d60ddaf34df3479,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +654a0de0b955c53305ab86c7f29fb71ffa64c16d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +72ccdf95b42050fb998e8c108bd96be015f3de73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + { + if (speed<=65) + return 0; + } + else if (speed>=66 && speed<=85) + { + return 1; + } + else if (speed>=86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <=80) + { + return 1; + } + else + return 2; + } +} +" +b64311fc9b1aa1d4252cb455b1e2b22594c340d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int speed = 32; + boolean birthday = true; + + if (birthday != true) + { + if (speed <= 60) + { + return noTicket; + } else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } else if (speed >= 81) + { + return bigTicket; + } + } else + { + if (speed <= 65) + { + return noTicket; + } else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } else if (speed >= 86) + { + return bigTicket; + } + } +} +" +5337068e58557ae25988799c8884eb9cb65bd15c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } else if (speed >= 81) + { + return bigTicket; + } + } else + { + if (speed <= 65) + { + return noTicket; + } else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } else if (speed >= 86) + { + return bigTicket; + } + } +} +" +cd6d08f3c0ebb159130b554cae3d9f6b3e887c9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed >= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed >= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +}" +e8f9a22237482bfa94c16a32e7792e184011b879,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<=65) + { + return 0; + } + else if (speed>=66 && speed<=85) + { + return 1; + } + else if (speed>=86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <=80) + { + return 1; + } + else + return 2; + } +} +" +2745179d071cb7d78f9d5483fef755aa780c8cdd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +}" +0cb03a0006115f531ba1ad23294edab7ebfb1c81,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed<=65) + { + return 0; + } + else if (speed>=66 && speed<=85) + { + return 1; + } + else if (speed>=86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >=61 && speed <=80) + { + return 1; + } + else + return 2; +} +" +f8b67c8905acea38e8db551c2cd7af7a035fa9d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +}" +43df779a0e56aaffcafb1c0b4a9cf3152c586505,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (int <= 60, false) + { + int value 0 = no ticket; + } + else if (int speed >= 61 && int speed <= 80, false) + { + int value 1 = small ticket; + } + else if (int speed >= 81, false) + { + int value 2 = big ticket; + } + else if (int <= 65, true) + { + int value 0 = no ticket; + } + else if (int speed >= 66 && int speed <= 85, true) + { + int value 1 = small ticket; + } + else if (int speed <= 86, true) + { + int value 2 = big ticket; + } +} +" +256c241f10b0cfe8250551a3788af0472ee163f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if(speed <= 60) + { + return 0; + } + else if(speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +6749a7fcde7d66f745969ec587408852dbd63d00,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } else if (speed >= 81) + { + return bigTicket; + } + } else + { + if (speed <= 65) + { + return noTicket; + } else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } else if (speed >= 86) + { + return bigTicket; + } + } +} +" +1988671a25e271a7b129551cbb46527d74c6c181,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) speed -= 5; + if (speed <= 60) return 0; + return (speed > 60 && speed <= 80) ? 1 : 2 +} +" +868348e58980546fa345b04938231a7a651748ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) speed -= 5; + if (speed <= 60) return 0; + return (speed > 60 && speed <= 80) ? 1 : 2; +} +" +f69c3db29698c3c397a99a005b5cc16665ec1abb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed <= 60 + { + return 0; + } + else if speed >= 60 || speed <= 80 + { + return 1; + } + else if speed >= 81 + { + return 2; + } + else isBirthday + { + speed = speed - 5 + } + + +} +" +db343f3a48faa521e3603a9197a85b7dae4ac430,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } else if (speed >= 81) + { + return bigTicket; + } + } else + { + if (speed <= 65) + { + return noTicket; + } else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } else if (speed >= 86) + { + return bigTicket; + } + } + +" +b398217a12dbe1834dff293f6b4abf1812704c6c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + speed = speed - 5; + isBirthday = false; + if (speed <= 60) + return 0; + else if (speed >= 81) + return 2; + else if (speed >= 61 && speed <= 80) + return 1; + +return 0; +} +" +b18fe8b464801ae2335969d67addf6a8d90f6af5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } else if (speed >= 81) + { + return bigTicket; + } + } else + { + if (speed <= 65) + { + return noTicket; + } else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } else if (speed >= 86) + { + return bigTicket; + } + } +} +" +8ce5225ea7afba5ffd4b54bede9866dd84b71f7d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60, false) + { + value 0 = no ticket; + } + else if (speed >= 61 && speed <= 80, false) + { + value 1 = small ticket; + } + else if (speed >= 81, false) + { + value 2 = big ticket; + } + else if (speed <= 65, true) + { + value 0 = no ticket; + } + else if (speed >= 66 && speed <= 85, true) + { + value 1 = small ticket; + } + else if (speed <= 86, true) + { + value 2 = big ticket; + } +} +" +ff020a88ac70f58742cc9ebc41c7786574020ed0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } else if (speed >= 81) + { + return bigTicket; + } + } else + { + if (speed <= 65) + { + return noTicket; + } else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } else if (speed >= 86) + { + return bigTicket; + } + } + return +} +" +5ddeda9696ee8e6b52dc5e09e433b9cf39537f39,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else if (speed > 81) + return 2; + } + else + { + if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else if (speed > 86) + return 2; + } + return 0; +} + +" +244c2f735650f4680c85d041013a74b5263b2b9f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } +} return +" +d5ce3e8b16c007ff0261f07e69292fc7fbc0c40e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } +return; +" +f6ee464b1b1635556681d3f72a724aab41dbf525,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } +return; +} +" +6cddb765f82605f6e2240d9aea48dbc85cee027e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 60 || speed <= 80) + { + return 1; + } + else if (speed >= 81 ) + { + return 2; + } + + +} +" +d00fae717a90f8f09cd489ba4361d7b6ab490941,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } +} +" +41fd62f8d726a7868567d555273d3b4c4e3351fd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 60 || speed <= 80) + { + return 1; + } + else if (speed >= 81 ) + { + return 2; + } +} + +" +3da0d6751a1f7733c132a985423428f04a2ba1b5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60, false) + { + 0 = no ticket; + } + else if (speed >= 61 && speed <= 80, false) + { + 1 = small ticket; + } + else if (speed >= 81, false) + { + 2 = big ticket; + } + else if (speed <= 65, true) + { + 0 = no ticket; + } + else if (speed >= 66 && speed <= 85, true) + { + 1 = small ticket; + } + else if (speed <= 86, true) + { + 2 = big ticket; + } +} +" +8c47f91911ed544d73608c94bc2b921c7400117e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + + else + { + return 2; + } + +}" +c8964d6785c391f5de551336b64773b2e8729ab1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (speed <= 60) + { + return ""0""; + } + if (speed >=61 && speed <=80 ) + { + return ""1""; + } + if (speed >= 81) + { + return ""2""; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + if (speed >=66 && speed <=85 ) + { + return ""1""; + } + if (speed >= 86) + { + return ""2""; + } + } +} +" +04b1671ef40af5b91ad6350b9ef14aec7b3413a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + if (speed >=66 && speed <=85 ) + { + return ""1""; + } + if (speed >= 86) + { + return ""2""; + } + } + if (speed <= 60) + { + return ""0""; + } + if (speed >=61 && speed <=80 ) + { + return ""1""; + } + if (speed >= 81) + { + return ""2""; + } + + +} +" +5a4b8cd40cc79c0120e9c2d370cc824948b2d66d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >=66 && speed <=85 ) + { + return ""1""; + } + if (speed >= 86) + { + return ""2""; + } + } + if (speed <= 60) + { + return ""0""; + } + if (speed >=61 && speed <=80 ) + { + return ""1""; + } + if (speed >= 81) + { + return ""2""; + } + + +} +" +d634694ac161e66b8977b1e7f36287420623d52f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >=66 && speed <=85 ) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + if (speed >=61 && speed <=80 ) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + + +} +" +14a4271f35155d8480d91cf5ffc8744a9e79363a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday + { speed -= 5 + if speed >= 80 + { + return = 2; + else if speed <= 80 && speed >= 60 + { + return = 1; + else + return = 0; + } + } + } + + + +} +" +572011efa5652c96ea858b9c2d65e811df697e75,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >=66 && speed <=85 ) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + if (speed <= 60) + { + return 0; + } + if (speed >=61 && speed <=80 ) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + + +} +" +4f9bfd652a13f0c63fa72d7e726618cfbe8f74ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5 + if (speed >= 80) + { + return = 2; + } + if (speed <= 80 && speed >= 60) + { + return = 1; + } + + if (speed <= 60 && speed >= 0) + { + return = 0; + } + } + } + + + +} +" +34c0f5bf582be79ec19a23633fbc39cad015312f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +1bfe70ef1593b6e66b84c6c6b674d5a65b266b05,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + return 2; + } + if (speed <= 80 && speed >= 60) + { + return 1; + } + + if (speed <= 60 && speed >= 0) + { + return 0; + } + } + } + + + +} +" +e707481cfcc66227310a5e46b70aac39579ce245,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + return 2; + } + if (speed <= 80 && speed >= 60) + { + return 1; + } + + if (speed <= 60 && speed >= 0) + { + return 0; + } + + } + + + +} +" +53defcee2d57ae86e068cf1a505d9f33ddcc9ca1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + return 2; + } + if (speed <= 80 && speed >= 60) + { + return 1; + } + + if (speed <= 60 && speed >= 0) + { + return 0; + } + + } +} +" +072ec63b7a7067e6d3afa8de4025fd476335fbba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +6ea1c644f7823a864609153ac5f8eb0a39df412b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +20766061f997a32ec7224ce14c40e4d8ee9626fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +a084a1417e0c3afc8992088b413097b464b5a9b7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +4a767529a3302a70f6b9c4b22fedc1d5542d342e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +80dd6d6b69930628ecc7dcc3c86b5b4daed6eaf2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +0ad46a07ed8c3c6550c465b1395261a93d5e20b7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +5c068918e9c18e33c48818685b67c6542021ac8d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +d838cf9c8c54990ceba95b21d3b948931672ae91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +d9b0b564f1cd0ea18fe7c4f1fc01dc68bb9907eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +625f26a880f2a4e005534bdf38d10a60e6cdec02,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +84a3a7f9f9e6708ea13c1a0776899f6873bf8470,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +9f1dd5a5bcb932d610257e19b084998b09a9097d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +eb797077f6c6b13d70646fade5b8a57fd0a68f04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +207b3e53a67a491c67f785e4c1be99385378672e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +90b430a969bcc201eb8b9aa4af0b47bcb4da3280,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +09a32b129e15bd20e5dde64d99abd338ba646f3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +37acc029d0c748c177c9522c3ca8f1ce5cd0befb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +8da52afd92c139511b5012ba3612258880ad3b3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +0b55c9545fbe3043722d109ff24f5a110d8ad7a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed >= 80) + { + a = return 2; + } + if (speed <= 80 && speed >= 60) + { + a = return 1; + } + + if (speed <= 60 && speed >= 0) + { + a = return 0; + } + + } + return a +} +" +b3a6d80f712b27fd42042602155d0f30eec23595,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + } +} +" +1153d504aed86243710bbb42992e3ef42a67fdbe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; + +} +" +ae947ce62ca9baa57df04b2f935d932ceedc594f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int ticket; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + } +} +" +dbcfb4c21b1fcad6e131121a27ced97b56c4f4b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + return (ticket) + } +} +" +8b88b2b2059d0f2c625f230c050bd756a05c03a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + return (ticket); + } +} +" +cecc2774f21cf2824851ba32632cf7f821977fb0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + return (ticket); + } +} +" +7e7ea0e2428ceb2411317ad2f2663ca7cb0ae855,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } +return (ticket); + } +} +" +d50755fa4e6d89afa7eb2aa2d4b806f7b8efc31b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + } + if (speed >= 60 &&speed <= 80) + { + return 1; + } + if speed >= 80) + {return 2; + } + return 0 || 1 ||2 ; +} +" +d6d440fb6612099793cdec04f6cb99ab51ddee8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + } +} +return (ticket);" +12b7da43bf4efbc4185d10810416b5207faec60b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + } + if (speed >= 60 &&speed <= 80) + { + return 1; + } + if speed >= 80) + {return 2; + } + return 0 || 1 || 2 ; + } +} +" +3c5e2544b7029dd402b3c88fcc3449136194375b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + } + if (speed >= 60 &&speed <= 80) + { + return 1; + } + if (speed >= 80) + {return 2; + } + return 0 || 1 || 2 ; + } +} +" +4a54daabb35c66daedcad154857f5b58b39f9458,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + } + if (speed >= 60 &&speed <= 80) + { + return 1; + } + if (speed >= 80) + {return 2; + } + } + return; +} +" +7688d8c05e15ef9414dc1175d177f60283b3c90b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + return (ticket); + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return (ticket); + } +}" +af8b713752ffdc02d4db56970db833522c623253,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + else if speed >= 80{ + return 2; + else + { + return 1; + } + } + } + +} +" +1413a9a7e741526116c05dbf111e44283078ea84,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + return (ticket); + } + else if (!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + return (ticket); + } + return (ticket); +}" +e3479eaede61fc38545bc19869c09b6561dda302,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + } + else if speed >= 80{ + return 2; + } + else + { + return 1; + } + + } + +} +" +9ab4b96494eaf4726f4cca2ed80938bd2c59ba55,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + { + result = 0; + } +} +" +0b8e5a5ff64d3d814f86bd4c743bf7f7aa08763a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + { return 0; + } + else if (speed >= 80){ + return 2; + } + else + { + return 1; + } + + } + +} +" +7e27dd6ff82d07889a24a9d5ac29e97eab6d5af2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed -= 5; + if (speed <= 60) + return 0; + + else if (speed >= 80) + return 2; + + else + + return 1; + + + + +} +" +694a581b0807472b3c6c7abf91fadd3c6c22a880,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed -= 5; + if (speed <= 60) + return 0; + + else if (speed > 80) + return 2; + + else + + return 1; + + + + +} +" +a187342416e27ef91005d6139337033d2522d335,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + i = 5 + } + else + { + i = 0 + } + if (speed <= 60 + i) + { + return 0 + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1 + } + else + { + return 0 + } + +} +" +686dd8933a450657087a053f3ed1689fb952c88f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + i = 5; + } + else + { + i = 0; + } + if (speed <= 60 + i) + { + return 0; + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1; + } + else + { + return 0; + } + +} +" +6ab0351608f206ecf62cbed52f9ef81950619ffb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } +} +" +1d6fc6775d4fea22e79897e926782039de7dcde8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + return 0; +} +" +2f0069ec6903cc8c5733522867d221161c427539,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + if (speed <= 60) + return 0; + + else if (speed > 80) + return 2; + + else + + return 1; + } + + + +} +" +8c12b97290a31869f94e4b0212d8bdb8c983b190,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int i = 0; + if (isBirthday = true) + { + i = 5; + } + + if (speed <= 60 + i) + { + return 0; + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1; + } + else + { + return 0; + } + +} +" +3092db0daf1d3500a2866c0d3276e2502b428c7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int i = 0; + if (isBirthday = true) + { + i = 5; + } + + if (speed <= 60 + i) + { + return 0; + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1; + } + else + { + return 0; + } + +} +" +10ac4e45b1e5e871132a4056471ca7fcb4856211,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed -= 5; + if (speed <= 60) + return 0; + + else if (speed > 80) + return 2; + + else + + return 1; + + + + +} +" +4a0d60689ed837f7de8309afab5f067fd53e37a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed => 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + if(speed <= 65) + return 0; + if (speed => 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +be83512ffb37aa964556e630e56bb9b867d0a149,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed => 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +74d8ff25d25d8b61ca4ee8e72a44b5552f40eba5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed => 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +158f4349f0b24af5aec6ad70ac442040c8a43233,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +a49d4d0ad1286aca372c0b1728919cafbff46b4e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +f4071c5a26b6b502c79c9f784596e4567a882ca8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} + return null" +8da16bc1bb40dcac35d79e6771d34e8841d6ca9f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +}} + return null" +af4c0215aef9edd98604371d01d58a74047e014c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +476c38dacce73e1624b28c9ceed2e528facf4f9f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +87695f73875d4d69b5c7a652be5700ae92d3cf53,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +} + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} + return " +d23ba11b4f42a35fd94efec99c34e32be4d0ef97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} + return " +24a6e080fc79ebbfeea35efb2095d0d3f5189c85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +b2686298e6979f6ada06464ec648565f9087eaea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0 + int small ticket = 1 + int big ticket = 2 + + while isBirthday + { + if (speed>=66 || speed<=85) + { + return small ticket + } + else if (speed>=86) + { + return big ticket + } + else + { + return no ticket + } + } + + if (speed>=61 || speed<=80) + { + return small ticket + } + else if (speed>=81) + { + return big ticket + } + else + { + return no ticket + } +} +" +eb5c4b3566c4dfd95051949e832da4d6ed378ebf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + else + { + return noTicket; + } + } +} +" +68aff9bf1ee6e724d03e954b8487f3ecd436560a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + + while isBirthday + { + if (speed>=66 || speed<=85) + { + return small ticket; + } + else if (speed>=86) + { + return big ticket; + } + else + { + return no ticket; + } + } + + if (speed>=61 || speed<=80) + { + return small ticket; + } + else if (speed>=81) + { + return big ticket; + } + else + { + return no ticket; + } +} +" +db6643bb0140ff802972eefc1a773ff85905f9d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + { + speed = speed - 5; + } + } + + if (speed <= 60) + { + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +41d079e06a15178afc645e8e9572270a04d90e08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +efc9fa34c3c249e71fbab92396f9a447a0ea0ed5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + + while isBirthday + { + if(speed>=66 || speed<=85) + { + return small ticket; + } + else if(speed>=86) + { + return big ticket; + } + else + { + return no ticket; + } + } + + if(speed>=61 || speed<=80) + { + return small ticket; + } + else if(speed>=81) + { + return big ticket; + } + else + { + return no ticket; + } +} +" +33b274a6b508f882334097b9147f3f7ead119249,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + { + speed = speed - 5; + } + } + + if (speed <= 60) + { + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if + { + return 2; + } + } +} +" +4cd52ff8e0c2094d1fcdcf8beb6ec5de442a8cb0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + if(isBirthday) + { + if(speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } +} +" +2c4bb4fb2e6a375ec71dddf49ffcc369bdfe3b0a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + { + speed = speed - 5; + } + } + + if (speed <= 60) + { + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +3346da11a1577c65c28f5fd8f3cb34d9688ec419,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + { + speed = speed - 5; + } + } + + if (speed <= 60) + { + { + return 0; + } + elseif (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +d1241abf2b0a7e07c6b357d18730bdfa3b363f87,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + { + speed = speed - 5; + } + } + + if (speed <= 60) + { + { + return 0; + } + elseif (speed >= 61 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +36bd19686f8335ce28419623ff6c31a855de440a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if(!(isBirthday)) + { + if(speed <= 60) + return result = 0; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result = 0; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} +" +32edb95a647d495aa2120f0677ec97e5409c9bcb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if(!(isBirthday)) + { + if(speed <= 60) + return result = 0; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result = 0; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} +return result +" +d5df8b302fbe3aabfa767bcf75365db87de1d7b4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if(!(isBirthday)) + { + if(speed <= 60) + return result = 0; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result = 0; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} +return result; +" +33f223b95e2a9ff5d08a4e5a9e0bf6a1e1df7184,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5 + } + + if(speed>=61 || speed<=80) + { + return 1; + } + else if(speed>=81) + { + return 2; + } + else + { + return 0; + } +} +" +c58b060ebcd516ebe85d4f71e5cc92a9787bae89,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + if(speed>=61 || speed<=80) + { + return 1; + } + else if(speed>=81) + { + return 2; + } + else + { + return 0; + } +} +" +b0e3fb27197a27f18c88271c36d382a482a68d94,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if(!(isBirthday)) + { + if(speed <= 60) + return result = 0; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result = 0; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} + +return result; +} + +" +f6e0dbf2ea3290b27739236a2001d2a9220dbf2c,"public int caughtSpeeding(int speed, boolean isBirthday){ +{ + int result = 0; + if(!(isBirthday)) + { + if(speed <= 60) + return result = 0; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result = 0; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} + +return result; +} + +" +55f5a73b6c1930163394dddb0c56265f72f586ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + if(speed>=81) + { + return 2; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + + else + { + return 0; + } +} +" +4dce96935440ff800754252a5f98544013b480fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + else + { + speed = speed; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +7664c818bc7e199f9ced7a60d9cc83727eff7932,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + if(speed>=81) + { + return 2; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + + else if(speed<=60 + { + return 0; + } +} +" +462aa2e4ec5d64f2ab9eef5bedeef60e6f30ecda,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + if(speed>=81) + { + return 2; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + + else if(speed<=60) + { + return 0; + } +} +" +4bf08263a1304165388d5eb35560405227645760,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + else if (isBirthday = false) + { + speed = speed; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +5fb80f07f12225dd83c570c81175169afd1e56f3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + speed = speed - 5; + if (speed <= 60) + return 0; + else if (speed >= 81) + return 2; + else if (speed >= 61 && speed <= 80) + return 1; + +return 0; +} +" +a6cbabaddb53530298bae6c49544f301daba741a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + if(speed>=81) + { + return 2; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + + else if(speed<=60) + { + return 0; + } + else + { + return 0 + } +} +" +715675c2736c046b0b1718e9337309e400dfc7e9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + if(speed>=81) + { + return 2; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + + else if(speed<=60) + { + return 0; + } + else + { + return 0; + } +} +" +5e7ad69373709a5f33e85d707d34c8a0766fe458,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + if(speed <= 80) + return 1; + else + return 2; + +} +" +4aed0e134731b1b5e10b6b03f2d146083be3fcea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + + if(speed<=60) + { + return 0; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + if(speed>=81) + { + return 2; + } + + + else + { + return 0; + } +} +" +cfcb7fed3324e13f7248199c52238fa5220cb740,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + + if(speed<=60) + { + return 0; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + if(speed>=81) + { + return 2; + } + + + else + { + return 0; + } +} +" +f054940a15403cbe22145ba710e237076f66bbe2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + speed = speed; + } + else if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +5c5ec83e1ad810eae78e404672fb7d251eb1492a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed = speed - 5; + + + if (speed <= 60) + + return 0; + + else if (speed >= 60 || speed <= 80) + + return 1; + + else if (speed >= 81 ) + + return 2; + +} + +" +8c3f1d4fbe9327e308295422a61232c23cd2b0a1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed = speed - 5; + + + if (speed <= 60) + + return 0; + + else if (speed >= 60 || speed <= 80) + + return 1; + + else if (speed >= 81 ) + + return 2; +} + + + +" +e16d65ee2b3e8497eaadd0146e0a832f24487da1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + + if(speed<=60) + { + return 0; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + else if(speed>=81) + { + return 2; + } + else + { + return 0; + } +} +" +b903e6d80238274e2efe9bb5c0ebdcb86ff16dc8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed < 81) + { + return 1; + } + else + { + return 2; + } +} +" +7b6de8d93f70a5fb03b0f5f6ca4a9370feb5bcca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 60 || speed <= 80) + { + return 1; + } + else (speed >= 81 ) + { + return 2; + } +} + +" +1f496cfacb85eb35c4a120cf0dfd765e149051e2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + + if(speed<=60) + { + return 0; + } + else if(speed>=61 || speed<=80) + { + return 1; + } + else + { + return 2; + } +} +" +846b54b4fad4d7650ee67c040fe41649795b5ce7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60); + { + return 0; + } + + else if (60 < speed < 80) + { + return 1; + + } + + else if (speed > 81); + { + return 2; + + } + + + + + + +} +" +0b6ab505ce5d3a8c6ff267a4ce5931cb6db74836,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60); + { + return 0; + } + + else if (60 < speed < 80) + { + return 1; + + } + + else if (speed > 81); + { + return 2; + + } + + + + + + +} +" +5ddbabfa0cfc044a11a78bbad60dc70fb9fb8a52,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60); + { + return 0; + + + else if (60 < speed < 80) + { + return 1; + + } + + else if (speed > 81); + { + return 2; + + } + } + + + + + +} +" +c1bd7d87fe912c399faf72e200d60c0c4a4a8934,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60) + { + return 0; + } + + else if (60 < speed < 80) + { + return 1; + + } + + else if (speed > 81); + { + return 2; + + } + } + + + + + +} +" +4afa993dcfa50e1dfc676d02d355a13166a4eaad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60) + { + return 0; + } + + else if (60 < speed < 80) + { + return 1; + + } + + else if (speed > 81); + { + return 2; + + } + } + + + + + + +" +3223b8f7719393c9877ab2de8cc3b9fc7b02de42,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (return isBirthday = true) + { + if (this.getSpeed() < 60) + { + caughtSpeeding = 0; + } + } +} +" +c421f82ae0458c5c9453fb83f154615ecf22deb9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 60 || speed <= 80) + { + return 1; + } + else (speed >= 81 ) + { + return 2; + } +} + +" +c7baf9e5db94c71e9b9a137bfa8786456f62c207,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 60 || speed <= 80) + { + return 1; + } + else (speed >= 81) + { + return 2; + } +} + +" +e9078b81a1cfd51fa2c9f1ddda1c6e00f66a746a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (return isBirthday = true); + { + if (this.getSpeed() < 60) + { + caughtSpeeding = 0; + } + } +} +" +f66b20bc83461fa79fe50affee43ebcc9a67462d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -=5; + } + + + if(speed<=60) + { + return 0; + } + else if(speed<=80) + { + return 1; + } + else + { + return 2; + } +} +" +c7cc1272c10d423e95a5ed3c1b1cb1cdd6c1d904,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 60 || speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + +" +d12bfc9104cc145075ad237cbef5e372e5c74675,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday = true) + { + speed = speed; + } + else if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +893ebb94839349581aed326578fd36aafaf8aa0f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 60 || speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + +" +2b3ee06108d2b335226e3c9a0796fc0654bf7b1d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday = true) + { + speed = speed; + } + else if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +91c420fc474ab8277524b2e9bad8d3b89925c125,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60) + { + return 0; + } + + else if (60 81); + { + return 2; + + } + - + + + + + + +" +2195fa09a759b5c138ee6e2a6f70713b7051f8cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + speed = speed; + } + else if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +f703ab06fbacf7e39bb25030f98bc6aa16c80ade,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + +" +97ab0d36fdcb4577568fb40f7064726846143bac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if (isBirthday) + { + speed = speed - 5; + + } + + if (speed < 60) + { + return 0; + } + + else if (60 < speed < 80) + { + return 1; + + } + + else if (speed > 81); + { + return 2; + + } + - + + + + + + +" +77149ae699c878d82719e0185ce3ced0ae0fe88f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +55987a4ca8ac6ad1050ea87d0c337d1113b8e328,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 + (isBirthday*5)) + { + return 0; + } + else if (speed <= 80 + isBirthday*5) + { + return 1; + } +} +" +c8e5691368f4681959e90f33d827b8a9a1bc5f36,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + return 0; + else if (speed >= 66 && speed < 86) + return 1; + else if (speed > 86) + return 2; + } + if (speed < 61) + return 0; + else if (speed >= 61 && speed < 81) + return 1; + else if (speed > 81) + return 2; +} +" +c05a5381cdc56b22341c9cecaf292c54eb40a462,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 66) + return 0; + else if (speed >= 66 && speed < 86) + return 1; + else if (speed > 86) + return 2; + } + if (speed < 61) + return 0; + else if (speed >= 61 && speed < 81) + return 1; + else if (speed > 81) + return 2; + return 3; +} +" +419ad8befb02142fea42676c50631a45f5ab0516,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int birthday = 0; + if (isBirthday == true) + { + brithday = 1; + } + + if (speed <= 60 + birthday*5) + { + return 0; + } + else if (speed <= 80 + birthday*5) + { + return 1; + } + else + { + return 2; + } +} +" +b2996a8f4fe9f77ce6b47b04a274b9e75eca4b7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if(!(isBirthday)) + { + if(speed <= 60) + return result; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} + +return result; + +" +781b0b75de0ac07a3cc503a08a5fee8eac61965a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60 + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit) > 0 + { + return 0; + } + + if (speed - limit) > 20 + { + return 1; + } + + if (speed - limit) > 21 + { + return 2; + } + + + +} + + + + + +" +fe2f660787454174bbdf4f3f171c7f0c6d21ed2a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int birthday = 0; + if (isBirthday == true) + { + birthday = 1; + } + + if (speed <= 60 + birthday*5) + { + return 0; + } + else if (speed <= 80 + birthday*5) + { + return 1; + } + else + { + return 2; + } +} +" +fa91f2b29ed546923db72237a7f43467dcb0491e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) + { + return 0; + } + + else if (speed - limit > 20) + { + return 1; + } + + else if (speed - limit > 21) + { + return 2; + } + + + +} + + + + + +" +e6e6e13f59feaa41ea194bb759f7459f18fa6e92,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else if(86 <= speed) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + else if(61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + +} +" +db6eda9301a2887d08b68bd5870a4db570d895f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + (!(isBirthday)) + { + if(speed <= 60) + return result; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} + +return result; + +end + + +" +33c8061ea26eaec642792085ca3f4214646f6d72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else if(86 <= speed) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + else if(61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} + + +" +9409af9b058d84aca04894a37df47f546b8b734b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) + { + return 0; + } + + else if (speed - limit > 20) + { + return 1; + } + + else if (speed - limit > 21) + { + return 2; + } + + + + return caughtSpeeding(); +} + + + + + +" +34bc9a311284168cf9e33ab0eb8fcf602b828d06,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + (!(isBirthday)) + { + if(speed <= 60) + return result; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} + +return result; + + + + +" +8f8e586275f932b7adbcf92559f0e5a77a653ba7,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + return result; + else if (speed >= 61 && speed <= 80) + return result = 1; + else + return result = 2; + } + if(isBirthday) + { + if(speed <= 65) + return result; + else if (speed >= 66 && speed <= 85) + return result = 1; + else + return result = 2; + } +} + +return result; + + + + +" +1ef9388e9302835a8b6758bfbca719f714f3df0e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) + { + return 0; + } + + else if (speed - limit > 20) + { + return 1; + } + + else if (speed - limit > 21) + { + return 2; + } + + + + return caughtSpeeding; +} + + + + + +" +35d52d76f76609eaccddfb36c8f933e8b2d6f74a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + + +} +" +1f77ceb42f20166d03e71eaf4c1f12db415a76c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) + { + return 0; + } + + else if (speed - limit > 20) + { + return 1; + } + + else if (speed - limit > 21) + { + return 2; + } + + + + return; +} + + + + + +" +5f74792d6929782ad18ed3eb72df02680c893f5b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + + +} +" +9933fadbaef82c97b84e649bf9fc131fad4e9386,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) + { + result = 0; + } + + else if (speed - limit > 20) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +7c92f76d1600ef95a5915dada898e382ffa6088e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else + { + return 2; + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + } + +} +" +cb9ac165cf0a2a8374d6aefd34809d60e4a2f509,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result = 0; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) + { + result = 0; + } + + else if (speed - limit > 20) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +a52aa97ec2826a55bdc3cfcd2ccb7361df963972,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <=85) + { + return 1; + } + else + { + return 2; + } + else if + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + } + +} +" +d91e63065d8aea5a479efdfef78964b581f51aae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result = 0; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0) && (speed - limit < 20) + { + result = 0; + } + + else if (speed - limit > 20) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +bd9e1a92f292baa466c0e9a8da4b795921abb8a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result = 0; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit > 0 && speed - limit < 20) + { + result = 0; + } + + else if (speed - limit > 20) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +77f976ecd25fd625b8bb170de875382cffc04e13,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return (this.isBirthday) + { + if (this.getSpeed() < 60) + { + caughtSpeeding = 0; + } + } +} +" +00972d4cba5cec69a57718d2514fd26258be915b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return (this.isBirthday); + { + if (this.getSpeed() < 60) + { + caughtSpeeding = 0; + } + } +} +" +9cbf885a28ae8a2e4216f2b3077ae1971a06ca0f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + this.getSpeed(); + if (speed <= 60) + { + caughtSpeeding = 0; + } + +} +" +ac323ceb4187c5ed24ab8091377e212e552e61bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + caughtSpeeding = 0; + } + +} +" +1b79ac27303917ae2ff20875a3f6d0c14d7b2b48,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return (this.isBirthday); + { + if (speed < 60) + { + caughtSpeeding = 0; + } + } +} +" +4479fc3cd012fdc6b4123e2f9f35a5b793e81c86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + number = 0; + } + +} +" +3a8070603695c12304f484c7a525f5f91e19a374,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result = 0; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit < 0) + { + result = 0; + } + + else if (speed - limit > 20) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +fc8a9a0923deadeb0a4ac8167a0b4e96b7ecc57a,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + } + if(isBirthday) + { + if(speed <= 65) + result; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + } +} + +return result; + + + + +" +7f180551f50d2627fa0dfe7ab114a8ad3e450b7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if () +} +" +a052ccbd8ae7316f671d06e2292361bf9dae6458,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + } +} + +return result; + + + + +" +bb22d5cf4155ea8e02705549c1624435ae9a4d71,"public int caughtSpeeding(int speed, boolean isBirthday) + private int ticket; +{ + return this.isBirthday; + { + if (speed < 60) + { + ticket = 0; + } + } +} +" +d656b6607eaf32b99ed7f89e3d05264db4d9cf90,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } +} +" +c54187b0ced4f941646d180c5a33cb8d7d98296d,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + } +} + +return result(); + + + + +" +db41288fbe253bd65d1cac512e5859f796780559," +public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + } +} + +return result; + + + + +" +e17b5f7cb41a20ef13891a204bb7dc105cc1ef5f,"public int caughtSpeeding(int speed, boolean isBirthday); + private int ticket; +{ + return this.isBirthday; + { + if (speed < 60) + { + ticket = 0; + } + } +} +" +434e6bb6fc2c72ffa98f999c02fc7365b1dcc305,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return caughtSpeed = 0; + } +} +" +378adf504cb3ce8037124d7275dad9e8a7da0ef3,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + return result; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + return result; + } +} + + + + + + +" +bd945153c04ce1cc2e74ab2b7d31623db30597a4,"public int caughtSpeeding(int speed, boolean isBirthday) + private int ticket; +{ + return this.isBirthday(true); + { + if (speed < 60) + { + ticket = 0; + } + } +} +" +da5d1c8ed9b3918c8f89d64c2779553fce878e52,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return 0; + } +} +" +6f11389edb023f592db2bdee6177c5c7ed838e66,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +539806f28faaf97d629221697ef649cf2555c82e,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + return result; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + return result; + } +} +return result; + + + + + + +" +cd93e047b08563dfc4e7b7e098c740e8dd18581a,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + return result; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + return result; + } +} +return result; + + + + + + +" +a590e33d0ea0ac09f4a07ae547f031ec7158bc0a,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60) + result = 0; + else if (speed >= 61 && speed <= 80) + result = 1; + else + result = 2; + return result; + } + if(isBirthday) + { + if(speed <= 65) + result = 0; + else if (speed >= 66 && speed <= 85) + result = 1; + else + result = 2; + return result; + } +} +result; + + + + + + +" +04e77bed3ab1303f9c10b441d1f3d09c4336f6c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + { + speed = speed -5; + } + else if (isBirthday = false) + { + speed = speed; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +941d449486743a9f61e3d497c249661f86be8bd7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + return caughtSpeeding = 0; + } +} +" +ccd2fe1a1dab9c37d76eee7cf2c925416725b05e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed -5; + } + else if (isBirthday = false) + { + speed = speed; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +2b1311f55669a131a690627bb4aada77eaa90bf8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + 0; + } +} +" +a46787aab9ee3b925550819a1fb84449785b253c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + } +} +" +f36a916f2b19c4c22079ca9a7f8993a38dad14c9,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60){ + result = 0; + } + else if {(speed >= 61 && speed <= 80) + result = 1; + } + else{ + result = 2; + } + return result; + } + if(isBirthday) + { + if(speed <= 65){ + result = 0; + } + else if (speed >= 66 && speed <= 85){ + result = 1; + } + else{ + result = 2; + } + return result; + } +} + + + + + + +" +eb86f5a7b26d3c5dee368a5c108fa01ea1a9dcf2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 && !isBirthday) + { + speed = 0; + } +} +" +419083f10298e5ae0b19a2c08f984813bcf0c3a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + } +} +" +5596677734aaaf486835b38df2f49d6f04c8ea2e,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60){ + result = 0; + } + else if (speed >= 61 && speed <= 80){ + result = 1; + } + else{ + result = 2; + } + return result; + } + if(isBirthday) + { + if(speed <= 65){ + result = 0; + } + else if (speed >= 66 && speed <= 85){ + result = 1; + } + else{ + result = 2; + } + return result; + } +} + + + + + + +" +b138d6be4be3008240f3f48e68b80255c293427e,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(!(isBirthday)) + { + if(speed <= 60){ + result = 0; + } + else if (speed >= 61 && speed <= 80){ + result = 1; + } + else{ + result = 2; + } + + } + if(isBirthday) + { + if(speed <= 65){ + result = 0; + } + else if (speed >= 66 && speed <= 85){ + result = 1; + } + else{ + result = 2; + } + + } +} +return result; + + + + + + +" +29876c5622d577d997b6b45e880a081ecb8e6327,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result = 0; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit < 0) + { + result = 0; + } + + else if (speed - limit < 20) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +fc2fd35702ca5012b6e4b75d86ac3446bb1a991e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (this.getSpeed < 65) + return 0; + } +} +" +0382f72c3d385aa76f149af7958a7c20f9aa8ebb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + } +} +" +5f0d93d9308338337e0561b2ce16f27822d23af4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed < 65) + { + return 0; + } + } +} +" +482201c6bfcbe4428e5e7b9d02d0b2a4862636dd,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + if(isBirthday) + { + if(speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + + } +} + + + + + + + +" +292cf5d344049e2af6699ad466f49df4257955c8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if isbirthday == true + { + if speed <= 65 + { + ticket = 0; + } + if speed > 65 && speed <= 85 + { + ticket = 1; + } + if speed > 85 + { + ticket = 2; + } + } + else if !(isbirthday == true) + { + if speed <= 60 + { + ticket = 0; + } + if speed > 60 && speed <= 80 + { + ticket = 1; + } + if speed > 80 + { + ticket = 2; + } + +} +" +62f351a947dceb4ddb1739c6fe5f4c3a3c432006,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (61 <= speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +}" +39c00c3d36464eb87261aef41ff83d75d6cef05c,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + return result; + } + if(isBirthday) + { + if(speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + return result; + } +} + + + + + + + +" +21c9e0387b73e478b74892e4de7e919168abca7c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if isbirthday == true + { + if speed <= 65 + { + ticket = 0; + } + if speed > 65 && speed <= 85 + { + ticket = 1; + } + if speed > 85 + { + ticket = 2; + } + } + else if !(isbirthday == true) + { + if speed <= 60 + { + ticket = 0; + } + if speed > 60 && speed <= 80 + { + ticket = 1; + } + if speed > 80 + { + ticket = 2; + } + } + +} +" +f3acf2078b255977233ff5fe5ae3eaecdd06a731,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } +}" +d9f6e3370601aa962da9363bc51409edff4ff447,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + }} +}" +9bba351c3b006bbe651ed6bd95a706b6b592573d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + If isBirthday + speed + 5 + If speed < 60 + return 0 + If speed > 61 && < 80 + return 1 + If speed > 81 + return 2 +} +" +60d9ca0c230de221941f32f66f8707a205b7b419,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int limit = 60; + int result = 0; + if (isBirthday) + { + limit = limit + 5; + } + + if (speed - limit <= 0) + { + result = 0; + } + + else if (speed - limit <= 20 && speed - limit > 0) + { + result = 1; + } + + else if (speed - limit > 21) + { + result = 2; + } + + + + return result; +} + + + + + +" +c3ac16ecfefd245ce349d2c2dea74bdf69697648,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + If isBirthday; + speed + 5; + If speed < 60; + return 0; + If speed > 61 && < 80; + return 1; + If speed > 81; + return 2; +} +" +43c6d1de14578618de4e6d09edd37e449728b714,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isbirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if speed > 85 + { + ticket = 2; + } + } + else if !(isbirthday == true) + { + if speed <= 60 + { + ticket = 0; + } + if speed > 60 && speed <= 80 + { + ticket = 1; + } + if speed > 80 + { + ticket = 2; + } + } + +} +" +54054573c860d9f677bfcff468d00ee01979fdeb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + If isBirthday(); + speed + 5 + If speed < 60(); + return 0 + If speed > 61 && < 80(); + return 1 + If speed > 81(); + return 2 +} +" +8223994427a9bbf8d590696f829dd103524d0eac,"public int caughtSpeeding(int speed, boolean isBirthday) + private int ticket; +{ + public boolean isBirthday() + { + if (return !this.isBirthday) + { + if (speed < 60) + { + ticket = 0; + } + } + } +} +" +6842754d73c7a13ebf7ae33f40affe7ab0c47eca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + if isBirthday + { + if speed <= 65 + { + return noTicket; + } + else if speed <= 85 + { + return smallTicket; + } + else + { + return bigTicket; + } + } + else + { + if speed <= 60 + { + return noTicket; + } + else if speed <= 80 + { + return smallTicket; + } + else + { + return bigTicket; + } + + +} +" +d7aa54603ca0856b05f7706d1fcb90acd3c6280a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isbirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isbirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + +} +" +6750b348fdc9c55b2b451f9cccc2f8d7ffbc6d9e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +7b114e311879bd671ac8fdc39b28a3e34b6de084,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + if(isBirthday) + { + if(speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } +} + + + + + + + +" +b4b80ec23db8730d3a13b7f18055050c22aa3b95,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} +}" +b761afd17f86a224ee328c4f3285cb7b7c08dcb9,"int result = 0; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if(speed <= 60) + { + result = 0; + } + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + if(isBirthday) + { + if(speed <= 65) + { + result = 0; + } + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } +return result; +} + + + + + + + +" +2d82a74ea9838667e048cb7dbc3ee82ce4cde982,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + If isBirthday(); + speed + 5; + If speed (< 60); + return 0; + If speed (> 61 && < 80); + return 1; + If speed (> 81); + return 2; +} +" +790eef8cfd9c7d504d7189dd754f4246d01ae9f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + +} +" +bd60fd9fd97bca95c6cb9fd5d7d3919403edfb8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + }" +9025f702e75a6b00467da8803900cace85d84e3f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + public boolean isBirthday() + { + return !this.isBirthday(); + } +} +" +20371c20004ce01b2272c726939d08550db9d419,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +e724c5c03f8cd48b7e556dab6ceed231937e9761,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + If isBirthday(); + return speed + 5; + If speed (< 60); + return 0; + If speed (> 61 && < 80); + return 1; + If speed (> 81); + return 2; +} +" +9c861bcf891a759b9b81ae208c97deb93c6fd85c,"public int caughtSpeeding(int speed, boolean isBirthday) +public boolean isBirthday() +{ + return !this.isBirthday(); +} +" +bec5d4f1cad15eef109557b5bf1023abb51d7ebb,"public int caughtSpeeding(int speed, boolean isBirthday); +public boolean isBirthday() +{ + return !this.isBirthday(); +} +" +ecddbbee747053add04fe9b27a83199418b31260,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + If isBirthday() + return speed + 5; + If speed (< 60) + return 0; + If speed (> 61 && < 80) + return 1; + If speed (> 81) + return 2; +} +" +0b3382c506c10e6c32ee574d99826b1213ad295c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +5d57d5a7258039c8f9708ed820824e4227dd2fc0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +1c8318072e99ca8cc89d6a6f04bcd5f01f09f0b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + system.line.print(No Ticket); + } + else if (ticket == 1) + { + system.line.print(Small Ticket); + } + else if (ticket == 2) + { + system.line.print(Big Ticket); + } + +} +" +9b89d7dca09eaecac3f867b8155738655a72743f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed <= 60 + { + 0 + } +} +" +1a7fb8b38943fe2826f89538fcd7d5eb414f9d43,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +3d5c403cca3c739dec227d7aa46e563d4bef56ce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} +}" +75f7dd77e130346b91caf8a64872e147b9eb8138,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + system.line.print(No Ticket); + } + else if (ticket == 1) + { + system.println(Small Ticket); + } + else if (ticket == 2) + { + system.line.print(Big Ticket); + } + +} +" +fe6e5d3480a71f7d433a7f3df99aa4585740a897,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +6733e7043ef344c82af3c4f49ba9607e486d8335,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + system.line.print(No Ticket); + } + else if (ticket == 1) + { + system.println(""Small Ticket""); + } + else if (ticket == 2) + { + system.line.print(Big Ticket); + } + +} +" +7145988d2e7372fbfe7c80617f0e582299a995cd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + system.println(""No Ticket""); + } + else if (ticket == 1) + { + system.println(""Small Ticket""); + } + else if (ticket == 2) + { + system.println(""Big Ticket""); + } + +} +" +f43be83bd3b9cd5889b5af934b5f0e7f7a7cbdd6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + println(""No Ticket""); + } + else if (ticket == 1) + { + println(""Small Ticket""); + } + else if (ticket == 2) + { + println(""Big Ticket""); + } + +} +" +77dba62a73944604f15ba4c0bd08129d27f2e3ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +9877495fb9e04624f0e35bf97952b4018c84d39b,"public int caughtSpeeding(int speed, boolean isBirthday); +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return = 0; + } + if ((speed >= 66) && (speed < 86)) + { + return = 1; + } + if (speed >= 86) + { + return = 2; + } + } + else + { + if (speed <= 60) + { + return = 0; + } + if ((speed >= 61) && (speed < 81)) + { + return = 1; + } + if (speed >= 81) + { + return = 2; + } + } +} +" +4ed9c9368f51027f671affa61f0b3fb6b9f6f46f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60), + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +40f999a4adac6c46c7add5d5a3bae8bbff445b80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60), + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +293e63f8f969b8cb4ee2521f52252c3e6bc0b93d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60), + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +41b44e011ae840481dffcd0d0597a1d4256b266f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return ""0"" + } + + else if (speed >= 60 && speed <= 80) + { + return ""1"" + } + + else + { + return ""2"" + } + +} +" +aa4d8b44bff62be088c0c94a7829aa410ffa133b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed <= 80 && speed >= 61) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed <= 85 && speed >= 66) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +}" +ba0d0cf1995533b7a72aa630c87f0440a13b1066,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + System.out.println(""No Ticket""); + } + else if (ticket == 1) + { + System.out.println(""Small Ticket""); + } + else if (ticket == 2) + { + println(""Big Ticket""); + } + +} +" +c4cc7e28597793cae6b302ff0286fa4a644605f7,"public int caughtSpeeding(int speed, boolean isBirthday); +private int ticket; +{ + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed >= 66) && (speed < 86)) + { + ticket = 1; + } + if (speed >= 86) + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed >= 61) && (speed < 81)) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + } +} +" +2a1f01e04a5028ee74e25c4e8cc68a26d92e269a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + System.out.println(""No Ticket""); + } + else if (ticket == 1) + { + System.out.println(""Small Ticket""); + } + else if (ticket == 2) + { + System.out.println(""Big Ticket""); + } + +} +" +742d9fa492c4275f222f804e0a00041e96ead6fa,"public int caughtSpeeding(int speed, boolean isBirthday); +private int ticket; +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if ((speed >= 61) && (speed < 81)) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +c7cc53eb47e346b5ca49068c3c4fd835c18427b8,"public int caughtSpeeding(int speed, boolean isBirthday); +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if ((speed >= 61) && (speed < 81)) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +df9b1df067f8a8e667863bfbbb1aa2150ebd68f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0 + if (speed > 60 && speed >=80) + return 1 + else + return 2 +} +" +64858974e3261700ceef42f38c03f000eaa1c352,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return ""0""; + } + + else if (speed >= 60 && speed <= 80) + { + return ""1""; + } + + else + { + return ""2""; + } + + if (birthday) + { + -==5 + } + +} +" +c813f7c5a9a209835a514b8d2b6e1929d64e8483,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed >=80) + return 1; + else + return 2; +} +" +8873f7ebd11f12745c7306771caeae9f7dc24625,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int velo = speed; + if (isBirthday == True) + { + if (velo <= 65) + { + return 0; + } + else if (velo > 66 && velo <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (velo <= 60) + { + return 0; + } + else if (velo > 61 && velo <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +a64e6b7511527b6355c6fbfe8d75797531d1b1ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int velo = speed; + if (isBirthday == true) + { + if (velo <= 65) + { + return 0; + } + else if (velo > 66 && velo <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (velo <= 60) + { + return 0; + } + else if (velo > 61 && velo <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +9e58cc509f9a1b20be5b5da5e8be7ec9ee0bafdd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if caughtSpeeding(<=60, isBirthday) +}" +27063a1b530e7edc588e83984b9b57809cbf9020,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if caughtSpeeding(<=60, isBirthday) +}" +cbfc7141e753078c11bf037abded21d9bbfff1a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 && speed <=85) + return 1; + else + return 2; +} +" +641e2e0be168c0c269fed91851a06d5696742c80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return ""0""; + } + + else if (speed >= 60 && speed <= 80) + { + return ""1""; + } + + else + { + return ""2""; + } + + if (birthday) + { + speed -= 5; + } + +} +" +fd2d68bdaadcab9955c2134de22d79eb13ad48d6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int velo = speed; + if (isBirthday == true) + { + if (velo <= 65) + { + return 0; + } + else if (velo >= 66 && velo <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (velo <= 60) + { + return 0; + } + else if (velo > 61 && velo <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +c2cb861e4ca1d628b3f7a7f3d19b64ffacba8dbb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed -5; + } + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +8b4ffe920fc1dccabb3314930a828e54bfdea9aa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + + else + { + return 2; + } + + if (birthday) + { + speed -= 5; + } + +} +" +67e82328f919ab0cae293197849a92204d185438,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed += 5; + } + + if (speed <= 60) { + return 0; + } + if (speed >= 61 && speed <= 80) { + return 1; + } + if (speed >= 81) { + return 2; + } + +} +" +d6e26212d2d8091133412db9020ffa890fad0d68,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int velo = speed; + if (isBirthday == true) + { + if (velo <= 65) + { + return 0; + } + else if (velo >= 66 && velo <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (velo <= 60) + { + return 0; + } + else if (velo >= 61 && velo <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +318317dc6bfe98d2cffcaff3fdd8667185a333c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + speed += 5; + } + + if (speed <= 60) { + return 0; + } + if (speed >= 61 && speed <= 80) { + return 1; + } + if (speed >= 81) { + return 2; + } + return 0; +} +" +9ebf376684653fdb474ff66e67b05f5dec3f533f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + + else + { + return 2; + } + + if (isBirthday) + { + speed -= 5; + } + +} +" +ae450f314a19f47c81b2f1ed59351b54cf52d67e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + boolean isBirthday = true; + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} + +" +6fde6d9d19547dbb14b3b5771f16f4fff2f97fc9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} + +" +6968e6620a28ce92c8b6da201d1278c0a1560046,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + + else if (speed >= 60 && speed <= 80) + { + return 1; + } + + else + { + return 2; + } + + + +} +" +544b6cc0bee0049f3aab2695379b23ef24acac64,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +0b17c316ef1fac6189a06c1982bb02618d22c3c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +17ab581d9e2d256ddbfb4f0f997039f20cf1f60f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + if (speed <= 60) + { + return 0; + } + if ((speed >= 61) && (speed < 81)) + { + return 1; + } + if (speed >= 81) + { + return 2; + } +} + +" +859249a9b26e4787335447d69285bb6006835d05,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + + if (speed <= 60) + + return 0; + + if (speed > 60 && speed <= 80) + return 1; + + else + + return 2; + + } + else + if (speed <=65) + + return 0; + + else + if (speed > 65 && speed <= 85) + + return 1; + + else + + return 2; + +} +" +1797c38e896000a59673ff2998aed0049dc6d91c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +f6d4c30a773ac179761bd8c27aaa0aedf4451a16,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + 2 = big ticket; + } +} +" +53e9904b2f9b9ecb51348564c7fa6dcf9f1445d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + if (speed <= 60) + { + return 0; + } + if ((speed >= 61) && (speed < 81)) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + return isBirthday; +} + +" +4c89d063c9d28d5a20ff23c2354dc466c16ebef8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + + if (isBirthday) { + speed -= 5; + } + if ( speed <= 60 ) { + return 0; + } + if (speed >= 61 && speed <= 80) { + return 1; + } + if (speed >= 81) { + return 2; + } + return value; +} +" +d3abb760b1e3016111cf360ded2b3422858f928d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +4b43370e322ec6a05ab1af76f42d0c3d6df517b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +d4017894689932b2ac4450f723aa9257d9ffe021,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == True) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + +} +" +c169b97303fb85566a9b5177dc3c29febd82b8ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + + while (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} +" +6a200d12723f9e254906a4c4d6061927e68dbe5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + + if (isBirthday) { + speed += 5; + } + if ( speed <= 60 ) { + return 0; + } + if (speed >= 61 && speed <= 80) { + return 1; + } + if (speed >= 81) { + return 2; + } + return value; +} +" +9f52f9838b8533cde76b9872811de9b3b25e2367,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + + if (isBirthday) { + speed -= 5; + } + if ( speed <= 60 ) { + return 0; + } + if (speed >= 61 && speed <= 80) { + return 1; + } + if (speed >= 81) { + return 2; + } + return value; +} +" +23050d8b97f3e477e9ddff826c1acd6b09765f41,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + + while (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return ; +} +" +bd7a574c347396c3873f6f6f9794168701827872,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + + while (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + return 1; +} +" +894ce37b5d8148b03210879bc727d79af424a15e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +f0aae4e42318cf574aabc962de74cff10f20ee68,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + return 7; + } +}" +44afd0e79766c88578688f3b2d9234c3dfdf8e60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + +} +" +dd51a088d52dc73e952a6d0b17985bd38f61b063,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + return 7;; + } +}" +a2046bb775d1f4978d86c265e43fdbaaa84c72d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if ((speed >= 66) && (speed < 86)) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + if (speed <= 60) + { + return 0; + } + if ((speed >= 61) && (speed < 81)) + { + return 1; + } + if (speed >= 81) + { + return 2; + } +} + +" +d06db4920630eadaea22ff0ba08bc1bad819c395,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + return ticket; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + return ticket; + } + else if (s >= 81) + { + ticket = 2; + return ticket; + } +} +" +a25a7a5e546f2a51c849a31e777750479bd5306b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + return 7; + } +} +}" +020dcca4b6e707558ecedb94df51e53dcf4b341e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + return ticket; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + return ticket; + } + else if (s >= 81) + { + ticket = 2; + return ticket; + } + return ticket; +} +" +401ad9376d7febed44a4ba8f51e2c1bfb31008ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 66 && speed <=85) + return 1; + else + return 2; +} +" +d68d4a04b0b0a626a0c3910ec3c2fdac21d4b0f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + return 7; + } +} +} +}" +e6ec9033077f796cc4f7a21f4fe88072f164f110,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int 2 = big ticket; + } +} +" +92e8187698b389a7aceab0ac3fad92025bd2020c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + return 7; +}" +da32ed45e595176d75fb81db7b5bb4defb1d78c3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + {return 7;} +}" +2761ec9e6aa36c2c68065640610c02d82859549c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value 2 = big ticket; + } +} +" +2f4813ff8fb32c8e408bdb7d7d3c87950f355205,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + {return 7} +}" +437512137ced7fc182b668e5c591fd05a18073af,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + while (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + + + return 0; +} +" +7dfd01c0ae595cee4d0b3d38d96d1a57c2e9e1ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + return 7; + } +}" +f22f31e9c5b4ebf918239a9bbed2a832f354adb9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket =0; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +5f2602b35242f3a6be321fe2843509c6f0b33faa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 && speed <=85) + return 1; + else + return 2; +} +" +b8b6b0efca05c63ee27125f9659fba986b991635,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +298463aa44ed5a6a9e8c2d7fb91164bf8011e9c8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 1; + } +}" +e393aad271d322339cd4986d2477e3ba01e96c36,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 ; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +98e0811ba112a1056acca20720f152b3164b7912,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 1; + } + } +}" +d406cc4d1126f896feda09a57c895bee3e416e0b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + + + return 0; +} +" +d9b2751d3e45cb21dfe6ce40802a6609f1bb9c10,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 ; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 || speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +60c7edf48d1211b359430bb7e3c8aa2d413fd6e9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while isBirthday + if speed() <= 60; + { + return 0 + } +} +" +7f1eb912052ab4c6a663852522e854edc2238a6e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 ; + int s = 0; + if (isBirthday == true) + { + s=speed + 5; + } + else + { + s = speed; + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +9bc3dce65abf7e34bf45d56c37db4d75d6e943a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + if (speed() <= 60) + { + return 0; + } +} +" +ac5676d1f7b6be942c1a7770397e004a6ad7af2a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 || speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + + + return 0; +} +" +c867b9843de10d78f79ff6e551408c6afe85e56a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + if (speed <= 60) + { + return 0; + } +} +" +95dc4bd4cdff2207b18bbe29b0bca4868027baee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } +}" +a0e5bda550d46caf92b6444027aa155a0bc3d28b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + + + return 0; +} +" +04b4164ae79012ccd067132c609bde1008d41ae5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 || speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 || speed <=85) + return 1; + else + return 2; +} +" +fe5cc8f480b83ce56e16882274aeaac043e7bf84,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 65) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } +}" +92cd82e08358010ef9b0ba944634d7c3b2c22aa3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 || speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 || speed >=85) + return 1; + else + return 2; +} +" +26976c3714cab58f64aff2a016f1519435d64237,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + return caughtSpeeding; + } + else + { + if (speed <= 65) + { + return(0); + } + if (speed >= 66 && speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } + return caughtSpeeding; +} +" +3c8cadedcc3f9ac4a9969858c554c8d7dfa9acbb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + return caughtSpeeding; + } + else + { + if (speed <= 65) + { + return(0); + } + if (speed >= 66 && speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } + return caughtSpeeding; +} +" +6c08314601073815bf7102ba4bdaca20fa5a7267,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + finally; return isBirthday = false; + +} +" +12b7b92e958d499bdf72809a88c04ed32a6894b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + return(); + } + else + { + if (speed <= 65) + { + return(0); + } + if (speed >= 66 && speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } + return(); +} +" +ff2e4ae753fd9a057b55bec8e375739fbc2fc296,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed >= 85) + { + return 2; + } + else + { + return 1; + } + } +}" +2527abc8b0c6e499feae6312729029791a5eba49,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false && speed <= 60) + { + return 0; + } + if (isBirthday == false && speed >= 61 && speed <= 80) + { + return 1; + } + if (isBirthday == false && speed >= 81) + { + return 2; + } + { + if (isBirthday == true && speed <= 65) + { + return 0; + } + if (isBirthday == true && speed >= 66 && speed <= 85) + { + return 1; + } + if (isBirthday == true && speed >= 86) + { + return 2; + } +} + +" +a680962df452fc18ae5e1b3686077c75db544940,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value 2 = big ticket; + } +} +" +57dd71e9e7b1eda023b2880932d1082cc8d417f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + + + return true; +} +" +6cee629cd5e178d53def8fe3b0e7c34381ddf692,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false && speed <= 60) + { + return 0; + } + if (isBirthday == false && speed >= 61 && speed <= 80) + { + return 1; + } + if (isBirthday == false && speed >= 81) + { + return 2; + } + if (isBirthday == true && speed <= 65) + { + return 0; + } + if (isBirthday == true && speed >= 66 && speed <= 85) + { + return 1; + } + if (isBirthday == true && speed >= 86) + { + return 2; + } +} + +" +472c69993ac72f8b6abc9f6aa0be5f6e2384ee09,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + if (isBirthday = false) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + + + return speed; +} +" +3766136c0886c2eaf57a016a32848cc2695bf09f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 || speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 || speed <=85) + return 1; + else + return 2; +} +" +572a8784f86722b9b5479b43ab1c0c3b58254ca2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 || speed >=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 || speed <=85) + return 1; + else + return 2; +} +" +232f63b15647a3500619136d610f129e57cd753d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + +} +return result +" +0a409646cc81d879728c942a10daeed2e7493219,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 || speed <=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 || speed <=85) + return 1; + else + return 2; +} +" +3d09752b3f0b4f94b83bbf3b19b3f809a9daf383,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + +} +return result; +" +2ad356844fd15b0f5e10864d6af2661782b89494,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return isBirthday = false; + +} +" +36135b58b02aa9521432ae90be2eea5c979b0bc4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + +} + return result; +" +18bc9c327ecb7490219e27e1cfb68ae07d489aaa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false && speed <= 60) + { + return 0; + } + if (isBirthday == false && speed >= 81) + { + return 2; + } + else + { + return 1; + } + if (isBirthday == true && speed <= 65) + { + return 0; + } + if (isBirthday == true && speed >= 86) + { + return 2; + } + else + { + return 1; + } +} + +" +2dcfa40186ecfc164f656c33ac9a2b6a392eb8a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } +}" +e366a12d7ebe229c7096e3fe04770fa1c435e623,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +ce3ae5f60be50f277de6611e51195b4e9880b9ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 || speed <=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 || speed <=84) + return 1; + else + return 2; +} +" +11083559fa446577dbf6b592d9edf46dfa7f3e32,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false && speed <= 60) + { + return 0; + } + if (isBirthday == false && speed >= 81) + { + return 2; + } + else + { + return 1; + } + if (isBirthday == true && speed <= 65) + { + return 0; + } + if (isBirthday == true && speed >= 86) + { + return 2; + } + else + { + return 1; + } +} + +" +9efb419b3e7a75347700d2c8d7c7897470b9e254,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +556b71fc5ba25d323a3adc98569e29abae740b7a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 && speed <=84) + return 1; + else + return 2; +} +" +47f7d5fb76e1da29c227f487ad0a9e4466b125bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return isBirthday = false; + +} +" +f70d25d8209cfcaca5f062149beffacd8fb2ea32,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return isBirthday == false; + +} +" +7748502dd863129bc68044413825798ceacbf33c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <=80) + return 1; + else + return 2; + } + else if (speed <=65) + return 0; + else if (speed > 65 && speed <=85) + return 1; + else + return 2; +} +" +36be262a5c959127fa8d1af47f219e0ac38c9092,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return; + +} +" +a089dfabd3d1a2b728de98c95b621c2e002d2aa0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +67f673a25f6a5a86feb17357ca859f252f25ad94,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + result = 5 + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +45c0608265844364e4fb8060b54cec339fe94468,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + result = 5; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +c8436ea6713ad68762a3b46f2de03498b82dddf5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return speed; + +} +" +af66ca33b5987938fa7729edf22026b6f7ac07c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + -= 5; + if (speed <= 60) + return = 0; + else if (speed <= 80) + return = 1; + else + return = 2; +} +" +e90cbb2a214cf4acf161653f1f02ac2a7cf3ff72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return = 0; + else if (speed <= 80) + return = 1; + else + return = 2; +} +" +7d6db0f5fb0aa2a6fc948148b9d02b855916d278,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } +} + +" +5aaf5fdf791544f9d1c8461815adaa7f329091a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } + if (isBirthday == false) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } +} + +" +d499e38dd67a381cf40afb0584d939bbb90cf59e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +1d9f492a53c9aa3fae1a3ab9fc236ea846baaf9b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + if (ticket == 0) + { + System.out.println(ticket); + } + else if (ticket == 1) + { + System.out.println(ticket); + } + else if (ticket == 2) + { + System.out.println(ticket); + } + +} +" +1da9f009ed62aab67b35ab8a1295e4a6f8c874a6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +3bd8dcdf35acb188b2281b6ef4829b7a3d942732,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 86) + { + return 2; + } + else + { + return 1; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + else + { + return 1; + } + } +} + +" +63ad3d42795663cb81e4ace772f5f8f9912b6027,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + result = 5; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +caaf08f84949b052c84f58f85ffa308da9fb9532,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed < 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + return speed; + +} +" +60d7fa3a49b35e49ff8ab3c3e4df4eb98a594ec5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + { + 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +ab6a884f259ceaeab967f3ec94a9a4fdb81df2c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +c5e5747aee583bc70692812a8a6172cd62752abb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday == false) + { + if (speed < 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + return speed; + +} +" +75383482334cd052fdac810ac451d08e9ac46b05,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + if ((speed > 65) && (speed <= 85)) + { + ticket = 1; + } + if (speed > 85) + { + ticket = 2; + } + } + else if (!(isBirthday == true)) + { + if (speed <= 60) + { + ticket = 0; + } + if ((speed > 60) && (speed <= 80)) + { + ticket = 1; + } + if (speed > 80) + { + ticket = 2; + } + } + return ticket; + +} +" +7af45eb0620775ee959d0b4462323ca8a9cb0d23,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } +}" +a9b44357e7212519a64c7a192d69b2647ad24d46,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + } + + + + + + + if (isBirthday = true) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + + + + return speed; +} +" +4a826ad8f0cf440ee18f181ecdb33e412fe1ac64,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket + } + if(speed > 81) + { + big ticket + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket + } + if(speed > 86) + { + big ticket + } + } +} +" +f62d2577172acde93ebd60b1b5a2efd2acb37ae9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday == false) + { + if (speed < 60) + { + caughtSpeeding = 0; + } + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + return speed; + +} +" +d4970d692ce4bb3731944c5c24df3064033dc4d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + +}" +02824f2090ad60e1fe4a8c9a3a89582e3ea50ad5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday == false) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + caughtSpeeding = 0; + if (speed >= 61 && speed <= 80) + caughtSpeeding = 1; + if (speed >= 81) + caughtSpeeding = 2; + } + return speed; + +} +" +221819ec586aaaadca0d1d60bdb0cc8e2b862184,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + +}" +a725bdcb9514aa881a7dc047e383b2e3ef5b29bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + } + + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + + + + + + + return speed; +} +" +126a0474e887fb65e471c4f8bf274e7cd238869b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0 ; + int small ticket = 1 ; + int big ticket = 2 ; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +3b31317bf8ceb3f58e8131a4ca14d9dfeef5dbbe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + } + + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + + + + + + + +} +" +959d1be55766ecb63bd7eed462202c6939c78e80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +bdc7234a5332f029fbef0bb20c6d2d9bfaa0138a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + System.out.println(0); + if (speed >= 61 && speed <= 80) + System.out.println(1); + if (speed >= 81) + System.out.println(2); + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed < 60) + System.out.println(0); + if (speed >= 61 && speed <= 80) + System.out.println(1); + if (speed >= 81) + System.out.println(2); + } + return speed; + +} +" +fb40dc541257418d038d48c9a1274108d1e990c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + } + + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; + + } + +} +" +d92a624618c95fb8b1cc88639d73baacff380e0c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value = 0; + value = no ticket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value 2 = big ticket; + } +} +" +0bf33959fad9559fe74de23c06eef1a45b148dbe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + + + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; + + } + +} +" +d0ed175bc1ac131c2eda9f1ef28299bcf682a371,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +c7af7d81136f5e910d282121cafec9e473be218b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value = 0; + value = noticket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value 2 = big ticket; + } +} +" +e36d6e347b91c81eece903df5d476c04c16fac37,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0 + int small ticket = 1 + int big ticket = 2 + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +be747e255be53cab362612572e48aa0dfbed328b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value = 0; + value = noTicket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value 2 = big ticket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value 0 = no ticket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value 1 = small ticket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value 2 = big ticket; + } +} +" +f456fa28ce8146057abf932be2069f4af532f2b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket; = 0; + int small ticket; = 1; + int big ticket; = 2; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +0719bb503d6268259af3577ed000578cf7acb6fa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +70c43719bcf7a591be3774d9a2fe4f67e28cbe3b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value = 0; + value = noTicket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value = 1; + value = smallTicket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value 2 = bigTicket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value 0 = noTicket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value 1 = smallTicket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value 2 = bigTicket; + } +} +" +8e6ce0c05dce8fc8b2d16afad00c1b4c4982317f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0 + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + +}" +41d2fe333d4e8745efc34bfacf5bb8c259b7dba5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + if (isBirthday) + if (speed <= 65) + { + return 0; + } + + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + +}" +749daa213d42c1d0ad596905c3422e0c65612baa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +106df716697e50da72e6a630b2d08eb7d4d081ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if(speed < 60) + { + no ticket; + } + if(61 < speed < 80) + { + small ticket; + } + if(speed > 81) + { + big ticket; + } + if(isBirthday) + { + if(speed < 65) + { + no ticket; + } + if(66 < speed < 85) + { + small ticket; + } + if(speed > 86) + { + big ticket; + } + } +} +" +5413d2e101b2c763ce03f12b82dfe47469b58d41,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.caughtSpeeding(speed <= 60, false)) + { + int value = 0; + value = noTicket; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + int value = 1; + value = smallTicket; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + int value = 2; + value = bigTicket; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + int value = 0; + value = noTicket; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + int value = 1; + value = smallTicket; + } + else if (this.caughtSpeeding(speed <= 86, true)) + { + int value = 2; + value = bigTicket; + } +} +" +faef95623e86b01978b242b21c56253ad82c1843,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBrtihday = false) + { + if (!speed > 60) + { + 0 = no ticket; + } + else if (61 < speed < 80) + { + 1 = small ticket; + } + else + { + 2 = big ticket; + } + } + else + { + if (!speed > 65) + { + 0 = no ticket; + } + else if (66 < speed < 85) + { + 1 = small ticket; + } + else + { + 2 = big ticket; + } + } +} +" +ba3c7af06aacf3a6a59dfa0bd61142e2b8b3acfa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if(speed < 60) + { + noTicket; + } + if(61 < speed < 80) + { + smallTicket; + } + if(speed > 81) + { + bigTicket; + } + if(isBirthday) + { + if(speed < 65) + { + noTicket; + } + if(66 < speed < 85) + { + smallTicket; + } + if(speed > 86) + { + bigTicket; + } + } +} +" +56506ecbd6794a4ff6a7a0131dcedcceae867155,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed >= 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +1406ab9d6d453f849b5276ed2854ee446fd88cf8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 ; + int s = 0; + if (isBirthday == true) + { + if (s <= 65) + { + ticket = 0; + } + else if (s >= 61 && speed <= 85) + { + ticket = 1; + } + else if (s >= 86) + { + ticket = 2; + } + } + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + return ticket; +} +" +d0866a5719aef054539ba1868307e115c5491f29,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed > 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +bacf1461357f2713acd1d6999b7de4b32903b6b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + { + else if (speed >= 66 && speed <=85) { + return 1; + } + else if (speed >=86) + { + return 2; + } + } + + else { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +2732e9185bda9ad6ad1045730bdeaa37aef8e376,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return speed; + +} +" +33adc2aaec63635f42a12e473b7a1bd1fe1c4516,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 ; + int s = 0; + if (isBirthday == true) + { + if (s <= 65) + { + ticket = 0; + } + else if (s >= 61 && speed <= 85) + { + ticket = 1; + } + else if (s >= 86) + { + ticket = 2; + } + } + else + { + if (s <= 60) + { + ticket = 0; + } + else if (s >= 61 && speed <= 80) + { + ticket = 1; + } + else if (s >= 81) + { + ticket = 2; + } + } + return ticket; +} +" +855960b2a860e229f850b1be7c3822de5db373ca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } + return -> speed + } + elseif + { + if (speed <= 65) + { + return(0); + } + if (speed >= 66 && speed <= 85) + { + return(1); + } + if (speed >= 86) + { + return(2); + } + } + return -> speed +} +" +5f1ba3b04c6f48089a1ce7dbe4370dc124af7ebe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if(speed < 60) + { + return (noTicket); + } + if(61 < speed < 80) + { + return (smallTicket); + } + if(speed > 81) + { + return (bigTicket); + } + if(isBirthday) + { + if(speed < 65) + { + return (noTicket); + } + if(66 < speed < 85) + { + return (smallTicket); + } + if(speed > 86) + { + return (bigTicket); + } + } +} +" +41a95e848a9e84fff3ecc50122a6bbfabbf3ccca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + { + else if (speed >= 66 && speed <=85) + { + return 1; + } + else if (speed >=86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +b85d7b138d33402d534dbd5112c0b5f2dcab2641,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == false) + { + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return result; + +} +" +d86b0be399f0768e27e3f5c4fe5a5ebb8a381847,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + { + elseif (speed >= 66 && speed <=85) + { + return 1; + } + elseif (speed >=86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +8bc92e05fd893b896ffd7845e8a690441f732daa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday == false) + { + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + if (isBirthday == true) + { + speed = speed - 5; + if (speed <= 60) + result = 0; + if (speed >= 61 && speed <= 80) + result = 1; + if (speed >= 81) + result = 2; + } + return result; + +} +" +a93ed5a9442c3b048daf594789f61fc37beb3784,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (speed >=61 && speed <= 80) + { + caughtSpeeding = 1; + } + else if (speed >=81) + { + caughtSpeeding = 2; + } +} +" +286674c94cb35f9365e9c8a1f07a07b517730137,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed <= 60) +{ + return 0 +} +if (speed >= 61 && speed <= 80) +{ + return 1 +} +if (isBirthday()) +{ + return 2 +} +} +" +3716e52883778fd89a65151c2b55e28aaab539b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed <= 60) +{ + return 0; +} +if (speed >= 61 && speed <= 80) +{ + return 1; +} +if (isBirthday()) +{ + return 2; +} +} +" +ed049e6e63d9dada6f9bd1b2de16c9954719faa9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed <= 60) +{ + return 0; +} +if (speed >= 61 && speed <= 80) +{ + return 1; +} +if (this.isBirthday()) +{ + return 2; +} +} +" +58dfbf04b0478fb557acd31e5e3ef533f07c8667,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + { + else if (speed >= 66 && speed <=85) + { + return 1; + } + elseif (speed >=86) + { + return 2; + } + } + + else + { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +bfc82ccc7606c450db793aa3709511d5809fdd07,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed <= 60) +{ + return 0; +} +if (speed >= 61 && speed <= 80) +{ + return 1; +} +if (this.isBirthday) +{ + return 2; +} +} +" +9903795ce8c9ed99643190bf04a811b922a8b15d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if (speed <= 60) +{ + return 0; +} +if (speed >= 61 && speed <= 80) +{ + return 1; +} +if (isBirthday) +{ + return 2; +} +} +" +ea8a1d1e9b135a286db40ac38e89e6704f319101,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60 && !isBirthday) + { + return 0; + } + else if(speed>61 && speed<=80 && !isBirthday) + { + return 1; + } + else if(speed>81 && !isBirthday) + { + return 2; + } + else if(isBirthday&& speed<=65) + { + return 0; + } + else if(isBirthday && speed<=85) + { + return 1; + } + else + { + return 2; + } +} +" +1ba85a12ddbe47b95c9f110bec1385bb7467ef18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + { + else if (speed >= 66 && speed <=85) + { + return 1; + } + elseif (speed >=86) + { + return 2; + } + } else + { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +f83bfe335fe5b45f917b30ecb05d8dd8e02af2bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + { else if (speed >= 66 && speed <=85) + { + return 1; + } else if (speed >=86) + { + return 2; + } + } else + { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +b5acc655b493dc685b6c69865387112424d50fa8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int i = 0; + if (isBirthday) + { + i = 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1; + } + else + { + return 0; + } + +} +" +bd2fac0d99a05e1de4e70d9c08d3b7cae14ad5c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + } else if (speed >= 66 && speed <=85) + { + return 1; + } else if (speed >=86) + { + return 2; + } + } else + { + if (speed <= 60) + { + return 0; + { + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +3e3e6a193b7361f7e5b09223681d5a75d35d048b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60 && !isBirthday) + { + return 0; + } + else if(speed>61 && speed<=80 && !isBirthday) + { + return 1; + } + else if(speed>81 && !isBirthday) + { + return 2; + } + else if(isBirthday&& speed<=65) + { + return 0; + } + else if(isBirthday && speed<=86) + { + return 1; + } + else + { + return 2; + } +} +" +5e0b10574c1c6ebf4b3bebd0178b820e799f8f0e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int i = 0; + if (isBirthday) + { + i = 5; + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1; + } + else + { + return 2; + } + +} +" +a7c410f0124d987983924d6026eef312733ba8d6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + 0 = no ticket + if else (61 < speed < 80) + 1 = small ticket + if else (speed > 81) + 2 = big ticket + if else (isBirthday = true) + speed + 5 + +} +" +8227b92aad670a1a30daf4c6e3ba4b568d846dfb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + } else if (speed >= 66 && speed <=85) + { + return 1; + } else if (speed >=86) + { + return 2; + } + } else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + +} +" +d3b825b4c2ea614f1dff6811639bf6b70b9d683e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + } else if (speed >= 66 && speed <=85) + { + return 1; + } else if (speed >=86) + { + return 2; + } + } else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + return null; + +} +" +ae1b5ffb3f77010c3ed7b7ef3fa38d0faa3ac20a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + this = 0; + } + else if (speed >=61 && speed <= 80) + { + this = 1; + } + else if (speed >=81) + { + this = 2; + } +} +" +c5bcf22123c0de4d513d60c3666d5839c564afd6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (!speed > 60) + { + caughtSpeeding = 0; + 0 = no ticket; + } + else if (61 < speed < 80) + { + caughtSpeeding = 1; + 1 = small ticket; + } + else + { + caughtSpeeding = 2; + 2 = big ticket; + } + } + else + { + if (!speed > 65) + { + caughtSpeeding = 0; + 0 = no ticket; + } + else if (66 < speed < 85) + { + caughtSpeeding = 1; + 1 = small ticket; + } + else + { + caughtSpeeding = 2; + 2 = big ticket; + } + } +} +" +5efe8fe4dba2e441d135030e4b2ca57a97e6202a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) + { + return 0; + } else if (speed >= 66 && speed <=85) + { + return 1; + } else if (speed >=86) + { + return 2; + } + } else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <=80) + { + return 1; + } + else if (speed >=81) + { + return 2; + } + } + return 0; + +} +" +1a69f5892a6355d06588e30fae576b0dd9a8ce97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed<=60 && !isBirthday) + { + return 0; + } + else if(speed>61 && speed<=80 && !isBirthday) + { + return 1; + } + else if(speed>81 && !isBirthday) + { + return 2; + } + else if(isBirthday&& speed<=65) + { + return 0; + } + else if(isBirthday && speed<=85) + { + return 1; + } + else + { + return 2; + } +} +" +18e207793f3136a911f1cc4f4fcc24090f71eb20,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if(speed <= 60) + { + return (noTicket); + } + if else (speed <= 80) + { + return (smallTicket); + } + else + { + return (bigTicket); + } + if(isBirthday) + { + if(speed <= 65) + { + return (noTicket); + } + if else (speed <= 85) + { + return (smallTicket); + } + else (speed > 86) + { + return (bigTicket); + } + } +} +" +a95cdbe57b6387449d7b41dc10c73deb9350d8ad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (speed <= 60) +{ + return 0; +} + +if (speed >= 61 && speed <= 80) +{ + return 1; +} + +if (isBirthday) +{ + return 2; +} + +} +" +98d229617bf8a756786faaf225a0985221dc9e97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + /* + if (isBirthday = false) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + + + if + if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; + + } + */ + + + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +6df6127758cd9f2ab7f4ebbed30d50f1fabcb1f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int i = 0; + if (isBirthday) + { + i = 5; + } + + if (speed <= 60 + i) + { + return 0; + } + else if (speed >= 61 + i && speed <=80 + i ) + { + return 1; + } + else + { + return 2; + } + +} +" +557d41e495c1b2b12d097199269ed95d6c4696ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + CaughtSpeeding = 0; + } + else if (speed >=61 && speed <= 80) + { + this = 1; + } + else if (speed >=81) + { + this = 2; + } +} +" +760c64b1d4e22596f2d725e5694e49021b970a76,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +3f6ccd91a7a3d1b368b17a5ecbfc40de40087e00,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if else (speed <= 80) + { + return (smallTicket); + } + else + { + return (bigTicket); + } + if (isBirthday) + { + if (speed <= 65) + { + return (noTicket); + } + if else (speed <= 85) + { + return (smallTicket); + } + else (speed > 86) + { + return (bigTicket); + } + } +} +" +a08bd601d86ca2f5ebfc90a1726d9707a3843016,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else if(86 <= speed) + { + return 2; + } + } + + if(speed <= 60) + { + return 0; + } + else if(61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +cba4ad715bd9168180c9924ae6f1ad40d426c5ca,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + 0 = no ticket; + } + else if (61< speed < 80) + { + 1 = small ticket; + } + else if(speed > 81) + { + 2 = big ticket; + } + else if(isBirthday = true) + { + speed + 5; + } + +} +" +27fdbcc947fffeee6ec7babdbdd0c586720bda0d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (speed <= 60) +{ + caughtSpeeding = return 0; +} + +if (speed >= 61 && speed <= 80) +{ + return 1; +} + +if (speed >= 81) +{ + return 2; +} + +if (isBirthday) +{ + +} +} +" +917151e1a56e7c9e3150d15bf700ebbcc177eece,"public int caughtSpeeding(int speed, boolean isBirthday) +{ caughtSpeeding = + +if (speed <= 60) +{ + return 0; +} + +if (speed >= 61 && speed <= 80) +{ + return 1; +} + +if (speed >= 81) +{ + return 2; +} + +if (isBirthday) +{ + +} +} +" +2a6c6d162436881a14ff74b28e476059fb8b4801,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } + } +} +" +29b41029468cc0335dc85eefb5783e6bd3ccf0cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +if (speed <= 60) +{ + return 0; +} + +if (speed >= 61 && speed <= 80) +{ + return 1; +} + +if (speed >= 81) +{ + return 2; +} + +if (isBirthday) +{ + +} +} +" +6a3187d12829c4030ef3b95d700d885d4968a477,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } + +} +" +eb3dc9766ae0c013340457ffadb066b821e20f78,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 ; + if (isBirthday == true) + { + if(speed <= 65) + { + ticket = 0; + } + else if(speed >= 65 && speed <= 85) + { + ticket = 1; + } + else + { + ticket =2; + } + } + else + { + if(speed <= 60) + { + ticket = 0; + } + else if(speed >= 61 && speed <=80) + { + ticket = 1; + } + else + { + ticket = 2; + } + + } + return ticket; +} +" +da9d2eae480a70b3f4fcba254856c255632185fe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } + +} +" +1d9d26b711d287fa7c8ee1facdafe8e988fdc8b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60, false)) + { + return int value = 0; + } + else if (this.caughtSpeeding(speed >= 61 && speed <= 80, false)) + { + return int value = 1; + } + else if (this.caughtSpeeding(speed >= 81, false)) + { + return int value = 2; + } + else if (this.caughtSpeeding(speed <= 65, true)) + { + return int value = 0; + } + else if (this.caughtSpeeding(speed >= 66 && speed <= 85, true)) + { + return int value = 1; + } + else (this.caughtSpeeding(speed <= 86, true)) + { + return int value = 2; + } +} +" +261b96dbf5b6cbc677a5c97ccafc97989ad8736c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } +} +" +62835fd4c470a559f6e634650168bbe15acec19c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } +} +" +c72936a1839694da8df5554d66db79bf67bec60c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5 + } + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + +} +" +29ba77a7a452614edefc39bf55ef7043fe09ccff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60, false) + { + int value = 0; + return value; + } + else if (speed >= 61 && speed <= 80, false) + { + return int value = 1; + } + else if (speed >= 81, false) + { + return int value = 2; + } + else if (speed <= 65, true) + { + return int value = 0; + } + else if (speed >= 66 && speed <= 85, true) + { + return int value = 1; + } + else (speed <= 86, true) + { + return int value = 2; + } +} +" +c9ef205d352c6e1d02433e297cda5519c02ca470,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + +} +" +b3fe186e8b78df5773cd706b60130a643d8e6790,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + a = 0; + } + else if (speed >=61 && speed <= 80) + { + a = 1; + } + else if (speed >=81) + { + a = 2; + } + return (a) +} +" +e764ff669184d1e1fa97e68ada6f6427785349d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + return (speed -=5); + } +} +" +c2584c5b8aa83bc01279a9f2f3faad94561c4c26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + a = 0; + } + else if (speed >=61 && speed <= 80) + { + a = 1; + } + else if (speed >=81) + { + a = 2; + } + return (a); +} +" +0fe8bc686a3a1032f88621b90293d9ab638032f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a = 0; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + a = 0; + } + else if (speed >=61 && speed <= 80) + { + a = 1; + } + else if (speed >=81) + { + a = 2; + } + return (a); +} +" +475aa13b242929d63fa1e9c51317385102cb1896,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; + +} +" +80091d58e1ebcf8a185e0f7ad52d240ce51a4f86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBrithday=false)) + { + int value = 0; + return value; + } + else if (speed >= 61 && speed <= 80, false) + { + return int value = 1; + } + else if (speed >= 81, false) + { + return int value = 2; + } + else if (speed <= 65, true) + { + return int value = 0; + } + else if (speed >= 66 && speed <= 85, true) + { + return int value = 1; + } + else (speed <= 86, true) + { + return int value = 2; + } +} +" +6a07653959222be9802911e24ebe79348731b5cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } + +} +" +f1d17aa0e76951d5772a6d5dfe371449a7e5723d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) +{ + if(speed <= 65) + {return 0;} + if(speed >= 66 && speed <= 85) + {return 1;} + if(speed >= 86) + {return 2;} +} + else + { + if(speed <= 60) + {return 0;} + if(speed >= 61 && speed <= 80) + {return 1;} + if(speed >= 81) + {return 2;} + } +} +" +dfc2f31dc861ad922411124eac5e9cb468b993f7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed >= 81) + { + return 2; + } +} +" +555cf66eb9b8142de954fd664661aebe2bc96d73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) +{ + if(speed <= 65) + {return 0;} + if(speed >= 66 && speed <= 85) + {return 1;} + if(speed >= 86) + {return 2;} +} + else + { + if(speed <= 60) + {return 0;} + if(speed >= 61 && speed <= 80) + {return 1;} + if(speed >= 81) + {return 2;} + } +return false; +} +" +5128e855f681f75cecf8ea4472bf544971b49ac8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +if(isBirthday) +{ + if(speed <= 65) + {return 0;} + if(speed >= 66 && speed <= 85) + {return 1;} + if(speed >= 86) + {return 2;} +} + else + { + if(speed <= 60) + {return 0;} + if(speed >= 61 && speed <= 80) + {return 1;} + if(speed >= 81) + {return 2;} + } +return 0; +} +" +14724894cdb65b5d7e11d244b9a77e8d590952ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (speed <= 80 && speed => 61) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + return speed -=5; + } +} +" +0e66f4e6000b3d74fc802f19a52202deb05b2728,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return "" no ticket""; + } + else if (speed >= 61 && < 80) + { + return "" small ticket""; + } + else if (speed > 80) + { + return "" big ticket""; + + + +} +" +e78e687c34488a60927a82af2a1e02bd74762d13,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBrithday=false)) + { + int value = 0; + return value; + } + else if ((speed >= 61) && (speed <= 80) &&(isBrithday=false)) + { + return int value = 1; + } + else if ((speed >= 81) &&(isBrithday=false)) + { + return int value = 2; + } + else if ((speed <= 65) &&(isBrithday=true)) + { + return int value = 0; + } + else if ((speed >= 66) && (speed <= 85) &&(isBrithday=true)) + { + return int value = 1; + } + else ((speed <= 86) &&(isBrithday=true)) + { + return int value = 2; + } +} +" +660d91e720c11c3c94fe6f1b3a02e93f2eed02cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (61 <= speed && speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + return speed -=5; + } +} +" +aa67610b72ba723e58553251ea714509b6cde6ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (61 <= speed && speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + return speed -=5; + } +} +" +584376bb05e53a8584181f41af63edb21d9a62df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (61 <= speed && speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } +} +" +0f31f239af93ac5d4a21a2b6941fc787d6c72be1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (61 <= speed <= 80) + { + return 1; + } + if (speed => 81) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (61 <= speed <= 80) + { + return 1; + } + if (speed => 81) + { + return 2; + } + } +} +" +f1d1ba737144d817f76688b4c3868af5117bca92,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBrithday=false)) + { + int value = 0; + return value; + } + else if ((speed >= 61) && (speed <= 80) &&(isBrithday=false)) + { + int value = 1; + return value; + } + else if ((speed >= 81) &&(isBrithday=false)) + { + return int value = 2; + return value; + } + else if ((speed <= 65) &&(isBrithday=true)) + { + return int value = 0; + return value; + } + else if ((speed >= 66) && (speed <= 85) &&(isBrithday=true)) + { + return int value = 1; + return value; + } + else ((speed <= 86) &&(isBrithday=true)) + { + return int value = 2; + return value; + } +} +" +5ed2800a35f4bda62811c2b9402b68271e1cff7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (noTicket); + } + if (61 <= speed && speed <= 80) + { + return (smallTicket); + } + if (speed > 81) + { + return (bigTicket); + } + if (isBirthday) + { + speed -=5; + } +} +" +9f0736e86ddd382987b96509e5ddf553fc0c17dc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + speed = speed - 5 + } + if (speed <= 60) + { + ticket = 0; + } + if (speed <= 80 && speed >= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + return (ticket); +} +" +d8eff481b035f80a4998560b2015fb7fb6138165,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBrithday=false)) + { + int value = 0; + return value; + } + else if ((speed >= 61) && (speed <= 80) &&(isBrithday=false)) + { + int value = 1; + return value; + } + else if ((speed >= 81) &&(isBrithday=false)) + { + int value = 2; + return value; + } + else if ((speed <= 65) &&(isBrithday=true)) + { + int value = 0; + return value; + } + else if ((speed >= 66) && (speed <= 85) &&(isBrithday=true)) + { + int value = 1; + return value; + } + else ((speed <= 86) &&(isBrithday=true)) + { + int value = 2; + return value; + } +} +" +9042d14d625505397e1b0a1d58791daed94b384f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed <= 80 && speed >= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + return (ticket); +} +" +f38f0bc08bbba88d53301ad301b194ff8d2b4e3d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return "" no ticket""; + } + else if (speed >= 61 && < 80) + { + return "" small ticket""; + } + else if (speed > 80) + { + return "" big ticket""; + } + + + +} +" +db3d596ff2bead6da662efbf3e3187267dbc394a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } + +} +" +0ab092c4f80fdb43cc2bf498e1463a8db752ecc5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBrithday=false)) + { + int value = 0; + return value; + } + else if ((speed >= 61) && (speed <= 80) &&(isBrithday=false)) + { + int value = 1; + return value; + } + else if ((speed >= 81) &&(isBrithday=false)) + { + int value = 2; + return value; + } + else if ((speed <= 65) &&(isBrithday=true)) + { + int value = 0; + return value; + } + else if ((speed >= 66) && (speed <= 85) &&(isBrithday=true)) + { + int value = 1; + return value; + } + if else ((speed <= 86) &&(isBrithday=true)) + { + int value = 2; + return value; + } +} +" +ff301a857127dc54c8ae962b505c9d5563f5efff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (66 <= speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (61 <= speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +ff9ac57ad286e598017c41909cf6dbf22b6787b4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return "" no ticket""; + } + else if (speed >= 61 && < 80) + { + return "" small ticket""; + } + else if (speed > 80) + { + return "" big ticket""; + } + return caughtSpeeding +} +" +d4b088bb1bca54cb86df4ba2504ffd5fdcc143dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBrithday=false)) + { + int value = 0; + return value; + } + else if ((speed >= 61) && (speed <= 80) &&(isBrithday=false)) + { + int value = 1; + return value; + } + else if ((speed >= 81) &&(isBrithday=false)) + { + int value = 2; + return value; + } + else if ((speed <= 65) &&(isBrithday=true)) + { + int value = 0; + return value; + } + else if ((speed >= 66) && (speed <= 85) &&(isBrithday=true)) + { + int value = 1; + return value; + } + else + { + int value = 2; + return value; + } +} +" +1cfb913bb974dc6da755ad4a237b56be7e345f66,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + +} +" +b912f2a2f09688bf626d685117bd13aec8460205,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBirthday=false)) + { + int value = 0; + return value; + } + else if ((speed >= 61) && (speed <= 80) &&(isBirthday=false)) + { + int value = 1; + return value; + } + else if ((speed >= 81) &&(isBirthday=false)) + { + int value = 2; + return value; + } + else if ((speed <= 65) &&(isBirthday=true)) + { + int value = 0; + return value; + } + else if ((speed >= 66) && (speed <= 85) &&(isBirthday=true)) + { + int value = 1; + return value; + } + else + { + int value = 2; + return value; + } +} +" +f53e0f057734c5482b4acfa8ec1e6120e4ec901b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketNumber=0; + if (speed >= 0 && speed < 60 && !isBirthday) + { + ticketNumber = 0; + } + else if (speed > 60 && speed <= 81 && !isBirthday) + { + ticketNumber = 1; + } + else if (speed > 81 && !isBirthday) + { + ticketNumber = 2; + } + else if (speed < 65 && isBirthday) + { + ticketNumber = 0; + } + else if (speed > 65 && speed <= 86 && isBirthday) + { + ticketNumber = 1; + } + else if (speed > 86 && isBirthday) + { + ticketNumber = 2; + } + return ticketNumber; +} + +" +1f42e06b945ca77bfabfda21005d908b17541619,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } +} +" +b949725b21914f52f7577bfb02bf3520f92385dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + return; +} +" +3e662d3b0eb5efaa24abc2643804cfbeb8f5b796,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value = 0; + + if (isBirthday) + { + if (speed <= 65) + { + value = 0; + } + if (speed >= 66 && speed <= 85) + { + value = 1; + } + if (speed >= 86) + { + value = 2; + } + } + else + { + if (speed <= 60) + { + value = 0; + } + if (speed >= 61 && speed <= 80) + { + value = 1; + } + if (speed >= 81) + { + value = 2; + } + } + return value; +} +" +5df606915386e0d7c920ead664696c0c1c24a67b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + if (speed <= 65) + return 0; + else if (speed <= 85) + return 1; + else + return 2; + else + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +27932e018406ea3f4c82d1ff0ef77c07fd9c9c6a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int safety = 0; + if (isBirthday) + { + safety = 5; + } + + int tSpeed = speed - safety; + + if (tSpeed <= 60) + { + return 0; + } + + else if (tSpeed <= 80) + { + return 1; + } + + else + { + return 2; + } + +} +" +4e17d60d14dc6925538e84dba111286038e3e056,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + this. +} +" +bd2c9f7e6767fd2e0523231ce23505f7172ff318,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0 + } + else if (speed <= 80) + { + return 1 + } + else + { + return 2 + } +} +" +650ab3db71ea17393f22a0c6d675e28de1022418,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +f97af8c06b6daf203c73b3831b453e4a7a3c8d31,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } +} +" +2935ef222f53dc66e07c7cef41dc9111aed7c9a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (!speed > 60) + { + caughtSpeeding = 0; + } + else if (61 < speed < 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (!speed > 65) + { + caughtSpeeding = 0; + } + else if (66 < speed < 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +baf443bf9ee84a87bcbb0e2a84c53a5981f99217,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +bcce6715fd954de3708faa417c007d6835d9c929,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +2a6180ce7a2a6f75c6aee0f1db73660548c4aea2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday() + { + speed = speed - 5; + } +} +" +b02997d91fd09f8bee8d42b148052543fc339026,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + + if (speed <= 60) + { + return 0; + } +} +" +80c0f715dcb854bec53542d267fc135ed833a872,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + result = 0; + } + + return result; +} +" +b51c3d685f03ab3fcd134e28adfaca7dbcf6b723,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61&& <=80) + { + return 2; + } + if (speed >= 86) + { + return 3; + } +} +" +3e2d38f0f2df3b9e1f7d209c0650fb4828bad00a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && <=80) + { + return 2; + } + if (speed >= 86) + { + return 3; + } +} +" +318643f007e57824b8b2b7b39b6f54ef151ccf60,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed -= 5; + } + + if (speed >= 60 && speed <= 80) + { + result = 1; + } + if (speed > 80; + { + result = 2; + } + + return result; +} +" +ce92caaa2f30ab226cd310f223edf31c3929612a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed -= 5; + } + + if (speed >= 60 && speed <= 80) + { + result = 1; + } + if (speed > 80); + { + result = 2; + } + + return result; +} +" +df049e0b13ce9828a139562a2bffbbfcac6ce3cc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 2; + } + if (speed >= 86) + { + return 3; + } +} +" +022c2ddee9af6bbbe2457ee580eaf3d0a4bd1b63,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65 && speed <=85) + { + return 1; + } + if (speed >85) + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >60 && speed <=80) + { + return 1; + } + else + { + return 2; + } + } +} +" +b4b16505db134849015091872552ae6b405ff909,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed -= 5; + } + + if (speed >= 60 && speed <= 80) + { + result = 1; + } + else if (speed > 80); + { + result = 2; + } + + return result; +} +" +19fa297e2f3a536e8f594ea53020eaebb8f8fca1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 2; + } + if (speed >= 86) + { + return 3; + } + if (isBirthday) + return (speed + 5); +} +" +0f2f8c21d21749e7c2c60d4d020a7b60e312be8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + if (speed <= 65) + { + return 0; + } + if (speed >65 && speed <=85) + { + return 1; + } + else + + return 2; + + } + else + { + if (speed <= 60) + { + return 0; + } + if (speed >60 && speed <=80) + { + return 1; + } + else + + return 2; + + } +} +" +6b4833c8a5f5fab81d83cd12f1f956051bce1331,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +9f5ab2775e8d41c510c14c4547ccfc06a63f697e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + else if (speed <= 80) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + 2 + } +} +" +c9e5c19cdfed886c8e97ef582e8c92dda33814b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + else if (speed <= 80) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +8acea7ea0d21b45438ed910685390b9ca58188a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 2; + } + } +} +" +1200f7598cc50f03ce1aa9c22283495206281244,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday()) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 2; + } + } +} +" +78c031dbbc759fd468078a1f6f0469215a863eb3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + result = 0; + } + if (speed >= 60 && speed <= 80) + { + result = 1; + } + if (speed > 80); + { + result = 2; + } + + return result; +} +" +73e216e2a85c3950a90ddcfe178ec0e3716ee784,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + } + + +" +1a197af741a9c69a383b77b2aefc1a871ac9b3d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } + + +" +29358698bccebde030c364aeb9921a88250906dd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +10311ef7daf7ebdb603f129be589c095a16ed366,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + result = 0; + } + if (speed > 60 && speed <= 80) + { + result = 1; + } + if (speed > 80); + { + result = 2; + } + + return result; +} +" +49826bf22a87e40c5df844ee7b6daebaa145e38c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 0) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + if (isBirthday) + speed -= 5 +} +" +34331203c3dbfc95cc51d4b261bc8d0e488db9e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 0) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + if (isBirthday) + speed -= 5 +} +" +ed8b35c5110330e978f0a63354a73703db466bfb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!isBirthday) + { + if (speed <= 60) + { + + } + if (speed > 60 && speed <= 80) + { + + } + if (speed >= 81) + { + + } + } + if(isBirthday) + { + if (speed <= 65) + { + + } + if (speed > 65 && speed <= 85) + { + + } + if (speed >= 86) + { + + } + } +} +" +7771b0fe7b472fa3dd018ccf138b317743bc74fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 0) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + if (isBirthday) + speed -= 5; +} +" +662f276dc2c917255ec8d10a6662a6be5f7442ad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +int answer = 0; +if (isBirthday) speed -= 5; +if (speed <= 60) answer = 0; +if (speed >60 && speed <= 80) answer = 1; +if (speed > 80) answer = 2; +return answer; +} +" +1f2b563a4cd6af736d767bfd3fb3a78fa118d08c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +int answer = 0; +if (isBirthday) speed -= 5; +if (speed <= 60) answer = 0; +if (speed > 60 && speed <= 80) answer = 1; +if (speed > 80) answer = 2; +return answer; +} +" +5d8c2ed600edb91e2900fe4fb45094ddf2f72564,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +6e8a8f9e2a44239c47f27eed9bae892384bbab9a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 0) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +6ec24677fdbd11ab8f4dd5bcf6745ed03293e9a7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = no ticket; + int 1 = small ticket; + int 2 = big ticket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +81de709fa05b670b7d81e80129cbaefd140d9233,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed- 5; + } + else if (speed <= 80) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +712085cdc0115be1c26f404ec492d1250635cc1a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if(!isBirthday) + { + if (speed <= 60) + { + ticket = 0; + } + if (speed > 60 && speed <= 80) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + } + if(isBirthday) + { + if (speed <= 65) + { + ticket = 0; + } + if (speed > 65 && speed <= 85) + { + ticket = 1; + } + if (speed >= 86) + { + ticket = 2; + } + } + return ticket; +} +" +3758e0096a304951a919fd3b00457c882c67078e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed- 5; + } + else + { + speed = speed; + } + if (speed <= 80) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +2c17a9e7598dcb6270dd30f4036274f1dc606062,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 0) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; +} +" +3162b2806d1a9ac66d86603d37b4db43f62c23b4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + no ticket = 0; + small ticket = 1; + big ticket = 2; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +47617890cacf5c2973649f22cf3c056b2eae7625,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed- 5; + } + else + { + speed = speed; + } + if (speed <= 60) + { + return 0; + } + else if (speed <=80) + { + return 1; + } + else + { + return 2; + } +} +" +93a5b1a4c8211c475a7f30067369bb5bf2a6a9d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + else + { + caughtSpeeding = 2; + } + } +} +" +2bf17155c0129550727d060e2ec7793f17a60227,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if ( speed >= 81) + { + return 2; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + return 0; + } +} +" +0328a7c9fb540db9933df8aa9688aee837da31cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!birthday.isTrue()) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 2; + } + } +} +" +ac48566ba16bbb84d96deb3d67ed39662b9f1e1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday.isTrue()) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + if (61 <= speed <= 80) + { + caughtSpeeding = 1; + } + if (speed >= 81) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + if (66 <= speed <= 85) + { + caughtSpeeding = 1; + } + if (speed >= 86) + { + caughtSpeeding = 2; + } + } +} +" +ec223bfbbecbee7b3bf24a48192aa137c8920d80,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = false) + { + if (speed <= 60) + { + return = 0; + } + else if (61 <= speed <= 80) + { + return = 1; + } + else + { + return = 2; + } + } + else + { + if (speed <= 65) + { + return = 0; + } + else if (66 <= speed <= 85) + { + return = 1; + } + else + { + return = 2; + } + } +} +" +c61c0ca240a0aed1ec7fe8fef4b4804dac7f0c1f,"private int 0 = no ticket; +private int 1 = small ticket; +private int 2 = big ticket; + +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +1c254d501ac1b69a9932e75e4223f31862252b29,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if ( speed >= 81) + { + return 2; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + return 0; + } + if ( speed >= 86) + { + return 2; + } + if (speed >= 66 && speed <= 86) + { + return 1; + } + else + return 0; + +} +" +8168ebff57dbb6ed00937a9bda5dbab53f1257b8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int 0 = no ticket; + private int 1 = small ticket; + private int 2 = big ticket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +16d84edae4b7bcc566a4cf79876c04485d087251,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday.isTrue()) + { + if (speed <= 60) + { + speeding = 0; + } + if (61 <= speed <= 80) + { + speeding = 1; + } + if (speed >= 81) + { + speeding = 2; + } + } + else + { + if (speed <= 65) + { + speeding = 0; + } + if (66 <= speed <= 85) + { + speeding = 1; + } + if (speed >= 86) + { + speeding = 2; + } + } +} +" +1936cbaba2b34d01c19354e1de7ecedcfd76f0c5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int 0 = no ticket; + int 1 = small ticket; + int 2 = big ticket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +4ceafbb0f653e4a3f6321c664e1594563e5f5d86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +8a801569c9f7da16dbdb5ac7b69f0c31ec2ee3c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday.isTrue()) + { + if (speed <= 60) + { + return speeding(0); + } + if (61 <= speed <= 80) + { + return speeding(1); + } + if (speed >= 81) + { + return speeding(2); + } + } + else + { + if (speed <= 65) + { + return speeding(0); + } + if (66 <= speed <= 85) + { + return speeding(1); + } + if (speed >= 86) + { + return speeding(2); + } + } +} +" +bbd41a80fb014e8509a0c94900b0fdf4f8a02e1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <= speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +3980d8cdb2fbdd9a3bb3650474f9ed2b31fed63d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket speed < 60 + 1 = small ticket 61 < speed < 80 + 2 = big ticket speed > 81 + speed < 65 + 66 < speed < 85 + speed > 86 +} +" +42f285d7478b19c9c2667a2dbb79d04db411746f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket speed < 60; + 1 = small ticket 61 < speed < 80; + 2 = big ticket speed > 81; + speed < 65; + 66 < speed < 85; + speed > 86; +} +" +1a63b7585707c7e80a4a38ccdab5c6a0a8d7c273,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <= speed && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +7568f25f465581208439eccf571d39baf24a43b8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <= speed && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +4be91f23bc314b3109419ae0067a5dccb8aa54b1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket; + int smallTicket; + int bigTicket; + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +526c040c10d7545e39854cee06c224d6f382445a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday.isTrue()) + { + if (speed <= 60) + { + return 0; + } + if (61 <= speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (66 <= speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} +" +8293532bb98810c897160919e64fed876a421a40,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday.isTrue()) + { + if (speed =< 60) + { + return 0; + } + if (61 =< speed =< 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + else + { + if (speed =< 65) + { + return 0; + } + if (66 =< speed =< 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } +} +" +75092bfac2cca0758d4a4f05f33158c067072a9e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 61) + { + return 0; + } + + if (speed > 60 || speed <= 80) + { + return 1; + } + + if (speed > 80) + { + return 2; + } + + if (isBirthday) + { + if (speed < 66) + { + return 0; + } + if (speed > 65 || speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + +} +" +1c478f16c34fc3a2cf32ba7ba4213e698b5fef7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 61) + { + return 0; + } + + if (speed > 60 || speed <= 80) + { + return 1; + } + + if (speed > 80) + { + return 2; + } + + if (isBirthday) + { + if (speed < 66) + { + return 0; + } + if (speed > 65 || speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + } + + +} +" +a1986a39726e6e3300107eb7d2d995959e062b32,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 61) + { + return 0; + } + + if (speed > 60 || speed <= 80) + { + return 1; + } + + if (speed > 80) + { + return 2; + } + + if (isBirthday) + { + if (speed < 66) + { + return 0; + } + if (speed > 65 || speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + } +} +" +240be3696bc0ce5993008f2d7ee09e712902c11c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday()) + { + speed-=5; + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } +} +" +3de2de67eb70d481f0d4968ff8b9ec5e8fbd112d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 61) + { + return 0; + } + + if (speed > 60 || speed <= 80) + { + return 1; + } + + if (speed > 80) + { + return 2; + } + + if (isBirthday) + { + if (speed < 66) + { + return 0; + } + if (speed > 65 || speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + } +} +" +de83ab3a5b05218f0875c20f92b031ca7f612c22,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday() == true) + { + speed-=5; + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } +} +" +1395fde24abc5601ba1f6df48aae3c2482240914,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed-=5; + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } +} +" +1c29f608a6fc14fc59a496f233017d377eed45e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed-=5; + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + return(2); +} +" +589e86da0a0199987c2970690e96c9a892152c36,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed-=5; + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + + + return(2); + +} +" +3434c1ba5659982047f032ee3398caf169671b17,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60, !isBirthday) + { + 0 = no ticket; + } + else if (61 < speed < 80, !isBirthday) + { + 1 = small ticket; + } + else if (speed > 81, !isBirthday) + { + 2 = big ticket; + } + else if (speed < 65, isBirthday) + { + 0 = no ticket; + } + else if (66 < speed < 85, isBirthday) + { + 1 = small ticket; + } + else if ( speed > 86, isBirthday) + { + 2 = big ticket; + } +} +" +4d54e62aefae21f67742e3e069abbd311892824c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed > 60 <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +570efcdaa84c8ebfc15a7ed6b7e73a95441e8200,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed < 60 = 0 + 61 > int speed > 80 = 0 + int speed > 81 +} +" +fe04018ddad90c5b1700280767e1e3558a220615,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else if (speed > 60 <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +dc0c3019565ddfd1b76c8527b51f6eb0bed23f03,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else if (speed > 60 < 80) + { + return 1; + } + else + { + return 2; + } +} +" +b0af1e3f4e9f37e6c0da22c0edbddb27e1a3b4e9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 || <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 || <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +} +" +2f0e780fd9b0db314859d51f82590e282b5a4a8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +601fe02205a5ca16d5e632dde2097351b3b84518,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket = 0; + int small ticket = 1; + int big ticket = 2; + if (speed <= 60) + { + return (0); + } + if (61 <= speed && speed <= 80) + { + return (1); + } + if (speed > 81) + { + return (2); + } + if (isBirthday) + { + speed -=5; + } +} +" +5b19715734a4a7370a6fd049dbab95d5c536becc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else (speed >= 61 || <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else (speed >= 66 || <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } +} +" +bbfd5994d9f770f632d4d150f1e399f9e627e960,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int no ticket == 0; + int small ticket == 1; + int big ticket == 2; + if (speed <= 60) + { + return (0); + } + if (61 <= speed && speed <= 80) + { + return (1); + } + if (speed > 81) + { + return (2); + } + if (isBirthday) + { + speed -=5; + } +} +" +a68a02e166904a58e37ff24c5a0b7573de34fb93,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if(speed >= 61 || <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if(speed >= 66 || <= 85) + { + return 1; + } + else if(speed >= 86) + { + return 2; + } + } +} +" +4dfeeed6102998f9b5c64573e2bac4b52c7e7aae,"private int noTicket; +private int smallTicket; +private int bigTicket; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +acce8b5bfafbba764dbc119363458e05f83796f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 60 && speed <= 80 || (isBirthday && speed > 60 && speed <= 80)) + { + return 1; + } + else + { + return 2; + } +} +" +baaac343d552427c2aa5d54a80ac8366c1c2db9b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (0); + } + if (61 <= speed && speed <= 80) + { + return (1); + } + if (speed > 81) + { + return (2); + } + if (isBirthday) + { + speed -=5; + } +} +" +0054513e4936f1bdd91d6954a1718e3ee6404dde,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + caughtSpeeding = 2; + else if (speed < 86 && speed > 65) + caughtSpeeding = 1; + else + caughtSpeeding = 0; + } + else + { + if (speed >= 81) + caughtSpeeding = 2; + else if (speed < 81 && speed > 60) + caughtSpeeding = 1; + else + caughtSpeeding = 0; + } +} +" +87fb3add81085fc38a7c9c7d2c584951e59ae1cc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed <= 80 || (isBirthday && speed <= 85)) + { + return 1; + } + else + { + return 2; + } +} +" +ca7a5c44208717c44e0bd83ae1acc1498a50684e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return (0); + } + if (61 <= speed && speed <= 80) + { + return (1); + } + if (speed > 81) + { + return (2); + } + if (isBirthday) + { + return (speed -=5); + } +} +" +018d3c0f3532d001ba54e7ab3e72da7ec4745edd,"private int 0; +private int 1; +private int 2; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noTicket; + 1 = smallTicket; + 2 = bigTicket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +e929bca34772b7a60ebc6a7a771574e9961bb025,"private int noTicket(0); +private int 1; +private int 2; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noTicket; + 1 = smallTicket; + 2 = bigTicket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +462c32a961f9e37900f45d8ce5b1817ecd8a2c74,"public int noTicket(0); +private int 1; +private int 2; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noTicket; + 1 = smallTicket; + 2 = bigTicket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +bea4492e37e1956b043edeafa62fcf26a6d1e2be,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 || <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 66 || <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +1a17d15de3799284df6bd5aff182705757f0bc92,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed >= 86) + system.out.println(""2""); + else if (speed < 86 && speed > 65) + system.out.println(""1""); + else + system.out.println(""0""); + } + else + { + if (speed >= 81) + system.out.println(""2""); + else if (speed < 81 && speed > 60) + system.out.println(""1""); + else + system.out.println(""0""); + } +} +" +cad56adb60371fdbe606fb95095e8f517d330c99,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + result = 2; + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + return result; +}" +ea6c480d7da45e35ff0478d8ffda970a635dc8d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return = 0; + } else if(61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +734cb33cf48597c393c51cf58643c6bb20dc05d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + if (speed >= 61 && speed <= 80) + { + result = 1; + } + if (speed > 81) + { + result = 2; + } + if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + if (speed >= 66 && speed <= 85) + { + result = 1; + } + if (speed >= 86) + { + result = 2; + } + return result; +}" +e107a218f5d27adda286fe8df8f35478f3f1cd04,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +894b1522ce7807f5d0e567be9eb8a21a80ae9d44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return = 0; + } else if(61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +3b24fd13da29cf3eaf6ecbfb5f5dfeb4cbdd236e,"public int noTicket(int 0); +private int 1; +private int 2; +public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = noTicket; + 1 = smallTicket; + 2 = bigTicket; + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +aa544cad4612a0e53cce7f08b69e879723db7009,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + if (speed <= 60) + { + result = 0; + } + + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else if (speed > 81) + { + result = 2; + } + else if (isBirthday) + if (speed <= 65) + { + result = 0; + } + + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else if (speed >= 86) + { + result = 2; + } + return result; +}" +7856884f9e5534b59e79b25ba855ab4d0370ac63,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60) + return = 0; + } else if(61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +0e01dc71d96a89e7b69719afb71b449d2aeb39d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return = 0; + } else if(61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +fd012e2df3883bdc37d541be71f88669b3540dab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return = 0; + } else if(61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +5408469548889c1fdc852d18b70e05ea673679ea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return = 0; + } else if(61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +4f99d1aa5ef243a460828f2116c882df2004fa6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed < 61) + { + return noTicket; + } + else if (speed < 81 && speed > 60) + { + return smallTicket; + } + else if (speed > 80) + { + return bigTicket; + } +} +" +4ddbd6060a8178d875c733cf0df3e356d6310e26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else if (speed > 81) + { + result = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else if (speed >= 86) + { + result = 2; + } + } + return result; +}" +ed29130b3bc2299f6b7b8ab7dfb39a2fd1413935,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return = 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +fb53f39ad8b9c63411d9a9881a8c18f78bbcd839,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } +} +" +ecfe17c455f188eb90a2b4298d82e8b22b339e61,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + + if (this.isBirthday()) + { + x = 5; + } + + if (speed <= 60 + x) + { + return 0; + } + else if (61 + x <= speed && speed <= 80 + x) + { + return 1; + } + else if (speed >= 81 + x) + { + return 2; + } + +} +" +76489c7c20fed68044373742db83c1318dfa8d73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (!isBirthday) + { + if (speed <= 60) + { + result = 0; + } + + else if (speed >= 61 && speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } + else if (isBirthday) + { + if (speed <= 65) + { + result = 0; + } + + else if (speed >= 66 && speed <= 85) + { + result = 1; + } + else + { + result = 2; + } + } + return result; +}" +600eaace2d52cb2dc3f726dd208b272e2004248d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + + if (this.isBirthday) + { + x = 5; + } + + if (speed <= 60 + x) + { + return 0; + } + else if (61 + x <= speed && speed <= 80 + x) + { + return 1; + } + else if (speed >= 81 + x) + { + return 2; + } + +} +" +5fb5c8aaafc6c2354b028d72d9d4388566df4ec4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +a5f3ab69f46ae45bd0d8df2b529bf03986ee9450,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + + if (isBirthday) + { + x = 5; + } + + if (speed <= 60 + x) + { + return 0; + } + else if (61 + x <= speed && speed <= 80 + x) + { + return 1; + } + else if (speed >= 81 + x) + { + return 2; + } + +} +" +a916c43cbc532ea4c3994ff3a167b6e8c6292428,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket; + + if (speed < 61) + { + ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + ticket smallTicket; + } + else if (speed > 80) + { + ticket bigTicket; + } + return ticket; +} +" +9220c51826d5cd39bd82dabbc5ca6f9ddb2df15c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket; + 1 = small ticket; + 2 = big ticket; + if (speed < 60, !isBirthday) + { + 0; + } + else if (61 < speed < 80, !isBirthday) + { + 1; + } + else if (speed < 81, !isBirthday) + { + 2; + } + else if (speed < 65, isBirthday) + { + 0; + } + else if (66 < speed < 85, isBirthday) + { + 1; + } + else if (speed < 86, isBirthday) + { + 2; + } +} +" +acbef759a7fb8c9b10c21eeb5c7471dbd20095a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket; + + if (speed < 61) + { + int ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + int ticket smallTicket; + } + else if (speed > 80) + { + int ticket bigTicket; + } + return ticket; +} +" +40c4fe15c25eac0b33a3f3a09b6f379aafd9c227,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket(); + 1 = small ticket(); + 2 = big ticket(); + if (speed < 60, !isBirthday) + { + 0; + } + else if (61 < speed < 80, !isBirthday) + { + 1; + } + else if (speed < 81, !isBirthday) + { + 2; + } + else if (speed < 65, isBirthday) + { + 0; + } + else if (66 < speed < 85, isBirthday) + { + 1; + } + else if (speed < 86, isBirthday) + { + 2; + } +} +" +e8399647b47196d9cf15380732d4be587635fed8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket; + + if (speed < 61) + { + int ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + int ticket = smallTicket; + } + else if (speed > 80) + { + int ticket = bigTicket; + } + return ticket; +} +" +e78693b68fac67d28f31ef3a1b8ba6f8f041268f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket; + + if (speed < 61) + { + ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + ticket = smallTicket; + } + else if (speed > 80) + { + ticket = bigTicket; + } + return ticket; +} +" +57e196126589366b330f213658873786c9fa7a81,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } + + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if (66 <= speed && speed <= 85){ + return 1; + } else { + return 2; + } + +} +" +5a59f85f345a10c2d9c8905ccb7387f83b7b9e97,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + + if (speed < 61) + { + ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + ticket = smallTicket; + } + else if (speed > 80) + { + ticket = bigTicket; + } + return ticket; +} +" +2901cc8d689c2d03f930aebf7ddb70df39d6ecc3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } + + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if (66 <= speed && speed <= 85){ + return 1; + } else { + return 2; + } + } + +} +" +7067abf860d96c761ffc1590fead90010eeed99d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + int ticket; + + if (isBirthday) + { + x = 5; + } + + if (speed <= 60 + x) + { + ticket = 0; + } + else if (61 + x <= speed && speed <= 80 + x) + { + ticket = 1; + } + else if (speed >= 81 + x) + { + ticket = 2; + } + + return ticket; +} +" +9ec566e31a0c82fde38ecbc22cc4550b9f9a0a6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int x = 0; + int ticket = 0; + + if (isBirthday) + { + x = 5; + } + + if (speed <= 60 + x) + { + ticket = 0; + } + else if (61 + x <= speed && speed <= 80 + x) + { + ticket = 1; + } + else if (speed >= 81 + x) + { + ticket = 2; + } + + return ticket; +} +" +0cbc4f0d6adea0df6e4ebdd7f318d75b874b976b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +a948f7407699a634aa1b7166f3d7ba667bb0b19a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && <= 80) + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +d7849e7e6165d8b09ac293f38284f132e7fddb3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + noTicket = 0; + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +f01dbfcb2f885c7854b12d022e1a77e19b633957,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } + + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if (66 <= speed && speed <= 85){ + return 1; + } else if(86 <= speed) { + return 2; + } + } + +} +" +9e22c07f95d790d352abaafaaa47e36aa3adedd4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } + + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if (66 <= speed && speed <= 85){ + return 1; + } else if(86 <= speed) { + return 2; + } + +} +" +ac2ce1046f47a0380b9afe676a8933c5a3161866,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && <= 80) + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +8daa61e5b7254c8a50b51631b9799844ccb58d3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } + + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if (66 <= speed && speed <= 85){ + return 1; + } else if(86 <= speed) { + return 2; + } + } + +} +" +071401542795d67b5a62d9602f8169e6a7ec4a5e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + while (isBirthday = true) + { + if (speed < 61) + { + ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + ticket = smallTicket; + } + else if (speed > 80) + { + ticket = bigTicket; + } + } + return ticket; +} +" +034e04906bd46fd3837eca91ae6c616e1094ef4a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + int noTicket = 0; + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + return ""1""; + } + else + { + return ""2""; + } + + } + else + { + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + return ""1""; + } + else + { + return ""2""; + } + + } +} +" +657e97b29ffb0bf03bcfe1c7d901e50935c61ba0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if (66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + if(speed <= 60){ + return 0; + } else if (61 <= speed && speed <= 80){ + return 1; + } else { + return 2; + } + + +} +" +8cd29127e62e83ade993d0606d1d4d360035a3de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if(speed > 60 && <= 80) + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +21055c59d8a5d8a1fb05054be6f618340e4eb40a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if(speed > 60 && <= 80) + { + return 1; + } + else + { + return 2; + } + } + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && <= 85) + { + return 1; + } + else + { + return 2; + } + +} +" +4c6453833f6235afe2c8f451020a352b98763d7d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + while (isBirthday = false) + { + if (speed < 61) + { + ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + ticket = smallTicket; + } + else if (speed > 80) + { + ticket = bigTicket; + } + } + return ticket; +} +" +2211458f4ac6baaa6cdab29c91f83cc4d4c8609f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + bigTicket = 2; + smallTicket = 1; + noTicket = 0; + + if (isBirthday) + { + if (speed >= 86) + return bigTicket; + else if (speed < 86 && speed > 65) + return smallTicket; + else + return noTicket; + } + else + { + if (speed >= 81) + return bigTicket; + else if (speed < 81 && speed > 60) + return smallTicket; + else + return noTicket; + } +} +" +0899fec46b23cb8e33a68f22d5b53475154c7342,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +69c2292446636ea29adc630f4ad991dd35bd7484,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + int noTicket = 0; + return ""0""; + } + else if (speed >= 66 && speed <= 85) + { + int smallTicket = 1; + return ""1""; + } + else + { + int bigTicket = 2; + return ""2""; + } + + } + else + { + if (speed <= 60) + { + int noTicket = 0; + return ""0""; + } + else if (speed >= 61 && speed <= 80) + { + int smallTicket = 1; + return ""1""; + } + else + { + int bigTicket = 2; + return ""2""; + } + + } +} +" +0765a397e41e0c2a61a96c6cf9f6b914ce0e35d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } +" +afb7fa8a3299f3b7d26d0ec87de71b9bccf62919,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int bigTicket = 2; + private int smallTicket = 1; + private int noTicket = 0; + + if (isBirthday) + { + if (speed >= 86) + return bigTicket; + else if (speed < 86 && speed > 65) + return smallTicket; + else + return noTicket; + } + else + { + if (speed >= 81) + return bigTicket; + else if (speed < 81 && speed > 60) + return smallTicket; + else + return noTicket; + } +} +" +ed536a045d27d73e85b01790a631327bfd06d209,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + int no ticket = 0; + } +} +" +ddb2ae0ca12eb50253fc8aa943b96d599c5f0df7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +" +a7fc0c3e224cd276516c63b1a515f54f3c1735fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int bigTicket = 2; + int smallTicket = 1; + int noTicket = 0; + + if (isBirthday) + { + if (speed >= 86) + return bigTicket; + else if (speed < 86 && speed > 65) + return smallTicket; + else + return noTicket; + } + else + { + if (speed >= 81) + return bigTicket; + else if (speed < 81 && speed > 60) + return smallTicket; + else + return noTicket; + } +} +" +3a2d8770cf221b77522c8191a071d5a7964bbe7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +b0de87b4e81b39ba1a103570a5c0ea6664ef233b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + int noticket = 0; + } +} +" +bb10afdd2ceb6dc3ee951c7a198083c82504e8d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + + + if (speed < 61) + { + ticket = noTicket; + } + else if (speed < 81 && speed > 60) + { + ticket = smallTicket; + } + else if (speed > 80) + { + ticket = bigTicket; + } + + return ticket; +} +" +08d09d4704ca2d9d12842cb42bf9577015971c1d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!this.isBirthday(TRUE)) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +749f8e0f84d840fd15a164751b11d91e20ee1e5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if !(this.isBirthday(TRUE)) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +109f0388a3981d429a9290e5861cb47f08920b3b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else + { + return 1; + } +} +" +01e918443acdf202740c3dc8b804a36f6cf2b06e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + { + return 0; + } + else + { + return 1; + } +} +" +3a2534fb0ac1dc3651141e9a0bd5b1830ff648bb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return ""no ticket""; + } + else if (speed >= 66 && speed <= 85) + { + return ""small ticket""; + } + else + { + return ""big ticket""; + } + + } + else + { + if (speed <= 60) + { + return ""no ticket""; + } + else if (speed >= 61 && speed <= 80) + { + return ""small ticket""; + } + else + { + return ""big ticket""; + } + + } +} +" +5c5700d23febcaddea1541bd10d38e93c4d29fb1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 || <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 || <= 85) + return 1; + else + return 2; +} +" +dcfb09b7a494bb93b241bc0998c711724f60e4a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +9853e7e74eea5a698aa3389cd19b7a885f7c64e8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (this.isBirthday()) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +791b1fe10c7bbe93efd266a229dcd7e88eb46759,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else + if (speed <= 80) + return 1; + else + return 2; +} +" +2a2fee60eb2745b9aba8729315c979792f3acf8f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 60) && (speed <= 80) + { + return 1; + } +} +" +f6553b0c365c0849c8dbb564d9f38f9a3a156b63,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 60) && (speed <= 80)) + { + return 1; + } +} +" +7f442819acf22b4cd04e0175fb8c7f86732c2a31,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday()) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +481e47f1cf194c530b591a7b0b247d4d3e0594bc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +1646e4fabd7a3fdfcb1aa66a7cfa2ff6c84df266,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +bdea8cc4be5a7200f38e4778cf6a5f6180247c74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = no ticket(); + 1 = small ticket(); + 2 = big ticket(); + if (speed < 60, !isBirthday) + { + 0; + } + else if (61 < speed < 80, !isBirthday) + { + 1; + } + else if (speed < 81, !isBirthday) + { + 2; + } + else if (speed < 65, isBirthday) + { + 0; + } + else if (66 < speed < 85, isBirthday) + { + 1; + } + else if (speed < 86, isBirthday) + { + 2; + } +} +" +ee266b22c07d989210a8c62455bd25629a7c51cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + elseif (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + elseif (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +fa30b4254b8bbfc1f827bf8aad621ffc290c8fe9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && <= 80) + { + return 1; + } + if (speed >= 85) + { + return 2; + } + } +} +" +f2a33fd38d1c8c2999214329e85f218692a9ecd1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +36fb5f235daa77291a0109848f36dd522b6131b9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && <= 80) + { + return 1; + } + else if (speed >= 85) + { + return 2; + } + } +} +" +34d5921fa66f88d7f90e245f8932c1e05837393d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65) + return 1; + else + return 2; +} +" +b9dcae4fd275902684382c38d50edc673bb1dc36,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed 61 >= && <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + } + if (!isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed 66 >= && <= 80) + { + return 1; + } + else if (speed >= 85) + { + return 2; + } + } +} +" +eed14ea0315670989efe4e51ea52f382ac1c70e4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + +" +9410562379c742abfe394ac75d9d7c5bfc584a69,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} + +" +78f552f57b3e61c9dfa255120b3313898d0bbac9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 || <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65) + return 1; + else + return 2; +} +" +2f2e0cfdfb8f80f0c549830bf6c1f04e0137eb88,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + else if(speed 61 >= && <= 80) + { + return 1; + } + else if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(speed 66 >= && <= 80) + { + return 1; + } + else if(speed >= 85) + { + return 2; + } + } +} +" +51ee970159715fec8c2fad3092a082a808bbbcff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 && <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65) + return 1; + else + return 2; +} +" +2686a4e26231072a991ea5fe198abee51e2df587,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(speed 61 >= && <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(speed 66 >= && <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } +} +" +07f0716158843d273e4977cd9c314439101832f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 &&<= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65) + return 1; + else + return 2; +} +" +8d0be3cfea787848599445f275405eccc5459339,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 or <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65) + return 1; + else + return 2; +} +" +e1df3445044387a15f5eb768e3efbefddecfe046,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +c7608f0340e74083b189590fe1e07a45cfba7500,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(speed 61 <= && <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(speed 66 <= && <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } +} +" +e58d93413503e5a2b0177c99c2e538fcbf238bf8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 || speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 || speed <= 85) + return 1; + else + return 2; +} +" +1abbb927122bfeef80ebf17de5af3de8450b3e22,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + return 3; +} +" +d696b44658b2eaa11d2f78ba116f5cff8f0f6ad4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(speed 61 <= && speed <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(speed 66 <= && speed <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } +} +" +f2c09e2ba18f55658a2d3929b1ef12ea54b69c85,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +36a8d354007b5e44c9da6e201946dcfda4a3dd17,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed < 85) + return 1; + return 3; +} +" +ecd7b29d9bdfba77e942ca3564bff27e73871677,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(61 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(66 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } +} +" +3371c96c11bc36643cdf453d1651eb025bba83a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + return 3; +} +" +27f6ebca4f12636204dd4b54a5140f40aa1689f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + return 2; +} +" +d50d4612f000593b9e552b0c4d43633f8d71b9ea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + if (isBirthday) + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + return 2; +} +" +2438f807b12cccf34e1442577deac7d4a174f7ae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +cf36398f372bffac6169e85a25d7278f52643a10,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + else if (isBirthday) + speed - 5; +} +" +e775b64c9d983f8a1ecd42411fe055185e671a95,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +a77fbd594790ff1d8a61c77f334c57870cdeb23a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + else if (isBirthday) + speed -= 5; +} +" +1bac982f824112c3e18aedb9c385516a01a939e2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +a651cfdd6850e9686709887e038fcffe8709ebec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + if (isBirthday) + speed -= 5; +} +" +ba75c826fa945dc92dcfeeb1329dcc2178e76c92,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + +} +" +996452bf56bea3345d3296ccc7b84d3a823799f6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + } + if (isBirthday) + { + if (speed <= 65) + return 0; + if (speed > 65 && speed <= 85) + return 1; + } + return 2; +} +" +4e2bf91511be798bc71ed312bac849d694c02d27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} +" +b38bea0b9a9f250c620b4c599a0505a30d28fc8b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding = 20 + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +8a5853b9161558520eef31406f086a8531dddd55,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + end +} +" +e5f804b1806f29459e9fea1f0fb2477a7b8b1c12,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding = 20; + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +7d98d83d2e0c91513dfc568052b99eca7c8d0e7b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(61 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(66 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } +}} +" +b455eb8ce1abe99cfcf2e6f7374522f06fedc094,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + end; +} +" +11fea65ede78048c361cde267996554904fa2a18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(61 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(66 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } +} +" +bcd2f336c2af582b3e7647bf31659b7640d64181,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +1e3b2b412362ff3e102257e8818b4a1864038b9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else (speed >= 81) + return 2; + +} +" +4a66eb33107b749b425a769996bf1d2b15d67c74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketStatus; + if (isBirthday) + { + if (speed <= 65) + { + ticketStatus = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticketStatus = 1; + } + else + { + ticketStatus = 2; + } + + } + else + { + if (speed <= 60) + { + ticketStatus = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticketStatus = 1; + } + else + { + ticketStatus = 2; + } + + } +} +" +78975ce39d168af82502fbb840a3a2968c89113b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + +} +" +ce0591f393f8266747a4c2e97e2ecc36dfad3eeb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketStatus; + if (isBirthday) + { + if (speed <= 65) + { + ticketStatus = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticketStatus = 1; + } + else + { + ticketStatus = 2; + } + + } + else + { + if (speed <= 60) + { + ticketStatus = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticketStatus = 1; + } + else + { + ticketStatus = 2; + } + } + return ticketStatus +} +" +1999c1a3f8a31552f1e9bbeb3fb30e5d3edd2f32,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <= speed && speed <= 85) + { + return 1; + } + else if( 86<= speed) + { + return 2; + } + } + if(speed <= 60) + { + return 0; + } + else if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +501375ffb7ce22a5a7c72461d63ce5eb1b686399,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticketStatus; + if (isBirthday) + { + if (speed <= 65) + { + ticketStatus = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticketStatus = 1; + } + else + { + ticketStatus = 2; + } + + } + else + { + if (speed <= 60) + { + ticketStatus = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticketStatus = 1; + } + else + { + ticketStatus = 2; + } + } + return ticketStatus; +} +" +5e128106b2e7a80d21668aeed743eb3e680a04d4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + else if (isBirthday == true) + { + speed = speed + 5; + } + return caughtSpeeding; +} +" +c56d7d9bf039165ebdddf7f1b6be2f9469e920cc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +79c2f794bb55f8bef4d889f8b08ac6f970b2b2be,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + else if (isBirthday == true) + { + speed = speed + 5; + } +} +" +a80e6fa431552ce5659fc8d16b8662f880083a3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || caughtSpeeding <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +b7cab64ebdb056238a18a42862f478e2294131f5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + ticket = 0 + } + if else (speed >= 61 && speed <=80) + { + ticket = 1 + } + else + { + ticket = 2 + } +} +" +a0f02538cc2a40abee55425d535be43742e1f4ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding = caughtSpeeding(30, false); + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || caughtSpeeding <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +8a43af1f2a0931ca43382a32e887952a37e05557,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + else if (isBirthday == true) + { + speed = speed + 5; + return isBirthday; + } + return speed; +} +" +6cfed1126e59fc5e05f5480274a0058e99dcb256,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + else if (isBirthday == true) + { + speed = speed + 5; + } + return speed; +} +" +ca337862657cd7dd279c92ab3232407b9a9f4e5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5 + + if(speed < 60) + return 0 + + else if(speed <= 80) + return 1 + + else + return 2 +} +" +b7d5b5f7a02ca18ad1af1cd725b2b1c95e2450db,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (caughtSpeeding <= 60) + { + return(0); + } + else if (caughtSpeeding >= 61 || caughtSpeeding <= 80) + { + return(1); + } + else if (caughtSppeidng >= 81) + { + reutrn(2); + } +} +" +9cbe192636f4d49f1f3d0601c1c984e63615e54d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + + if(speed < 60) + return 0; + + else if(speed <= 80) + return 1; + + else + return 2; +} +" +e5b3a71951db4c59234b78eac27c8e41cf5f9fbd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + ticket = 0; + } + else if ((speed >= 61) && (speed <=80)) + { + ticket = 1 + } + else + { + ticket = 2 + } +} +" +b6960bdcfe42c3543a06123e5334d8ca4077b4a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + ticket = 0; + } + else if ((speed >= 61) && (speed <=80)) + { + ticket = 1; + } + else + { + ticket = 2; + } +} +" +7829081869f677f4436a4260ca075df468c6610d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + else if (isBirthday == true) + { + if (speed >= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } + return speed; +} +" +4b389412930109894162c5a7ed60bbc9f5ebd6e7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(61 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(66 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } + return +} +" +2f4469fb913b870ad285fe781f771b217ecffca5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + + if(speed <= 60) + return 0; + + else if(speed <= 80) + return 1; + + else + return 2; +} +" +5256de53e559fc60c5273dc867bbfebe7d0d732b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 60) + { + return 0; + } + if(61 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 81) + { + return 2; + } + } + if(!isBirthday) + { + if(speed <= 65) + { + return 0; + } + if(66 <= speed && speed <= 80) + { + return 1; + } + if(speed >= 85) + { + return 2; + } + } + return +} +" +65fc5ded3c541cf56086369e3fabbc6d37563b78,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + } else if (speed <=65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +a07e1352b163ab5bcea94f9d74698c1c9ada71ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday == false) + { + if (speed >= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else if (isBirthday == true) + { + if (speed >= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } + return speed; +} +" +0b5feca3c5fe5b0258c2675291967c9d6719118f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 || speed = 60) + { + return 0; + } + if (60 < speed && speed < 81) + { + return 1; + } + if (speed = 81 || speed >81) + { + return 2 + } +} +" +dff28325554555d0e045e85142c6ffb34bff1071,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 || speed = 60) + { + return 0; + } + if (60 < speed && speed < 81) + { + return 1; + } + if (speed = 81 || speed >81) + { + return 2; + } +} +" +1a387d7af225e97ae99636481de9a9c94fce9cdb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +}" +9780282dfc3cd4b32c44a7111fdfe17783040ccc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 || speed == 60) + { + return 0; + } + if (60 < speed && speed < 81) + { + return 1; + } + if (speed = 81 || speed >81) + { + return 2; + } +} +" +7a8ea294e6500c466cd94da64ea4d3560d045d91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday == false) + { + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } + } + else if (isBirthday == true) + { + if (speed <= 65) + { + return noTicket; + } + else if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + else if (speed >= 86) + { + return bigTicket; + } + } + return speed; +} +" +52e06aa307b0b5fa4d283cb1adf315d45a83f6bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 || speed == 60) + { + return 0; + } + if (60 < speed && speed < 81) + { + return 1; + } + if (speed == 81 || speed >81) + { + return 2; + } +} +" +17ea0afa948ec66ba9b16dbc2366b19e47fd4e71,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if ((speed <= 60)&&(isBirthday=false)) + { + return noTicket; + } + else if ((speed >= 61) && (speed <= 80) &&(isBirthday=false)) + { + return smallTicket; + } + else if ((speed >= 81) &&(isBirthday=false)) + { + return bigTicket; + } + else if ((speed <= 65) &&(isBirthday=true)) + { + return noTicket; + } + else if ((speed >= 66) && (speed <= 85) &&(isBirthday=true)) + { + return smallTicket; + } + else + { + return bigTicket; + } +} +" +88f673a5a1ae0301155f140dc93840e96dad494f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60 || speed == 60) + { + return 0; + } + if (60 < speed && speed < 81) + { + return 1; + } + else + { + return 2; + } + +} +" +b86022dd70c5506df6286fcfc22e79ce8e802f1c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + + return (0); + + if (61 <= speed && speed <= 80) + + return (1); + + if (speed > 81) + + return (2); + + if (isBirthday) + + return (speed -=5); + +} +" +33d91f0a6febea70e399b1d396880d64b80afeea,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + + return (0); + + if (61 <= speed && speed <= 80) + + return (1); + + if (speed > 81) + + return (2); + + if (isBirthday) + + speed -=5; + +} +" +f8412002b27985655157d1fe53b5205e475812a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + return (0); + if (61 <= speed && speed <= 80) + return (1); + if (speed > 81) + return (2); + if (isBirthday) + speed -=5; + +} +" +5f9b611f6639d2bcdc8640fa44188123d422f6da,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int speed1; + if (isBirthday == true) + { + speed1 = speed - 5; + } + else + { + speed1 = speed; + } + if (speed1 < 60 || speed1 == 60) + { + return 0; + } + if (60 < speed1 && speed1 < 81) + { + return 1; + } + else + { + return 2; + } + +} +" +868692b51ed36c16cd029e20b07c4b02084ccbd6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed1; + if (isBirthday == true) + { + speed1 = speed - 5; + } + else + { + speed1 = speed; + } + if (speed1 < 60 || speed1 == 60) + { + return 0; + } + if (60 < speed1 && speed1 < 81) + { + return 1; + } + else + { + return 2; + } + +} +" +a05c39f161ca173df653f49cdf86d55054b365c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + + if (isBirthday != true) + { + if (speed <= 60) + { + return noTicket; + } + if (speed >= 61 && speed <= 80) + { + return smallTicket; + } + if (speed >= 81) + { + return bigTicket; + } + } + if (isBirthday == true) + { + if (speed <= 65) + { + return noTicket; + } + if (speed >= 66 && speed <= 85) + { + return smallTicket; + } + if (speed >= 86) + { + return bigTicket; + } + } +} +" +0e4a3bf4a1d1f0fb816c3dd60c8ff342efaf2b95,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + speed -=5; + if (speed <= 60) + return (0); + if else (61 <= speed && speed <= 80) + return (1); + else + return (2); + + +} +" +5089dd391f8a23d2be47090919b45901ea48e499,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (isBirthday) + speed -=5; + if (speed <= 60) + return (0); + if (61 <= speed && speed <= 80) + return (1); + else + return (2); + + +} +" +dfecf19091c4b0c0f1cc39c766163d9108258695,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int myTicket = 0; + + if (isBirthday != true) + { + if (speed <= 60) + { + myTicket = noTicket; + } + if (speed >= 61 && speed <= 80) + { + myTicket = smallTicket; + } + if (speed >= 81) + { + myTicket = bigTicket; + } + } + if (isBirthday == true) + { + if (speed <= 65) + { + myTicket = noTicket; + } + if (speed >= 66 && speed <= 85) + { + myTicket = smallTicket; + } + if (speed >= 86) + { + myTicket = bigTicket; + } + } + return myTicket; +} +" +02723eb309e088ae8e34cb4e58de68160946cb0f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int2 = 0; + if (speed <= 60) + { + int2 = 0; + } + if (isBirthday == true) + { + if (speed <= 65) + { + int2 = 0; + } + if (speed >= 66 && speed <= 85) + { + int2 = 1; + } + if (speed >= 86) + { + int2 = 2; + } + } + if (isBirthday == false) + { + if (speed >= 61 && speed <= 80) + { + int2 = 1; + } + if (speed >= 81) + { + int2 = 2; + } + } + return int2; +} +" +c59d8f2ebd1254b3d437e8db4d59be646434a8c3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +0ae26253ae0f62832491563ad4d97eeed08bd6a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else if(speed >80 + return 2; +} +" +eb14be3c06b8c32d1d4c4e703bc21d900c14f00b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else if(speed >80) + return 2; +} +" +51b6fd89c14ca1ab8d0a0ba1ff799a75e356bc56,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +945fff62a5f887b18d75ef8f4e040be6854b186d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + +} +" +aad06aa42f69d7c5b1e4585a4c0ac92d3ea38ca9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed = speed - 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +bfc76bdd3685ac7f8017525e1b1161a83d58982d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +5778e6f5a8e55ed775fb2f6ae269c280311d0783,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return 0 +} +" +891897c029f114e0e0589831f03258b56ee6ad33,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return 0; +} +" +46fa7a5db67e1d09b177178349f57f3905cba9de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + elseif(speed <= 80) + return 1; + else + return 2; +} +" +47c8987a028c560a8fc0977ae203cde78f730c90,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +0ddba0b7c37599444671afcbbb59d96d28da6a28,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else if + return 2; +} +" +d1cff8c1abf78a7f616b1a9d9898ae50e6b588fe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) + { + + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + } + + + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +ba1ebca71993d7c29866592ecf13df94c6fcb609,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +79646a1ee1ce8a62a88892b894b9f4ca085a4308,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return true +} +" +165f889b37dd9f51661d86f8a52f22fb29316b4b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return true; +} +" +2affb1cff8131e30482953133c0053430eac492e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return true; +} +" +fe2a5d3faa07d005a545b24d6c2d90fa33f0f552,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <65) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 60) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return 1; +} +" +e61e4bfe8b1f9c1b150830add99c5dec47a3a3ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else { + return 2; +} +" +2313f71a415c07fc969d44ecf59894785a7c6542,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else + { + return 2; + } +} +" +dc7d178b0b49c30a5370987444e20d21266d6c4d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60) && (speed <= 80)) + { + return 1; + } +} +" +70aa05ea3094d88050b2626e64606d1471a49590,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 && speed <= 80)) + { + return 1; + } +} +" +832bc8093c24d302859eca237e116c5d4958542f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 && speed <= 80) + { + return 1; + } +} +" +425228a945d4393fdf1e81f4f05b5ad423bfb600,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 && speed <= 80) + { + return 1; + } + return 2 +} +" +0530aa63c9d03c8b7ffc8b1746c41d86cad230d7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 && speed <= 80) + { + return 1; + } + return 2; +} +" +ff83fdc2ca57ef364aed1a3d1092253db6966a0c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else if (speed => 81) + return 2; +} +" +e27c5d57edb39f4201703ecfdc05ae54e69ce271,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <=60); + return 0; + else if(speed <= 80) + return 1; + else (speed => 81) + return 2; +} +" +244fd57d2edae9f825a6f87087c2f644610dc76a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 && speed <= 80) + { + return 1; + } + if (speed >= 81 && isBirthday=true) + { + return 5; + } + return 2; +} +" +9dfc5aed839718bfa5c76f1f4444c3eef1c8d408,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + + if (speed <= 65 && isBirthday = true ) + { + return 0; + } + + if (speed >= 66 && speed <= 85 && isBirthday = true ) + { + return 1; + } + + if (speed > 86 && isBirthday = true ) + { + return 2; + } +} +" +3ef1a6289321a406c653d7a579f171fad4a93276,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 && speed <= 80) + { + return 1; + } + if (speed >= 81 && isBirthday) + { + return 5; + } + return 2; +} +" +6135e39c13839467d985633a3768eb9b12c580e3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 || speed <= 80) + { + return(1); + } + else if (speed >= 81) + { + reutrn(2); + } +} +" +329a5f35902be0ef9fe7e317776055fe00d92305,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if(speed <= 65) + return 0; + else if (66 <= speed && speed <= 85) + return 1; + else if (86 <= speed) + return 2; +} +" +c20e22c78517272afd8c12d137d41b89d6ed9115,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + + if (speed <= 65 && isBirthday == true ) + { + return 0; + } + + if (speed >= 66 && speed <= 85 && isBirthday == true ) + { + return 1; + } + + if (speed > 86 && isBirthday == true ) + { + return 2; + } +} +" +95e9d2936fb04637fa2f51a9370b3ef9b6bbbb21,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 || speed <= 80) + { + return ""1""; + } + else if (speed >= 81) + { + reutrn ""2""; + } +} +" +dd3a4296a112454f980d0f438c1319b2e1005de3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + + if (speed <= 65 && isBirthday == true ) + { + return 0; + } + + if (speed >= 66 && speed <= 85 && isBirthday == true ) + { + return 1; + } + + if (speed > 86 && isBirthday == true ) + { + return 2; + } + + return; +} +" +cc930228eae1f2c6343dedc8b399461e4f06755f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 || speed <= 80) + { + return ""1""; + } + else if (speed >= 81) + { + reutrn ""2""; + } +} +" +4f34fa9ead78305e3d5ceaa7ba28311031fafba1,"public int caughtSpeeding(int speed, boolean isBirthday) { + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + }" +4ddf491c8a696887aec696f2f96ab5805d1a320a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + if (speed <= 60) + { + return ""0""; + } + else if (speed >= 61 || speed <= 80) + { + return ""1""; + } + else if (speed >= 81) + { + return ""2""; + } +} +" +ccd5712bddd8e34be57395e93212bc3ed0b79d19,"public int caughtSpeeding(int speed, boolean isBirthday) { + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } +}" +a84d91c93f51c86a6e530e95075430948ead5247,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + + + if (speed <= 60) + { + ticket = noTicket; + } + else if (speed <= 80 && speed >= 61) + { + ticket = smallTicket; + } + else if (speed >= 81) + { + ticket = bigTicket; + } + + return ticket; +} +" +31bc0275e3aaefb9abd21ea0d494b206f5c4edc6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed = 0; + return ""no ticket""; + else if + + +} +" +d67b3623c129903f58c13b274246a5b939c9f378,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + noTicket = 0; + smallTicket = 1; + bigTicket = 2; + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 || speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +814cba1b2c31dad450d6c2955ebf6620847d4c73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed = 0; + return ""no ticket""; + + + +} +" +9157cb301080222c9ca04dddab2212bbb3b262b2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 || speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +c1a847becf27cf15a6c291e650a7a71e8de856d9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 || speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +20baf0cf7a478baadba99da0a36949a6e246637c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + + + if (speed <= 60) + { + ticket == noTicket; + } + + if (speed <= 80 && speed >= 61) + { + ticket == smallTicket; + } + + if (speed >= 81) + { + ticket == bigTicket; + } + + return ticket; +} +" +6e7133ae6c0f0c3df420a133ede8277d0b242939,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + + + if (speed <= 60) + { + ticket = noTicket; + } + + if (speed <= 80 && speed >= 61) + { + ticket = smallTicket; + } + + if (speed >= 81) + { + ticket = bigTicket; + } + + return ticket; +} +" +9115673449fcf8e5123faad744152c7cfdb7d37a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 0; + return ""no ticket""; + + + + +} +" +a842d8f0c945a7c02cef57dad99bb6868b18f72c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(30, false); + private int noTicket = 0; + private int smallTicket = 1; + private int bigTicket = 2; + if (speed <= 60) + { + return noTicket; + } + else if (speed >= 61 || speed <= 80) + { + return smallTicket; + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +dab636b634b4fcebfdd06dba022dfe603a1cc0d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 0); + return ""no ticket""; + + + + +} +" +63ec88c23c789c009e8277a213f206df4372c414,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + + if (speed > 81) + { + return 2; + } + +} +" +f4853f985708090e7c75b54e194ba134a87210a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday == true)) + { + + if (speed <= 60) + return 0; + else if (speed > 60 && speed <= 80) + return 1; + else + return 2; + + } + + + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +6dbab7bc521d79e177ee20320184f3a6546d173b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + + if (speed <= 60) + { + return 0; + } + else if(speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + +} +" +889ac06d6187aeee8e463ef69e71b041f90f17e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed >= 81) + return 2; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 0; +} +" +a137e8996cc8e17dbd426e506cc3f2d0d6932131,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) { + int diff = 5; + } + else { + int diff = 0; + } + if (speed > 80 + diff) { + return 2; + } + else if (speed > (60 + diff) && speed < (81 + diff)) { + return 1; + } + else { + return 0; + } +} +" +8027736dd2f2c8fc5b3889e9b01b5f88948fe931,"public int caughtSpeeding(int speed, boolean isBirthday) { +{ + if(isBirthday) + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <=) { + return 1; + } else if(86 <= speed) { + return 2; + } +} + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <=80) { + return 1; + } else { + return 2; + } +} + +" +9e9e817abd4917dd6d523071ba8bb063afb91ea1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int diff; + if (isBirthday = true) { + diff = 5; + } + else { + diff = 0; + } + if (speed > 80 + diff) { + return 2; + } + else if (speed > (60 + diff) && speed < (81 + diff)) { + return 1; + } + else { + return 0; + } +} +" +a22cd8a34d76f35de79c7c6298f828502dd7dd57,"public int caughtSpeeding(int speed, boolean isBirthday) { +{ + if(isBirthday) + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } +} + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <=80) { + return 1; + } else { + return 2; + } +} + +" +0bc2512e5f1831c5b8690b3281aebd8322cb8565,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed = speed -5; + + if (speed >= 81) + return 2; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 0; +} +" +45c15854c1f91c5c273978e97ed0224f6af5b731,"public int caughtSpeeding(int speed, boolean isBirthday) { + if (isBirthday) speed -= 5; + if (speed <= 60) return 0; + return (speed > 60 && speed <= 80) ? 1 : 2;" +87f63d1922edef0ec371cce4514cfde7fed2d640,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed; +} +" +5e1761f594796412c2fcc31c385be4dcc533f364,"public int caughtSpeeding(int speed, boolean isBirthday) { + if (isBirthday) speed -= 5; + if (speed <= 60) return 0; + return (speed > 60 && speed <= 80) ? 1 : 2; +}" +786e2a7ae18030a319b75de2f3816e9e74057550,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed < 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +1acdd3d97d1e1447dcd20f665859c80fdf749ae4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +84b701fa164b009d2e00bd6cf1bbc34cdce2fdc8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } +} +" +6e6174be9cad6fd4f2c8428dc72c2581f7d9b75f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed <= 60 + { + int ticket = 0 + } + + if speed < 81 && speed > 60 + { + int ticket = 1 + } + + if speed >= 81 + { + int ticket = 2 + } +} +" +34a2dbc784d580598e0e579c5e10aa14359c2216,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int diff; + if (isBirthday = true) { + diff = 5; + } + else { + diff = 0; + } + if (speed >= 81 + diff) { + return 2; + } + else if (speed >= (61 + diff) && speed <= (80 + diff)) { + return 1; + } + else { + return 0; + } +} +" +59c9e5e10e7127abf754eab5230537e9fbb78941,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if speed <= 60 + { + int ticket = 0; + } + + if speed < 81 && speed > 60 + { + int ticket = 1; + } + + if speed >= 81 + { + int ticket = 2; + } +} +" +f8d259832d0d898a3d2aeb95be87f6aba3b68dd0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; +if (birthday == false) { +if (speed <= 60) { +result = 0; +} else if (speed <= 80) { +result = 1; +} else if (speed > 81) { +result = 2; +} +} else { +if (speed <= 65) { +result = 0; +} else if (speed <= 85) { +result = 1; +} else if (speed > 86) { +result = 2; +} +} +return result; +} +" +89d73e2fadea4a6aba3245491b81f07809ce50f0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + + +} +" +1427b650683f9452dde00cff12f390f93ca64607,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; +if (isbirthday == false) { +if (speed <= 60) { +result = 0; +} else if (speed <= 80) { +result = 1; +} else if (speed > 81) { +result = 2; +} +} else { +if (speed <= 65) { +result = 0; +} else if (speed <= 85) { +result = 1; +} else if (speed > 86) { +result = 2; +} +} +return result; +} +" +9c38c23e0922f0c67897447639a1afde0a60aae9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; +if (isbirthday == false) { +if (speed <= 60) { +result = 0; +} else if (speed <= 80) { +result = 1; +} else if (speed > 81) { +result = 2; +} +} else { +if (speed <= 65) { +result = 0; +} else if (speed <= 85) { +result = 1; +} else if (speed > 86) { +result = 2; +} +} +return result; +} +" +a34e0af18ce4e52d9e20d97bf036178b13ffe3ab,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + int ticket = 0; + } + + if (speed < 81) && (speed > 60) + { + int ticket = 1; + } + + if (speed >= 81) + { + int ticket = 2; + } +} +" +7b79b6a1db6b3af7927ca39949a4fda05e6ce79b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; +if (isBirthday == false) { +if (speed <= 60) { +result = 0; +} else if (speed <= 80) { +result = 1; +} else if (speed > 81) { +result = 2; +} +} else { +if (speed <= 65) { +result = 0; +} else if (speed <= 85) { +result = 1; +} else if (speed > 86) { +result = 2; +} +} +return result; +} +" +aedbd2e7f26a07ccccec14b1c680f3188182f71c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< 60); + { + return 0; + } + if (speed > 60 && speed <= 80); + { + return 1; + } + if (speed > 80); + { + return 2; + } + + + + +} +" +5e0a669bd52de1cf6f834b0d488b10d87f92c46f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + int ticket = 0; + + + if (speed <= 60) + { + ticket = noTicket; + } + + if (speed <= 80 && speed >= 61) + { + ticket = smallTicket; + } + + if (speed >= 81) + { + ticket = bigTicket; + } + + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = noTicket; + } + if (speed <= 85 && speed >= 66) + { + ticket = smallTicket; + } + if (speed >= 86) + { + ticket = bigTicket; + } + } + return ticket; +} +" +c97ca4497841e35e98e907196186e557b8e2e5ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed =< 60); + { + return 0; + } + if (speed > 60 && speed <= 80); + { + return 1; + } + if (speed > 80); + { + return 2; + } + + + + +} +" +7b1d9ed77ae1099516d7908188ddbc563ec2d000,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed =< 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + + + + +} +" +099625f666cfb7d0bec6f180ea3deffb28090baf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (isBirthday == false) { + if (speed <= 60) { + result = 0; + } else if (speed <= 80) { + result = 1; + } else if (speed > 81) { + result = 2; + } + } else { + if (speed <= 65) { + result = 0; + } else if (speed <= 85) { + result = 1; + } else if (speed > 86) { + result = 2; + } + } + return result; +} +" +ed3cdd47b2b6dd87974f60d80d6208265213efb0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + } +} +" +947a77da53fa21179986c9fa25f19fb4729358e5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday == false) { + if (speed <= 60) { + result = 0; + } else if (speed <= 80) { + result = 1; + } else if (speed > 81) { + result = 2; + } + } else { + if (speed <= 65) { + result = 0; + } else if (speed <= 85) { + result = 1; + } else if (speed > 86) { + result = 2; + } + } + return result; +} +" +915f5367a477e2d9e7b07abee7bc073f893523eb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed >= 86) { + return 2; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else { + return 0; + } + } + if (!isBirthday) { + if (speed >= 81) { + return 2; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else { + return 0; + } + } +} +" +32500f91462c7d76290ba556f0da8f5c4569fb2a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +14e549243fcb685eb7dadb76d2b681cf6c8f360f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + + } +} +" +d69fd9637f25a6640d5ce5d0a565ec6731bde490,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + if (speed >= 86) + { + return 2; + } + } + } +} +" +aed9a1800b38f846a86b78959d2fb0477cc28f4f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + else if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +c68985c5feeca0b07d36b45e429c1cbdeeea8a55,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = ""no ticket"" + 1 = ""small ticket"" + 2 = ""big ticket"" + if (speed =< 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + + + + +} +" +d453fc67a2b474f69879204e5d97ecdcd0e8ebfd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + } +} +" +2682253c2ce60a941d7c3eac7acdd3c047d5a022,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed >= 86) { + return 2; + } + else if (speed >= 66 && speed <= 85) { + return 1; + } + else { + return 0; + } + } + if (!isBirthday) { + if (speed >= 81) { + return 2; + } + else if (speed >= 61 && speed <= 80) { + return 1; + } + else { + return 0; + } + } + return 1; +} +" +084ecaca659bd546909fc2fe20045f48dc555b10,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +686b05a0f55ca0a77adc31e19a5139e90896ce27,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = ""no ticket"" + 1 = ""small ticket"" + 2 = ""big ticket"" + if (speed =< 60)) + { + return 0; + } + if (speed > 60 && speed <= 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } + + + + +} +" +288d3ec59b168f50ff8b8698b63ea84d2a60ff06,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 + addSpeed = 0 + + if isBirthday + { + addSpeed = 5 + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed)) && (speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } +}" +ff41fcd5d3506b596823bd393a8c378f7d3b7aba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + addSpeed = 0; + + if isBirthday + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed)) && (speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } +}" +834fa215a8d67c874b71b121e3ab87a27bcbdb44,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) speed -= 5; + if (speed <= 60) return 0; + return (speed > 60 && speed <= 80) ? 1 : 2; +} +" +0a5a72ef58409746313c4a52ac650d80b9e3a39c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + addSpeed = 0; + + if (isBirthday) + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed)) && (speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } +}" +77198dfd4b5c0857ffca4eed58bbebeb8354a1de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +2e155673aff7bec96bc72d929189c39b30a22608,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + addSpeed = 0; + + if (isBirthday) + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed) speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } +}" +9a300ee7de4e4d6964d9a126a93f843f6bf64010,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + addSpeed = 0; + + if (isBirthday) + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed) && speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } +}" +a3d5a891c0523654d523f958ce0c65711fdc1796,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + int addSpeed = 0; + + if (isBirthday) + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed) && speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } +}" +0b965a0ba33bc91ba0bbb0888cce4ece695995a4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = ""no ticket""; + 1 = ""small ticket""; + 2 = ""big ticket""; + if (speed =< 60)) + { + return 0; + } + if (speed > 60 && speed <= 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } + + + + +} +" +ad74bbc24029e89f779bc79cba15721779069890,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 60) + { + this.ticket + { + 0 + } + } +} +" +8a75570d81d63e3ed71fb1d4150dfa8c6c79ea11,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } +} +" +ab7036990b10a1527c0fa33eded385203198f04a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 60) + { + this.ticket(); + { + 0 + } + } +} +" +c4580ea78796ef8d69cd5d0b2caad49e40061fcd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 60) + { + this.ticket(0); + } +} +" +0fb754ff4343cabf5e8a18b188df6b1c41aa3aba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + int addSpeed = 0; + + if (isBirthday) + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed) && speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } + + return ticket +}" +0f3c0741c69db58d2ee43c9d148fdcfb6c8fbb3e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 60) + { + this.ticket() == 0; + } +} +" +0ce53811090ccf43c5a47611703d454d2586690f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 60) + { + this.ticket() == 0; + } +} +" +8b1bc987f8cb005ab94bde5985c7c881e936895a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + int addSpeed = 0; + + if (isBirthday) + { + addSpeed = 5; + } + + if (speed <= (60 + addSpeed)) + { + ticket = 0; + } + + if (speed < (81 + addSpeed) && speed > (60 + addSpeed)) + { + ticket = 1; + } + + if (speed >= (81 + addSpeed)) + { + ticket = 2; + } + + return ticket; +}" +a4490c272c7480c88ead3a5c6cc6a8c4b7f91838,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed = 60) + { + ticket == 0; + } +} +" +2f0c0fc2ed4ba142581ce01f007f966b5d8baab5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0 = ""no ticket""; + 1 = ""small ticket""; + 2 = ""big ticket""; + if (int speed =< 60)) + { + return 0; + } + if (speed > 60 && speed <= 80)) + { + return 1; + } + if (speed > 80)) + { + return 2; + } + + + + +} +" +99fadadb55fd9c4a5c181c77d8ad46a2ec7c2cd1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed = 0; + while (isBirthday = true); + { + speed = speed - 5; + + if (speed <= 60) + { + System.out.println (""0""); + + } + else + { + if (speed <= 80) + { + System.out.println (""1""); + } + else + { + System.out.println (""2""); + } + } + } +} +" +4aa45ea0033ea05b0e4b9df322dfefbb45476d92,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + while (isBirthday = true); + { + speed = speed - 5; + + if (speed <= 60) + { + System.out.println (""0""); + + } + else + { + if (speed <= 80) + { + System.out.println (""1""); + } + else + { + System.out.println (""2""); + } + } + } +} +" +eb2f7d98574a08b744f219e02b9bb50870309fba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + return null; +} +" +5aebeac897e4d8d5dffe008856aed2780ee51573,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + return int; +} +" +60098e1928d452e84d88ff494fcd5a46b311edb7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + if (speed >= 66 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + return speed; +} +" +3b56a4257371c1da19eabe5ba3670aac2643d1d1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(i<60, true) == ""0"" + +} +" +c2e0d9590b5e0ef8a7ac8da0b058488c77b89c91,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(i<60, true) == ""0"" + +} +" +17d6050402da3e18a70bbb7b125f9256be447934,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(i<60, true) == ""0""; + +} +" +7a28897a653ec71e025533b33019021a083cfa37,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(i<60, true) == ""0""; + +} +" +ff996736e2d704c1be1a5bed47e8fe2a58ad7fe5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + caughtSpeeding(i<60, true) == ""0""; + +} +" +899a0b66433a9e54a1645cff3b04745cd57e1385,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed -= 5; + + if (speed <= 60) + + return 0; + + else if (speed <= 80) + + return 1; + + else + + return 2; +} +" +29fd7712b172d088b9ce97adaa8fbf4ac6f2b001,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 || speed <= 80) + { + return 1; + } + if (speed >= 81 && isBirthday) + { + return 5; + } + return 2; +} +" +b6684fee2c5aa99f1f389659aed57a61c103ec1d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed >= 60 || speed <= 80) + { + return 1; + } + if (isBirthday) + { + return 5; + } + return 2; +} +" +f7365f9c41fbd17b5980a4efd9a652298699b9fc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1 + if birthday == false) { + if (speed <= 60) { + result = 0; + } + else if (speed <= 80) { + result = 1; + } + else if (speed >= 81) { + result = 2; + } + } + else { + if (speed <= 65) { + result = 0; + } + else if (speed <= 85) { + result = 1; + } + else if (speed >= 86) { + result = 2; + } + } + return result; +} +" +2cef0d6aec19030139831cfffcf33241831427fd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1 + if (birthday == false) { + if (speed <= 60) { + result = 0; + } + else if (speed <= 80) { + result = 1; + } + else if (speed >= 81) { + result = 2; + } + } + else { + if (speed <= 65) { + result = 0; + } + else if (speed <= 85) { + result = 1; + } + else if (speed >= 86) { + result = 2; + } + } + return result; +} +" +3d0ef8c59991036bde6bb4b7d7bfd362b0a30b9f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (birthday == false) { + if (speed <= 60) { + result = 0; + } + else if (speed <= 80) { + result = 1; + } + else if (speed >= 81) { + result = 2; + } + } + else { + if (speed <= 65) { + result = 0; + } + else if (speed <= 85) { + result = 1; + } + else if (speed >= 86) { + result = 2; + } + } + return result; +} +" +896ed529b1b262cc6e4446b055eede0e3e5ef0b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (isBirthday == false) { + if (speed <= 60) { + result = 0; + } + else if (speed <= 80) { + result = 1; + } + else if (speed >= 81) { + result = 2; + } + } + else { + if (speed <= 65) { + result = 0; + } + else if (speed <= 85) { + result = 1; + } + else if (speed >= 86) { + result = 2; + } + } + return result; +} +" +2c009dd9f508f7af109ad5a668834bb074798fda,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5 + } + if (speed <= 60) + { + return(0) + } + if (speed >= 61 && speed <= 80) + { + return(1) + } + if (speed >= 81) + { + return(2) + } +} +" +61fb04239ed089a3629dd06c9b4307c4c2c73fbb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5 + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } +} +" +4105e06c6004d280b2758c97da88a769be158398,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return(0); + } + if (speed >= 61 && speed <= 80) + { + return(1); + } + if (speed >= 81) + { + return(2); + } +} +" +9a286b9ae6f8bd6624398940135ef86330e97914,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60 && !isBirthday) + { + return 0; + } + else if(speed >=61 && <= 80 && !isBirthday) + { + return 1; + } + else if(speed >= 81 &&!isBirthday) + { + return 2; + } + if(speed <= 65 && isBirthday) + { + return 0; + } + else if(speed >=66 && <= 85 && isBirthday) + { + return 1; + } + else if(speed >= 86 && isBirthday) + { + return 2; + } + + +} +" +97fe9342ff952a5ba256663ee424fb127c763eae,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a = 0 + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return(a = 0); + } + if (speed >= 61 && speed <= 80) + { + return(a = 1); + } + if (speed >= 81) + { + return(a = 2); + } +} +" +9faafc79be1d20a3af6085b428dcf4986657f2c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int a = 0; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return(a = 0); + } + if (speed >= 61 && speed <= 80) + { + return(a = 1); + } + if (speed >= 81) + { + return(a = 2); + } +} +" +70dc04d4ffd4546ac9be1b7d3a40f05e8d1e0416,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return(0); + } + else if (speed >= 61 && speed <= 80) + { + return(1); + } + else if (speed >= 81) + { + return(2); + } +} +" +0da93278065e983dde2ed2a1fde17a016d63ba08,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } +}" +bdc2f3c5f4aedd533cd5773e57962b448e3d0735,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } +}" +57f0d84039138afde55a58c256f05a0b18ddd3df,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0 + +} +" +d057e4af0fe404df5082411a66cb8416ccac5b9c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0 + +} +" +b9ae15de859ba4bff9e401b2dc690a0bef2af349,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + return 0; + +} +" +ea140c36a0192aef9932ef44dd6ea274ff8e0bc2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <=60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +15c516249786b4f170602fcb486f2814fc5c7bcc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if ( speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +b37f128be62da543ccc8fd5dfb73619090e0fd16,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + // isBirthday is boolean + // if birthday, speed can be > 5 + // if speed < 60; 0 + // if 61 > speed > 80; 1 + // if speed < 81; 2 + + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +}" +ade160e5ee3b4803d01765e7ca316492cc9eaf7e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else if (speed >= 60) + { + return 1; + } + if (isBirthday) + { + return 5; + } + return 2; +} +" +d9db2d8b0d6a8fca8cf67d2b384fa2b538babdde,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + int = 0 + } + if (speed > 60 && <= 80) + { + int = 1 + } + if (speed <80) + { + int = 2 + } +} +" +68c510e3ae2a5f68173421badd6c7e8d285e1fd9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0 + } + else if (speed >= 61 && speed <= 80) + { + return 1 + } + else if (speed >= 81) + { + return 2 + } +} +" +1290006808af835f5e3aaef29ab64e30d6e3e850,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } +} +" +17b33d469e4c09fb4b418fef047f80badc135a66,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + if (boolean = true) + { + speed + 5 + } +} +" +567cb59004c1872b01c15fbfc44cbf969d904eff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else if (speed >= 60) + { + return 1; + } + if (isBirthday) + { + return 5; + } + if (speed >= 81) + { + return 2; + } +} +" +b9f0fb68d03892cb3d75ef003f6a282fa27265e2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else if (speed >= 60) + { + return 1; + } + if (isBirthday) + { + return 5; + } + if (speed >= 81) + { + return 2; + } + return 1; +} +" +97e3aad31820d0b7f853794fb741e4a6c1b79da8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else if (speed >= 60) + { + return 1; + } + if (isBirthday) + { + return 5; + } + if (speed > 81) + { + return 2; + } + return 1; +} +" +352af742bea1fc27bb078fe2f48adea3ec580ad8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else if (speed >= 60) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + else if (speed > 81) + { + return 2; + } + return 1; +} +" +acc8b82f3d6258199031951c0789cfc3088001bb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 60) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + else if (speed > 81) + { + return 2; + } + return 1; +} +" +4cf54e885fdba6b9906c687975e909239a8c46c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 61) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + else if (speed > 81) + { + return 2; + } + return 1; +} +" +7dfa9f321b04db57edadb25e830b4b270d49fb4f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 61) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + else if (speed >= 81) + { + return 2; + } + return 1; +} +" +5fb5926595febbf83aa8e2d0ca8cfd683ea93e33,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == false) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else + return 2; + } + + else + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else + return 2; + } + +} +" +d08ac915aaa9d2c8f09b8a62236ab136e068f51d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + else + { + return 0; + } + +} +" +3d998f4975672b663712d9c5e09f6ce4eb3ebd86,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + return 0; + } + +} +" +0e1696883bf18150cd29c404e168991f791a9ed0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else if (speed >= 61) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +c2d274168fd401ed8fc012faefc94ed59e917735,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed2 = speed; + if (isBirthday == true) { + speed2 = speed2 - 5; + } + if (speed2 >= 61 && speed2 <= 80) { + return 1 + } + else if (speed2 >= 81) { + return 2; + } + else { + return 0; + } +} +" +6fdc462c799f78a7620daa5281ee204e1c7da095,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int speed2 = speed; + if (isBirthday == true) { + speed2 = speed2 - 5; + } + if (speed2 >= 61 && speed2 <= 80) { + return 1; + } + else if (speed2 >= 81) { + return 2; + } + else { + return 0; + } +} +" +10570d94b5f9d54ca9d6785182af4dc71cc1e868,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + + if (speed <= 60) + + return 0; + + if (speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + + } else if (speed <=65) + + return 0; + + else if (speed > 65 && speed <= 85) + + return 1; + + else + + return 2; +} + " +2b20804060490cbec7cd81d821bcbd03d23cf998,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) || (speed >= 61) + { + return 1; + } + else if (speed >= 61) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +44aebfc2af51d0665ceab1f3cd33987ef5696bc4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed <= 80) || (speed >= 61)) + { + return 1; + } + else if (speed >= 61) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +cffb79df29ff5149e162c5db3fd858854238e38e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed <= 80) || (speed >= 61)) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +6cc924f368e72bc5c6b0fc8cebb6ed547b90a349,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if isBirthday = true{ + if speed <= 60 + { + result = 0; + } + else if speed <=80 + { + result = 1; + } + else + { + result = 2; + } + } +} +" +9a53ae24d28c707f141dcade7d3ff9e552c10a2c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed <= 80) || (speed >= 61)) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +b0652507a51a3c47e06c332186461f6a42d9d0ff,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if isBirthday = true + { + if (speed <= 60) + { + result = 0; + } + else if (speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +5e9c928dc6a63ef98bd708278dc4d377881cbfd1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday = true) + { + if (speed <= 60) + { + result = 0; + } + else if (speed <= 80) + { + result = 1; + } + else + { + result = 2; + } + } +} +" +fdf1f3d6a543dafa7c6c111c8b8ada21a2f0a57b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return noTicket; + } + else if (speed <= 80 || speed >= 61) + { + return smallTicket; + } + else if (speed > 81) + { + return bigTicket; + } +} +else +{ + if (speed <= 65) + { + return noTicket; + } + else if (speed <= 85 || speed >= 66) + { + return smallTicket; + } + else if (speed > 86) + { + return bigTicket; + } + +} +" +42149df6af9091a4f34d2f0b97b68c083ecbcec5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday = true) + { + if (speed <= 60) + { + return 0 + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + } +} +" +f97dfdb0e72633c6a6e20db5e48ed97cadb2c423,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + } + +} +" +b1e8e8f15a7928756c5c03f0dd18571035f1d4ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed <= 80) || (speed >= 61)) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +172907989c0e4fb400205ed31b2f0bd2286225b3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + } + return +} +" +c3fa4d907b7c22e2064401e8c2c90278ff9cfd01,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + } +} +" +9bf769410bd84bbdfaf0f8e15b6d725bfec17a66,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday = true) + { + speed = speed + 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +0f8f47aa4a91ca47b9ec474d9385caa075e383ad,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed <= 80 || speed >= 61)) + { + return 1; + } + else if (isBirthday) + { + return 5; + } + return 2; + +} +" +57e056e68610b2233046dc166f8fdb09adc86f9e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0=no ticket + 1=big ticket + + if(isBirthday) + speed-5 + + if(speed<61) + 0 + elseif(60 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + } +;} +" +277a697163f9a47c538edb1e821ecd0c915c65fb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 81) + { + return 1; + } + else + { + return 2; + } +} +" +024f34d3212ac5e90c3738664120faa5cf4986d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0=no ticket; + 1=big ticket; + + if(isBirthday); + speed-5; + + if(speed<61); + 0; + elseif(60 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + } +return;} +" +812e1fc6d5a0a7074623298568a3d32bab7c967a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed <= 80) + { + return 1; + } + else + { + return 2; + } + else if (isBirthday) + { + return 5; + } +} +" +394c038b159fe2d6ee1169068e5e3b8de3fafc51,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday = true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +060d8f4ef7dc0d45257c519209be5c3e40c07711,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + if (speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + if (speed > 65 && speed <= 85) + { + return 1; + } + if (speed > 85) + { + return 2; + } + + } +return 0;} +" +03801fa7849fac2ca1fb0031bec020a6150f384d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + else if (isBirthday) + { + return 5; + } +} +" +0aa8b7f88e37f226946b4f0d12685ab33e6921b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + else if (isBirthday) + { + return 5; + } +} +" +c2d768d5ab9f7b2e6cf268faa2008d3dce8eca73,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + if (isBirthday) + { + return 5; + } +} +" +0d38a3b3464f5d971a097be8fd5ed8ab0ba11d25,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +a3cbed24888cd78147e43df74eac5778139f78f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (isBirthday) + { + return 5; + } + if (speed <= 80) + { + return 1; + } + return 2; + + + +} +" +51f5d7070803828e25e9abb61f386118e33576f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed<60) + { + ticket = 0; + } + + else if (speed>=61 || speed<=80) + { + ticket = 1; + } + + else + { + ticket = 2; + } + } +} +" +131aeb13c917f3b8a5c4c05ee03cd198dc9ac150,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed<60) + { + return 0; + } + + else if (speed>=61 || speed<=80) + { + return 1; + } + + else + { + return 2; + } + } +} +" +ec6a500fc0f1eec93a05ae505f9ffadc0c5d6038,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speeed = 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + return 2; + + + +} +" +e7b72879ca255671a23c0e584e8cea181a1a699b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!(isBirthday)) { + + if (speed <= 60) + + return 0; + + if (speed > 60 && speed <= 80) + + return 1; + + else + + return 2; + + } else if (speed <=65) + + return 0; + + else if (speed > 65 && speed <= 85) + + return 1; + + else + return 2; + + +} +" +8fe6ddd75391c3deee9eefe9a65e5b59d16da927,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + return 2; + + + +} +" +1b1e21a3d2d96ddcbc0c94aa5f6ec1a53d7996a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +447a6c93599a9ace97f3550282d653d62756f455,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +c6b2a8ce39d738e7869d498c8dd221cb3c77f50d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed+5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + return 2; + + + +} +" +35d3be7fd098d3e470271e05ac340f751785a8a2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed-=5; + if speed <= 60 + return 0; + else if speed <= 90 + return 1; + else + return 2; +} +" +42714555979983d71a3c60ebef2269a102c19be9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + if (speed >= 86) + return 2; + + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + if (speed >= 81) + return 2; +} +" +4177c87c053cde606c4e2d0116a96d33882acea5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + 0=no ticket; + 1=small ticket; + 2=big ticket; + + if(isBirthday); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} +else +{ + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else if (speed > 86) + { + return 2; + } + +} +" +c2df71c832cd54a2009d0baa1f4cb9123930b707,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed-=5; + if (speed <= 60) + return 0; + else if (speed <= 90) + return 1; + else + return 2; +} +" +de76d9b67e5bd73cbb3d19bcbde9ad964a382987,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60 60 && speed <= 80) + + return 1; + + else + + return 2; + } + + + if (speed >= 81) + { + return 2; + } + + if else (speed >= 86 && isBirthday) + { + return 0; + } +} +" +4af58651d7a8ed3e66714bb7aa578ebd0c6b8ac7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed+5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + + + +} +" +767f3124802c98664f57a6ca709fb1e7050ef74e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (birthday == fals) + {if (speed <= 60) + {result = 0;} + else if (speed <= 80) + {result = 1;} + else if (speed > 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +1304c01f0965630c62b20feeae2a32d4350edf25,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed = speed+5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + return 2; + + +} +" +8d30c8af9c4fc161f8271046e7be17d7e1468a72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +3fcca7bbe3e0f2ccae5d7b309398f17c51662957,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed-=5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; +} +" +4df9260ae24956e105515c6105d37200cfdba4ec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (Birthday == fals) + {if (speed <= 60) + {result = 0;} + else if (speed <= 80) + {result = 1;} + else if (speed > 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +93dc18de42bef356df18bd669de4d0eb7530f64a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + if (speed >= 86) + return 2; + + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + if (speed >= 81) + return 2; + +} +" +2f4bb7decae86a76f9c5e7db04e2f59c75abe47b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday=True); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60 60 && speed <= 80) + + return 1; + + else + + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; + + +} +" +2044637e1626e58b0a6b0fcae5c79909b7240cbe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthdaytrue); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +20265b03ea6b3d9e48b871730764cbf295283ad7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 || speed >= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} + + +{ + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } + +} +" +a359def7e430797d27567b41d2ca15840c24b570,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed<60) + { + t=0; + } + + else if (speed>=61 || speed<=80) + { + t=1; + } + + else + { + t=2; + } + } + return t; +} +" +f80baa0d68b23707908e73cf687c5ea932dd49f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday=true); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +989a6586f86413b310c16a8e2b1660e565c73c7a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if isBirthday; + speed=speed-5; + + if(speed<61); + return 0; + elseif(60=61 || speed<=80) + { + t=1; + } + + else + { + t=2; + } + } + return t; +} +" +c40b225bcbde6410e1eac2fec50a11136884890a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} + + + + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } + + +" +2f4d41a75cf90415540141bda800a86d43fe22f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} + + +{ + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } +} + +" +74516b2c5622c1fb74aa131a7d2f459aa19343d5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed<=80) + { + t=2; + } + + else if (speed<=80) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +ae38e93f1ba5cfdc4b648bc32120e699a4a6b6c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday=true); + speed=speed-5; + + if(speed<61); + return 0; + elseif(60= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} + + +{ + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } +} + +" +2b76b4d0fdcd2c39885db7c10b1e4d3e1d4398e5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed>=81) + { + t=2; + } + + else if (speed<=80) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +0f1b53784930785f2e2a2e6e396378f64e1c7ea5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed>=81) + { + t=2; + } + + else if (speed>=60) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +b4b683db4e2977e299981a2a63ea2a1283474e20,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (isBirthday == false) + {if (speed <= 60) + {result = 0;} + else if (speed <= 80) + {result = 1;} + else if (speed > 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +58d65d0371598d180c89272cec02a55e625945d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + } + else + { + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +5c654570a9eb09a21c53aea8268250c83ce5bc20,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +int result = -1; +if (birthday == false) { +if (speed <= 60) { +result = 0; +} else if (speed <= 80) { +result = 1; +} else if (speed > 81) { +result = 2; +} +} else { +if (speed <= 65) { +result = 0; +} else if (speed <= 85) { +result = 1; +} else if (speed > 86) { +result = 2; +} +} +return result; +} +} +" +bbfb07e3cd5552565ae16f0be1c6b2e96389e65c,"public int caughtSpeeding(int speed, boolean isBirthday) +if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +2679f3aed9a3f30f71177c92a5f52149da11d5c1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + return t; + } + else + { + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +bb2ccb9cca1ca96d38d25e06be47e29bfaf411d2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + return t; + + else + { + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +e408ef964a49a20664da9fe6d3fdbba56d400103,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (isBirthday == false) + {if (speed <= 60) + {result = 0;} + else if (speed <= 80) + {result = 1;} + else if (speed > 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +7954558a452c9b9ea48bc9f6dd822f230d21971c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = -1; + if (isBirthday == false) + {if (speed <= 60) + {result = 0;} + else if (speed <= 80) + {result = 1;} + else if (speed > 81) + {result = 2;}} + else + {if (speed <= 65) + {result = 0;} + else if (speed <= 85) + {result = 1;} + else if (speed > 86) + {result = 2;}} + return result; +} +" +87b9fa5f5f904160aa400550ead08203a5913d2c,"public int caughtSpeeding(int speed, boolean isBirthday) +if(isBirthday) + if(speed <= 65) + return 0; + else if(66 <= speed && speed <= 85) + return 1; + else if(86 <= speed) + return 2; + + + + if(speed <= 60) + return 0; + else if(61 <= speed && speed <= 80) + return 1; + else + return 2; + + +" +c4e8ed789dab49521bf6a8c49e21be0fbc9ce111,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int t=0; + if (isBirthday==true) + { + speed = speed-5; + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + + else + { + if (speed>=81) + { + t=2; + } + + else if (speed>=61) + { + t=1; + } + + else + { + t=0; + } + } + return t; +} +" +ab9d0df522f092a6c02399f5f9cce5435aebcc26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 || speed >= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } +} + + +{ + if(isBirthday) + + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } + } +} + +" +54f6afbbc844055a6e2e496f4910cfb52e3f517d,"public int caughtSpeeding(int speed, boolean isBirthday) +if(isBirthday) +( + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +) + + +" +431a5c533a877c3710f1b621bdcd1af9e1942ca8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == True && speed <= 65)) + { + return noTicket + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == True) + { + return noTicket + } + else + { + return smallTicket + } + } + else if (speed >= 81) + { + return bigTicket + } +} +" +e063dd2cda2f625d797a06811e35b639e07db376,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + if (speed <= 80) + { + return 1; + } + return 2; + + +} +" +df64cd8f90bd688b99241e8a064f334c0964402a,"public int caughtSpeeding(int speed, boolean isBirthday) +if(isBirthday) +{ + if(isBirthday); + speed -= 5; // diff limit is higher now + if(speed <= 60); + return 0; + else if(speed <= 80); + return 1; + else + return 2; +} + + +" +7e9b9e361c9eb33e07f5818771c8dda3ca72ba54,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == True && speed <= 65)) + { + return noTicket; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == True) + { + return noTicket; + } + else + { + return smallTicket; + } + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +5b91dcce7a9ed412b5907cdaa879e862f04e0be1,"public int caughtSpeeding(int speed, boolean isBirthday); +if(isBirthday) +{ + if(isBirthday); + speed -= 5; // diff limit is higher now + if(speed <= 60); + return 0; + else if(speed <= 80); + return 1; + else if + return 2; +} + + +" +f953c78f7273e8a1698c76e9b5790c384d543ee6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return noTicket; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + return noTicket; + } + else + { + return smallTicket; + } + } + else if (speed >= 81) + { + return bigTicket; + } +} +" +d07f11178f88b24b0a744a999ea5644140242b68,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket x; + if(speed<=60) + + + +} +" +a04d56129d29733a0e865cfbd581be2c2101b2ce,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; // diff limit is higher now + if(speed <= 60); + return 0; + else if(speed <= 80); + return 1; + else if + return 2; +} + + +" +a688bd9365d645671b48dd1911e5a5b44751b7de,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 61 && speed <= 80) + { + result = 1; + } + else if (speed > 81) + { + result = 2; + } + + if (isBirthday == true) + { + if (speed <= 65) + { + result = 0; + } + else if (speed > 66 && speed <= 85) + { + result = 1; + } + else if (speed > 86) + { + result = 2; + } + } +} +" +4582c27e828b8d7fa1325fedebff6c5e08410710,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + 0 = noTicket; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + 0 = noTicket; + } + else + { + 1 = smallTicket; + } + } + else if (speed >= 81) + { + 2 = bigTicket; + } +} +" +505cab833a1a7113c57e5b5a293f9cf8876d770e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + no ticket; + else if (80 < speed > 61) + small ticket; + else (speed > 81) + big ticket; + if (isBirthday && speed < 65) + no ticket; + else if (isBirthday && 85 < speed > 66) + small ticket; + else (isBirthday && speed > 86) + big ticket; +} +" +332696f3a91465fc4d1ae54d498a5002602e2501,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; // diff limit is higher now + if(speed <= 60); + return 0; + elseif(speed <= 80); + return 1; + elseif + return 2; +} + + +" +9c17d61d808a6d85ea158b2621c4be95384b6437,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result; + if (speed <= 60) + { + result = 0; + } + else if (speed > 61 && speed <= 80) + { + result = 1; + } + else if (speed > 81) + { + result = 2; + } + + if (isBirthday == true) + { + if (speed <= 65) + { + result = 0; + } + else if (speed > 66 && speed <= 85) + { + result = 1; + } + else if (speed > 86) + { + result = 2; + } + } + return result; +} +" +c8d878386592deb0f43bf7bb7eb412e2dfff1776,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (speed <= 60) + { + result = 0; + } + else if (speed > 61 && speed <= 80) + { + result = 1; + } + else if (speed > 81) + { + result = 2; + } + + if (isBirthday == true) + { + if (speed <= 65) + { + result = 0; + } + else if (speed > 66 && speed <= 85) + { + result = 1; + } + else if (speed > 86) + { + result = 2; + } + } + return result; +} +" +0b17e135ac9400f066344b4aa87a62486e3088a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + 0 = noTicket; + } + else + { + 1 = smallTicket; + } + } + else if (speed >= 81) + { + 2 = bigTicket; + } +} +" +258b900f645e2a759f750a3859c89f1d59c6add3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday); + speed -= 5; // diff limit is higher now + if(speed <= 60); + return 0; + elseif(speed <= 80); + return 1; + elseif(speed>80); + return 2; +} + + +" +4baf60243fddf836f692a09b18221f1536375a82,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +a41421c1ab9242bead6a22ae8b07dd8ca7ac6421,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 || speed >= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + + + + + if(isBirthday) + + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } +} + + +" +770b1b03925e6149dd7e95e257f9e69c98823294,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + int value = 0; + else if (80 < speed > 61) + int value = 1; + else (speed > 81) + int value = 2; + if (isBirthday && speed < 65) + int value = 0; + else if (isBirthday && 85 < speed > 66) + int value = 1; + else (isBirthday && speed > 86) + int value = 2; +} +" +e6ead438eaab77325fdfa2373aacf25837310f02,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 || speed >= 61) + { + return 1; + } + else if (speed > 81) + { + return 2; + } + + + + + if(isBirthday) + + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } + } + +} +" +a29c59c6c0b1ec958789601807523f4005b68ba6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + speed -= 5; + + if (speed <= 60) + + return 0; + + else if (speed <= 80) + + return 1; + + else + + return 2; + + + + + +} + +" +1b31510242cd102611c9e8fd9be74ffd75257082,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + result x; + + if(speed<=60) + { + result = 0; + } + + if(speed >= 60 && speed <= 80) + { + result = 1; + } + + if(speed >= 81) + { + result = 2; + } + + if(isBirthday = true) + { + if(speed <=65) + { + reult = 0; + } + + if(speed >= 66 && speed<=85) + { + result = 1; + } + + if(speed >= 86) + { + result = 2; + } + } + + + + + +} +" +b52c1d336bc646b2d3ac50fb75e48e2a233a866f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <=80) + { + return 1; + } + if ( speed > 80) + { + return 2; + } + + +} +" +1c34827f511c429cecf96a5d93e2b93611be4192,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + if (speed > 60 && speed <=80) + { + return 1; + } + return 2; + +} +" +d6705e286ac3caff4baf7ed17fddb2fb78059d9c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + ticket x; + + if(speed<=60) + { + result = 0; + } + + if(speed >= 60 && speed <= 80) + { + result = 1; + } + + if(speed >= 81) + { + result = 2; + } + + if(isBirthday = true) + { + if(speed <=65) + { + reult = 0; + } + + if(speed >= 66 && speed<=85) + { + result = 1; + } + + if(speed >= 86) + { + result = 2; + } + } + + + + + +} +" +718a25c9d11d9101330a50a639f6fbcb98108d35,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + if(speed<=60) + { + result = 0; + } + + if(speed >= 60 && speed <= 80) + { + result = 1; + } + + if(speed >= 81) + { + result = 2; + } + + if(isBirthday = true) + { + if(speed <=65) + { + reult = 0; + } + + if(speed >= 66 && speed<=85) + { + result = 1; + } + + if(speed >= 86) + { + result = 2; + } + } + + + + + +} +" +8f4056eed152ad16cad2c06e1dd7e8dd05ded2ee,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if(isBirthday) + + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85 || speed >= 66) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80 || speed >= 61) + { + return 1; + } + else + { + return 2; + } + + + + +} +" +56a98243b224cf39943fc1cfe84efc5dc44ed169,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +cc9fe028b70c6b26496f811a099ebe23335667da,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + 0=no ticket; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + 0=no ticket; + } + else + { + 1=small ticket; + } + } + else if (speed >= 81) + { + 2=big ticket; + } +} +" +0917dd5e6cd45840a3ebb4ec88eabb10d889fc1a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + } + + + + + +} +" +e256e3bbb155cef9dbeeb5ef0692f3a07d935436,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +217b989ed6cf5d810135ea5a2e9ab774f1736d19,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + } + + + + + return 0; +} +" +407af9ec7604561d647ff55698ea3513f67f20fd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +2d531d596bf2b002337a0a6402cfa51958d02695,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +49a1fb65e0c6e9bbe96b2fa9b721161bb234a7ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +5257ff76dff89bca1d95972e6d45eddbf574ce35,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + + + + return 0; +} +" +3dffe49dcbed579352a78fb47cb43f4dd64a6b3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +56880ead1211c4cdf21002c8a330290ea7d17642,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } + return +} +" +4141c70c8cc7f1832ecf49e7e734c497a4827193,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isspeed) + return(speed<60); + return(speed>=61&&speed<=81); +} +" +669f5ef01404e7c5f0dd21131374372875fb1ed4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + + + + + return 0; +} +" +32f12cbc060d2f8cf12860f799b18db1a65abf05,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + + + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + + + + + return 0; +} +" +3a7e7f65ffd612da95ffecc94bee6ce721979a50,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } +} +" +d3aca1b55361c8260ee8d43d72c066bd087f2a18,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if(isBirthday) + + { + if (speed <= 65) + { + return 0; + } + else if (speed <= 85) + { + return 1; + } + else + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + else if (speed <= 80) + { + return 1; + } + else + { + return 2; + } + + + + +} +" +a9f05905280e8261056d78a89514362a8b055c8a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + + + + + +} +" +3611a6967fc82b8467688ad5052571eb6e7c711c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + + + + return x; + +} +" +eecda46b35887c57cc95ad322dce310225448d2d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + if (speed >= 86) + return 2; + + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + return 2; + +} +" +92ce0fc8b928714405c188599de18b3a9372b48b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + if(speed >= 60 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + + + + return 0; + +} +" +4a2232a103fa9cf80a61e9192ae77bcc4126ebc0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + return 2; + } + return 0; +} +" +e63d43ce0e2bfb98cc5443b61f57f4ed4f62f6fa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5 + } + if (speed < 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + return 1; + + +} +" +94e574d8ba8ab4e9ed3e2df13adbcc6a85618d7f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if (speed < 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + return 1; + + +} +" +facc0689953d47356df2198a257a11ca363c5f9d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + if(speed >= 66 && speed<=85) + { + return 1; + } + + if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + if(speed >= 61 && speed <= 80) + { + return 1; + } + + if(speed >= 81) + { + return 2; + } + } + + + + return 0; + +} +" +3a1ec744eb9e671c7bbaa962ef0477a280b52ce9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + speed -= 5; + } + if (speed <= 60) + { + return 0; + } + if (speed >= 81) + { + return 2; + } + return 1; + + +} +" +3843fc7d472b0ad99c9606641c90edd4437572ef,"public int caughtSpeeding(int speed, boolean isBirthday) { + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +}" +d24f21cfc8562b1678676a7c98966ea6a9cd9fa2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 2; + } + } + return 0; +} +" +507daebeec00a3450dec838fc7c4c12009ebbe5d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 0; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + if (speed <= 85 && isBirthday == true) + { + return 1; + } + else + { + return 2; + } + } + return 0; +} +" +26c181cac748a953087c80fcbd237a3a7f175146,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60 || (isBirthday == true && speed <= 65)) + { + return 0; + } + else if (speed > 61 && speed <= 80) + { + if (speed <= 85 && isBirthday == true) + { + return 1; + } + else + { + return 1; + } + } + else if (speed >= 81) + { + if (speed <= 85 && isBirthday == true) + { + return 1; + } + else + { + return 2; + } + } + return 0; +} +" +99b33658cf8bdf8fbd2e3c00b4a2fe6978ccc037,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + else if(speed >= 66 && speed<=85) + { + return 1; + } + + else if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + else if(speed >= 61 && speed <= 80) + { + return 1; + } + + else if(speed >= 81) + { + return 2; + } + } + + + + return 0; + +} +" +800a829c04bd7c13d94af6f3f2b00076c308d491,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + return 0; + } + else if ((speed >= 61) && (speed <=80)) + { + return 1; + } + else + { + return 2; + } +} +" +f35dde514eee657b53d445370ed44eeff2d902a5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + else if(speed >= 66 && speed<=85) + { + return 1; + } + + else if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + else if(speed >= 61 && speed <= 80) + { + return 1; + } + + else if(speed >= 81) + { + return 2; + } + } + + + + + +} +" +fed79f40b03282cbdfc8fb77e2ec479c0a49d6e6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + else if(speed >= 66 && speed<=85) + { + return 1; + } + + else if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + else if(speed >= 61 && speed <= 80) + { + return 1; + } + + else if(speed >= 81) + { + return 2; + } + } + + + + +} +} +" +7663d1978d008bd82b079aeeebbb00cb3364e157,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed<=60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + +} +" +863e0d494ad87c078159752caa8638c2e0aee905,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday = true) + { + if(speed <=65) + { + return 0; + } + + else if(speed >= 66 && speed<=85) + { + return 1; + } + + else if(speed >= 86) + { + return 2; + } + + } + + if(isBirthday = false) + { + if(speed<=60) + { + return 0; + } + + else if(speed >= 61 && speed <= 80) + { + return 1; + } + + else if(speed >= 81) + { + return 2; + } + } + + + + + +} +" +df9121fcab546510f4c4349f21dd70110d41d3b6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed + 5; + } + if (speed >= 81) + { + return 2 + } + else if (speed < 81 && speed >= 61) + { + return 1 + } + else + { + return 0 + } +} +" +5447c7b6e6c94f469066bc9cf2406d8129210740,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday) + { + if(speed <=65) + { + return 0; + } + + else if(speed >= 66 && speed<=85) + { + return 1; + } + + else if(speed >= 86) + { + return 2; + } + + } + + + + if(speed<=60) + { + return 0; + } + + else if(speed >= 61 && speed <= 80) + { + return 1; + } + + else if(speed >= 81) + { + return 2; + } + + + + + + +} +" +3a48aad6e533968217dd036741cab032ab694be7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday = true) + { + speed = speed + 5; + } + if (speed >= 81) + { + return 2; + } + else if (speed < 81 && speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +9b17b9183b25d25bd3acb48f137754d6f41b9572,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if ((speed >= 61) && (speed <=80)) + { + return 1; + } + else + { + return 2; + } + } + + else + { + if (speed <= 65) + { + return 0; + } + else if ((speed >= 66) && (speed <=85)) + { + return 1; + } + else + { + return 2; + } + } +} +" +2417a29603b1bdc706656062dc326cd5c4d4a865,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed<=60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + else if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + +} +" +5d7ce0a853b2f94dbd387e45eff00e46d1ba920f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed<=60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + +} +" +7ab547e41eb2b3bb9522984973f368c3ea962835,"public int caughtSpeeding(int speed, boolean isBirthday) { + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +}" +83e187d83498a60a85474bb0d1344b1da7023d95,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + + if(isBirthday) + { + if(speed <=65) + { + return 0; + } + + else if(speed >= 66 && speed<=85) + { + return 1; + } + + else if(speed >= 86) + { + return 2; + } + + } + + + + if(speed<=60) + { + return 0; + } + + else if(speed >= 61 && speed <= 80) + { + return 1; + } + + else if(speed >= 81) + { + return 2; + } + + + + + return 0; + +} +" +cffdc52bf30590a1867fdbc038f71eca5993a558,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +}" +ad5c4f87697cd359101d58cd7c8f864916f87788,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed >= 81) + { + return 2; + } + else if (speed < 81 && speed >= 61) + { + return 1; + } + else if (speed) + { + return 0; + } +} +" +a123db5dcf23ff59b5e8b8e2036c28101e616ef2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if ( speed > 65 && speed <= 85 && isBirthday == true ) + return 1; + if ( speed >= 86 && isBirthday == true ) + return 2; + if ( speed <= 65 && isBirthday == true ) + return 0; + if ( speed > 60 && speed <= 80 isBirthday == false ) + return 1; + if ( speed >= 81 && isBirthday == false ) + return 2; + else + return 0; +} +" +e95e8ad2ea02fc9c6cb2bc0dc9fe2a5f8f40107c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed<=60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + + return ticket; +} +" +b31ab38b7daaab01309e01cb9d99aa1238c22938,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed <= 85) { + return 1; + } + else { + return 2; + } + else { + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <= 80) { + return 1; + } + else { + return 2; + } + } + +} +" +7497c57919aa10fc35c9b9146f91aa8dbde1e136,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed + 5; + } + if (speed >= 81) + { + return 2; + } + else if (speed < 81 && speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +bf5d4b1bb4122bc17c0fadfd64685ba092848596,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + { + speed = speed - 5; + } + if (speed >= 81) + { + return 2; + } + else if (speed < 81 && speed >= 61) + { + return 1; + } + else + { + return 0; + } +} +" +076491eb99370ab8f6f733727f6a7c8786559139,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0 + if (!isBirthday) + { + if (speed<=60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + + return ticket; +} +" +0d8f1fc8ad49d4fa7d8b7a812f066ad28f33ae62,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (!isBirthday) + { + if (speed<=60) + { + return 0; + } + if (speed > 60 && speed <= 80) + { + return 1; + } + else + { + return 2; + } + } + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed > 65 && speed <= 85) + { + return 1; + } + else + { + return 2; + } + + } + + return ticket; +} +" +7584518b5657252ad72a43a4fb5c8d0ef8891c0c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if ( speed > 65 && speed <= 85 && isBirthday == true ) + return 1; + else if ( speed >= 86 && isBirthday == true ) + return 2; + else if ( speed <= 65 && isBirthday == true ) + return 0; + else if ( speed > 60 && speed <= 80 isBirthday == false) + return 1; + else if ( speed >= 81 && isBirthday == false ) + return 2; + else + return 0; +} +" +807eb75ac303022a4a3adf8211e4e03bc7f25ff8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ if ( speed > 65 && speed <= 85 && isBirthday == true ) + return 1; + else if ( speed >= 86 && isBirthday == true ) + return 2; + else if ( speed <= 65 && isBirthday == true ) + return 0; + else if ( speed > 60 && speed <= 80 && isBirthday == false) + return 1; + else if ( speed >= 81 && isBirthday == false ) + return 2; + else + return 0; +} +" +69f78ec2b3f9e1ffb07b4d912baeebefb6ab75a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true){ + if (speed <= 65) + return 0; + else if (speed <= 85 && speed >= 66) + return 1; + else + return 2 + } + else{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else + return 2; + } +} +" +71cbe8e9d19f0efbfbb677ea2ffaeb760d873388,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true){ + if (speed <= 65) + return 0; + else if (speed <= 85 && speed >= 66) + return 1; + else + return 2; + } + else{ + if (speed <= 60) + return 0; + else if (speed <= 80 && speed >= 61) + return 1; + else + return 2; + } +} +" +3381908346c56f1c861c202083baf4a774258d70,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (66 <= speed && speed <= 85) + { + return 1; + } + else if (86 <= speed) + { + return 2; + } + } + if (speed <= 60) + { + return 0; + } + if (61 <= speed && speed <= 80) + { + return 1; + } + else + { + return 2; + } +}" +75c7ac2fe56818703f73e89cd745de47097f8156,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) { + if (speed <= 60) { + return 0; + } + else if (speed > 60 && speed <=80) { + return 1; + } + else { + return 2; + } + } + else { + if (speed <= 65) { + return 0; + } + else if (speed > 65 && speed <= 85) { + return 1; + } + else { + return 2; + } + } +} +" +218a23994b59a882a9005a605f40615b0ae8b540,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +e03d566dd8a0215d2bb1b228f000834f48591b1e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (birthday) {speed = speed - 5}; + if(speed <= 60) { return 0 } + else if (speed > 60 && speed <= 80) { return 1 } + else if (speed > 80) { return 2 }; +} +" +689b55510198be85b918e046267f9a7e8dbc8515,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (birthday) {speed = speed - 5;}; + if(speed <= 60) { return 0; } + else if (speed > 60 && speed <= 80) { return 1; } + else if (speed > 80) { return 2; }; +} +" +8a3b15398671139fcba30b2fc634189e2d9b92c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (Birthday) {speed = speed - 5;}; + if(speed <= 60) { return 0; } + else if (speed > 60 && speed <= 80) { return 1; } + else if (speed > 80) { return 2; }; +} +" +4531becd0d30e8c0a2531ff317e082fbec038950,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) {speed = speed - 5;}; + if(speed <= 60) { return 0; } + else if (speed > 60 && speed <= 80) { return 1; } + else if (speed > 80) { return 2; }; +} +" +77515bcee2cbb1d2d277735f2e53a519498316af,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) {speed = speed - 5;}; + if(speed <= 60) { return 0; } + else if (speed > 60 && speed <= 80) { return 1; } + else if (speed > 80) { return 2; }; + return; +} +" +5d52754548edc0bed52625a1f434b73ed6053bc0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85 ) + { + return 1; + } + else if (speed > 85) + { + return 2; + } + + } + else + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80 ) + { + return 1; + } + else if (speed > 80) + { + return 2; + } + } +} +" +2cccc556dbb30d51cbaada304b5c3704543775cb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + speed -= 5; + if (speed <= 60) + return 0; + else if (speed <= 80) + return 1; + else + return 2; + +} + +" +e6979f4483e34a68572ea27c3db97904b227cd3a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = 0; + int smallTicket = 1; + int bigTicket = 2; + + if (isBirthday) {speed = speed - 5;}; + if(speed <= 60) { return 0; } + else if (speed > 60 && speed <= 80) { return 1; } + else if (speed > 80) { return 2; }; + return 0; +} +" +42585f0dbe68b4466e4758534d67e235455a7c15,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + if (speed <= 65) + { + return 0; + result = 0; + } + else if (speed >= 66 && speed <= 85 ) + { + return 1; + result = 1; + } + else if (speed > 85) + { + return 2; + result = 2; + } + + } + else + { + if (speed <= 60) + { + return 0; + result = 0; + } + else if (speed >= 61 && speed <= 80 ) + { + return 1; + result = 1; + } + else if (speed > 80) + { + return 2; + result = 2; + } + } +} +" +3baeeef33fdc0a27e04b74b08c13810b89c4ae58,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <=80) + return 1; + else + return 2; +} else if (speed <=65) + return 0; + else if (speed > 65 && speed <=85) + return 1; + else + return 2; +} +" +3c27fb44f028577efdcfe23d08aafd73557b9fa2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int result = 0; + if (isBirthday) + { + if (speed <= 65) + { + + result = 0; + } + else if (speed >= 66 && speed <= 85 ) + { + + result = 1; + } + else if (speed > 85) + { + + result = 2; + } + + } + else + { + if (speed <= 60) + { + + result = 0; + } + else if (speed >= 61 && speed <= 80 ) + { + + result = 1; + } + else if (speed > 80) + { + + result = 2; + } + } + return result; +} +" +c232d4c9c72b9b6b14d91cafa9c56400e701a69b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + ticket = 0; + } + if (speed <= 80 && speed >= 61) + { + ticket = 1; + } + if (speed >= 81) + { + ticket = 2; + } + return (ticket); +} + +" +aafc491e975add77809535cd8c7307ff4ef41607,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } +} +" +2000a7e1311952ee73da7590f3ccb65127ad3774,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == true) + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed >= 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } + else + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + return ticket; +} +" +a7c50d88f5842033de6a5ef1cbe7781e092852e9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + Integer int1 =0; + if (speed <= 60) + { + int1 = 0; + } + if (isBirthday == true) + { + if (speed <= 65 ) + { + int1 = 0; + } + + if (speed >= 66 && speed <= 85) + { + int1 =1; + } + if (speed >= 86) + { + int1 = 2; + } + } + if (isBirthday == false) + { + if(speed >= 61 && speed <= 80) + { + int1 = 1; + } + if (speed >= 81) + { + int1 = 2; + } + } + return int1; + + +} +" +4a0b32b431342e045fb7c0615142c57ba72bd6a9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int no ticket = 0; + private int small ticket = 1; + private int big ticket = 2; + if (speed<=60); + system +} +" +d042dc96d93d7bde99fe9937baed9596cc7d0356,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int no ticket = 0; + private int small ticket = 1; + private int big ticket = 2; + if (speed<=60); + system +} +" +ea99ea7a53674045015a865505798cfa789d8cfc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int ticket = 0; + + if(isBirthday) + { + speed = speed - 5; + } + if (speed < 60) + { + ticket = 0; + } + else if (speed >=60 && speed <= 80) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + +} +" +cdeb5a3b689dc4b4bce217038a435aa0ff4c4ea7,"public int caughtSpeeding(int speed, boolean isBirthday) +{if (!(isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <=80) + return 1; + else + return 2; +} else if (speed <=65) + return 0; + else if (speed > 65 && speed <=85) + return 1; + else + return 2; +} +" +51813ddbf9399b9f1861841c5b6f450edb23dfe4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + if(isBirthday) + { + speed = speed - 5; + } + if (speed < 60) + { + ticket = 0; + } + else if (speed >=60 && speed <= 80) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + +} +" +48deca25a302bb6aadb7ad551881d806c460d34f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + if(isBirthday) + { + speed = speed - 5; + } + if (speed < 60) + { + ticket = 0; + } + else if (speed >=60 && speed <= 80) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + return ticket; +} +" +862f180da45721900089333c8c441449b7292145,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + +} +" +4c54c2d20f70a6eaccd58694a0b10786f2e9372d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + + if(isBirthday) + { + speed = speed - 5; + } + if (speed <= 60) + { + ticket = 0; + } + else if (speed >60 && speed <= 80) + { + ticket = 1; + } + else if (speed > 80) + { + ticket = 2; + } + return ticket; +} +" +a9492349a6b2e229d582925d8db795fc338f8547,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <66) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 61) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return 1; +} +" +5c2d58f26784945a8dec5b97ed56fb7b025abfe8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if ( speed <66) + return 0; + else if ( speed < 86) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 61) + return 0; + else if (speed < 81) + return 1; + else if (speed > 81) + return 2; + + return 0; +} +" +cd91b53ac08dbbb0d10c1d14c38370df17d7ddf6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + 0; + } + else if (speed > 61 && speed <= 80) + { + 1; + } + else if (speed >= 81) + { + 2; + } + else if (isBirthday) + { + speed = speed + 5; + } + + + +} +" +4f936cf818e7558fce91f363df8f35ae7f662c9c,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) //for when Birthday add 5 to the speed + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 85) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + } + + if (speed <= 60) //when it is not birthday + { + return 0; + } + + if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +49dac8b274d6042f1fa8f3d1c90ccb7211fed9a3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int no ticket = 0; + private int small ticket = 1; + private int big ticket = 2; + if (speed<=60) + System.out.print(""no ticket""); + if (61= 66 && speed <= 85) + return 1; + + if (speed >= 86) + return 2; + + if (speed <= 60) + return 0; + + else if (speed >= 61 && speed <= 80) + return 1; + + else + return 2; + +} +" +e5a91a205a35ab629180954aadca8a42b0067c55,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int no ticket = 0; + private int small ticket = 1; + private int big ticket = 2; + if (speed<=60) + System.out.print(""no ticket""); + if (61 61 && speed <= 80) + { + small ticket; + } + else if (speed >= 81) + { + big ticket; + } + else if (isBirthday) + { + speed = speed + 5; + } + + + +} +" +e4e7376deb47592fd61bb7799392be1717626263,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed < 86 && speed >60) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 81 && speed > 61) + return 1; + if (speed > 81) + return 2; + + return 0; +} +" +7660e14ed4e3e0a2e0e6560cc78e6d65b490bed5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if(noTicket<= 60) + { + System.out.println(""0""); + } + + +} +" +23e931d89167be3ce05d57aa6c7c2bc4724b9651," if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +}" +7ffd867a4b2a0f177d9da470c8b9e33e38f05f96,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + 0 ticket; + } + else if (speed > 61 && speed <= 80) + { + small ticket; + } + else if (speed >= 81) + { + big ticket; + } + else if (isBirthday) + { + speed = speed + 5; + } + + + +} +" +a10960f0fc73b3d86636adb598f07cbe9e96bdcc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int no ticket= 0; + private int small ticket= 1; + private int big ticket= 2; + if (speed<=60) + System.out.print(""no ticket""); + if (61= 66 && speed <= 85) + return 1; + + if (speed >= 86) + return 2; + + if (speed <= 60) + return 0; + + else if (speed >= 61 && speed <= 80) + return 1; + + else + return 2; + +} +" +c9226d8a6040208d08b3762e217f35bd4cf6563d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed < 86 && speed > 65) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 81 && speed > 61) + return 1; + if (speed > 81) + return 2; + return 0; +} +" +14d5c50e62c397435adaedf66de15c760bf64b10,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + private int no ticket; + private int small ticket; + private int big ticket; + if (speed<=60) + no ticket=0; + System.out.print(""no ticket""); + if (61 61 && speed <= 80) + { + 1 = small ticket; + } + else if (speed >= 81) + { + 2 = big ticket; + } + else if (isBirthday) + { + speed = speed + 5; + } + + + +} +" +a7bc108f38368ebd5f8cf6c683c6b4eb22da78c6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + 0 = no ticket; + } + else if (speed > 61 && speed <= 80) + { + 1 = small ticket; + } + else if (speed >= 81) + { + 2 = big ticket; + } + else if (isBirthday) + { + speed = speed + 5; + } + + + +} +" +c4dc8d8f7964c5bf48d8cde81584fae7e6989bd5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed < 86 && speed > 65) + return 1; + else if (speed > 86) + return 2; + else if (!isBirthday) + if (speed < 81 && speed > 60) + return 1; + if (speed > 81) + return 2; + return 0; +} +" +ecea578ea6cf894d5a845a0299a7d9e0a888b3bd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed <= 60) + { + 0 = no ticket + } + else if (speed > 61 && speed <= 80) + { + 1 = small ticket + } + else if (speed >= 81) + { + 2 = big ticket + } + else if (isBirthday) + { + speed = speed + 5; + } + + + +} +" +f4c8e349abe93eefdd5c1da0bb4e620259b2a06a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if(!isBirthday) + { + if(speed > 80) + { + ticket = 2; + } + else if (speed > 60) + { + ticket = 1; + } + else + { + ticket = 0; + } + } + else + { + if(speed > 85) + { + ticket = 2; + } + else if (speed > 65) + { + ticket = 1; + } + else + { + ticket = 0; + } + } + +} +" +4fcfe2d0b3464221d2782e148921a3f2eb39e9f4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(speed <= 60 && !isBirthday) + { + return 0; + } + + if(speed >= 61 && speed <= 80 && !isBirthday) + { + return 1; + } + + if(speed >= 81 && !isBirthday) + { + return 2; + } + + if(speed <= 65 && isBirthday) + { + return 0; + } + + if(speed >= 66 && speed <= 85 && isBirthday) + { + return 1; + } + + if(speed >= 86 && isBirthday) + { + return 2; + } + + return 0; +} +" +2d5b061f52e08bb8428931e749c7babfa2f065cf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if(speed <= 65) { + return 0; + } else if(66 <= speed && speed <= 85) { + return 1; + } else if(86 <= speed) { + return 2; + } + } + + if(speed <= 60) { + return 0; + } else if(61 <= speed && speed <= 80) { + return 1; + } else { + return 2; + } +} +" +0e4d614a4b635b0c915b9646099243a1369805f2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) { + if (speed <= 65) { + return 0; + } + else if (66<= speed && speed <= 85) { + return 1; + } + else if (86 <= speed) { + return 2; + } + } + + if (speed <= 60) { + return 0; + } + else if (61 <= speed && speed <= 80) { + return 1; + } + else { + return 2; + } +} + +} +" +e45968d66f470147eb069eba2fb0bcc580d005b7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday() == false) + { + if ((speed >= 61) && (speed <= 80)) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 0; + } + } + if (isBirthday()) + { + if ((speed >= 66) && (speed <= 85)) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + else + { + return 0; + } + } +} +" +c260140eb9d1e3d30e4d9194ee4088c59670fefd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + if (speed < 86 && speed > 65) + return 1; + else if (speed > 86) + return 2; + if (!isBirthday) + if (speed < 81 && speed > 60) + return 1; + if (speed > 81) + return 2; +return 0; +} +" +fff81917642b4f2086fe8cd418244a17d42bfc4a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if ((speed >= 61) && (speed <= 80)) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + else + { + return 0; + } + } + if (isBirthday == true) + { + if ((speed >= 66) && (speed <= 85)) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + else + { + return 0; + } + } +} +" +0144283766bdae1dbba80a8e9cffe1f8a0401afd,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (isBirthday == false) + { + if ((speed >= 61) && (speed <= 80)) + { + return 1; + } + else if (speed >= 81) + { + return 2; + } + + } + if (isBirthday == true) + { + if ((speed >= 66) && (speed <= 85)) + { + return 1; + } + else if (speed >= 86) + { + return 2; + } + + } + return 0; +} +" +2f46cf44cff78700cd3e98a4cca11eeb7862def3,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (! (isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 && SPEED <= 85) + return 1; + else + return 2; +} +" +5a8fdd82347efe6c969f7f3e7de76d6e7b838c79,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (! (isBirthday)) { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +32b9bc2b03d314b2a739713c0a95d91721587809,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == false) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } + return ticket; +} +" +d3c80e0ffa005034dae98ad0855ac655bc43b758,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int ticket = 0; + if (isBirthday == false) + { + if (speed <= 60) + { + ticket = 0; + } + else if (speed >= 61 && speed <= 80) + { + ticket = 1; + } + else if (speed >= 81) + { + ticket = 2; + } + } + else + { + if (speed <= 65) + { + ticket = 0; + } + else if (speed > 66 && speed <= 85) + { + ticket = 1; + } + else if (speed >= 86) + { + ticket = 2; + } + } + return ticket; +} +" +dc64fb39d6eb3ebe61bdf56d0bcd116028428c53,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; + +} +" +11ff7d0eef6e65a4c3291081c05316604ec69e71,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + else if (speed => 66 && speed <= 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed => 61 && speed =< 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +bb462ab6ab62d41c574b43c580b0a0d19edaccbe,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + else if (speed >= 66 && speed =< 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed => 61 && speed =< 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +67074a5f69540b3a97aaad017d68f0a1bc9da603,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + if (speed >= 66 && speed =< 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed => 61 && speed =< 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +51da1ac7e5ec9fae86f2fc166f081360fa0c406b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + if (speed >= 66 && speed <= 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed => 61 && speed =< 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +8ec2c6589142c0e3b1b7c89913035a502b0ed77e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + else if (speed >= 66 && speed <= 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed => 61 && speed =< 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +0fa31ea264dc45d36a166fbf75c12653fc019d12,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + else if (speed >= 66 && speed <= 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed >= 61 && speed <= 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +dc31b121dca5419137a618441268d54310096619,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int value; + + if (isBirthday) + { + if (speed < 60) + { + value = 0; + } + else if (speed >= 66 && speed <= 86) + { + value = 1; + } + else + { + value = 2; + } + } + + if (speed < 60) + { + value = 0; + } + else if (speed >= 61 && speed <= 80) + { + value = 1; + } + else + { + value = 2; + } +} +" +20fc1e21c348da53ffcbccfb2a85d4ee6886e0c0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if ( speed > 65 && speed <= 85 && isBirthday == true ) + return 1; + if ( speed >= 86 && isBirthday == true ) + return 2; + if ( speed <= 65 && isBirthday == true ) + return 0; + if ( speed > 60 && speed <= 80 ) + return 1; + if ( speed >= 81 ) + return 2; + else + return 0; +} +" +4183027b753b5161e0c5f7d16149c25a324ef654,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +while !isBirthday +{ + if speed =< 60 + int = 0 + else if 61 < speed < 80 + int = 1 + else if speed >= 81 + int = 2 +} + while isBirthday + if speed =< 65 + int = 0 + else if 66 < speed < 85 + int = 1 + else if speed >= 86 + int = 2 +} +" +2134236e3f67ab44341f282fa4a78d6ba34b2908,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if(66 <== speed && <== 85) + { + return 1; + } + else if(86 <== speed) + { + return 2; + } + } + + if(speed <= 60) + { + return 0; + } + else if(61 <== speed && speed <== 80) + { + return 1; + } + else + { + return 2; + } +} +" +023e19a076de1fe23e23a34e3369b108d7fb4dfa,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 60) + { + return = 0; + } + else if (speed >= 66 && speed <= 86) + { + return = 1; + } + else + { + return = 2; + } + } + + if (speed < 60) + { + return = 0; + } + else if (speed >= 61 && speed <= 80) + { + return = 1; + } + else + { + return = 2; + } +} +" +16c3194fab54479f07a934694f773efafee40ac2,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday) + { + if(speed <= 65) + { + return 0; + } + else if (66 <== speed && <== 85) + { + return 1; + } + else if (86 <== speed) + { + return 2; + } + } + + if(speed <= 60) + { + return 0; + } + else if(61 <== speed && speed <== 80) + { + return 1; + } + else + { + return 2; + } +} +" +b63efed66124f0c081329ea38947593127e94642,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed < 60) + { + return 0; + } + else if (speed >= 66 && speed <= 86) + { + return 1; + } + else + { + return 2; + } + } + + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +9c6c838539b11f08b5e4edb1fb44545ed1b68a26,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +while (!isBirthday) +{ + if (speed <= 60) + return 0 + else if (61 < speed < 80) + return 1 + else if (speed >= 81) + return 2 +} + while (isBirthday) + if (speed <= 65) + return 0 + else if (66 < speed < 85) + return 1 + else if (speed >= 86) + return 2 +} +" +2600baa8186e138fa5ce9e1b0f0a11d45ae416d0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +while (!isBirthday) +{ + if (speed <= 60) + return 0; + else if (61 < speed < 80) + return 1; + else if (speed >= 81) + return 2; +} + while (isBirthday) + if (speed <= 65) + return 0; + else if (66 < speed < 85) + return 1; + else if (speed >= 86) + return 2; +} +" +6a6b5d882ed54f497d9bd8fbfe03074b3d552f70,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 66 && speed <= 86) + { + return 1; + } + else + { + return 2; + } + } + + if (speed < 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +15726434ad4fa46321e09cd414cbfd6bc8a504d9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (speed >= 66 && speed <= 86) + { + return 1; + } + else + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +76a23e3db80609ead6da84cef815981d9b3d59ac,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +while (!isBirthday) +{ + if (speed <= 60) + return 0; + else if (61 < speed < 80) + return 1; + else if (speed >= 81) + return 2; +} + while (isBirthday) + if (speed <= 65) + return 0; + else if (66 < speed < 85) + return 1; + else if (speed >= 86) + return 2; +} +" +63a4fc3ade2cea06c3f2ccbcbd9173da8c13995e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 65) + { + return 0; + } + else if (speed >= 66 && speed <= 86) + { + return 1; + } + else + { + return 2; + } + } + + if (speed <= 60) + { + return 0; + } + else if (speed >= 61 && speed <= 80) + { + return 1; + } + else + { + return 2; + } +} +" +3ae9ae3fe3e655867a87bd892224e3e0948fe8b1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +while (!isBirthday) +{ + if (speed <= 60) + return 0; + else if (61 <= speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} + while (isBirthday) + if (speed <= 65) + return 0; + else if (66 <= speed <= 85) + return 1; + else if (speed >= 86) + return 2; +} +" +becdfac138b47b134aa553524c26e8a1067db7c9,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if(noTicket<= 60) + { + System.out.println(""0""); + } + int smallTicket = readInt(""smallTicket: ""); + if(61 <=noTicket<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""bigTicket: ""); + if(81<= bigTicket) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String read boolean = readLine (""Is it your birthday today?""); + System.out.println(readBoolean); +} +" +8a8ec5821246ff448267f4b247d43fa34fc29374,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if(noTicket<= 60) + { + System.out.println(""0""); + } + int smallTicket = readInt(""smallTicket: ""); + if(61 <=noTicket<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""bigTicket: ""); + if(81<= bigTicket) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String read boolean = readLine (""Is it your birthday today?""); + System.out.println(readBoolean); +} +" +7f6e926c7b1c77ffa5e55fa803bcae354f9edefb,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!(isBirthday)) + { + if (speed <= 60) + return 0; + if (speed > 60 && speed <= 80) + return 1; + else + return 2; + } + else if (speed <= 65) + return 0; + else if (speed > 65 && speed <= 85) + return 1; + else + return 2; +} +" +e46a2df5d7a0677c03d3ef68b98e9aacef356426,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + if (speed >= 86) + return 2; + + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + return 2; + +} +" +b3740ef0eb3ad4dab20f938736e2e4e469a41c6e,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +while (!isBirthday) +{ + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; +} + while (isBirthday) + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; +} +" +77e01ff93feae132afb3896ca633c47dfd8784ec,"private int ticket; + +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday = false) + { + if(speed < 61) + { + ticket = 0; + } + else + { + if(speed<81) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + } + else + { + if(speed < 66) + { + ticket = 0; + } + else + { + if(speed<86) + { + ticket = 1; + } + else + { + ticket = 2; + } + } + } +} +" +33b0519c12c90681a7e8f5c53848dd6974c46207,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (60 < speed <= 80) + { + return 1; + } + else if ( speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else if ( speed > 85) + { + return 2; + } + } +} +" +cc7d1769e3e43a87221470d087c0286e31ac0b61,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (60 < speed && speed <= 80) + { + return 1; + } + else if ( speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed <= 85) + { + return 1; + } + else if ( speed > 85) + { + return 2; + } + } +} +" +b921f82f73932b81ed6d8a6405595a84d03a481d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (60 < speed && speed <= 80) + { + return 1; + } + else if ( speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed && speed <= 85) + { + return 1; + } + else if ( speed > 85) + { + return 2; + } + } +} +" +295accb52bdbe0271d2444440b9cd50a28b721ed,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed >= 66 && speed < 85) + return 1; + + if (speed >= 85) + return 2; + + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + return 2; + +} +" +7c5955c979bee0454c90b216412f64b9a35816d8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +0 = no ticket +1 = small ticket +2 = big ticket +} +" +9ffee97d88e9eb316887821b1fddc880d6809b8c,"private int ticket; + +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday = false) + { + if(speed < 61) + { + ticket = 0; + return ticket; + } + else + { + if(speed<81) + { + ticket = 1; + return ticket; + } + else + { + ticket = 2; + return ticket; + } + } + } + else + { + if(speed < 66) + { + ticket = 0; + return ticket; + } + else + { + if(speed<86) + { + ticket = 1; + return ticket; + } + else + { + ticket = 2; + return ticket; + } + } + } +} +" +a8aff70f2122f08813176a438cc88e80385dcabf,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +0 = no ticket; +1 = small ticket; +2 = big ticket; +} +" +6e768825a392ad1a0c50f6757c1fa299f100143b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed >= 66 && speed <= 85) + return 1; + + if (speed >= 85) + return 2; + + if (speed <= 60) + return 0; + + if (speed >= 61 && speed <= 80) + return 1; + + return 2; + +} +" +121b2f62dadb2b7068eb91897b58858414393a46,"private int ticket; + +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(isBirthday!) + { + if(speed < 61) + { + ticket = 0; + return ticket; + } + else + { + if(speed<81) + { + ticket = 1; + return ticket; + } + else + { + ticket = 2; + return ticket; + } + } + } + else + { + if(speed < 66) + { + ticket = 0; + return ticket; + } + else + { + if(speed<86) + { + ticket = 1; + return ticket; + } + else + { + ticket = 2; + return ticket; + } + } + } +} +" +a2234f2e8f08b74ef1726c165e04c22b5e5d96ac,"private int ticket; + +public int caughtSpeeding(int speed, boolean isBirthday) +{ + if(!isBirthday) + { + if(speed < 61) + { + ticket = 0; + return ticket; + } + else + { + if(speed<81) + { + ticket = 1; + return ticket; + } + else + { + ticket = 2; + return ticket; + } + } + } + else + { + if(speed < 66) + { + ticket = 0; + return ticket; + } + else + { + if(speed<86) + { + ticket = 1; + return ticket; + } + else + { + ticket = 2; + return ticket; + } + } + } +} +" +bcf817fc77594d899b6a440f52a19c879a4af141,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String read boolean = readLine (""Is it your birthday today?""); + System.out.println(readBoolean); +} +" +4b8de8f234c8245d4fce5ee3a82b79aa71a3c638,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + caughtSpeeding = 0; + } + else if (60 < speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if ( speed > 80) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (65 < speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if ( speed > 85) + { + caughtSpeeding = 2; + } + } +} +" +65bb95da54cea6e73fde5ef3599e55fb9c3c2026,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +0 return no ticket; +1 return small ticket; +2 return big ticket; +} +" +619e09dc77c8f437e46c45eb5a441df3f40ec1b4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return caughtSpeeding = 0; + } + else if (60 < speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if ( speed > 80) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (65 < speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if ( speed > 85) + { + caughtSpeeding = 2; + } + } +} +" +9f3f6b8c7de93fabecb5097da1d73f068a125fd7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +ab19cc4271f9618ad72f469ad1cbbe4ff8562e13,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +int 0 = no ticket +int 1 = small ticket +int 2 = big ticket +} +" +ca3ef2fb2be233ee431c6c10cf2f174e5542eac4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday) + { + if (speed <= 60) + { + return caughtSpeeding = 0; + } + else if (60 < speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if ( speed > 80) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (65 < speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if ( speed > 85) + { + caughtSpeeding = 2; + } + } +} +" +bd6c88a9aa5efdeda9dfe7ded9775d2be1b91f74,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +} +" +2c04b32addb5ce4b42ee543762e3b1d41131110d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int caughtSpeeding; + if (isBirthday) + { + if (speed <= 60) + { + return caughtSpeeding = 0; + } + else if (60 < speed && speed <= 80) + { + caughtSpeeding = 1; + } + else if ( speed > 80) + { + caughtSpeeding = 2; + } + } + else + { + if (speed <= 65) + { + caughtSpeeding = 0; + } + else if (65 < speed && speed <= 85) + { + caughtSpeeding = 1; + } + else if ( speed > 85) + { + caughtSpeeding = 2; + } + } + return 0; +} +" +85fe0212339503838d82f57632da543271263507,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +return int +} +" +7647aeb8bfaccda5c6f2ae61c80862904e473eb7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +return int +}" +29751b5f592306c604d767dbaa084c1ed416fce6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +6e39fcf749c0e95698945f6da4c4f2f47f1a20a0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (60 < speed && speed <= 80) + { + return 1; + } + else if ( speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed && speed <= 85) + { + return 1; + } + else if ( speed > 85) + { + return 2; + } + } + return 0; +} +" +d7946b33af7a14784423754b6281d5ba70831bc4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +return int; +}" +3ea8a4286604f6d57c407427535b437b1c10c6e5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (60 < speed && speed <= 80) + { + return 1; + } + else if ( speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed && speed <= 85) + { + return 1; + } + else if ( speed > 85) + { + return 2; + } + } + return 0; +} +" +954c61aa4c5fb12d719295dff947c79729745eec,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (!isBirthday) + { + if (speed <= 60) + { + return 0; + } + else if (60 < speed && speed <= 80) + { + return 1; + } + else if ( speed > 80) + { + return 2; + } + } + else + { + if (speed <= 65) + { + return 0; + } + else if (65 < speed && speed <= 85) + { + return 1; + } + else if ( speed > 85) + { + return 2; + } + } + return 0; +} +" +3aac319ea49c137d6879de3afd36a6c2d2a649ef,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +return int.class; +}" +2b2ebd09b59a621d33e1202f51189c9e85cce0ba,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +.class; +}" +a6adb61412c6a2a0b12914e2cb888979eaad28a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +caughtSpeeding.class; +}" +2eef9a627ab955e1e53e0975b34343c5859447f8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +int = caughtSpeeding.class; +}" +48924abdbe3ca23fbb7381b007bb1e75c21b4642,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } +} +" +3f40aa073da6198c4b87406e2409f5a2d6171076,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int one = 60; + int second = 80; + if(isBirthday) + { + one = one + 5; + second = second + 5; + } + if(speed<=one) + { + return 0; + } + else if (speed >= second) + { + return 2; + } + else + { + return 1; + } + +} +" +d61f6aec9b5c726eb987c2e34e54e074222c6db5,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String read boolean = readLine (""Is it your birthday today?""); + System.out.println(readBoolean); +} +" +f6f6f30b7b3a852b65da18ba88c9ec94377bafb7,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + while (!isBirthday) + { + if (speed <= 60) + return 0; + else if (speed >= 61 && speed <= 80) + return 1; + else if (speed >= 81) + return 2; + } + while (isBirthday) + { + if (speed <= 65) + return 0; + else if (speed >= 66 && speed <= 85) + return 1; + else if (speed >= 86) + return 2; + } +}" +a793fe8bc7ef93e860867934faaefabee6109284,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +319ff2d373ebadbbffd11b5c5a627e48a5783afc,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0; + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } +} +" +f2cb95a9b34f9f39eef5d70b74753e2a8d272bd5,"public void int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } +} +" +be6f330ec55383c3df4f8bb983cb48c54ee2f1e9,"public void int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } +} +" +14bc6448353518782178f5c74087d82404a0c26a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + if (speed > 65 && speed <= 85) + return 1; + + return 2; + + if (speed <= 60) + return 0; + + if (speed > 60 && speed <= 80) + return 1; + + return 2; + +} +" +010d87232326fdaaeb0c961377c59d1a51c990c4,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0; + if (isBirthday == true) + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +d8ea9b4342027aedc054869f84ea158c4c45cfb6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (isBirthday) + + if (speed <= 65) + return 0; + + else if (speed > 65 && speed <= 85) + return 1; + + else + return 2; + + if (speed <= 60) + return 0; + + if (speed > 60 && speed <= 80) + return 1; + + return 2; + +} +" +56c80ff9fa386eb00b66afe0077ceaa7c20115a8,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0; + if (isBirthday == true) { + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +ea228193372425b5b7f987750e80a378e2dd3775,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + return 0; + if (isBirthday == true) { + if (speed<=65) { + return 0; + } else if (speed>=66 && speed<=85) { + return 1; + } else if (speed>=86) { + return 2; + } + } + else if (isBirthday == false) { + if (speed<=60) { + return 0; + } else if (speed>=61 && speed<=80) { + return 1; + } else if (speed>=81) { + return 2; + } + } + return 0; +} +" +2ae44ecc5b5194971130b1eee07087b11fc5b16f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String readBollean = readLine (""Is it your birthday today?""); + System.out.println(readBoolean); +} +" +137641287793d3030c189bc0301aca2e24ed2be6,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String readBollean = readLine (""Is it your birthday today?""); + System.out.println(readBoolean); +} +" +23c3ff155f5efe05f05b37a0b3c16bc8bdf58256,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +Integer ticket = 0 + while (!isBirthday) + { + if (speed <= 60) + ticket = 0; + else if (speed >= 61 && speed <= 80) + ticket = 1; + else if (speed >= 81) + ticket = 2; + } + while (isBirthday) + { + if (speed <= 65) + ticket = 0; + else if (speed >= 66 && speed <= 85) + ticket = 1; + else if (speed >= 86) + ticket = 2; + } +return ticket; +}" +3b58290ef6781b81c0afc73d6fcbef1f0e2f0d6f,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +Integer ticket = 0; + while (!isBirthday) + { + if (speed <= 60) + ticket = 0; + else if (speed >= 61 && speed <= 80) + ticket = 1; + else if (speed >= 81) + ticket = 2; + } + while (isBirthday) + { + if (speed <= 65) + ticket = 0; + else if (speed >= 66 && speed <= 85) + ticket = 1; + else if (speed >= 86) + ticket = 2; + } +return ticket; +}" +76286719ac7423989422715de271bd578de186f1,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed > 61) + return 1; + else (speed > 81) + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed > 66) + return 1; + else (isBirthday && speed > 86) + return 2; +} +" +55d86cd006be59c6ebe755157a6a9bdad365d381,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String readBollean = readLine (""Is it your birthday today?""); + System.out.println(readBollean); +} +" +480458822ccd34bccc2b984fd33910c55e600991,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed > 61) + return 1; + else if (speed > 81); + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed > 66) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +54e17cbda9800aeea5031acd36183376a26de216,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + +} +" +4b9a1ed5965efb67789a81f3da0c2b0d7aad234d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed > 61) + return 1; + else if (speed > 81); + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed > 66) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +fe119b09746429c31f68200d51522d11ed5a286d,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed > 61) + return 1; + else if (speed > 81); + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed > 66) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +3cd879283d1437d7daeb543de9a914a7cb16f8e0,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed ) + return 1; + else if (speed > 81); + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed > 66) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +d072a03c46ded59c1e73195a1f153b5597283b72,"public int caughtSpeeding(int speed, boolean isBirthday) +{ +Integer ticket = 0; + while (!isBirthday) + { + if (speed <= 60) + ticket = 0; + else if (speed >= 61 && speed <= 80) + ticket = 1; + else if (speed >= 81) + ticket = 2; + } + while (isBirthday) + { + if (speed <= 65) + ticket = 0; + else if (speed >= 66 && speed <= 85) + ticket = 1; + else if (speed >= 86) + ticket = 2; + } +return ticket; +}" +a5a778b825c3381675a97cbef95284119ee0260a,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed ) + return 1; + else if (speed > 81) + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed > 66) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +a505c63fd04490f6120e8c654aa21c780601a590,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed ) + return 1; + else if (speed > 81) + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed ) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +fb7652749619d17221fab682747c0244c7ebe393,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + if (speed < 60) + return 0; + else if (80 < speed ) + return 1; + else if (speed > 81) + return 2; + if (isBirthday && speed < 65) + return 0; + else if (isBirthday && 85 < speed ) + return 1; + else if (isBirthday && speed > 86) + return 2; +} +" +fa346e9fc4fb554297f2ce6ad9d5f073bb17bf8b,"public int caughtSpeeding(int speed, boolean isBirthday) +{ + int noTicket = readInt(""noTicket: ""); + if( speed<= 60) + { + System.out.println(""0""); + } + int samllTicket = readInt(""caughtSpeeding: ""); + if(61 <= speed<= 80) + { + System.out.println(""1""); + } + int bigTicket = readInt(""caughtSpeeding: ""); + if(81<= speed) + { + System.out.println(""2""); + } + boolean isBirthday = noTicket && (samllTicket || bigTicket); + boolean notBirthday = false; + String readBollean = readLine (""Is it your birthday today?""); + System.out.println(readBollean); +} +" +d35a6e418953d5a1b11258e1fe3bcdf7782f7718,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +4d150e0de0cd49d36528a16e2ea65b7f2c6d170e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && (temp<=100 && temp>=60) + return true; + else if summer==false && temp<=90 && temp>=60) + return true; + else + return false; +} +" +858f80a1f22183de5efb4d4228f06cbe30302586,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp<=100 && temp>=60) + return true; + else if summer==false && temp<=90 && temp>=60) + return true; + else + return false; +} +" +4517620f8505a4c7ba413a0ebebd4aaa0adbc513,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp<=100 && temp>=60) + return true; + else if(summer==false && temp<=90 && temp>=60) + return true; + else + return false; +} +" +6adb9cc27587eca95597b9dd3716da140d592f60,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp<=100 && temp>=60) + return true; + else if(isSummer==false&&temp<=90 && temp>=60) + return true; + else + return false; +} +" +e072ff70879165f39c8cffd34ef8ef650f2359b6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +f4a5089e9c2c049c430880696eee24ee113e86e1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + if (temp >= 60 && temp <= 90) + return true; + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + return false; +} +" +2095c961a78344ec08906673662d0d22f499a3fb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (isSummer = true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + while (isSummer = false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +a1597e2b8fa0afd17d49689c51f75a9b81e721d5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (isSummer = true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + while (isSummer = false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +717945497dddf95277312b86082598443ea8fea9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (isSummer = true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + while (isSummer = false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +0d032a7976afde748bf818b478349852a216c7b7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (temp >= 60 && temp <=100) + if (isSummer = true) + { + return true; + } + return false; +} +" +d037106e60edb7a4d10961c61d5c761b19588c75,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (temp >= 60 && temp <=100) + if (isSummer = true) + { + return true; + } + else + { + return false; + } + return false; +} +" +0c3ad7334ec3a91bccfe99835bcd61d80e2eea75,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + while (temp >= 60 && temp <=100) + if (isSummer = true) + { + return true; + } + } + return false; +} +" +cf7e647143153441aa3c1f85e7e0d14d33173311,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + while (temp >= 60 && temp <=100) + { + if (isSummer = true) + { + return true; + } + } + return false; +} +" +04b6c7ccb9b4c9c9d3f66619bc09cfd0a8b1b10c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (temp >= 60 && temp <=100) + { + if (isSummer = true) + { + return true; + } + else if (isSummer = false) + { + return false; + } + } + if (temp < 60 || temp > 100) + { + return false; + } +} +" +fa3f6dafba09242f23984ca16f2e8d07dab2c785,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (temp >= 60 && temp <=100) + { + if (isSummer = true) + { + return true; + } + else if (isSummer = false) + { + return false; + } + } + if (temp < 60 || temp > 100) + { + return false; + } + return false; +} +" +f48aec1a819f3787332a4ad22e430b97cd8630ee,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (temp >= 60 && temp <=100) + { + if (isSummer == true) + { + return true; + } + else if (isSummer == false) + { + return false; + } + } + if (temp < 60 || temp > 100) + { + return false; + } + return false; +} +" +3b9dbc8c33bb5850235ecc7bd22085d09d2e694c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == false && (temp >= 60 && temp <= 90)){ + return true; + }else if(isSummer == true && (temp >= 60 && temp <= 100)){ + return true; + }else{ + return false; + } +} +" +aae29ac9b9c3224124ba0ede48b4850139d90401,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temperature <= 60 || temperature >= 100) + return true; + else + return false; +} +" +d6b9465a7e632a28d15bd68098d6dbfcc994a1cf,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temperature <= 60 || temperature >= 100) + return true; + else + return false; + } +} +" +70e652d8b589b4d0cdde4928c173d150636e3800,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp <= 60 || temp >= 100) + return true; + else + return false; + } +} +" +4d2cfe1b8cf5deb0f7f79e5c2d39bb54d2edb72c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 || temp <= 100) + return true; + if + return false; + } +} +" +4977f59c994984e1f1af7299a435cbc8f99bc397,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 || temp <= 100) + return true; + else + return false; + } + else + { + if(temp >= 60 || temp <= 90) + return true; + else + return false; + } +} +" +38f0fe717e48e8ad521221618178f7522f3e7543,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if(temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +2bf1c04d9d27c1634b52289bf71e91e6ac7b6c7e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + else if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } +} +" +d38f3fba632b9d1090b115575920e7b99467b826,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +458719edc6b441b22acbf97ad033ce4c6ef73b26,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +d30294d40b97ae1f2052f7c52ebebe0dae64f700,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +6baefe4574319c054f37c6f5ec70758bb9943bb1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if((temp>=60 && temp<=90) && !isSummer) + { + return true; + } + + else if(is Summer == true) + { + if(temp>=60 && temp<=100) + { + return true; + } + } + + return false; +} +" +228470a1147c2fa8fc6a8ebf7000ce2e619209f9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if((temp>=60 && temp<=90) && !isSummer) + { + return true; + } + + else if(isSummer == true) + { + if(temp>=60 && temp<=100) + { + return true; + } + } + + return false; +} +" +b21f02595cae93f5e0ea0fc0e02cb92e405ab039,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if((temp>=60 && temp<=90) && !isSummer) + { + return true; + } + + else if(isSummer == true) + { + if(temp>=60 && temp<=100) + { + return true; + } + } + + return false; +} +" +a9aef1ebcd7d7d3b8bcb746b98d5f9ef237fd307,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else + if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +54c6d197b655a92400f8908db7a6cdea92688d2d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if( temp <=60 && temp >= 100) + return true; + return false; + } + else if(temp <= 60 && temp >=90) + return true; + else + return false; +} +" +ca9e4ef48cc10f83c66b8f60eb5444481c0be133,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if( temp >=60 && temp <= 100) + return true; + return false; + } + else if(temp >= 60 && temp <=90) + return true; + else + return false; +} +" +29ad5db824d3afe09833e8cf6dbc7571e21a2fee,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false + } + + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false + } + } +} +" +88e3a48054a6f5a09d0b28dc6f268274e41c1bde,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +67b1689cc3f454ed979ad6352eee5fdf021da618,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upperTemp = 90; + if (isSummer) + upperTemp = 100; + if (temp >= 60 && temp <= upperTemp) + return true; + else + return false; +} +" +2f065ff41f1c3ce4bccbfea2d334dd4a757b6444,"public static boolean squirrelPlay(int a, boolean b) +{ +int upper = 90; + +if(b) +{ +upper = 100; + +return (a>=60 && a<=upper); +} +}" +b4378eda8dad1c07e4c9b733bcfe2ee8866ab044,"public static boolean squirrelPlay(int a, boolean b) +{ +int upper = 90; + +if(b) +{ +upper = 100; + +return (a>=60 && a<=upper); + +}" +445f57b62ae7d0580715d6255a2f3b34994d27e1,"public static boolean squirrelPlay(int a, boolean b) +{ +int upper = 90; + +if(b) + +upper = 100; + +return (a>=60 && a<=upper); +}" +aba2fb1ee52256f21a32a3ef30fb5a522ace6dba,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +536ed53399e4cfe8032e8a0b52d6d80466a203a5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 || temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 || temp <= 90) + { + return true; + } + } + return false; +} +" +e332b005b09c3e45f5d637ac26924a7bb42fd9a5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 || temp <= 100) + { + return true; + } + return false; + } + else + { + if (temp >= 60 || temp <= 90) + { + return true; + } + return false; + } + return false; +} +" +70d6c1fccfeff17816059327d0c6b4fa934129ac,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 || temp <= 100) + { + return true; + } + return false; + } + else + { + if (temp >= 60 || temp <= 90) + { + return true; + } + return false; + } + +} +" +1cc9536e58d96805aa6825a47ec1a7f4ecb229c8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 || temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 || temp <= 90) + { + return true; + } + return false; + } + +} +" +d3077184d2272d388ceba031756933c76e2627f8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 || temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 || temp <= 90) + { + return true; + } + return false; + } + return true; +} +" +6900e14107e668330aeed7df22ae6dc5eda4b1ca,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(is Summer) + { + return temp <= 100 && temp >= 60) + } + +} +" +1975b6d55995f17d1a169ae1013e5ee8b289fdb2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return temp <= 100 && temp >= 60); + } + +} +" +ebf74bd2a5870a5c7678aa20ef6b7b891b79180f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp <= 100 && temp >= 60); + } + +} +" +69df51ad65fe015eea0077c4cf62a7ea57f04b79,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp <= 100 && temp >= 60); + } + return (temp <= 90 && temp >= 60); + +} +" +8169c96944c34ff9783920bdf6f7be20fe3c0a69,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 || temp <= 100) + } + else + { + return (temp >= 60 || temp <= 90) + } +} +" +568eac07467a1668079c3da61dc891dafc056dfe,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 || temp <= 100); + } + else + { + return (temp >= 60 || temp <= 90); + } +} +" +365381a92c89783d49a39aabbe234f5b2a66cf9a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 || temp <= 100); + } + return (temp >= 60 || temp <= 90); + +} +" +e1d86baf37001bec926be2eb3b837801cbd24268,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp <= 100 && temp >= 60); + } + return (temp <= 90 && temp >= 60); + +} +" +b18390fe3bf0f1b4ca038229d1f22bbe8249c012,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean sumLimit = ((temp >= 60)&&(temp <= 100)); + boolean regLimit = ((temp >= 60)&&(temp <= 90)); + + if (isSummer && sumLimit) + { + return true; + } + else if (!isSummer && regLimit) + { + return true; + } + else + { + return false; + } +} +" +81fbfde57bedba51540b32198b8fbe372461d548,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } +} +" +410689246ac15638f6090816e65f8d27afca7f91,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } + } + + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + } +} +" +9b6aa43e09ca26fec148854493cea90cbfb05484,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } + } + + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + } + return true; +} +" +cd605dd7e9789d6334dc78f82764a0b711c83486,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer && temp >= 60 && temp <= 100) + { + play = true; + } + else if (temp >= 60 && temp <= 90) + { + play = true; + } + return play; +} +" +c9866a2cdea99bc368f793002181cdd49cd43107,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (!isSummer); + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } +} +" +64ef96c8bc1617b0a7df02e65b95d771c68b3bde,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (!isSummer); + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +4711ee864a247ffca73406c9f530d360349c5a49,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (!isSummer); + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +040f2855b9016660fbed566f12422b384780ec0f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return ((temp >= 60 && temp<=90 && !isSummer) || ((temp >= 60 && temp<=100 && isSummer)); +} +" +9de78918e3d985e14ae0e0e0e8d1cb34a6a8c91d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return ((temp >= 60 && temp<=90 && !isSummer) || (temp >= 60 && temp<=100 && isSummer)); +} +" +eae2ee66fbcea0afd1c92b4bbd8d4232e719efb8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp<= 90) + return true; + else + false; + } + else if (temp <= 100 && temp >= 60) + { + return true; + } + else + false; + + +} +" +fb5783917c21d169efca91dbb5d4ab90ca98e7cd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp<= 90) + return true; + else + return false; + } + else if (temp <= 100 && temp >= 60) + { + return true; + } + else + return false; + + +} +" +3f3f8426bb89afddca24cb172dc9991870f9d4f5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return(temp >= 60 && temp <= 100); + } + else + { + return(temp >= 60 && temp <= 90); + } +} +" +6d02d2abec75796448ea68c4225d75bc3968d97b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +96382d7a0952b9919b594af3a3ed851f800b97a7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +6051d2978a6e1de15b132ae2419ffb0e77da8f4f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + else if(!isSummer && 60 <= temp && temp <= 90) + return true; + + else + return false; +} +" +b9dabb2f5682f353a684bcb53448fe5f3de6635c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (60 <= temp && temp <= 100) + return true; + else + } + else if(!isSummer ) + { + if (60 <= temp && temp <= 90) + return true; + + else + return false + } + // else + //return false; +} +" +34392f7730d82e7501832aacf0ff88432b590210,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (60 <= temp && temp <= 100) + return true; + else + } + else if(!isSummer ) + { + if (60 <= temp && temp <= 90) + return true; + + else + return false + } + else + return false; +} +" +7f44f055d189052ad9191cbd046de8ececb3d198,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (60 <= temp && temp <= 100) + return true; + else + return false; + } + else if(!isSummer ) + { + if (60 <= temp && temp <= 90) + return true; + + else + return false + } + else + return false; +} +" +57f89e198020af95bcab5020e1034563f48d4391,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (60 <= temp && temp <= 100) + return true; + else + return false; + } + else if(!isSummer ) + { + if (60 <= temp && temp <= 90) + return true; + + else + return false; + } + else + return false; +} +" +2baa65ec8b710a49bcad8dc55011688610c49f66,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (60 <= temp && temp <= 100) + return true; + else + return false; + } + else if(!isSummer ) + { + if (60 <= temp && temp <= 90) + return true; + + else + return false; + } + // else + //return false; +} +" +7c270b4b6f0a9063b6f5202a6458dac3bc1e3eda,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (60 <= temp && temp <= 100) + return true; + else + return false; + } + else if(!isSummer ) + { + if (60 <= temp && temp <= 90) + return true; + + else + return false; + } + else + return false; +} +" +085f26098d3becda28aed5dae1d7e9fcefd3c4d7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + return false; + } + else + if (temp >= 60 && temp <= 90) + { + return true; + } + else + return false; +} +" +879e5d22a6389e149d74a5b293a035c74e444be2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + else if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } +} +" +75a5402fd4db4086cd1c9e01826eaf4cd9ec6dc2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +} +" +19968b662ee72979f6eca15ee4c185ca8885d008,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + if (!isSummer && temp >= 60 && temp <= 90) + return true; + return false +} +" +dc23e528bd74dbcdb541ee29b004f0426a8d31c4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + if (!isSummer && temp >= 60 && temp <= 90) + return true; + return false; +} +" +686a45cf59059a04f7abff80dd72c7e5343e96ce,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else + if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +af1919df2baa50a830c5bdc47e84089b00fbfa8c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if(60<=temp || temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (60<=temp || temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +96b208e444ec09db4afd80599131e5808a317d36,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if(60<=temp && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (60<=temp && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +139b5bb34ff17148e998934288846c12260ff269,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer); + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else return false; + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else return false; + } +} +" +7de8a24505128c17c32c8b096b726d4d2a8e2a14,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer); + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else return false; + } +} +" +eaae0bafda5a5545c8cd5c784d9f79712211e431,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 60 && temp <= 100); + { + return true; + } + else + { + return false; + } + } + else + { + if (temp <= 60 && temp <= 90); + { + return true; + } + else + { + return false; + } + } +} +" +a905c709a0b811167d32443451c367126759dd49,"public boolean squirrelPlay(int temp, boolean isSummer) { + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +}" +00b6448bca1cbe5da6e78cb8ea4abb0196b9c0b8,"private boolean play; + +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer = true) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + else + { + play = false; + } + } + else if (isSummer = false) + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } + } + return play; +} +" +055f504152ee20d97741335da9619e5bb7904390,"private boolean play; + +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer = true) + { + if (temp >= 60 || temp <= 100) + { + play = true; + } + else + { + play = false; + } + } + else if (isSummer = false) + { + if (temp >= 60 || temp <= 90) + { + play = true; + } + else + { + play = false; + } + } + return play; +} +" +b9d3342c0b77b524947c0f1558bc332d7df97242,"private boolean play; + +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer = true) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + else + { + play = false; + } + } + else if (isSummer = false) + { + if (temp >= 60 || temp <= 90) + { + play = true; + } + else + { + play = false; + } + } + return play; +} +" +f32e4e0eaacdb201f3a478332be278e58d87175c,"private boolean play; + +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer = true) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + else + { + play = false; + } + } + else if (isSummer = false) + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } + } + return play; +} +" +86736ba13010f5f9b09f96f7eb6d12dfebc87324,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 60 && temp <= 100); + { + return true; + } + else + { + return false; + } + } + else + { + if (temp <= 60 && temp <= 90); + { + return true; + } + else + { + return false; + } + } +} + +public String alarmClock(int day, boolean vacation) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else return false; + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else return false; + } +} + +" +d3d3ec84ba5c5bb7265ec299e15bf1eefdb97601,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else return false; + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else return false; + } +} + +" +9f537ab34c89651500d0de87fe8f5792fad548d2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp <= 60) + return false; + temp += !isSummer ? 10 : 0; + if(temp <= 100) + return true; + return false; +} +" +4d4e9d1417428a423d0d35574249d3ab7581b8ed,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp < 60) + return false; + temp += !isSummer ? 10 : 0; + if(temp <= 100) + return true; + return false; +} +" +1e496c5a81d9f02ee3ae51a93bf2f0cabb5c4f6f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +4d73b0b4ce6e43e1e0beef00977af511123dc26f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 100 & isSummer) + { + return true; + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +beaf7762a2e95195598135447e69b4798bbb734e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +8ed44fa647624ad71ffb2e811bbfe73b08856591,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + return false; + } + +} +" +3afabe35267addab778bd9e8ced7ab88d8162842,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + +} +" +f2a34605c8b5a037a00426e4aa6ddec0a6affda5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + if ( temp >= 60 && temp <= 90) + { + return true; + } + + +} +" +08bc11e3d4adf421b8e8004352f3270eaa635788,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + return true; + else + + return false; + + } + else + if ( temp >= 60 && temp <= 90) + { + return true; + } + + +} +" +a23740e97e9af6a9fbfca2159c9c29bf9333a461,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if ( temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +d678aa172556ba03bb22143d47dfcf83c5ca786d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + return true; + + } + else + { + if ( temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +72980c30c2e54d6a4f1216f79dd3ebaaf3517e43,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if ( temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +1e56c4fd7574e6659ba44dfacec04b415b1d52bd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + if (60 <= temp && temp <= 90) + return true; + else + return false; + else + if (60 <= temp && temp <= 100) + return true; + else + return false; +} +" +658b3712d956963e30668fcc81f335e7b27e4485,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) { + if (temp >= 60 && temp <= 100) { + return true; + } + return false; + } + else { + if (temp >= 60 && temp <= 90) { + return true; + } + return false; + } +} +" +daeb12c2653d3af7ae9ad634b7d8306c4377624d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +da6f7352b4370097660ca01296e384a136233f92,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(!isSummer){ + if(temp >= 60 && temp <= 90){ + return true; + } + else{ + return false; + } + } + if(isSummer){ + if(temp >= 60 && temp <= 100){ + return true; + } + else{ + return false; + } + } +} +" +f2691c961d8e4e81cbfaf095b85c125f26e30b4f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(!isSummer){ + if(temp >= 60 && temp <= 90){ + return true; + } + else{ + return false; + } + } + if(isSummer){ + if(temp >= 60 && temp <= 100){ + return true; + } + else{ + return false; + } + } + return(isSummer); +} +" +5d2ebf86e1846ea1e93cac79006756eafe007430,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <=90) + { + return true; + } + else + { + return false; + } + } +} +" +b8687a9d48387c988b2aae9ef559fd7c0ad79b58,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upperLimit; + + if (isSummer) + { + upperLimit = 100; + } + else + { + upperLimit = 90; + } + + if (temp >= 60 && temp <= uppLimit) + { + return true; + } + else + { + return false; + } +} +" +b259e45a600eb6fa63aedd1e69c5b7f0c293bddd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upperLimit; + + if (isSummer) + { + upperLimit = 100; + } + else + { + upperLimit = 90; + } + + if (temp >= 60 && temp <= upperLimit) + { + return true; + } + else + { + return false; + } +} +" +e629088d9588e512be38fde7d560ac7778a0fd2e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean x; + if (isSummer) + { + if (temp <= 100 && temp >= 60) + { + x = true; + } + else + { + x = false; + } + } + else if (temp <= 90 && temp >= 60) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +3d5697a5e8472d8ee07558f56df05563d014fc97,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >=60 && temp <=100) + { + return true; + } + else + { + if (temp >=60 && temp <=90) + { + return true; + } + } + return false; + } +} +" +d4b8fe7e89b05dba5aa988b3fad3302def59c852,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >=60 && temp <=100) + { + return true; + } + else + { + if (temp >=60 && temp <=90) + { + return true; + } + } + + } + return false; +} +" +76fd228ae70ded3906c9809dcbd9240d0a378daa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >=60 && temp <=100) + { + return true; + } + else + { + if (temp >=60 && temp <=90) + { + return true; + } + } + + } + return false; +} +" +62f5d8aa5c0df5e97716f4aff7ed0df47276cf0b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >=60 && temp <=100) + { + return true; + } + } + else + { + if (temp >=60 && temp <=90) + { + return true; + } + } + + + return false; +} +" +d05cd30e75fa8bf94c06440a96bb470cf80b6c17,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + + } +} +" +d570e805035fbecf26f543a8c1c9a2acf5c6c05b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + } +} +" +6d691e5e7a1aef54da910f48bb2dc84739189429,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true + } + } +} +" +ecb7cc839e3080a7b60d29a16fe9833229daddce,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } +} +" +cb8941dba9cbff04aa69d5678fa7603396fdb34c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return; +} +" +41ac420a59efd8a7df94145466a3f58d638ba68a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean doPlay = false; + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + doPlay = true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + doPlay = true; + } + } + return doPlay; +} +" +70b230a5b71c903fc41b8e13b1ccef8d4b503bdc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } +} +" +fb59c79658bb32b6daad42cbdb8bfa0c504c4de8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (summer) + { + if (temp >= 60 && temp <= 100) + { + + return true; + } + else + { + return false; + } + } + + else + { + if(temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + + +} +" +d39c22065a9c48be5b57b3405c80951045576710,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + + return true; + } + else + { + return false; + } + } + + else + { + if(temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + + +} +" +a4a204a7f131a2bd02585a880d46d98f1098fd2d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + return (temp >= 60 && temp <= 100); + } + return (temp >= 60 && temp <= 90); +} +" +ddd6a4d73f75eaa8e51a49ccfbd0f3a6b9e69631,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ((60 <= temp) && (temp <= 100)) + { + return true; + } + else + { + return false; + } + } + else if ((60 <= temp) && (temp <= 90)) + { + return true; + } + else + { + return false; + } +} +" +9e197fcfc4b3a0f6d95c07dd29fbfd14bde4505e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp < 60) + { + return false; + } + + if (isSummer) + { + if (temp <= 100) + { + return true; + } + + return false; + } + else + { + if (temp <= 90) + { + return true; + } + + return false; + } +} +" +b7e39a22f37ce0f259f797a08b4c4d29c5748cbd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if(temp >= 60 && temp <= 100){ + return(true); + }else{ + return(false); + } + }else{ + if (temp >= 60 && temp <= 90){ + return(true); + }else{ + return(false); + } + } +} +" +ec48c981a5f4c69b45524bb06419f8b3fcf4711c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + } + return play; + +} +" +e031b68c5b78db28abf667675368b4298e675561,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if((temp>=60 & temp<=90) && !isSummer) + { + return true; + } + else if((temp>=60 & temp<=100) && isSummer) + { + return true; + } + return false; +} +" +a3d94a86c7fdfa5c3e6d4f494303d0d04a07db1d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp > 59 & temp < 101) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp > 59 & temp < 91) + { + return true; + } + else + { + return false; + } + } + +} +" +cdf031b34bad4d1092150d9b2c87ac5dfa19a804,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp>=60 && temp<=100) + return true; + else + if(temp>=60 && temp<=90) + return true; + else return false; +} +" +403cc5ebc9376d6ea42d1b37eba3ce8232b7322f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp>=60 && temp<=100) + return true; + else + if(temp>=60 && temp<=90) + return true; + else return false; + return false; +} +" +4b36c2499752ee5204cb537d247ea2297ec3eee7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp>=60 && temp<=100) + return true; + else + if(temp>=60 && temp<=90) + return true; + else return false; + return true; +} +" +cb4ab9c3f24f1cd74382629483d82461a5ba49bd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +84322120f4881cec87247969e5d1e64f6be49834,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60) + { + if (isSummer) + { + if (temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp <= 90) + { + return true; + } + else + { + return false; + } + } + +} +" +0ae6d84fcea818e02e5cc1c7eb38feaedfed9a62,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60) + { + if (isSummer) + { + if (temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +950a14ecad8dcae012ba16eeac55bdf53c018010,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60) + { + if (isSummer) + { + if (temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp <= 90) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } + +} +" +8cb851e29dd7471d38f2f1bec4afa7a8c1468104,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp <= 90 && temp >= 60) + { + return true; + } + if (isSummer == true) + { + if(temp <= 100 && temp >= 60) + { + return true; + } + return false; + } + return false; +} +" +c16d74e7c74c8056a7ba5d5e09c28f166dca654d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + return true; + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + return false; +} +" +b95e8a49fcf3b97dcf9744af3c0aa6d2e43c9b69,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (isSummer) + if (temp >= 60 && temp <= 100) + return true; + return false; + if (temp >= 60 && temp <= 90) + return true; + return false; +} +" +6cea5533e4abc0bf03398fdd66691eb72d4389c9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp < 60) + { + return false; + } + while (isSummer) + { + if (temp <= 100) + { + return true; + } + return false; + } + if (temp <= 90) + { + return true; + } + return false; +} +" +05d13359033633222e0027e05158c56c1b3749e1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ((temp >= 60) && (temp <= 100)) + { + return true; + } + else + { + return false; + } + } + else + { + if ((temp >= 60) && (temp <= 90)) + { + return true; + } + else + { + return false; + } + } +} +" +17b5c4011f4e924f83f1e0866b3c24904829f395,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +9b5805233a25a9d8d003cab56ea197d37e273229,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +d7f3b410b9909ecdbe3a48729b8203e3c80ec1f4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((temp >= 60 && temp <= 90 && !isSummer) + || (temp <= 100 && temp >= 60 && isSummer)) + { + return true; + } + else + { + return false; + } +} +" +76cf69beb4bf99852ad21e8d31524a82d1dde5dc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp>= 60 && temp<= 90) + return true; + else + return false; + } +} +" +a6ef869527e799ebeaa3435595e0271453b97469,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int temperature = temp; + boolean summer = isSummer; + int minTemp = 60; + int maxTemp = 90; + boolean play = false; + if (summer == true) + { + maxTemp += 10; + } + if (temp >= minTemp && temp <= maxTemp) + { + play = true; + } + return (play); +} +" +95a9c6bb4403a47ac6af711a18cd6f42adb309ba,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp > 59 && temp < 101) + return true; + else return false; + } + else + { + if (temp > 59 && temp < 91) + return true; + else + return false; + } +} +" +bb275d69a8b196d4a92b17710876744c7dff6642,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <== 90); +} +" +58be8cdc53c5de0fd5413467cd19f85f81523ad8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + (temp >= 60 && temp <== 90); +} +" +45c6f2acab29e9cc160c248c2988bb8e33eb2e0c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <== 90); +} +" +c89eb3cb6854c71aa06c7c4d3f59de06a3f1ffe9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +7ee458cf3ff3a4d8f7c22342da747ca0cb81956a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +b446ab0f773ff509e76a366618293d7b5205b14d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); + + +} +" +eb195f0a87f67e7a5a9e9df4111bb5850fbb0b09,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +da14ec5388685f870ff6818a5de3f3de19b5264b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp <= 60 && temp >= 100) + return true; + else if (temp <= 60 && temp >= 90) + return true; + return false; +} +" +7828a300a539ba98861aa656615e30be36839850,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean result = false; + + if (isSummer) + { + if (temp >= 60 && temp >= 100) + { + result = true; + } + } + + if (temp >= 60 && temp >= 90) + { + result = true; + } +} +" +631564a001428acfcb15c8f44b13004b6b42f1de,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60) + { + if (temp <= 100) + { + return true; + } + return false; + } + return false; + } + else + { + if (temp >= 60) + { + if (temp <= 90) + { + return true; + } + return false; + } + return false; + } +} +" +b9a81c8ccf73a667e1b096357202fb62f42b81b3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean result = false; + + if (isSummer) + { + if (temp >= 60 && temp >= 100) + { + result = true; + } + } + + if (temp >= 60 && temp >= 90) + { + result = true; + } + + return result; +} +" +a6692ac8743f79a7d57ca572da4218a70845bca5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean result = false; + + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + result = true; + } + } + + if (temp >= 60 && temp <= 90) + { + result = true; + } + + return result; +} +" +3444c866ebf777a90780c64e58ab2b3ba2531f8d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + else if (temp >= 60 && temp <= 90) + return true; + return false; +} +" +65f5718c4ee4476d712d9630491b92295ea1c15f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +62830b5d04260934c2504aba7c850e0a540a5b64,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + return true; + } + else + { + if (temp <= 90 && temp >= 60) + return true + } +} + +" +c3187033db141d9c8b1fcd7f81f9212aec2c4ecf,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + return true; + } + else + { + if (temp <= 90 && temp >= 60) + return true; + } +} + +" +541c6565b3c679cc6f6866c7524281cbafe8bae9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp <= 100 && temp >= 60) + else + return (temp <= 90 && temp >= 60) +} + +" +190d278f3b639583df16f1b8ac1543d2baa39446,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp <= 100 && temp >= 60); + else + return (temp <= 90 && temp >= 60); +} + +" +7a7672cf48e624abaf643fdcd90292ddb5b3b244,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp <= 100 && temp >= 60) + return true; + else + return (temp <= 90 && temp >= 60); +} + +" +9d6f7721e6fc691eb8e3445cd7706bd1e34a04fa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp <= 100 && temp >= 60) + else + return (temp <= 90 && temp >= 60); +} + +" +27f15c9fd75219a303f89d9ccca2ebdf655f03f4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp <= 100 && temp >= 60); + else + return (temp <= 90 && temp >= 60); +} + +" +c801047b7c51dbcd5435ea8f29fb1bbb8e41a14d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +191e6214ca24cd079ad6a0f250683f96394c1f24,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && (temp<=100 && temp>=60)) + { + return true + } + else if (temp<=90 && temp>=60) + { + return true + } + else + { + return false; + } +} +" +5eb3cd534e3c4ae68ab81c54d061d0a33e0833c8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && (temp<=100 && temp>=60)) + { + return true; + } + else if (temp<=90 && temp>=60) + { + return true; + } + else + { + return false; + } +} +" +9834b4b2e08b297ea1de6c166a2d793aacf014a8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +d89cfb773e2751b45a4552a8c11ab197e7c043e9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +914202d573b3dc4cf5cec9437bdfd10d5998702d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp>=60 && tamp<=100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp>=60 && tamp<=90) + { + return true; + } + else + { + return false; + } + } +} +" +8ac04f0f2a1a77ca7235c32d1e83395d0412211f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp>=60 && temp<=100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } + } +} +" +1c4328710947fab151f7a56fd6f276ff65cd08a1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + + if (temp > 59 && temp < 91 && !isSummer) { + play = true; + } + + else if (temp > 59 && temp < 101 && isSummer) { + play = true; + } + + return play; +} +" +67bc3fd9de7d95c6556f40a8ededdeef01f94791,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>=60) + { + if(isSummer) + { + if(temp<=100) + { + return true; + } + } + else + { + if(temp<-90) + { + return true; + } + } + } + return false; +} +" +48c11368ef167745a893d605989915a6a36a12c6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>=60) + { + if(isSummer) + { + if(temp<=100) + { + return true; + } + } + else + { + if(temp<=90) + { + return true; + } + } + } + return false; +} +" +366c92fe2aaab928628a3defe1e182c60a491a43,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp>=60&&temp<=100); + } + return (temp>=60 && temp<=90); +} +" +d62646be308ae4ed286a9281a180ff0a2f2c82f6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) { + if (temp <= 100 && temp >= 60) { + return true; + } + return false; + } else { + if (temp <= 90 && temp >= 60) { + return true; + } + return false; + } +} +" +7ef45ae43bd979da5561b8458ab198bacbbf985d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if ( temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + + else + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } +} +" +085d65df92e18ba97d029f84ade68762e7cc9c89,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + +} +" +04a14425a9f36eede25e8d486fffafb52185ab2a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >=60 && temp <= 100) + { + return true; + }else{ + return false; + } + } + if(temp >=60 && temp <= 90) + { + return true; + }else{ + return false; + } +} +" +c27eeac54ad6b645e2218d7b3cc73cf7f344277c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + { + return true; + } + return false + } + if (temp <= 90 && temp >= 60) + { + return true; + } + return false; +} +" +a18dcdaa34332ff226f0038b7f1b33976d30620e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + { + return true; + } + return false; + } + if (temp <= 90 && temp >= 60) + { + return true; + } + return false; +} +" +519718d6953cdf8591c88aff0328106314e24ab6,"private boolean play; +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else if (temp >=60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } +} +" +f9708f68f495bc0d57e15800ee655dc3689d172a,"private boolean play; +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else if (temp >=60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } + return play; +} +" +051086ed8204b1154f8ae485148ec3880d690f55,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 100 && isSummer) + { + return true; + } +} +" +b00e09654e55e56c9461af5136072dd91eaadf4b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 100 && isSummer) + { + return true; + } + else if (temp >= 60 && temp <= 90 && !isSummer) + { + return true; + } + else + { + return false; + } +} +" +6d9a24ea302bf1223a83924c407a34890354c09d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp >= 60 && temp <= 100) + return true; + else + return false; + else + if(temp >= 60 && temp <= 90) + return true; + else + return false; + + +} +" +ed1c631db5022c6d05d00d662d71aa6557e0bf5e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true) + { + if(temp>=60 && temp<= 100) + return true; + else + return false; + } + else + { + if(temp>=60 && temp<= 90) + return true; + else + return false; + } +} +" +a230250236f2c126abd260f9e7c8d1b208ad6ee9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +5c266fe9c0aefff5b56bf1285d8316a01f8eb559,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + while (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +ad111cf14e290d267646e94e26ed080fdc729ab3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if(temp >= 60 && temp <= 90) + { + return true; + } + } + + return false; +} +" +2bcdc25542eb2d53c32fe2baf536c18d33e0640c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp>=60 && temp<=100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } + } +} +" +1d6f2ba4d48c7223aaf961fdce7df50d8898f9aa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 & temp<=100) + { + return true; + } + else + { + return false; + } + } + else + { + if(temp>=60 & temp<=90) + { + return true; + } + else + { + return false; + } + } +} +" +e9ad79f3f38b8d94d215a6e8d522392735dbaba8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = true; + if (!isSummer) + if (temp >= 60 && temp <= 90) + play = true; + else + if (temp >= 60 && temp <= 100) + play = true; + else + play = false; +} +" +3087457ba11a7e549df6652e135ade6d192ca541,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + } + else if (isSummer == false) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + } + return false; +} +" +ba2daaae9a16594dec005ff5eed604c10b822fe7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + } + else if (isSummer == false) + { + if ( temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +8cc11116a4f8a9a6eed88515fbdc95dbf42698bc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = true; + if (!isSummer) + if (temp >= 60 && temp <= 90) + play = true; + else + play = false; + else + if (temp >= 60 && temp <= 100) + play = true; + else + play = false; + return play; +} +" +e8b647c4dd7c22f8de7bf437387161d563649601,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temperature >= 60 && temperature <= 100) + return true; + else + return false; + } + if (!isSummer) + { + if (temperature >= 60 && temperature <= 90) + return true; + else + return false; + } +} +" +16fee463a5b82c5cd4dbf36387d626a9a642acba,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +c8e89a77604b739a8b5defa3bd9b71adcbb191d7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } + return true; +} +" +153d6cfb4ffbf8990e70398c5524a1bd5464d7e8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( !isSummer && temp <= 90 && temp >= 60) + return true; + if ( isSummer && temp <= 90 && temp >= 60) + return true; + else + return false; +} +" +cc981888bf83038b8ba05e3944561e16078168c0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( !isSummer && temp <= 90 && temp >= 60) + return true; + if ( isSummer && temp <= 100 && temp >= 60) + return true; + else + return false; +} +" +6e21cdd2b4a63610bd2a3e882ee772968ef82b3c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (temp >= 60 && temp <= 100); + } + else + { + return (temp >= 60 && temp <= 90); + } +} +" +602ffdf4041f1b050a2fdfb06a0ece72dc827f97,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (60 <= temp && temp <= 100); + } + else + { + return (60 <= temp && temp <= 90); + } +} +" +ab6e9a29c83d8c52c8858ae6154e22a2b4eef96f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true + } + } + else if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true + } + } +} +" +4c8052c9ea2b9fa240ef10f1a28eedd4c829c418,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } +} +" +e839252e962a7dfc1d6612200b8447caa0856d60,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false +} +" +fbdfa3e7d38bc016cc0c14061e84e2333c820eb9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +938364be9b3120fc19015bf729c5b2862bcb8629,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +eeda31e6899c228e197524c34f39bfc4d45b3e44,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +7ddc413a340664997d6ee392d3129cb3d927b21d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + } + + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } + } +} +" +778b4449320f53294711a5d28299ade6c0696293,"boolean playing; +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (isTemp>=60 && isTemp<=100) + { + playing = true; + } + else + { + playing = false; + } + } + else + { + if (isTemp>=60 && isTemp<=90) + { + playing = true; + } + else + { + playing = false; + } + } +} +" +552f9e74a3bc0fdc1583c6d72ea1997df9be9b20,"boolean playing; +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (isTemp>=60 && isTemp<=100) + { + playing = true; + } + else + { + playing = false; + } + } + else + { + if (isTemp>=60 && isTemp<=90) + { + playing = true; + } + else + { + playing = false; + } + } + return playing; +} +" +37e3f43fc629d4a200d8b1f2fd030b4b4061c393,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60) + { + if (isSummer && temp <= 100) + { + return true; + } + else if (temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +098ca9817e79a5488008f0640b5831acfb339afb,"boolean playing; +public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp>=60 && temp<=100) + { + playing = true; + } + else + { + playing = false; + } + } + else + { + if (temp>=60 && temp<=90) + { + playing = true; + } + else + { + playing = false; + } + } + return playing; +} +" +51a5e92cd36c471c9e14850b4acee05ef6f553ab,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +a61b80328ba8acfe3ca774004997aaa00921ae3b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if (temp >=60 && temp <=100){ + return true; + } + else { + return false; + } + } + if (!isSummer){ + if (temp >=60 && temp <=90){ + return true; + } + else { + return false; + } + } +} +" +da7f8e3f67259fd8278fbb1d32054550758dfd35,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if (temp >=60 && temp <=100){ + return true; + } + else { + return false; + } + } + if (!isSummer){ + if (temp >=60 && temp <=90){ + return true; + } + else { + return false; + } + } +return false; } +" +6f4fed12a4f5e2d7d39cefa502de12ef41d60f8e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer != true) + if (temp >= 60 && temp <= 90) + return true; + else + return false; + else + if (temp >= 60 && temp <=100) + return true; + else return false; +} +" +c4f86ea8f4e7319e56e96e067403488bf90267ee,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == false) + { + + if(temp >= 60 && temp <= 90) + { + + return true; + + + } + else + { + return false; + } + + + } + + else + { + + + + + if(temp >= 60 && temp <= 100) + { + + return true; + + + } + else + { + return false; + } + + + + + + + + + + } + + + + + + + + + +} +" +bc9e9327e5b43ac0b0511cde4e5e928e66988637,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temp >= 60 && <= 90) + { + return true; + } +} +" +8ce774ddf43260b9faa39499c3a67d91f71fc099,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + { if (!isSummer && temp >= 60 && <= 90) + { + return true; + }} +} +" +9d8598bd34cf6fc1f411ad1357678b6d2c2a6770,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + ( if (!isSummer && temp >= 60 && <= 90)) + { + return true; + } +} +" +27d767f6dd24e4c093d78645e6de7e0a5b57cea0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temp >= 60 && <= 90) + { + return true; + } +} +" +bc01f7c375b375179566a7525ff2e92bdb9b9a38,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + return true; + if (isSummer && (temp >= 60 && <=90)) + return true; +} +" +c31c04649aa890bbff625f8009b252883abc9c3d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + {return true;} + if (isSummer && (temp >= 60 && <=90)) + {return true;} +} +" +7f2ae0377af148d9a0a904c0cb6fdc1c7e6014b3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + {if (!isSummer && (temp >= 60 && <= 90)) + {return true;}} + if (isSummer && (temp >= 60 && <=90)) + {return true;} +} +" +c28a46cc0653cb424a21367ce844a9b0ff680db0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + {return true;} + if (isSummer && (temp >= 60 && <=90)) + {return true;} +} +" +17762822de42bcea43d962027aef007173598527,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + { + if (!isSummer && (temp >= 60 && <= 90)) + {return true;} + if (isSummer && (temp >= 60 && <=90)) + {return true;} + } +} +" +4615cec3dd7d50663121943ac894e05f3b694ea7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + return true; + if (isSummer && (temp >= 60 && <=90)) + return true; + +} +" +5d0950acadfd9361366c5f8a49a72809a0d1266c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)); + return true; + if (isSummer && (temp >= 60 && <=90)); + return true; + +} +" +29e1510bc7bc8f07d72d49073eb63708597fe235,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + return true; + if (isSummer && (temp >= 60 && <=90)) + return true; + else + return false} +" +84fac9e97ea1095896b85422aef343189fa981f6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + return true; + if (isSummer && (temp >= 60 && <=90)) + return true; + else + return false; +" +ce5217bcb1acf782db776beb30dfe231b0b375d8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && <= 90)) + return true; + if (isSummer && (temp >= 60 && <=90)) + return true; + return false; +" +7ba7b01adb455839b3708e0ee94637c876b35b3f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && temp <= 90)) + return true; + if (isSummer && (temp >= 60 && temp <=90)) + return true; + +" +3987e255ebd5ea85d4f9fbfa80f89128dde9cbaa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && temp <= 90)) + return true; + if (isSummer && (temp >= 60 && temp <=90)) + return true; + else + return false; + +" +4eaa209f0aae0bb53ff1de5bddb6b3cb4e9f0d16,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && temp <= 90)) + return true; + + if (isSummer && (temp >= 60 && temp <=90)) + return true; + + return false; + +}" +63de09f92f7b8b535f6dfd0f8d38e8038b8ac0c4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && temp <= 90)) + return true; + + if (isSummer && (temp >= 60 && temp <=100)) + return true; + + else + return false; + +}" +96fd9f9485a4d621d7857b628d555520ad1a72cd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60 && temp <= 90)) + return true; + + if (isSummer && (temp >= 60 && temp <=100)) + return true; + + else + return false; + +}" +2c404791b1e6d4d427bb47b9d4d10f29e40f45de,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 || temp <= 100); + } + return (temp >= 60 || temp <= 90); + +} +" +f11b76c5c3f24b27350e30092f18580a5b3a4435,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 && temp <= 100); + } + return (temp >= 60 && temp <= 90); + +} +" +3c6ac4f5d4e49770841656b0d6f9b37f41db0170,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) { + return true; + } + else if (isSummer) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + else { + return false; + } +} +" +8f391c32aa7ca6ab5ab4d4f3671a6840c6cb2b20,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if temp >= 60 && temp <= 100 + return true; + else + return false; + } + else if + { + if temp >= 60 && temp <= 90 + return true; + else + return false; + } +} +" +074ff91b6a9e9824f4de20f1e05bf76043ba176d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else if + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +451d7cf3947cf16e1f899b26f5aedc6ee3d02acd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + else if (!isSummer && temp >= 60 && temp >= 90) + return true; + else + return false; +} +" +161a8a9039223195ac5fb31478c6584d76355be9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + else if (temp >= 60 && temp >= 90) + return true; + else + return false; +} +" +d1e1a03ee071f58624ce89f257f928edfcce0537,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + else if (!isSummer && temp >= 60 && temp >= 90) + return true; + else + return false; +} +" +d114c762a2c264c38ae2c7fd0556d7f60a886d97,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +ab506742016bc51b241c07dd84d0a0ec0a600695,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + }} +} +" +273e4af2c2701b1d5d347ed0b796160d87856951,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +d007d5ee4e538e0099f206020ebf2fb3e9b5f7eb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +483a20b4ce32a657feb5cf8f174dc5147226cb88,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +c2177942f27512d769cce672119f959ca0917ace,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +903b5ef52a7992520258dd25fe246d97e1a9a1df,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (tem >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +f3cf7001dafa97fc5e234b4d0afcaf0401a139da,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +4b993e93fde16be19db64e9707316acdb53e747f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upperLimit = 90; + if (isSummer) + { + upperLimit += 10; + } + + if (temp >= 60 && temp <= upperLimit) + { + return true; + } + else + { + return false; + } +} +" +117f7cb2f3efdc9f5d45a712e9ac27f9e6baf187,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + hi + +} +" +8181de762066cf75a5facc5c85cae97e874da15a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +8ae1072be6239c9ee5e50f0e45e1ddd8fc5673f4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +5e6a3a4cf0e7f5c5c16e71c40f3cbf811032930c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90 && !isSummer) + { + return true; + } + else if (temp >= 60 && temp <= 100 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +c5901d3848b86f3f812dbe19310be2df234c41d1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + return (temp >= 60 && temp <= 90); +} +" +73eaebd0a288f25f5dba885851732f4b3b76ce1c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temperature >= 60 && temperature <= 100) { + return true; + } + else { + return false; + } + } + if (temperature >= 60 && temperature <= 90) { + return true; + } + else { + return false; + } +} +" +b79f192b43cb30ff6cf942ab0c89652fdd9cbfda,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temperature >= 60 && temperature <= 100) { + return true; + } + else { + return false; + } + } + if (temperature >= 60 && temperature <= 90) { + return true; + } + else { + return false; + } +} +" +86afea1d3f5c7d5dccb81e04c3b2bf9388721c56,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } +} +" +98d5e8b3b9b0655405e19cb57e6c093192e61784,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean test = false; + + if( temp >= 60 && temp <= 90 && !isSummer){ + test = true; + } + else if(temp >= 60 && temp <= 100 && isSummer){ + test = true; + } + + return test; +} +" +384b7dacce6a2b26b1486c0def535d8f0d2243c2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (temp >= 60 && temp <= 100); + } + return (temp >= 60 && temp <= 90); +} +" +45b5dfc57915aa06b77adf23241d31ad3fa24c64,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +4612be0ce7a9b082f42248ac84210cc39064a082,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +01a31b5c7017d332c89888d85649be40edefb171,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +19ca5ec2f203735e5384d7cd30f14575e567d761,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean result = false; + if (temp>=60&&temp<=90&&!isSummer) + { + result = true; + } + else if (isSummer&&temp<=100&&temp>=60) + { + result = true; + } + return result; +} +" +9bb70782337a77d3aefb72ed0ff58241a42574d2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp <= 100 && temp >= 60) + return true; + if (!(isSummer) && temp <= 90 && temp >=60) + return true; + else + return false; +} +" +b521bc24abb8dff276dc24c0676012ceaca59312,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp >= 60 && temp <= 100) + { + return true; + } + else if (isSummer != true && temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } +} +" +c758c71f793d2d75e10ea4164096213343268b76,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if(temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +43b8a41f5d807244bbb2bcc1e0c02f6b64d4a858,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp >= 60 && temp <= 100) + { + return true; + } + else if (isSummer != true && temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +6624410f1d6690effa7539ac66374bfd30cf1415,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +0039f61f05c4d3d1135ece7132cd50a849794fcc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (temp >= 60 && temp <= 100); + } + else + { + return (temp >= 60 && temp <= 90); + } +} +" +6739b5fa131be08ebb1f5ecc99413ea9880fbcb3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temp >= 60 && temp <= 90) + { + return true; + } + else if (!isSummer) + { + return false; + } + else if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } +} +" +54285c695d24a78880d15ed9191d4e038f84a8a9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp >= 60 && temp <= 90) + { + return true; + } + if (isSummer == false) + { + return false; + } + if (isSummer == true && temp >=60 && temp <=100) + { + return true; + } + else + { + return false; + } + +} +" +89769be89f39cf7ebaad4147ba8a7a96d54a51f1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +05a059a3a3ee7a3b64fa8fc679b090b62c1c1a43,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +2d8194942d20911ff533c3ec27e47ca950f3612f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp<=100 && temp>=60) + return true; + else + return false; + } + else + { + if(temp<=90 && temp>=60) + return true; + else + return false; + } +} +" +d4e55339432e9b0ec3fa707c6583da154dda2333,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if ((temp >= 60) && (temp <= 90)) + { + return true; + } + return false; + } + return squirrelPlay(temp-10, false); +} +" +41b73aaee4cd5c80a1b1d7534e236cf4c831b1ca,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + temp2 = temp+10; + if (!isSummer) + { + if ((temp2 >= 60) && (temp <= 90)) + { + return true; + } + return false; + } + return squirrelPlay(temp-10, false); +} +" +1e9140b3114eaecbdf4bb30ca20eda25da54449f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int temp2 = temp+10; + if (!isSummer) + { + if ((temp2 >= 60) && (temp <= 90)) + { + return true; + } + return false; + } + return squirrelPlay(temp-10, false); +} +" +9b85d3a9eabbdbcde77a0b387f69aca99a216157,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +292f08bab7fff12996cc83ed0188c61c751efbb3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +67ed09592a9f15c8598f0111a7395a5694c4b3f5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int temp2; + if (!isSummer) + { + temp2 = temp+10; + } + else + { + temp2 = temp; + } + + if (isSummer) + { + if ((temp2 >= 60) && (temp2 <= 100)) + { + return true; + } + return false; + } + return squirrelPlay(temp-10, false); +} +" +c2d45d9e97d8247d1020fd5c2cec60966022ba47,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if (!isSummer) + { + if ((temp >= 60) && (temp <= 90)) + { + return true; + } + return false; + } + + return ((temp >= 60) && (temp <= 100)); +} +" +e584536345cc31c1b31f2345963f357c980d441d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + { + return true; + } + } + + if(temp >= 60 && temp <= 90) + { + return true; + } + + return false; +} +" +f52b5287ebeb62410745be6f839fa91a932e4108,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + + +} +" +28a8d1ee4962c8007f2e705b6632dd48824a124d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 90) + { + return false; + } + } + + if (temp is >= 60 && <= 90) + { + return true; + } +} +" +693fb78153e66d203c03172dc015d9ab51714558,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 90) + { + return false; + } + } + + if (temp >= 60 && <= 90) + { + return true; + } +} +" +0a33f6f9e66aaaa1eebf70ec2ceb510245e5dc8d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 90) + { + return false; + } + } + + if (temp >= 60 && <= 90) + { + return true; + } +} +" +93701007ab10fd159a914b49b02ad5e00697cffa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 90) + { + return false; + } + } + + if (temp >= 60 && temp <= 90) + { + return true; + } +} +" +1051eebd40968dec03f186ea66878588b7b062fd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int max = 90; + if(isSummer)max=100; + return(temp>=60&&temp<=max) +} +" +ca40742e7f768139a6ccbba6c53ab4f3a7d5c511,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int max = 90; + if(isSummer)max=100; + return(temp>=60&&temp<=max); +} +" +4757b7af35793cccfb638066f67c1de44a386aac,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 90) + { + return false; + } + } + + if (temp >= 60 && temp <= 90) + { + return true; + } + + return false; +} +" +d4c0f68c71a04d2d062bdf794186b4bd711f3bcf,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return false; + } + } + + if (temp >= 60 && temp <= 90) + { + return true; + } + + return false; +} +" +4eafd7260661a523e094ee9598e61dc1414d5b27,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return(temp >= 60 && temp <= 100); + if(!isSummer) + return(temp >= 60 && temp <=90; + return false; +} +" +81f64825a7e73ba8e5616e913c33de1cb1bcbc60,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return(temp >= 60 && temp <= 100); + if(!isSummer) + return(temp >= 60 && temp <=90); + return false; +} +" +3aa4a48ba6788dc8bab0207433f1982c0ac17504,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + + if (temp >= 60 && temp <= 90) + { + return true; + } + + return false; +} +" +2f532e2b91177f7531c611b4966b65dd5d9af9da,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && <= 90) + { + return true; + } + else + { + return false; + } + } + if (isSummer) + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + return false; +} +" +3161929a57310ebffb587b25ce4ce5822ffc15b9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && <= 90) + { + return true; + } + else + { + return false; + } + } + if (isSummer) + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + return false; +} +" +d4d73c7cae71904a42d15e620e3207b450ea1974,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + if (isSummer) + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + return false; +} +" +2880d095a87a388b8cfedada7f9d11e9ec793c5d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if((!isSummer && 90 >= temp && temp >= 60) || (isSummer && 100 >= temp && temp >=60)) { + return true; + } + else { + return false; + } +} +" +f15ca71d87b7e6fe7fc58b6bbe9e27a4252c62d2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return(isSummer) ? (temp >= 60 && temp <= 100) : (temp >= 60 && temp <= 90); + +} +" +ab94bab199de85326f12e0757f96f74a297d2dea,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +f3da31b0898a34eea00479228db9108305ec7a33,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +a2b79be9a851cd9c963d7c6fbb4bdf66635229e3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +2b44b5956b0b3041f169f1fa496aef6582fac197,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +26a2c6bdabe09be9019dd165a9e680977e3992b2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100) + else return (temp >= 60 && temp <= 100) +} +" +c3de7a348ec291e4e9605cb512e94de6f3d1d734,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +" +ab39612eaf16f36b2a91e5dbc0f8d847b71c34be,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + else + return (temp >= 60 && temp <= 90); +} +" +ff8f45c88ed7e5932e575bf7732265fc30713b10,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +d0b086445d9b7b7e4b390d46d4e2559467b822a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp < 60) + { + return false; + } + if (temp > 100) + { + return false; + } + else + { + return true; + } + } + else + { + if (temp < 60) + { + return false; + } + if (temp > 90) + { + return false; + } + else + { + return true; + } + } +} +" +d2871c6b1d620f587da05db09ab278d0ad82b5df,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 && temp <= 100); + } + return (temp >=60 && temp <=90); + +} +" +77382604949baadcfdfadd46d9cd22adc54f1d4a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) && !isSummer) + return true; + if (temp >= 60 && temp <= 100) && isSummer) + return true; + else + return false; +} +" +3e361ad4b1b1638f683f828935f3d88837c3ff11,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((temp >= 60 && temp <= 90) && !isSummer) + return true; + if ((temp >= 60 && temp <= 100) && isSummer) + return true; + else + return false; +} +" +a19f10acc1edd9fb0cbe360b6f6aaf3854bcfcb6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ +if(isSummer) + +return(temp>=60 && temp<=90); +return(temp <=100 && temp>= 60); + +} +" +af8fc14f50a30d13c0fcb129b8ed95f64a872d92,"public boolean squirrelPlay(int temp, boolean isSummer) +{ +if(isSummer) + +return(temp <=100 && temp>= 60); + +return(temp>=60 && temp<=90); + +} +" +8e328f63479e90673a2fcc39aa7d7228d5cd35dd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp < 60) + { + return false; + } + if ( isSummer ) + { + if ( temp >= 60 && <= 100) + { + return true + } + else + { + + if ( temp >= 60 and <= 90) + { + return true; + } + } + return false; +} +" +5a72e428b926da6168953adbc498495e00b405ba,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp < 60) + { + return false; + } + if ( isSummer ) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + { + + if ( temp >= 60 and temp <= 90) + { + return true; + } + } + return false; +} +" +ea573e2e6ba5f6b1a07697c31e5f5f9fe27208bf,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp < 60) + { + return false; + } + if ( isSummer ) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + { + + if ( temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +5f7c4e61df3b53d9eec0dd1b97d76814b459723f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp < 60) + { + return false; + } + if ( isSummer ) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + + if ( temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +caf4053ba9e416dfd5ad8e0a4fcf1208aed98fba,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <=100) + { + return true; + } + else if (temp >= 60 && temp <=90) + { + return true; + } + else + { + return false; + } +} +" +cd6ea3f056d94a4c628856e6d61e9f2eda0347a1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && (temp >60 && temp <=100)) + {return true; + } + if (isSummer == false && (temp >60 && temp <=90)) + {return true; + } + else + {return false; + } +} +" +141702884c403d999d02f0627315f0bc32c2b0d8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && (temp >=60 && temp <=100)) + {return true; + } + if (isSummer == false && (temp >=60 && temp <=90)) + {return true; + } + else + {return false; + } +} +" +791e14c33adb447ff28363785c1181646163d0cb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = true; + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + play = true; + else + play = false; + } + if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + play = true; + else + play = false; + } + return play; +} +" +a681373cdb00bccb876e3cd67a2f21c8206ef533,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) { + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } + } + else { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } +} +" +985c9dd58121c450a14c6941405bb73d22e024d0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true) + { + if (temperature >= 60 && temperature <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if(temperature >= 60 && temperature <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +177d4203d9c80b3d20c65c82bad193a9e1e0c451,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if(temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +46beb61e1d1d4cf7317cc256f55f5dd6325aa977,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + play = false; + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + } + return play; +} +" +e92ff743bf876ecf808e497c2edcee1572bf204d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + } + return play; +} +" +d1bfeddea6c9b4f11feee29215668784f09000b6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp < 60 || temp > 100) + return false; + return true; + } + else + { + if(temp < 60 || temp > 90) + return false; + return true; + } +} +" +b3aca3929cba44401fe60f5a2c46e9edac493acf,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +33dcec58c19e40ed5fd68ba66804a7dcbdce2ac9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp <= 100); + } + return (temp >= 60 || temp <= 90); +} +" +53f5335205f7e757605a7ade7415c4da35c7af1d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp <= 100); + } + return (temp >= 60 && temp <= 90); +} +" +1d2ace79468938d825022be58fc168d53f82a45f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + { + return true; + } + } + if(temp >= 60 && temp <= 90) + { + return true; + } +} +" +0b982a9a20853fc1fbc5d069b0a41cc50c2c1b33,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp <= 100 && temp >= 60); + } + return (temp >= 60 && temp <= 90); +} +" +5fe7fb1e07d37a03acc23b9344b50c9f336f0498,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp >= 60 && temp <= 100); + } + return(temp >= 60 && temp <= 90); +} +" +d5e64a92ad098b7c36f7ab8d844e4d3285ed41fb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play; + + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else if (temp >= 60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } + + return play; +} +" +feaba46c64301d840891052290ccbc967f623005,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else if (temp >= 60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } + + return play; +} +" +5c2299e300ea753bd04fda5a2ed890e61f4e0a36,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + return play; + } + else + { + return play; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + play = true; + return play; + } + else + { + return play; + } + } +} +" +3006c5d11b034f181e3fe0e1b1b489af338fc5ef,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp is <= 90 && temp >= 60) + { + return true; + } + else + { + return false; + } + } +} +" +11956d27c65084b6044baf1eb03b8408d199bc81,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); + +} +" +80b1b156a8035c41181c21cd46494032976f4379,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp <= 100 && temp >= 60) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp <= 90 && temp >= 60) + { + return true; + } + else + { + return false; + } + } +} +" +4e0659666a6974961b704a6101cea487323657ee,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean squirrelPlay = true; + + if (!isSummer) + { + if (temp>=60 && temp <=90) + { + squirrelPlay = true; + } + else + squirrelPlay = false; + } + else if(isSummer) + { + if (temp>=60 && temp <=100) + { + squirrelPlay = true; + } + else + squirrelPlay = false; + } + + return squirrelPlay; +} +" +7b3743474c22e5f1ab987ef92d20c9654525474c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60&& temp <= 100); + return (temp >= 60 && temp <= 90); + +} +" +a42c9e1aa2035682dd9d6b0b027c96ce76cf49c5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer == true) + { + if (temp >59 && temp<101) + { + play = true; + } + } + else + if (temp> 59 && temp<91) + { + play = true; + } + } + + return play; + +} +" +dde33041d1d8962b457d87e4721d2cb600879c65,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temperature >= 60 && temperature <= 100); + return (temperature >= 60 && temperature <= 90); +} +" +1c7d8d1adf4d7007853562f67b9ddc3014f55389,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer == true) + { + if (temp >59 && temp<101) + { + play = true; + } + } + else + { + if (temp> 59 && temp<91) + { + play = true; + } + } + + return play; + +} +" +4ff9e6f11980eb269940cb950193cf5823d9c6d8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +c8e64f190dac14f6e4eeb199eae67b817e0538cb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temperature >= 60 && temperature <=90) + return true; + else if (isSummer && temperature >= 90 && temperature <=100) + return true; + else + return false; +}" +4d79c625b6c4863f17cb888b5b32f9af667e3444,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <=90) + return true; + else if (isSummer && temp >= 90 && temp <=100) + return true; + else + return false; +}" +6525a450c9ad7963fd5efa3c9a1318217dc59662,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp > 59 && temp < 101) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp > 59 && temp < 91) + { + return true; + } + else + { + return false; + } + } +} +" +7280f543a2db37850ba0176ae8cffd530dcd4704,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + temp = temp - 10; + } + if (temp >= 60 || temp <= 90) + { + return true; + } + return false; +} +" +2e2a4953d65081a23d690fa8c8c0bac6e217d868,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + temp = temp - 10; + } + if (temp >= 50 || temp <= 90) + { + return true; + } + return false; +} +" +afbe9f53a1c257f62899459245a37b51a676c907,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 100); +} +" +d820ecce3084fd73dd94afe3c8bd187a3a5df9fa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if ((isSummer) && (temp >= 60 || temp <= 100)) + { + return true; + } + else if (temp >= 60 || temp <= 90) + { + return true; + } + return false; +} +" +69c58fcabd6b83f9f221be01a00d93bea5ce9a45,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +3b80711fbe4d418e300d21cdaa79ed4f50da1e86,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean result = true; + + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + result = true; + } + else + { + result = false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + result = true; + } + else + { + result = false; + } + } + + return result; + +} +" +34646a30e4ab9f4e627bc4c42a822cad4a385315,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if ((isSummer) && (temp >= 60 || temp <= 100)) + { + return true; + } + else if ((!isSummer) && (temp >= 60 || temp <= 90)) + { + return true; + } + return false; +} +" +e408b8f44a24cc2ff255b23aa2d227475438d971,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if ((isSummer) && (temp >= 60 || temp <= 100)) + { + return true; + } + else if ((!isSummer) && (temp >= 60 && temp <= 90)) + { + return true; + } + return false; +} +" +594a7c20cf833cb987078258792b84fb11dc64dd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if ((isSummer) && (temp >= 60 && temp <= 100)) + { + return true; + } + else if ((!isSummer) && (temp >= 60 && temp <= 90)) + { + return true; + } + return false; +} +" +362f7e292835d25de07af1f0bb01bb87c3e25b64,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (tmep>=60 && temp<= 100) + return true; + else + return false; + } + else if (tmep>=60 && temp<= 90) + return true; + +} +" +3967a061271e6c78380fae62a7a55e32596350b0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else + if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +741e3e9c7fcccb4413fd081551a202b8b038e96b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp>=60 && temp<= 100) + return true; + else + return false; + } + else if (temp>=60 && temp<= 90) + return true; + //else + // return false; +} +" +3bf72e51b4dfc3060bdfb8956364d935a0be927d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp>=60 && temp<= 100) + return true; + else + return false; + } + else if (temp>=60 && temp<= 90) + return true; + else + return false; +} +" +e3dd5ef9afc48e3e28f92a2175e51c7df7137297,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +e7e8f53655b6213d0ca67126c283bb74715c9cae,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp < 60 || temp > 100) + return false; + else if (isSummer == false) + { + if (temp > 90) + return false; + } + else + return true; +} +" +67b8fb2e667452cb8fdd4caabc13b318c16c153f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp < 60 || temp > 100) + return false; + else if (isSummer == false) + { + if (temp > 90) + return false; + else + return true; + } + else + return true; +} +" +ff00cb4743865b7903d9edd40f1feb2ef2eafb0f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp>=60 && temp<= 100) + return true; + if (temp>=60 && temp<=90) + return true + else + return false + +} +" +6f70b04c26fe55898e53000257ccf22c68fb0c40,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp>=60 && temp<= 100) + return true; + if (temp>=60 && temp<=90) + return true; + else + return false; + +} +" +2276c6395e6ef4ee5151a72e2405d9ace3881d37,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +b3281eaa9d9447dcc2d506254668da95b15ffcce,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (60 <= temp && temp <= 100) + return true; + else + return false; + else if (60 <= temp && temp <= 90) + return true + else + return false; +} +" +3a8d345e6c47bb0ca3f8f59725a1a27c2477d02c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (60 <= temp && temp <= 100) + return true; + else + return false; + else if (60 <= temp && temp <= 90) + return true; + else + return false; +} +" +1dd33d72ef898b24b6f4bad9eb78468307001ba9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp <= 60 && temp <= 100) + { + return true; + } + else if(!isSummer && (temp <= 60 && temp <= 90) + { + return true; + } + else + return false; +} +" +f18c40b951262b8265cd82ce807756dd59dfe78e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp <= 60 && temp <= 100)) + { + return true; + } + else if(!isSummer && (temp <= 60 && temp <= 90) + { + return true; + } + else + return false; +} +" +c88f7c9bf26cc9a050a27f1689c2cd4f6eb76f46,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp <= 60 && temp <= 100)) + { + return true; + } + else if(!isSummer && (temp <= 60 && temp <= 90)) + { + return true; + } + else + return false; +} +" +df39cdfe9661f4bcde5bcff430108a3113906db1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp >= 60 && temp <= 100)) + { + return true; + } + else if(!isSummer && (temp >= 60 && temp <= 90)) + { + return true; + } + else + return false; +} +" +ad639636f8fe0609fc9ae0211f14e6f18ac452f7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp >= 60 && temp <= 100) + return true; + else + return false; + else + if(temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +334bc24ace2ca4320b80ded9bc8e9fdfb4f9ce9d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp > 59 && temp < 101) + return true; + } + else if(temp > 59 && temp < 91) + return true; + return false; + +} +" +1ff6b603537580f0362910e0feec28b02bc791b9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int temperature = temp; + boolean summer = isSummer; + boolean playing = true; + return playing; +} +" +b96d1bcf09a8085171a82516ea4c2fb6c5aa7963,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp =< 100) + return true; + if(temp >= 60 && temp =< 90) + return true; + else + return false; + +} +" +f2cdca7163d686465c5ad9410337bf6143810520,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >60) + { + if (temp < 90) + { + return true + } + else if (temp < 100 && isSummer=true) + { + return true + } + } +} +" +2b1529263a909f450ed2829788917c1e4e213ac1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >60) + { + if (temp < 90) + { + return true + } + else if (temp < 100 && isSummer=true) + { + return true + } + } +} +" +c1cc540c9210306e22ac9e112b8f9b67b92c107c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <=100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <=90) + return true; + else + return false; + } + +} +" +2425d8d23b03129bcdb4c9a6b61de55d54838166,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int temperature = temp; + boolean summer = isSummer; + boolean playing = true; + if (temperature > 99) + { + playing = false; + } + return playing; +} +" +8767e9fdde6cb7d159e186409cf286ff88f90a5f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >60) + { + if (temp < 90) + { + return true; + } + else if (temp < 100 && isSummer=true) + { + return true; + } + } + else + return false; +} +" +000203138b2da7ed51bf546b6d9e3d9ccd879b57,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + if(!isSummer && 60 <= temp && temp <= 90) + return true; + else + return false; + +} +" +5b18462e56535e0ed0d24f1b9598d4def852b70b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int temperature = temp; + boolean summer = isSummer; + boolean playing = true; + if (temperature > 99) + { + playing = false; + } + return playing; +} +" +1ef54b0a00af61c14887220dcd99c59fa66c20e2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else + if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +e08baf5b9e8c2d43fe849f9348bf3be427a026b0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +ee3337035e00173bdbc7d3a79127c59351b1cc2e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >60) + { + if (temp < 90) + { + return true; + } + else if (temp < 100 && isSummer = true) + { + return true; + } + else if + return false; + } +} +" +5c927d2da79503280f614ad1fb865f687da9a480,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >60) + { + if (temp < 90) + { + return true; + } + else if (temp < 100 && isSummer = true) + { + return true; + } + else if ( temp < 60) + return false; + } +} +" +6f2972341b502e8ccf571f89962039695de19d70,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 && temp<=100) + return true; + return false; + } + if(temp>=60 && temp<=90) + return true; + return false; +} +" +723381058f43b467f3e04fb69668738ce4ae58ed,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temp <= 90 && temp >= 60) + { + return true; + } + else if (isSummer && temp <= 100 && temp >= 60) + { + return true; + } + else + { + return false; + } +} +" +d630f45fbb5b07c27f96f5767365cd9613d3959a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true & temp >= 60 && temp <= 100) + { + return true; + } + if(temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +2110ff93ff040a196d3077b9008fb06372310d79,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +} +" +df08b6e4b1c9ccca04de0d5f1e2646f41942e67a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return (isSummer) ? (temp >= 60 && temp <= 100) + : (temp >= 60 && temp <= 90); +} +" +8ec1e923e6b4d6099e6f6af02e8b27ab638425da,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp>=60 && temp<=90 ) + return true; + if (temp>=60 && temp<=100 && isSummer==true ) + return true; + else + return false; + + +} +" +df50ca5208128bfa86599c6b144ed9febecc21dd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + return false; + } + if (temp >= 60 && temp <= 90) + { + return true; + } + return false; +} +" +05eff80b4da494e4215e5ffb04100c0eeef81d73,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +c28f602e4fb103d73cdf3f5c99cd5b4cc7a375f0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + if (!isSummer && temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +504bbd9f1068dabe3f92afc6f6a11c013dcde1d1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <=100) + return true; + else + return false: + } + if (temp >= 60 && temp <=90) + return true; + else + return false; +} +" +232433c30f92007b7f8bf625b2f8d5309926281c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <=100) + return true; + else + return false; + } + if (temp >= 60 && temp <=90) + return true; + else + return false; +} +" +01d15c09a7bd81e18ae701f3f2e526ecd6a6c8df,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp >= 60 && temp >= 100) + { + return true; + } + else (ifSummer == false && temp >= 60 && temp >= 90) + { + return true; + } + else + { + return false; + } +} +" +19f552ed5f4e2ac38adb433a009a951a8321ba1a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp >= 60 && temp >= 100) + { + return true; + } + else if (ifSummer == false && temp >= 60 && temp >= 90) + { + return true; + } + else + { + return false; + } +} +" +c275cf3e9d4605065db99fe310e7bf3fa786baca,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp >= 60 && temp >= 100) + { + return true; + } + else if (isSummer == false && temp >= 60 && temp >= 90) + { + return true; + } + else + { + return false; + } +} +" +1a7e8816f08513f096763b42bde6b9576592fdd6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true && temp >= 60 && temp <= 100) + { + return true; + } + else if (isSummer == false && temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +e3566a7f9a18ba701150e0369e0ef4fb9251b06c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean squirrel; + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + squirrel = true; + } + else + { + squirrel = false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + squirrel = true; + } + else + { + squirrel = false; + } + } +} +" +b51d480f3d01b22b18e64f86c8d0a0013457a2f6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean squirrel; + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + squirrel = true; + } + else + { + squirrel = false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + squirrel = true; + } + else + { + squirrel = false; + } + } + return squirrel; +} +" +8fea1351d7a7612a3b6163f8064c4f7b3ad1e48d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temperature >= 60 && temperature <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + + if (temperature >= 60 && temperature <= 100) + { + return true; + } + else + { + return false; + } +} +" +b1388b3ea7861f554ba1a4f2d6f8e99e2a3bef0b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temperature >= 60 && temperature <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + + if (temperature >= 60 && temperature <= 100) + { + return true; + } + else + { + return false; + } + } +} +" +adb8c085731bc2a17ac6ce341714aa9188108f08,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } +} +" +d28bd4f7987764d08fe2702380cf6b4bc3bc5fd9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +29ac1c8816a4c93ce5eb9f0a9eb64c4d6d1b6e0f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +b462aab2cb8230d6d5d115c551826c00008498f4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((!isSummer) && ( n >= 60 && n <= 90 )) { + return true; + } + if ((isSummer) && ( n >= 60 && n <= 100)) { + return true; + } + return false; +} +" +c7bd39e90b55e7a684c9554e4a60bbcae68dceeb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((!isSummer) && ( temp >= 60 && temp <= 90 )) { + return true; + } + if ((isSummer) && ( temp >= 60 && temp <= 100)) { + return true; + } + return false; +} +" +afb2cbee4e35341d70b867f412e5500ee4c197ce,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return (true); + } + else + { + return (false); + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return (true); + } + else + { + return (false); + } + } +} +" +013d5e718ec0010b9c772896a666f75abbee63a4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + limit = 90; + if (isSummer) + { + limit = 100; + } + if (temp > 59 && temp <= limit) + { + return true; + } + return false; +} +" +419ce1d031f0da852efcae2aff2e3e1d46404faa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int limit = 90; + if (isSummer) + { + limit = 100; + } + if (temp > 59 && temp <= limit) + { + return true; + } + return false; +} +" +e37687235bbe00bf38b0243cecacd832670f6e2a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean squirrelPlay; + + if ((isSummer) && ((temp >= 60) && (temp <= 100))) + { + squirrelPlay = true; + } + else if ((temp >= 60) && (temp <= 90)) + { + squirrelPlay = true; + } + else + { + squirrelPlay = false; + } + return squirrelPlay; +} +" +cbd8d6b0cbc0272c0cacc9f5e0c7a7e441aa4ceb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +e3bf561abe30d9d82152e5373fe338d561ad4055,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +a5e6e53fa49eacc3d4cb9526aac2877ae1b0c888,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) +return true; + +if(!isSummer && 60 <= temp && temp <= 90) +return true; + +return false; +} +" +dec2e517d72270d29ff95f9fc5aade5160e9e07e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int summer = 0; + if (isSummer) + { + summer++; + } + if (60 <= temp && temp <= 90 + 10*summer) + { + return true; + }else{ + return false; + } +} +" +35773f459be1f15768b456c842177c1101039e17,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +e41a19935d795af41456f5b9151c7efb07da00c2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + return false; + } + if (temp >= 60 && temp <= 90) + { + return true; + } + return false; +} +" +1201f4e0480407a69cf8ad825ffa02b403055717,"public boolean squirrelPlay(int temp, boolean isSummer) { + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +}" +0a66198ab9b12894b29b9bc8624649ce344c0567,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>=60 && temp<=90) + { + return true; + } + else if(isSummer) + { + return temp>=60 && temp<=90; + } + else + { + return false; + } + +} +" +6b769d97b9178b10171ebc8ccab42603c9eadaeb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>=60 && temp<=90) + { + return true; + } + else if(isSummer) + { + return temp>=60 && temp<=100; + } + else + { + return false; + } + +} +" +498fbb39981219812da9bc117c1c9102d86301d4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean value = true; + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + value = true; + } + else + { + value = false; + } + } + else + { + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + value = true; + } + else + { + value = false; + } + } + return value; +} +" +e5265ad70d4424d9580a3a002c3d749579b8b92f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean value = true; + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + value = true; + } + else + { + value = false; + } + } + else + { + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + value = true; + } + else + { + value = false; + } + } + return value; + } +} +" +bed8399f4343ec5925bf6f62c0223d73f7d5ba9b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean value = true; + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + value = true; + } + else + { + value = false; + } + } + else + { + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + value = true; + } + else + { + value = false; + } + } + } + return value; +} +" +c1adcf6ee3b4226d5801b6b2b05a0d51dd5a24c1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + {return true;} + } + else + { + if(temp >= 60 && temp <= 90) + {true} + } + return false; +} +" +afb47a6a3e479d2f433f1aec4f93ae2b1bdf2418,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp >= 60 && temp <= 100) + {return true;} + } + else + { + if(temp >= 60 && temp <= 90) + {return true;} + } + return false; +} +" +d2b9124de1f2115b26c28193f3e0aa1b55bc65a2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>= 60 && temp<= 90) + { + return true; + } + else + { + return false; + } + if(isSummer = true && temp>= 90 && temp<= 100) + { + return true; + } + else + { + return false; + } + +} +" +af6592a16598781d0a9fb4208d1ecea6910377c4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>= 60 && temp<= 90) + { + return true; + } + else + { + return false; + } + if(isSummer = true && temp>= 60 && temp<= 100) + { + return true; + } + else + { + return false; + } + +} +" +d31dea7c92df56ff4dc92cf3ae031079ef4b1aad,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp>=60 && temp<=100) + return true; + else if(temp>=60 && temp<=90) + return true; + else + return false; + +} +" +f801b7f1c7d07621498f16d525db3239e45597f7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp<=100 && temp>=60) + { + return true; + } + else + { + return false; + } + } + else + { + if(temp<=90 && temp>=60) + { + return true; + } + else + { + return false; + } + } +} +" +f36312fb28daafdbd02e13b7b8d0dad038cec547,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true) + { + if((temp >= 60) && (temp <= 100) + { + return true; + } + else + return false; + } + else + if((temp >= 60) && (temp <= 100) + { + return true; + } + else + return false; + + + + + + + + + + +} +" +b4895ceb4d4a44833d4e3bfb69a2d1764e4804be,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true) + { + if((temp >= 60) && (temp <= 100)) + { + return true; + } + else + return false; + } + else + if((temp >= 60) && (temp <= 100)) + { + return true; + } + else + return false; + + + + + + + + + + +} +" +3cc8167bcc2568422e8049b4c1bf14ef0c71a944,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer == true) + { + if((temp >= 60) && (temp <= 100)) + { + return true; + } + else + return false; + } + else + if((temp >= 60) && (temp <= 90)) + { + return true; + } + else + return false; + + + + + + + + + + +} +" +2c7c824cb98c8ea1e45746386cd39e80468cac99,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +9a6f8e58ea9a554a307bcd9d23b2ffa05e6bbb23,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer&& temp>=60 && temp<=100) + { + return true; + } + else if (isSummer && temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } + +} +" +5ca211fb4a4eff5a4ced0a0ac8e5e406bfec31f4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer&& temp>=60 && temp<=100) + { + return true; + } + else if (!isSummer && temp>=60 && temp<=90) + { + return true; + } + + else + { + return false; + } + +} +" +0b6bbef8236f758401531ceb959041e9230b6f3f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if ( temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if ( temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +2c2a6f492c2598c0e7458b4d6f0404f24934670e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + { + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); + } +} +" +56a4f2cfd4fb67e19a55463921dbec1a9917cc2b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; + +} +" +0fc3606af195d4e17a75ceca4dd242c34c78043f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; + +} +" +8c768e76f6fce1657df2c61c0b0ec3ec2ee18ef9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + { + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); + } +} +" +55ec0835a465630708d081ce670ed84dc1172fdc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +a2a781cf24ac3d2d0327c652058751dc388aecae,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } +}" +2fa9b7a99a6fc2a2c3b7f151c385aa1f497debe3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (temp >= 60 && temp <= 100); + } + return (temp >= 60 && temp <= 90); +} +" +804b88729a8c36733cdb141efe9be7e1136730fb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + return true; + else if ((temp >= 60 && temp <= 100) && isSummer == true) + return true; + else + return false; + +} +" +8d938948373c2df8eafc8b2dcc30ca69cdcbddbd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer&&temp<=100||isSummer&&temp>=60) + { + return true; + } + else if (!isSummer&&temp<=90||!isSummer&&temp>=60) + { + return true; + } + else + { + return false; + } +} +" +ff809e258d395824195bd2fed1bc6998ce9ca0a8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp<=100&&temp>=60) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp<=90&&temp>=60) + { + return true; + } + else + { + return false; + } + } + +} +" +6c2e6cd472c8b99beff7df5fbed45102889c777b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp>=60 && temp<=100) + return true; + else + return false; + else if (temp>=60 && temp<=90) + return true; + else + return false; +} +" +04cef13d88db96390eb004e65fc2b770054fb4ae,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +eeca71377a1cbf87b7e4d5f63a9a87282d23ddb5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp>=60 && temp<=100); + return (temp>=60 && temp<=90); + + +} +" +912e23ad08f8d908dfd64468e659abfbd27e6a0d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + + return (temp >= 60 && temp <= 100); + + return (temp >= 60 && temp <= 90); +} +" +c5601e2bb25205a4fc9d78818c1da322fe73533b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +}" +54de03891f6270dc866d5d1a7d89db56b4415398,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +80892c46f441aef3e18fff9797876721fcc1419a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + + + + + + return false; +} +" +6427ba53586c5b86e4cc1b30af9644f6eb64f249,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(!isSummer && temp >= 60 && temp <= 90) { + return true; + } else if (isSummer && temp >= 60 && temp <= 100) { + return true; + } else { + return false; + } +} +" +0a3dea060a7e17b70d9231bba121fb4efed4cd61,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp>=60 && temp <=90) + return true; + + if (isSummer && temp<=100 && temp >=60) + return true; + + + + + + return false; +} +" +9a09bf58dc151f5a5084614b92da712a540e9f41,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && <= 100) + return true; + } + else + { + if (temp >= 60 && <= 90) + return true; + } + return false; +} +" +7051f4cea132c57a8bcda1e43f5532ac57b140a5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + } + return false; +} +" +155e5ea4ea4cfa0203e67fb39c7c7a31b8722814,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return(true); + } + else if (temp > 60 && temp <= 90) + { + return(true); + } + else + { + return(false); + } +} +" +96f4d999bc775a21472ea15319dbd14d16c6d833,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return(true); + } + else if (temp >= 60 && temp <= 90) + { + return(true); + } + else + { + return(false); + } +} +" +f8441009385d1ec4faf2e0a6a424c022a18e8779,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = true; + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + else + play = false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + else + { + play = false; + } + } + return play; + + +} +" +97729420fdd46442e61fc7aac19af58065400cc6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +2073405cc478c12c4e2463e2bc42b44b6d80672c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return (temp >= 60 && temp <= 100); + } + else + { + return (temp >= 60 && temp <= 90); + } +} +" +e7c50e681b8084b3a8ce1761c83149772216dc13,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +5b3cf8eaf5f8c9b52f831db7b3a8cbc444bb4412,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return(true); + } + else + { + return(false) + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return(true); + } + else + { + return(false) + } + } +} +" +430d13dd4e93de3692dd9558ce2bedadcb672d22,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return(true); + } + else + { + return(false); + } + } +} +" +ba4b3e199b9ba4516045445d0500fc53c6c8d53e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 && temp<=100) + { return true;} + } + + if(temp>=60 && temp<=90) + { + return true; + } + return(temp<60 || temp>90) +} +" +80e1b0119a20bf7da4e47fafcca91a8962450e76,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 && temp<=100) + { return true;} + } + + if(temp>=60 && temp<=90) + { + return true; + } + return(temp<60 || temp>90); +} +" +ffdfbfdfcb218b1aa6941000d5e6b30ff8eb8226,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 && temp<=100) + { return true;} + } + else + { + return false; + } + + if(temp>=60 && temp<=90) + { + return true; + } + return false; +} +" +8d108591e7947144107a9700695c15479d612ae0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + return false; + } + if (!isSumer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + return false; + } +} +" +2b77a00a067ee31bb22699221200fc45b8f2cc5b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + return false; + } +} +" +c7322ed0d5ff81112aaa445990b1fd19a2a3c017,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + return false; + } + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + return false; + } + return false; +} +" +86c2161dfc734dfd5eaa079d383f9c25a524a83e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 || temp<=100) + { return true;} + } + else + { + return false; + } + + if(temp>=60 || temp<=90) + { + return true; + } + return false; +} +" +3c8f357700f0f361366aee91ec8e1cf7eb3dcfb5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + return(temp >= 60 && temp <= 100); + } + else + { + return(temp >= 60 && temp <= 90); + } +} +" +45f6456a3e435a33c3349030056898eeaf8b9c9c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if(temp>=60 && temp<=100) + { return true;} + } + else + { + return false; + } + + if(temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } +} +" +7220d7123027d7eb7e909b812d11ca1e24ff188d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } + + if(isSummer) + { + if(temp>=60 && temp<=100) + { return true;} + } + else + { + return false; + } + + +} +" +8eecfcbe926fbdf5fb0b82dd1489cd6b90b47dad,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } + + if(isSummer) + { + if(temp>=60 && temp<=100) + { return true;} + } + + return false; + + +} +" +748c012fb5beebd0df9b94f142b62592d5de8235,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >=60 && temp<=100) + { + return true; + } + else if(!isSummer && temp >=60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +fdb9f52fddf3b8b7bf31184451f497654f1ad8a1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +01f47bcb5d7f370712030af88f9e81e04f235eea,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +22b5adbf120316dfeec301445f71599a65ce07aa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean isPlaying = false; + + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + isPlaying = true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + isPlaying = true; + } + } + return isPlaying; +} +" +b627279724dfb93f2da11266009636b015f5c361,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (temp>=60 && temp<=100) + { return true;} + + if(temp>=60 && temp<=90) + { + return true; + } + else + { + return false; + } +} +" +683a806c38eb41b993324b6cd58e87ddc2d8ca5e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + + return(temp>=60 && temp<=90); + +" +2f67a5cdcfc43843ad970b3dc660feda4ed2f8dd,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + + return(temp>=60 && temp<=90); + + }" +4eb0b186c53536828d649a1b5f811ce99f4cecc9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + + return(temp>=60 && temp<=90); + + }" +30100962b3557eb97c8d5725bd47ecd286d77b81,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + + return(temp>=60 && temp<=90); + + } +}" +e52c4fc5db66c7ff28b9b885e76f0e87761a31c3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + return(temp>=60 && temp<=90); + + } +}" +2d278e08cfc94c6e03e51b3093c6d4c08fed4ef5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + } + else + { + return(temp>=60 && temp<=90);} +}" +f5ed422bcb9b6816c5e97777d880585e0500e6e7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return(temp>=60 && temp<=100); + } + else + { + return(temp>=60 && temp<=90);} +}" +ccb24412b8be4e67ac98c25ba621b6f99d3d90f9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp >=60 && temp<=100 ) + return true; + } + else + { + if (temp >=60 && temp<=90 ) + return true; + } + return false; +} +" +db9ae2b737313ffce4b0a003851efb2495770e03,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (60 <= temp && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (60 <= temp && temp <= 90) + { + return true; + } + else + return false; + } +} +" +c15e7dd22d8b990720da06c2c2a0f8be3043c606,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +26de22b000ecda3e7fd6cecd01243938a0268b37,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +abc6e3dab2bc5244f37b0b134b4323df831688b0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!summer && temp >= 60 && temp <= 90) + { + return true + } + else if (summer && temp >= 60 && temp <= 100) + { + return true + } + else + { + return false + } + +} +" +00e2da50083196f8a4f03ab452f38c8573fa4a27,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!summer && temp >= 60 && temp <= 90) + { + return true; + } + else if (summer && temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + +} +" +9ac47f6c196a820eacbe8fca8359013950a2cc87,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temperature >= 60 && temperature <= 90) + { + return true; + } + else if (isSummer && temperature >= 60 && temperature <= 100) + { + return true; + } + else + { + return false; + } + +} +" +a0d04cac98198ea4d6e566e352e625bd0b6324de,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temp >= 60 && temp <= 90) + { + return true; + } + else if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + +} +" +3ab7cd9309c60498ae9a23e86f3cfe206a3e244d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } +} +" +8d7d841b54196ab12fbefae5eaf8c9959a76439c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +98399146afdc4c0b08b09bd5c4fbde725c55b92f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = true; + if(temp >= 60 && temp<= 90 && !isSummer) + { + play = true; + } + else if (temp >= 60 && temp <=100 && isSummer) + { + play = true; + } + else + { + play = false; + } + return play; +} +" +c55e972f2a037045ea3f3272411f6641a99490db,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && !isSummer) + { + return true; + } + else if ( temp <=100 temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +98a8c5f26ffcc3d3c40c3c0554d7c3738fe1b35d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + +} +" +4958c7dd27a49f84d9874db8e050b7cb621f0609,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && !isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +361cffcd59168c73e46f71e92db3a9f3ea824551,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +13596e28ad2a99add97047437c9e2df3db0aa4ad,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && !isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +49075ba6dba5208fceeda72570ff73c395e5871a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && ! isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +f85e36faac69464f627b2085f69e903351550908,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play; + int upperLimit = 90; + if (isSummer) + { + upperLimit = 100; + } + if (temp >= 60 && temp <= upperLimit) + { + play = true; + } + else + { + play = false; + } + return play; +} +" +5e479b230e4b1ee9d9a3ad8f7c4df516d0bc4b8e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && ! isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +71976a7ea5d68944a37b9112b746dec590fd94f7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && ! isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +2992a1c8c5ea70ef99e89b246d3af1e14d6fff0e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && ! isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +a59a9701645b1307374aa05702b0c8218990b89e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int n = 0; + if ( isSummer) + { + n= 10; + } + if ( temp >= 60 && temp <= 90 + n) + { + return true; + } + else + { + return false; + } +} +" +2862c49dfc40feb922210d8598ea5f2eb8a4b990,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && ! isSummer) + { + return true; + } + else if (temp <= 100 && temp > 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +a3f7d2bec289a5a970b01f3a1f4f899e1d258220,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((temp >= 60 && temp <= 90) && isSummer == false) + { + return true; + } + else if ((temp >= 60 && temp <=100) && isSummer == true) + { + return true; + } + else + { + return false; + } +} +" +f74ac7a07ecf3df4e6589c053cbe5bc29b3f5e0b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return(temp >= 60 && temp <= 100); + return(temp >= 60 && temp <= 90); +} +" +7b39c8b0131e123116f73d47113d84f8995d729f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp <= 90 && temp >= 60 && ! isSummer) + { + return true; + } + else if (temp <= 100 && temp >= 60 && isSummer) + { + return true; + } + else + { + return false; + } +} +" +0ebb38d4470d68540804511ad1bedb8b288f9902,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } + else + return false; + +} +" +26976d8498105a4bf1ca95c21e127e1590d56063,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp >= 60 && temp <= 90) + return true; + if(isSummer) + if(temp >= 60 && temp <= 100) + return true; +} +" +c7e47a40871e851acd9ef7eb6665b9dcf07bb0f7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(temp >= 60 && temp <= 90) + return true; + if(isSummer) + if(temp >= 60 && temp <= 100) + return true; + return false; +} +" +e787260bbbb2bad65f4077224b0ba5149d57d97e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean squirrelPlay = true; + if (isSummer == false) + { + if ((temp >=60) && (temp <= 90)) + squirrelPlay = true; + else + squirrelPlay = false; + } + else + { + if ((temp >=60) && (temp <= 100)) + squirrelPlay = true; + else + squirrelPlay = false; + } + return squirrelPlay; +} +" +36530f7ed2db56ce98367904fe2df2355ff2b976,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + play = true; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + play = true; + } + } + return play; +} +" +d62adb9f93488c625209eb5034e1cd4a689aaaaa,"public boolean squirrelPlay(int temp, boolean isSummer) { + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +}" +913419e61ca276cd63bf5b16add06138d9cb49c1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +6b81025ae4902f99c113f590200f48cd7088938c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } +} +" +806ebc2ec72d005eecde8821409b09191ac1e11d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upper = 90; + + if (isSummer) + { + upper = 100; + if (temp >= 60 && temp <=upper) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <=upper) + { + return true; + } + else + { + return false; + } + } +} +" +4574186e9ba096f663aa884049fdad5d3bc9dcfb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && (temp >= 60) && (temp <= 90)) + return true; + + else if (isSummer && (temp >= 60) && (temp <= 100)) + return true; + + else + return false; +} +" +b4e8e0a29f6fbe81fc757b02c86d2c06ee419db6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int limit = 90; + if (isSummer == true) + { + limit = 100; + } + if (temp = limit || temp = 60 || (temp < limit && temp > 60)) + { + return true; + } + else + { + return false; + } +} +" +1462250e65c7bc3d51a09ba6ddaaf3e0877a0c1f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int limit = 90; + if (isSummer == true) + { + limit = 100; + } + if (temp == limit || temp == 60 || (temp < limit && temp > 60)) + { + return true; + } + else + { + return false; + } +} +" +e356bac7a09bc727065260664ff3c042509a8e4a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + else + return (temp >= 60 && temp <= 90); +} +" +71ef53a0be32dd840f6d23390d361301d094db9d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + // play if temp between 60 and 90 + // summer, upper limit : 100 + // true; squirrels play. false; squirrels do otherwise + + if(isSummer) + return (temp >= 60 && temp <= 100) + return (temp >= 60 && temp <= 90) + +} +" +07f793f3d6d797d0359df666642d9eb8b903beb5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + // play if temp between 60 and 90 + // summer, upper limit : 100 + // true; squirrels play. false; squirrels do otherwise + + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); + +} +" +89eb44bdd320e778ec1da3c8b1ed9c210fcf3d27,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +db65d513be7e5e8a1f2d59d4fc5c6a859ca453f3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if( 60 <= temp && temp <=100){ + return true; + } + return false; + } + else if (60 <= temp && temp <= 90){ + return truel + } + return false; +} +" +ea30743c868b2b9abde6ca4093f6462fd01f959b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if( 60 <= temp && temp <=100){ + return true; + } + return false; + } + else if (60 <= temp && temp <= 90){ + return true; + } + return false; +} +" +9842a7f9caac6bb59d98067e635eb05743e41330,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + if (!isSummer && temp <= 90 && temp >= 60) + return true; + else + return false; +} +" +2753e3a145397239c2c76fa7d4fb155216e57f1e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upper = 90; + if (isSummer) + { + upper = 100; + return (a >= 60 && a <= upper) +} +" +5d243b57f04dbd74a7a958fbfc1f662b6174d886,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upper = 90; + if (isSummer) + { + upper = 100; + return (a >= 60 && a <= upper) + } +} +" +a7eb19f0eca1ba3ddb80d9688faa6cc5af4e1774,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90) + +} +" +6daf65ad8b43320aaa93be740e34423da287fbac,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +7611fbf92ff6c2831b6746918422c77ee89c8a32,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && 60 <= temp && temp <== 100) + return true; + + if (!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +da42fdc36fea933dfd7160ad9a226d28f77a9ef7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && 60 <= temp && temp <== 100); + return true; + + if (!isSummer && 60 <= temp && temp <= 90); + return false; +} +" +5e0c56db741efa15ab5ee60c70304457fb4b3e2f,"public boolean squirrelPlay(int temp, boolean isSummer){ + if (isSummer && 60 <= temp && temp <== 100) + return true; + + if (!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +1cb1e997c9fcb844a784bc083a4bff8e006d8cb0,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +239b4554caf36e94424b9ca8d0b6321d1819cdc9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return (isSummer) ? (temp >= 60 && temp <= 100) +} +" +c724c501fa192bab56f3a775f07fc23009ff5e84,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return (isSummer) ? (temp >= 60 && temp <= 100) + (temp >= 60 && temp <= 90); +} +" +30bd2b8a4e88154eb5676909cf318270eab7f307,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +2785e73a7724b7d8ebac98fcde7bbbebcce89bb6,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +8a8fcae49f7d56a4226045a27797415de08e574b,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +d2ea974a73ed5e0e68e34326497cd46398346373,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +7f0f5675fc11d7f2c5856c15cf3288d44920e962,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +40f22377e04cb0d98348f0b2fb5ed059cd680877,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +d2812141fbae312b98e3aa6ca5786c65353a6b05,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +0ae51d0bed9d61395bc1c433175eae08fe1b3215,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return false; +} +" +2b976fe20b1e401744827a000d91d5535db7d93b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <=90); +} +" +41ef7c40aa0120f38c353f056a01943340d0f5ea,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return (isSummer) ? (temp >= 60 && temp <= 100) + (temp >= 60 && temp <= 90): +} +" +c11589c741ed061342344ca48edd6acabf943d3f,"public boolean squirrelPlay(int temp, boolean isSummer){ + if(isSummer && 60 <= temp && temp <== 100) +" +e8e40fb41b225ac27b7b38d73adbec9c4cdbfe6a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return (isSummer) ? (temp >= 60 && temp <= 100) + : (temp >= 60 && temp <= 90); +} +" +54da8ac17f170eed1256e29e1e782316ad8ed5d5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <== 100) +} +" +50ef1bb32a70fe954932c3a2a570fc24b48cb9b1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <== 100) + { + return true; + } + + + if(!isSummer && 60 <= temp && temp <= 90) + { + return false; + } +} +" +4d139a618d1ace140fb16853215b8360b6bae25c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upper = 90; + if (temp >= 60 && temp <= 90) + { + return true; + } + else if (isSummer >= 60 && isSummer <= 100) + { + return true; + } + else + { + return false; + } +} +" +3b5d6c51d18b8e8381c748b8835fc485e7894ceb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + else if (isSummer >= 60 && isSummer <= 100) + { + return true; + } + else + { + return false; + } +} +" +6d3b0dc528a61315a617ad88fba7a55215a20d04,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + else if (isSummer => 60 && isSummer <= 100) + { + return true; + } + else + { + return false; + } +} +" +3df31c9354882919f339b16f42f56f37f442a704,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + else if (isSummer) + { + return true; + } + else + { + return false; + } +} +" +f1322e05a2688a2a2a2883a313d1bc4b21d1484c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && 60 <= temp && temp <== 100) + { + return true; + } + + + else if (!isSummer && 60 <= temp && temp <= 90) + { + return false; + } +} +" +37a792e5ae96a4a2579408934c68bbded3ee03ea,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if(isSummer && 60 <= temp && temp <= 100) + return true; + + else if(!isSummer && 60 <= temp && temp <= 90) + return true; + else + + return false; + +} +" +41c9fb07b0c94b86e1670e256788c59cbcfd98fa,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + if (temp >= 60 && temp <= 100) + return true; + else + return false; + else if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +071693e8d1eca5bf60b18af7a6512d8271067207,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = true; + if (isSummer == true) + { + if ((temp > 60) && (temp < 100)) + { + play = true; + } + else if ((temp < 60) || (temp > 100)) + { + play = false; + } + } + else if (!(isSummer == true)) + { + if ((temp > 60) && (temp < 90)) + { + play = true; + } + else if ((temp < 60) || (temp > 90)) + { + play = false; + } + } + return play; +} +" +3e10318a3bef6551abfa65f01192f2fbea7bb469,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +} +" +20529b85040c312ebc4de62b8b3ca722b3c7fddc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upper = 90; + if(isSummer){ + upper = 100; + return (temp>=60 && temp<=upper); + } +} +" +7c9f5354739b9bdfe3f4ee118cd38d9bb7efb622,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +7be00cb6d37f4fdce11438a777ab0a4d7b6ffd44,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upper = 90; + if(isSummer){ + upper = 100; + } + return (temp>=60 && temp<=upper); + +} +" +5841f9d82194ff9013b8c7567a86be9b44196307,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true + else + return false; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +b490e2493cbfd45bae14fb2290cabfe687288f26,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else + { + if (temp >= 60 && temp <= 90) + return true; + else + return false; + } +} +" +c4473e4337deb21bb01da6246ab15a91ff83b2d3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else if (temp >= 60 && <= 90) + { + return true; + } + else + { + return false; + } +} +" +75794e80cf4628de48e82a81ee652ef28653efb8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <=90) + return true(); +} +" +3154ea2545082a5e2cc51654152fb734f2f8e373,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <=90) + return true; +} +" +3eaf4108390c9e0e2fd804fdc366cfe0e4dec3c5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +79a564758d8ddc757b2739278648d2034d7266a9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <=90) + this.return true; +} +" +cbc4b33a7d34a68ad5994efb579981d9ffa8d158,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <=90) + this.return squirrelPlay true; +} +" +96fb920a7c94523ef4949378811708abcc08c158,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <=90) + return this.squirrelPlay; +} +" +c95bbbe4c66a11b915b29c1d82c42163579a9ce8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp > 60) + { + if (temp < 90) + { + return true; + } + else if (temp < 100 && isSummer) + { + return true; + } + } + else if ( temp < 60) + { + return false; + } +} +" +1aaa3f498cb59cb5394b79d10dcc31aaa630eb8a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp > 60) + { + if (temp < 90) + { + return true; + } + else if (temp < 100 && isSummer) + { + return true; + } + } + return false; +} +" +40b73575dda88995ff683c2d545fc2f1d69f7a90,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + } + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + } + else + return false; +} +" +4969f93f70dd13f6a0e9e66ca090e8fc76a89cc9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + } + if (isSummer) + { + if (temp >= 60 && temp <= 90) + return true; + } + else + return false; +} +" +aadb575e4a57e297d1bbd3c8d969d1c40dc8d193,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer && temp >= 60 && temp <= 90) + return true; + if (isSummer && temp >= 60 && temp <= 100) + return true; + else + return false; +} +" +a0769a7c97163a797d5113f4b27d889dc7b21ce8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +42e5ae654a6222530a82ce0e0df14106bfef1bea,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return temp >= 60 && temp <= 100 + if(!isSummer) + return temp >= 60 && <= 90 +} +" +509227bf49597fb08efa6a42783a1526a1fa8b25,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + this.isSummer = true; + } +} +" +dd95bef82dcc101925bfc434ba10df5bcd53c670,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + this.isSummer = true; + } +} +" +c2b83c2e42289123795142d10af999909eb5e07d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return temp >= 60 && temp <= 100; + if(!isSummer) + return temp >= 60 && <= 90; +} +" +155cba2fa97cb66680d166039da37237690f3140,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +3bfc9b229eefa6ec45bb13a985b650aead8e8290,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +63674c5fe2717dc86fb77eff15419a883dd42d9d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +4c2f307eca03713347859bae26245537356c0eea,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +539124d56f678544046ea75ead145ab73e5c95d4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +55a153db01e8a5e50a833fede5d911cad3eede90,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +f0706dd77f853337557ec225f67a09cef544fa43,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +47cba2bc624cdef9b89bd6d8102ab889e5dd15a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + isSummer = true; + } +} +" +6c372cda9fc386f78902155c54a6eb5a1b27f9b4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + isSummer = true; +} +" +1abd918bbb422d90b2cf8eb5974b32db4618fc32,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + this.return isSummer = true; +} +" +f31197b115c5442a98510e2f30204279b65df2ae,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + } + + else if (temp >= 60 && temp <= 90); + return true + + else + return false; +} +" +cf500f9b79d5afe976d6d13ef3330edf0ecd6483,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return temp >= 60 && temp <= 100; + else + return temp >= 60 && <= 90; +} +" +8124a67d7ee92c80d103c82a5f6343cbf867f3b1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + } + + else if (temp >= 60 && temp <= 90); + return true; + + else + return false; +} +" +bd56babd123d47c9089eed438f8c648cddb19e83,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + + if (temp >= 60 && temp <= 100) + return true; + + + else if (temp >= 60 && temp <= 90); + return true; + + else + return false; +} +" +4df4d4bb354c748ca327677a597c9c5f3882ca03,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upperLimit = (isSummer) ? 100 : 90; + return (temp >= 60 && temp <= upperLimit); +} +" +ade2dbbc49943f165a79147390a342f4ebb33538,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } +}" +bb5566ae30e120f3eb05339bdb8a150d20c8dab2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp >= 60 && temp <= 100) + + return true; + } + + + else if (temp >= 60 && temp <= 90); + return true; + + else + return false; +} +" +e328e13fc055ab5eff9bb06019ada4bb4c956e29,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +3d56e316367ebfa901943e5eb4944c46278efd41,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp >= 60 && temp <= 100) + + return true; + } + + + else if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } +} +" +6fdcd123a363b1b38635897ba7d26b520fcee1c5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + if (!isSummer && temp >= 60 && temp <= 100) + return true; + else return false; +} +" +8a170336ea3b08a5a270bde25f9bd961e4cf9671,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + if (!isSummer && temp >= 60 && temp <= 90) + return true; + else return false; +} +" +b518e38479d1d309f884036872c8736d449e9b33,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + if (temp >= 60 && temp <= 100) + + return true; + } + + + if(!isSummer && 60 <= temp && temp <= 90) + { + return true; + } + else + return false; + + +} +" +798f94c3e3c9b63da40bd73c61338e019f35f157,"public boolean squirrelPlay(int temp, boolean isSummer) { + if (temp >= 60 && temp <= 90) + return true; + if (temp >= 60 && temp <= 100 && isSummer == true) + return true; + else + return false; +} +" +25587d30d2f5eb80eebc44fb428e9d2e3f7ee17f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +dc877e1e26898907d49dc64bf2da957c76052aa3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + + + } + else + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + + + } + + + +} +" +c4b92bd4ae3ccb4b40507725727c301658da2dde,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +} +" +1899b8e37ec49614ae7d364fa47861130aad9361,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp <== 60 && temp <== 100) + { + return true; + } + if(!isSumemr && temp <== 60 && temp <== 90) + { + return true; + } +} +" +c2ef398cf712d4677d4815a07c78dae160e01f26,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + + } + + else { + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } + } + + +} +" +e35f7ac22a2d7d48709239fd77847e2e00420778,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp <== 60 && temp <== 100) + { + return true; + } + if (!isSumemr && temp <== 60 && temp <== 90) + { + return true; + } + return false; +} +" +bddd27e1a0c1e282b02cf1c4c5e6458983c779a2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + + } + + else { + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } + } + + + +" +51b5adde28a4f8642123877f4519af3a2cd46c36,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp <== 60 && temp <== 100); + { + return true; + } + if (!isSumemr && temp <== 60 && temp <== 90) + { + return true; + } + return false; +} +" +10c99afb67004941d911a91da05fa696a58c55a7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp <== 60 && temp <== 100); + { + return true; + } + if (!isSumemr && temp <== 60 && temp <== 90) + { + return true; + } + return false; +} +" +ddd904a5e9fff5daf59944430cbf6f557e74d3a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + + } + + else { + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + + else + { + return false; + } + + + +" +9331b09274ad46847975a9709e6718ad96880472,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp <== 60 && temp <== 100) + return true; + if (!isSumemr && temp <== 60 && temp <== 90) + return true; + return false; +} +" +5b44499c591f00b375360d9a92a5e44597a0ea51,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp <== 60 && temp <== 100) + return true; + if (!isSummmr && temp <== 60 && temp <== 90) + return true; + return false; +} +" +03860f782c959cde08fb9bdedf9b4ab1b7d051f4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + + } + + else { + if (!isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + } + } +} + + + + +" +902b6704e98997cc283769d233241cfcf43377d2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + { + return true; + } + else if (!isSummer && temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +acb7531a27ad46b092621bc94ba4069bec787ec4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp <== 60 && temp <== 100) + return true; + if (!isSummmr && temp <== 60 && temp <== 90) + return true; + return false; +} +" +7b6810502c9ab2a65292afc29a06440c6c6a5b1e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp <== 60 && temp <== 100) + return true; + if (!isSummer) + if(temp <== 60 && temp <== 90) + return true; + return false; +} +" +0ce4a2c599fc9785b9e7bbbe9c8728b127718507,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if(temp <== 60 && temp <== 100) + return true; + if (!isSummer) + { + if(temp <== 60 && temp <== 90) + return true; + } + return false; +} +" +eb6c189654bd4918a8ce096d22d1833e75a1ab6b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temp <== 60 && temp <== 100) + return true; + } + if (!isSummer) + { + if(temp <== 60 && temp <== 90) + return true; + } + return false; +} +" +bb1b25cfcd4162318d242e519019f3466fa43d0c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + + + + +" +98960448b6d1eb0bdcaef69e00ef4956dcab7302,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + } + + + + +" +fd2b4bd77e7547894d842b14f0ef99f4f11e7a3f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100) + return true; + } + if (!isSummer) + { + if(temperature <== 60 && temp <== 90) + return true; + } + return false; +} +" +a3f306ae0e55a828d04f749803205a48d5a0886d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + + else + { + return false; + } + } +} + + + + +" +5e42aff40d04a6a878636dcf5d4b8d0bc09c65d8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp < 60) + return false; + else if (temp <= 90) + return true; + else if (temp <= 100 && isSummer) + return true; + else + return false; + +} +" +1959b4e276615e986cb0596b07c18cd250ae9f9c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100) + return true; + } + if (!isSummer) + { + if(temperature <== 60 && temp <== 90) + return true; + } + return false; +} +" +d5f4b083f2006f1bf23ff8ad4e5f97f53f67a9eb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } +} + + + + +" +d481b54437691f98e1e5a75aac3b86fd785c8f75,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100); + return true; + } + if (!isSummer) + { + if(temperature <== 60 && temp <== 90); + return true; + } + return false; +} +" +0556000feda223a70db2d750e5c638c197451e7f,"public boolean squirrelPlay(int temp, boolean isSummer) { + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} + + + +" +51cd7db88b1aa81200b8398b2f4d833ce4fe4e53,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100); + return true; + } + if (!isSummer) + + if(temperature <== 60 && temp <== 90); + return true; + + return false; +} +" +8cbeed82548f02aaf4dbd065d5b49aef91812d4b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100); + return true; + } + if (!isSummer) + { + else if(temperature <== 60 && temp <== 90); + return true; + } + return false; +} +" +de37377842571e8e1bd8b5fd86713f53a6a92978,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100); + return true; + } + if (!isSummer) + { + else(temperature <== 60 && temp <== 90); + return true; + } + return false; +} +" +db73c000ebe3824429821732195a4f7fcfeab237,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + else iff (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +10d260228dc954088abbb1ae53990d2ae116a9de,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100); + return true; + + if (!isSummer) + + else(temperature <== 60 && temp <== 90); + return true; + } + return false; +} +" +80f93f4d96cc2ef5f904217702f7012dc6da2972,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer){ + if(temperature <== 60 && temp <== 100); + return true; + + if (!isSummer) + + else(temperature <== 60 && temp <== 90); + return true; + } + return false; +} +" +c0c5c9fee901ebce9a216561b7f4cd3b3bbfbe90,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp >= 60 && temp <= 100) + return true; + else if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +eae86897a54e85e0b92d58d90120cca9fa73cd85,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + +} +" +033950261e648b3e5f9c1ac2b2a37b6cf9530c9c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + return (temp >= 60 || temp <= 90); + +} +" +d8629b155534d050d5c92673fcc6f425f66d0f13,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + return true; + return (temp >= 60 || temp <= 90); + +} +" +8bd4bce99ed04d2ef4c75d296c7e3a429e78b1d5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + return (temp >= 60 || temp <= 90); + return true; + +} +" +a588087f9f5c69d41ef87b1f96218422b5b850a0,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp >= 60 || temp <= 90); + +} +" +ce03048b27c8fc01d76558851513759ca312b92f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return(temp >= 60 && temp <= 100); + return(temp >= 60 && temp <= 90); +} +" +fcdee0a89d846c46edaf0537b471503d6b52a526,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp >= 60 || temp <= 90); + return true; +} +" +93a5b2f6572dee85b13c18313487d4e50bf9f02b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((temp <= 90) && (temp >= 60) && (isSummer=false)) + { + return true; + } + else if ((temp >= 60) && (temp <= 100) && (isSummer=true)) + { + return true; + } + else + { + return false; + } +}" +9fc812eeff3c51e30d36e829126177a775be319c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + + +} +" +0e703e9b300c7bfc3a6f60a91bbec390bb43ceae,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + return true; + } + else if (temp >= 60 && temp <= 90) + return true; + return false; +} +" +ba571890acba0ee8575de50ba08f617875dd25f9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +da516e7e5f88b22d22961b95bf1abfa45034cf55,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp <= 60 || temp >= 90); + return true; +} +" +75c19c8b466a496dd00a319270fce7b84e0cea13,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ((temp >= 60 && temp <= 90) && !isSummer) + { + return true; + } + + if ((temp >= 60 && temp <= 100) && isSummer) + { + return true; + } + + else + { + return false; + } +} +" +748d4ba62b2120b0f8a62823cb574ba2454c12cc,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp <= 60 || temp >= 90); + return false; + return true; +} +" +eec0083b70b8bc767a807c719bfee93b9f07c90e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp <= 60 || temp >= 90); + return false; +} +" +af8dc184a8d2a8652ecfbc024df56acbfd1d8a54,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp <= 60 || temp >= 90); + return true; +} +" +c5f4b0d2c4d6c9ddc1516e06344d362da5367c67,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 || temp <= 100); + if(!isSummer) + return (temp <= 60 || temp >= 90); + return true; +} +" +e98732a8c610271301dfad5a520719f306baf807,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + return (temp <= 60 || temp >= 90); + return true; +} +" +20246dd70e32078cb6a3eecc6f90020522a1f94c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90);\ + return false; +} +" +fcb3893c1d8796bc305828f25d4f257d5627de84,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90); + return true; +} +" +731f5bc76d99940245ba3c863ae8219b855caf0d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90); + return true; + return false; +} +" +97090f35cfa4702bd5fbe54df993492a0269b738,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90); + return true; +} +" +f0fa1b1f5ebc85c6d7bea14b608ae47812a2c795,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp<=100 && temp>=60) + return true; + else if (!isSummer && (temp<=90 && temp>=60)) + return true; + else + return false; +} +" +9987fbff53c20ed29ac7e0107999a611b382550d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp<=100 && temp>=60 ) + return true; + else if (!isSummer && (temp<=90 && temp>=60)) + return true; + else + return false; +} +" +c593fa8a8d6bc08b1f56d1023be9518fc1aa9a9a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && (temp<=100 && temp>=60) ) + return true; + else if (!isSummer && (temp<=90 && temp>=60)) + return true; + else + return false; +} +" +fc54b7bf0d5fb68dc370170a4660bc4752aa9681,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90); + return false; +} +" +6c2a51ac715600a77ec610610dad3a1ef3f2dfe3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90); + return false; + else if (temp >= 60 || temp <= 90) + return true; +} +" +f27d297278985a44fe101ae312c52ac2dfd1c838,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + else if (temp >= 60 || temp <= 90) + return true; +} +" +ce3b86229fd0ed8e64995f0e3d41bd08ad023800,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if (temp >= 60 || temp <= 90) + return true; +} +" +9b4b573521a139c7e4ef960df3871c05a182d812,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + else (temp >= 60 || temp <= 90) + return true; +} +" +fbf09fe7ef45368a2df5e2cc89ecb7aa46e86c2a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + else (temp >= 60 || temp <= 90); + return true; +} +" +763b2c6d5fb2f1c5c24b2824cefc276325aea2d4,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + (temp >= 60 || temp <= 90); + return true; +} +" +afad2e191204056548a494cb40cba59a4b22189a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + (temp >= 60 || temp <= 90) + return true; +} +" +e79861abd4fb98b9c8c8d571cfbf6d1419d73fef,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + if (temp >= 60 || temp <= 90) + return true; +} +" +5ca7aad14ee574bdac72f4650a27de819e0ace98,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + if (temp >= 60 || temp <= 90) + return true; + return true; +} +" +8e847f451f7284f037d5028a7db0b3e0eac03d91,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + if (temp >= 60 || temp <= 90) + return true; + return false; +} +" +092b45eae0240b4c0a0cae1fcdb2942b78c61ac2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ if ( temp >= 60 && temp <= 90 ) + return true; + else if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +} +" +34c04fca7054695d0ac8e35444b874ed9ab46705,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +47bdcd22be2bee77bc0224f51e36ba06357bdac5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + else { + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } + } +} +" +cadb55c0129e231d65cc2581a14179060f77fa10,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) { + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } + } + else { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } +} +" +7a425a1cd810fd3608abf3f02bc3dbdedd5c8a1a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean a = false; + if( temp>=60 && temp<=90 && isSummer==false) + a=true; + if ( temp>=60 && temp<=100 && isSummer==true) + a=true; + return a; +} +" +f93b209330bceb646e4d973b47fffa1207603e0d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + return false; +} +" +51bc81c6a8810ff3dcae1b8b63e0ed10a88f58f5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer && temp <= 100 && temp >= 60) + return true; + if (!(isSummer) && temp <= 90 && temp >=60) + return true; + else + return false; +} +" +652b51f5f48a4f46d9c2f57041afb900c801823a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + if (temp >= 60 || temp <= 90) + return true; + return false; +} +" +0d7386534ff2a90a58f082f519a475298783d90d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + if (temp >= 60 || temp <= 90) + return true; + if(temp = 90) + return true; + return false; +} +" +3b60630f396abf04699b4d14f4f5e3a24c6294c2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp<= 90) + { + return true; + } + + + return false; +} +" +84b801dddc9b9c2cc51335d113e4cc707486db4d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + if(!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if(!isSummer) + if (temp >= 60 || temp <= 90) + return true; + return false; +} +" +b1a8976321dd0d274daa6fda2362258e9eb6bade,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + else (!isSummer) + if (temp <= 60 || temp >= 90) + return false; + if (temp >= 60 || temp <= 90) + return true; + return false; +} +" +d66b35538333bfac823aeb2b6ae3a3dac955cf7d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) + return true; + else (!isSummer); + if (temp <= 60 || temp >= 90) + return false; + if (temp >= 60 || temp <= 90) + return true; + return false; +} +" +97b7683fd6c88956745dac93ba78efb07e324b04,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp<= 90) + { + return true; + } + + else if( isSummer && temp>= 90 && temp<= 100) + { + return true; + } + + + return false; +} +" +c7142de155250f2a4432440ea9fb3128c93bcae7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean t=true; + if (isSummer==true) + { + if (temp>=60 && temp<=90) + { + t=true; + } + + else + { + t=false; + } + } + + else + { + if (temp>=60 && temp<=100) + { + t=true; + } + + else + { + t=false; + } + } + return t; +} +" +6952cd7b1ab1ea0c2e626bb195fe129efe0fc68f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + else (!isSummer); + if (temp <= 60 || temp >= 90) + return false; + if (temp >= 60 || temp <= 90) + return true; + return false; +} +" +73b99e85b63ad2782d08af94718aa73d8cea55ee,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + return false; +} +" +52958880c7a753fb93227870b7fe57df624b4a41,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean t=true; + if (isSummer==true) + { + if (temp>=60 && temp<=100) + { + t=true; + } + + else + { + t=false; + } + } + + else + { + if (temp>=60 && temp<=90) + { + t=true; + } + + else + { + t=false; + } + } + return t; +} +" +2139d001b50978e8ba5d3167a04874c13aefd7b2,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!summer) { + if (temp <= 60 || temp >= 90) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } +} +" +e27784d00f35c213e4b040f308a2f0b68d61b4d3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!summer) { + if (temp <= 60 || temp >= 90) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } +} +" +57442eb3df5959539c530417cb9133f12fc97053,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 90) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } +} +" +a17d7267a07746cf5e581fa6da59693cf9c57b7a,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 90) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return true; +} +" +eae045a167847ce47dc6e251c47aaf23180f4a8f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return true; +} +" +707df16a8f993f9afadd61ea37533de89326e9b8,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 91) { + return false; + } else if (temp >= 61 || temp <= 90) { + return true; + } + } + return true; +} +" +ba7d757e38feb21df3c26541069f07296d19bcc6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 91) { + return false; + } else if (temp >= 61 || temp <= 90) { + return true; + } + } + return true; +} +" +73a9bd752998a92786e3a8c64eb4bbec4a37e326,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 91) { + return false; + } else if (temp >= 61 || temp <= 90) { + return true; + } + } + return false; +} +" +f5dbd0e348cc03ee2a355dd68ab56f05557d9061,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + play = false; + if (isSummer == true && temp >= 60 && temp <= 100) + { + play = true; + } + else if (temp >= 60 && temp <= 90) + { + play = true; + } + return play; +} +" +535dd2146695e9e9d5895e0a0130351d8f2e6a68,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 60 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +1b7a3c5ce2cdb0d86dcfb8ff63ba0fbb402be778,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + boolean play = false; + if (isSummer == true && temp >= 60 && temp <= 100) + { + play = true; + } + else if (temp >= 60 && temp <= 90) + { + play = true; + } + return play; +} +" +5ed197cbb096e9d3a20ec5998bbc2d6def2324a7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (isSummer) + { + return (temp >= 60 && temp <= 100); + } +} +" +84863dc1550c0fcc4cb7fb13267787c27e23cfa5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 69 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +660da9602bd25aebde84f1fdb9bc2067d8f807e9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 60 || temp >= 100) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +537be38ae5e7b241a1ea022ba1dad7576e6ff515,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + if (isSummer) + { + return (temp >= 60 && temp <= 100); + } + else + { + return false; + } +} +" +b4fb5099261618883192863b64f5fa2adba0903c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + + if (temp <= 100 && temp >= 60) + return true; + + if (temp <= 90 && temp >= 60) + return true; + + return false; +} +" +37a9adbbc842c09f728eb2b857697eeaab1f5287,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +b720d2089c69fb85444d039cd1e743210248aad1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + + if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (temp >= 60 && temp <= 100) + { + return(true); + } + else + { + return(false); + } + } +} +" +5a34bc95c4bbb9a50eb164ce70da1b23f3e49674,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + + } + if(!isSummer) { + if (temp < 59 || temp > 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +d697d2c644cd9dd8a75f5b496125f75325d71808,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp < 59 || temp > 101) { + return false; + } + + } + if(!isSummer) { + if (temp < 59 || temp > 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +f289af236dd0755f244b96bb909d454d00be9592,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp < 59 || temp > 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp => 105) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +3a68999ef59181b1222eb1253090ed451ae3fb6f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp < 59 || temp > 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp => 105) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +d885742f49fa9dbbc49ac62685827f3c9e30989c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp < 59 || temp > 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp => 90) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +3a9d3a4effbb374fceb3c3ef27e09d408613363e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp < 59 || temp > 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp >= 105) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +ed6a6e059f2043a7f7202ed0961ceba2ec8b27a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp < 59 || temp > 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +3d012120df9f0242b8d9fc9be621859d6850d510,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + else { + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } + +} +" +e6310baa0c47dbc1b8ea9f30219409bd8cb591ff,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } + else { + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } + } +} +" +e0fc00839ada7df4396f53e48a151da919d633c1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +2e981ae4c9e09a977362fa1a3ab2a9006e41b335,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return true; +} +" +a9378e23e48c36e068798ddb056a4caeb08e8f23,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + return true; + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +048225902e6e46725b87aa866e9d26d0eb157fb5,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + return false; + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return false; +} +" +d3bb1c4782aed1e319e5c1289b5ff053b114156f,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (!isSummer) { + if (temp >= 60 && temp <= 90) { + return true; + } + else { + return false; + } + } + else { + if (temp >= 60 && temp <= 100) { + return true; + } + else { + return false; + } + } +} +" +7aa9c387d86f357d4561d40bb73bbb703f767cd9,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) { + if (temp >= 60 || temp <= 100) { + return true; + } else if (temp <= 59 || temp >= 101) { + return false; + } + return false; + } + if(!isSummer) { + if (temp <= 59 || temp >= 91) { + return false; + } else if (temp >= 60 || temp <= 90) { + return true; + } + } + return true; +} +" +82983bf4396e5f20af924214ca6320fe23eb11ee,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + { + return (temp >= 60 && temp <= 100); + } + return (temp >= 60 && temp <= 90); +} +" +dfb99268dee5a579fb03c978a3d545af2ae33506,"public boolean squirrelPlay(int temp, boolean isSummer) +{return (isSummer) ? (temp >= 60 && temp <= 100) + : (temp >= 60 && temp <= 90); + +} +" +f46d6ac25c05928badaeda8d1d89a882cafe67e5,"public boolean squirrelPlay(int temp, boolean isSummer) { + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +}" +f85e42b071880eacaab180d3ad562fb1e3b251a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + else if (temp >= 60 && temp <= 100) + { + if (isSummer == true) + { + return true; + } + else + { + return false; + } + } +} +" +7d503821c01bcf2a56d92ba0c674a49ca0d48f9c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60 && temp <= 90) + { + return true; + } + else if (temp >= 60 && temp <= 100) + { + if (isSummer == true) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +1d1b3e5df51ef64d120a82a571732ff03a068cf6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +68cdbd4611e0ad8c35c00f5631f50fced5e66934,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90 ) + { + return true; + } + + if ( temp >= 60 && temp <= 100 && isSummer == true ) + { + return true; + } + else + { + return false; + } + +} +" +9e728377651fb04915d591bd8149b7a6b1cf4392,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) { + if (temp >= 60 && temp <= 100) { + return true; + } + else + return false; + } + else { + if (temp >= 60 && temp <= 90) { + return true; + } + else + return false; + } +} +" +10764dc2efc6c23dbcd4a60459845d0391f5b9a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp > 60) + { + if (temp <= 90) + { + return true; + } + else if (temp <= 100 && isSummer) + { + return true; + } + } + return false; +} +" +604a57066a0d33a4f0320c8ff38e76ea6a9f68d3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +728be817b446879661c23968bea3042d0f6fe470,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp >= 60) + { + if (temp <= 90) + { + return true; + } + else if (temp <= 100 && isSummer) + { + return true; + } + } + return false; +} +" +975e3bc0c5212c1113630c84d58c5dc3d0a6c383,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +19646b9e5018fdd4446bc7ac523927cbabcb89ab,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +2691d346e1c8222f9a71574ee21b8b5e9ab53539,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if(temp >=60 && temp <=100) + { + return true; + } + else + { + return false; + } + } +else +{ + if (temp >=60 && temp <=90) + { + return true; + } + else + { + return false; + } +} + +} +" +d341efa1f769d419d025985a4f7e1051e450f664,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } +} +" +5432d3e32d7b9d5d28fef6ac481b16812dd1724c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +2ab164b7422b468d84775a2300ffb6d8033ffcbe,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + int upperLimit = isSummer ? 100 : 90; + return temp >= 60 && temp <= upperLimit; + }" +4da442f4946aff518c14ac02e27b371170b6a22b,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } +} +" +1f639f7c85c4f66c550f0dcf87655d9208e29db3,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + } + else if (!isSummer) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + } + return false; +} +" +9bde62f5944aae82b3dc122feda5fe3929c1f2a6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +}" +6e339955bc10f39b00fd10bbeb80bf4d18608320,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true){ + if (temp >= 60 && temp <= 100) + return true; + else + return false; + } + else if (temp >= 60 && temp <= 90) + return true; + else + return false; +} +" +b300f631b24397d0c8dfe362b9876ccf1cd38f1c,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true_ + return true; + else + return false; +} +" +70a111b56170d3a3eb03d8f11281063c79ce6f6e,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90 ) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true ) + return true; + else + return false; +} +" +2e44c5194bfd36da4d7cd115f22801214c0bf72d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if ( temp >= 60 && temp <= 90) + return true; + if ( temp >= 60 && temp <= 100 && isSummer == true) + return true; + else + return false; +} +" +2dbc565707746a3d99ab5e51ea2756a38538aaf7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if (temperature >= 60 && temperature <= 100){ + return true; + } + else{ + return false; + } + } + else if (temperature >= 60 && temperature <= 90){ + return true; + } + else{ + return false; + } +} + +} +" +b471f0543314b71292a38bd55d8a089dcbfa30c1,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if (temperature >= 60 && temperature <= 100){ + return true; + } + else{ + return false; + } + } + else if (temperature >= 60 && temperature <= 90){ + return true; + } + else{ + return false; + } + } + + + +} +" +5f50bd066321424e5bf7fbc915e3e32ed65966f7,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +e0f306cba6f47056c04dfc7020605cd2eb2ca9ca,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if (temperature >= 60 && temperature <= 100){ + return true; + } + else{ + return false; + } + } + else { + if (temperature >= 60 && temperature <= 90){ + return true; + } + else{ + return false; + } + } + + + +} +" +25d66bff874b8016a8d29619e00e4f994f68aacb,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer){ + if (temp >= 60 && temp <= 100){ + return true; + } + else{ + return false; + } + } + else { + if (temp >= 60 && temp <= 90){ + return true; + } + else{ + return false; + } + } + + + +} +" +6e8abb3169eb1262d70da8c36e1c0a9ecc416434,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + elseif (isSummer == false) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +5b98dac550f734a7929113dd2be70cc9746cc0c6,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (isSummer == false) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +f49dfc3b1496f435362e7fd4c60f172fd0fe4638,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer == true) + { + if (temp >= 60 && temp <= 100) + { + return true; + } + else + { + return false; + } + } + else if (isSummer == false) + { + if (temp >= 60 && temp <= 90) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +cc4760982256f3711b2ca9250e660e81c09053ca,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && temp >= 60 && temp <=100) + { + return true; + } + else if(temp >= 60 && temp<=90) + { + return true; + } + else + { + return false; + } + +} +" +293db5c53f75c54a7009ec78db0d59c4e214dcde,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if(isSummer && 60 <= temp && temp <= 100) + return true; + + if(!isSummer && 60 <= temp && temp <= 90) + return true; + + return false; +} +" +ec67c06e76e449bf183e2f31f017d729f9abbd71,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (isSummer) + return (temp >= 60 && temp <= 100); + return (temp >= 60 && temp <= 90); +} +" +8ee1e80f1bafc262c4ff064e1812c82ab0e94271,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp>=60 && temp <=90) + { + return true; + } + if (isSummer) + { + if (temp>=60 && temp <=90) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +69dcf7ffa871a4135c4fe6aad25b91e6b551d89d,"public boolean squirrelPlay(int temp, boolean isSummer) +{ + if (temp>=60 && temp <=90) + { + return true; + } + if (isSummer) + { + if (temp>=60 && temp <=100) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +fb582e9bb796f806b74e2ea83d48fd9e015b66e9,"public String alarmClock(int day, boolean vacation) +{ + + + if alarmClock(1 || 2 || 3 || 4 || 5, false) + { + return ""7:00""; + } + else if alarmClock(1 || 2 || 3 || 4 || 5, true) + { + return ""10:00""; + } + else if alarmClock(1 || 6, false) + { + return ""10:00""; + } + else if alarmClock(1 || 6, true) + { + return ""off""; + } +} +" +61f5e2e33d0874395fb1f1f452ddd96e4623454d,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(1 , false) + { + return ""7:00""; + } + else if alarmClock(2 , false) + { + return ""7:00""; + } + else if alarmClock(3 , false) + { + return ""7:00""; + } + else if alarmClock(4 , false) + { + return ""7:00""; + } + else if alarmClock(5 , false) + { + return ""7:00""; + } + else if alarmClock(1 , true) + { + return ""10:00""; + } + else if alarmClock(2 , true) + { + return ""10:00""; + } + else if alarmClock(3 , true) + { + return ""10:00""; + } + else if alarmClock(4 , true) + { + return ""10:00""; + } + else if alarmClock(5 , true) + { + return ""10:00""; + } + else if alarmClock(1 || 6, false) + { + return ""10:00""; + } + else if alarmClock(1 || 6, true) + { + return ""off""; + } +} +" +78d08f3bf4ad5eb6735eac748a5f62a6f3dbbdff,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(1, false) + { + return ""7:00""; + } + else if alarmClock(2 , false) + { + return ""7:00""; + } + else if alarmClock(3 , false) + { + return ""7:00""; + } + else if alarmClock(4 , false) + { + return ""7:00""; + } + else if alarmClock(5 , false) + { + return ""7:00""; + } + else if alarmClock(1 , true) + { + return ""10:00""; + } + else if alarmClock(2 , true) + { + return ""10:00""; + } + else if alarmClock(3 , true) + { + return ""10:00""; + } + else if alarmClock(4 , true) + { + return ""10:00""; + } + else if alarmClock(5 , true) + { + return ""10:00""; + } + else if alarmClock(1 || 6, false) + { + return ""10:00""; + } + else if alarmClock(1 || 6, true) + { + return ""off""; + } +} +" +df4427208036a14c946fff42c8647faac6331317,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock (1, false) + { + return ""7:00""; + } + else if alarmClock(2 , false) + { + return ""7:00""; + } + else if alarmClock(3 , false) + { + return ""7:00""; + } + else if alarmClock(4 , false) + { + return ""7:00""; + } + else if alarmClock(5 , false) + { + return ""7:00""; + } + else if alarmClock(1 , true) + { + return ""10:00""; + } + else if alarmClock(2 , true) + { + return ""10:00""; + } + else if alarmClock(3 , true) + { + return ""10:00""; + } + else if alarmClock(4 , true) + { + return ""10:00""; + } + else if alarmClock(5 , true) + { + return ""10:00""; + } + else if alarmClock(1 || 6, false) + { + return ""10:00""; + } + else if alarmClock(1 || 6, true) + { + return ""off""; + } +} +" +34ae06170f9b3c8a080bb6e55a269c3e5875ed97,"public String alarmClock(int day, boolean vacation) +{ + if (1 || 2 || 3 || 4 || 5, false) + return ""7:00""; + +} +" +e0404d3a648cfef841b998405142fb4e1837f43c,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1 || 2 || 3 || 4 || 5, false)) + return ""7:00""; + +} +" +65260e2f507a744fdb34d06d725a8d884043417d,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || 2||3||4||5) + day=1; + if (alarmClock(1 || 2 || 3 || 4 || 5, false)) + return ""7:00""; + else + +} +" +c9b3fd00d9f73f0bbcce536887e132b9c66a64b5,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || 2||3||4||5) + { + day=1; + } + if (alarmClock(1 || 2 || 3 || 4 || 5, false)) + return ""7:00""; + else + +} +" +08f127a71a7693c6db8a8d72c104a8fbb9d0a2ae,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || 2||3||4||5) + { + day=1; + } + if (day = 0 || 6) + { + day=0; + } + if (alarmClock(1, false)) + return ""7:00""; + else if (alarmClock(1, true)) + return ""10:00""; + else if (alarmClock(0, false)) + return ""10:00""; + else if (alarmClock(0, true)) + return ""off""; + +} +" +b79d7c000136c5054fb6d1cf626de7193a881c74,"public String alarmClock(int day, boolean vacation) +{ + if (day = (1 || 2||3||4||5)) + { + day=1; + } + if (day = 0 || 6) + { + day=0; + } + if (alarmClock(1, false)) + return ""7:00""; + else if (alarmClock(1, true)) + return ""10:00""; + else if (alarmClock(0, false)) + return ""10:00""; + else if (alarmClock(0, true)) + return ""off""; + +} +" +fcfab961bdf9fb82012806af8cc1626ab71697c7,"public String alarmClock(int day, boolean vacation) +{ + if (day = (1 || 2 || 3 || 4 || 5)) + { + day=1; + } + if (day = 0 || 6) + { + day=0; + } + if (alarmClock(1, false)) + return ""7:00""; + else if (alarmClock(1, true)) + return ""10:00""; + else if (alarmClock(0, false)) + return ""10:00""; + else if (alarmClock(0, true)) + return ""off""; + +} +" +f2add5a0f9f51ca577834b59b45057aa6eaf6160,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +036b9f30841971267513c8da4ad97c2f3859e15e,"public String alarmClock(int day, boolean vacation) +{ + + if (day = 0 || 6) + { + day=0; + } + if (alarmClock(1, false)) + return ""7:00""; + else if (alarmClock(1, true)) + return ""10:00""; + else if (alarmClock(0, false)) + return ""10:00""; + else if (alarmClock(0, true)) + return ""off""; + +} +" +6c308a2ae1ec2c4981e9b19d08553c4e0630c573,"public String alarmClock(int day, boolean vacation) +{ + if (day = (1 || 2 || 3 || 4 || 5)) + { + day=1; + } + if (day = 0 || 6) + { + day=0; + } + if (alarmClock(1, false)) + return ""7:00""; + if (alarmClock(2, false)) + return ""7:00""; + if (alarmClock(3, false)) + return ""7:00""; + if (alarmClock(4, false)) + return ""7:00""; + if (alarmClock(5, false)) + return ""7:00""; + else if (alarmClock(1, true)) + return ""10:00""; + else if (alarmClock(0, false)) + return ""10:00""; + else if (alarmClock(0, true)) + return ""off""; + +} +" +e23fd72423a025d0194939cb51efc440569cb277,"public String alarmClock(int day, boolean vacation) +{ + + if (alarmClock(1, false)) + return ""7:00""; + if (alarmClock(2, false)) + return ""7:00""; + if (alarmClock(3, false)) + return ""7:00""; + if (alarmClock(4, false)) + return ""7:00""; + if (alarmClock(5, false)) + return ""7:00""; + else if (alarmClock(1, true)) + return ""10:00""; + else if (alarmClock(0, false)) + return ""10:00""; + else if (alarmClock(0, true)) + return ""off""; + +} +" +325b70c3695ed299de021d5da1a03209c01c925a,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && vacation = false) + return ""7:00""; + +} +" +95c81218b79815ee8daf7cda13b2fa949aa0a564,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && vacation == false) + return ""7:00""; + +} +" +084497c83e6b114d0954f48209b4905b79b15d8c,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && vacation == false) + return ""7:00""; + else if (day > 0 && day < 6 && vacation == true) + return ""10:00""; + else if (vacation == true) + return ""off""; + else + return ""10:00""; + +} +" +fac3883b437de5efdd8e568c2b46ad6f6e25cf55,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == false)) + { + return (""off""); + } + if (( day < 6 && day > 1 ) && vacation == true)) + { + return (""10:00""); + } + return (""7:00); +} +" +a4006f5672b956c77d660a99de2a2032f7f903e2,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == false)) + { + return (""off""); + } + else if (( day < 6 && day > 1 ) && vacation == true)) + { + return (""10:00""); + } + else { + return (""7:00); + } +} +" +875fd5ae5b811658181cd0104c3617a194cf2255,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation) + { + return (""off""); + } + else if (( day < 6 && day > 1 ) && vacation == true)) + { + return (""10:00""); + } + else { + return (""7:00""); + } +} +" +850975e6d75102d9b0630782019b1c29d6b84cb1,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == false) + { + return (""off""); + } + else if (( day < 6 && day > 1 ) && vacation == true) + { + return (""10:00""); + } + else { + return (""7:00""); + } +} +" +772316c41e67464473d4b9d67f35cefe5626c236,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == true) + { + return (""off""); + } + else if (( day < 6 && day > 1 ) && vacation == true) || (day == 0 || day == 6) && vacation == false)) + { + return (""10:00""); + } + else { + return (""7:00""); + } +} +" +b0f5f22d7175756b70913a2ef8c4a3aadc531fcc,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == true) + { + return (""off""); + } + else if (( day<6&& day>1) && vacation==true) || (day==0 || day==6) && vacation == false)) + { + return (""10:00""); + } + else { + return (""7:00""); + } +} +" +0541627feab252f029a6520bf7e69158336dd213,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == true) + { + return (""off""); + } + if (( day<6&& day>1) && vacation==true) || (day==0 || day==6) && vacation == false)) + { + return (""10:00""); + } + else { + return (""7:00""); + } +} +" +bb56f5bbeebae30e4bb4c64959ffaef182984aac,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == true) + { + return (""off""); + } + if (( day<6&& day>1) && vacation==true) || (day==0 || day==6) && vacation == false)) + { + return (""10:00""); + } + return (""7:00""); +} +" +3f6cabcd3ef181a53b5d02844ae4e098aa29b56b,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == true) + { + return (""off""); + } + if ((( day<6&& day>1) && vacation==true) || ((day==0 || day==6) && vacation == false)) + { + return (""10:00""); + } + return (""7:00""); +} +" +eb6924b7a4af677aa46e55ec1f3ba5f22de5e6db,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation == true) + { + return (""off""); + } + if ((( day<6&& day>=1) && vacation==true) || ((day==0 || day==6) && vacation == false)) + { + return (""10:00""); + } + return (""7:00""); +} +" +fac629adc947412cbbbe7e9b1136516c159b89ec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day < 6) + return ""10:00""; + else + return ""off""; + } + if (!vacation) + if (day >= 1 && day < 6) + return ""7:00""; + else + return ""10:00""; +} +" +abbb368c8a9a61ebbe8167b1fbe9bc112015a02f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day < 6) + return ""10:00""; + else + return ""off""; + } + if (!vacation) + if (day >= 1 && day < 6) + return ""7:00""; + else + return ""10:00""; +} +return ""off""; +} +" +a79a071ca4aac93a31e9236fbff64f6b3a51f801,"public String alarmClock(int day, boolean vacation) +{ + { + if (vacation) + { + if (day >= 1 && day < 6) + return ""10:00""; + else + return ""off""; + } + if (!vacation) + if (day >= 1 && day < 6) + return ""7:00""; + else + return ""10:00""; +} +return ""off""; +} +" +6ebe86e1dc707b0e8ce03d5d65eae1ed3e043f59,"public String alarmClock(int day, boolean vacation) +{ + { + if (vacation) + { + if (day >= 1 && day < 6) + return ""10:00""; + } + if (!vacation) + if (day >= 1 && day < 6) + return ""7:00""; + else + return ""10:00""; +} +return ""off""; +} +" +3012e4320d02371bfd6939f2d995390618c63c84,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +6235ea3240ed6a7ed4f0a36f027ebb608d9982cd,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == false){ + if(day == 6 || day == 0){ + return ""10:00""; + }else{ + return ""7:00""; + } + }else{ + if(day == 6 || day == 0){ + return ""off""; + }else{ + return ""10:00""; + } + } +} +" +188613a27056625b0e119c36fb79d9a47da3d70c,"public String alarmClock(int day, boolean vacation) +{ + while (vacation == false) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day = 0 || day = 6) + { + return ""10:00""; + } + } + while (vacation == true) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day = 0 || day = 6) + { + return ""off""; + } + } +} +" +ae81f770fae20d568d979db94885c5dad4a30f58,"public String alarmClock(int day, boolean vacation) +{ + while (vacation == false) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + while (vacation == true) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day = 0 || day = 6) + { + return ""off""; + } + } +} +" +d24cc67f42dc071eddb8bf3cd299ba1d0a4e39d8,"public String alarmClock(int day, boolean vacation) +{ + while (vacation == false) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + while (vacation == true) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +f1fd374758a7a1519744512d0b09bb8be76f98ea,"public String alarmClock(int day, boolean vacation) +{ + while (vacation == false) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + while (vacation == true) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + return ""off""; +} +" +069906b9e86d7eff8c78b560547bd1e98556bae8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + + else + { + return ""10:00""; + } + } + + if(vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + + else + { + return ""7:00"" + } + } + + return ""7:00""; +} +" +daeda82039ac83c24ce1f16516d191427d7ae25f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + + else + { + return ""10:00""; + } + } + + if(vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + + else + { + return ""7:00""; + } + } + + return ""7:00""; +} +" +324510f6834232d3be940dadf37523d6af251840,"public String alarmClock(int day, boolean vacation) +{ + if(vation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00"" + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; +} +" +55f867cc2426eb8243675b81c83551c32ac8e1b4,"public String alarmClock(int day, boolean vacation) +{ + if(vation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00"" + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +60907ea553b2388b67e007e1dd0e95a027caad0f,"public String alarmClock(int day, boolean vacation) +{ + if(vation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +afe9064118291cbe184a5b86e6cf32c395a892e2,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +e164cb058e53465aa3d22fc2637d804367041b82,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(0, false) { + return ""10:00""; + } +} +" +c50c5bce0c7f76b0b6daef6133c2b31dfa66d368,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock (0, false) { + return ""10:00""; + } +} +" +c835c99ee59ecc3f44fc9f659f28d6c692a0d9b0,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock (0, false)) { + return ""10:00""; + } +} +" +ad3d9a7bf3c44b6d79a660134d4cf40bc83325fd,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, false)) { + return ""10:00""; + } +} +" +fdac0665736ab611abaf6c688164201b2c355e49,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock = 0, false)) { + return ""10:00""; + } +} +" +db832bcf939998e3b51e63874d485ea31e8234b8,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock = 0, false) { + return ""10:00""; + } +} +" +0e829faf6789a961a9c85137f4e8bdf15ec69256,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock = 0) { + return ""10:00""; + } +} +" +b567f583d4f0c82050a45fe8d041d09047f1751d,"public String alarmClock(int day, boolean vacation) +{ + if (0, false) { + return ""10:00""; + } +} +" +02a329a02f07eb8585e0ca5ab708ea41701990f6,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, false) { + return ""10:00""; + } +} +" +99bff225baed932d3fe24d9f7de26be7e7775972,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, false)) { + return ""10:00""; + } +} +" +a92717e6bf453e25d7548562002ebabff8c06a3f,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock = false) { + if (int = 0) { + return ""10:00""; + } + } +} +" +5467be9feb9d5d0517594a318885c6bb3d4705f5,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock = false) { + if (alarmClock = 0) { + return ""10:00""; + } + } +} +" +dabeb5f6ab2b4f5e0e0b23673b982ad579d65195,"public String alarmClock(int day, boolean vacation) +{ + if (this.getAlarmClock = false) { + if (alarmClock = 0) { + return ""10:00""; + } + } +} +" +cc253c5613465a445cd4e426dbe6ef180be32780,"public String alarmClock(int day, boolean vacation) +{ + if (this.getAlarmClock().equals(false)) { + if (alarmClock = 0) { + return ""10:00""; + } + } +} +" +0abc8366d562b971547e4e4bd469d8a0d0e2bc9e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day<=5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >=1 && day<=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + + +} +" +24f2730e4767a4946f4ff258c599f77e57f17cb5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day = 0 || day = 6) { + return off; + } + else { + return 10:00; + } + } + else { + if (day = 0 || day = 6) { + return 10:00; + } + else { + return 7:00; + } + } +} +" +cf5d74d76d9a1aa7b52fda46163ef546669b9c74,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day = 0 || day = 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + else { + if (day = 0 || day = 6) { + return ""10:00""; + } + else { + return ""7:00""; + } + } +} +" +9a243675fda0d1aed2b0de78b0dae23198b59b08,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if ((day = 0) || (day = 6)) { + return ""off""; + } + else { + return ""10:00""; + } + } + else { + if ((day = 0) || (day = 6)) { + return ""10:00""; + } + else { + return ""7:00""; + } + } +} +" +c47be104b648b2a0c5f3136d6845a32edc47f054,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day = 0) { + return ""off""; + } + else if(day = 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + else { + if (day = 0) { + return ""10:00""; + } + else if(day = 6) { + return ""10:00""; + } + else { + return ""7:00""; + } + } +} +" +580605fccb745f819d1934f8222927f2ab130323,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (int day = 0) { + return ""off""; + } + else if (int day = 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + else { + if (int day = 0) { + return ""10:00""; + } + else if (int day = 6) { + return ""10:00""; + } + else { + return ""7:00""; + } + } +} +" +48fd140db73bfffa0a37bf90efd90727a4c58cc7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0) { + return ""off""; + } + else if (day == 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + else { + if (day == 0) { + return ""10:00""; + } + else if (day == 6) { + return ""10:00""; + } + else { + return ""7:00""; + } + } +} +" +8bb9382f14dc1cb6ad1379dd6e7e28e5ba27d081,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = 0) { + return ""10:00""; + } + } +} +" +32c349b0f448d7f69007d226fc8467212bc7de5b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = 1) { + return ""10:00""; + } + } +} +" +c1e263489b8d92b2bf0762b2eb457a90e9ac4beb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = 1) { + return ""10:00""; + } + } +} +" +1055efde1f80762f4f13b65ae6268bc150aa3f85,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = 0) { + return ""10:00""; + } + } +} +" +aea6363882e0de898d6c717620134cb0c75d615c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = weekend) { + return ""10:00""; + } + } +} +" +8be367ec28f406ca470e341ce5e5fe7a7b73dcd9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (weekend) { + return ""10:00""; + } + } +} +" +55b0f49c1f19f2b10f75f6cb137579be97fd96f9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (weekend) { + return ""10:00""; + } + } +} +" +c4ff6be0d9a3635171f08c2aee261acab729fc0c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = 0) { + return ""10:00""; + } + } +} +" +921494a9ac53fefc97d642f133c8ce2014688de9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day = 0) { + return ""10:00""; + } + } +} +" +a769af6861880628c66769bd27da86510335f918,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day = 0) { + return ""10:00""; + } + } +} +" +425c99a83fc6168d4c23cc8ca7fe35516d66bd15,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day, 0) { + return ""10:00""; + } + } +} +" +ec1420291ac4a87f69d3d83dd04628195cf0ca2c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day(0)) { + return ""10:00""; + } + } +} +" +6301650d457fa9128012627d1bed94333d4b44b3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day(0)) { + return ""10:00""; + } + } +} +" +aea036dcce7cb32309aa70357a593df448c5acee,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day(0)) { + return ""10:00""; + } + } +} +" +2b08d24dc369b75526f1bf44d6930b91e7f8d63a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day(0)) { + return ""10:00""; + } + } +} +" +81aebd60315baa560fe99ff7cb1b8599f000e738,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day (0)) { + return ""10:00""; + } + } +} +" +bacffa0292db5cab9c5f41acf5bae9dce592fed1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day = 6, 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + + if (!vacation && day = 0, 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +d46a180d6219a9877fd4ca67d3ea8c1d05deb74c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +ce1e3fc2cdbc9653808f9d8e5b17fbc33728a585,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +5cfec0d653092c538332ad551c33eb16f27148f5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +61408d2e28f4dbee16e999b0734ae88b55a5e1ec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day > 0 && day < 6) { + return ""10:00"" + } + else { + return ""off"" + } + } + else { + if (day > 0 && day < 6) { + return ""7:00"" + } + else { + return ""10:00"" + } + } +} +" +032f3834fd64d455285ad4a68939e4c8a44ce147,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day > 0 && day < 6) { + return ""10:00""; + } + else { + return ""off""; + } + } + else { + if (day > 0 && day < 6) { + return ""7:00""; + } + else { + return ""10:00""; + } + } +} +" +d852a779e86483e44251edc1d0c19f23a05cad50,"public String alarmClock(int day, boolean vacation) +{ + if (vacation + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +38aa71a7306f6198d477c984f5353389976d44af,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +83a950ca68d4499428e76e16cd855c2c02ab52a9,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +d88f5bc073347180ada1db5a1b5da8e5fc246a01,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day==0 || day==6) + return off; + else + return 10:00 + } + if( day==0 || day==6) + return 10:00; + else + return 7:00; +} +" +4548a86e9e0b486f8382301a49784df71380ec7b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day==0 || day==6) + return off; + else + return 10:00; + } + if( day==0 || day==6) + return 10:00; + else + return 7:00; +} +" +9404f0ca7c42cc34f58173cc4df326ef7f468eb2,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day==0 || day==6) + return off; + else + return 10:00; + } + if( day==0 || day==6) + return 10:00; + + return 7:00; +} +" +92e2332735b080b8b3a8e33d93dcef650afe1cfa,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day==0 || day==6) + return off; + else + return ""10:00""; + } + if( day==0 || day==6) + return ""10:00""; + + return ""7:00""; +} +" +01d9d1f9a07351bc377754702b79bbd01928f389,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day==0 || day==6) + return ""off""; + else + return ""10:00""; + } + if( day==0 || day==6) + return ""10:00""; + + return ""7:00""; +} +" +20209c308c2151cd91f91e543a6efd78229f98af,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation) + return ""10:00""; + else + return ""7:00""; + } + else + { + if (vacation) + return ""off""; + else + return ""10:00; + } +} +" +416d3f7357a9c177621a06babb4bd765236faab2,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation) + return ""10:00""; + else + return ""7:00""; + } + else + { + if (vacation) + return ""off""; + else + return ""10:00""; + } +} +" +a1bbdd773cdc03bbef46bac9ca4ae2f4c8330d5c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = 0 || 6) + return off; + else + return 10:00; + if (weekend) + return 10:00; + else + return 7:00; +} +" +272bd863f58fa57ac7148a195808191727e703bb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = 0 || 6) + return off; + else + return 10:00 ; + if (weekend) + return 10:00 ; + else + return 7:00 ; +} +" +1367fadf612ba279b8d9cb61d4557675e647041e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return off; + else + return 10:00; + } + if (weekday) + { + if (day == 0 || day == 6) + return 10:00; + else + return 7:00; + } +}" +89e6f58c9cdb681d6a96b9f8a79469a5c93383fc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (weekday) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +}" +dd3aac4faa9ecae8088fa4d903f292653f176ad8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (weekend) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +}" +d7b7737ada63eee17e18369f1fd3ebc75e8039db,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (weekdays) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +}" +5c292363ca020fbcbdb2bf839192441c33adda5d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +}" +70921037d191efc8354d2e87de40dd3edeaf3bd5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +}" +fe7b8ed3bb82b33a505d983e94212e48ae8b372b,"public String alarmClock(int a, boolean b) + +{ + +String k = ""7.00""; + +String c = ""10.00""; + +if(b) + +{ + +k = ""10:00""; + +c = ""off""; + +} + +if(a>0 && a<6) + +return k; + +else + +return c; + +}" +7e5131678d62db9f333d3f2b1c68e6eb44df0008,"public String alarmClock(int a, boolean b) +{ + +String k = ""7:00""; + +String c = ""10:00""; + +if(b) + +{ + +k = ""10:00""; + +c = ""off""; + +} + +if(a>0 && a<6) + +return k; + +else + +return c; + +}" +cab4e07a19dcd5ab39d9a1e8cdc35a39e585a6ab,"public String alarmClock(int a, boolean b) +{ + +String weekDays = ""7:00""; + +String weekend= ""10:00""; + +if(b) + +{ + +weekDays = ""10:00""; +weekend = ""off""; + +} + +if(a>0 && a<6) + +return weekDays; + +else + +return weekend; + +}" +9d60f5340b7377650bf3871f9c670920f554a4c5,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false) -> ""7:00"" +} +" +5f978e0c95b8da4d289caff2abdd9fbe35218d29,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false) -> ""7:00""; +} +" +8cf801124a155a8da87c93f23994cc29d09e29cc,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false); -> ""7:00""; +} +" +9c9f275ef6427e0a4b51a4c6f379c2607430711e,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false); + return ""7:00""; +} +" +0d2ae58e5b9306e33b987c033673b7daa70d3fc2,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false); + return ""7:00""; + alarmClock( 2, false); + return ""7:00""; + alarmClock( 3, false); + return ""7:00""; + alarmClock( 4, false); + return ""7:00""; + alarmClock( 5, false); + return ""7:00""; + alarmClock( 6, false); + return 107:00""; + alarmClock( 7, false); + return ""10:00""; + alarmClock(int day, true); + return ""10:00""; + +} +" +3163d3555d11a6be6e5458f0061b29c0768c4046,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false); + return ""7:00""; + alarmClock( 2, false); + return ""7:00""; + alarmClock( 3, false); + return ""7:00""; + alarmClock( 4, false); + return ""7:00""; + alarmClock( 5, false); + return ""7:00""; + alarmClock( 6, false); + return 10:00""; + alarmClock( 7, false); + return ""10:00""; + alarmClock(int day, true); + return ""10:00""; + +} +" +a1ae60d71367e9ff65ed87cb4f1f6cf72454a8e1,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false); + return ""7:00""; + alarmClock( 2, false); + return ""7:00""; + alarmClock( 3, false); + return ""7:00""; + alarmClock( 4, false); + return ""7:00""; + alarmClock( 5, false); + return ""7:00""; + alarmClock( 6, false); + return ""10:00""; + alarmClock( 7, false); + return ""10:00""; + alarmClock(int day, true); + return ""10:00""; + +} +" +6d7b5d37dc5ecb686dc3d72c810d146d1da6918a,"public String alarmClock(int day, boolean vacation) +{ + alarmClock( 1, false); + return ""7:00""; + alarmClock( 2, false); + return ""7:00""; + alarmClock( 3, false); + return ""7:00""; + alarmClock( 4, false); + return ""7:00""; + alarmClock( 5, false); + return ""7:00""; + alarmClock( 6, false); + return ""10:00""; + alarmClock( 7, false); + return ""10:00""; + alarmClock(1, true); + return ""10:00""; + +} +" +3c1b154a5650f2d684e2b3daa24502084a1bc38e,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); + return ""7:00""; + alarmClock(2, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""10:00""; + alarmClock(0, false); + return ""10:00""; + alarmClock(1, true); + return ""10:00""; + +} +" +840a71417a855098bff6641c96fc84ac8549d68a,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false) + return ""7:00""; + alarmClock(2, false) + return ""7:00""; + alarmClock(3, false) + return ""7:00""; + alarmClock(4, false) + return ""7:00""; + alarmClock(5, false) + return ""7:00""; + alarmClock(6, false) + return ""10:00""; + alarmClock(0, false) + return ""10:00""; + alarmClock(1, true); + return ""10:00""; + +} +" +0ee8c82c6f11d211a10ff8a793006c37776773b1,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); + return ""7:00""; + alarmClock(2, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""10:00""; + alarmClock(0, false); + return ""10:00""; + alarmClock(1, true); + return ""10:00""; + +} +" +4aa5ee085982e5e2e2b7437e39c63310a2377f31,"public String alarmClock(int day, boolean vacation) +{ + int k = 1 + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""10:00""; + alarmClock(0, false); + return ""10:00""; + alarmClock(1, true); + return ""10:00""; + +} +" +f844f9db3d0ede4ed51194b0d9fdcb933878206e,"public String alarmClock(int day, boolean vacation) +{ + int k = 1; + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""10:00""; + alarmClock(0, false); + return ""10:00""; + alarmClock(1, true); + return ""10:00""; + +} +" +9ceca63f38e82948984088188bd26721e8553868,"public String alarmClock(int day, boolean vacation) +{ + int k = 1; + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +f50cb14b0d751c09a7d618505f5a1a8e90e57655,"public String alarmClock(int day, boolean vacation) +{ + private int day; + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +d269e75dd9cb5d0e5b3e38c49d11245a637d6570," private int day +public String alarmClock(int day, boolean vacation) +{ + + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +2b058bf7612b226635c4294531602e56e2088c86," private int day; +public String alarmClock(int day, boolean vacation) +{ + + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +14753bb602da946a12a6fcb513e7dd87e04e31b4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +94649face05dfbc24a5060dec14024313f931638," private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(3, false); + return ""7:00""; + alarmClock(4, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +2f2be0621f51b36d8e6fb346fc7d1b3c1768ea89,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + while ((k > 0) + && (k < 6)) + { + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(k+2, false); + return ""7:00""; + alarmClock(, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +f67380c7afa423e52148c113bf2e175d3a4192eb,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + while ((k > 0) + && (k < 6)) + { + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(k+2, false); + return ""7:00""; + alarmClock(k, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + return ""10:00""; + +} +" +9830991d95470d27a2de787be74bc1911d4eea1c,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + while ((k > 0) + && (k < 6)) + { + alarmClock(1, false); + return ""7:00""; + alarmClock(k+1, false); + return ""7:00""; + alarmClock(k+2, false); + return ""7:00""; + alarmClock(k, false); + return ""7:00""; + alarmClock(5, false); + return ""7:00""; + alarmClock(6, false); + return ""off""; + alarmClock(0, false); + return ""off""; + alarmClock(1, true); + } + return ""10:00""; + +} +" +4db73e25448c504ff69e960e6527c2096ea9efef,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + while ((k > 0) + && (k < 6)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""10:00""; + +} +" +98c252f64b46ac75d87ebb3c8ea74db6cac2748a,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + while ((k > 0) + && (k < 6)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""off""; + +} +" +26636519da9f6d9e297b18b2d3e114cb15e9b3ed,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + if ((k > 0) + && (k < 6)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""off""; + +} +" +1da0638bed377aee2cdbdc4152da9c8de0695d75,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + if ((k > 0) + && (k < 6)) + { + alarmClock(k, false); + return ""7:00""; + else + return ""off""; + } + +} +" +a5f6ff40ab2014b05df5c5ab7d5e06f2a994e6d8,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + if ((k > 0) + && (k < 6)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""off""; + } + +} +" +6ebf0362bbdf6a2486bbe8223226974729c481ce,"private int day; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + if ((k > 0) + && (k < 6)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""off""; + } + + +" +4bcf862be7062c09b7dad9102a6938ac2e72815f,"private int day; +private int vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + int b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""10:00""; + } + + +" +3e4da913384a4d1d9ca90ae78372f9c59dc91bbd,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + int b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""10:00""; + } + + +" +5e04737126845578c75fa2d42df2f7326daf1a49,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""10:00""; + } + + +" +7381b8311bb271452b7092962fd234053b8d2247,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + if (vacation = true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +4f71b8909cdecdcb33c20041771fa6e94bc60fad,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + return ""7:00"" + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + return ""7:00"" + } +} +" +1c6e199eed767b6bdd0fd7b7b63981afabb01656,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + return ""7:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + return ""7:00""; + } +} +" +bd939b27d6bcb496fa4431f2cb01e8c5585ad736,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +6af6d0b5ff9e231e2460a2eb523946a03cac8e16,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, b); + return ""7:00""; + } + return ""10:00""; + } + if ((b = true) + && (k < 6) + && (k > 0)) + { + alarmClock(k, b); + + +" +4727f6a4dcfff4e70b288eb694c8a3b75421d605,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + return ""7:00""; + } +} +" +7287f152f4d8cd1b7d3191e37d39cda6dc24758d,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, b); + return ""7:00""; + } + return ""10:00""; + } + int k = day; + boolean b = vacation; + if ((b = true) + && (k < 6) + && (k > 0)) + { + alarmClock(k, b); + + +" +6961e755083bd969bec28fe49b64b5993cd21c99,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, b); + return ""7:00""; + } + return ""10:00""; + } + + if ((b = true) + && (k < 6) + && (k > 0)) + { + alarmClock(k, b); + } + +" +1b4134c8708e96ac5429f49d9f7015cf62489d28,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, b); + return ""7:00""; + } + return ""10:00""; + } + if ((b = true) + && (k < 6) + && (k > 0)) + { + alarmClock(k, b); + } +} + +" +2d47f7456a1f772fb0042dfd490ec183aac64e96,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, b); + return ""7:00""; + } + return ""10:00""; + } + if ((b != false) + && (k < 6) + && (k > 0)) + { + alarmClock(k, b); + } +} + +" +56da224f5f4fb5286201e0aec467727812f29e92,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if ((k > 0) + && (k < 6) + && (b = false)) + { + alarmClock(k, false); + return ""7:00""; + } + return ""10:00""; + } + if ((b != false) + && (k < 6) + && (k > 0)) + { + alarmClock(k, true); + } +} + +" +b6967f1bf9471da2edfd2d9da4f0786d52959569,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day ==6) + { + return ""off""; + } + return ""10:00""; + } +else +{ + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; +} +} +" +9ba7d57ff2f376c87d98acd711114b8a44195eb1,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if(day == 0 || day == 6) + { + return b = ""off"" : ""10:00""; + } + return b = ""10:00"" : ""7:00""; +} + +" +9a7cd946d593cd6f4acb268a8725df40982b41b4,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if(day == 0 || day == 6) + { + return b ""off"" : ""10:00""; + } + return b ""10:00"" : ""7:00""; +} + +" +d2eb877c9d6af304771df6116b3a6eb6db2c9b66,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if(day == 0 || day == 6) + { + return vacation ""off"" : ""10:00""; + } + return vacation ""10:00"" : ""7:00""; +} + +" +77a8452590a2f568f52de0f70fc30d322d885b42,"private int day; +private boolean vacation; +public String alarmClock(int day, boolean vacation) +{ + int k = day; + boolean b = vacation; + if(day == 0 || day == 6) + { + return vacation ? ""off"" : ""10:00""; + } + return vacation ? ""10:00"" : ""7:00""; +} + +" +228c1d150b58a195e1c26de0d38659411424fb6e,"public String alarmClock(int day, boolean vacation) +{ + string aTime; + +} +" +69a61abbdce20cf38c7ca1abcfe1b1cfebb840a2,"public String alarmClock(int day, boolean vacation) +{ + string aTime; + return aTime; +} +" +314b1493e8bf596e33e6df6880289c35c133a04a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 6 || day == 0){ + return ""10:00""; + } + else { + return ""7:00""; + } + } + else { + if (day == 6 || day == 0){ + return ""off""; + } + else { + return ""10:00""; + } + } +} +" +6a70fa324e7229a50695fb6e8e34e402f0d9dea1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +41c14b5f15823ced29de6488abb8163e8cf66161,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation){ + if (day == 6 || day == 0){ + return ""10:00""; + } + else { + return ""7:00""; + } + } + else { + if (day == 6 || day == 0){ + return ""off""; + } + else { + return ""10:00""; + } + } +} +" +fafb8868c14e38aaac44268568f5fc4b1483c46c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 0 && day <= 4) + { + return ""7:00""; + } + + if (day >= 5 && day <= 6) + { + return ""10:00""; + } + } + + if (vacation == true) + { + if (day >= 0 && day <= 4) + { + return ""10:00""; + } + + if (day >= 5 && day <= 6) + { + return ""off""; + } + } + + +} +" +25fcb5fbe1df40940687b40ac0bb2b7bebedc1e8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 0 && day <= 4) + { + return ""7:00""; + } + + if (day >= 5 && day <= 6) + { + return ""10:00""; + } + } + + if (vacation == true) + { + if (day >= 0 && day <= 4) + { + return ""10:00""; + } + + if (day >= 5 && day <= 6) + { + return ""off""; + } + } + + return ""you buggy piece of shit"" +} +" +9abe6e3272fcdd125b0663f20f356e35ad827646,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 0 && day <= 4) + { + return ""7:00""; + } + + if (day >= 5 && day <= 6) + { + return ""10:00""; + } + } + + if (vacation == true) + { + if (day >= 0 && day <= 4) + { + return ""10:00""; + } + + if (day >= 5 && day <= 6) + { + return ""off""; + } + } + + return ""you buggy piece of shit""; +} +" +8185e23a3817c0ec4f64997bf72d2266169a775b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 0 && day <= 4) + { + return ""7:00""; + } + + if (day == 5 || day == 6) + { + return ""10:00""; + } + } + + if (vacation == true) + { + if (day >= 0 && day <= 4) + { + return ""10:00""; + } + + if (day == 5 || day == 6) + { + return ""off""; + } + } + + return ""you buggy piece of shit""; +} +" +baf4f57e8626050f85de16689300ea62ad24939b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + + if (day == 0 || day == 6) + { + return ""10:00""; + } + } + + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + + if (day == 0 || day == 6) + { + return ""off""; + } + } + + return ""you buggy piece of shit""; +} +" +9c9d4a7d8a90d13c795205e1972d9a1612a44bc0,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 6 || day == 7) && vacation) + { + return ""off""; + } + else if ((day != 6 || day != 7) && vacation) + { + return ""10:00""; + } + else if (day >= 0 && day <= 5 && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 7) && !vacation) + { + return ""10:00""; + } + +} +" +b3253bd3b74b7b3f8b4a783be42c2d0bf979c3dd,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 6 || day == 7) && vacation) + { + return ""off""; + } + else if ((day != 6 || day != 7) && vacation) + { + return ""10:00""; + } + else if (day >= 0 && day <= 5 && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 7) && !vacation) + { + return ""10:00""; + } + else + { + return """"; + } + +} +" +2668e947eae1a30290a0383c6becd55e5fc591aa,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 6 || day == 7) && vacation) + { + return ""off""; + } + else if ((day != 6 || day != 7) && vacation) + { + return ""10:00""; + } + else if ((day >= 0 && day <= 5) && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 7) && !vacation) + { + return ""10:00""; + } + else + { + return """"; + } + +} +" +b56a1a8b878b6079f09acc546d6850a4671b9c79,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 6 || day == 0) && vacation) + { + return ""off""; + } + else if ((day != 6 || day != 0) && vacation) + { + return ""10:00""; + } + else if ((day = 0 && day <= 5) && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 0) && !vacation) + { + return ""10:00""; + } + else + { + return """"; + } + +} +" +033c470bc2ca011829feb02b4e4446a50e195e06,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 6 || day == 0) && vacation) + { + return ""off""; + } + else if ((day != 6 || day != 0) && vacation) + { + return ""10:00""; + } + else if ((day == 0 && day <= 5) && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 0) && !vacation) + { + return ""10:00""; + } + else + { + return """"; + } + +} +" +59585984ce0a18d7e2cc7c46ec4dbf927e05ba1b,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 6 || day == 0) && vacation) + { + return ""off""; + } + else if ((day != 6 || day != 0) && vacation) + { + return ""10:00""; + } + else if ((day > 0 && day <= 5) && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 0) && !vacation) + { + return ""10:00""; + } + else + { + return """"; + } + +} +" +68ba53bbf59ac7345d4898912c4517bab13e8d4b,"public String alarmClock(int day, boolean vacation) +{ + String time + if (vacation) + { + if ( day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if ( day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +73f3cbba5cc8410a8b26993a2aa53843ba767939,"public String alarmClock(int day, boolean vacation) +{ + String time; + if (vacation) + { + if ( day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if ( day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +0e0b0a9477c6d1659babe986f3cacba796c1d3ad,"public String alarmClock(int day, boolean vacation) +{ + String time = """"; + if (vacation) + { + if ( day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if ( day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +56b6b3312035661244e6757b50f09d2b729e13df,"public String alarmClock(int day, boolean vacation) +{ + if vacation { + if (day > 0 && day < 6) { + return ""10:00""; + } else { + return ""off""; + } + } else { + if (day > 0 && day < 6) { + return ""7:00""; + } else { + return ""10:00""; + } + + } +} +" +ded03865c409a125614c2bdd5d247e2b163eb031,"public String alarmClock(int day, boolean vacation) +{ + if vacation { + if (day > 0 && day < 6) { + return ""10:00""; + } else { + return ""off""; + } + } else { + if (day > 0 && day < 6) { + return ""7:00""; + } else { + return ""10:00""; + } + + } +} +" +03a8cfc6feb82dcbf7c4a2b5ab077f6924113ec9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day > 0 && day < 6) { + return ""10:00""; + } else { + return ""off""; + } + } else { + if (day > 0 && day < 6) { + return ""7:00""; + } else { + return ""10:00""; + } + + } +} +" +f09c0c26ad71494ac9e139f167dcb99fffb719a1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true && day = 1 || 2 || 3 || 4 || 5) + { + + } +} +" +c30a7a65565b8e5ae277bb990a99fd2f66c5d6d9,"public String alarmClock(int day, boolean vacation) +{ + if ((vacation = true) + { + if (day = 1 || 2 || 3 || 4 || 5) + { + + } +} +" +1cf2369afa160b899fef8a8328e2d1a1bbba4925,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 1 || 2 || 3 || 4 || 5) + { + + } +} +" +ae36bf8540bb4626a3736b8b6fb1c2ef90e18347,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 1 || 2 || 3 || 4 || 5) + { + return ""7:00""; + } +} +" +9e8f408b65d9c7f0cd72994a22c01503563e4fde,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 1 || 2 || 3 || 4 || 5) + { + return ""7:00""; + } + else return ""10:00""; + } +} +" +81a5ca903e2305f5e24a48426d58beb4f3059505,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else return ""10:00""; + } +} +" +9a9634f7f70782d6b03984099e9b24ccee438c2b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else return ""off""; + } + else + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else return ""10:00""; + } +} +" +4e217a4b482a1284191ec16e847b1bcfdfeba8fb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else return ""off""; + } + else + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else return ""10:00""; + } +} +" +392425506990180288525754a67e80f7e98dc951,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 && day = 1) + return off; + else if (day >= 1 && day <= 6) + return 10:00; + } + else if (day = 0 && day = 1) + return 10:00; + else if (day >= 1 && day <= 6) + return 7:00; + + + +} +" +6bf337402c984a192ec95683271ca20f8cb52590,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 && day = 1) + return ""off""; + else if (day >= 1 && day <= 6) + return ""10:00""; + } + else if (day = 0 && day = 1) + return ""10:00""; + else if (day >= 1 && day <= 6) + return ""7:00""; + + + +} +" +1d54691c02dbe29e2ae5690f022a5d7bddbf9288,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 && 1) + return ""off""; + else if (day >= 1 && day <= 6) + return ""10:00""; + } + else if (day = 0 && day = 1) + return ""10:00""; + else if (day >= 1 && day <= 6) + return ""7:00""; + + + +} +" +ef37a8ee62c228e3ef24f54170f609e49dfaec6f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 && == 1) + return ""off""; + else if (day >= 1 && day <= 6) + return ""10:00""; + } + else if (day = 0 && day = 1) + return ""10:00""; + else if (day >= 1 && day <= 6) + return ""7:00""; + + + +} +" +86e55aec4af2e020997d819ab62d94d87949af23,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 && day == 1) + return ""off""; + else if (day >= 1 && day <= 6) + return ""10:00""; + } + else if (day = 0 && day = 1) + return ""10:00""; + else if (day >= 1 && day <= 6) + return ""7:00""; + + + +} +" +055698d280e5ab3dd75366623ee7b6da2760b6ef,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 && day == 1) + return ""off""; + else if (day >= 1 && day <= 6) + return ""10:00""; + } + else if (day == 0 && day == 1) + return ""10:00""; + else if (day >= 1 && day <= 6) + return ""7:00""; + + + +} +" +0cec7a63e2eed0b338c916656bf9f58dba95d68f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 && day == 1) + return ""off""; + else if (day >= 1 && day <= 6) + return ""10:00""; + } + else if (day == 0 && day == 1) + return ""10:00""; + else if (day >= 1 && day <= 6) + return ""7:00""; +} +" +db8e39c8cb88bfbed119b5e54f5f3e0cc5a1fb34,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 && day == 1) + return ""off""; + else + return ""10:00""; + } + else if (day == 0 && day == 1) + return ""10:00""; + else + return ""7:00""; +} +" +2e2170daec38a7148d5173fece3d69511d71fe65,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 && day == 6) + return ""off""; + else + return ""10:00""; + } + else if (day == 0 && day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +01ead814894875338e45b01f5976c3c85275eee4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day <= 5 && day >= 1) + return ""10:00""; + else + return ""off""; + } + else if (day <= 5 && day >= 1) + return ""7:00""; + else + return ""10:00""; +} +" +f8cb3d958e79e0679b608a3480905382afecbacc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1:5) + { + return ""7:00"" + } + if (day = 0 || day = 6) + { + return ""10:00"" + } + } +} +" +fd5564d431c29a62ebf2a3accda15607a3cdbf3a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1) + { + return ""7:00"" + } + if (day = 2) + { + return ""7:00"" + } + if (day = 3) + { + return ""7:00"" + } + if (day = 4) + { + return ""7:00"" + } + if (day = 5) + { + return ""7:00"" + } + if (day = 0 || day = 6) + { + return ""10:00"" + } + } +} +" +73a4b040bbb2729c28f89bc2e8fd72b5cfda4434,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1) + { + return ""7:00""; + } + if (day = 2) + { + return ""7:00""; + } + if (day = 3) + { + return ""7:00""; + } + if (day = 4) + { + return ""7:00""; + } + if (day = 5) + { + return ""7:00""; + } + if (day = 0 || day = 6) + { + return ""10:00""; + } + } +} +" +b0cae507565f64b6466dae7f06336cd212455839,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return ""10:00"" + } + else + { + return ""off"" + } + } + else + { + if (day>=1 && day<=5) + { + return ""7:00"" + } + else + { + return ""10:00"" + } +} +" +1d54d29e53e43c3a4303135a200692d030ce5217,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day>=1 && day<=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +78047bdc10302509be47b7e9ab53750ffe79c64f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day>=1 && day<=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +7cdce57919431d1e646a9c43bdb07b9ffbc8d39f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off"" + } + else + { + return ""10"" + } + } + else if (day = 0 || day = 6) + { + return ""10"" + } + else + { + return ""7"" + } + +} +" +07c06adaa854f36d6914ec1b54e026cb6b8d3f00,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10""; + } + } + else if (day = 0 || day = 6) + { + return ""10""; + } + else + { + return ""7""; + } + +} +" +aab24a2e2c9b358083e47c337038954f56001d73,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10""; + } + } + else if (day = 0 || day = 6) + { + return ""10""; + } + else + { + return ""7""; + } +} +" +cf9c8f46712da89e82d12b67469fe98fd27cd328,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10""; + } + } + else if (day == 0 || day == 6) + { + return ""10""; + } + else + { + return ""7""; + } +} +" +37f6df1cee1b1d75d42da4e26d9e89698644264c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +5c3dae530f49261cc87cb00e45ffafd509ad1cd7,"public String alarmClock(int day, boolean vacation) +{ + String time = """"; + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + else if (day == 0 || day == 6) + { + if (vacation) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + return time; + +} +" +b8afbfcaa8c8d18f27f01d96fbe0b12a3481af1b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +00bcc9e8e0fa88886249b862b6243f4d1a749602,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 0 && day <= 5 && !vacation) + return ""7:00""; + if (day >= 0 && day <= 5 && vacation) + return ""10:00""; + if (day == 6 || day == 7 && !vacation) + return ""10:00""; + return ""off""; +} +" +f466f512aed184baa4d0e09583be71505a40051c,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && !vacation) + return ""7:00""; + if (day >= 1 && day <= 5 && vacation) + return ""10:00""; + if (day == 6 || day == 0 && !vacation) + return ""10:00""; + return ""off""; +} +" +8161240cf5081a83eb78e7f50a0e97aa8c9b6bd7,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && !vacation) + return ""7:00""; + if (day >= 1 && day <= 5 && vacation) + return ""10:00""; + if ((day == 6 || day == 0) && !vacation)) + return ""10:00""; + return ""off""; +} +" +8c83e39b40ff4aadd72a81d258bfb2585e8d45b3,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && !vacation) + return ""7:00""; + if (day >= 1 && day <= 5 && vacation) + return ""10:00""; + if ((day == 6 || day == 0) && !vacation) + return ""10:00""; + return ""off""; +} +" +a71222aa39024e1ca4cfa008a43149b1c7ea7d1a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = false) { + if (day == 0 || day == 6) { + return ""off""; + } + else + return ""10:00""; + } +} +" +762f99ab20b7b9c9603bd841041a08fac289f644,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) { + return ""off""; + } + else + return ""10:00""; + } + else { + if (day == 0 || day == 6) { + return ""10:00""; + } + else + return ""7:00""; + } +} +" +62d4e80a0cd0905e3aeaa83611715bfb1b47c03e,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation == true && ( day == 0 || day == 6 ) ) + return ""off""; + if ( vacation == true && ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) ) + return ""10:00""; + if ( vacation == false && ( day == 0 || day == 6 ) ) + return ""10:00""; + else return ""7:00""; +} +" +c9a2d5b14c5fa6823661de5b0c97e3ed905d4575,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day > 0 && day < 6) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + else + if (day > 0 && day < 6) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + +} +" +ebdada20873171cf4c7c6a8e9f481e4e09316a0c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day > 0 && day < 6) + return ""10:00""; + else + return ""off""; + else + if (day > 0 && day < 6) + return ""7:00""; + else + return ""10:00""; + +} +" +b9f472faeae8d71bddea7bd104eb504f5acdf951,"public String alarmClock(int day, boolean vacation) +{ + if(day = 1 || day = 2 || day=3 || day=4 || day=5) + { + return ""7:00""; + } + + else if( day = 0 || day = 6) + { + return ""10:00""; + } + + return ""off""; +} +" +a4fddd5a132bdbba06d007a24bdf6056156c8a60,"public String alarmClock(int day, boolean vacation) +{ + if(day = 1) + { + return ""7:00""; + } + + else if( day = 0 ) + { + return ""10:00""; + } + + return ""off""; +} +" +ac8de18930974d000cb202649fea99de90691ad7,"public String alarmClock(int day, boolean vacation) +{ + if(day = 1) + { + return ""7:00""; + } + + if( day = 0 ) + { + return ""10:00""; + } + + return ""off""; +} +" +ec1114f27c71261f1071e3d21416f6cfea4a4271,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + return ""off""; +} +" +1475d888660f810a802cd6438f9b670a1dc49ebb,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + return ""off""; +} +" +718cf7c5c2f204cf2c9730e2f871213ac9aa6006,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + else{ + + return ""off""; + } +} +" +368ff5a3a76ccd2aaaf6e190bcdc24500b40e58b,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + if(vacation) + { + if(day == 1) + { + return ""10:00""; + } + + if(day == 2) + { + return ""10:00""; + } + + if(day == 3) + { + return ""10:00""; + } + + if(day == 4) + { + return ""10:00""; + } + + if(day == 5) + { + return ""10:00""; + } + + if( day ==0 ) + { + return ""off""; + } + + if( day ==6 ) + { + return ""off""; + } + } + + return ""off""; + } +} +" +9f7006898f15df0ed4e7f84e93b741ffe87ca3d8,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + if(vacation) + { + if(day == 1) + { + return ""10:00""; + } + + if(day == 2) + { + return ""10:00""; + } + + if(day == 3) + { + return ""10:00""; + } + + if(day == 4) + { + return ""10:00""; + } + + if(day == 5) + { + return ""10:00""; + } + + if( day ==0 ) + { + return ""off""; + } + + if( day ==6 ) + { + return ""off""; + } + + } + return ""off""; + + } +} +" +d80e8d418358e49c3500df3c20ebc732237dd722,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 && vacation) + { + return ""10:00""; + } + + + + return ""off""; + + } +} +" +e378841a301b19308da6c0677b2e4a95f678eef6,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 && vacation) + { + return ""10:00""; + } + + + + return ""off""; + + +} +" +5c3345e16227815cfbb5f49faf8884c296c6c7e5,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 || vacation) + { + return ""10:00""; + } + + + + return ""off""; + + +} +" +b55d008aed26d607a245b5000c93a08019d1a65b,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 || true) + { + return ""10:00""; + } + + + + return ""off""; + + +} +" +72ddd4f56367fcf7cadb21180ff2484253b02fdf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day >= 5) + { + return string '10:00'; + } + else + { + return string 'off'; + } + } + else if (vacation == false) + { + if (day >= 1 && day >= 5) + { + return string '7:00'; + } + else + { + return string '10:00'; + } + } +} +" +16ab68f5d4daf9094e3753fe3ee7445f28c1d848,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day >= 5) + { + return string ""10:00""; + } + else + { + return string ""off""; + } + } + else if (vacation == false) + { + if (day >= 1 && day >= 5) + { + return string ""7:00""; + } + else + { + return string ""10:00""; + } + } +} +" +c64cb75e59980a751c28fd9d48b9a6c72a64361c,"public String alarmClock(int day, boolean vacation) +{ + if (day < 5 && vacation == true) + { + return off; + } + if (day >= 5 && vacation == true) + { + return 10:00; + } + if (day < 5) + { + return 10:00; + } + else + { + return 7:00; + } +} +" +5bab91d6f169005ccb28b238987a63daf1383716,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day >= 5) + { + return string ""10:00"" + } + else + { + return string ""off""; + } + } + else if (vacation == false) + { + if (day >= 1 && day >= 5) + { + return string ""7:00""; + } + else + { + return string ""10:00""; + } + } +} +" +3795cf7bcb43b200c901af27cbfb41c061476c40,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day >= 5) + { + return string ""10:00""; + } + else + { + return string ""off""; + } + } + else if (vacation == false) + { + if (day >= 1 && day >= 5) + { + return string ""7:00""; + } + else + { + return string ""10:00""; + } + } +} +" +9e2b6147d112ac2fc39cfc81742a6bd486a47f6e,"public String alarmClock(int day, boolean vacation) +{ + if (day < 5 && vacation == true) + { + return ""off""; + } + if (day >= 5 && vacation == true) + { + return ""10:00""; + } + if (day < 5) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +752ecce7092ff0b8644e0084b2964c38b4f649b9,"public String alarmClock(int day, boolean vacation) +{ + if (day > 5 && vacation == true) + { + return ""off""; + } + if (day <= 5 && vacation == true) + { + return ""10:00""; + } + if (day > 5) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +024aa48637370f78b660a8c6869eacf8d65817f7,"public String alarmClock(int day, boolean vacation) +{ + if (day = 6 || day = 0 && vacation == true) + { + return ""off""; + } + if (day >= 1 && day <=5 && vacation == true) + { + return ""10:00""; + } + if (day = 6 || day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +88bbe1c7ad386241582ac5fa61fa13540ed0bfd5,"public String alarmClock(int day, boolean vacation) +{ + if (day == 6 || day == 0 && vacation == true) + { + return ""off""; + } + if (day >= 1 && day <=5 && vacation == true) + { + return ""10:00""; + } + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +a4f72304322b0ccf6a96831cd260e1a565858d2d,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + if (vacation == false) + { + return ""10:00""; + } + else if (vacation == true) + { + return ""off""; + } + } + else if (day >= 0 && day <=6) + { + if (vacation == false) + { + return ""7:00""; + } + else if (vacation == true) + { + return ""10:00""; + } + } +} +" +81543026c065d20382ceb62b2651a46e7440c147,"public String alarmClock(int day, boolean vacation) +{ + if (day == 6 && vacation == true || day == 0 && vacation == true) + { + return ""off""; + } + if (day >= 1 && day <=5 && vacation == true) + { + return ""10:00""; + } + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +076e9b131687341e58ceb8ffb7772540e4792f73,"public int status; + +public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + if (vacation == false) + { + status = ""10:00""; + } + else if (vacation == true) + { + status = ""off""; + } + } + else if (day >= 0 && day <=6) + { + if (vacation == false) + { + status = ""7:00""; + } + else if (vacation == true) + { + status = ""10:00""; + } + } + return status; +} +" +647bc35de3a44f0c198b2369e761da17805aac9d,"public string status; + +public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + if (vacation == false) + { + status = ""10:00""; + } + else if (vacation == true) + { + status = ""off""; + } + } + else if (day >= 0 && day <=6) + { + if (vacation == false) + { + status = ""7:00""; + } + else if (vacation == true) + { + status = ""10:00""; + } + } + return status; +} +" +990094129db1ea9eda8c03f73a49b0cd6e313837,"public String status; + +public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + if (vacation == false) + { + status = ""10:00""; + } + else if (vacation == true) + { + status = ""off""; + } + } + else if (day >= 0 && day <=6) + { + if (vacation == false) + { + status = ""7:00""; + } + else if (vacation == true) + { + status = ""10:00""; + } + } + return status; +} +" +8b70c59dfa7cffaab8721551c1458b105d85f998,"public String alarmClock(int day, boolean vacation) +{ + if(vaction) { + if(day == 0 || day == 6) + return ""off""; + } else { + if(day > 0 && day < 6) { + return ""7:00""; + } + } + return ""10:00""; +} +" +baf5aa34d789eb63361275bc197b3560d7866198,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + } else { + if(day > 0 && day < 6) { + return ""7:00""; + } + } + return ""10:00""; +} +" +67232a7ac7100f5513b141ee929fb15fedcf6bba,"public String alarmClock(int day, boolean vacation)// String?//We add parameter in the constructor? I think it is a method. How to use boolean vacation? +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +} +" +3165de1e5f9b642ada12957658ea2c9222fc9af7,"public String alarmClock(int day, boolean vacation)// String?//We add parameter in the constructor? I think it is a method. How to use boolean vacation? +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) { + return ""10:00""; + + return ""7:00""; + } +} +" +6cabf20f59fbbf0efaec8cae0701fc04d9c9a486,"public String alarmClock(int day, boolean vacation)// String?//We add parameter in the constructor? I think it is a method. How to use boolean vacation? +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) { + return ""10:00""; + return ""7:00""; + } +} +" +6f3b442f38ff8a988310ce0ac534be6431d4f240,"public String alarmClock(int day, boolean vacation)// String?//We add parameter in the constructor? I think it is a method. How to use boolean vacation? +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) { + return ""10:00""; + } + else { + return ""7:00""; + + } +} +" +d443abc71df76ecfe25a68f4d2361162f24fd74e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +8c0cc89625a369bfe50a1a0cc53c657b6bcc8a83,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +869c8b5f79621c84e9f97b5e27f7daaa543571aa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + } + else + { + if (day == 0 || day == 6) + reutrn ""10:00""; + else + return ""7:00""; + } + + +} +" +cebb9a176464031d2b86eace196a5017c04a2eeb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + } + else + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } + + +} +" +2615017335017ea9f57841a288c5806f661e9b8f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + else if + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} +" +303419b440777e770ac023025c8bec6efc6d91be,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + else + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} +" +341a46a229a9d3974135e241092d12335c741c32,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if(1<=day&&day<=5) + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + } + if(1<=day&&day<=5) + return ""10:00""; + } + else + { + return ""Off""; + } + } +} +" +2e7a291b82a5c7fe0f06a3c02e8ce6254bffd870,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if(1<=day&&day<=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + } + if(1<=day&&day<=5) + { + return ""10:00""; + } + else + { + return ""Off""; + } + } +} +" +1f038f59da4396aafbabb15e27ca75fb2646b105,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if(1<=day&&day<=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if(1<=day&&day<=5) + { + return ""10:00""; + } + else + { + return ""Off""; + } + } +} +" +e481dd6c467e267a16e5f40608c31d75ea1b5acd,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if(1<=day&&day<=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if(1<=day&&day<=5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +28270811b102d8c4f327f049dfb89bffd9eb5ca4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day >= 0 && day <= 5) { + return 7:00; + } + else { + return 10:00; + } + } + else { + if (day >= 0 && day <= 5) { + return 10:00; + } + else { + return off; + } + } +} +" +d54ab89e4d8d14627be00b1882d1f9ddbb413f7e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day >= 0 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } + else { + if (day >= 0 && day <= 5) { + return ""10:00""; + } + else { + return ""off""; + } + } +} +" +0d7c52f9169e41fcbb96d1a9c637ae304557aff1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day >= 1 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else { + return ""off""; + } + } +} +" +e5fc6d40d1768d166ac8a6f7ec5b9e363be9c9bf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else { + return ""off""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } +} +" +4137d2809a3a32863b72aaa24b0755aec9342873,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +64d7d99affe35ea7d78adc5821ee11993cceb468,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +6b0131a235ad507e1e7d5960d0e69f7349965dbb,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (vacation) + { + if (day < 6) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else if (day < 6) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } +} +" +e88a24b02168335482d37daa59e49edad80643c2,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (vacation) + { + if (day < 6) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else if (day < 6) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + return time; +} +" +981c95db07c160eaf1d64229698d0d1f4a5cf39b,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (vacation) + { + if (day < 6 && !(day == 0)) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else if (day < 6 && !(day == 0)) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + return time; +} +" +f92bd6263dc4b23de32752e0e9df8ad604e94c90,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (vacation) + { + if (day < 6 && day != 0) + { + time = ""10:00""; + } + else + { + time = ""off""; + } + } + else if (day < 6 && day != 0) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + return time; +} +" +38e16ef93ec3f739fd8b2afb3bfe163ab0b742b1,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result == ""7:00""; + } + + +} +" +c01a115e3cbae911c681d08637178d3c4640013a,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + +} +" +3707baddd28cd8d73ca89d22cb9f52a637acf5f0,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + return result; +} +" +f4f93e8e9c188b3379dcff2eb8495fd7163d0b81,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if ((day = 0 || day || 6) || + (vacation && day > 0 || day < 6)) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +ad56dbaa70f04360a28185a264a1f0f607ebe6e9,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if ((day = 0 || day || 6) && + (vacation && day > 0 || day < 6)) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +e8f45f3ee0a4fe11c4b581bb25fdc2441339ef02,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if ((day = 0 || day = 6) || + (vacation && day > 0 || day < 6)) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +57ce9fdf4adef96fe051e978e805b7532a217b7e,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if ((day = 0 || day = 6) && + (vacation && day > 0 || day < 6)) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +7d0c46f4c9129d3d23b9e4238687af05efb2ed62,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if ((day = 0 && day = 6) && + (vacation && day > 0 || day < 6)) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +f4a71c8727f8af74ff97dd8f027d879d4c2662f2,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day = 0 && day = 6) + + { + result = ""10:00""; + } + + else if (vacation && day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +01beaea94550c47bafcdf612a63da2081db2052a,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day == 0 || day == 6) + + { + result = ""10:00""; + } + + else if (vacation && day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +419b06ca3c37df221a37562d7fcae4c1b417e7ef,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day == 0 || day == 6) + + { + result = ""10:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (vacation && day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +0b5f12aa075ca70aa8163bc3cf0a021f845fc869,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day == 0 || day == 6) + + { + result = ""10:00""; + } + + else if (vacation && day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (vacation && day == 0 || day == 6) + { + result = ""off""; + } + + return result; +} +" +22c3c5e9461d411ce9b5e583805725873148bb53,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day < 1 || day > 5) + + { + result = ""10:00""; + } + + else if (vacation && day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (vacation && day == 0 || day == 6) + { + result = ""off""; + } + + return result; +} +" +a3c425b196cd75591600433d95b1c2854e6f1543,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day < 1 || day > 5) + + { + result = ""10:00""; + } + + else if (vacation && day > 0 && day < 6) + { + result = ""10:00""; + } + + else if (vacation && day == 0 || day == 6) + { + result = ""off""; + } + + return result; +} +" +062d4fb29ac86fbe259322fcb914a9e5ed9fdd79,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day < 1 || day > 5) + + { + result = ""10:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (vacation && day == 0 || day == 6) + { + result = ""off""; + } + + return result; +} +" +238a9c2a7849e3dde240dd7c51665a3b1de5f448,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +77d0378976f5a4f8a05840088cd37ebc317f20d2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +6d3e559778a41b75799aace605efe5c80a0da870,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 6 || day == 7) + { + System.out.print(""off""); + } + else + { + System.out.print(""10:00""); + } + } + else + { + if ( day == 6 || day == 7) + { + System.out.print(""10:00""); + } + else + { + System.out.print(""7:00""); + } + } + +} +" +3c9a0cbb57fc39e1fd1f64fa4339c250b3ea80c9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 6 || day == 7) + { + return ""off""; + } + else + { + System.out.print(""10:00""); + } + } + else + { + if ( day == 6 || day == 7) + { + System.out.print(""10:00""); + } + else + { + System.out.print(""7:00""); + } + } + +} +" +e19d2280003021de5946e0b11cef9bd16ffad9b3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 6 || day == 7) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ( day == 6 || day == 7) + { + System.out.print(""10:00""); + } + else + { + System.out.print(""7:00""); + } + } + +} +" +b634d77e4ccb46cdfadba57b63af666b0dd2ae64,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 6 || day == 7) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ( day == 6 || day == 7) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +34021910091500d3940237a2ef4d0b053a7ae7fd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ( day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +91a76cd6f4e5816b4091eea3de16e734c6e42e09,"public String alarmClock(int day, boolean vacation) +{ + String result; + if (!vacation) + { + if (day >= 1 && day <= 5) + { + result = ""7:00""; + } + else + { + result = ""10:00""; + } + } + else if (day >= 1 && day <= 5) + { + result =""10:00""; + } + else + { + result =""off""; + } + return result; +} +" +f45b9f66033f014adba5f478bb57038a68cc6cca,"public String alarmClock(int day, boolean vacation) +{ + public string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + return + } + } + + else + { + + } +} +" +5a8b392826994a2a542b69165f655aee2e81c9cc,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + return + } + } + + else + { + + } +} +" +dca6a5c5ff4acbd9143aab11abc0fa5aed394ede,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + else + { + return + } + } + + else + { + + } +} +" +70db0eced9d4c1d803ad95a17e93a660a9bc2290,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + } + + else + { + + } +} +" +99ff71a4e1d1b2ba91f30a6dc51dad4acfedf974,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + + } + + else + { + + } +} +" +7d9cad674477b9d67ed47e08f65e29a5711be001,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + else + { + return + } + } + + else + { + + } +} +" +5d8e49f9681df0d50e1f14fa5c56234015e5d96f,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + else + { + return + } + } + + else + { + if (day = 0 || day = 6) + { + string = ""10:00""; + } + else + { + string = ""7:00""; + } + } + return time; +} +" +c1a28bd459f1c09a149e345624352cea93a6cccf,"public String alarmClock(int day, boolean vacation) +{ + string time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + + } + + else + { + if (day = 0 || day = 6) + { + string = ""10:00""; + } + else + { + string = ""7:00""; + } + } + return time; +} +" +c957b6261571070d1cd5b19da63c498a8574b961,"public String alarmClock(int day, boolean vacation) +{ + String time = 0; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + + } + + else + { + if (day = 0 || day = 6) + { + string = ""10:00""; + } + else + { + string = ""7:00""; + } + } + return time; +} +" +c0d580eed460b727dd666f0f07b58a7cfc14e9e5,"public String alarmClock(int day, boolean vacation) +{ + String time = ""0""; + if (vacation = true) + { + if (day > 0 && day < 6) + { + string = ""7:00""; + } + + } + + else + { + if (day = 0 || day = 6) + { + string = ""10:00""; + } + else + { + string = ""7:00""; + } + } + return time; +} +" +6d26e8597f959b039c95f17a6e025a9de719933f,"public String alarmClock(int day, boolean vacation) +{ + String time = ""0""; + if (vacation = true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + + } + + else + { + if (day = 0 || day = 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + return time; +} +" +4b1c69e987656fb41ebd7ec1c966442e82735e80,"public String alarmClock(int day, boolean vacation) +{ + String time = ""0""; + if (vacation = true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + + } + + else + { + if (day = 0 || day = 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + return time; +} +" +007a39ac11c1727b631dd40fbb8ef5c1f506ad1d,"public String alarmClock(int day, boolean vacation) +{ + String time = ""0""; + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + + } + + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + return time; +} +" +33315f73539f5199f7bfbb4bc1c2c1411427082d,"public String alarmClock(int day, boolean vacation) +{ + String time = ""off""; + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + + } + + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + return time; +} +" +f77cc66862fb041b050d22bbd23ba8bf33b0ffa1,"public String alarmClock(int day, boolean vacation) +{ + String time = ""off""; + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""10:00""; + } + + } + + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + return time; +} +" +996834be9cf55f1f3b5db94d02147b0c41a6628d,"public String alarmClock(int day, boolean vacation) +{ + String alarmWeek = ""7:00"" + String alarmWeekend = ""10:00"" + String alarmWeekVacation = ""10:00"" + String alarmWeekendVacation = ""off"" + if (vacation) + { + if (1 <= day <= 5) + { + return alarmWeekVacation; + } + else + { + return alarmWeekendVacation; + } + } + else + { + if (1 <= day <= 5) + { + return alarmWeek; + } + else + { + return alarmWeekend; + } + } +}" +0f69b076938d759935b6fdf8ee23aae17b1a7009,"public String alarmClock(int day, boolean vacation) +{ + String alarmWeek = ""7:00""; + String alarmWeekend = ""10:00""; + String alarmWeekVacation = ""10:00""; + String alarmWeekendVacation = ""off""; + if (vacation) + { + if (1 <= day <= 5) + { + return alarmWeekVacation; + } + else + { + return alarmWeekendVacation; + } + } + else + { + if (1 <= day <= 5) + { + return alarmWeek; + } + else + { + return alarmWeekend; + } + } +}" +73f54ac30d04036703ed4286915fb4089aabb957,"public String alarmClock(int day, boolean vacation) +{ + String alarmWeek = ""7:00""; + String alarmWeekend = ""10:00""; + String alarmWeekVacation = ""10:00""; + String alarmWeekendVacation = ""off""; + if (vacation) + { + if (1 < day <= 5) + { + return alarmWeekVacation; + } + else + { + return alarmWeekendVacation; + } + } + else + { + if (1 <= day <= 5) + { + return alarmWeek; + } + else + { + return alarmWeekend; + } + } +}" +dec6308469bcfa35957ce2d65ef8082b447e9d95,"public String alarmClock(int day, boolean vacation) +{ + String alarmWeek = ""7:00""; + String alarmWeekend = ""10:00""; + String alarmWeekVacation = ""10:00""; + String alarmWeekendVacation = ""off""; + if (vacation) + { + if (1 < day < 5) + { + return alarmWeekVacation; + } + else + { + return alarmWeekendVacation; + } + } + else + { + if (1 <= day <= 5) + { + return alarmWeek; + } + else + { + return alarmWeekend; + } + } +}" +401dca2973c9e1c5f6b66eefcbe3229eafee9ebb,"public String alarmClock(int day, boolean vacation) +{ + String alarmWeek = ""7:00""; + String alarmWeekend = ""10:00""; + String alarmWeekVacation = ""10:00""; + String alarmWeekendVacation = ""off""; + if (vacation) + { + if (1 <= day && day <= 5) + { + return alarmWeekVacation; + } + else + { + return alarmWeekendVacation; + } + } + else + { + if (1 <= day && day <= 5) + { + return alarmWeek; + } + else + { + return alarmWeekend; + } + } +}" +236efd960a79689f05d362ec382a33368f26d90d,"public String alarmClock(int day, boolean vacation) +{ + Integer[] week = {1,2,3,4,5}; + Integer[] end = {0,6}; + if (vacation) + { + if (week.contains(day)) + { + return ""10:00""; + } + if (end.contains(day)) + { + return ""off""; + } + } + + + else + { + if (week.contains(day)) + { + return ""7:00""; + } + if (end.contains(day)) + { + return ""10:00""; + } + } + return ""off""; +} +" +b9aaa15ba642fb5ba0304ea6e82b7e1fbb04ca73,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || 2 || 3 || 4 || 5) + { + return ""10:00""; + } + if (day == 6 || 0) + { + return ""off""; + } + } + + + else + { + if (day == 1 || 2 || 3 || 4 || 5) + { + return ""7:00""; + } + if (day == 6 || 0) + { + return ""10:00""; + } + } + return ""off""; +} +" +3e622bc406774e68718241ea4570fd5ef039a9ee,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day ==2 || day ==3 || day ==4 || day ==5) + { + return ""10:00""; + } + if (day == 6 || 0) + { + return ""off""; + } + } + + + else + { + if (day == 1 || day ==2 || day ==3 || day ==4 || day ==5) + { + return ""7:00""; + } + if (day == 6 || 0) + { + return ""10:00""; + } + } + return ""off""; +} +" +1c666d79a56b236aadfaf5cb8178f1168c691df1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day ==2 || day ==3 || day ==4 || day ==5) + { + return ""10:00""; + } + if (day == 6 || day == 0) + { + return ""off""; + } + } + + + else + { + if (day == 1 || day ==2 || day ==3 || day ==4 || day ==5) + { + return ""7:00""; + } + if (day == 6 || day == 0) + { + return ""10:00""; + } + } + return ""off""; +} +" +e56ee66ea7e284bf74455ddbe5c33d33d199bbe2,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +ef9f75003d07761d40f4a9966c871e8f40e7c5d7,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0 && day = 6) + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +f4f196611689281f61637994c7f834c01a0ea9c0,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0 || day = 6) + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +1028eb0b5be1bd5f73d0a97d32c22867ce9a1cd9,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +0b098a5098a435bff997b34e9cbdc96dd975561c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if(day == 0 || day == 6){ + return(""off""); + }else{ + return(""10:00""); + } + }else{ + if(day == 0 || day == 6){ + return(""10:00""); + }else{ + return(""7:00""); + } + } +} +" +dac02affbaef5f9819fa18c7c800dd09d3516ca0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6){ + return ""off""; + } else { + return ""10:00""; + } + }else if (day == 0 || day == 6){ + return ""10:00""; + } + return ""7:00"" + + +} +" +b65f40e487e70ede3c4f9b64e2331c601effbc81,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6){ + return ""off""; + } else { + return ""10:00""; + } + }else if (day == 0 || day == 6){ + return ""10:00""; + } + return ""7:00""; + + +} +" +0eb7a04b6d0371b544d7bcb46da12f63efd5be31,"public String alarmClock(int day, boolean vacation) +{ + if(day>=1 && day<=5 && !vacation) + { + return ""7:00""; + } + else if((day ==6 || day==0) && !vacation) + { + return ""10:00""; + } + else if(day>=1 && day<=5 && vacation) + { + return ""10:00""; + } + else if((day ==6 || day==0) && vacation) + { + return ""off""; + } + +} +" +0de10b296623edc544f01c955e810a3c2d41a076,"public String alarmClock(int day, boolean vacation) +{ + string week = ""7:00""; + string weekend = ""10:00""; + string off = ""off""; + if(day>=1 && day<=5 && !vacation) + { + return week; + } + else if((day ==6 || day==0) && !vacation) + { + return weekend; + } + else if(day>=1 && day<=5 && vacation) + { + return weekend; + } + else if((day ==6 || day==0) && vacation) + { + return off; + } + +} +" +f31c582dab2b104fd11ee3a1cf68d7c1be820052,"public String alarmClock(int day, boolean vacation) +{ + String week = ""7:00""; + String weekend = ""10:00""; + String off = ""off""; + if(day>=1 && day<=5 && !vacation) + { + return week; + } + else if((day ==6 || day==0) && !vacation) + { + return weekend; + } + else if(day>=1 && day<=5 && vacation) + { + return weekend; + } + else if((day ==6 || day==0) && vacation) + { + return off; + } + +} +" +72e40367d07de7f9fc396e8808c24d1fb8fad700,"public String alarmClock(int day, boolean vacation) +{ + String week = ""7:00""; + String weekend = ""10:00""; + String off = ""off""; + if(day>=1 && day<=5 && !vacation) + { + return week; + } + else if((day ==6 || day==0) && !vacation) + { + return weekend; + } + else if(day>=1 && day<=5 && vacation) + { + return weekend; + } + else if((day ==6 || day==0) && vacation) + { + return off; + } + return 1; +} +" +8f0b1bd8184394b7488692a8c15a229f12325340,"public String alarmClock(int day, boolean vacation) +{ + String week = ""7:00""; + String weekend = ""10:00""; + String off = ""off""; + if(day>=1 && day<=5 && !vacation) + { + return week; + } + else if((day ==6 || day==0) && !vacation) + { + return weekend; + } + else if(day>=1 && day<=5 && vacation) + { + return weekend; + } + else if((day ==6 || day==0) && vacation) + { + return off; + } + return off; +} +" +f71cd1e6b3d52f928f48223976d3f8551f312b4b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +ace1c3a563ad508e2c848c591031e28a3cee1d3a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +82d897d56828da029e257f286d9214a54a1166ad,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +3aa753f3bc4bb22cef9e463a7d767abedd16754a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + return ""10:00"" + } + else + { + return ""off"" + } + } + else + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + return ""7:00"" + } + else + { + return ""10:00"" + } +} +" +1669eb36f1788ab54939415bc296425a89cf5b15,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +fc4b910591b84e834cbcd033db90c6155168137d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 | day = 2 | day = 3 | day = 4 | day = 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day = 1 | day = 2 | day = 3 | day = 4 | day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +d1f5ab9c33eb9dcb625079102aff3d7b1799d4f7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day = 1 | day = 2 | day = 3 | day = 4 | day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +3936d8d120af6f50907bfc92a3af0036bc6aa2f0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 | day == 2 | day == 3 | day == 4 | day == 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day == 1 | day == 2 | day == 3 | day == 4 | day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +cd8e6bb0d0afffd1868a186d5af1d46b8434c3eb,"public String alarmClock(int day, boolean vacation) +{ + weekend = ""06""; + if ((vacation) && (weekend)) + { + return ""off""; + } + else if ((vacation) || (weekend)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +f18d0bdcbedcd9deedbdcd456d141467df4d1da1,"public String alarmClock(int day, boolean vacation) +{ + weekend = int(day) in (0, 6); + if ((vacation) && (weekend)) + { + return ""off""; + } + else if ((vacation) || (weekend)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +96d5fa7b757d91c323e25075f5b1eb502b948b26,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +610882388b730e9697d0ea79fe5279ebd1267b32,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +8ce64053f45f05d90b3b28d51fdf14bec095c4fd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +31b219d4e7949f6e7b8fd898d946b6b19f2a9735,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +" +86fa3bedc4b0189ad5e4d5b463b09adf769d2ae4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +}" +62cedd1451556875076f7c36323bcb57ec29fa7b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation(true)) + { + alarmClock(1) = ""7:00"" + } +} +" +dccb1d26ef313c148524b09e054b24b5edbd1a08,"public String alarmClock(int day, boolean vacation) +{ + if (vacation(true)) + { + alarmClock(1) = ""7:00""; + } +} +" +f46fc71b1ae32b50e463c2e51b1c4543eed6096d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1) = ""7:00""; + } +} +" +2adc18486074195ab3d15db2145e661b691e58a2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, true) = ""7:00""; + } +} +" +c6b181dc1030f0c9467f0c9d17b9374b05581819,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, true) = 7; + } +} +" +530703cbdfc85c42cf5e00ec395908a8e1f9e52e,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (alarmClock(0, false)) + { + Alarm = lateAlarm; + } + else if (alarmClack(1, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(2, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(3, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(4, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(5, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(6, false)) + { + Alarm = lateAlarm; + } + else if (alarmClack(0, true)) + { + Alarm = noAlarm; + } + else if (alarmClack(1, true)) + { + Alarm = lateAlarm; + } + else if (alarmClack(2, true)) + { + Alarm = lateAlarm; + } + else if (alarmClack(3, true)) + { + Alarm = lateAlarm; + } + else if (alarmClack(4, true)) + { + Alarm = lateAlarm; + } + else if (alarmClack(5, true)) + { + Alarm = lateAlarm; + } + else if (alarmClack(6, true)) + { + Alarm = noAlarm; + } +} +" +ded57a441feb1c7191680962933c27c8d8ba1380,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (alarmClock(0, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(1, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(2, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(3, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(4, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(5, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(6, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(0, true)) + { + Alarm = noAlarm; + } + else if (alarmClack(1, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(2, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(3, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(4, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(5, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(6, true)) + { + Alarm = noAlarm; + } +} +" +0ac0e4650b60638e590ccc73c7c6047f6a7c5ad1,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (alarmClock(0, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(1, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(2, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClack(3, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(4, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(5, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(6, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(0, true)) + { + Alarm = noAlarm; + } + else if (alarmClack(1, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(2, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(3, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(4, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(5, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(6, true)) + { + Alarm = noAlarm; + } + return Alarm; +} +" +c261ab397efb686371cecc8577d8557226fa85d5,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (alarmClock(0, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(1, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(2, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(3, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(4, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(5, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(6, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(0, true)) + { + Alarm = noAlarm; + } + else if (alarmClack(1, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(2, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(3, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(4, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(5, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(6, true)) + { + Alarm = noAlarm; + } + return Alarm; +} +" +6ec43600d740400a5af766c37285f234b3adee21,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (alarmClock(0, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(1, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(2, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(3, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(4, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(5, false)) + { + Alarm = earlyAlarm; + } + else if (alarmClock(6, false)) + { + Alarm = lateAlarm; + } + else if (alarmClock(0, true)) + { + Alarm = noAlarm; + } + else if (alarmClock(1, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(2, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(3, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(4, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(5, true)) + { + Alarm = lateAlarm; + } + else if (alarmClock(6, true)) + { + Alarm = noAlarm; + } + return Alarm; +} +" +54bec5a48d9702ff2784f657e45e2c3168054579,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (vacation) + { + alarmClock(0, true) = noAlarm + } + return Alarm; +} +" +bbb49fe8be36f4acfbfd03f4a5b0b522194914ec,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (vacation) + { + alarmClock(0, true) = noAlarm; + } + return Alarm; +} +" +b452c9dc567a181dff580bf0004737992d2429b1,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = lateAlarm; + } + else if ((day = 0) || (day = 6)) + { + Alarm = noAlarm; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = earlyAlarm; + } + else if ((day = 0) || (day = 6)) + { + Alarm = lateAlarm; + } + } + return Alarm; +} +" +6437ea2291ea6257a5e1e1dc929127eeb126f561,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = lateAlarm; + } + else if ((day < 1) && (day > 5)) + { + Alarm = noAlarm; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = earlyAlarm; + } + else if ((day = 0) || (day = 6)) + { + Alarm = lateAlarm; + } + } + return Alarm; +} +" +0a880966eee83e45c539a600db97dd4292fb626c,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = 7; + int lateAlarm = 10; + int noAlarm = 0; + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = lateAlarm; + } + else if ((day < 1) && (day > 5)) + { + Alarm = noAlarm; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = earlyAlarm; + } + else if ((day < 1) && (day > 5)) + { + Alarm = lateAlarm; + } + } + return Alarm; +} +" +242a6206fb550c2b377dbae4112c6d7fad48962e,"public String alarmClock(int day, boolean vacation) +{ + int earlyAlarm = ""7:00""; + int lateAlarm = ""10:00""; + int noAlarm = ""off""; + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = lateAlarm; + } + else if ((day < 1) && (day > 5)) + { + Alarm = noAlarm; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = earlyAlarm; + } + else if ((day < 1) && (day > 5)) + { + Alarm = lateAlarm; + } + } + return Alarm; +} +" +fbf6e8fe91811e10c531cdf76941f5db4f3783b2,"public String alarmClock(int day, boolean vacation) +{ + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = ""10:00""; + } + else if ((day < 1) && (day > 5)) + { + Alarm = ""off""; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = ""7:00""; + } + else if ((day < 1) && (day > 5)) + { + Alarm = ""10:00""; + } + } + return Alarm; +} +" +6bafa0d67f73391471bec0d50c771feb494cd365,"public String alarmClock(int day, boolean vacation) +{ + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = 10:00; + } + else if ((day < 1) && (day > 5)) + { + Alarm = off; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = 7:00; + } + else if ((day < 1) && (day > 5)) + { + Alarm = 10:00; + } + } + return Alarm; +} +" +080a715a2fdb22d9fbb5b0d016a8fda5ddcd57a7,"public String alarmClock(int day, boolean vacation) +{ + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = ""10:00""; + } + else if ((day < 1) && (day > 5)) + { + Alarm = ""off""; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = ""7:00""; + } + else if ((day < 1) && (day > 5)) + { + Alarm = ""10:00""; + } + } + return Alarm; +} +" +e132a130679b9e0624d9a15e2bb0d63ac9dd020f,"public String alarmClock(int day, boolean vacation) +{ + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = 10; + } + else if ((day < 1) && (day > 5)) + { + Alarm = off; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = 7; + } + else if ((day < 1) && (day > 5)) + { + Alarm = 10; + } + } + return Alarm; +} +" +983035702115b9489934baeda57db5d351981344,"public String alarmClock(int day, boolean vacation) +{ + int Alarm = 1; + + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + Alarm = 10; + } + else if ((day < 1) && (day > 5)) + { + Alarm = ""off""; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + Alarm = 7; + } + else if ((day < 1) && (day > 5)) + { + Alarm = 10; + } + } + return Alarm; +} +" +a34c31024ae02171fcd0a2c18612795eb9632b21,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true) + { + if(0||6) + { + return ""off""; + } + else + { + return ""10:00"" + } + } + if (0||6) + { + return ""10:00"" + } + else + { + return ""7:00"" + } +} +" +bdb66a33b424b3c978ae5cbefda2807b71ee480b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true) + { + if(day == 0||day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (day == 0|| day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +4f5900883f84e131dd06889b3d9354f9424507b6,"public String alarmClock(int day, boolean vacation) +{ + if (vaction && day > 0 && day <6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day > 0 && day <6) + { + return ""7:00"" + } + else + { + return ""10:00"" + } + +} +" +e1ad8e976c6099ab58e0e719ce1f707b7eabf0e5,"public String alarmClock(int day, boolean vacation) +{ + if (vaction && day > 0 && day <6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day > 0 && day <6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +f5d97622df46bb23e31af5bad7d4e0b7d0329dfb,"public String alarmClock(int day, boolean vacation) +{ + while (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +4136bbeb77bf1ff01d204955994ab41773a39ed2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day > 0 && day <6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day > 0 && day <6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +66fda07b541683510cdcceda8702c5dcc6c4f46d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day > 0 && day <6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +56085a347a533584a75a8065654189052b4f53a6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day > 0 && day <6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +43b2e55148bc1470493732f0de55879b189b3840,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +ca9031b88cf610ba175e1832289ccca5ef315091,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + + } + +} +" +bbc897fbcc0ddcf171cfd7e686751d927deebba9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return + } + +} +" +5d07a56963c80475689acca72d853cfc17bc21b0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""8""; + } + +} +" +16101155813b9377cdfe5a3560bd5f7e6be247cb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + + if (day == 6) + { + return ""10:00"" + } + +} +" +0a5663696c795dd4167f49b4c0cccf8e4540a424,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + + if (day == 6) + { + return ""10:00""; + } + +} +" +d62a0c439dd459c50a718918490d0af7ab3d2a25,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + +} +" +6ea44f77ec53ee0819c179c4d056692b7a919460,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } +}" +32d19d9605d9e7c9e6f6727f22168a15fac59ab2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + +}" +97a836ebf00263fee0cb11caf7b00b0eff100158,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } +} +}" +4bbcd1eddbe48c41a7c07a12f508dd01df49f9bb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } +} +" +c38289582efea1b9aa6fd441bb296381295709ab,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +950ddec2c2b49f849fcd48da5985b94a796aacd8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } +} +" +093e11ca93b17cd37701fc560c906732b2311aa7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + + if (day == 0 || day == 6) + { + return ""10:00""; + } +} +" +9aaf3545cdfb291641066a904676077353fe3b56,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + + if (day == 0) + { + return ""10:00""; + } +} +" +06347aacef7b480f8a11ac66c929d6b13b446f92,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + + if (day == 0) + { + return ""10:00""; + } +} +" +c2104093165dbf570facb275541759c76b638f13,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else (day == 0) + { + return ""10:00""; + } +} +" +be0dbbcf018be52cd126a50c53f185338839d266,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day != 0 && day != 6) + { + return ""10:00""; + } + else if (vacation && day == 0 || day == 6) + { + return ""off""; + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +dfb235a476469d5b73be9b311d378b086b0267c9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + return ""10:00""; + } + else if ((day < 1) && (day > 5)) + { + return ""off""; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + return ""7:00""; + } + else if ((day < 1) && (day > 5)) + { + return ""10:00""; + } + } + return Alarm; +} +" +1c9962a08697b15502e92bfae093cbc7b9f03679,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + return ""10:00""; + } + else if ((day < 1) && (day > 5)) + { + return ""off""; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + return ""7:00""; + } + else if ((day < 1) && (day > 5)) + { + return ""10:00""; + } + } +} +" +6f05053fc4fc26e087e9684728a0d8ba5e3cc8a0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + return 10:00; + } + else if ((day < 1) && (day > 5)) + { + return off; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + return 7:00; + } + else if ((day < 1) && (day > 5)) + { + return 10:00; + } + } +} +" +a4a77c6b4c89064950aa55a06b88f2818431662a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + return ""10:00""; + } + else if ((day < 1) && (day > 5)) + { + return ""off""; + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + return ""7:00""; + } + else if ((day < 1) && (day > 5)) + { + return ""10:00""; + } + } +} +" +1e2d65521bcd10075b0d0388da1dd230bd1b057c,"public String alarmClock(int day, boolean vacation) +{ + alarmClock (0, false) + +} +" +bccf65c90d2214b3c0178cfe4d3684f2f82703cc,"public String alarmClock(int day, boolean vacation) +{ + alarmClock (0, false); + +} +" +b23f5d0581783c5ade03a3e865d1b76087a4c7be,"public String alarmClock(int day, boolean vacation) +{ + int dayOfWeek = day; + boolean isVacation = vacation; + string alarm = ""7:00""; + if (vacation == true) + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""10:00"" + } + } + return (alarm); +} +" +b45c5bc3b754bc5dd9bc20f707c33ad6f002c474,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + } + else + { + if (day = 0) + { + return ""10:00""; + } + else if (day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +}" +4f9b0ebfcb8207d61150af55987ec02ab4b3e083,"public String alarmClock(int day, boolean vacation) +{ + int dayOfWeek = day; + boolean isVacation = vacation; + string alarm = ""7:00""; + if (vacation == true) + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +4caf376acd9bd1bdfa03ba365770798227f02484,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + } + else + { + if (day = 0) + { + return ""10:00""; + } + else if (day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +}" +ac7747c92bf8b47eab249ef1be94ead17fac4418,"public String alarmClock(int day, boolean vacation) +{ + int dayOfWeek = day; + boolean isVacation = vacation; + str alarm = ""7:00""; + if (vacation == true) + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +3f34f5e5cbf84bbb6f14d79061ada414e4fbf37a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +}" +3b0792ce31dbe198852af212bf7206b02f75ada9,"public String alarmClock(int day, boolean vacation) +{ + int dayOfWeek = day; + boolean isVacation = vacation; + String alarm = ""7:00""; + if (vacation == true) + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else + { + if (dayOfWeek == (0 || 6)) + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +66d533602c3dfa4196d303a097f0b7d594d5d7ed,"public String alarmClock(int day, boolean vacation) +{ + int dayOfWeek = day; + boolean isVacation = vacation; + String alarm = ""7:00""; + if (vacation == true) + { + if (dayOfWeek == 0 || dayOfWeek == 6) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else + { + if (dayOfWeek == 0 || dayOfWeek == 6) + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +92539fa90c9a795be7e68228de5c5e58ebe68da6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0) + { + return ""off""; + } + else if (day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +}" +684d03440e82a74f066af9b0a5c1a1f9618fe123,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day >= 1) && (day <= 5)) + { + return (10:00); + } + else if ((day < 1) && (day > 5)) + { + return (off); + } + } + else + { + if ((day >= 1) && (day <= 5)) + { + return (7:00); + } + else if ((day < 1) && (day > 5)) + { + return (10:00); + } + } +} +" +a8d9e53e32b29d8d52216cef43e378de5d1bdbb5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 0) || (day == 6)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if((day == 0) || (day == 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +12c5bdc13d308c8bb548dadba8552ce57cedd891,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 && day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; +} +" +ffc979c1b2b6fcf9e81be111be0e39c4d7b4995b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 && day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +9efb1dd67f68c336853a2ebc3efd934cba2ce75f,"public String alarmClock(int day, boolean vacation) +{ + if (this.isWeekDays()) + { + + } + +} +" +bdf314768a914de03f8f3649860b19fd04a62bf0,"public String alarmClock(int day, boolean vacation) +{ + if (this.) + { + + } + +} +" +b941a352e112dfb3b0ddb9611eb32a92b2646b55,"public String alarmClock(int day, boolean vacation) +{ + string alarmTime; + + if (vacation) + { + if ( day == 0 || day == 6) + alarmTime = ""off""; + else + alarmTime = ""10:00""; + } + else + { + if ( day == 0 || day == 6) + alarmTime = ""10:00""; + else + alarmTime = ""7:00""; + } + + return alarmTime; +} +" +ff515a64f516a569b680a7a8290fb3df3350eff4,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime; + + if (vacation) + { + if ( day == 0 || day == 6) + alarmTime = ""off""; + else + alarmTime = ""10:00""; + } + else + { + if ( day == 0 || day == 6) + alarmTime = ""10:00""; + else + alarmTime = ""7:00""; + } + + return alarmTime; +} +" +35e2779e24171c2736266768be5ffc23644660e1,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + + if(day = 0 || day = 6) + { + return ""off""; + + } + return ""10:00""; + + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + return ""7:00""; + + } + + } + } +} +" +219569f59e059008dcf298a09268e35648ab6d27,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + + if(day = 0 || day = 6) + { + return ""off""; + + } + return ""10:00""; + + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + return ""7:00""; + + } + + } + } +} +" +add07548dd45308477ed11b729acda06625e89b8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + + if(day = 0 || day = 6) + { + return ""off""; + + + return ""10:00""; + } + + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + return ""7:00""; + + } + + } + } +} +" +cb6ca1a1a32df483110d3c52537fdcfe69664dbf,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +0d711fa7f134c913db48668bf60c2ead809bf471,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (day < 1 || day > 5) + + { + result = ""10:00""; + } + + else if (vacation && day > 0 && day < 6) + { + result = ""10:00""; + } + + else if (vacation && day == 0 || day == 6) + { + result = ""off""; + } + + return result; +} +" +74db9320ec2853f910423883f64ff22ad1a3deac,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + return result; +} +" +f3d5d00f6dff405b2599744d0815385f4d3048b1,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation && day > 0 && day < 6) + { + result = ""10:00""; + } + + return result; +} +" +1518a97643a0cb3fd126eed301a2eeae61b12f8f,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + return result; +} +" +8a88fbfa88dbb455388678f887b75f614fc9541d,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day = 0 || day || day = 6) + { + result = ""10:00""; + } + + else if (vacation || day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +7d173ba312d8cc5b7429f5a7ddf087ed741babac,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +c8ff17308034db7dd87f20ed90d2ac47b63b4e7d,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day = 0 || day = 6) + { + result = ""10:00""; + } + + else if (vacation || day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +97c2f1a3024c79e13c1c826a9d81d8377a0099c0,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day = 0 || day = 6) + { + result = ""10:00""; + } + + else if (vacation || day = 0 || day = 6) + { + result = ""off""; + } + + return result; +} +" +5cea4a5a5bddb818d1cb94c44f65fafd7ec3748a,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day == 0 || day == 6) + { + result = ""10:00""; + } + + else if (vacation || day == 0 || day == 6) + { + result = ""off""; + } + + return result; +} +" +99b871e4c62e3a2618a7236b230635feae219d3c,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day < 1 || day > 5) + { + result = ""10:00""; + } + + else if (vacation || day < 1 || day > 5) + { + result = ""off""; + } + + return result; +} +" +9d1e413a6efd1c541090863a9bec50679f974192,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day < 1 || day > 5) + { + result = ""10:00""; + } + + else if (vacation && day < 1 || day > 5) + { + result = ""off""; + } + + return result; +} +" +0037d71bbe27fd615bfd4a0ff63266e7c38e272e,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day < 1 || day > 5) + { + result = ""10:00""; + } + + else if (vacation || day < 1 && day > 5) + { + result = ""off""; + } + + return result; +} +" +b797b32d42e8d56eda2060c5b06c21679fc71fe4,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else if (vacation || day > 0 || day < 6) + { + result = ""10:00""; + } + + else if (day < 1 || day > 5) + { + result = ""10:00""; + } + + else if (vacation && day < 1 && day > 5) + { + result = ""off""; + } + + return result; +} +" +ee9dcccf6a265c8d1f4d210dde5be1a58fd09266,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (!vacation) + { + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else + { + result = ""10:00""; + } + } + + + + return result; +} +" +9b5a5b4d63bb2871bde1c72a83f13e43a8f146ea,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + + if (!vacation) + { + if (day > 0 && day < 6) + { + result = ""7:00""; + } + + else + { + result = ""10:00""; + } + } + + if (vacation) + { + if (day > 0 && day < 6) + { + result = ""10:00""; + } + + else + { + result = ""off""; + } + } + + return result; +} +" +5b0f8326cf286c085eed65674a2dc1e2432cea59,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alramClock(1, 2, 3, 4, 5) -> ""10:00"" + alarmClock(6, 0) -> ""off"" + } + else + { + alramClock(1, 2, 3, 4, 5) -> ""7:00"" + alramClock(6, 0) -> ""10:00"" + } +} +" +cb6e5e7f82f1f2aeca4c4a0c05177e3fdebbc7b0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alramClock(1, 2, 3, 4, 5) -> ""10:00""; + alarmClock(6, 0) -> ""off""; + } + else + { + alramClock(1, 2, 3, 4, 5) -> ""7:00""; + alramClock(6, 0) -> ""10:00""; + } +} +" +0fe59b108537975fcbe35d9ebb8e6947d9d440d1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alramClock(1, 2, 3, 4, 5); -> ""10:00"" + alarmClock(6, 0); -> ""off"" + } + else + { + alramClock(1, 2, 3, 4, 5); -> ""7:00"" + alramClock(6, 0); -> ""10:00"" + } +} +" +373660675984a9c219410d5ad6ec0110de5b5389,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alramClock(1, 2, 3, 4, 5) -> ""10:00"" + alarmClock(6, 0) -> ""off"" + } + else + { + alramClock(1, 2, 3, 4, 5) -> ""7:00"" + alramClock(6, 0) -> ""10:00"" + } +} +" +4be7a81e1248cda1caf9bb4799bed35f838f01ca,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alramClock(1, 2, 3, 4, 5) -> ""10:00""; + alarmClock(6, 0) -> ""off""; + } + else + { + alramClock(1, 2, 3, 4, 5) -> ""7:00""; + alramClock(6, 0) -> ""10:00""; + } +} +" +6527d53a18cfa8102aea7a0e7c166704346488b3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true && day = 0 || day = 1) + { + return ""off""; + } + else if (vacation = true) + { + return ""10:00""; + } + else if (vacation = false && day = 0 || day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +b48a4af17176dfb9d0604571c4e66d02674c6be2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true && day = 0 || day = 1) + { + return ""off""; + } + else if (vacation = true) + { + return ""10:00""; + } + else if (vacation = false && day = 0 || day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +635bce4ded9ef8acf407d38d3b7a102d93110435,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true & day = 0 || day = 1) + { + return ""off""; + } + else if (vacation = true) + { + return ""10:00""; + } + else if (vacation = false && day = 0 || day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +b8ac75560b9ff14329b70f9de970fe3de8a2fc77,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 1) + { + return ""off""; + } + } + else if (vacation = true) + { + return ""10:00""; + } + else if (vacation = false && day = 0 || day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +e4d86ee2ef8b5384349a7d487d4fc5fd01a07d1f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0) + { + return ""off""; + } + else if (day = 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + else if (vacation = false) + { + if (day = 0) + { + return ""10:00""; + } + else if (day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +71ee5abc8859f34300cca9ae1942115fda97e8cf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0) + { + return ""off""; + } + else if (day = 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + else + { + if (day = 0) + { + return ""10:00""; + } + else if (day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +8a5a12dc95aa73fbc7690aa8fede0f5a6178aedf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0) + { + return ""off""; + } + else if (day = 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0) + { + return ""10:00""; + } + else if (day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +97f92b9fc5cdef28772370002ac88d0aa967e294,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +99b4456e30f133fa5011c81ce4c5cc860fd91213,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0) + { + return ""off""; + } + else if (day == 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +337738ed0ef697f36d197f5f31dd986b59c57429,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0) + { + return ""off""; + } + else if (day == 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day == 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +d75ee017ad200133f43e7022bbe0e69a7b321dcf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0) + { + return ""off""; + } + else if (day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +8dde95600a194d6b8f2b34b5af7a8f5628b4039d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0) + { + return ""off""; + } + else if (day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +964b348fb69237263b88b472f72f1f8076649a3f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0) + { + return ""off""; + } + else if (day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +48b9382c276a63157f56f1228c06af9ec9b532c7,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day = 6) + return ""10:00""; + return ""7:00""; + +} +" +db7e1cdd30d6d39b50a4d782ff1aaab5e54d82ce,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day = 6) + return ""10:00""; + return ""7:00""; + } + +} +" +dfa98a316cc841047845cc87cd73a754fb254987,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +} +" +a212c74c535000141c380a1c4a9faf4cb8fdce06,"public String alarmClock(int day, boolean vacation) +{ + { + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +} +" +e59054602bdc81a2023b2ae547a38db300479ae4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +a6e8801038a2526db563595cb5d7385ced78d292,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +400c2eb01ca3cd54ea6d2666440b6b0d62cdeb39,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 0 || day ==6) + return ""10:00""; + else + return ""7:00""; +" +d1a799875d35691f0a71cca9c9737b6038ea8176,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 0 || day ==6) + return ""10:00""; + else + return ""7:00""; +} +" +1e1c5de578989095aae1aa204ec49af769839064,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (1 <= day <= 5) + { + return(""10:00"") + } + else + { + return(""off"") + } + } + else + { + if (1 <= day <= 5) + { + return(""7:00"") + } + else + { + return(""10:00"") + } + } +} +" +72f6b441c89f27d688c0ef37ac71299e20015d4c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (1 <= day <= 5) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else + { + if (1 <= day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } +} +" +4cc9fff4ee81971f5f2a28f58754b6bcf4b16211,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } +} +" +19bd5811dda0e1b09c1df2f5cd39d29d2a747ad0,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + + } +} +" +f9d203213abbcf852e532a8a08bca2662ffed16a,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6, true) + { + return ""7:00""; + } + else if (day > 0 && day < 6, false) + { + return ""10:00""; + } + if (day =6 && day =0, true) + { + return ""10:00""; + } + else + { + return ""off"" + } +} +" +ac440a70aafbb4bbe554e4318768f909dc3a4aa7,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && true) + { + return ""7:00""; + } + else if (day > 0 && day < 6 && false) + { + return ""10:00""; + } + if (day =6 && day =0 && true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +515b6aac5b41e324231549428f14a5cea5a873bc,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + if (!vacation) { + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + + if (day = 0 || 6) { + return ""10:00""; + } + } +} +" +7a5e2c8420f7b1e50ba63466792fa52ad9191a03,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && true) + { + return ""7:00""; + } + else if (day > 0 && day < 6 && false) + { + return ""10:00""; + } + else if (day =6, 0 && true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +2c11ed40bad1ebd2c1fcee26823a9db086caa385,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + if (vacation) { + int day = 0; + int day = 6; + } + else { + return ""off""; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + + if (day = 0 || 6) { + return ""10:00""; + } + +} +" +57d69ef4654b9f6abd0fe4f31b57ced5bdc7ff2a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""10:00"" + } + else + { + return ""off"" + } + } + else + { + if (day != 0 || day != 6) + { + return ""7:00"" + } + else + { + return ""10:00"" + { + } +} +" +25968f9ab7e5aa43e199c6389523dca3d8f88728,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + { + } +} +" +d50648b0b3c4d7a2e16ec2915e2f686cf438a288,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + { + } +} + } +" +c57e0709d4283efc0b37eaca2173fa8b20fa32d0," +public String alarmClock(int day, boolean vacation) +{ + List weekdays = new ArrayList(); + weekdays = {1,2,3,4,5} + if (weekdays.contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +e941c9846263a977e0db721942d288e4cccbc677,"public String alarmClock(int day, boolean vacation) +{ + List weekdays = new ArrayList(); + weekdays = {1,2,3,4,5}; + if (weekdays.contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +8dbe6fb15987997ffaf0f07b86943c0bcb2846fb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + { + } + + +" +7979a43e3e00a704cb498ef80ef5d7c7346163bf,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + if (vacation) { + + } + else { + return ""off""; + } + + if (day == 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + + if (day == 0 || 6) { + return ""10:00""; + } + +} +" +2cabb8950524c644ffd0d7940badd14ff511e264,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} + +" +7ee3f2d1fdccaedf2a36cdf0364e09c8adc4651e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +fc23718313d22d0cb04f41b1fd6a2a9002be9ff9,"public String alarmClock(int day, boolean vacation) +{ + List weekdays = new ArrayList(); + weekdays.add(1,2,3,4,5); + if (weekdays.contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +e2a7f96da33bbb2903b5a149fbcb4116e0b2c154,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 || day != 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +f4a3adfab98ee0c126b2e173c76bfb99bcdbc011,"public String alarmClock(int day, boolean vacation) +{ + List weekdays = new ArrayList(); + weekdays.add(1); + if (weekdays.contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +289730bc23d16301712e1484a1a2832b9f4d3ec9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return ""off""; + } + return ""10:00"" + + } + if ( day = 6 || day = 0) + { + return ""10:00""; + } + return ""7:00""; + +} +" +515faf0089661b8a0f8d08b997d9a245dbe7218e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return ""off""; + } + return ""10:00""; + + } + if ( day = 6 || day = 0) + { + return ""10:00""; + } + return ""7:00""; + +} +" +de4cfe91f8175e305ae74ed160c3bdbaabb10308,"public String alarmClock(int day, boolean vacation) +{ + List weekdays = new ArrayList(); + weekdays.add(1); + weekdays.add(2); + weekdays.add(3); + weekdays.add(4); + weekdays.add(5); + if (weekdays.contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +6636b8b3d30c4cb338df682c2b833582f270a360,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6||day = 0) + { + return ""off""; + } + return ""10:00""; + + } + if ( day = 6 || day = 0) + { + return ""10:00""; + } + return ""7:00""; + +} +" +00978ab3d60753760c945d8f4d910eecf9da01c4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + return ""10:00""; + + } + if ( day == 6 || day == 0) + { + return ""10:00""; + } + return ""7:00""; + +} +" +287d77497ed547e21cf4c7e3c5111ab0a0d152df,"public String alarmClock(int day, boolean vacation) +{ + List weekdays = new ArrayList(); + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +fd14ca7ec1cdcd2aeef7755dcabc1c30bfd927af,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +91368aacab00fbf894157e377a64744c1be361c7,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + if (vacation) { + + } + else { + return ""off""; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + + if (day = 0 || 6) { + return ""10:00""; + } + +} +" +e90add1a849f1e4202b9186c2afdbefe83c9caaf,"public String alarmClock(int day, boolean vacation) +{ + if ((day = 1) || (day = 21) || (day = 3) || (day = 4) || (day = 5)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +949d2752fa8ccd00a20aab10706285eb91ede1b5,"public String alarmClock(int day, boolean vacation) +{ + if ((day = 1) || (day = 2) || (day = 3) || (day = 4) || (day = 5)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else if (day = 0 || day = 6) + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +818805937bd472fd283691e7ccb71be1b71bdae3,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + + if (day = 0 || 6) { + return ""10:00""; + } + +} +" +ba5dce2448d974174f2628fcf963412378a92601,"public String alarmClock(int day, boolean vacation) +{ + if (if day in {1,2,3,4,5}) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else if (day = 0 || day = 6) + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +40c2469eefd3eba3c3ad0ba73f18c134dfeb2ea7,"public String alarmClock(int day, boolean vacation) +{ + if ({1,2,3,4,5}.contains day) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else if (day = 0 || day = 6) + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +302472d82e88bdeda16a23aaac57fc7dd6960f04,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +1a313ef991faf05b4e2cca9d87afab87c397a46a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +0f5b696cdc95bf675cd23ad592d6f1db806913bc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +3440697b20cfaafaeba41f5397d39a72f9f741bd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +7040bb4709099181192cd1f1098a6acb35b74de3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 && day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 && day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +ad180e9e590f1f485a9568a450c702129a97e290,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +ec357751feeb3a08bfade6fd526c8f0a8ee5c5c4,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + + if (day != 1 || 2 || 3 || 4 || 5) { + return ""10:00""; + } + else { + return ""7:00""; + } + +} +" +038d13f07ea52c912a52744964aa3388a2e02a4d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +077bb151151123a9af079e75479e55aa5e894ce4,"public String alarmClock(int day, boolean vacation) +{ + if (Arrays.asList(1,2,3,4,5).contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +b3cc1804642d7366bd12ba8ef8c5ee5f965842c0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +14b29dd95e38000e3cb3594e056d0efefa1ebe8e,"import java.util.Arrays; +public String alarmClock(int day, boolean vacation) +{ + if (Arrays.asList(1,2,3,4,5).contains(day)) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +9d0ebb030e85a0f62b273bbe743371b3824ada3e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} + +" +2433885b3e5826f9b9d9920309a36f6227f09da9,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +2a95e28152b8b777bed6119227d01c6625fdf685,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +eb0e925126d34604d0540e82f83edb164d3d8b66,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +f780b23cc71273f2499d1d770d1359b7a6bfff5e,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +4c4d0218def417031571c90d577f7430e8b4e8b9,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation == false) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } + else + { + if (vacation == false) + { + return (""10:00""); + } + else + { + return (""off""); + } + } +} +" +667343a9fc72e7630a3b7e832dbee2694e16dd82,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekend = ""10:00""; + String weekday = ""7:00""; + + if (vacation) { + weekday = weekend; + weekend = ""off""; + } + if (day != 1 || 2 || 3 || 4 || 5) { + return weekend; + } + else { + return weekday; + } + +} +" +3b1967fe9a894f5b313b024d8f93151e2413a3ad,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + + + if (vacation) { + weekday = weekend; + weekend = ""off""; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return weekday; + } + else if (day = 0 || 6) { + return weekend; + } + +} +" +28e2223a92ae538dd4e44727cab52d07e0fa7b41,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + + + if (vacation) { + weekday = ""10:00""; + weekend = ""off""; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + else if (day = 0 || 6) { + return ""10:00""; + } + +}" +158a5eda301d3a41e4566079d290a2796e39c769,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String VacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + else if (day = 0 || 6) { + return ""10:00""; + } + +}" +c5de78b8cb939d816516ad77d3d9c2e2990010df,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String VacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + else if (day = 0 || 6) { + return ""10:00""; + } + +}" +e172f07ae2979a1fefe76e7bed85051a02b657fb,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String VacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + else if (day = 0 || 6) { + return ""10:00""; + } + else { + return ""off""; + } + +}" +3f68e60909c46eb20cf047ef71563e0379b5135f,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String vacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day = 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + else if (day = 0 || 6) { + return ""10:00""; + } + else { + return ""off""; + } + +}" +b3c424f758597161d8f001a9a16f534af782607d,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String vacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day == 1 || 2 || 3 || 4 || 5) { + return ""7:00""; + } + else if (day == 0 || 6) { + return ""10:00""; + } + + +}" +adae70b7284004d1e32d2475d557e1668eb92c91,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String vacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day == 1 || 2 || 3 || 4 || 5) { + return weekday; + } + else if (day == 0 || 6) { + return weekend; + } + + +}" +caec91f2ba0d25b3a96d93bbc7e6ff92f4dfdd72,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off"" + } + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +859de962dc4dfd2e41c7eee68101b79747744f33,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +60b4e712cc20e115f015bfa2363b62f9753ed4e7,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + String weekday = ""7:00""; + String weekend = ""10:00""; + String vacationEnd = ""off""; + + + if (vacation) { + weekday = weekend; + weekend = vacationEnd; + } + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) { + return weekday; + } + else if (day == 0 || day == 6) { + return weekend; + } + + +}" +4df4fcf175c4cfaf4d5b19ceebc9e9065b809429,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + + if (vacation) { + weekday = ""10:00""; + weekend = ""off""; + } + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) { + return ""7:00""; + } + else if (day == 0 || day == 6) { + return ""10:00""; + } + + +}" +82e134a7ed7ced7555f86161e652552a46f82327,"public String alarmClock(int day, boolean vacation) +{ + int sun = 0; + int mon = 1; + int tue = 2; + int wed = 3; + int thu = 4; + int fri = 5; + int sat = 6; + + + if (vacation) { + int weekday = ""10:00""; + int weekend = ""off""; + } + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) { + return ""7:00""; + } + else if (day == 0 || day == 6) { + return ""10:00""; + } + + +}" +cf7c1f9c7aa5a662a734eca56a1094bd26e7529d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || 6) { + return ""off"" + } + else { + return ""10:00""; + } + } + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) { + return ""7:00""; + } + else if (day == 0 || day == 6) { + return ""10:00""; + } + + +}" +52ed48e8ff3af18fbdf66078fbb38b051990359b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) { + return ""7:00""; + } + else if (day == 0 || day == 6) { + return ""10:00""; + } + + +}" +7e5129b56160b932d06dc872c6c7d2b2aa81707b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + + if (day == 0 || 6) { + return ""10:00""; + } + else { + return ""7:00""; + } +}" +617f2ec8c7a8780f6e61e854bf9223114c3fa0fb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) { + return ""off""; + } + else { + return ""10:00""; + } + } + + if (day == 0 || day == 6) { + return ""10:00""; + } + else { + return ""7:00""; + } +}" +39c542815d1e56cb53645017372a7fbd38638bc4,"public String alarmClock(int day, boolean vacation) +{ +if(vacation) +{ +if(day == 6 || day == 0) +return ""off""; +return ""10:00""; + } +else + { +if(day == 6 || day == 0) +return ""10:00""; +return ""7:00""; + } +} +" +6e6435ff75816d16496eb62bfff412149b1bbafc,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true) + { + if(day>0 && day<6) + return ""10:00""; + else + return ""off""; + } + else + { + if(day>0 && day<6) + return ""7:00""; + else + return ""10:00""; + } +} +" +5760b6a2672defc5974a5520e695e8c667d0d96c,"public String alarmClock(int day, boolean vacation) +{ + string time = ""0:00""; + if (day > 0 && && day < 6 && !vacation) { + time = ""7:00""; + } + + else if ((day == 0 || day == 6) && !vacation) { + time = ""10:00""; + } + + else if (day > 0 && && day < 6 && vacation) { + time = ""10:00""; + } + + if ((day == 0 || day == 6) && vacation) { + time = ""off""; + } + + return time; +} +" +ce1a15e205029e0b18017c66d7f479a5b3f10fa7,"public String alarmClock(int day, boolean vacation) +{ + string time = ""0:00""; + if (day > 0 && && day < 6 && !vacation) { + time = ""7:00""; + } + + else if ((day == 0 || day == 6) && !vacation) { + time = ""10:00""; + } + + else if (day > 0 && day < 6 && vacation) { + time = ""10:00""; + } + + else if ((day == 0 || day == 6) && vacation) { + time = ""off""; + } + + return time; +} +" +bf9457a09b389acd11691a2e39bb00b7c8cd9cb6,"public String alarmClock(int day, boolean vacation) +{ + string time = ""0:00""; + if (day > 0 && day < 6 && !vacation) { + time = ""7:00""; + } + + else if ((day == 0 || day == 6) && !vacation) { + time = ""10:00""; + } + + else if (day > 0 && day < 6 && vacation) { + time = ""10:00""; + } + + else if ((day == 0 || day == 6) && vacation) { + time = ""off""; + } + + return time; +} +" +34d5a4c93d8442a04b249dc908c8fc82e0854959,"public String alarmClock(int day, boolean vacation) +{ + String time = ""0:00""; + if (day > 0 && day < 6 && !vacation) { + time = ""7:00""; + } + + else if ((day == 0 || day == 6) && !vacation) { + time = ""10:00""; + } + + else if (day > 0 && day < 6 && vacation) { + time = ""10:00""; + } + + else if ((day == 0 || day == 6) && vacation) { + time = ""off""; + } + + return time; +} +" +96b91c96780eac4de4eb3411f701b104c774f02f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day =6 && 0) + { + return ""10:00""; + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + else + { + return ""off""; + } + } +} +" +d9cface1e981dc767c8c85dff54916704eb508c6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day =6 && 0) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +f0b9b363151d8fa2213a89dca029fb6f64950b51,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day =6 || 0) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day =6 || 0) + { + return ""off""; + } + } +} +" +5de2fb425cb87a41fe1e90f3508af9e4e21f3a5b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day = 6) + { + return ""10:00""; + } + else if (day = 0) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day = 6) + { + return ""off""; + } + else if (day = 0) + { + return ""off""; + } + } +} +" +7d09d8964f207a7028784230ce7f142ad90485cd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || 0 || 6) + { + return ""10:00"" + } + else + { + return ""7:00"" + } +} +" +47dbec20878dc57b81ac07b021c2f1ba340ad325,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || 0 || 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +d9549572dd9004e7a06026eb9589d06ae803dd9b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +1bded3d6397c5e68a133b70a775137a22ad5420d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || (day = 0 )|| (day = 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +98819fe128128e55eb06153ff68d57ee5a026aaa,"public String alarmClock(int day, boolean vacation) +{ + if ((day =0) || vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +fe16a5798e156012afc8a72a027c8ecf215cc6e7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +aa3f4eedb9772149390cd02c4d57553eae930b4b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off"" + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00"" + } + } +} +" +e80fbeb2cfc84d7adfd5f1fa41ada3f422650c5b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +425486ec69dbcbe79d8979b855a85615a8e640b4,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +b95cb0421ea14d5d66ebe1616df17e1cb94602ed,"public String alarmClock(int day, boolean vacation) +{ + + if (this.day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +afca59805cfac0a719bf3fb5e16e3f9f56a4745b,"public String alarmClock(int day, boolean vacation) +{ + int day = d; + + if (d = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +452108616c8120748f388bc7ad16b004a6f34491,"public String alarmClock(int day, boolean vacation) +{ + if (vaction) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +8208359803b4d5f773d35deaac3b7ac6ef2dd02f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""7:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +ea61b30dbb03eab736c6b7a2b64d502879f66b09,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + else + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +45641e6bd982de436ebb97b464547d8573dc6505,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +f7247edcae825a3bd9302572be141f77a05d502c,"public String alarmClock(int day, boolean vacation) +{ + if (vaction) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +baf757a060b9a059d408340dc4d482701a9b5b36,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +c0af74b0733357082fc86b68309a522b5c5d3147,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""7:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +dca2323455c5799b8a61f37678139daf4ead56af,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""7:00""; + } + else + { + if(!day == 0 || day == 6) + return ""7:00""; + return ""10:00""; + } +} +" +99a6f4bf6ddd68071416a79f1cebff083f8dafc5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""7:00""; + } + else + { + if(day == 0 || day == 6) + return ""7:00""; + return ""10:00""; + } +} +" +bf04d74374cc03ee3b73864cb41b2602e1833519,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""7:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +d14888ae889904b6f2f07113227a9cc70d7668f0,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +733fe9cf6409e4d71117d95c808003bc17599c44,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 7) { + return ""off"" + } else { + return ""10:00"" + } + } else { + if (day == 0 || day == 7) { + return ""10:00"" + } else { + return ""7:00"" + } + } +} +" +af9d7e92ccd97e93898d1ac95925003033ac38f3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 7) { + return ""off""; + } else { + return ""10:00""; + } + } else { + if (day == 0 || day == 7) { + return ""10:00""; + } else { + return ""7:00""; + } + } +} +" +da986520180a13a98bb67c061d43bd9c2686e469,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) { + return ""off""; + } else { + return ""10:00""; + } + } else { + if (day == 0 || day == 6) { + return ""10:00""; + } else { + return ""7:00""; + } + } +} +" +b52604c8a3710fd7d26a8d546b1cabf87cfcadc7,"public String alarmClock(int day, boolean vacation) +{ + if (day=6 && day=0 && vaction) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +78ef11c9eee949d7a080996cdf92ac56d121ead3,"public String alarmClock(int day, boolean vacation) +{ + if (day == 6 || day == 0 || vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +69593d7b194d0393248ce6d4b92fae9cfa9f49d2,"public String alarmClock(int day, boolean vacation) +{ + if (day == 6 || day == 0 && !vacation) + { + return ""10:00""; + } + else if (0 < day < 6 && vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +53d2443f89439225dc1795a47617d2b5405f0557,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +c659d6d19238e25d50dab4ad0fda1990e8369f42,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +937f2f682701eeb7ce5eb014e37f8cb818aae6c5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && 1 or 2 or 3 or 4 or 5) + return 10:00 + else if (1 or 2 or 3 or 4 or 5) + return + + +} +" +560539cddc67cf6a9a5e5fc7c787f2f6500779c5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +005f12b33ac4bdb310d8e503a065ef10b28566ea,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return ""10:00""; + } + } +} +" +354d933e6d0a000fdf457688ea3498aa7f7966b8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return (""10:00""); + } + } +} +" +8c5ea307196570996eb1ddc9a012f604e8e83730,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return (""10:00""); + } + return""off""; + } +} +" +43b0d64810e67bd634fd0dcd8560cf648dbae1cb,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + if(day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; +} +" +18de47c84d2e34962f1e671f47b8ba113704047c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day>=1 && day<=5) + { + return (""10:00""); + } + return""off""; + } + else + { + if (day>=1 && day<=5) + { + return (""7:00""); + } + return""10:00""; + } +} +" +f7c68deaedb2601db9006504c455e5fb38623436,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day = 0) + { + return ""off""; + } + } +} +" +58983a75046a99e30d86f19bfffed6bf2f18da37,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } +} +" +ec1c6f26999780d5b6d99a881b1356396ff74fb2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + else + return ""test""; + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + else + return ""test""; +} +" +fd438937b01e7369247603a49e330a87304d8255,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + else + return ""test""; +} +" +84cf5d1bdeb9afa6276d808e5eef6d4bd1cb875d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + else + return ""test""; +} +" +06b7ae4e49c760a3cda5a30bc6f55bb403acf54a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else if (!vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + return ""test""; +} +" +626fa2de4b5a7a28e10f1e94d27f9f7b5579afea,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else if (!vacation) + { + if (day > 0 & day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + return ""test""; +} +" +dadf8ca9d91687dd74f66ef3f111a039de75d0ab,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 & day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else if (!vacation) + { + if (day > 0 & day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + return ""test""; +} +" +0c48ee89c467d5657506f0d8aaa856b4011043f8,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + return ""test""; +} +" +ffd462063aafbee04500fa9c489da7b05eadc1d0,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + +} +" +6b8d4dda9c66d2bd0cdc4cdd55d18c178d34bab8,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else if (day == 0) + { + return ""10:00""; + } + + } + else + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else if (day == 6) + { + return ""off""; + } + else if (day == 0) + { + return ""off""; + } + } + return ""test""; +} +" +04ee7af4d96e6a03362076e7548146a09c9f1101,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 10:00 + } + else + { + return off + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 7:00 + } + else + { + return 10:00 + } + + +} +" +48155dcd47c86b728df0dac9fadab3b251b8d25c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 10:00; + } + else + { + return off; + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 7:00; + } + else + { + return 10:00; + } + + +} +" +666d8922131c981a46ebab30ba3da90b6bf937be,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 10:00; + } + else + { + return off; + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 7:00; + } + else + { + return 10:00; + } + + +} +" +d25143405671b9331c6b836002bc3a6a51961d11,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + (return 10:00); + } + else + { + (return off); + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + (return 7:00); + } + else + { + (return 10:00); + } + + +} +" +f135fff0c608a6730fa555f167b1cf9a1cab90b0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 10:00; + } + else + { + return off; + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 7:00; + } + else + { + return 10:00; + } + + +} +" +72a5b17013316a768bb44ce3b340dbef31959627,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 10;00; + } + else + { + return off; + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 7;00; + } + else + { + return 10;00; + } + + +} +" +744c8d3d96760714b9673fbee5b20ae62db2ba06,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 10:00; + } + else + { + return off; + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return 7:00; + } + else + { + return 10:00; + } + + +} +" +a00a4fd091ad0afc3240258085c456748ad00d44,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if (day = 0, 5, 6,) + return = off + if (day = 1, 2, 3, 4) + return = 10:00 + + if(day = 0, 5, 6) + return = 10:00 + + else + return = 7:00 + +} +" +6e689558184a54fdba313c2e8f4ed8c654116f59,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if (day = 1 && day = 2 && day = 3 && day = 4 && day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + + +} +" +8fb17e12fd2e6a26389425e30dabf0e647710fa5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if (day = 0, 5, 6,) + return off; + if (day = 1, 2, 3, 4) + return 10:00; + + if(day = 0, 5, 6) + return 10:00; + + else + return 7:00; + +} +" +8a8801740b0b5a05e0aef569005ba0d63df539e4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + + +} +" +498c83b26fcb46c67d2fbcf53422ce0dcbb9fe82,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if (day = 0, 5, 6,) + return off; + if (day = 1, 2, 3, 4) + return ""10:00""; + + if(day = 0, 5, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +0d34b4e2d859a4d6f0c25c1e8233ed03303ece84,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if (day = 0, 5, 6,) + return ""off""; + if (day = 1, 2, 3, 4) + return ""10:00""; + + if(day = 0, 5, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +3fc7bcfd79d676f4b4b1432042521f96834058d2,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + if (day = 0, 5, 6,) + return ""off""; + if (day = 1, 2, 3, 4) + return ""10:00""; + + if(day = 0, 5, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +3b29b0dbb4b67e9dc48ea960005d5ce259ed979e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day < 6 && day > 0) + { + return 10:00; + } + else + return off; + } + else + if (day < 6 && day > 0) + { + return 7:00; + } + else + return 10:00; +} +" +c559909438b045b13e5ed76872451fbfa9e8d8f6,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if (day = 0, 5, 6,) + return ""off""; + if (day = 1, 2, 3, 4) + return ""10:00""; + } + + if(day = 0, 5, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +52ff2af9fd3c9ff6e010d77d272af3c506da37a5,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if (day = 0, 5, 6,); + return ""off""; + if (day = 1, 2, 3, 4); + return ""10:00""; + } + + if(day = 0, 5, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +768ec9951fa415499efcfffcdadc8826d322b6c7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day < 6 && day > 0) + { + return ""10:00""; + } + else + return off; + } + else + if (day < 6 && day > 0) + { + return ""7:00""; + } + else + return ""10:00""; +} +" +2b6c28572cd70b8970683102507386a476f361c3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day < 6 && day > 0) + { + return ""10:00""; + } + else + return ""off""; + } + else + if (day < 6 && day > 0) + { + return ""7:00""; + } + else + return ""10:00""; +} +" +c91103b11cc20c047429ab5fa0e56cea8b103b5d,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if (day = 0, 5, 6,) + return ""off""; + else + return ""10:00""; + } + + if (day = 0, 5, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +dbf6a87fdeef13873791a622e5efec9fc01a590e,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if (day = 0, 6,) + return ""off""; + else + return ""10:00""; + } + + if (day = 0, 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +c759486d1752beeb73369ae46f76c1bba7d1cfe3,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + + if (day = 0 || day = 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +284326b3fe0bf83c067c1302b1c69d612babf708,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 0 || day == 6) + return ""10:00""; + + else + return ""7:00""; + +} +" +fb8c57d5e19d9362e6109cd24552ea8c5c6bb698,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day <= 5) + { + return """"10:00""""; + } + + else + { + return """"off""""; + } + } + + else + { + if ( day <= 5) + { + return """"7:00""""; + } + + else + { + return """"10:00""""; + } + } +} +" +c6b74a206889ea96985c0ba30cf44975254489df,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day <= 5) + { + return ""10:00""; + } + + else + { + return ""off""; + } + } + + else + { + if ( day <= 5) + { + return ""7:00""; + } + + else + { + return ""10:00""; + } + } +} +" +273f342b9320bf65ea38d84c227e3427087ae51c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day <= 5) + { + return ""10:00""; + } + + else + { + return ""off""; + } + } + + else + { + if ( day > 0 && day <= 5) + { + return ""7:00""; + } + + else + { + return ""10:00""; + } + } +} +" +49dd5ab00aeea6e9d7576ca6b9d1e56b5e181e22,"public String alarmClock(int day, boolean vacation) +{ + if (vactation) + { + if (day = 0) + { + return (""7:00"") + } + } +} +" +1d6973499653c1e26f5b749168a9c98a01cafa9a,"public String alarmClock(int day, boolean vacation) +{ + if (vactation) + { + if (day = 0) + { + return (""7:00""); + } + } +} +" +d7f4236d97fb5f002881a2d803b8f5f8fecb228b,"public String alarmClock(int day, boolean vacation) +{ + if (vactation = true) + { + if (day = 0) + { + return (""7:00""); + } + } +} +" +75db1b253a74afc5cddc4a488c1b8b5cf2c29251,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0) + { + return (""7:00""); + } + } +} +" +739c47bc5270207c58ec499625afbd5cbe4dc355,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = int(0)) + { + return (""7:00""); + } + } +} +" +6ad04549dbddecd168a3a5308e2cde1672e4f7d5,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} + +" +a51a62613bd7000d8cc2f38ce883a7313a94a2d5,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1, false)) + { + return (""7:00""); + } + +} +" +ad670fbb0ae05028d9501e6be18ecf2f9ec8d951,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0) + if(vacation) + return ""off""; + else + return ""10:00""; + else if(day == 1) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 2) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 3) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 4) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 6) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else + if(vacation) + return ""off""; + else + return ""10:00""; + + +} +" +0d2b60b44bc05a142564dc5c6da924d3d6f4634d,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0) + if(vacation) + return ""off""; + else + return ""10:00""; + else if(day == 1) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 2) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 3) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 4) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else if(day == 5) + if(vacation) + return ""10:00""; + else + return ""7:00""; + else + if(vacation) + return ""off""; + else + return ""10:00""; + + +} +" +1d0664bfb5dfb6ef13fcf0cba0aeb6591bf0b76e,"public String alarmClock(int day, boolean vacation) +{ + string time; + if(vaccation == true) + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return alarmClock; +} +" +6810c837c541312de8cbec83f21bd8b8d2007578,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vaccation == true) + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return alarmClock; +} +" +d6957d12649ff059e085e14814997a127de08cd1,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == TRUE) + { + print(""10:00"") + } + else + { + print(""7:00"") + } +} +" +4a0f4622e90dfc64914b571aebe9fa76462c277a,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return alarmClock; +} +" +c935a3f4c204a4df2a83045410fabca4a75a8a32,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == TRUE) + { + print(""10:00""); + } + else + { + print(""7:00""); + } +} +" +dfd7e009e2af15a107737289db0a97e7934e6bd8,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day=1||day=2||day=3||day=4||day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1 || day=2||day=3||day=4||day=5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return alarmClock; +} +" +441c781d5b50b6f1b7446ae614b7ee91bad5c982,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == 1) + { + print(""10:00""); + } + else + { + print(""7:00""); + } +} +" +982114d6694f13ae3220c99a73ec6d1cf9e6acb7,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + print(""10:00""); + } + else + { + print(""7:00""); + } +} +" +4fe26a0c3c5cc2378b0ed14d7b647521a0bdc911,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day=1 || day=2 || day=3 || day=4 || day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1 || day=2 || day=3 || day=4 || day=5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return alarmClock; +} +" +72e034de1b69df9d35d5aa89fbb34ea5b0933ec1,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + system.out.print(""10:00""); + } + else + { + system.out.print(""7:00""); + } +} +" +769d59bc5dc11bc8f2b714e7d528cc0e0b7f4472,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + out.print(""10:00""); + } + else + { + out.print(""7:00""); + } +} +" +25c4a4fd036276c86dfa20dd8473933db1a8ba53,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + system.print(""10:00""); + } + else + { + out.print(""7:00""); + } +} +" +3d0ae51ff5c749c2e4079cbf7e872b68837ad2ac,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + println(""10:00""); + } + else + { + out.print(""7:00""); + } +} +" +567a1373cde4c306aacd77709cdd6afcbac0713b,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + System.out.print(""10:00""); + } + else + { + System.out.print(""7:00""); + } +} +" +511724d744c5dad1f0eb7dee12fb5b8741ee3129,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day=1) + { + time = ""10:00""; + } + else if(day=2) + { + time = ""10:00""; + } + else if(day=3) + { + time = ""10:00""; + } + else if(day=4) + { + time = ""10:00""; + } + else if(day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1) + { + time = ""10:00""; + } + else if(day=2) + { + time = ""10:00""; + } + else if(day=3) + { + time = ""10:00""; + } + else if(day=4) + { + time = ""10:00""; + } + else if(day=5) + { + time = ""10:00""; + } + else + { + time = ""10:00""; + } + } + return alarmClock; +} +" +1cce8ef4d285c04130e843b7ddfc71d829ab7558,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + return ""10:00""; + System.out.print(""10:00""); + } + else + { + System.out.print(""7:00""); + return ""7:00""; + } +} +" +e90366a00058540903fb4042160e48232808154b,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6 || vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +bcb85d897f9b0f88be61ca59606b1605f5580b87,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day=1) + { + time = ""10:00""; + } + else if(day=2) + { + time = ""10:00""; + } + else if(day=3) + { + time = ""10:00""; + } + else if(day=4) + { + time = ""10:00""; + } + else if(day=5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day=1) + { + time = ""10:00""; + } + else if(day=2) + { + time = ""10:00""; + } + else if(day=3) + { + time = ""10:00""; + } + else if(day=4) + { + time = ""10:00""; + } + else if(day=5) + { + time = ""10:00""; + } + else + { + time = ""10:00""; + } + } + return time; +} +" +50e82254dcacbcf998d045f3ec3396275565574d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00"" + } + else + { + return ""7:00"" + } + } +} +" +88d42008a50bc59aaff820e95ed549447a33744c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +d7ad98c1106bf95be14c2982cc0b82f03b991a22,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +385a62994b7be06beda2552eb0d44512fb18f5d5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return; +} +" +f64332f762d099ef99c32c26aa67355c107c6c7c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return """"; +} +" +1eebed9dea45cf4e0de2f7828c146569c3009ab7,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +bfdf3734512a02d848313246feb84cbae84e3b2e,"public String alarmClock(int day, boolean vacation) +{ + if (vaction) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + } + return 0; +} +" +1f33aae83ecfe980ebcb3234ff94ed52f27b0640,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + } + return 0; +} +" +c595b50bb7f198ddf3412fb3c9d4767a98a42dcd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + } +} +" +5e81ffb7370c4644fd0d61f927df6f5d728ef778,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + } + + return 0; +} +" +501abac8d09e4e1ef91158f57ec4ea19645e6cfa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 & day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >= 1 & day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +8aaf8aaa2373f86bdd1466d28143142e3c5f5153,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return 0; +} +" +d96a0285c6ef424bb4ff5119134143d2d1c7d7b0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } +} +" +834c30b9d294e6c19e6919adc90f4112b147dc3a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return +} +" +be8db73fbd334e771ecf8724cb6a06dca170aa21,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return alarmClock; +} +" +b363a41e90706382148e78dc7129ddf508539aba,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return alarmClock(); +} +" +179575cf1fb0f69f35f886ee07c1a238baf499a6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } +} +" +ad92d4504662bb4f1f1daba25d160b9719042192,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return ""off""; +} +" +2c00a18db669acda4529039397fd534ac9d35b38,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return ""off""; +} +" +bb69a00fd80c054a7672f8218c1f4a75a80f6b50,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return ""7:00""; +} +" +5d37f4cb2c6b52d64dbfa79beb1c929dc299909c,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return ""off""; +} +" +7ddf6b219ed257fbeaef9c107be118dcc0ec122c,"public String alarmClock(int day, boolean vacation) +{ + String clock; + if (vacation = true && (day >= 1 || day <= 5)) + clock = ""10:00""; + if (vacation = true && (day = 0 || day = 6)) + clock = ""off""; + if (vacation = false && (day >= 1 || day <= 5)) + clock = ""7:00""; + if (vacation = false && (day = 0 || day = 6)) + clock = ""10:00""; + return clock; + +} +" +65a10bf1d367b243146e1676a0815132b85e7338,"public String alarmClock(int day, boolean vacation) +{ + String clock; + if (vacation = true && (day >= 1 || day <= 5)) + clock = ""10:00""; + if (vacation = true && (day = 0 && day = 6)) + clock = ""off""; + if (vacation = false && (day >= 1 || day <= 5)) + clock = ""7:00""; + if (vacation = false && (day = 0 || day = 6)) + clock = ""10:00""; + return clock; + +} +" +78da0ebff2f4dd3fb579285c4bb63de060aa112a,"public String alarmClock(int day, boolean vacation) +{ + String clock; + if (day > 0 && day < 6) + if (vacation) + clock = ""10:00""; + else + clock = ""7:00""; + else if (day == 0 && day == 6) + if (vacation) + clock = ""off""; + else + clock = ""10:00""; + return clock; + +} +" +034789ed9b399ea1711b13fc87108beaf77a8ac6,"public String alarmClock(int day, boolean vacation) +{ + String clock = null; + if (day > 0 && day < 6) + if (vacation) + clock = ""10:00""; + else + clock = ""7:00""; + else if (day == 0 && day == 6) + if (vacation) + clock = ""off""; + else + clock = ""10:00""; + return clock; + +} +" +f2b21be5983cb50419af53d13145287176ae97c1,"public String alarmClock(int day, boolean vacation) +{ + String clock = null; + if (day > 0 && day < 6) + if (vacation) + clock = ""10:00""; + else + clock = ""7:00""; + else if (day == 0 || day == 6) + if (vacation) + clock = ""off""; + else + clock = ""10:00""; + return clock; + +} +" +517279997241343df4d99d6c6f3481aaded13e62,"public String alarmClock(int day, boolean vacation) +{ + String seven = ""7:00""; + String ten = ""10:00""; + String off = ""off""; + + if(vacation) + { + if(day <= 5) + { + return ten; + } + else + { + return off; + } + } + else + { + if(day <= 5) + { + return seven; + } + else + { + return 10; + } + } + +} +" +6f0bea97eccbc098ab33bcf854d4e74b9317f135,"public String alarmClock(int day, boolean vacation) +{ + String seven = ""7:00""; + String ten = ""10:00""; + String off = ""off""; + + if(vacation) + { + if(day <= 5) + { + return ten; + } + else + { + return off; + } + } + else + { + if(day <= 5) + { + return seven; + } + else + { + return ten; + } + } + +} +" +44643489781a02e5c4e8941df42a8ee96788fc3a,"public String alarmClock(int day, boolean vacation) +{ + String seven = ""7:00""; + String ten = ""10:00""; + String off = ""off""; + + if(vacation) + { + if(day <= 5 && day >= 0) + { + return ten; + } + else + { + return off; + } + } + else + { + if(day <= 5) + { + return seven; + } + else + { + return ten; + } + } + +} +" +1c5fe4b76cede9cd7b60bbbb0b593fb2971e8681,"public String alarmClock(int day, boolean vacation) +{ + String seven = ""7:00""; + String ten = ""10:00""; + String off = ""off""; + + if(vacation) + { + if(day <= 5 && day >= 1) + { + return ten; + } + else + { + return off; + } + } + else + { + if(day <= 5) + { + return seven; + } + else + { + return ten; + } + } + +} +" +8113da7944feb21111c6be2583069dfefb639a62,"public String alarmClock(int day, boolean vacation) +{ + String seven = ""7:00""; + String ten = ""10:00""; + String off = ""off""; + + if(vacation) + { + if(day <= 5 && day >= 1) + { + return ten; + } + else + { + return off; + } + } + else + { + if(day <= 5 && day >= 1) + { + return seven; + } + else + { + return ten; + } + } + +} +" +05f2950853bd66ef01608765f714c7cd8c3612c0,"public String alarmClock(int day, boolean vacation) +{ + if ( day <= 5 && day>=1 && !vacation) + { + return ""7:00""; + } + if ( day >= 1 && day <= 5 && vacation) + { + return ""10:00""; + } +} +" +b0566496f1cdd5e65ce2bf9d95656ed111fd49d1,"public String alarmClock(int day, boolean vacation) +{ + if ( day <= 5 && day>=1 && !vacation) + { + return ""7:00""; + } + if ( day >= 1 && day <= 5 && vacation) + { + return ""10:00""; + } + if ( day = 0 && day = 6 && !vacation) + { + return ""10:00""; + } +} +" +47f0887ea9aef785f4d23c4ae98d50ce818dc50b,"public String alarmClock(int day, boolean vacation) +{ + if ( day <= 5 && day>=1 && !vacation) + { + return ""7:00""; + } + if ( day >= 1 && day <= 5 && vacation) + { + return ""10:00""; + } + if ( day = 0 || day = 6 && !vacation) + { + return ""10:00""; + } + if ( day = 0 || day = 6 && vacation) + { + return ""off""; + } +} +" +bb067e38aa232fa2c6b1ebb843c42efdba57a5e5,"public String alarmClock(int day, boolean vacation) +{ + if ( day <= 5 && day>=1 && !vacation) + { + return ""7:00""; + } + if ( day >= 1 && day <= 5 && vacation) + { + return ""10:00""; + } + if ( day = 0 || day = 6 && !vacation) + { + return ""10:00""; + } + if ( day = 0 || day = 6 && vacation) + { + return ""off""; + } +} +" +6db5930a8cf916aa55862632461652482d656e12,"public String alarmClock(int day, boolean vacation) +{ + if ( day <= 5 && day>=1 && !vacation) + { + return ""7:00""; + } + if ( day >= 1 && day <= 5 && vacation) + { + return ""10:00""; + } + if ( day = 0 || day = 6 && !vacation) + { + return ""10:00""; + } + if ( day = 0 || day = 6 && vacation) + { + return ""off""; + } +} +" +68b784690a68af8f595d4ca0a74d09506757f9fe,"string alarmTime(); +public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day>=1 && day <=5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""off""; + } + } + else + { + if (day>=1 && day <=5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + + } + +} +" +a171decdd0a5ac89cd34c47563688004df321c38,"string alarmTime(); +public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day>=1 && day <=5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""off""; + } + } + else + { + if (day>=1 && day <=5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + + } + +} +" +8dff8a5eb8fab29db144491297902d474568ce2f,"String alarmTime(); +public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day>=1 && day <=5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""off""; + } + } + else + { + if (day>=1 && day <=5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + + } + +} +" +93075576e128ffb17faa4715d464601785112bdb,"String alarmTime; +public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day>=1 && day <=5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""off""; + } + } + else + { + if (day>=1 && day <=5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + + } + +} +" +adf24ce7202f7f58c67b397f8a06e3937676ec0b,"String alarmTime; +public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day>=1 && day <=5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""off""; + } + } + else + { + if (day>=1 && day <=5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + + } + return alarmTime; +} +" +509dab5ee64ce1df22a2bed36695691a78872bae,"public String alarmClock(int day, boolean vacation) +{ + if ( (day <= 5) && (day>=1) && (!vacation)) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (!vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (vacation)) + { + return ""off""; + } +} +" +8f688603995fa655c0d2d4b549810e22c748a8f9,"public String alarmClock(int day, boolean vacation) +{ + if ( (day <= 5) && (day>=1) && (!vacation)) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (!vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (vacation)) + { + return ""off""; + } +} +" +8c7291b0f76cb03da4587f79e2d9e23181e4b30d,"public String alarmClock(int day, boolean vacation) +{ + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (!vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (vacation)) + { + return ""off""; + } +} +" +26e780c6bc6246914dd92b582bef92695e97754d,"public String alarmClock(int day, boolean vacation) +{ + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( ((day = 0) || (day = 6)) && (!vacation)) + { + return ""10:00""; + } + if ( (day = 0) || (day = 6) && (vacation)) + { + return ""off""; + } +} +" +b74c6933384ebfb7c3abd08b6193e89e431665e0,"public String alarmClock(int day, boolean vacation) +{ + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( ((day == 0) || (day == 6)) && (!vacation)) + { + return ""10:00""; + } + if ( (day == 0) || (day == 6) && (vacation)) + { + return ""off""; + } +} +" +7c14c7a7c2f7517026cdc8c0c7018ebaf02d1fe2,"public String alarmClock(int day, boolean vacation) +{ + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( ((day == 0) || (day == 6)) && (!vacation)) + { + return ""10:00""; + } + if ( (day == 0) || (day == 6) && (vacation)) + { + return ""off""; + } +} +" +cf6a515c39ed9818cef177f9b9fa263fbd386c3a,"public String alarmClock(int day, boolean vacation) +{ + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( ((day == 0) || (day == 6)) && (!vacation)) + { + return ""10:00""; + } + if ( (day == 0) || (day == 6) && (vacation)) + { + return ""off""; + } +} +" +086eb4ca8eae45fa12843c9a051dd8311bf91f5d,"public String alarmClock(int day, boolean vacation) +{ + string + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( ((day == 0) || (day == 6)) && (!vacation)) + { + return ""10:00""; + } + if ( (day == 0) || (day == 6) && (vacation)) + { + return ""off""; + } + else + { + return ""off""; + } +} +" +6118c8537b02e288904aff9f09eab87694d10ce9,"public String alarmClock(int day, boolean vacation) +{ + + if ( ((day <= 5) && (day>=1) && (!vacation))) + { + return ""7:00""; + } + if ( (day >= 1) && (day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( ((day == 0) || (day == 6)) && (!vacation)) + { + return ""10:00""; + } + if ( (day == 0) || (day == 6) && (vacation)) + { + return ""off""; + } + else + { + return ""off""; + } +} +" +919af1e1acff0c5859079dcf3ede58f47cdfeaa2,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) + { + return vacation ? ""10:00"" : ""7:00""; + } + else + { + return vacation ? ""off"" : ""10:00""; + } +} +" +493a27dcc12e8b8742fcef899493956ce2e18bc6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off"" + } + else + { + return ""10:00"" + } + } + if (1 <= day && day <= 5) + { + return ""7:00"" + } +} +" +ea8abb253d519c7ef7c7f8d3e6c0ece3d07c1a3b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } +} +" +74ced382f91992f142909208af8fea04c73b13e6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } + return ""off""; +} +" +043137af52f2eb9ff6dcd90f2ab5d8003d16a987,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + return ""10:00""; + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } + return ""off""; +} +" +a30fadfffeccc57217f90c34f58c925f83dc7223,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""off"" + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } + return ""off""; +} +" +9a854e75f9a2b378d090701dd0d27e6b1be2c4c9,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } + return ""off""; +} +" +be36bb42dd7cb33a283a23a880f099c381134bc5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } + return ""off""; +} +" +70eb6c5805a4b42e94e41c79318a972f00935e95,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if (1 <= day && day <= 5) + { + return ""7:00""; + } + else + { + return ""off""; + } +} +" +8dcdddbfce0876d5965713dc10e0678527b07b01,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +1b417ef2b3fc068b02f3563e9d9d9d303e9d0572,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +ee80e28b980e4f800986ac68f83ddb558e28b9d9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +cc0a2e5c38a1761d50c99cd6883deea2a33ec750,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +f4a920c6085987e58ce0396201359230edbc3c64,"public String alarmClock(int day, boolean vacation) +{ + alarmClock a = ""7:00""; + alarmClock b = ""10:00""; + if (!isVacation) + { + + } +} +" +5b3b427d149974d0e9cc36872bc4698f44eb49c9,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!isVacation) + { + + } +} +" +f81d89f6d7ebcc284ef0b1e840f6d99844c81f9d,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day ) + } +} +" +d3f05c18ed3bfd288c1f7d9474c65462cd46a8a6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 5) + { + return ""off""; + } + + else + { + return ""10:00""; + } + } + else if (day >= 5) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +40d1f4877802f1f448aefb7610305457965a1c54,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + + else + { + return ""10:00""; + } + } + else if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +fc29b05c7e5622d0c33ad9d9556d2a52614c4c84,"public String alarmClock(int day, boolean vacation) +{ + int result = ""7:00"" + if (!vacation) + { + if (day >= 1 && day <=5) + result = ""7:00""; + else + { + + } + } +} +" +10afe43c4851d73f9afbc2c521c0201543cffa12,"public String alarmClock(int day, boolean vacation) +{ + int result = ""7:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + result = ""7:00""; + else + { + + } + } +} +" +f33f4eae08fc427275ddb162b3cf3fa2877836a1,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + result = a; + else + { + result = b; + } + } + else + { + if (day >= 1 && day <=5) + result = b; + else + { + result = ""off""; + } + } + return result; +} +" +7ee53e08d5858ed310e72d2bbc8b13d0dca8a180,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + result = String a; + else + { + result = b; + } + } + else + { + if (day >= 1 && day <=5) + result = b; + else + { + result = ""off""; + } + } + return result; +} +" +1b363d327f61d05e0f5fb3c1e548526541d778c0,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + result = String a; + } + else + { + result = b; + } + } + else + { + if (day >= 1 && day <=5) + { + result = b; + } + else + { + result = ""off""; + } + } + return result; +} +" +c0a890df4763669ca1882a193cf96b6996cfb462,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + result = b; + } + } + else + { + if (day >= 1 && day <=5) + { + result = b; + } + else + { + result = ""off""; + } + } + return result; +} +" +398f4094665920005482ec5ec877c2493ff5cc1a,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >= 1 && day <=5) + { + result = b; + } + else + { + result = ""off""; + } + } + return result; +} +" +0e02cc75cd6f26711a9b83ae862e2eff10681549,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >= 1 && day <=5) + { + b = ""10:00""; + } + else + { + b = ""off""; + } + } + return result; +} +" +b15e09358d8aca6994f0fd8b1e2e5a9fff0397a8,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >= 1 && day <=5) + { + b = ""10:00""; + } + else + { + b = ""off""; + } + } +} +" +a813c9bee6c249e5f736295cca7471df2ebefc69,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >= 1 && day <=5) + { + b = ""10:00""; + } + else + { + b = ""off""; + } + } + return String; +} +" +1e1481a441eb53e1c53964bc75fdd0cc72b3a241,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >= 1 && day <=5) + { + b = ""10:00""; + } + else + { + b = ""off""; + } + } + return a; +} +" +e4f086dc7e38ba18f61b3fc207fd6a6ba246bccb,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >= 1 && day <=5) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return a; +} +" +76dcc43622cbf1bc80dada369c5b85028293cae0,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + if (day == 0 || day == 6) + { + b = ""10:00""; + } + } + } + else + { + if (day >= 1 && day <=5) + { + a = ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + b = ""off""; + } + } + } + return a; +} +" +624ea4d6a0e87464845b028fa5f7dc90f141b084,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + if (day == 0 || day == 6) + { + b = ""10:00""; + } + } + } + else + { + if (vacation) + { + if (day >= 1 && day <=5) + { + a = ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + b = ""off""; + } + } + } + } + return a; +} +" +bad49849511f00541ca01323100270fc6b2d930d,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >= 1 && day <=5) + { + a = ""7:00""; + } + else + { + if(!vacation) + { + if (day == 0 || day == 6) + { + b = ""10:00""; + } + } + } + } + else + { + if (vacation) + { + if (day >= 1 && day <=5) + { + a = ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + b = ""off""; + } + } + } + } + return a; +} +" +17c994f8e26833ba4fd10da7a0d8dbe067e38725,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 7) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 6 || day == 7) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +dfd9606d0a6cd5c5d29a26cfc4fab35238100c79,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +33929366edfb1629a776154af1c314cb5bcf6e73,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return a; +} +" +85b08095fe6e5c48870abff44257bda43105418b,"public String alarmClock(int day, boolean vacation) +{ + int day = 6; + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return a; +} +" +ac82138cb6a10ecc01b86a44fb22d7b2f91d92bd,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return b; +} +" +56f411718b2776e2f1b0279dc17d5ab810c06791,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return a || b; +} +" +e808cbe0de0ab532c5af429f67b16796045cc50f,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return a b; +} +" +58abcc8a84edb8f81a32305b20098e03ffeae2e0,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + b = ""off""; + } + } + return (a, b); +} +" +f28527713873f09e3e5b817648726ddb98be6de2,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + return a; + } + else + { + return b; + } + } + else + { + if (day >0 && day <6) + { + return b; + } + else + { + return c; + } + } + return result; +} +" +2d09efca02ffbb4869bf94692c764d6a3effeb3f,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + return a; + } + else + { + return b; + } + } + else + { + if (day >0 && day <6) + { + return b; + } + else + { + return c; + } + } + return return; +} +" +0c0dd9e6b2c912c361026c96f79318b0c8e54ea0,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + return a; + } + else + { + return b; + } + } + else + { + if (day >0 && day <6) + { + return b; + } + else + { + return c; + } + } + return abc; +} +" +ce6ff19cf97e7218842840e2a2003fd4b2f360e0,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + c = ""off""; + } + } + return ""7:00""; + return ""10:00""; + return ""off""; +} +" +9e2a766e995fbbef4d3ca8552a31b3f831f42a3d,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + c = ""off""; + } + } + return ""7:00""; + +} +" +85b01f0aa9995a48b598a0e93e871cf96c57921f,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + c = ""off""; + } + } + return ""7:00"" && ""10:00""; + +} +" +f478c27ed83e8b373ecede5e19da59c9f6b4e98d,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + c = ""off""; + } + } + return time; + +} +" +f2fec44a7db061afe1036ba6a181830747a075ef,"public String alarmClock(int day, boolean vacation) +{ + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + c = ""off""; + } + } + return a, b, c; + +} +" +caf4c9a9828f8a85ef27e611726d84bab8cdfaef,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >0 && day <6) + { + a = ""7:00""; + } + else + { + b = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + a = ""10:00""; + } + else + { + c = ""off""; + } + } + return ; + +} +" +b8eba31dee84d9b7715c9cba56fde61bbb6bf3ce,"public String alarmClock(int day, boolean vacation) +{ + String output = """"; + if (!vacation) + { + if (day >0 && day <6) + { + output = ""7:00""; + } + else + { + output = ""10:00""; + } + } + else + { + if (day >0 && day <6) + { + output = ""10:00""; + } + else + { + output = ""off""; + } + } + return output ; + +} +" +cd7fd8bbc587f3211c222c412256de71517149c1,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +092107799778ca586f45aeee72abd90b06d5e556,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + else + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00"" +} +" +61d766a46a49015f1689443095fa4c4c2aea9870,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + else + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +2cc948a0ca1922f750ee6ba28ab0b14778ee2904,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + alarmClock() -> ""7:00"" + } + if (day = 0 || day = 6) + { + alarmClock() -> ""10:00"" + } + if (vacation) + { + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" + } +} +" +6c894e6198b3bd99e9060c8ca80da7457ad21606,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + alarmClock() -> ""7:00""; + } + if (day = 0 || day = 6) + { + alarmClock() -> ""10:00""; + } + if (vacation) + { + alarmClock(0, true) -> ""off""; + alarmClock(6, true) -> ""off""; + alarmClock(1, true) -> ""10:00""; + alarmClock(2, true) -> ""10:00""; + alarmClock(3, true) -> ""10:00""; + alarmClock(4, true) -> ""10:00""; + alarmClock(5, true) -> ""10:00""; + } +} +" +8834b264b97f8f44cfcece5d08235f6216c723ed,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + alarmClock(); -> ""7:00"" + } + if (day = 0 || day = 6) + { + alarmClock(); -> ""10:00"" + } + if (vacation) + { + alarmClock(0, true); -> ""off"" + alarmClock(6, true); -> ""off"" + alarmClock(1, true); -> ""10:00"" + alarmClock(2, true); -> ""10:00"" + alarmClock(3, true); -> ""10:00"" + alarmClock(4, true); -> ""10:00"" + alarmClock(5, true); -> ""10:00"" + } +} +" +1d7a6997dd2ac097870d6472478c66263d81308f,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + alarmClock() -> ""7:00"" + } + if (day = 0 || day = 6) + { + alarmClock() -> ""10:00"" + } + if (vacation) + { + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" + } +} +" +5e3e4c1ed98c3f39c89c5c4a1142589c25e31a77,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + alarmClock() -> ""7:00"" + } + else if (day = 0 || day = 6) + { + alarmClock() -> ""10:00"" + } + else if (vacation) + { + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" + } +} +" +6d2a900206e50fd380e5f47812fa4a75bffbfee3,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1) + { + return (""7:00""); + } + +} +" +fbe90410d8c93a3cd2021558417219d61c6b4681,"public String alarmClock(int day, boolean vacation) +{ + if (day is 1) + { + return (""7:00""); + } + +} +" +891112e7ebfc6f8bb1e5475162df2cf0039f610d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +} +" +7ca51569334b1bd9354c74e306e174616834f309,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + + if (day == 1 || day == 2 || day == 3 || day == 4 + day == 5) + { + + return ""7:00""; + + } + else + { + + return ""10:00""; + + + } + + + + else + + { + + + if (day == 1 || day == 2 || day == 3 || day == 4 + day == 5) + { + + return ""10:00""; + + } + else + { + + return ""off""; + + + } + + + + + + + + + + } + + + + + + + +} +" +f4ba4e9bf468d1cdb82c32e4610c1ffce3c619d0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + + return ""7:00""; + + } + else + { + + return ""10:00""; + + + } + + + + else + + { + + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + + return ""10:00""; + + } + else + { + + return ""off""; + + + } + + + + + + + + + + } + + + + + + + +} +" +151545c6404d86d6eea38c04fa605b7c75e940c7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + + return ""7:00""; + + } + else + { + + return ""10:00""; + + + } + } + + else + + { + + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + + return ""10:00""; + + } + else + { + + return ""off""; + + + } + + + + + + + + + + } + + + + + + + +} +" +f80275fe0b94b3b9b027328f425b20767568bfd3,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00"" + if (day == 0 || day ==6) + return ""10:00"" + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00"" + if (day == 0 || day ==6) + return ""off"" + } +} +" +e136fe52a95e868d1dfc1087d21e578dee03ee4f,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + if (day == 0 || day ==6) + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + if (day == 0 || day ==6) + return ""off""; + } +} +" +20384e26d85425030903e719acf1c74737f46156,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + if (day == 0 || day ==6) + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + if (day == 0 || day ==6) + return ""off""; + } + return ""7:00"" +} +" +acd44ef61b454312be90990fd0f8ca1a1a2159f9,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + if (day == 0 || day ==6) + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + if (day == 0 || day ==6) + return ""off""; + } + return ""7:00""; +} +" +4cc589e012028c1e2b23ded2437e06cdd1746d89,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + else + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + if (day == 0 || day ==6) + return ""off""; + } + return ""7:00""; +} +" +aa28a935e94f4d8190cc70fe42659d67e7b49031,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + else + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + else + return ""off""; + } +} +" +fbb16ef3d395df730027ad3cc898f3b488087b30,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + else + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + else + return ""off""; + } + return""7:00""; +} +" +df5f6ac11fe51b49ca6a1122a86ea1831d995eb4,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >=1 && day <=5) + return ""7:00""; + else + return ""10:00""; + } + + if (vacation) + { + if (day >=1 && day <=5) + return ""10:00""; + else + return ""off""; + } + return""7:00""; +} +" +69913385c211bb355e38cc9d2f92bd9938cad3b1,"public String alarmClock(int day, boolean vacation) +{ + if (!Vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + if (Vacation) + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; +} +" +f2cb590ed082e60122eb9e1932a820f93e0c6c37,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + if (vacation) + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; +} +" +752cff66950872005d9ae82b0f9d60f56c860140,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; +} +" +0662c7e71db1d9d289e3162baba2642772c2746f,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; +} +" +fa62ee3bdf7b3857f56f7d919530e30921d90cd2,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + +} +" +fd1fae710b3ce55b3f33fc96e25f78a54c97934d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + return ""10:00:' + else + return ""7:00""; + } +} +" +f998f333eb79a3972226dd7144818846d840fca0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""10:00:' + else + return ""7:00""; +} +" +8bf71c22632b138ff9922ac6ecce6c621c7c2a40,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +3d308ff19d0159f4dfe1751a9f5acb59bc494e95,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day < 1 || > 5) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day < 1 || > 5) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +cc868f0e2cb0a11ab2037497fa1721b1b012ca3f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day < 1 || > 5) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +9e6fd19e4f1c5146b51773591ab5ad319f0b5d1a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + while (day < 1 || > 5) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +912c4e1b08b50fcda00a36d953d8732a36720a4b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day < 1 || > 5) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +7fa3a8b636d7e55ecb1bb2e863150e5143d00a5d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || == 6) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +7265bb0628ea5227aa87f6e5e1dd88f1aa1997c5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || == 6) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +890c4ace879566a1560df1b90356b060ab80faee,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + + if (day == 0 || == 6) + { + return ""off""; + } + return ""10:00""; + + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +e7c9f31285c31823be5c2291d7d234f809a118d8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || == 6) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +705404256f722f21a864bdc1928f9d88b7365c27,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || == 6) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +b5d7ab4342c51769ff87550837a488075cea7b16,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +9548507783ca4fb08436759a7bf89cb855d78acd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + if (day < 1 || day > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +086e0dd978b7cf0b5780995e2695fcd46a6e2254,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6) + { + return ""10:00""; + } + else if (vacation && day >= 6) + { + return ""off""; + } + else (day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +1510c2625d392c5cbe7d597e594f17666001b6eb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6) + { + return ""10:00""; + } + else if (vacation && day >= 6) + { + return ""off""; + } + else if(day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +df7d337a3930ccb591253b0f54d1d3fbd3dc4b1b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && (day < 6 && day > 0)) + { + return ""10:00""; + } + else if (vacation && (day >= 6 || day == 0)) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +5000c1915496dcd9003913408ae62abf0e87492c,"public String alarmClock(int day, boolean vacation) +{ + String early = ""7:00""; + String late = ""10:00""; + String none = ""off""; + + if (vacation==true) + { + if (day > 0 && day < 6) + { + return late; + } + else + { + return late; + } + } + else + { + if (day > 0 && day <6) + { + return early; + } + else + { + return late; + } + } +} +" +dd6cef08ee52e41ccd6c10cf9da1d9e4db95b188,"public String alarmClock(int day, boolean vacation) +{ + String early = ""7:00""; + String late = ""10:00""; + String none = ""off""; + + if (vacation==true) + { + if (day > 0 && day < 6) + { + return late; + } + else + { + return off; + } + } + else + { + if (day > 0 && day <6) + { + return early; + } + else + { + return late; + } + } +} +" +d650a8a61def697349b6d0f1ba544ee8257303b3,"public String alarmClock(int day, boolean vacation) +{ + String early = ""7:00""; + String late = ""10:00""; + String none = ""off""; + + if (vacation==true) + { + if (day > 0 && day < 6) + { + return late; + } + else + { + return none; + } + } + else + { + if (day > 0 && day <6) + { + return early; + } + else + { + return late; + } + } +} +" +219afec17abed5c4a0634abdf7ae375fadbfeeb9,"public String alarmClock(int day, boolean vacation) +{ + string awakeTime; + + if (day == 1 && vaction){ + awakeTime = ""7:00"" + } + + return awakeTime; + +} +" +c5c48696272b52f5452a1288bf77f5a862a36861,"public String alarmClock(int day, boolean vacation) +{ + string awakeTime; + + if (day == 1 && vaction){ + awakeTime = ""7:00""; + } + + return awakeTime; + +} +" +8f5348d710f44c7d7d83cc5e030294ae4e6ce1dc,"public String alarmClock(int day, boolean vacation) +{ + string awakeTime = ""Test""; + + if (day == 1 && vaction){ + awakeTime = ""7:00""; + } + + return awakeTime; + +} +" +c961a9ed907ffc149f3cb754bba057cb9a4880ff,"public String alarmClock(int day, boolean vacation) +{ + string awakeTime = ""Hello""; + + if (day == 1 && vaction){ + // awakeTime = ""7:00""; + } + + return awakeTime; + +} +" +05ba37916cce18b70ef19b7ed3ce04ef3b36755f,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Hello""; + + if (day == 1 && vaction){ + // awakeTime = ""7:00""; + } + + return awakeTime; + +} +" +bfbe98846761a3aaca8c255f71723887efc98e89,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime; + + if (day == 1 && vacation){ + awakeTime = ""7:00""; + } + + return awakeTime; + +} +" +dd75d2f78ccc31b619498bed9650a2ed1294839c,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6 && vacation){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7 && vaction){ + awakeTime = ""off""; + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6 && !vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7 && !vaction){ + awakeTime = ""10:00""; + } + + return awakeTime; + +} +" +a7e4c832d065be56bb5392dd8dae898ced86ba19,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6 && vacation){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7 && vacation){ + awakeTime = ""off""; + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6 && !vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7 && !vacation){ + awakeTime = ""10:00""; + } + + return awakeTime; + +} +" +e446e95ec27333d2d985b78c409de8f8eb03b92a,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6 && vacation){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7 && vacation){ + awakeTime = ""off""; + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6 && !vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7 && !vacation){ + awakeTime = ""10:00""; + } + + return awakeTime; + +} +" +a0eae240d71ff93c4dc62274872bcb8f4d0ada8d,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && vacation == false) + { + return ""7:00""; + } + else if (day > 5 && vacation == false) + { + return ""10:00""; + } + else if (day <= 5 && vacation == true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +f286f05e476e93f47126302717cd7340e7b08d92,"public String alarmClock(int day, boolean vacation) +{ + if (day + 1 <= 6 && vacation == false) + { + return ""7:00""; + } + else if (day + 1 > 6 && vacation == false) + { + return ""10:00""; + } + else if (day + 1 <= 6 && vacation == true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +b3275d3e3726d8a7ff0148533d34520e7be992c8,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7 && vacation){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if(!vaction) + { + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7 && !vacation){ + if(!vacation) + { + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +cc035d179ab91e26766699b75801ca7fd9789502,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7 && vacation){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if(!vaction) + { + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation) + { + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +e75d2a71e046a784d435fd3fdc6e698fa753eae0,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7 && vacation){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if(!vaction){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +88185523d0ecf0628c247d9fc56a3a0bf0f86422,"public String alarmClock(int day, boolean vacation) +{ + string alarm = ""off"" + if (day <= 5 && !vacation) + +} +" +2f59ef1fe5aa6a2329ee3e3bd70bcaa4918a8cc2,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if(!vaction){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +85d45c3e8da7e0a75b72a755ae53075014bd84eb,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +686bae6c619255955be29c851902346422f54696,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +25dfa5de2c2b9215a1d7637e0e67507a4cf84024,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +5fcc8cea31319f7f3161ef604e7e28aef79dff83,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +f9306dbc557020eb5bd24a9f3e5fb3c741099e08,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7){ + if (vacation) + awakeTime = ""off""; + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +05a7fd42959a5c4c5aa83ccd8bd8416ab57e9479,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +e26891807702fdba8f42eda49ff618c117985566,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day =< 5 && !vacation) + { + alarm = ""7:00"" + } + if (day >= 6 && !vacation) + { + alarm = ""10:00"" + } + if (day =< 5 && vacation) + { + alarm = ""10:00"" + } + if (day >= 6 && vacation) + { + alarm = ""off"" + } +} +" +d93b43057189e2c5eb2c16cd06a8c4ce5f682861,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6) + if (vaction){ + awakeTime = ""10:00""; + } + + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +c6a27c58d7c82370c14ff75304c9559f8c236929,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +b72abac3650ae4b623108d0eb40777ec02270e86,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day =< 5 && !vacation) + { + alarm = ""7:00""; + } + if (day >= 6 && !vacation) + { + alarm = ""10:00""; + } + if (day =< 5 && vacation) + { + alarm = ""10:00""; + } + if (day >= 6 && vacation) + { + alarm = ""off""; + } +} +" +b2989b3652bbe6d32c82e2715d83b49fd2aa7a2f,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + } + return awakeTime; + +} +" +725f1a9084867e65db7773d92222ecd0f6e9ff2c,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + } + return awakeTime; + +} +" +d82b4b7d206e7f797809eaa652ee519dd2d0840a,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + if (day >= 6 && !vacation) + { + alarm = ""10:00""; + } + if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + if (day >= 6 && vacation) + { + alarm = ""off""; + } +} +" +edc14162d1d1b474a7b37c169fb6fe6b28599c7f,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + if (day >= 6 && !vacation) + { + alarm = ""10:00""; + } + if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + if (day >= 6 && vacation) + { + alarm = ""off""; + } + return alarm; +} +" +7701205629a597c42282f3b576d57d0b994672f8,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +7ebf3e8544e413f7481a0124025a3d7bd6048251,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + + return awakeTime; + +} +" +ee94f3956a1ab87456222ff044b0f76a222a8c4e,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + if (day = 6 && !vacation) + { + alarm = ""10:00""; + } + if (day = 0 && !vacation) + { + alarm = ""10:00""; + } + if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + if (day = 6 && vacation) + { + alarm = ""off""; + } + if (day = 0 && vacation) + { + alarm = ""10:00""; + } + return alarm; +} +" +b8ef75a518c989a99a5d6e2b7f4ebd8e88f20ad8,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + if (day = 6 && !vacation) + { + alarm = ""10:00""; + } + if (day = 0 && !vacation) + { + alarm = ""10:00""; + } + if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + if (day = 6 && vacation) + { + alarm = ""off""; + } + if (day = 0 && vacation) + { + alarm = ""off""; + } + return alarm; +} +" +d4f8d082b733d4ac258c6309c3cd2c59c39debe2,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + return awakeTime; +} +" +9d96625c8a7b97a25fc55bf00aeac29d0524c6ad,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + if (day = 6 && !vacation) + { + alarm = ""10:00""; + } + if (day = 0 && !vacation) + { + alarm = ""10:00""; + } + if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + if (day = 6 && vacation) + { + alarm = ""off""; + } + if (day = 0 && vacation) + { + alarm = ""off""; + } + return alarm; +} +" +c13a59be1cbc4085e0694f1278bac3b3993573a6,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + if (day = 6 && !vacation) + { + alarm = ""10:00""; + } + if (day = 0 && !vacation) + { + alarm = ""10:00""; + } + if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + if (day = 6 && vacation) + { + alarm = ""off""; + } + if (day = 0 && vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +f5900019fd81e62a562e00198b9876b54f07e3ef,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + return awakeTime; +} +" +052c6948c0d04b182b43a03e0f4936244242e044,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(10:00); + } + } +} +" +6769b2e84d9afd60fe79c86dee09225bb2fbeba0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + System.out.println(""10:00""); + } + } +} +" +225e2a2673fb29252cdc9ca259fd46385bf04cec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(System.out.println(""10:00"")); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(System.out.println(""7:00"")); + } + else + { + return(System.out.println(""10:00"")); + } + } +} +" +02022fb023f3171b946acb433feef0d3e43d0d5c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } +} +" +de8aa2928ff85d69d91ac3ec31962c1e177df93e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + alarmClock(0, False); + alarmClock(1,False); +} +" +e11b29c28d26c20c38b191a253a140d567a0d4c7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + alarmClock(0; + alarmClock(1; +} +" +40c75957546c0127f768d2a1e2073d25cd8e9376,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + alarmClock(0); + alarmClock(1); +} +" +7da4f9525fe50a281fe70ca35082973a20ea1ae2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + alarmClock(0, vacation); + alarmClock(1, !vacation); +} +" +3c069eb35e248788cb443c9e1ec32ad121545630,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(0, !vacation) + { + return(""10:00""); + } + else if alarmClock(1, !vacation) + { + return(""7:00"") + } +} +" +13257e1d811e4bc087762a9fa54646395733b20e,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, !vacation)) + { + return(""10:00""); + } + else if (alarmClock(1, !vacation)) + { + return(""7:00"") + } +} +" +ec2e0510804ed6ef6c38610865ffba6c64f16f61,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, !vacation)) + { + return(""10:00""); + } + else if (alarmClock(1, !vacation)) + { + return(""7:00""); + } +} +" +0883605944965220b47c2c3ab35716a2cee894c2,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + else if (day = 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day = 0 && !vacation) + { + alarm = ""10:00""; + } + else if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + else if (day = 6 && vacation) + { + alarm = ""off""; + } + else if (day = 0 && vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +b8444b1bf778b04a1ab582fe8a95c0f5571dd637,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && !vacation) + { + alarm = ""7:00""; + } + else if (day == 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day == 0 && !vacation) + { + alarm = ""10:00""; + } + else if (day <= 5 && vacation) + { + alarm = ""10:00""; + } + else if (day == 6 && vacation) + { + alarm = ""off""; + } + else if (day == 0 && vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +6597cf0a62dce8f6f4d17d072c194cb1e6717383,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""off""; + if (day <= 5 && day >= 1 && !vacation) + { + alarm = ""7:00""; + } + else if (day == 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day == 0 && !vacation) + { + alarm = ""10:00""; + } + else if (day <= 5 && day >= 1 && vacation) + { + alarm = ""10:00""; + } + else if (day == 6 && vacation) + { + alarm = ""off""; + } + else if (day == 0 && vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +580d21ae7dc0ba07bce98b3225b4dfa15a3da49a,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return alarmClock = ""10:00""; + } + if ( !vacation && (day >= 1 && <= day <= 5)) + { + return AlarmClock = ""7:00""; + } + else + { + return alarmClaock = ""10:00""; + } +} +" +47f6d294138c36e1e2928e93141c3bb19f0d77e8,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return alarmClock = ""10:00""; + } + if ( !vacation && (day >= 1 && day <= 5)) + { + return AlarmClock = ""7:00""; + } + else + { + return alarmClaock = ""10:00""; + } +} +" +e588fb5667f394326d051472519bd0c1fa829300,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( !vacation && (day >= 1 && day <= 5)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +ce779825f4e3ad880df30bd7f9b4ba9d9bf4970c,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation == ""false"" && day <= 5)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +7cdf9d50aeec37f436505a0470c1a1a5f698d7d0,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation && ( day > 0 && day < 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +59fb7e82e002f5e6034252d6b72e4a9eca0ab623,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( !vacation ) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +3be28af69bddf764b5491ecdf4b6878cd4c9fa9c,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation == ""false"" ) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +47cd35253cd3e0c50eb51d646dbe90c837c8b4aa,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation == false ) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +083fc463963aa02145d3b3f836e42e0b54c75c8c,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation ) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +b38fac8eeb8923a53d8e332cc5e0dd6a9565e06d,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + if ( vacation && ( day > 0 && day < 6)) + { + return ""10:00"" + } +} +" +248dda57527422559efa3b3646840bfd5ffba998,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + if ( vacation && ( day > 0 && day < 6)) + { + return ""10:00""; + } +} +" +458830804fcead49924ad1d4a469842d1d7167d7,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + if ( vacation && ( day > 0 && day < 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + else + { + return ""10:00"" + } +} +" +2242a5d6d7609b2e42824c288991eec44c4a2674,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00"" + } + if ( vacation && ( day > 0 && day < 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +a328a79de72aa73e79de1b17f6d59f4e2ca5e9f7,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation && ( day > 0 && day < 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +e1bad506ffa25a12e60930ef8dce9b7c7e89c814,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation && between(2, 5) ) + { + + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +2b6e5e1b26b5e6774b60ee43eed3b2e4966b09ab,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( vacation && between(day, 2, 5) ) + { + + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +a80a91d2f3e9eba9b399b5aa1a4a5a099d8550d8,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vaction){ + awakeTime = ""10:00""; + } + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + } + else if ( day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + return awakeTime; +} +" +41525d4ef335471ba42907bec4734a7ee42f9617,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( day > 1 && day <6))) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +ffd95575fb172d6e0ed75a7b6ced7a9329486e87,"public String alarmClock(int day, boolean vacation) +{ + String awakeTime = ""Temp""; + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if (vacation){ + awakeTime = ""10:00""; + } + } + else if ( day == 1 || day == 7){ + if (vacation){ + awakeTime = ""off""; + } + } + + if (day == 2 || day == 3 || day == 4 || day == 5 || day == 6){ + if(!vacation){ + awakeTime = ""7:00""; + } + } + else if (day == 1 || day == 7){ + if(!vacation){ + awakeTime = ""10:00""; + } + } + return awakeTime; +} +" +22c6f15f5a49641dd2c77a27d5b70d6f9e2d2a83,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( day > 1 && day <6) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +cca13208b1de559ee81bc90bff261e59048532b7,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( day > 1 && day < 6) + { + if (vacation) + { + return ""10:00""; + } + } + return ""7:00""; + + +} +" +09ef3b4fc0cc60bb19208498bdb4792760cc3f6a,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( (day > 1 && day < 6)) + { + if (vacation) + { + return ""10:00""; + } + } + return ""7:00""; + + +} +" +7a2bca9f77907f1212ea46d8a1faa51ec1c9c071,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && (day == 0 || day == 6) ) + { + return null; + } + else + { + return ""10:00""; + } + if ( day < 6) + { + if (vacation) + { + return ""10:00""; + } + } + return ""7:00""; + + +} +" +e7998fc085e747a0f716ce786222941afb930304,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return null; + } + else + { + return ""10:00""; + } + } + + + return ""7:00""; + + +} +" +33fcd2950e01424748e659482b8bb935eabeebcd,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return null; + } + else + { + return ""10:00""; + } + } + if ( day == 2 ) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + + + + +} +" +13ab9524fc9cbcf09c9d0878abfd404bf7357c37,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return null; + } + else + { + return ""10:00""; + } + } + if ( day == 2 ) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""7:00""; + + + +} +" +e0a9b1e35db91137f74b46e6cbbc0ccdd969fd8d,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return null; + } + else + { + return ""10:00""; + } + } + if ( day > 2 ) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""7:00""; + + + +} +" +7096de70d29579cf3513be4087657880922a1f9b,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return null; + } + else + { + return ""10:00""; + } + } + if ( day > 0 ) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""7:00""; + + + +} +" +50cce01db497377fd0d6160396afa5bad3f23e85,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return null; + } + else + { + return ""10:00""; + } + } + if ( day > 0 && day < 6) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""7:00""; + + + +} +" +e63e88dd0bd7a901d8475d6f9c0cd10659c91a28,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + String alarm = ""off""; + return alarm; + } + else + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + String alarm = ""7:00""; + return alarm; + } + else + { + String alarm = ""10:00""; + return alarm; + } + } +} +" +76186cf32b7f99ee9fb700f50cb90fc53f2214c3,"public String alarmClock(int day, boolean vacation) +{ + if ( day == 0 || day == 6 ) + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if ( day > 0 && day < 6 ) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""7:00""; + + + +} +" +07dfccf2974092db3a2b6c743cd94146c14b03aa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + String alarm = ""off""; + return alarm; + } + else + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + String alarm = ""7:00""; + return alarm; + } + else + { + String alarm = ""10:00""; + return alarm; + } + } +} +" +ebf1c85a2a734b911535fed4ae00523f33b06441,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == false && (day == 0 || day == 6) + { + return ""10:00""; + } + if(vacation == false && (day == 1 || day == 2 || day == 3 || day == 4 || day == 5)) + { + return ""7:00""; + } + if(vacation == true && (day == 0 || day = 6)) + { + return ""off""; + } + else + { + return ""10:10""; + } +} +" +43ff9bb8907c452d060c99aa6d16c8f9ee93898a,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == false && (day == 0 || day == 6)) + { + return ""10:00""; + } + if(vacation == false && (day == 1 || day == 2 || day == 3 || day == 4 || day == 5)) + { + return ""7:00""; + } + if(vacation == true && (day == 0 || day = 6)) + { + return ""off""; + } + else + { + return ""10:10""; + } +} +" +1781370a2ac853f69f569194724fab9c02ef109d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == false && (day == 0 || day == 6)) + { + return ""10:00""; + } + if(vacation == false && (day == 1 || day == 2 || day == 3 || day == 4 || day == 5)) + { + return ""7:00""; + } + if(vacation == true && (day == 0 || day == 6)) + { + return ""off""; + } + else + { + return ""10:10""; + } +} +" +59ec89d32ae0cf4da14ce9fd86d53d4387fd0248,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == false && (day == 0 || day == 6)) + { + return ""10:00""; + } + if(vacation == false && (day == 1 || day == 2 || day == 3 || day == 4 || day == 5)) + { + return ""7:00""; + } + if(vacation == true && (day == 0 || day == 6)) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +b156787a1b988ed2617819d49886ffa19de2ad10,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + String alarm = ""10:00""; + return alarm; + } + else + { + String alarm = ""off""; + return alarm; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + String alarm = ""7:00""; + return alarm; + } + else + { + String alarm = ""10:00""; + return alarm; + } + } +} +" +ccf2a53af967e009f7bef5721eb7440f1b8b75e3,"public String alarmClock(int day, boolean vacation) +{ + alarm = 7; + if (day > 0 && day <6 && !vacation) + { + + } + else if + { + } +} +" +37b9db28e19f8eabd4e75249521b72b0fa394451,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day > 0 && day < 6) + return ""10:00""; + else + return ""off""; + } + if(!vacation) + { + if(day > 0 && day <6) + return ""7:00""; + else + return ""10:00""; + } + return day; +} +" +0dff87685dbacd733d1a7298a6ecb71b5765e154,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day > 0 && day < 6) + String return ""10:00""; + else + String return ""off""; + } + if(!vacation) + { + if(day > 0 && day <6) + String return ""7:00""; + else + String return ""10:00""; + } + return day; +} +" +333e713cd7e45b32814c15af58050738c378e7f5,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + if (day > 0 && day <6 && !vacation) + { + alarm = ""7:00""; + } + else if (day = 0 || day = 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day > 0 && day <6 && vacation) + { + alarm = ""10:00""; + } + else if (day = 0 || day = 6 && !vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +70a86eaf2bc3330affe53125eb64070135fc3208,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day > 0 && day < 6) + return ""10:00""; + else + return ""off""; + } + if(!vacation) + { + if(day > 0 && day <6) + return ""7:00""; + else + return ""10:00""; + } + return day; +} +" +ac54e097fc053d3c39c17af528890116b0fbe6d8,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + if (day > 0 && day <6 && !vacation) + { + alarm = ""7:00""; + } + else if (day == 0 || day == 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day > 0 && day <6 && vacation) + { + alarm = ""10:00""; + } + else if (day = 0 || day = 6 && !vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +e08ce18975a4c9a61942910d7de79ae257f9d4d3,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day > 0 && day < 6) + return ""10:00""; + else + return ""off""; + } + if(!vacation) + { + if(day > 0 && day <6) + return ""7:00""; + else + return ""10:00""; + } + +} +" +e25b08cf1f17f6581a5412b09a6b1f264eee9246,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + if (day > 0 && day <6 && !vacation) + { + alarm = ""7:00""; + } + else if (day == 0 || day == 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day > 0 && day <6 && vacation) + { + alarm = ""10:00""; + } + else if (day == 0 || day == 6 && !vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +ac156d38c97bbc7d4fd84e742d77f5b443f917e3,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day > 0 && day < 6) + return ""10:00""; + else + return ""off""; + } + if(!vacation) + { + if(day > 0 && day <6) + return ""7:00""; + else + return ""10:00""; + } + return """"; +} +" +44f9c745948d5cbe43e4ba34dd7349d2cd31e719,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + if (day > 0 && day <6 && !vacation) + { + alarm = ""7:00""; + } + else if (day == 0 || day == 6 && !vacation) + { + alarm = ""10:00""; + } + else if (day > 0 && day <6 && vacation) + { + alarm = ""10:00""; + } + else if (day == 0 || day == 6 && vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +d67fff328c7058cf8d6730b596fb47eb3340c5e4,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + if ((day > 0 && day <6) && !vacation) + { + alarm = ""7:00""; + } + else if ((day == 0 || day == 6) && !vacation) + { + alarm = ""10:00""; + } + else if (day > 0 && day <6 && vacation) + { + alarm = ""10:00""; + } + else if ((day == 0 || day == 6) && vacation) + { + alarm = ""off""; + } + return alarm; + +} +" +f2cd9f7964a0b1c5e1922acc605cc3214ee47876,"public String alarmClock(int day, boolean vacation) +{ + + if (vacation) + { + return 10; + } +} +" +3fa50079500dab9820a840f7c626afd4d5973f19,"public String alarmClock(int day, boolean vacation) +{ + + if (vacation) + { + return ""10""; + } +} +" +6ba1a0a13a8ca5ccc873cfa958fe09ed9e8385c6,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +bac3eca30891386a7a86f4aa548c6eb9db5f32c9,"public String alarmClock(int day, boolean vacation) +{ + + if (vacation) + { + return ""10:00""; + } + + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +b8738ed1ee155d41dc55529f19cd62739a6771bc,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day = 0 || day = 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""off""; + +} +" +d9a862ba450569a777ee05b110052abd55a0962a,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if ((day = 0) || (day = 6)) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""off""; + +} +" +87a0468030afd04e85256d40002168c8b3f41a90,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day = 0 || = 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""off""; + +} +" +30bbbb06305db0a1de16351c50406b34c1c539a7,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day = 0 || day = 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""off""; + +} +" +4e553c0b40b3ddb52fc1daef50b067c030176412,"public String alarmClock(int day, boolean vacation) +{ + + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +3758da53ab069e6934f34000f1ed568fca94bc5e,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0 || day = 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""off""; + +} +" +5fbab2861b30f5bb5abc8c124730f41af7dec28b,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day = 0 && day = 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""off""; + +} +" +c8fbe8bdaeee70ac5aa62fb2b52a160ca222560c,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day = 0) + return ""7:00""; + else if (day = 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day = 0) + return ""10:00""; + else if (day = 6) + return ""10:00""; + else + return ""off""; + +} +" +09670e252a54957dfcfb40bf2bb54010464b76e9,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (alarmClock(0, false) || alarmClock(6, false)) + return ""7:00""; + else + return ""10:00""; +}" +91146286ec77a8975108b542f3b1607230c840b8,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (alarmClock(0, false)) + return ""7:00""; + else if alarmClock(6, false)) + return ""7:00""; + else + return ""10:00""; +}" +3f77b5d256fa919de1c908dcdcd808847a2b48ff,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (alarmClock(0, false)) + return ""7:00""; + else if (alarmClock(6, false)) + return ""7:00""; + else + return ""10:00""; +}" +0e7f7646bc5c0d536f6b64ddcb390a7aaf34d856,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day ==6) + return ""7:00""; + else + return ""10:00""; +}" +88255a06bf08c493017808a0516427828a60bd1f,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; +" +d76664555b4a23b11914325fcfc85460f8e9bcd0,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; +} +" +e5630134b4ad883d7421f5a04d8abb35b4daac6a,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; +} +" +a256deb8afd841c74f5b11e9e29a6f85943f0693,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; + return ""off"" +} +" +c158ee89f4d14963323f9634ef8d3dd465195adc,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else + { + return ""off""; + } + +} +" +169806848ea4e83282b3f69d0b3b786960175356,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; + return ""off""; +} +" +3cf3fde75b87ba19c2ab1b9eb54d2064d42a5e27,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; + return ""10:00""; +} +" +e0df4c33f0b2c43d24b2c86b1933f0ccf58bf411,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; +} +" +5a1c1390afaf04e64787829eb6b6cd25888cfc41,"public String alarmClock(int day, boolean vacation) +{ +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; +} +{ + if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; +} +} +" +b7ef4045232ff54b59ec44e67782d9376561fae3,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 6 && vacation != true) + { + return ""7:00""; + } + else if (day >= 1 && day <= 6 && vacation == true) + { + return ""10:00""; + } + else if (day == 0 && day == 7 && vacation != true) + { + return ""10:00""; + } + else (day == 0 && day == 7) + { + return ""off""; + } +} +" +d9fc4c3c0b05ea2cd2a66b277113ce8ac19beee7,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; + + if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; + return ""7:00""; +} +" +0a16ad3e5d435dccd96871431105a43e3bce9cb1,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 6 && vacation != true) + { + return ""7:00""; + } + else if (day >= 1 && day <= 6 && vacation == true) + { + return ""10:00""; + } + else if (day == 0 && day == 7 && vacation != true) + { + return ""10:00""; + } + else if (day == 0 && day == 7) + { + return ""off""; + } +} +" +7ecf9fb16d0d1c6f12359ca2421f4cbe416e49ee,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + if (day == 0 || day == 6) + return ""7:00""; + else + return ""10:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""off""; +} +" +b33be0f62cc5b7f30df0bfb6d8f6fcbbc3fbc822,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 6 && vacation != true) + { + return ""7:00""; + } + else if (day >= 1 && day <= 6 && vacation == true) + { + return ""10:00""; + } + else if (day == 0 && day == 7 && vacation != true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +0f90752d3ee6236e72e5f54a6f289c3159eb4e25,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation != true) + { + return ""7:00""; + } + else if (day >= 1 && day <= 5 && vacation == true) + { + return ""10:00""; + } + else if (day == 0 && day == 6 && vacation != true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +ed91db17b7ed43b1bd29fd421960e1bdb7021a84,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && (!vacation)) + return ""7:00""; + else + return ""10:00""; + + if ((day == 0 || day == 6) && (vacation)) + return ""10:00""; + else + return ""off""; +} +" +25d4b41994e0f4ca8b8e02c59fa55bc59233786e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) return (day >= 1 && day <= 5) ? ""10:00"" : ""off""; + return (day >= 1 && day <= 5) ? ""7:00"" : ""10:00""; +} +" +3a9f6ae349fc6dae30e8de46aa58d96841cc1dad,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && (!vacation)) + return ""7:00""; + else + return ""10:00""; +} +{ + if ((day == 0 || day == 6) && (vacation)) + return ""10:00""; + else + return ""off""; +} +" +0d27cfaa16cbe99a5bad54468e9502cfb5e9c673,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && (!vacation)) + return ""7:00""; + else + return ""10:00""; +} +public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && (vacation)) + return ""10:00""; + else + return ""off""; +} +" +e63a401e0793dc21f44d4a55896fb1bca3d6a55a,"public String alarmClock(int day, boolean vacation) +{ + if ((day >= 1 || day <= 5) && vacation != true) + { + return ""7:00""; + } + else if ((day >= 1 || day <= 5) && vacation == true) + { + return ""10:00""; + } + else if ((day == 0 || day == 6) && vacation != true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +35b7d26b6de606550c443174049d87c2738018fc,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation != true) + { + return ""7:00""; + } + else if (day >= 1 || day <= 5 && vacation == true) + { + return ""10:00""; + } + else if ((day == 0 || day == 6) && vacation != true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +7c751307866c9647c9343a8f520f506b504702ef,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && (!vacation)) + return ""7:00""; + if ((day > 1 && day < 6) && (!vacation)) + return ""10:00""; + + if ((day == 0 || day == 6) && (vacation)) + return ""10:00""; + if ((day > 1 && day < 6) && (vacation)) + return ""off""; +} +" +80042ac1df7ba6bf0c83592b9c1d053b5de346c7,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation != true) + { + return ""7:00""; + } + else if (day >= 1 && day <= 5 && vacation == true) + { + return ""10:00""; + } + else if ((day == 0 || day == 6) && vacation != true) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +ab3e73f217cda58664bbf2aad0af640dac8da5a2,"public String alarmClock(int day, boolean vacation) +{ + if ((day > 1 && day < 6) && (!vacation)) + return ""10:00""; + if ((day == 0 || day == 6) && (!vacation)) + return ""7:00""; + if ((day > 1 && day < 6) && (vacation)) + return ""off""; + if ((day == 0 || day == 6) && (vacation)) + return ""10:00""; +} +" +6be2e53f174a54e1a54989b4ee42cff77ac4b909,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + +} +" +c07879955aad4e053161f52002f81414bd17d684,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +e8455762a7ea3fc16961f55a9a21996673993930,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } +} +" +42bb50f39c0fe210a75567c193ea1530a4b9ef1d,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +73882415fad8d7351ea50532522df7f0a528196d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day > 1 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 1 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +5ff98e9b5e8eab26c2b6447a0eefe86691342b15,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 1 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 1 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +969c606c0f68f920eafe367f7e2ea00aee8c0356,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 1 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 1 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +c130022a70c4c15c632a9a51064deba8e336568b,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 1 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; +} +return ""off""; +" +50a4bd27c3af8cf221af4f7b989e20544a7a2a97,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if ((day < 1 || day > 5) && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +f41ba32a13b6b0e298a26aaf914349dad0f6c46c,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 1 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + return ""off""; +} +" +ffb78f42d60298db963b35cfdb21dddd3c768f57,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 1 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 1 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +15b668ea51b2425d0a887fdfb56d156d1d2feb6e,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day <= 5 && day >= 1) + return ""10:00""; + if(vacation && (day == 0 || day == 6) + return ""off""; + if(day <= 5 && day >= 1) + return ""7:00""; + else + return ""10:00""; + +} +" +5d44d4197e66b5768245b4da8c5b4fff0cc397c1,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day <= 5 && day >= 1) + return ""10:00""; + if(vacation && (day == 0 || day == 6)) + return ""off""; + if(day <= 5 && day >= 1) + return ""7:00""; + else + return ""10:00""; + +} +" +28c07085b016b636b38cd475b249d0babadc8575,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day == 0 || day == 6) + return ""10:00""; + return ""off""; +} +" +97301611c8f29e756127051f0ce1e269dcc29b05,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""10:00""; + return ""off""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +638ebe106fd7a20701a9dabab05202058f75c887,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +3c334b8074f721d7e8ddc8d941e3a71ebb6ac66b,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; + return ""off""; +} +" +a1778ce04bb67b4366abe5a90eb5adc43d9c943e,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; + return ""off""; +} +" +c4dcfba5f95d49ac3dcd06cdd905578e2c36a1b6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00"" +} +" +5979de0135ecf4a298a27438b28042e00b0a2818,"public String alarmClock(int day, boolean vacation) +{ + if (boolean = false) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (boolean = true) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +d567bedef182e31ed7883fbdbd09af58768237b6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; +} +" +35a82be6d9f27341208d4f4dd27dfda0e188ecc1,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; +} + + else if (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +330079adc92d66a5ded1fd009469dd308b404887,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + else if (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +1edc742b46196587c94a571f4b94b1425d9a185f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +d1b68049f9412262fd068c1d0552a090b0ddf941,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +66dbf316386f6170241cdea03cfc5d5da90abbe2,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + if (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +4183b4c4782cba3aa9676d8ff69565363812e24c,"public String alarmClock(int day, boolean vacation) +{ + for (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + for (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +921e684e95f157fc89198490467c3579da8b7a94,"public String alarmClock(int day, boolean vacation) +{ + while (!vacation) + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + + while (vacation) + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; +} +" +0f5971ffcf030143a9c63680d4b240381a9a7a62,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + } + + if (vacation) + { + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; + } +} +" +2086e0464bddcf10b7c74a4bee7c9b7e45a956c8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + + return ""10:00""; + } + + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + + return ""7:00""; + } +} +" +a1e83530e8bdca3d664ef8b638cfadeccea848ad,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + } + + if (vacation) + { + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; + } + return String; +} +" +3c57807ebeb349b252a535696d14d45ec44f4174,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + } + + if (vacation) + { + if (day > 0 && day < 6) + return ""off""; + if (day == 0 || day == 6) + return ""10:00""; + } +} +" +c677f332441f7fe247745688f0319572b03d45c3,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day > 0 && day < 6) + return ""10:00""; + if (day == 0 || day == 6) + return ""7:00""; + } + + if (vacation) + { + if (day > 0 && day < 6) + return ""off""; + else + return ""10:00""; + } +} +" +fa054e0327aab8f1754d572a7cd47b29627ef246,"public String alarmClock(int day, boolean vacation) +{ + int count = 1; + int count1 = 1; + string a; + while(count<5) + { + if(alarmClock(count,false) + { + a = ""7:00""; + } + count = count+1; + } + if(alarmClock(6,false) + { + a = ""10:00""; + } + if(alarmClock(0,false) + { + a = ""10:00""; + } + while(count1<5) + { + if(alarmClock(count1,true) + { + a = ""7:00""; + } + count1 = count1+1; + } + if(alarmClock(6,true) + { + a = ""off""; + } + if(alarmClock(0,true) + { + a = ""off""; + } +} +" +d07ca4a630c27fbd5673eaea50430489bcd889b5,"public String alarmClock(int day, boolean vacation) +{ + + if ((day > 0 && day < 6) && (!vacation)) + return ""10:00""; + else + return ""7:00""; + + if ((day > 0 && day < 6) && (vacation)) + return ""off""; + else + return ""10:00""; +} +" +13119eec7302885710660232645885cd266dbfad,"public String alarmClock(int day, boolean vacation) +{ + int count = 1; + int count1 = 1; + string a; + while(count<5) + { + if(alarmClock(count,false)) + { + a = ""7:00""; + } + count = count+1; + } + if(alarmClock(6,false)) + { + a = ""10:00""; + } + if(alarmClock(0,false)) + { + a = ""10:00""; + } + while(count1<5) + { + if(alarmClock(count1,true)) + { + a = ""10:00""; + } + count1 = count1+1; + } + if(alarmClock(6,true)) + { + a = ""off""; + } + if(alarmClock(0,true)) + { + a = ""off""; + } +} +" +497af6d855d88da39613ef8ad1ee450009b01f4d,"public String alarmClock(int day, boolean vacation) +{ + int count = 1; + int count1 = 1; + String a; + while(count<5) + { + if(alarmClock(count,false)) + { + a = ""7:00""; + } + count = count+1; + } + if(alarmClock(6,false)) + { + a = ""10:00""; + } + if(alarmClock(0,false)) + { + a = ""10:00""; + } + while(count1<5) + { + if(alarmClock(count1,true)) + { + a = ""10:00""; + } + count1 = count1+1; + } + if(alarmClock(6,true)) + { + a = ""off""; + } + if(alarmClock(0,true)) + { + a = ""off""; + } + return a; +} +" +12b15a70122b1ca5af3c4097454a030cf2490f8b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +bb51087baeec6d6d1423ae5cec0ae4ec0405574c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00"" + else + return ""7:00"" + } +} +" +0ec8647d2d2e4896cb68cb07f313eb7feb4abf6c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +f3d6f14ae29f8efd3b0866d6781803202df86bfc,"public String alarmClock(int day, boolean vacation) +{ + + if (!vacation) + if (day > 0 && day < 6) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + + else if (vacation) + if (day > 0 && day < 6) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + return ""off""; +} +" +e7ed3dc78b9d8a553bfa49f01afc45e6c86346b5,"public String alarmClock(int day, boolean vacation) +{ + + if (!vacation) + if (day > 0 && day < 6) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + + else if (vacation) + if (day > 0 && day < 6) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + + return ""off""; +} +" +8799743511cbeb533a9688a46b7d14f96c15afcd,"public String alarmClock(int day, boolean vacation) +{ + + if (!vacation) + if (day > 0 && day < 6) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + + else if (vacation) + if (day > 0 && day < 6) + return ""10:00""; + else if (day == 0 || day == 6) + return ""off""; + + return ""10:00""; +} +" +e97fddb576f1ffb5df1f4d53def7edf41e8770ca,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day == 0) || (day == 6)) + { + return ""10:00""; + } + return ""7:00""; + } + else + { + if (alarmClock(day, false).equals(""10:00"")) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +b6853992711e307f142d40d8ad4723ab188ee40b,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(""off""); + if (vacation) + { + if (day = 1) + { + time = ""10:00""; + } + else if (day = 2) + { + time = ""10:00""; + } + else if (day = 3) + { + time = ""10:00""; + } + else if (day = 4) + { + time = ""10:00""; + } + else if (day = 5) + { + time = ""10:00""; + } + } + else + { + if (day = 0) + { + time = ""10:00""; + } + else if (day = 1) + { + time = ""7:00""; + } + else if (day = 2) + { + time = ""7:00""; + } + else if (day = 3) + { + time = ""7:00""; + } + else if (day = 4) + { + time = ""7:00""; + } + else if (day = 5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } +} +" +562e4b23235542ae2b1f375698f5af6eb088a3ed,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(""off""); + if (vacation) + { + if (day = 1) + { + time = ""10:00""; + } + else if (day = 2) + { + time = ""10:00""; + } + else if (day = 3) + { + time = ""10:00""; + } + else if (day = 4) + { + time = ""10:00""; + } + else if (day = 5) + { + time = ""10:00""; + } + } + else + { + if (day = 0) + { + time = ""10:00""; + } + else if (day = 1) + { + time = ""7:00""; + } + else if (day = 2) + { + time = ""7:00""; + } + else if (day = 3) + { + time = ""7:00""; + } + else if (day = 4) + { + time = ""7:00""; + } + else if (day = 5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return time; +} +" +f75eaee56b548df398dd74e938769ce857338ff8,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(""off""); + if (vacation) + { + if (day == 1) + { + time = ""10:00""; + } + else if (day == 2) + { + time = ""10:00""; + } + else if (day == 3) + { + time = ""10:00""; + } + else if (day == 4) + { + time = ""10:00""; + } + else if (day == 5) + { + time = ""10:00""; + } + } + else + { + if (day == 0) + { + time = ""10:00""; + } + else if (day == 1) + { + time = ""7:00""; + } + else if (day == 2) + { + time = ""7:00""; + } + else if (day == 3) + { + time = ""7:00""; + } + else if (day == 4) + { + time = ""7:00""; + } + else if (day == 5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return time; +} +" +25457e48c77797f7da1e86c3a6e7ed5968ba27a5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation){ + if(day<6&&day>0){ + return ""10:00""; + }else{ + return ""off"" + } + }else{ + if(day<6&&day>0){ + return ""7:00""; + }else{ + return ""10:00"" + } + } +} +" +4f594dae6efdddf5f825007b65e2d41d9d56822f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation){ + if(day<6&&day>0){ + return ""10:00""; + }else{ + return ""off""; + } + }else{ + if(day<6&&day>0){ + return ""7:00""; + }else{ + return ""10:00""; + } + } +} +" +b3ba5ccac8006bc8fdee557f12e20ebcde3b97dc,"public String alarmClock(int day, boolean vacation) +{ + + if (!vacation) + if (day > 0 && day < 6) + return ""7:00""; + else if (day == 0 || day == 6) + return ""10:00""; + + if ((day > 0 && day < 6) && (vacation)) + return ""10:00""; + else + return ""off""; +} +" +4b4fa90d744228826a25cae58eca5a6d3e5f11d7,"public String alarmClock(int day, boolean vacation) +{ + boolean (isWeekend = 0) + if (isWeekend == true) + {if (isVacation == true) + return 10; + } + +} +" +2a331634f3983c8193520ceaa4a7c683b0e36c3c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 || + day = 4 || day = 5) + { + return 'off'; + } + else + { + return '10:00'; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || + day = 4 || day = 5) + { + return '7:00'; + } + else + { + return '10:00'; + } + } + +} +" +601fca5f2d776b2fec4896b751d40b3c33d46c9e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 || + day = 4 || day = 5) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || + day = 4 || day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + +} +" +e448cbdf398246e2cb42aac63fcde649e86502a0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 + || day = 4 || day = 5) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || + day = 4 || day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + +} +" +4b011eb8b46f7c7390813fb80f6c6333fa4bad9b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || + day = 4 || day = 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + +} +" +2823d84dd10640350143e81e1c439a3df5495f68,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + +} +" +c0f012c39902452f6d317d4d18610425e3755434,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + +} +" +bb113a6f1f5ee3bd1d7ae8d7f969bdb6d74cec8a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + +} +" +9b50c18b5ef2b43fe60a0c795af93cd14ea085ab,"public String alarmClock(int day, boolean vacation) +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm = 7:00; + } + else if (day=0 || day=6) + { + alarm = 10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm = 10:00; + } + else if (day=0 || day=6) + { + alarm = off; + } + } + +} +" +3605cda4ed7c13ce5c02b7cb4c2f891bafa94280,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm = 7:00; + } + else if (day=0 || day=6) + { + alarm = 10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm = 10:00; + } + else if (day=0 || day=6) + { + alarm = off; + } + } + +} +" +4e794424581cdbfa74a489f26b9563cfa1e0cf8e,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm = 7:00; + } + else if (day=0 || day=6) + { + alarm = 10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm = (10:00); + } + else if (day=0 || day=6) + { + alarm = off; + } + } + +} +" +136d289ccb6fac8a04c08dd03412356c98b1baad,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm = 7:00; + } + else if (day=0 || day=6) + { + alarm = 10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm = 10:00; + } + else if (day=0 || day=6) + { + alarm = off; + } + } + +} +" +2ae38e8f60d3a18ff778de2bce79dbcc17f1d64c,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm=7:00; + } + else if (day=0 || day=6) + { + alarm=10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm=10:00; + } + else if (day=0 || day=6) + { + alarm=off; + } + } + +} +" +87d0e655272009ac3776259b884376c33a8e526b,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm=7:00 + } + else if (day=0 || day=6) + { + alarm=10:00 + } + } + else + { + if (day >1 && day <6) + { + alarm=10:00 + } + else if (day=0 || day=6) + { + alarm=off; + } + } + +} +" +8137baaa9918bf400ae1c3927c3e4f790d2eb758,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm=7:00; + } + else if (day=0 || day=6) + { + alarm=10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm=10:00; + } + else if (day=0 || day=6) + { + alarm=off; + } + } + +} +" +8265a960af2a4fab04ea6245e3ba2eaf8b129c70,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + alarmClock(0, true) -> ""10:00"" + + alarmClock(1, true) -> ""10:00"" + + alarmClock(2, true) -> ""10:00"" + + alarmClock(3, true) -> ""10:00"" + + alarmClock(4, true) -> ""10:00"" + + alarmClock(5, true) -> ""off"" + + alarmClock(6, true) -> ""off"" + + alarmClock(0, false) -> ""7:00"" + + alarmClock(1, false) -> ""7:00"" + + alarmClock(2, false) -> ""7:00"" + + alarmClock(3, false) -> ""7:00"" + + alarmClock(4, false) -> ""7:00"" + + alarmClock(5, false) -> ""10:00"" + + alarmClock(6, false) -> ""10:00"" + } + +} +" +79a7f8e62fcf16772f669c31f32340184068ef47,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm=7:00; + } + else if (day=0 || day=6) + { + alarm=10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm=10:00; + } + else if (day=0 || day=6) + { + alarm=off; + } + } +return alarm; +} +" +78f9b8d60216847205052f015b9ef8cc2d35c895,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + alarmClock(0, true) -> ""10:00""; + + alarmClock(1, true) -> ""10:00""; + + alarmClock(2, true) -> ""10:00""; + + alarmClock(3, true) -> ""10:00""; + + alarmClock(4, true) -> ""10:00""; + + alarmClock(5, true) -> ""off""; + + alarmClock(6, true) -> ""off""; + + alarmClock(0, false) -> ""7:00""; + + alarmClock(1, false) -> ""7:00""; + + alarmClock(2, false) -> ""7:00""; + + alarmClock(3, false) -> ""7:00""; + + alarmClock(4, false) -> ""7:00""; + + alarmClock(5, false) -> ""10:00""; + + alarmClock(6, false) -> ""10:00""; + } + +} +" +91c2073c0432cc10ec1cbc43aada915ecf497219,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + alarmClock(0, true); -> ""10:00"" + + alarmClock(1, true); -> ""10:00"" + + alarmClock(2, true); -> ""10:00"" + + alarmClock(3, true); -> ""10:00"" + + alarmClock(4, true); -> ""10:00"" + + alarmClock(5, true); -> ""off"" + + alarmClock(6, true); -> ""off"" + + alarmClock(0, false); -> ""7:00"" + + alarmClock(1, false); -> ""7:00"" + + alarmClock(2, false); -> ""7:00"" + + alarmClock(3, false); -> ""7:00"" + + alarmClock(4, false); -> ""7:00"" + + alarmClock(5, false); -> ""10:00"" + + alarmClock(6, false); -> ""10:00"" + } + +} +" +b1479f2d57bb470e12eaae51dca6474e787ea3f3,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + alarmClock(0, true) -> ""10:00"" + + alarmClock(1, true) -> ""10:00"" + + alarmClock(2, true) -> ""10:00"" + + alarmClock(3, true) -> ""10:00"" + + alarmClock(4, true) -> ""10:00"" + + alarmClock(5, true) -> ""off"" + + alarmClock(6, true) -> ""off"" + + alarmClock(0, false) -> ""7:00"" + + alarmClock(1, false) -> ""7:00"" + + alarmClock(2, false) -> ""7:00"" + + alarmClock(3, false) -> ""7:00"" + + alarmClock(4, false) -> ""7:00"" + + alarmClock(5, false) -> ""10:00"" + + alarmClock(6, false) -> ""10:00"" + } + +} +" +20b134d86bf884d07e7219803d8e5bc630a9d20f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + alarmClock(0, true) -> ""10:00""; + + alarmClock(1, true) -> ""10:00""; + + alarmClock(2, true) -> ""10:00""; + + alarmClock(3, true) -> ""10:00""; + + alarmClock(4, true) -> ""10:00""; + + alarmClock(5, true) -> ""off""; + + alarmClock(6, true) -> ""off""; + + alarmClock(0, false) -> ""7:00""; + + alarmClock(1, false) -> ""7:00""; + + alarmClock(2, false) -> ""7:00""; + + alarmClock(3, false) -> ""7:00""; + + alarmClock(4, false) -> ""7:00""; + + alarmClock(5, false) -> ""10:00""; + + alarmClock(6, false) -> ""10:00""; + } + +} +" +7ed33db2120988347df34278fdd6754294259eeb,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +67666219df352003f7de97f7d84ce87e3e53c7e2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day ==0 || day ==6) + { + return ""off""; + } + else + { + return""10:00""; + } + } + if (!vacation) + { + if (day == 0 || day == 6) + { + return""10:00""; + } + else + { + return""7:00""; + } + } + +} +" +4e59c101c25d31ec1a9176a0fff044326dc45713,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if vacation == false + return string2; + } + else (vacation == true) + { + return string3; + } +} + /** if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } + +} +" +e0a76c9792f5cfbfefc8373db16f040cc3f5cc73,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day ==0 || day ==6) + { + return ""off""; + } + else + { + return""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +3caa039f0defe49ac4530a09fa2ffb86ccf3e3f0,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm=7:00; + } + else if (day=0 || day=6) + { + alarm=10:00; + } + } + else + { + if (day >1 && day <6) + { + alarm=10:00; + } + else if (day=0 || day=6) + { + alarm=off; + } + } +return alarm; +} +" +481ef24dc8988ec5e1cabb875cbec5318610d515,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false) + return string2; + } + else (vacation == true) + { + return string3; + } +} + /** if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } + +} +" +1241f050e7a693ddaa59e6ad0cc9679d2f8596b1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day ==0 || day ==6) + { + return ""off""; + } + else + { + return""10:00""; + } + else if + { + if (day == 0 || day == 6) + { + return""10:00""; + } + else + { + return ""7:00""; + } + } + } + +} +" +90a971214f87e82988635a31a4435a9aac4d81cc,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else (vacation == true) + { + return string3; + } +} + /** if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } + +} +" +72066e5468bfb4f808d186bcda42094091e80411,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } +} + /** if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } + +} +" +5e225051aa204535504bad6a8fb58dfd06147a16,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } + +} +" +828a5788456ed8744f464a2460e4fa24b0b8d2b8,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } +} +} +" +e6f9e88449603be1c21d74fdd7d5ec16038e9a70,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day ==0 || day ==6) + { + return ""off""; + } + else + { + return""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return""10:00""; + } + else + { + return ""7:00""; + } + } + } + +} +" +aa76b1f6f918b83c9c666d6add5214a38f34ba59,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } +return string1 +} +" +84d8fdd004ede22f20082f64fdeb37a1023f85c7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day ==0 || day ==6) + { + return ""off""; + } + else + { + return""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return""10:00""; + } + else + { + return ""7:00""; + } + } + + +} +" +fe0dfe65229b67e6a9bf590ed06c484021d711dd,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } +return string1; +} +" +f0c17612e49d49acc316400a25a4daf4ae97973d,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day = 0 || day = 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day = 0 || day = 6) + { return string3; + } + else + { return string2; + } + + + } + + +" +56c681d524b8986dbd79043557543c9f2f4de2b9,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + + } + + +" +d396b6e4b9ca1224b42827cf259d06bfca102a42,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +5358649f37840f2ffe1f9f1fd25bd540edbf908d,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +ffd86743a8dea7c867196afc100205223f59cfeb,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + return string1; + } +} + +" +dcf79f355480b4a31e097e30bc7a5fa4dfbe7e09,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + } +} + +" +a5c7aa1621e9ba404f0dbc3104c2d2ac29fb9ac8,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + } + retun string1; +} + + +" +80c6556509bc4fdc5def8e81f5021da2ae62435c,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + } + return string1; +} + + +" +ad000697e867ce2170170f7f85f90344ca934155,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + + } + + +" +3f448e0e98d658f46a45126012437865843713fd,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + else + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +0e94efa0822d9edd4c6850571373ef7d2ee52e56,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return string + } + } +} +" +3fff8b27ecea0d4509029d6f7e268baf60a1e13e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return string; + } + } +} +" +8d9d006c17d6a077af8972c59c1db6245fc09125,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return string ""7:00""; + } + } +} +" +54f7c8ca7062cdfc8a6e890d46fd8fbbdc7cb203,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return string ""\7:00; + } + } +} +" +56dcf647af8edf90454a85d54cb5f8e012b7def1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return string 7:00; + } + } +} +" +6aa7d7d99f5d092ad5631bf844c01ee4f7881d7d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return 7:00; + } + } +} +" +2ede10488fea9c83f6de0f5c2f91cf8733078eb4,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + else + { + return string1; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +e449000228690301ed3d3de32e7ccd3ba51bef53,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return alarmClock; + } + } +} +" +e8e0ea9d5771908c3ff0ed98f99de1e6c6f9aa8c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return string alarmClock; + } + } +} +" +bfecc7e7a474c4e49fa4d151a005bcf3657cfc18,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (vacation == true) + if (day == 0 || day == 6) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +46428f660a93fa206d3314cca35e63a5761fed2a,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (!day == 0 || !day == 6) + if (vacation == true) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +6069e325e25b3853ec83ee1f8bacb66140e30b42,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (!day = 0 || !day = 6) + if (vacation == true) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +a29b4a17a79ad922e38db633386c6c164263c99d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00"" + } + } +} +" +603daaba0d3f10c8c92230d4a09fdeaaec02b347,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarm=(7:00); + } + else if (day=0 || day=6) + { + alarm=(10:00); + } + } + else + { + if (day >1 && day <6) + { + alarm=(10:00); + } + else if (day=0 || day=6) + { + alarm=off; + } + } +return alarm; +} +" +cc51edbd773e787632701498c1e2a8a4c1f10984,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + } +} +" +c191a01f8c35c4512471354cdd8b39aba4b83071,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + } +} +return null;" +de26f315d88fa5809addf35fc13468c1088bef2d,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarmTime=7:00; + } + else if (day=0 || day=6) + { + alarmTime=10:00; + } + } + else + { + if (day >1 && day <6) + { + alarmTime=10:00; + } + else if (day=0 || day=6) + { + alarmTime=off; + } + } +return alarmTime; +} +" +3ece0a5daa8ee2847671856d453853d87b8c2c25,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarmTime=7:00 + } + else if (day=0 || day=6) + { + alarmTime=10:00 + } + } + else + { + if (day >1 && day <6) + { + alarmTime=10:00 + } + else if (day=0 || day=6) + { + alarmTime=off; + } + } +return alarmTime; +} +" +392f117e7451dfe7d1bf1a4184977b6f9b215333,"public String alarmClock(int day, boolean vacation); +int alarm = 0; +{ + if (!Vacation) + { + if (day >1 && day <6) + { + alarmTime=7; + } + else if (day=0 || day=6) + { + alarmTime=10; + } + } + else + { + if (day >1 && day <6) + { + alarmTime=10; + } + else if (day=0 || day=6) + { + alarmTime=off; + } + } +return alarmTime; +} +" +d620f21e27a87e15d05a4f085e8ed51214622697,"public String alarmClock(int day, boolean vacation); +int alarmTime = 0; +{ + if (!vacation) + { + if (day >1 && day <6) + { + alarmTime=7; + } + else if (day=0 || day=6) + { + alarmTime=10; + } + } + else + { + if (day >1 && day <6) + { + alarmTime=10; + } + else if (day=0 || day=6) + { + alarmTime=off; + } + } +return alarmTime; +} +" +d2207dac2af261eada2fa4acbb77489264ce37e6,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (!day == 0 && !day == 6) + if (vacation == true) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +e5f222f72f66c6dd51641034a140ae0867b8597b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return null; + } +} +" +49eb1ecc780352b3fab81118813fcf3613d9a250,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (day < 0 && day > 6) + if (vacation == true) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +9bb3ecffecf1b4d4e0a90774c90b576729856fb2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } +} +" +694790c1e8c76d4ca44177dcfcd59f8296f6f898,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } +} +" +f0a54cd4c722d2cf8e0f078bdc2197900e3e3a12,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (day > 0 && day < 6) + if (vacation == true) + { return string3; + } + else + { return string2; + } + + return string1; + } + + +" +bc61dee033407fc99b9ff35806f32d512b046377,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } +} +return ""off""; +" +8b951ac56e7a2b55519b371d225174fac9a0c1de,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (day = 0 || vacation ) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +230666a0b03061c1bc526eb640186736b59a4e9a,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (day > 0 && day < 6) + { if (vacation == true) + { return string3; + } + else + { return string2; + } + } + + return string1; + } + + +" +f787e5dbb4f58b9fb212c53e3e33c24ce1ff2d27,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } +} +" +999853a5e86669fbcdd5248f67ffb6dfa9e795e0,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (day = 0 && vacation ) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +9a18b5037f8ce0a228f3bed8e5dc610da2371ab6,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (day = 0 && vacation ) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +445666293f7bacec9a567336573b1948ff5a8072,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (day = 0 && vacation ) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +d04569d269b9ae748de5fb8701302463e0748784,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (day = 0 && vacation ) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +b8d440f4dfd32f2ec518747f368dc9d2408f612f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + return alarmClock; +} +" +c1040a2f05cd8e4acc53f06429915f70172d34f7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + return String alarmClock; +} +" +172a6d5c828eaa58a005d2c483531a3671eb4552,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +f88ae732258a138abdbf7f82f72521ff037f7610,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (day > 0 && day < 6) + { if (vacation == true) + { return string3; + } + if (vacation == false) + { return string2; + } + } + + return string1; + } + + +" +df7fb76a466719b8a7fd3b165637ae12e45b3f69,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + return String; +} +" +97ab0c23df1e3f92e4c3c50187dd557f89fb0043,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + return ""off""; +} +" +6fd168425f536e5b029cb3514c68513fe64c44e4,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (vacation ) + { + clock += ""10:00""; + } + else if (day = 0) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +2e4602e4cd120e7308db6e50fd8825119ba6171f,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +2a074898750eed84c9e3288d81524f8e6ab6d15a,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (vacation ) + { + clock += ""10:00""; + } + else if (day == 0) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +dda0b674d63f154314a736a936520c2a0b1ca90e,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +1d1670c78bc5d5ccbb0d65a4534139aec4af3bf0,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + if (vacation) + { + if (day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +94f62d7bd14fbb683cfcbe475ba4da90f1d4f421,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } + + if (day > 0 && day < 6) + { if (vacation == true) + { return string2; + } + if (vacation == false) + { return string1; + } + } + + return string1; + } + + +" +f69dae81377c689c5b804a065149065037b51883,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + if (vacation) + { + if (day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +80048ac290e15aa2ca1a0a123cca656db68bf87e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + if (!vacation) + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""off""; +} +" +048111c967c534b95b9a6cd000f9bce761d316b8,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + } + if (vacation == true) + { + return string3; + } +} + if (day > 0 && day < 6) + { if (vacation == true) + { return string2; + } + if (vacation == false) + { return string1; + } + } + + return string1; + } + + +" +4ea1722b7a22ffa7b07337e77a537603e22d01c9,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (vacation ) + { + if (! day == 0) + { + clock += ""off""; + } + } + else if (day == 0) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +bc3a89ccf372df61d02ef572034c3a79d50f4f60,"public String alarmClock(int day, boolean vacation) +{ + String string1 = ""7:00""; + String string2 = ""10:00""; + String string3 = ""off""; + if (day == 0 || day == 6) + { if (vacation == false){ + return string2;} + + if (vacation == true) + { + return string3; + } +} + if (day > 0 && day < 6) + { if (vacation == true) + { return string2; + } + if (vacation == false) + { return string1; + } + } + + return string1; + } + + +" +e21c4a1e65a51de073a39968228c087c050dbfc4,"public String alarmClock(int day, boolean vacation) +{ + String clock = """"; + if (vacation ) + { + if (day != 0) + { + clock += ""off""; + } + } + else if (day == 0) + { + clock += ""10:00""; + } + else + { + clock += ""7:00""; + } + return clock; +} +" +992a639042f1da5e5e643875531fcd5f6f21d55f,"public String alarmClock(int day, boolean vacation) +{ + String time; + + if vacation = true + { + if (day >= 2); + { + time = 10:00; + } + if (day = 0 || day = 6) + { + time = off; + } + } + if vacation = true + { + if (day >= 2); + { + time = 7:00; + } + if (day = 0 || day = 6) + { + time = 10:00; + } + } + + return time; +} +" +0d6525d52247603059ffb90dc02a44b92393f7fd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +815c548db0c5a73b5152b7d1e66fe9c7e16aee1c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +39c1ef1b5420e0154aadbf33d66ab8e18b7b80de,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0) + { + return ""off""; + } + else if (day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0) + { + return ""10:00""; + } + else if (day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +845d42891cdbc16a91639fb3b135dc132ab1cf42,"public String alarmClock(int day, boolean vacation) +{ + String time; + + if (vacation = true) + { + if (day >= 2); + { + time = 10:00; + } + if (day = 0 || day = 6) + { + time = off; + } + } + if (vacation = true) + { + if (day >= 2); + { + time = 7:00; + } + if (day = 0 || day = 6) + { + time = 10:00; + } + } + + return time; +} +" +08fd5da476e2a3b03a8c840153d7ddd3da96660f,"public String alarmClock(int day, boolean vacation) +{ + String time; + + if (vacation = true) + { + if (day >= 2); + { + time = 10:00 ; + } + if (day = 0 || day = 6) + { + time = off; + } + } + if (vacation = true) + { + if (day >= 2); + { + time = 7:00; + } + if (day = 0 || day = 6) + { + time = 10:00; + } + } + + return time; +} +" +cab713da607b9a9f09262d7aedccee7eaba76e38,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0) + { + return ""off""; + } + else if (day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0) + { + return ""10:00""; + } + else if (day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +8c5676a2cfee15ea7a4a60bfdb69c288e77d6e7a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 6 || day == 0) + { + return ""off""; + } + else + return ""10:00""; + + } + else + if ( day == 6 || day == 0) + { + return ""10:00""; + } + else + return ""7:00""; +} +" +9b880973339906027022a3a4c2bc2140628f618c,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation && (day = 1 || day = 2 || day = 3 || day = 4 || day = 5)) { + return ""7:00"" + } + else if((vacation && (day = 1 || day = 2 || day = 3 || day = 4 || day = 5)) || (!vacation && (day = 0 || day = 6))) { + return ""10:00"" + } + else { + return ""off"" + } +} +" +36d7aef6288f674c88c2cc2578e624844384e234,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation && (day = 1 || day = 2 || day = 3 || day = 4 || day = 5)) { + return ""7:00""; + } + else if((vacation && (day = 1 || day = 2 || day = 3 || day = 4 || day = 5)) || (!vacation && (day = 0 || day = 6))) { + return ""10:00""; + } + else { + return ""off""; + } +} +" +cc75903194cf698bcb4c9612d135ffedd0483d9e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return off + } + else + { + return 10:00 +} +" +3adaf1eef1abe29319b841f7f721f31d19391cd5,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation && (day == 1,2,3,4,5)) { + return ""7:00""; + } + else if((vacation && (day = 1 || day = 2 || day = 3 || day = 4 || day = 5)) || (!vacation && (day = 0 || day = 6))) { + return ""10:00""; + } + else { + return ""off""; + } +} +" +91165acda077c96e8952589710f0fa59fc2faab9,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if (vacation = true) + { + if (day >= 2); + { + time = ""10:00""; + } + if (day = 0 || day = 6) + { + time = ""off""; + } + } + if (vacation = true) + { + if (day >= 2); + { + time = ""7:00""; + } + if (day = 0 || day = 6) + { + time = ""10:00""; + } + } + + return time; +} +" +395204f86dfc5875cff59b1d8e018ab7fb763701,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation && ( 6 > day && day > 0)) { + return ""7:00""; + } + else if((vacation && (6 > day && day > 0)) || (!vacation && (day = 0 || day = 6))) { + return ""10:00""; + } + else { + return ""off""; + } +} +" +67d1232a9a6b8a982d1a71e1f704f7c1a8be73e1,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation && ( 6 > day && day > 0)) { + return ""7:00""; + } + else if((vacation && (6 > day && day > 0)) || (!vacation && (day == 0 || day == 6))) { + return ""10:00""; + } + else { + return ""off""; + } +} +" +40dfe31b20e2faba2d5c299e6d00dec2c8cc1e5e,"public String alarmClock(int day, boolean vacation) +{ + if ( (day == 0 || day == 6) && !vacation) + { + return ""7:00""; + } +} +" +bba6936f007080cb9c2b39a4a6aafa18cd96524f,"public String alarmClock(int day, boolean vacation) +{ + if ( (day == 0 || day == 6) && !vacation) + { + return ""7:00""; + } +} +} +" +c44708d5826f1eb3f80f76a7c468bfa95326832c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 6 || day = 0) + { + return ""10:00""; + } + else + { + return ""7:00"" + } + } +} +" +49e7cf3f9304464719759dfd8c18cc6d64862843,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 6 || day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +93a29a227f516bf81f6ee5560f3b4fdb5504c7f1,"public String alarmClock(int day, boolean vacation) +{ + if ( (day == 0 || day == 6) && !vacation) + { + return ""7:00""; + } +} +" +316d9a6d0853872a4895d069b4496cdf26d487fe,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if (vacation == true) + { + if (day >= 2) + { + time = ""10:00""; + } + if (day == 0 || day == 6) + { + time = ""off""; + } + } + if (vacation == false) + { + if (day >= 2) + { + time = ""7:00""; + } + if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + + return time; +} +" +632b00789ce1ac5ecfbafaba1a21ebad224e05a5,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 1 || day == 2|| day == 3|| + day == 4|| day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if ((day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + +} +" +a5f0fa469451cfb4d271d967ab7d4c0cbcd88937,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 | day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 6 | day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +c5b503713eb346c96fb9c64a8206fbf86f068a74,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2|| day == 3|| + day == 4|| day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + +} +" +37e1f546bca8b8130a254f5206c265ab51c4bd63,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2|| day == 3|| + day == 4|| day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + +} +" +df3a77d9fe678e8ce62edec5d9273e4897874772,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2|| day == 3|| + day == 4|| day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +3fe69f110186d48b69fbe7a9811ccbbc790e6442,"public String alarmClock(int day, boolean vacation) +{ + String rt = ""7:00""; + String vt = ""10:00""; + switch (day) + { + case 1: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 2: + if(!vacation) + {return rt;} + else + {return vt;} + break; + if(!vacation) + {return rt;} + else + {return vt;} + case 3: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 4: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 5: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 6: + if(vacation) + {return ""off"";} + else + {return vt;} + break; + case 0: + if(vacation) + {return ""off"";} + else + {return vt;} + break; + } +} +" +60c5de40b71c241e1d512b07c73de279eaebc2f4,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if (vacation == true) + { + if (day >= 1) + { + time = ""10:00""; + } + if (day == 0 || day == 6) + { + time = ""off""; + } + } + if (vacation == false) + { + if (day >= 1) + { + time = ""7:00""; + } + if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + + return time; +} +" +6eb6e7ebc3c2eabb0a78ed9687fba456dfbd2f95,"public String alarmClock(int day, boolean vacation) +{ + String rt = ""7:00""; + String vt = ""10:00""; + switch (day) + { + case 1: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 2: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 3: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 4: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 5: + if(!vacation) + {return rt;} + else + {return vt;} + break; + case 6: + if(vacation) + {return ""off"";} + else + {return vt;} + break; + case 0: + if(vacation) + {return ""off"";} + else + {return vt;} + break; + } +} +" +69ee4eafd16939ce4bbe09a062f47d7817102340,"public String alarmClock(int day, boolean vacation) +{ + String rt = ""7:00""; + String vt = ""10:00""; + switch (day) + { + case 1: + if(!vacation) + {return rt;} + else + {return vt;} + + case 2: + if(!vacation) + {return rt;} + else + {return vt;} + + case 3: + if(!vacation) + {return rt;} + else + {return vt;} + + case 4: + if(!vacation) + {return rt;} + else + {return vt;} + + case 5: + if(!vacation) + {return rt;} + else + {return vt;} + + case 6: + if(vacation) + {return ""off"";} + else + {return vt;} + + case 0: + if(vacation) + {return ""off"";} + else + {return vt;} + + } +} +" +39142cb15aaf1661cf9f4135dd73dd922453ba47,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +ca48fa9aec31a00ac731b64dcb3093af46045468,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 6 || day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +c76507f8807bd6d6c1ce97082b096b5742d371f5,"public String alarmClock(int day, boolean vacation) +{ + String rt = ""7:00""; + String vt = ""10:00""; + switch (day) + { + case 1: + if(!vacation) + {return rt;} + else + {return vt;} + + case 2: + if(!vacation) + {return rt;} + else + {return vt;} + + case 3: + if(!vacation) + {return rt;} + else + {return vt;} + + case 4: + if(!vacation) + {return rt;} + else + {return vt;} + + case 5: + if(!vacation) + {return rt;} + else + {return vt;} + + case 6: + if(vacation) + {return ""off"";} + else + {return vt;} + + case 0: + if(vacation) + {return ""off"";} + else + {return vt;} + + } +return ""off""; +} +" +1480d1b270fe5d6f63383c2470b1314d19b9f0c3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +cd91589ad1a1b8f1b5cfb857580777b73edadcaa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 | day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 6 | day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +02d15cedb4743bb8db3b0d88bf2ca79e4b144b36,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if (vacation == true) + { + if (day >= 1) + { + time = ""10:00""; + } + if (day == 0 || day == 6) + { + time = ""off""; + } + } + else (vacation == false) + { + if (day >= 1) + { + time = ""7:00""; + } + if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + + return time; +} +" +24242185481a8ed8a5b184a3553b66e739024eb7,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +00ee169d2eebfe9f2c711b621b6ed8a43472ce21,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +" +f0769ad546e118423024910cbe7b3b01ce80fa73,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 6 || day = 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 6 || day = 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +3f28e40ca17aa04cfb3f2951e47c975f3675be69,"public String alarmClock(int day, boolean vacation) +{ + string time; + + if (!vacation) + { + if (day >= 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } +} +" +2cdb4f4a424ee8424a624c30efdcba1c5b8fb885,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +7c2936fd5aea21e4cf66ce619f409375fd513d9b,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if (vacation == true) + { + if (day >= 1) + { + time = ""10:00""; + } + if (day == 0 || day == 6) + { + time = ""off""; + } + } + else + { + if (day >= 1) + { + time = ""7:00""; + } + if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + + return time; +} +" +2e002db466a0ea025825121336b7e51e3cfb8daf,"public String alarmClock(int day, boolean vacation) +{ + String time; + + if (!vacation) + { + if (day >= 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +45ec3a830e45bc6433f163ed197901ae660f3f86,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return 7:00; + } + else if (day=0 || day=6) + { + return 10:00; + } + } + else + { + if (day >1 && day <6) + { + return 10:00; + } + else if (day=0 || day=6) + { + return off; + } + } + +} +" +e748a4410977c9682f436848df7b7a93b65b6bd0,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +}" +7e643810e90dc950d1fd125efd228a040b8e5c35,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +}" +3a2f7afee59e0d28bab063a3689309fc7bb65914,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 0 && day <= 6) + { + if (vacation) + { + return ""10:00""; + } + return ""7:00"" + } + else + { + if (vacation) + { + return ""Off"" + } + return ""10:00"" + } + + +} +" +de5e3283e2566e94a177b820cd8df4c1f26b5b0c,"public String alarmClock(int day, boolean vacation) +{ + + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +c4b742cb01a67461f67dae7496763a519f484a2d,"public String alarmClock(int day, boolean vacation) +{ + + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +a53827ae6f8593b92d7c9f0fea1847acc9435ac4,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return 7; + } + else if (day=0 || day=6) + { + return 10; + } + } + else + { + if (day >1 && day <6) + { + return 10; + } + else if (day=0 || day=6) + { + return off; + } + } + +} +" +3ac40e85b6501212830e7823751fa0339d1acb02,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +fda8074f3d5c26e956fa5e97cd8a8853b8233c9b,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 0 && day <= 6) + { + if (vacation) + { + return ""10:00""; + } + return ""7:00""; + } + else + { + if (vacation) + { + return ""Off""; + } + return ""10:00""; + } + + +} +" +01264b4b1d4550fc0ab6537b9451db6ce1addce2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day==6 || day==0) + return ""off""; + return ""10:00"" + } + else + { + if (day==6 || day==0) + return ""10:00""; + return ""7:00"" + } +} +" +41f1b0aa1b9b8c39d57e735e57cc9cadb1023baf,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return '7:00'; + } + else if (day=0||day=6) + { + return '10:00'; + } + } + else + { + if (day >1 && day <6) + { + return '10:00'; + } + else if (day=0 || day=6) + { + return off; + } + } + +} +" +2e0b69ddf1febf4191b4e833491b2d6f6f4c399e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day==6 || day==0) + return ""off""; + return ""10:00""; + } + else + { + if (day==6 || day==0) + return ""10:00""; + return ""7:00""; + } +} +" +21065c15419760fc1d8c5af6ece8485a50880856,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 0 && day <= 5) + { + if (vacation) + { + return ""10:00""; + } + return ""7:00""; + } + else + { + if (vacation) + { + return ""Off""; + } + return ""10:00""; + } + + +} +" +50dba9468f51398e3bc8780009e688b27b46a3d6,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day=0||day=6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day=0 || day=6) + { + return off; + } + } + +} +" +22322a2f3d38592b06f5d0e1e1ca623a2c802ee9,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >0) + { + if (vacation == true) + { + return ""10:00"" + } + else + { + return ""7:00"" + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +4325c5b638eb09822cdbd9b61f1b944f8d62d8b5,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day=0 || day=6) + { + return off; + } + } + +} +" +f4e65a0b08de697c45ce7710d213dda3550f777f,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return off; + } + } + +} +" +708930431e48d69da986e210c6e1497864c01edb,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } + +} +" +66ce9b89ddce1b8f84dd8c9fed0b4dab01fa9507,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } +} +" +2755e7ea8d64833ff11d3d9f236d55527295405e,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } +}" +71e045d20e9a5bccf7d26991e7f120646e2695eb,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } +print return +}" +fb3b4647bcc478d0356b3d69fd6d6e5091d78189,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } +print return; +}" +402eb8e72ada451f678bf2f66bb294908b1b3c7b,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + if (vacation) + { + return ""10:00""; + } + return ""7:00""; + } + else + { + if (vacation) + { + return ""Off""; + } + return ""10:00""; + } + + +} +" +6aa27c03e2c0d0b2113707acb6e1e0ddd4884d42,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } +return; +}" +cb2896f05623164fd42152cac188493fe237ddfe,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5) + { + if (vacation) + { + return ""10:00""; + } + return ""7:00""; + } + else + { + if (vacation) + { + return ""off""; + } + return ""10:00""; + } + + +} +" +61f4afe3135bd38471124d9702f027bf44e0c145,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6 && day != 0) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6 && day != 0) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +16246782251e02e340f94ca926dde4cd5b8b03eb,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6 && day = 0) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6 && day = 0) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +49497132535234d6b8dfc83df3a451273070692d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day >= 1 && day <=5) { + return ""10:00""; + } + else { + return ""off""; + } + } + if (day >=1 && day <=5) { + return ""7:00""; + } + else { + return ""10:00""; + } + +} +" +a9b6ae7a0d4f6c28388229da456bf9801561ce12,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +dfb63c0eb99e645816bdae8255c3d3bce3317a63,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6 || day = 0) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6 || day = 0) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +09c68d8ab794f0222e0debea62c5c9ed62bc88a5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day <= 5 && day >= 1) + { + return ""10:00"" + } + else + { + return ""off"" + } + } + else + { + if (day <= 5 && day >= 1) + { + return ""7:00"" + } + else + { + return ""10:00"" + } + } +} +" +23c5ad507f6d67da03feaac533b521ec96e95677,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day <= 5 && day >= 1) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day <= 5 && day >= 1) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +b9b6ec81600472ff12cd5ad19b00730d5d78f073,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 5 && day >0) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +19c432725f3000d2620019f2bd297ffb8324e8b6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +601133a949751ae914935d74024c0604f67f70ff,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +9d3cb36d98654fcc52095433092caa503a2c3108,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day==6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +fdcad777561ce4a73bc47837c4e7b5252409ee61,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +} +" +9b1c90300702d552476659d1a821df1dc023cb22,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; + +} +" +b6c05c43e535d22734726701d9f07f815e5a3869,"public String alarmClock(int day, boolean vacation) +{ + if ((day >= 5 && day > 0) && (vacation == true)) + { + return ""10:00""; + } + if ((day >= 5 && day > 0) && (vacation == false)) + { + return ""7:00""; + } + if ((day == 0 || day == 6) && (vacation == true)) + { + return ""off""; + } + if ((day == 0 || day == 6) && (vacation == false)) + { + return ""10:00""; + } +} +" +67a674f518c97f392d7fc08e98c8644da7038652,"public String alarmClock(int day, boolean vacation) +{ + if ((day >= 5 && day > 0) && (vacation == true)) + { + return ""10:00""; + } + if ((day >= 5 && day > 0) && (vacation == false)) + { + return ""7:00""; + } + if ((day == 0 || day == 6) && (vacation == true)) + { + return ""off""; + } + if ((day == 0 || day == 6) && (vacation == false)) + { + return ""10:00""; + } +} +" +acfe5a79f4aaa13aa3fe030e6b866dc1e450373a,"public String alarmClock(int day, boolean vacation) +{ + if ((day >= 5 && day > 0) && (vacation == true)) + { + return ""10:00""; + } + if ((day >= 5 && day > 0) && (vacation == false)) + { + return ""7:00""; + } + if ((day == 0 || day == 6) && (vacation == true)) + { + return ""off""; + } + if ((day == 0 || day == 6) && (vacation == false)) + { + return ""10:00""; + } +} +" +ecf24ef7f4aa0616cdd8cbf265dfa3e27b09f6f9,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +" +207290f36635e674892018588132fc7f3bf20b56,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6) + { + time = ""10:00""; + } + else if (day = 0) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6) + { + time = ""off""; + } + else if ( day = 0) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +6cc238cd1dfefe6f4d5898bf0b179d5853b04130,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +9a8cf9b1d4b71b49089822015373916a3b05dbfc,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0, day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if(day == 0, day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +3545f3cbbd9324e80cc4e901e8a4d8c7f8c6908c,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6) + { + time = ""10:00""; + } + else if (day == 0) + { + time = ""10:00""; + } + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6) + { + time = ""off""; + } + else if ( day == 0) + { + time = ""off""; + } + else + { + time = ""10:00""; + } + } + + return time; +} +" +5ed21648abb5313f5dd7495f260a2c77b0beab17,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +d7fde9ae8e2e003f9546776fbee92e78716a0fdd,"public String alarmClock(int day, boolean vacation) +{ + String time = "" "" ; + + if (!vacation) + { + if (day >= 6 || day == 0) + { + time = ""10:00""; + } + + else + { + time = ""7:00""; + } + } + + if (vacation) + { + if (day >= 6 || day == 0) + { + time = ""off""; + } + + else + { + time = ""10:00""; + } + } + + return time; +} +" +330d543c16d39e73f9f3eb25d22e648bef4f9ca7,"public String alarmClock(int day, boolean vacation) +{ + int a = 1; + String b; + while(a<5) + { + if ( day = a && vacation = true) + b = ""10:00""; + if ( day = a && vacation = false) + b= ""7:00""; + a = a+1; + } + if (day = 6 && vacation = false) + b = ""10:00""; + if (day = 0 && vacation = false) + b = ""10:00""; + if (day = 6 && vacation = true) + b = ""off""; + if (day = 0 && vacation = true) + b = ""off""; + return b; +} +" +d6a9af572107bf54f909d6ef3bfca0c214a85e81,"public String alarmClock(int day, boolean vacation) +{ + int a = 1; + String b; + while(a<5) + { + if ( day == a && vacation == true) + b = ""10:00""; + if ( day == a && vacation == false) + b= ""7:00""; + a = a+1; + } + if (day == 6 && vacation == false) + b = ""10:00""; + if (day == 0 && vacation == false) + b = ""10:00""; + if (day == 6 && vacation == true) + b = ""off""; + if (day == 0 && vacation == true) + b = ""off""; + return b; +} +" +70fff0dc94bdefd25bf7b695954562b86c908eec,"public String alarmClock(int day, boolean vacation) +{ + int a = 1; + String b = "" ""; + while(a<5) + { + if ( day == a && vacation == true) + b = ""10:00""; + if ( day == a && vacation == false) + b= ""7:00""; + a = a+1; + } + if (day == 6 && vacation == false) + b = ""10:00""; + if (day == 0 && vacation == false) + b = ""10:00""; + if (day == 6 && vacation == true) + b = ""off""; + if (day == 0 && vacation == true) + b = ""off""; + return b; +} +" +a01c63dc6cb0839c4681788ec69a0b09143211c9,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + int day = day; + boolean off = vacation; + if (off == false) + { + if (day != 0 && day != 6) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + if (off == true) + { + if (day != 0 && day != 6) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + return alarm; +} +" +133d24440141c19aeb539322d211d6c017c78394,"public String alarmClock(int day, boolean vacation) +{ + int a = 1; + String b = "" ""; + while(a<=5) + { + if ( day == a && vacation == true) + b = ""10:00""; + if ( day == a && vacation == false) + b = ""7:00""; + a = a+1; + } + if (day == 6 && vacation == false) + b = ""10:00""; + if (day == 0 && vacation == false) + b = ""10:00""; + if (day == 6 && vacation == true) + b = ""off""; + if (day == 0 && vacation == true) + b = ""off""; + return b; +} +" +5db2ec5d2cabe7c7be3b7cf2f1443701e80b8c8c,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + int dayOfWeek = day; + boolean off = vacation; + if (off == false) + { + if (dayOfWeek != 0 && dayOfWeek != 6) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + if (off == true) + { + if (dayOfWeek != 0 && dayOfWeek != 6) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + return alarm; +} +" +8fc61a23b4cc405f219c1eb7449a9a327d2ebfc5,"public String alarmClock(int day, boolean vacation) +{ + if ( (day >= 1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >= 1 && day <= 5) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +ab61e73d2e3bf9441e5cd6da2980dc9dbd07a0da,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""0""; + int dayOfWeek = day; + boolean off = vacation; + if (off == false) + { + if (dayOfWeek != 0 && dayOfWeek != 6) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + if (off == true) + { + if (dayOfWeek != 0 && dayOfWeek != 6) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + return alarm; +} +" +e043335cfa2225ac37246281006cbd146af01e43,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""10:00""; + if (!vacation) + { + if (day != 0 && day != 6) + { + alarmTime = ""7:00""; + } + } + else + { + if (day = 0 || day = 6) + { + alarmTime = ""off""; + } + } + return alarmTime; +} +" +409b6edbddefc5cbcb41f6df9fd4eb25b0530805,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""10:00""; + if (!vacation) + { + if (day != 0 && day != 6) + { + alarmTime = ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + alarmTime = ""off""; + } + } + return alarmTime; +} +" +f13ec81e55c9e0a061edae20a05d45542879d80e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + + if (day == 0 || day == 6) + { + return ""10:00"" + } + else + { + return ""7:00""; + } +} +" +81e60bcea24afe154d0bc10593f11d5f244da418,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +db1091e2134c3ec54decc9775b3dbdbe44014f8c,"public String alarmClock(int day, boolean vacation) +{ + if ( (day >= 1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >= 1 && day <= 5) && (vacation)) + { + return ""10:00""; + } + else if ((day == 0 && day == 6) && (!vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +9ce7606efbac508c2d05f2ac3e2a843bf44dd0ef,"public String alarmClock(int day, boolean vacation) +{ + if ( (day >= 1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >= 1 && day <= 5) && (vacation)) + { + return ""10:00""; + } + if ( (day >= 0 && day <=6) && (!vacation)) + { + return ""7:00""; + } + else if ((day >= 0 && day <= 6) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +235502710b60e579ec229747123dd1d54e60ed12,"public String alarmClock(int day, boolean vacation) +{ + if ( (day >= 1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >= 1 && day <= 5) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +e37b4920e18afc0af7b1a5dd0a97e171ee9b7ec5,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + if (vacation == true) + { + if (day > 0 && day < 6) + alarm = ""10:00""; + if (day == 0 || day == 6) + alarm = ""off""; + } + if (vacation == false) + { + if (day > 0 && day < 6) + alarm = ""7:00""; + if (day == 0 || day == 6) + alarm = ""10:00""; + } + retrun alarm; +} +" +ef11de80d4c94c070e05d1905453b503b2aec49c,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + if (vacation == true) + { + if (day > 0 && day < 6) + alarm = ""10:00""; + if (day == 0 || day == 6) + alarm = ""off""; + } + if (vacation == false) + { + if (day > 0 && day < 6) + alarm = ""7:00""; + if (day == 0 || day == 6) + alarm = ""10:00""; + } + return alarm; +} +" +d075bf1f32c6c0c3b20b7fd9dec7127750869eda,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } +}" +fb382fc1e242c7e8ee6dba87cee006633820c948,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + } + return; +}" +38b3cc5d981d2b98343f1db141d3e72064841b67,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + + return (""7:00""); + } + +} +" +f7c12ddf13fcf0021dfd66ad7383787add49b713,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + + return (""7:00""); + } + +return (""7:00"") +} +" +5f8e3af47bc26f7f7ac552173450bfa596cb7e4f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + + return (""7:00""); + } + +return (""7:00""); +} +" +37d27e45f14c47c6f1563ec45fadcd4e5395bf87,"public String alarmClock(int day, boolean vacation) +{ + /**if (!vacation) + { + if (day >1 && day <6) + { + return ""7:00""; + } + else if (day==0 || day==6) + { + return ""10:00""; + } + } + else + { + if (day >1 && day <6) + { + return ""10:00""; + } + else if (day==0 || day==6) + { + return ""off""; + } + }**/ + if ( vacation ) + { + if ( day == 0 || day == 6 ) + { + return ""off""; + } + return ""10:00""; + } + if ( day == 0 || day == 6 ) + { + return ""10:00""; + } + return ""7:00""; +}" +2dc2fe50188bbc991deb2beae29c8e523839b011,"public String alarmClock(int day, boolean vacation) +{ + if(vacation); + { + if(day == 0 || day == 6); + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else; + { + if(day == 0 || day == 6); + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +59ddcc8d2c64ff9c515cffec668bc32d2d983a48,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day != 0 || day != 6) { + return(""7:00""); + } + else { + return(""10:00""); + } + } + else { + if (day != 0 || day != 6) { + return(""10:00""); + } + else { + return(""off""); + } + } +} +" +aa7888e54ccda809e2fded87f426502399464eb0,"public String alarmClock(int day, boolean vacation) +{ + if(vacation); + { + if(day == 0 || day == 6); + return ""off""; + return ""10:00""; + } + else; + { + if(day == 0 || day == 6); + return ""10:00""; + return ""7:00""; + } +} +" +9842f221d7f38b3f71a836f9a701ee0cd28b7c6c,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation) + { + if (day == 0 || day == 6) + { + alarmTime = ""off""; + return alarmTime; + } + else + { + return alarmTime; + } + } + else + { + if (day == 0 || day == 6) + { + alarmTime = ""10:00"" + return alarmTime; + } + else + { + return alarmTime; + } + } +} +" +0dc7f07808c575212f8eee68382de42b031c7b62,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day > 0 && day < 6) { + return(""7:00""); + } + else { + return(""10:00""); + } + } + else { + if (day > 0 && day < 6) { + return(""10:00""); + } + else { + return(""off""); + } + } +} +" +117a4930cc3bfaddc55d711e81f5ccb51f6cd980,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +15d41fd0d1117876fd0ddc62289b022f375c429e,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation) + { + if (day == 0 || day == 6) + { + alarmTime = ""off""; + return alarmTime; + } + else + { + return alarmTime; + } + } + else + { + if (day == 0 || day == 6) + { + alarmTime = ""10:00""; + return alarmTime; + } + else + { + return alarmTime; + } + } +} +" +65172e632f42bd728cb334e8e70cc23b08034dd2,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation) + { + if (day == 0 || day == 6) + { + alarmTime = ""off""; + return alarmTime; + } + else + { + alarmTime = ""10:00""; + return alarmTime; + } + } + else + { + if (day == 0 || day == 6) + { + alarmTime = ""10:00""; + return alarmTime; + } + else + { + return alarmTime; + } + } +} +" +d021032ab4112f1d25c9bd6bdcb8de50cc535d27,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +} +" +6538b73f72773cfd3485ec36d34abedb876fc6b6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + return (""10:00""); + } + +return (""7:00""); +} +" +bd509ccb2bf4915789a7a04d1de107c45206c7be,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return (""10:00""); + } + else if (day == 0 || day == 6) + return (""10:00"") + else + return (""7:00""); +} +" +3a83760495fa8d888332a4912570dc2603538ca4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return (""10:00""); + } + else if (day == 0 || day == 6) + return (""10:00""); + else + return (""7:00""); +} +" +e55ece8048b883ff3639e5c7cd2ee869974b877c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && 1 or 2 or 3 or 4 or 5) + return 10:00 + else if (1 || 2 || 3 || 4 || 5) + return 7:00 + else + return 10:00 + + +} +" +6fb7bb686ddb794fe4b8521bab6a86dd477f598b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && 1 || 2 || 3 || 4 || 5) + return 10:00; + else if (1 || 2 || 3 || 4 || 5) + return 7:00; + else + return 10:00; + + +} +" +cbaaa93cd1d5383ca163fb9a8ae9fdae4725cd48,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && 1 || 2 || 3 || 4 || 5) + return ""10:00""; + else if (1 || 2 || 3 || 4 || 5) + return ""7:00""; + else + return ""10:00""; + + +} +" +40a6add2ae8f4a154dc2147534f0432967e30113,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +cf91b5493406b793e9e2b4970e9bae4dc9a32a26,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return String.out.println(""7:00""); + } + else if (day = 0 || day = 6 && !vacation) + { + return String.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + return String.out.println(""10:00""); + } + else if (day = 0 || day = 6 && vacation) + { + return String.out.println(""off""); + } +} +" +6f76797d65150396fc607b1470faafe59c67f204,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || 0 || 6 ) + return ""10:00""; + else if (1 || 2 || 3 || 4 || 5) + return ""7:00""; + else + return """" + + +} +" +ffbd54df1879d101c30cfd4ca01bc6268c8f9a4c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || 0 || 6 ) + return ""10:00""; + else if (1 || 2 || 3 || 4 || 5) + return ""7:00""; + else + return """"; + + +} +" +fc509cdb5250fce365903a908789319eb9d8965d,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && !vacation) + { + return System.out.println(""7:00""); + } + else if (day = 0 || day = 6 && !vacation) + { + return System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + return System.out.println(""10:00""); + } + else if (day = 0 || day = 6 && vacation) + { + return System.out.println(""off""); + } +} +" +3d54f677aa696223a27b2b249c2e39f1dec2c96c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation || 0 || 6 ) + return ""10:00""; + else if (1 || 2 || 3 || 4 || 5) + return ""7:00""; + else + return ""off""; + + +} +" +04eb743f229ff3d48eb004ba57846a2caf05d9d2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + + if (1 || 2 || 3 || 4 || 5) + return ""7:00""; + else + return ""10:00""; + + +} +" +785f7c916cc9de6446321a645c9d2b24afd1da34,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + return ""7:00""; + else + return ""10:00""; + + +} +" +96c42d373508bc5a25d6b10e38c2c16cf4a72507,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + return ""7:00""; + else + return ""10:00""; + + +} +" +71e7f04d6de6615dcb3072a64877822ca953a63e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + return ""7:00""; + else + return ""10:00""; + + +} +" +18c30f73d119a1706d7400823561e1bedb79a3b3,"public String alarmClock(int day, boolean vacation) +{ + if (!this.vacation) + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return false; + } + } +} +" +7587afd63e457b2e47c1dcb3f6b46fd1a61abf08,"public String alarmClock(int day, boolean vacation) +{ + if (!this.vacation) + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return false; + } + } +} +" +65856c0c35d208aae000b778fe515956e158fc75,"public String alarmClock(int day, boolean vacation) +{ + day = 0 + + if (day > 0 && day < 6 && !vacation) + { + return System.out.println(""7:00""); + } + else if (day = 0 || day = 6 && !vacation) + { + return System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + return System.out.println(""10:00""); + } + else if (day = 0 || day = 6 && vacation) + { + return System.out.println(""off""); + } +} +" +b810b2dfa0f98e34c5095d80a0f41ba8feb6c3d2,"public String alarmClock(int day, boolean vacation) +{ + int day = 0; + + if (day > 0 && day < 6 && !vacation) + { + return System.out.println(""7:00""); + } + else if (day = 0 || day = 6 && !vacation) + { + return System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + return System.out.println(""10:00""); + } + else if (day = 0 || day = 6 && vacation) + { + return System.out.println(""off""); + } +} +" +9a9cfef2a70dda29aa5f8438c24bd06e4d455e3c,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return false; + } + } +} +" +31187bec4beac0bfd2ebf02d6b3f50aa9cd142ea,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 1 || day == 2 || day == 3 || + day == 4 || day == 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +c03eb46abb2c423d41f8a40b83ad5ef5f44bf005,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day = 0 || day = 6 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day = 0 || day = 6 && vacation) + { + System.out.println(""off""); + } +} +" +8ec68728928764181910da4036caf900a3c00572,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day ==6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; +} +" +6aae147482abad0bd8f932cd00378e55a2f4c8bb,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } +} +" +bd3a1321a21e2a3a81baddc281a2acec18b9b374,"public String alarmClock(int day, boolean vacation) +{ + String timedisp(); + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return timedisp(); +} +" +1064528ffecc1384377591b2e268088931e6e098,"public String alarmClock(int day, boolean vacation) +{ + String timedisp; + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return timedisp(); +} +" +0cdcad5872b5ce9c39c41018f7f24a23c71e8343,"public String alarmClock(int day, boolean vacation) +{ + String timedisp; + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return timedisp; +} +" +6daf44504182699e1be26113fa608f27e471a4e8,"public String alarmClock(int day, boolean vacation) +{ + String timedisp; + if (day > 0 && day < 6 && !vacation) + { + timedisp = System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + timedisp = System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + timedisp = System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + timedisp = System.out.println(""off""); + } + return timedisp; +} +" +66ffddfd778fb8eeb1b8c14df5b5d071559cc63c,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + return System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + return System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + return System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + return System.out.println(""off""); + } + +} +" +193ed24e4038ed76c3862585e92fef6e2dd18268,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6 ) + { + String = ""10:00""; + } + else + { + String = ""7:00""; + } + } + if (vacation) + { + if (day == 0 || day == 6 ) + { + String = ""off""; + } + else + { + String = ""10:00""; + } + } +} +" +689960c8b3180c4c384721c242c0dc69f584790e,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (!vacation) + { + if (day == 0 || day == 6 ) + { + alarmClock = ""10:00""; + } + else + { + alarmClock = ""7:00""; + } + } + if (vacation) + { + if (day == 0 || day == 6 ) + { + alarmClock = ""off""; + } + else + { + alarmClock = ""10:00""; + } + } +} +" +d87687cf4ae0c7c35f66832e802c5b6862a2c6b3,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (!vacation) + { + if (day == 0 || day == 6 ) + { + alarmClock = ""10:00""; + } + else + { + alarmClock = ""7:00""; + } + } + if (vacation) + { + if (day == 0 || day == 6 ) + { + alarmClock = ""off""; + } + else + { + alarmClock = ""10:00""; + } + } + return alarmClock; +} +" +1319679e6b29296ccd745fee1691753b6db47f91,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = """"; + if (!vacation) + { + if (day == 0 || day == 6 ) + { + alarmClock = ""10:00""; + } + else + { + alarmClock = ""7:00""; + } + } + if (vacation) + { + if (day == 0 || day == 6 ) + { + alarmClock = ""off""; + } + else + { + alarmClock = ""10:00""; + } + } + return alarmClock; +} +" +b57bcd842bb87553e18ce40921fadb03b03f3d90,"public String alarmClock(int day, boolean vacation) +{ + String clockDisplay; + if (day > 0 && day < 6 && !vacation) + { + clockdisp(System.out.println(""7:00"")); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return clockDisplay +} +" +829d25867430d008d3ee768c8bcd73b4170f88a9,"public String alarmClock(int day, boolean vacation) +{ + String clockDisplay; + if (day > 0 && day < 6 && !vacation) + { + clockdisp(System.out.println(""7:00"")); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return clockDisplay; +} +" +3593cd136c60dc486f3dfbf7264493d4fda7e0ab,"public String alarmClock(int day, boolean vacation) +{ + String clockDisplay; + if (day > 0 && day < 6 && !vacation) + { + clockDisplay = System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return clockDisplay; +} +" +a38e778f4f1259353790a31d091829fdc80cecf1,"public String alarmClock(int day, boolean vacation) +{ + String clockDisplay; + if (day > 0 && day < 6 && !vacation) + { + clockDisplay = System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return clockDisplay; +} +" +ea99b3155868575a8d4348850b4afe865c4c7ca4,"public String alarmClock(int day, boolean vacation) +{ + String clockDisplay; + if (day > 0 && day < 6 && !vacation) + { + clockDisplay = System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return clockDisplay; +} +" +0cf2d02e0326935046fc801f3f9de834978f527d,"public String alarmClock(int day, boolean vacation) +{ + String answer = ""10:00""; + if (vacation == true) + { + if (day==0 || day == 6) + { + answer = ""off""; + } + } + else + { + if (day > 0 && day < 6) + { + answer = ""7:00""; + } + } + return answer; + +} +" +d5a37156dbccaa5676515c1d63d93cb1ce63c56a,"public String alarmClock(int day, boolean vacation) +{ + public static void main(String args[]) + { + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + + } +} +" +00130488b25687cdc370d0804c4caaceb4750d85,"public String alarmClock(int day, boolean vacation) +{ + + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + +} +" +55191c6e650784513a56d3be88a63813ad6cac0c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if(!vaction) + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +05dc16344758fe37739f06f6ca55134c61ab8f56,"public String alarmClock(int day, boolean vacation) +{ + + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return String +} +" +f2ceadfced4a79ab1ef98e75578eb41d975ba3ee,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if(!vacation) + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +1c70aa338b35e11a30e85ece7d48692a112be74b,"public String alarmClock(int day, boolean vacation) +{ + + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + return String; +} +" +42f2f298a81c8976b0bc0b8430898903a7ccb11d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +34049842e099da9aed0bc8c5757c11069b4c1e03,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + else if(!vacation) + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} +" +beffb74218290b08f5c0479166a659b53e0b6d74,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +304603bcdc86e6da240692d9d8445fdd8f7e587b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(!vacation) + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +680f8f5a26ef1f9824748d4d618e5b318a028bb8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + + if(!vacation) + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +32b2d3c6044580fec5052a1d3f54fc32c2b41929,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +a1213cebf7b38576cc1281afc404b5b910541522,"public String alarmClock(int day, boolean vacation) +{ + + String Time; + if (day > 0 && day < 6 && !vacation) + { + Time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + Time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + Time = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + Time = ""off""; + } + System.out.println(Time) +} +" +3c7cb1af1366f5dbba7f306b88d8d5ab721514cd,"public String alarmClock(int day, boolean vacation) +{ + + String Time; + if (day > 0 && day < 6 && !vacation) + { + Time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + Time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + Time = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + Time = ""off""; + } + System.out.println(Time); +} +" +8e665c4f56224df458078659303e62e6641a7199,"public String alarmClock(int day, boolean vacation) +{ + + String Time; + if (day > 0 && day < 6 && !vacation) + { + Time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + Time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + Time = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + Time = ""off""; + } + return System.out.println(Time); +} +" +80c223d0a554ea547e41510cd3e60df199a92813,"public String alarmClock(int day, boolean vacation) +{ + public static void main(String args[]){ + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + } + +} +" +94e8723955e5d6e22344095e97ab178802f4c41e,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + + +} +" +01ff417b764e281609032a96d333738d3bad2cab,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + + return ("""") +} +" +387c288815ea5637883c26881cece37321e1bb4e,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + System.out.println(""7:00""); + } + else if (day < 1 || day > 5 && !vacation) + { + System.out.println(""10:00""); + } + else if (day > 0 && day < 6 && vacation) + { + System.out.println(""10:00""); + } + else if (day < 1 || day > 5 && vacation) + { + System.out.println(""off""); + } + + return (""""); +} +" +96a04a3407eb9408ec252c71c7aaf270ffcb59ac,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + String time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String time = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String time = ""off""; + } + + return (time); +} +" +150314d9cef09b8f447c8c43d421886e44864aaa,"public String alarmClock(int day, boolean vacation) +{ + String time; + if (day > 0 && day < 6 && !vacation) + { + String time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String time = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String time = ""off""; + } + + return (time); +} +" +79baee363b21f7d2dae0ddd11d7b2855b17a2b51,"public String alarmClock(int day, boolean vacation) +{ + String timeset; + if (day > 0 && day < 6 && !vacation) + { + String timeset = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String timeset = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String timeset = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String timeset = ""off""; + } + + return (timeset); +} +" +8d67d22220b9c11e68b2914444a246070ffa003e,"public String alarmClock(int day, boolean vacation) +{ + String timeset; + if (day > 0 && day < 6 && !vacation) + { + String timeset = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String timeset = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String timeset = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String timeset = ""off""; + } + + return (timeset); +} +" +c4aa9fd9703ac25832d97fe49661bc280fbdbcf6,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0 || day == 6 || vacation) + { + return (""10:00""); + } + else + { + return (""7:00""); + } +} +" +28359322b136ec41397c02a1453a4afd8a3d184b,"public String alarmClock(int day, boolean vacation) +{ + String timeset; + if (day > 0 && day < 6 && !vacation) + { + String timeset = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String timeset = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String timeset = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String timeset = ""off""; + } + + return (timeset); +} +" +ee18d73d705eaa5e6a8b3d7e58b48fd78f7a5bed,"public String alarmClock(int day, boolean vacation) +{ + String timeset; + if (day > 0 && day < 6 && !vacation) + { + String timeset = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String timeset = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String timeset = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String timeset = ""off""; + } + + return (timeset); +} +" +b0c95c728df54270a4e9471a719ed403e129c423,"public String alarmClock(int day, boolean vacation) +{ + String timeset = 0; + if (day > 0 && day < 6 && !vacation) + { + String timeset = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String timeset = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String timeset = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String timeset = ""off""; + } + + return (timeset); +} +" +d49c30fb7722d280a60425056ebd61ec09e816ee,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + String timeset = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + String timeset = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + String timeset = ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + String timeset = ""off""; + } + + return (timeset); +} +" +ee80b3ccf0dc3522957519805cde0151065fd512,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0 || day == 6) && vacation) + { + return (""off""); + } + if(day == 0 || day == 6 || vacation) + { + return (""10:00""); + } + else + { + return (""7:00""); + } +} +" +3faec48b976d105992d6d94343ffa87315a85fe0,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + +} +" +64fc3be90eda780b012d0bdb3938484c07a0aff8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day ==6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + + } +} +" +dd6c9eb90c3975ad668a3c1fc612983e04fc6300,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day==0 || day==6) + return ""off""; + else + return ""10:00""; + + if (day==0 || day==6) + return ""10:00""; + else if + return ""7:00""; +} +" +a91eb5d5606047a6b25f0f27c1f8feea8fc7516c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + return ""10:00""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +4d0ee748d2092fa631a7f95802a2f64f209b999e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day==0 || day==6) + return ""off""; + else + return ""10:00""; + + if (day==0 || day==6) + return ""10:00""; + else + return ""7:00""; +} +" +e1f80924e2fa9aba6195f174166b813b13fea19e,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0 && day == 6 && vacation) + { + return ""off""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +3dffa9b905c0131a576f68b308d4a575e33d55de,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + returnm ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + +} +" +b039629cbd93835606ba284f46832944eae7da53,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + +} +" +d832642cded155ba61945ed277e663a0de8cb32c,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0 || day == 6 && vacation) + { + return ""off""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +856a617ecf767f2844c82a4062a91070c425227d,"public String alarmClock(int day, boolean vacation) +{ + + if (day > 0 && day < 6 && !vacation) + { + return ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + return ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + return +} +" +92f4e5fc6f36dc1c0be2a7665f9b3868dbf6e072,"public String alarmClock(int day, boolean vacation) +{ + boolean weekend = day == 6 || day == 0; + if (weekend) + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +a838f6af730ce409d72ba7dfaeb43329878169a4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation){ + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + + + +} +" +0848c813ef0da1d957b223beddabf90a2661a263,"public String alarmClock(int day, boolean vacation) +{ + time = "" "" + if (day > 0 && day < 6 && !vacation) + { + time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + return +} +" +755707da8e58c033eea28ea2a9e3fc4eb08ef9f4,"public String alarmClock(int day, boolean vacation) +{ + time = "" "" + if (day > 0 && day < 6 && !vacation) + { + time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + return time +} +" +66f0323c8dbef408a101c8d114c9d11d8f9a0ec2,"public String alarmClock(int day, boolean vacation) +{ + time = "" "" + if (day > 0 && day < 6 && !vacation) + { + time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + return time; +} +" +98278ce0c3738821f69fe1895c5e1e80ce691dd7,"public String alarmClock(int day, boolean vacation) +{ + time = "" ""; + if (day > 0 && day < 6 && !vacation) + { + time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + return time; +} +" +79bb96e9d9305071eef698f1380f6eb97f7a460d,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (day > 0 && day < 6 && !vacation) + { + time = ""7:00""; + } + else if (day < 1 || day > 5 && !vacation) + { + time = ""10:00""; + } + else if (day > 0 && day < 6 && vacation) + { + return ""10:00""; + } + else if (day < 1 || day > 5 && vacation) + { + return ""off""; + } + return time; +} +" +c0514fec8855baf4c19d0d2d89bf5007c59567e8,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0 || day == 6 && vacation) + { + return ""off""; + } + else if(vacation) + { + return ""10:00""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +e045517cae93010da8c82476876961a285ca64a7,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 || day <= 5) + { + if (vacation == true) + return ""10:00""; + else + return ""7:00""; + } + else + { + if (vacation == true) + return ""off""; + else + return ""10:00"" + } +} +" +54b2ec2b18d27fa5fa1b6f025fc6f7aa11f2454d,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 || day <= 5) + { + if (vacation == true) + return ""10:00""; + else + return ""7:00""; + } + else + { + if (vacation == true) + return ""off""; + else + return ""10:00""; + } +} +" +28420cbc8781dd1238ba9ea9a14a7a3ef6654354,"public String alarmClock(int day, boolean vacation) +{ + if(day == 6 && vacation) + { + return ""off""; + } + else if(vacataion && day == 0) + { + return ""10:00""; + } + else if(vacation) + { + return ""10:00""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +646352455df9ede579696b9ab3e037e0895c17c0,"public String alarmClock(int day, boolean vacation) +{ + if (1 <= day <= 5) + { + if (vacation == true) + return ""10:00""; + else + return ""7:00""; + } + else + { + if (vacation == true) + return ""off""; + else + return ""10:00""; + } +} +" +7881585c475b50aee80ca639f879d09ec3e53503,"public String alarmClock(int day, boolean vacation) +{ + if(day == 6 && vacation) + { + return ""off""; + } + else if(vacation && day == 0) + { + return ""10:00""; + } + else if(vacation) + { + return ""10:00""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +aed668769a14daf074c25c29a736170a7e7f8d63,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if day = 0 + return ""off""; + else if day = 6 + return ""off""; + else + return ""10:00""; + else + if day = 0 + return ""10:00""; + else if day = 6 + return ""10:00""; + else + return ""7:00""; +} +" +16c135933ca0a38656499de0bed1c6508189eb30,"public String alarmClock(int day, boolean vacation) +{ + if(day == 6 || day == 0 && vacation) + { + return ""off""; + } + else if(vacation) + { + return ""10:00""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +8fc072126cabc52a1a54b5beef59f8b8b570710a,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + { + if (vacation == true) + return ""off""; + else + return ""10:00""; + } + else + { + if (vacation == true) + return ""10:00""; + else + return ""7:00""; + } +} +" +d3b5b5002d2fb5151ac7e4e1451b450af69d7997,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day = 0) + return ""off""; + else if (day = 6) + return ""off""; + else + return ""10:00""; + else + if (day = 0) + return ""10:00""; + else if (day = 6) + return ""10:00""; + else + return ""7:00""; +} +" +e110e27b0e6ccdf38d0b1d746fdf97bb2bc18e56,"public String alarmClock(int day, boolean vacation) +{ + if(day == 6 && vacation) + { + return ""off""; + } + else if(day == 0 && vacation) + { + return ""off""; + } + else if(vacation) + { + return ""10:00""; + } + else if(day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +85ebe0281145e48d5880ac2a845a510908a2b914,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0) + return ""off""; + else if (day = 6) + return ""off""; + else + return ""10:00""; + else + if (day = 0) + return ""10:00""; + else if (day = 6) + return ""10:00""; + else + return ""7:00""; +} +" +be9edaa2d2f4e12c43079dee0f12b2d699ff5d6c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0) + return ""off""; + else if (day == 6) + return ""off""; + else + return ""10:00""; + else + if (day == 0) + return ""10:00""; + else if (day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +2cac348c069e29fa349d295947f10f58d22aa493,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +b91cad845f590721369679149fabb01aab7bcc42,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = null +} +" +e0fc6a559bcfb43a2522b96cad0d45cd6aa567bf,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = null; +} +" +95ef609c13fdbe7fb7a7fdce4d16c01ff4c11c0b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if day == 0 || day == 1 + return ""Off"" + else + return ""10:00"" + } + else + { + if day == 0 || day == 1 + return ""10:00"" + else + return ""7:00"" + } +} +" +09fe6a46d0f99a3cd1f89883b363343d3be1ea70,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if day == 0 || day == 1 + return ""Off""; + else + return ""10:00""; + } + else + { + if day == 0 || day == 1 + return ""10:00""; + else + return ""7:00""; + } +} +" +6eb876856d4340d67a6305993f948aad3c2970ba,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 1) + return ""Off""; + else + return ""10:00""; + } + else + { + if (day == 0 || day == 1) + return ""10:00""; + else + return ""7:00""; + } +} +" +4ba7a3716b0de9a8d7d5a388dff95400fce8be58,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + return ""Off""; + else + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +2a8c54e9bd4e71a58b32bfb79ca7fac074dbe8db,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +5f35436090d1f8c8c84c2da9cfb01ebf4975747b,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = null; + if (!vacation) + { + alarmClock(0) = 10; + alarmClock(1) = 7; + alarmClock(2) = 7; + alarmClock(3) = 7; + alarmClock(4) = 7; + alarmClock(5) = 7; + alarmClock(6) = 7; + } + return alarmClock; +} +" +5d0a5a219b0fc6a4e28b5c2dfa3eb77259216c11,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = day; + if (!vacation) + { + day(0) = 10; + day(1) = 7; + day(2) = 7; + day(3) = 7; + day(4) = 7; + day(5) = 7; + day(6) = 7; + } + return day; +} +" +7a71708b335e20aa00d49e656f3144d84129b2ff,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = day; + if (!vacation) + { + day(0) = 10; + day(1) = 7; + day(2) = 7; + day(3) = 7; + day(4) = 7; + day(5) = 7; + day(6) = 10; + } + return day; +} +" +1c1138748d51273957c84a9e66f0ea8f6a15912d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day >=1 && day <= 5) + return ""10:00"" + else + return ""Off"" + } + + else + { + if (day >= 1 && day<= 5) + return ""7:00"" + else + return ""10:00"" + } + + + + + +} +" +f2d1c6a6766303d52084843c404b87d308fb7771,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day >=1 && day <= 5) + return ""10:00""; + else + return ""Off""; + } + + else + { + if (day >= 1 && day<= 5) + return ""7:00""; + else + return ""10:00""; + } + + + + + +} +" +35d6cc0bb50939524ce991c2e0e7f2b62efffc01,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day >=1 && day <= 5) + return ""10:00""; + else + return ""off""; + } + + else + { + if (day >= 1 && day<= 5) + return ""7:00""; + else + return ""10:00""; + } + + + + + +} +" +4a1e7799aadea36dfcc35f37c846b214bee09cc9,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + } + else if (day == 0 || day == 6) + { + return ""off""; + } + else if (day > 0 && day < 6) + { + return ""10:00""; + } + +} +" +a022bd9337457d4dd20fe30790c0eb4520440023,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + } + else if (day == 0 || day == 6) + { + return ""off""; + } + else if (day > 0 && day < 6) + { + return ""10:00""; + } + return 0; +} +" +8e554ab3bf83887348a257883a009e8f78d0d410,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + } + else if (day == 0 || day == 6) + { + return ""off""; + } + else if (day > 0 && day < 6) + { + return ""10:00""; + } + return 0; +} +" +44e6eb07533cf329d2984a77c992662fc6fd8825,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + } + else if (day == 0 || day == 6) + { + return ""off""; + } + else if (day > 0 && day < 6) + { + return ""10:00""; + } + return ""0""; +} +" +5bf14ec8d2b72a5f31c1b7537e644e100f3cb419,"public String alarmClock(int day, boolean vacation) +{ + if(!(vaction)) + { + if(day == 6 || day == 0) + { + return off; + } + else + { + return 10:00; + } + } + else + if(day == 6 || day == 0) + { + return 10:00; + } + else + { + return 7:00; + } +} +" +a0de06381fce0f6a908f327f6410e1af4da33fe8,"public String alarmClock(int day, boolean vacation) +{ + if(!(vaction)) + { + if(day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + if(day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +4c5292b98af7a80ae9339f3537e0b8898344c4b2,"public String alarmClock(int day, boolean vacation) +{ + if(!vaction) + { + if(day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + if(day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +6512f0308d95b9555f57063be7ba231177d198d3,"public String alarmClock(int day, boolean vacation) +{ + if(!(vacation)) + { + if(day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + if(day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +73ab6b361486870ff0edde9b590279b2eabe15aa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day >=1 && day <= 5 ) + { + return ""10:00""; + } + if ( day == 6 || day ==0) + { + return ""off""; + } + } + if ( day >=1 && day <= 5 ) + { + return ""7:00""; + } + if ( day == 6 || day ==0) + { + return ""10:00""; + } + return ""off""; + + +} +" +2a1ce798357a5671cae080c90bfc8785bf596191,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + if(day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +8ac25102baee6fadeabcfd2e101ad3f1325bb218,"public String alarmClock(int day, boolean vacation) +{ + if vacation == true + { + if day == 0 || 6 + { + return ""off""; + } + else + return ""10:00""; + } + else + if day == 0 || 6 + { + return ""10:00""; + } + else + return ""7:00""; + + +} +" +08b01ed2e18f3d6e6cbcf2e1391e16d9ba9797b8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if day == 0 || 6 + { + return ""off""; + } + else + return ""10:00""; + } + else + if (day == 0 || 6) + { + return ""10:00""; + } + else + return ""7:00""; + + +} +" +670fda41c799fa75700fc2b6bf853313d14fffb5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || 6) + { + return ""off""; + } + else + return ""10:00""; + } + else + if (day == 0 || 6) + { + return ""10:00""; + } + else + return ""7:00""; + + +} +" +98e45b807029d8ea7e08655095309fb65f12713c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + return ""10:00""; + } + else + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + return ""7:00""; + + +} +" +ee5b56d47b95200936b3768c53dc20a7d0be4881,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true && (day == 0 || day == 6)) + { + return ""off""; + } + if(vacation == true && (day == 1 || day == 2 || day == 3 || day == 4 || day == 5)) + { + return ""10:00"" + } + if(vacation == false && (day == 0 || day == 6)) + { + return ""10:00"" + } + else + { + return ""7:00"" + } + + + +} +" +a8cf9c16e3288406207f9704feaf49dce80e61f2,"public String alarmClock(int day, boolean vacation) +{ + if(vacation == true && (day == 0 || day == 6)) + { + return ""off""; + } + if(vacation == true && (day == 1 || day == 2 || day == 3 || day == 4 || day == 5)) + { + return ""10:00""; + } + if(vacation == false && (day == 0 || day == 6)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + + + +} +" +c9de248509cbfb8df9345b3350b30d565867931d,"public String alarmClock(int day, boolean vacation) +{ + if (vaction == true) + { + if (day >= 1 || day<= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day >= 1 || day<= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +ff1e2d81fe631d396bd323f15669440e3f51917e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 || day<= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day >= 1 || day<= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +c2a41e4d34ef6a872b00db92adc2031177b1ec54,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 || day<= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day >= 1 && day<= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +b5f6094f75f0394dde24206dd9027ba4e3939983,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day<= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day >= 1 && day<= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +49aee4498a3bd06e65c1be21d21dae65c0da3169,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day = 0 || day = 6) + { + return ""10:00""; + } + } + else + { + return ""off""; + } +} +" +8781a1dd81d23c224812c66684e6de3006a83047,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else + { + return ""off""; + } +} +" +ef5a4e6b1e86e5a32037b428d07c97458f1c0e9a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else + { + return ""off""; + } + return off; +} +" +0e46ff89f3ac5402046bfaa4fcb2393c7bf38fab,"public String alarmClock(int day, boolean vacation) +{ + String time = new String; + if (vacation == true) + { + if (day > 0 && day < 6) + { + time == ""7:00""; + } + else if (day == 0 || day == 6) + { + time == ""10:00""; + } + } + else + { + time == ""off""; + } + return ""time""; +} +" +e392f118996291a980a77edf7672082125469c4b,"public String alarmClock(int day, boolean vacation) +{ + String time = new String[]; + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else + { + time = ""off""; + } + return ""time""; +} +" +1b5cc0897d159bca712e02003efa8a9b0c20e126,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(""off""); + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else + { + time = ""off""; + } + return ""time""; +} +" +be1a3bf16c9cdcb70fc026872f4547bd0beffee7,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(""off""); + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else + { + time = ""off""; + } + return time; +} +" +1f128734cb0171f959ebab87a8abaf97a624d81f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + ""10:00"" + } + else + { + ""off"" + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + ""7:00"" + } + else + { + ""10:00"" + } + } +} +" +8efb0f0636713f50149023b31a8df5d46e32eae5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + ""10:00""; + } + else + { + ""off""; + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + ""7:00""; + } + else + { + ""10:00""; + } + } +} +" +7e582a8e242b815894cf7b256e5b65add9482839,"public String alarmClock(int day, boolean vacation) +{ + if (not vacation) + { + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else if (day != 0 && day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + +} +" +919718dcbcdb5ab179243431fc232702ebb5a344,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(""off""); + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = String(""7:00""); + } + else if (day == 0 || day == 6) + { + time = String(""10:00""); + } + } + else + { + time = String(""off""); + } + return time; +} +" +02593e30529f57a6885dd3cfafae0abe02b66105,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true) + } + else + { + ""off""; + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + ""7:00""; + } + else + { + ""10:00""; + } + } +} +" +e55d813caff0417aef7e9ad2d13ab79799c11c07,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true); + } + else + { + ""off""; + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + ""7:00""; + } + else + { + ""10:00""; + } + } +} +" +88ed2589a20abd02a37f201b47182b9273f31486,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 && day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +b9aba0f2360d49511c2c81f94f01147ea7450228,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true); + } + else + { + alarmClock(0, true); + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, false); + } + else + { + alarmClock(0, false); + } + } +} +" +fc9f44870b951580a7f1b592d6ae43fcbd50b072,"public String alarmClock(int day, boolean vacation) +{ + if ((vacation && day != 0 && day != 6) || (!vacation && (day == 0 || day == 6))) + { + return ""10:00""; + } + else if (vacation && (day == 0 || day == 6)) + { + return ""off""; + } + else + { + return ""7:00""; + } +} +" +0507889501f20ed3f80daf0abba2bb69d84908c8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true); + } + else + { + alarmClock(0, true); + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, false); + } + else + { + alarmClock(0, false); + } + } + else + { + } +} + +" +cfe0c78ff595878637d051d7cfedaccaf44b052b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true); + } + else + { + alarmClock(0, true); + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, false); + } + else + { + alarmClock(0, false); + } + } + display(alarmClock); +} + +" +fee4b55cb966c78b6f8fac6f93eb9f9e05c525d8,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(); + if (vacation == true) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else + { + time = ""off""; + } + return time; +} +" +045112731ae38a48a3c90d69ea71ac00e2b19692,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(); + if (vacation == false) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else + { + time = ""off""; + } + return time; +} +" +a76199862b015c0e1a6e5100b170763ac2788c54,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true); + } + else + { + alarmClock(0, true); + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, false); + } + else + { + alarmClock(0, false); + } + } + this.display(alarmClock); +} + +" +db78a6ebf262a343a7d586d49bd41d621388fcc5,"public String alarmClock(int day, boolean vacation) +{ + String time = new String(); + if (vacation == false) + { + if (day > 0 && day < 6) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else + { + if (day > 0 && day < 6) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; +} +" +60823ad1a2da52a9bc4c5195aa2e6d5e62e79407,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, true); + } + else + { + alarmClock(0, true); + } + } + else if (vacation = false) + { + if (day >= 1 && day <= 5) + { + alarmClock(day, false); + } + else + { + alarmClock(0, false); + } + } + return(alarmClock); +} + +" +a38653aba0bf408afb7f4eb645f7569cc396043c,"public String alarmClock(int day, boolean vacation) +{ + if ((day==1 || day==2 || day==3 || day==4 || day==5) && vacation==true) + return ""10:00""; + if ((day==0 || day ==6) && vacation == false) + return ""10:00""; + if ((day==0 || day ==6) && vacation == true) + return ""off"" + else + return ""7:00"" + +} +" +f6e3ec5bc6f906068731f7ab16edf3f95fe8a569,"public String alarmClock(int day, boolean vacation) +{ + if ((day==1 || day==2 || day==3 || day==4 || day==5) && vacation==true) + return ""10:00""; + if ((day==0 || day ==6) && vacation == false) + return ""10:00""; + if ((day==0 || day ==6) && vacation == true) + return ""off""; + else + return ""7:00""; + +} +" +1aa9830081c9833e1b7487139c896b1a983b921c,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(1||2||3||4||5, false) + { + time = ""7:00""; + } + if alarmClock(1||2||3||4||5, true) + { + time = ""10:00""; + } + if alarmClock(6||7, true) + { + time = ""off""; + } + if alarmClock(6||7, false) + { + time = ""10:00""; + } + return time; +} +" +8457bf40fd21c73cb47ad6f77258843771ba0812,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1||2||3||4||5, false)) + { + time = ""7:00""; + } + if (alarmClock(1||2||3||4||5, true)) + { + time = ""10:00""; + } + if (alarmClock(6||7, true)) + { + time = ""off""; + } + if (alarmClock(6||7, false)) + { + time = ""10:00""; + } + return time; +} +" +463ec939532da89aed0e2e348e85c59e1b1b6e92,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; +} +" +3963d404ebf4098154ab6f7eaf9e7df3222778e6,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1, false)) + { + time = ""7:00""; + } + if (alarmClock(1, true)) + { + time = ""10:00""; + } + if (alarmClock(6, true)) + { + time = ""off""; + } + if (alarmClock(6, false)) + { + time = ""10:00""; + } + return time; +} +" +f082a56e039e74f0925266ecc7c151f9d353ad4b,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1, false)) + { + double time = ""7:00""; + } + if (alarmClock(1, true)) + { + double time = ""10:00""; + } + if (alarmClock(6, true)) + { + double time = ""off""; + } + if (alarmClock(6, false)) + { + double time = ""10:00""; + } + return time; +} +" +0d5426a907f457bf9aca12929bae0a5b41f41623,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00"" + } + } + if (!vacation) + { + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +d1f645dc038c36e3b19543dacc9ce46174e92ead,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (!vacation) + { + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +57ca7569106f6e13c4ffdf3c1091f6f44a691592,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (!vacation) + { + if (day != 0 && day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + return ""10:00""; +} +" +a90e1bb3e030876f490d839867fddf3513488cb7,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation == true && ( day == 0 || day == 6 ) ) + return ""off""; + if ( vacation == true && ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) ) + return ""10:00""; + if ( vacation == false && ( day == 0 || day == 6 ) ) + return ""10:00""; + else return ""7:00""; +} +" +65ff4ad845e2ea3edfda8c2b333123e2e8aa7f7b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (!vacation) + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } + +} +" +2ba185dde758843c1b83e42ce10dc48bab08ce31,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +}" +d6bb15546cb2e85070d9cb1db0fc6e1495e6696b,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +c459a21a268e7687faa289cdf404b0d87512b965,"public String alarmClock(int day, boolean vacation) +{ + int alarmClock; + + if (vacation) + { + alarmClock = ""off""; + } + else if ((alarmClock == 0) || (alarmClock == 6)) + { + alarmClock = ""7:00""; + } + else + { + alarmClock = ""10:00""; + } +} +" +4f13795082da880843ee3e6afb01f1e1e06b087a,"public String alarmClock(int day, boolean vacation) +{ + string alarmClock; + + if (vacation) + { + alarmClock = ""off""; + } + else if ((alarmClock == 0) || (alarmClock == 6)) + { + alarmClock = ""7:00""; + } + else + { + alarmClock = ""10:00""; + } +} +" +d67387a91c2ce0cc2c6cebda86395a047d79a71f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + return ""10:00""; + return ""off""; + } + if (day >= 1 && day <= 5) + return ""7:00""; + return ""10:00""; +} +" +781cca4ec015990627e963f309be9d2986f422ad,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (!vacation) + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } + +} +" +f17627ce481715e9f6f3801e5db9764d2d1a4612,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + + if (vacation) + { + alarmClock = ""off""; + } + else if ((alarmClock == 0) || (alarmClock == 6)) + { + alarmClock = ""7:00""; + } + else + { + alarmClock = ""10:00""; + } +} +" +03d437cc01b746048757421bc5f7d315dec65a02,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + + if (vacation) + { + alarmClock = ""off""; + } + else if ((day == 0) || (day == 6)) + { + alarmClock = ""7:00""; + } + else + { + alarmClock = ""10:00""; + } +} +" +5626a3b1dcf2153b3438aeb9c6721a14510c2da8,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + + if (vacation) + { + alarmClock = ""off""; + } + else if ((day == 0) || (day == 6)) + { + alarmClock = ""7:00""; + } + else + { + alarmClock = ""10:00""; + } + return alarmClock; +} +" +89ac8686232d564e7f1d57ac2af6d3930c195958,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } + +} +" +a90b18a80abfb60ae95d750d9ab551b2f274c5f8,"public String alarmClock(int day, boolean vacation) +{ + alarmClock;(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +b6a2b7c067491554c7576102124430ec4f53d0f9,"public String alarmClock(int day, boolean vacation) +{ + if(not vacation) + { + if(day != 0 and day != 6) + { + return ""7:00"" + } + else + { + return ""10:00"" + } + } + else if(day != 0 and day != 6) + { + return ""10:00"" + } + else + { + return ""off"" + } +} +" +b2d632403c30d0a122e81923feaaaa9305154a46,"public String alarmClock(int day, boolean vacation); +{ + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +f90f4209c0769229c85ac2c0392970d7920341e4,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true) -> ""off""; + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +2bafd7b9a75f463fcc91b56393f166c9211143de,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true); -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +2561b6095c5845cbf19ae000d348f7decb862732,"public String alarmClock(int day, boolean vacation) +{ + if(not vacation) + { + if(day != 0 and day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else if(day != 0 and day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +fb7cf1252957a74cb3154b2cc6b0378de09f1b1a,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00""; + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +336bd4385792682fa85c1eaca3269bbfb6dce9db,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true) -> ""off"" + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" + alarmClock(0, false) -> ""10:00"" +} +" +08af7faca4d5fe1175d6a4087aa951177bfe0f79,"public String alarmClock(int day, boolean vacation) +{ + if (not vacation) + { + if (day != 0 and day != 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else if (day != 0 and day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +478f4cf31f431c76701b5a820c6409a62f4ed70e,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + + if ((vacation) && (day != 0) && (day != 6)) + { + alarmClock = ""10:00""; + } + else if ((vacation) && (day == 0) || (day == 6)) + { + alarmClock = ""off""; + } + else + { + alarmClock = ""7:00""; + } + return alarmClock; +} +" +2ee30eaa69d55c270dbf3d3d64967df839e037ea,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true) -> ""off"" + + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +713ef7a660dbae8d9381b6323faeb6d3255c8ae0,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if ( vacation = false) + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + time = ""7:00""; + return time; + } + else + { + time = ""10:00""; + return time; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + time = ""10:00""; + return time; + } + else + { + time = ""off""; + return time; + } + } +} +" +afb45cc5c4eed0619be09c2a117bfd11ec8eda99,"public String alarmClock(int day, boolean vacation) +{ + if(0) + { + return 10:00; + } + else if(1) + { + return 7:00; + } + else if(2) + { + return 7:00; + } + else if(3) + { + return 7:00; + } + else if(4) + { + return 7:00; + } + else if(5) + { + return 7:00; + } + else if(6) + { + return 10:00; + } +} +" +a6e3d9a005f3180205b631d5cc2f42ceebac7c51,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, true) + { + return ""off""; + } + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +7ecece9fc74ee2f9096d2fbc284d8b3c0f1e6e25,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + alarmClock(6, true) -> ""off"" + alarmClock(1, true) -> ""10:00"" + alarmClock(2, true) -> ""10:00"" + alarmClock(3, true) -> ""10:00"" + alarmClock(4, true) -> ""10:00"" + alarmClock(5, true) -> ""10:00"" +} +" +53528eefdb6b36b3dc7ab9fd4d0bfd18ac4448e7,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if ( vacation = false) + { + if (day = 1 || 2 || 3 || 4 || 5) + { + time = ""7:00""; + return time; + } + else + { + time = ""10:00""; + return time; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + time = ""10:00""; + return time; + } + else + { + time = ""off""; + return time; + } + } +} +" +e36a3e4674091d0149a049d8ebdf732edfd6d915,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(6 && 0) + { + return 10:00; + } + else + { + return off; + } + } + if(0) + { + return 10:00; + } + else if(1) + { + return 7:00; + } + else if(2) + { + return 7:00; + } + else if(3) + { + return 7:00; + } + else if(4) + { + return 7:00; + } + else if(5) + { + return 7:00; + } + else + { + return 10:00; + } +} +" +7faa69ee57289df5d58133fa7ec3d81d9ee1ace1,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if ( vacation = false) + { + if (day = 1 || day = 2 || + day = 3 || day = 4 || day = 5) + { + time = ""7:00""; + return time; + } + else + { + time = ""10:00""; + return time; + } + } + else + { + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + { + time = ""10:00""; + return time; + } + else + { + time = ""off""; + return time; + } + } +} +" +7b132e5957d2d19b18d1e5012f68132d560b51ee,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(6 && 0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(0) + { + return ""10:00""; + } + else if(1) + { + return ""7:00""; + } + else if(2) + { + return ""7:00""; + } + else if(3) + { + return ""7:00""; + } + else if(4) + { + return ""7:00""; + } + else if(5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +d570e6f16a320756e686a6e0864f1e9fb7fd629b,"public String alarmClock(int day, boolean vacation) +{ + if (not vacation) + { + if (day !=0 && day !=6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else if (day !=0 && day !=6) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +f2de0b7fefbec3df68bf0198a8f5c8d9d228cd3c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(6 || 0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(0) + { + return ""10:00""; + } + else if(1) + { + return ""7:00""; + } + else if(2) + { + return ""7:00""; + } + else if(3) + { + return ""7:00""; + } + else if(4) + { + return ""7:00""; + } + else if(5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +05435c6a5fa7f6e03be07f76229d0666afa8ec3d,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day !=0 && day !=6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else if (day !=0 && day !=6) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +5830f27daa1b8092966917daf7e0b6f27303c9cb,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(6||0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(0) + { + return ""10:00""; + } + else if(1) + { + return ""7:00""; + } + else if(2) + { + return ""7:00""; + } + else if(3) + { + return ""7:00""; + } + else if(4) + { + return ""7:00""; + } + else if(5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +4cee46c350396dabe4f8c51668d891d2e4077f81,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(6||0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(0) + { + return ""10:00""; + } + else if(1) + { + return ""7:00""; + } + else if(2) + { + return ""7:00""; + } + else if(3) + { + return ""7:00""; + } + else if(4) + { + return ""7:00""; + } + else if(5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +25b283b25bef7adfaa177f2a52f6f922a45ff6f2,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if ( vacation = false) + { + if (day >=1 && day <= 5) + { + time = ""7:00""; + return time; + } + else + { + time = ""10:00""; + return time; + } + } + else + { + if (day >=1 && day <= 5) + { + time = ""10:00""; + return time; + } + else + { + time = ""off""; + return time; + } + } +} +" +97620987cee429f6d24298279fd458001041e0fe,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day=6||day=0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(0) + { + return ""10:00""; + } + else if(1) + { + return ""7:00""; + } + else if(2) + { + return ""7:00""; + } + else if(3) + { + return ""7:00""; + } + else if(4) + { + return ""7:00""; + } + else if(5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +9455dea4600f84d3c3408a66f905ecd9f8530e15,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + + if ((vacation) && (day != 0) && (day != 6)) + { + alarmClock = ""10:00""; + } + else if ((vacation) && (day == 0) || (day == 6)) + { + alarmClock = ""off""; + } + else if ((day == 0) || (day == 6)) + { + alarmClock = ""10:00""; + } + else + { + alarmClock = ""7:00""; + } + return alarmClock; +} +" +9efeaf774cc1cad1f703a5500b42d76f514dee3d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day=6 || day=0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(day=0) + { + return ""10:00""; + } + else if(day=1) + { + return ""7:00""; + } + else if(day=2) + { + return ""7:00""; + } + else if(day=3) + { + return ""7:00""; + } + else if(day=4) + { + return ""7:00""; + } + else if(day=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +390a9a791ea2c21559e81a5aeda63740776ea4ba,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + + if ( vacation != true) + { + if (day >=1 && day <= 5) + { + time = ""7:00""; + return time; + } + else + { + time = ""10:00""; + return time; + } + } + else + { + if (day >=1 && day <= 5) + { + time = ""10:00""; + return time; + } + else + { + time = ""off""; + return time; + } + } +} +" +d3dcafd019197d85a3b2ca16a3372c79e316a55c,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + + if ((vacation) && (day != 0) && (day != 6)) + { + alarmClock = ""10:00""; + } + else if ((vacation) && (day == 0)) + { + alarmClock = ""off""; + } + else if ((vacation) && (day == 6)) + { + alarmClock = ""off""; + } + else if ((day == 0) || (day == 6)) + { + alarmClock = ""10:00""; + } + else + { + alarmClock = ""7:00""; + } + return alarmClock; +} +" +de1f2430500d9f3eaa26a20e94beb69ab48da6eb,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day==6 || day==0) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if(day==0 || day== 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +c928bf30ce256480907a369ed7dbda49bd9213d4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day==6 || day==0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if(day==0 || day== 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + +} +" +726f8bea2acf62f0ee50c3e15f782ae528433a64,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true) || alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(>=1, false) && alarmClock(<=5, false)) + { + return ""7:00"" + } + else + { + return ""10:00"" + } +} +" +a7488bbbf5468873fdbb89f02b696b9c63ffca4e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (vacation = false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""10:00""; + } + +" +372fbbf50df90381b3732afa0371f8471d49b54e,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true) || alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(>=1, false) && alarmClock(<=5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +e7020c2a25c2d1e2c773633f561e62f809b412cb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (!vacation) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + return ""10:00""; + } + +" +e71d1748d791246bdd717d670f660bbc4f8497ff,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true) || alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(day >= 1, false) && alarmClock(day <= 5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +1de12b0940990ebf443eae747b02f83a438ca1c1,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + if else (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(day >= 1, false) && alarmClock(day <= 5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +bd56fe385d4a5eb8e85a437d76bbb5d31bb22ba3,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation = false) + return 7:00; + if (day >=1 && day <=5 && vacation = true) + return 10:00; + if ((day = 0 || day = 6) && vacation = false) + return 10:00; + if ((day = 0 || day = 6) && vacation = false) + return null; + +} +" +71f6c9fb5570f2a9267d64526fdf6b79c935756c,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + if else (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) && alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +8ca71359d789ef9634abd78d2b0b598f2b963d08,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + if else (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) && alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +75f7c49fa06478b7bd7b7e2b77e35eb493940db2,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + else if (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) && alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +78d71c7e8c820317bdb327f434be905cbd81e21e,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation = false) + return ""7:00""; + if (day >=1 && day <=5 && vacation = true) + return ""10:00""; + if ((day = 0 || day = 6) && vacation = false) + return ""10:00""; + if ((day = 0 || day = 6) && vacation = false) + return null; + +} +" +6d88acd6ada4980e6b189478d234b4a6ed65e507,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + else if (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) || alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +0c655ec792f756764fc54b067ad3f0d368b9f497,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, vacation)) + { + return ""off""; + } + else if (alarmClock(6, vacation)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) || alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +f6ea4b1e01116cc1c28a63d6c1af53a1d66c1932,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) + { + return ('10:00'); + } + else + { + return ('off'); + } + + } + + if ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) + { + return ('7:00'); + } + else + { + return ('10:00'); + } + + +} +" +46d65b84869c017484fa88078d55e8d02b2b793e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) + { + return (""10:00""); + } + else + { + return (""off""); + } + + } + + if ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + + +} +" +385d40e75266437bcd37b682a3379abaf1a985cb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return off; + else return 10:00; + + if (!vacation) + if (day == 0 || day == 6) + return 10:00 + else + return 7:00; + + +} +" +30f8be8bc4307b3eb7ee399100d1c60787a9815c,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + -> ""off""; + } + else if (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) || alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +79cc2804e765c1b1f5ec418ddde82e9834dabda2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6) + return off; + else + return 10:00; + } + + + if (!vacation) + { + if (day == 0 || day == 6) + return 10:00 + else + return 7:00; + } + + +} +" +f7ef50b0ba67a2ef06d74ca271f5f7343d9c4b11,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + -> ""off"" + } + else if (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) || alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +c228c0578d4c9a376ea26c634de7e4b800de01a6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6) + return off; + else + return 10:00; + } + + + if (!vacation) + { + if (day == 0 || day == 6) + return 10:00; + else + return 7:00; + } + + +} +" +3d4034e0590f3dbe66d90a41c0fa3e1460415664,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, true)) + { + return ""off""; + } + else if (alarmClock(6, true)) + { + return ""off""; + } + else + { + return ""10:00""; + } + if (alarmClock(1, false) || alarmClock(5, false)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +9a05044620dcfe2dc444378adf1f994b0bd0b06f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation){ + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + if (!vacation) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } + + +} +" +a0df5e72aca149d24a434caeb287e1004636263a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + + + if (!vacation) + + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + + + +} +" +09e2839642c8ffef7fff45fc6ab55145b18dd587,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation = true) + return ""10:00""; + if ((day = 0 || day = 6) && vacation = false) + return ""10:00""; + if ((day = 0 || day = 6) && vacation = false) + return null; + +} +" +373966c49fff064d2bcb029206088c7caf14c593,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation == true) + return ""10:00""; + if ((day = 0 || day = 6) && vacation == false) + return ""10:00""; + if ((day = 0 || day = 6) && vacation == false) + return null; + +} +" +ff57ffc743a557467135684d973cff7243499ce4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + + + + + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + + + +} +" +b6c073a167c8044e821cceda54a7f8c67e485872,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0) + { + if (vacation) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else if (day == 1) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 2) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 3) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 4) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 5) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 6) + { + if (vacation) + { + alarm = ""Off""; + } + else + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +537e84a159139edbd09abff8ea241d0797199a7f,"public String alarmClock(int day, boolean vacation) +{ + int alarm = ""Off""; + if (day == 0) + { + if (vacation) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else if (day == 1) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 2) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 3) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 4) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 5) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 6) + { + if (vacation) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +00de8f107314af69fd1c4a336dc68c1df7939e21,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""Off""; + if (day == 0) + { + if (vacation) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + else if (day == 1) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 2) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 3) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 4) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 5) + { + if (vacation) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + else if (day == 6) + { + if (vacation) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + return (alarm); +} +" +328a01004efe1d617166b59b4edaaef4ad017bf7,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation == true) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return null; + +} +" +b3ab81fc9690c3f971dd6b7fab93b7598039a13d,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation == true) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""off""; + + +} +" +a3bd09e7692c6d01514318aedb75dca64d2581b5,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation == true) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""off""; + + return 0; +} +" +bd948a47d478cf9cea8747403e1c4232e6bd845f,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation == true) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""off""; + + return ""d""; +} +" +49b059f18f593138796cca6fa296c3b8fa372d02,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5 && vacation == false) + return ""7:00""; + if (day >=1 && day <=5 && vacation == true) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == false) + return ""10:00""; + if ((day == 0 || day == 6) && vacation == true) + return ""off""; + + return ""d""; +} +" +c50be8d3f47736190d7d77d08849bd08d9f17498,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +49a78d8e7f0254ae9be06890a0cfade2481de265,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +2e98eedcb9144e2fd60b70308b218f515bc0a2f3,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if(day<=5 && day>=1) { + return ""10:00""; + } + else { + return ""off"" + } + } + + if(day<=5 && day>=1) { + return ""7:00""; + } + else { + return ""10:00"" + } + +} +" +7726ae1717b7c209ba99ec27e97a22b5e7b40ec0,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if(day<=5 && day>=1) { + return ""10:00""; + } + else { + return ""off"" + } + } + + if(day<=5 && day>=1) { + return ""7:00""; + } + else { + return ""10:00"" + } + +} +" +5d7f32aa01378902324df9ced4354d01cbe71d68,"public String alarmClock(int day, boolean vacation) +{ + while(vacation) + { + if(day<=5 && day>=1) { + return ""10:00""; + } + else { + return ""off""; + } + } + + if(day<=5 && day>=1) { + return ""7:00""; + } + else { + return ""10:00""; + } + +} +" +21b0df2931a11ebf4b11fe8f9d0448fd95a8c6ea,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} + +" +aab96d5d5c4db0c1b6722d02fd57552b880a0e91,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} + +" +59353a2329d33245f83c63dd3a8f37d00a613937,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + + if (0 < day && day < 6) + { + if (vacation == true) + { + alarm = ""10:00"" + } + else{ + alarm = ""7:00"" + } + } + else{ + if (vacation == true) + { + alarm = ""10:00"" + } + else{ + alarm = ""7:00"" + } + } + + return alarm; +} +" +0f4c11bb824eb6d0918504b4e2964d6f37aa9277,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + + if (0 < day && day < 6) + { + if (vacation == true) + { + alarm = ""10:00""; + } + else{ + alarm = ""7:00""; + } + } + else{ + if (vacation == true) + { + alarm = ""10:00""; + } + else{ + alarm = ""7:00""; + } + } + + return alarm; +} +" +bdf70e8ef75a90763c97ce9a65554909b6139fe4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + if (day = 0 || day = 5 || day = 6) + return ""off""; + else + return ""10:00""; + else + if (day = 0 || day = 5 || day = 6) + return ""10:00""; + else + return ""7:00""; +} +" +a5dae4215ca0c798a4e29647d1ca6edb5a8e1b89,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + + if (0 < day && day < 6) + { + if (vacation == true) + { + alarm = ""10:00""; + } + else{ + alarm = ""7:00""; + } + } + else{ + if (vacation == true) + { + alarm = ""10:00""; + } + else{ + alarm = ""off""; + } + } + + return alarm; +} +" +942b336b4af9855730f21518dc5ee501d6977168,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + if (day == 0 || day == 5 || day == 6) + return ""off""; + else + return ""10:00""; + else + if (day == 0 || day == 5 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +e539fc5dd8edd285425588948ed0d89814df81ee,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +64517e829da0e216bf988e4f1b2100513d2ebc4d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + else + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +4cfa2aa1ec1054c63efa920a2a19784233886ce0,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + + if (0 < day && day < 6) + { + if (vacation == true) + { + alarm = ""10:00""; + } + else{ + alarm = ""7:00""; + } + } + else{ + if (vacation == true) + { + alarm = ""off""; + } + else{ + alarm = ""10:00""; + } + } + + return alarm; +} +" +564830bc1ce055150a915470b0125136b41a606a,"public String alarmClock(int day, boolean vacation) +{ + def_alarm(day, vacation): + if (not vacation) + if (day != 0 and day != 6) + return ""7:00""; + else + return ""10:00""; + else if (day != 0 && day != 6 + return ""10:00""; + else + return ""off""; +} +" +8a39283e8e6ae0efbe7af1cec96edfbd46f401b5,"public String alarmClock(int day, boolean vacation) +{ + if (day != 0 and day != 6) + return ""7:00""; + else + return ""10:00""; + else if (day != 0 && day != 6 + return ""10:00""; + else + return ""off""; +} +" +51240c4ea7fff2807d80990f932078bbaebec4fa,"public String alarmClock(int day, boolean vacation) +{ + if (day != 0 and day != 6) + return ""7:00""; + else + return ""10:00""; + else if (day != 0 && day != 6 + return ""10:00""; + else + return ""off""; +} +" +d71f7eccbc9c8ce6dd3abbdb374a67e3bca991fb,"public String alarmClock(int day, boolean vacation) +{ + if (day != 0 && day != 6) + return ""7:00""; + else + return ""10:00""; + else if (day != 0 && day != 6 + return ""10:00""; + else + return ""off""; +} +" +d09a22e09144e2344b7e0afcac4a9abf38fdfc19,"public String alarmClock(int day, boolean vacation) +{ + if (day != 0 && day != 6) + return ""7:00""; + else + return ""10:00""; + else if (day != 0 && day != 6) + return ""10:00""; + else + return ""off""; +} +" +ccff3ad37068e69ccf74d1ab7e94a8a479d286c2,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation = true) + { + return ""10:00""; + } + else if (day >= 1 && day <= 5 && vacation = false) + { + return ""7:00""; + } + else if (day = 0 || day = 6 && vacation = true) + { + return ""off""; + } + else + { + return ""10:00"") + } +} +" +32ac18052b825f0207ccb8734d1886bdf0114f0d,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation = true) + { + return ""10:00""; + } + else if (day >= 1 && day <= 5 && vacation = false) + { + return ""7:00""; + } + else if (day = 0 || day = 6 && vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +026c29b951b38dde76f5f4b35950637ad613eab4,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && alarmClock.vacation = true) + { + return ""10:00""; + } + else if (day >= 1 && day <= 5 && vacation = false) + { + return ""7:00""; + } + else if (day = 0 || day = 6 && vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +4eab5af364ef1f48f74e4af3fab2ad53415ce1ab,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && isvacation = true) + { + return ""10:00""; + } + else if (day >= 1 && day <= 5 && vacation = false) + { + return ""7:00""; + } + else if (day = 0 || day = 6 && vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +82309f3867c63733ec0768f0b582104c179b8870,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation = true) + { + return ""10:00""; + } + else if (day >= 1 && day <= 5 && vacation = false) + { + return ""7:00""; + } + else if (day = 0 || day = 6 && vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +57a613249996eb704f8eb4942d9d8effa9c5b40f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +0f886f2d11aa06cb20e2c5c8db11c9875b6a5fe0,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 0 && day!= 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + + } + else + { + if (day != 0 && day!= 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + + + + } + + +} +" +2cb75271cca3ade7b39eee71d9c3a4cfb702e941,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +7456c11888628de105891f3f5bc262ecd54ad7d3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + if (day == 0 || day == 6) + { + return ""off"" + } + } + else + if (day > 0 && day < 6) + { + return ""7:00""; + } + if (day == 0 || day == 6) + { + return ""10:00"" + } + +} +" +14c8c64492a1f5aa24eba0f854fd5e6bf716905b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + if (day == 0 || day == 6) + { + return ""off"" ; + } + } + else + if (day > 0 && day < 6) + { + return ""7:00""; + } + if (day == 0 || day == 6) + { + return ""10:00""; + } + +} +" +b61cbf5bea45898449c55a46340f0eba0afe08bf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off"" ; + } + } + else + if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +28233825d8e70e9daf49e570dc36f48a350ee78c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + +} +" +c87fc1426f92fe4b580d8ef5409e226a8e586262,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +e68ce4c9cc17781c6c6a76e25c0c97d3789a7b85,"public String alarmClock(int day, boolean vacation) +{ + def alarm_clock(day, vacation): + if vacation and weekend + if vacation == True and day == 0: + return ""off"" + if vacation == True and day == 6: + return ""off"" + if weekday + if not vacation and day >= 1 and day <= 5: + return ""7:00"" + if weekend + if not vacation and day == 0 or day == 6: + return ""10:00"" + if vacation and weekday + if vacation == True and day >= 1 and day <= 5: + return ""10:00"" +} +" +df24852752a74501c91dcacc94e89b07d645f95b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else if (day > 0 && day < 6) + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } +} +" +37078510e9e12c5ec3950b221eedf3503d2005f0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +3bc0c8f90c27172f57201b2067e642b2cd2e7894,"public String alarmClock(int day, boolean vacation) +{ + def alarm_clock(day, vacation); + if vacation and weekend + if vacation == True and day == 0; + return ""off"" + if vacation == True and day == 6; + return ""off"" + if weekday + if not vacation and day >= 1 and day <= 5; + return ""7:00"" + if weekend + if not vacation and day == 0 or day == 6; + return ""10:00"" + if vacation and weekday + if vacation == True and day >= 1 and day <= 5; + return ""10:00"" +} +" +e333427dc8a5f28d64dfac85f7f3f01d0a4b426d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else if (day > 0 && day < 6) + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else if (day > 0 && day < 6) + { + return ""7:00""; + } + } +} +" +bc009fcff615939a89fec29308d66f7628d42935,"public String alarmClock(int day, boolean vacation) +{ + private String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off"" + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +05a54853a52ae8d972440186a9b27c8a99b4d586,"public String alarmClock(int day, boolean vacation) +{ + private String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +6f2c9ca0b0d433d8ed5d8b29ae75cd1a5c302007,"public String alarmClock(int day, boolean vacation) +{ + String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +8688fe491b2585f093d8f247a6801992fa691f9e,"public String alarmClock(int day, boolean vacation) +{ +if(vacation) +{ +if(day == 0 || day == 6) +return ""off""; +else +return ""10:00""; +} + +if(day == 0 || day == 6) +return ""10:00""; + +return ""7:00""; +} +} +" +3fb6a89fe09f5f48a33ff951fe777336611b28a5,"public String alarmClock(int day, boolean vacation) +{ + public String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +dbf5818b957321319704c1dc948fbd88d4e9a30c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + String time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +28d5c8d3288481d92c09188586b0bd30bf280b46,"public String alarmClock(int day, boolean vacation) +{ +if(vacation) +{ +if(day == 0 || day == 6) +return ""off""; +else +return ""10:00""; +} + +if(day == 0 || day == 6) +return ""10:00""; + +return ""7:00""; + +} +" +be260c72dca4d5aa16c1b0abab595ba30c442c3c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + String time = ""off""; + } + else if (day > 0 && day < 6) + { + String time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + String time = ""10:00""; + } + else if (day > 0 && day < 6) + { + String time = ""7:00""; + } + } + return time; +} +" +f7fccc161b95d2165f2b66baa82d3d842d474cef,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + String time = ""off""; + } + else if (day > 0 && day < 6) + { + String time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + String time = ""10:00""; + } + else if (day > 0 && day < 6) + { + String time = ""7:00""; + } + } + return String time; +} +" +b16a388c6a6bbf22c2d34e43e496fc4ef3766645,"public String alarmClock(int day, boolean vacation) +{ + public String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +603e13336b62c175f9d371f56292962de6396851,"public String alarmClock(int day, boolean vacation) +{ + String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +fab4a1499e6c1326914e30903bafca59b564b8c5,"public String alarmClock(int day, boolean vacation) +{ + String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + this.time = ""off""; + } + else if (day > 0 && day < 6) + { + this.time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + this.time = ""10:00""; + } + else if (day > 0 && day < 6) + { + this.time = ""7:00""; + } + } + return time; +} +" +3870580776ef3879de4df32391d8e6c013edb149,"public String alarmClock(int day, boolean vacation) +{ + pubic static String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + this.time = ""off""; + } + else if (day > 0 && day < 6) + { + this.time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + this.time = ""10:00""; + } + else if (day > 0 && day < 6) + { + this.time = ""7:00""; + } + } + return time; +} +" +867693e767b3eb9548e999e234ed3e5509f31e6e,"public String alarmClock(int day, boolean vacation) +{ + static String time; + if (vacation == true) + { + if (day == 0 || day == 6) + { + this.time = ""off""; + } + else if (day > 0 && day < 6) + { + this.time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + this.time = ""10:00""; + } + else if (day > 0 && day < 6) + { + this.time = ""7:00""; + } + } + return time; +} +" +8e1e760d69390f4c358bd1281f74dd8fed018253,"public String alarmClock(int day, boolean vacation) +{ + String time = """"; + if (vacation == true) + { + if (day == 0 || day == 6) + { + this.time = ""off""; + } + else if (day > 0 && day < 6) + { + this.time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + this.time = ""10:00""; + } + else if (day > 0 && day < 6) + { + this.time = ""7:00""; + } + } + return time; +} +" +e01e4a0f8a90c535b0f4b68005914cbd0610d89a,"public String alarmClock(int day, boolean vacation) +{ + String time = """"; + if (vacation == true) + { + if (day == 0 || day == 6) + { + time = ""off""; + } + else if (day > 0 && day < 6) + { + time = ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + time = ""10:00""; + } + else if (day > 0 && day < 6) + { + time = ""7:00""; + } + } + return time; +} +" +59b773d0ee26096b0946d192b2d12b2b9d6212b4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false) -> ""10:00"" + alarmClock(2, false) -> ""10:00"" + alarmClock(3, false) -> ""10:00"" + alarmClock(4, false) -> ""10:00"" + alarmClock(5, false) -> ""10:00"" + alarmClock(6, false) -> ""10:00"" + alarmClock(7, false) -> ""10:00"" + + + } + + if (weekdays) + { + alarmClock(1, false) -> ""7:00"" + alarmClock(2, false) -> ""7:00"" + alarmClock(3, false) -> ""7:00"" + alarmClock(4, false) -> ""7:00"" + alarmClock(5, false) -> ""7:00"" + } + if (weekdend) + + { + alarmClock(0, false) -> ""10:00"" + alarmClock(6, false) -> ""10:00"" + + +} +" +80ef715b44c3c185205f9aa9072f72c167b7c4f9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +160877d3731d3e42d4f05e6a7d51d5946ecd492d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1) + { + return ""10:00"" + } + if (day <= 5) + { + return ""10:00"" + } + else + { + return ""off"" + } + } + if (vacation == false) + { + if (day >= 1) + { + return ""7:00"" + } + if (day <= 5) + { + return ""7:00"" + } + else + { + return ""10:00"" + } + } +} +" +d930344c5c417944b306b7eca23b581ffd7ef412,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +e8d6dd73dabab65893ccd887016fe6de714dcdc4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1) + { + return ""10:00""; + } + if (day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if (vacation == false) + { + if (day >= 1) + { + return ""7:00""; + } + if (day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +a5fc2176380b449b0ae5e21b248982640377aa21,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +2945c690636d07867d99a0d464d504da2ed256b6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1) + { + return ""10:00""; + } + if (day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >= 1) + { + return ""7:00""; + } + if (day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +ab4ef6213da974785876efa0de6e7ddf61c70269,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false) -> 10:00; + alarmClock(2, false) -> 10:00; + alarmClock(3, false) -> 10:00; + alarmClock(4, false) -> 10:00; + alarmClock(5, false) -> 10:00; + alarmClock(6, false) -> 10:00; + alarmClock(7, false) -> 10:00; + + + } + + if (weekdays) + { + alarmClock(1, false) -> 7:00; + alarmClock(2, false) -> 7:00; + alarmClock(3, false) -> 7:00; + alarmClock(4, false) -> 7:00; + alarmClock(5, false) -> 7:00; + } + if (weekdend) + + { + alarmClock(0, false) -> 10:00; + alarmClock(6, false) -> 10:00; + + +} +" +bddd68de7f53de81a434de536f9447347a491779,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + alarmClock(7, false); + + + } + + if (weekdays) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + } + if (weekdend) + + { + alarmClock(0, false); + alarmClock(6, false); + + +} +" +6b8e5787468dce15ec161a39da4c4ac9a5e60c96,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + alarmClock(7, false); + + + } + + if (weekdays) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + } + if (weekdend) + + { + alarmClock(0, false); + alarmClock(6, false); + } + + +} +" +fa4e3f4065b10a8cee898c3fbda048f5c883bd86,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1) + { + return ""10:00""; + } + if (day <= 5) + { + return ""10:00""; + } + if (day = 0) + { + return ""off""; + } + if (day = 6) + { + return ""off""; + } + } + else + { + if (day >= 1) + { + return ""7:00""; + } + if (day <= 5) + { + return ""7:00""; + } + if (day = 0) + { + return ""10:00""; + } + if (day = 6) + { + return ""10:00""; + } + } +} +" +02d59fbcc6e0ba7585caaca203a7338a5190c70b,"public String alarmClock(int day, boolean vacation) +{ + + public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} + +} +" +99ce38361ab4e147eaeb66667288f9321e3c4d4e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +7a8f350c3516e71a05870b18c99ecb017ca64f34,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00"" + } + else if (day == 0 || day == 6) + { + return ""10:00"" + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00"" + } + else if (day == 0 || day == 6) + { + return ""off"" + } + } + +} +" +f1b6a21088f3d902f8695bf67d37281ca46b0345,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + +} +" +3d5edc2e3d80ffc63c1f696ebb2c0625ba42e857,"public String alarmClock(int day, boolean vacation) +{ + time = String "" "" + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time + +} +" +ee853bfcc8b7747eeea7c50726a6acc5a9dbbe8b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return + +} +" +fcaf625c71e58044b2d8e434559387c193e81689,"public String alarmClock(int day, boolean vacation) +{ + time = String "" ""; + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time + +} +" +ca72f1bee1f0d620eb23b9efdeba2952b25a9c46,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <6) + { + return ""7:00""; + } + else + { + return 10:00; + } +} +" +d5685612dced62469ca22b5c3346c5417b745f5d,"public String alarmClock(int day, boolean vacation) +{ + time = String "" ""; + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; + +} +" +461f11e61959a0c360f770beb6527071191072af,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +7da288261046a1989ad59f7e1e7f642263efa5c4,"public String alarmClock(int day, boolean vacation) +{ + time = String """"; + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; + +} +" +edeac365f5d596c880521db86500b1490fd37092,"public String alarmClock(int day, boolean vacation) +{ + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} + + + +} +" +08044e1bac8e1d29cde62e8f9805395a382642d5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +6235480fe7d24adc78ae11ca514d5831b492f0e4,"public String alarmClock(int day, boolean vacation) +{ + time = String """" ; + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; + +} +" +51486723f74f6ce0ab4d2b5c6f8126825667aac3,"public String alarmClock(int day, boolean vacation) +{ + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} + + + + +" +bfea40b7ac6b66b20986bec30b61feb589110f12,"public String alarmClock(int day, boolean vacation) +{ + time = String """" ;; + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; + +} +" +a9556bb283d8d8d2f39560f1998f2412e13e4acc,"public String alarmClock(int day, boolean vacation) +{ + private alarmClock; + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +278fb6358333d3436a45cceb4007ed4c42c8a428,"public String alarmClock(int day, boolean vacation) +{ + public alarmClock; + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +568827a99a18ec3f9a9e9de0f437cb3300ca0b4b,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; + +} +" +abe660ace06ba6b17ae88d1e8fd2062b493fd17c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <6) + { + return ""7:00""; + } + else if(!vacatin && day==0||day==6) + { + return ""10:00""; + } +} +" +2147a7a5bacd14305ecafb87124804d0fc094049,"public String alarmClock(int day, boolean vacation) +{ + if(vacation = true) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +7472ab774de247459452517de31dad7569799a0c,"public String alarmClock(int day, boolean vacation) +{ + public alarmClock + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +d22517e28c55865c9a1cb7a3009c40428055a233,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <6) + { + return ""7:00""; + } + else if(!vacation && day==0||day==6) + { + return ""10:00""; + } +} +" +5dd08af813224e7aa8182b6d4260c800afa1ecb1,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <6) + { + return ""7:00""; + } + else if(!vacation && day==0||day==6) + { + return ""10:00""; + } + else + { + return """"; + } +} +" +b031bcbe7fa9010fb245dcbee815716e197c5ec9,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if(!vacation && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +60eb930947f411c3e12530c17f99e7caec5debaa,"public String alarmClock(int day, boolean vacation) +{ + String time = "" ""; + if (!vacation) + { + if (day >= 1 && day <= 5) + { + time = ""7:00""; + } + else if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + else if (vacation) + { + if (day >= 1 && day <= 5) + { + time = ""10:00""; + } + else if (day == 0 || day == 6) + { + time = ""off""; + } + } + return time; + +} +" +ee4bd0620ae8893f1a9b9e4e9276880513b60375,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + if(!vacation && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +4e640557d02764ddcadf3f69059d44e3e8df5988,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + if(!(vacation) && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +3ba0774a8a7c826d58d72f345820464ca94cf189,"public String alarmClock(int day, boolean vacation) +{ + if(vacation = true) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + else + + return ""7:00""; +} +" +0ff8ff9c4e952000ba8490179a41368f7bb20967,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + else if( !vacation && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +a051f8fef51d9f179374cbc37281dd8f7d15f17d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <=5) + { + return ""7:00""; + } + else if(!vacation && day==0||day==6) + { + return ""10:00""; + } + else + { + return """"; + } +} +" +e159a9975513fe55727adaba8a4e26c6f9e32806,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if( !vacation && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +df41ae73fdbe724514b62b70c5ea165ed04999c4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && day==0 || day == 6) + { + return ""off""; + } + else if (!vacation && day>=1 && day <=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +08e225bba2fa87690fbf08c6f90bdd99c2bad1e1,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if( !vacation && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +a55361f0a140c4c7a30bbd33e2482d08efa87447,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day>=1 && day<6) + { + return ""10:00""; + } + else if (vacation && (day==0 || day == 6)) + { + return ""off""; + } + else if (!vacation && day>=1 && day <=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +51c4687208d3d223169afce7282521acdf10ea4e,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +} +" +3880440908504b142a22423a6cf2ce26d498c240,"public String alarmClock(int day, boolean vacation) +{ + if(vacation){ + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +7f3936864c4a3c5edd936e2c9d21f03c551e449f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if(vacation && day != 0 && day != 6) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +eaaae4519e49802f985fd6b3a28698e55226dd76,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if() { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +67e830c074575b141dfc2ecd2e99d88ca8014118,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if() { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +2d792bf44d5a30d6e1b6a4e5120fceb1c4082f64,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else { + return ""off""; + } + + if(true) { + return ""7:00""; + } else { + return ""10:00""; + } +} +" +8a173890989685a3d0f74b35823d693beb44aaee,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 && day == 6{ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } esle if (!vacation && day == 0 && day == 6) { + return ""off""; + } +} +" +6892ba24c038fe20383e8d98a649ee6dc620aad3,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 && day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 0 && day == 6) { + return ""off""; + } +} +" +58468784fdebab732a4f8690f2dafa28f3323092,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 && day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 0 && day == 6) { + return ""off""; + } + return; +} +" +5bc58bc70933ccd5aa4ed4e49da4ca396458c7ae,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 && day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 0 && day == 6) { + return ""off""; + } + return ""oops""; +} +" +0b486fe1896a5a8c06b77d0c64e187cb0c333874,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 && day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 0 && day == 6) { + return ""off""; + } + return ""off""; +} +" +7234b6199ccaaa79509da7d899168040498cbc2d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 || day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 0 || day == 6) { + return ""off""; + } + return ""off""; +} +" +1a54f5320f8d3fa3f2b244e33a9bb86ebf7c6a14,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 || day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 0 || day == 6) { + return ""10:00""; + } + return ""off""; +} +" +7c6d95f660efcfabfd7e29b5d562725bd4b98dc8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day = 1 && day = 6) + { + return(""10:00""); + } + else if (day >= 1 && day <= 5) + { + return(""7:00""); + } +} +" +1e65e02218733b77490c4854d1558d8cdd03a76a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return(""10:00""); + } + else if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } +} +" +3c02883f8cb140372fc2efc2262cc2056fbcf241,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; + +} +" +bef921ea2a84d77f3fa18c38f80e96dbb63667a4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 || day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && day == 6 || day == 0) { + return ""10:00""; + } + return ""off""; +} +" +8e40ea668e87090973263db74ba20b29b8b8295e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + return ""off""; + return ""10:00""; + } + else + { + if(day == 6 || day == 0) + return ""10:00""; + return ""7:00""; +} +" +dd64eae0bb62c2f9dc5aacf975d8fddc6aa55ac4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + return ""10:00"" + return ""7:00"" + } + +} +" +884097f079d37eee71d1ac9134d5c02a9cdfecb8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + return ""off""; + return ""10:00""; + } + else + { + if(day == 6 || day == 0) + return ""10:00""; + return ""7:00""; + } +} +" +6775e53610c24ae92cccfdc74c526e026b39367d,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day==1) + { + time = ""10:00""; + } + else if(day==2) + { + time = ""10:00""; + } + else if(day==3) + { + time = ""10:00""; + } + else if(day==4) + { + time = ""10:00""; + } + else if(day==5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day==1) + { + time = ""10:00""; + } + else if(day==2) + { + time = ""10:00""; + } + else if(day==3) + { + time = ""10:00""; + } + else if(day==4) + { + time = ""10:00""; + } + else if(day==5) + { + time = ""10:00""; + } + else + { + time = ""10:00""; + } + } + return time; +} +" +118b8220845d2479d9fccbc1640ae66854101068,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 || day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && (day == 6 || day == 0)) { + return ""10:00""; + } + return ""off""; +} +" +375f1f42d4bc9129cadaef52490456649ca8eb32,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +} +" +dc68bcd4354929cbb42bca8b80eff6d83ac753f8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off"") + } + } + else if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } +} +" +ab3c459b769bb0ba19c73c4ac5fd3014cd8eab3e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else if (day >= 1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } +} +" +7772c216dd797c4387ea6655ab493fd039668b3c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && day == 0 || day == 6){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && (day == 6 || day == 0)) { + return ""10:00""; + } + return ""10:00""; +} +" +bc3e0acf6d379c6ae0c17653c16d92f2e5459135,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day==1) + { + time = ""10:00""; + } + else if(day==2) + { + time = ""10:00""; + } + else if(day==3) + { + time = ""10:00""; + } + else if(day==4) + { + time = ""10:00""; + } + else if(day==5) + { + time = ""10:00""; + } + else + { + time = ""Off""; + } + } + else + { + if(day==1) + { + time = ""7:00""; + } + else if(day==2) + { + time = ""7:00""; + } + else if(day==3) + { + time = ""7:00""; + } + else if(day==4) + { + time = ""7:00""; + } + else if(day==5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return time; +} +" +353f76a247a33151bb259404676a7fbf255a3435,"public String alarmClock(int day, boolean vacation) +{ + if(vacation && day != 0 && day != 6) { + return ""10:00""; + } else if (vacation && (day == 0 || day == 6)){ + return ""off""; + } else if (!vacation && day != 0 && day != 6) { + return ""7:00""; + } else if (!vacation && (day == 6 || day == 0)) { + return ""10:00""; + } + return ""10:00""; +} +" +e542bb21f12e5260a8fc9b503e93ba069c797f3a,"public String alarmClock(int day, boolean vacation) +{ + String time; + if(vacation == true) + { + if(day==1) + { + time = ""10:00""; + } + else if(day==2) + { + time = ""10:00""; + } + else if(day==3) + { + time = ""10:00""; + } + else if(day==4) + { + time = ""10:00""; + } + else if(day==5) + { + time = ""10:00""; + } + else + { + time = ""off""; + } + } + else + { + if(day==1) + { + time = ""7:00""; + } + else if(day==2) + { + time = ""7:00""; + } + else if(day==3) + { + time = ""7:00""; + } + else if(day==4) + { + time = ""7:00""; + } + else if(day==5) + { + time = ""7:00""; + } + else + { + time = ""10:00""; + } + } + return time; +} +" +89d8fd681e31843029076fd4316fcdb9e37e82e7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day >= 1 && day <=5) + return ""10:00""; + else if + if (day >= 1 && day <=5) + return ""7:00""; + else + return ""10:00""; + +} +" +ca96f62d4ae458d184039968f78b353706e3bd35,"public String alarmClock(int day, boolean vacation) +{ + String time = """"; + + if (vacation) + { + if (day <= 5 && day >= 1) + { + time = ""10:00""; + } + if (day == 0 || day == 6) + { + time = ""off""; + } + } + else + { + if (day <= 5 && day >= 1) + { + time = ""7:00""; + } + if (day == 0 || day == 6) + { + time = ""10:00""; + } + } + return time; +} +" +e1328c53cb82397a033060967f94004df2d9f8f4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day >= 1 && day <=5) + return ""10:00""; + else + if (day >= 1 && day <=5) + return ""7:00""; + else + return ""10:00""; + +} +" +c737515332270a87b166dbde5dd8ec83f653fa0c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day >= 1 && day <=5) + return ""10:00""; + else + if (day >= 1 && day <=5) + return ""7:00""; + else + return ""10:00""; +} +" +6e94328a91f03f8d32f14215751f125d58f11bc0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day >= 1 && day <=5) + return 10:00; + else + if (day >= 1 && day <=5) + return 7:00; + else + return 10:00; +} +" +6180ad08cc61d52823e0bf2c8c6472162bde5421,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && say != 6) + return ""10:00; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +} +" +0b9beacdd52cd0329494b5fb2ba1a36369f89920,"public String alarmClock(int day, boolean vacation) +{ + if ( day >= 1 && day <=5 && !vacation) + { + return ""7:00""; + } + else if (day = 6 || day =0 && !vacation) + { + return ""10:00"" + } + else if ( vacation && day >= 1 && day <=5 ) + { + return ""10:00"" + } + else + { + return ""off"" + } + +} +" +042b326c280322af7b8db58559c78d7fc273426a,"public String alarmClock(int day, boolean vacation) +{ + if ( day >= 1 && day <=5 && !vacation) + { + return ""7:00""; + } + else if (day = 6 || day =0 && !vacation) + { + return ""10:00""; + } + else if ( vacation && day >= 1 && day <=5 ) + { + return ""10:00""; + } + else + { + return ""off""; + } + +} +" +4416c136a6546b36a98686d303b5d2a1a3ff7f6c,"public String alarmClock(int day, boolean vacation) +{ + if ( day >= 1 && day <=5 && !vacation) + { + return ""7:00""; + } + else if ((day = 6 || day =0) && (!vacation)) + { + return ""10:00""; + } + else if ( vacation && day >= 1 && day <=5 ) + { + return ""10:00""; + } + else + { + return ""off""; + } + +} +" +a4a646ae22e3f9e6387a740468adb8d9269a3f4d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <=5) + return ""10:00""; + else + return ""off""; + } + else + { + if (day >= 1 && day <=5) + return ""7:00""; + else + return ""10:00""; + } +} +" +e2ff0fdab6ce480b5bde325b995f53e18311f7f1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00"" + } + if (day != 0 && day != 6) + { + return ""7:00"" + } + } + +} +" +377d30d2bd92bc0dbb87f9917fd20217b6ed1da3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } + +} +" +dfe7defd5dfb42c8a520e4d7d4999236c353bacb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } + +} +" +9fdf36f8f0cfc879faa6bfddaae015c3d7cbaa10,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +e6f76796df5b625f229348eea1d6f01b59902fdf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } + +} +" +3d0abe88c1c5b7fa4191762e0011596a01fa834c,"public String alarmClock(int day, boolean vacation) +{ if (day= 1,2,3,4,5) +{ + alarmClock () -> ""7:00""; + +} + else + { + alaarmCLock() -> ""10:00: + } +} +" +9606f2b71b58ab7616aa1e0fe5955ca07d85d668,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return (10:00); + } + else + { + return (7:00) + } + } + else if + { + if (day >= 1 && day <= 5) + { + return (off); + } + else + { + return (10:00) + } + } +} +" +9221f2b68a7cf009b1b7d80d8e58ffa3d608e2de,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return (""10:00""); + } + else + { + return (""off"") + } + } + else if + { + if (day >= 1 && day <= 5) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } +} +" +27114726375ff1aece907c42332a411ba97c844c,"public String alarmClock(int day, boolean vacation) +{ if ((day =1) || (day = 2) || (day = 3) || (day = 4)) +{ + alarmClock () -> ""7:00""; + +} + else + { + alaarmCLock() -> ""10:00: + } +} +" +b399c237d79c23d829ca7cb7df9deeb00d919cde,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return (""10:00""); + } + else + { + return (""off"") + } + } + else if + { + if (day >= 1 && day <= 5) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } +} +" +0b407df816990a14894bd04739b48263d3184544,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) (vacation=false)) + { + return int ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return int ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) (vacation=true)) + { + return int ""off""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=true)) + { + return int ""10:00""; + return value; + } +} +" +c1a82671bea58f9b0d920c5e6ce8036592a9796f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } + +} +} +" +67b519226e470bde1046410208b959ed07a9671a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } + +} + +" +399c7b940bea659557f1d8190669b5790fc68def,"public String alarmClock(int day, boolean vacation) +{ if ((day =1) || (day = 2) || (day = 3) || (day = 4)) +{ + report ""7:00"" + +} + else + { + report ""10:00"" + } +} +" +12edca45ba27febddb2d24ae29bf1b8468750432,"public String alarmClock(int day, boolean vacation) +{ if ((day =1) || (day = 2) || (day = 3) || (day = 4)) +{ + report ""7:00""; + +} + else + { + report ""10:00""; + } +} +" +70c62bd9675d1ccecaac5228c63f4a458265b677,"public String alarmClock(int day, boolean vacation) +{ if ((day =1) || (day = 2) || (day = 3) || (day = 4)) +{ + report (""7:00""); + +} + else + { + report (""10:00""); + } +} +" +b02d205dfd782672c9894a39c349e9d004645e29,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else + { + if (day >= 1 && day <= 5) + { + return (""7:00""); + } + else + { + return (""10:00""); + } + } +} +" +dd59dec899315ce5a153a5f68104fb664936485b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + +" +8f001ec298027f2d5b699dae3ccd30c0651134e6,"public String alarmClock(int day, boolean vacation) +{ + if ((day =1) || (day = 2) || (day = 3) || (day = 4)) + { + return ""7:00""; + + } + else + { + return ""10:00""; + } +} +" +c7eafaddcc0186ade9a6fa567b695ef2d2e47716,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + return int ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return int ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return int ""off""; + return value; + } + else + { + return int ""10:00""; + return value; + } +} +" +bc793dce6f1213c99e6d8122558fb2baa7f86c05,"public String alarmClock(int day, boolean vacation) +{ + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + + } + else + { + return ""10:00""; + } +} +" +bc1b260fa04d46270f7553ca1067e4cd78c44647,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + return string ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return string ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return string ""off""; + return value; + } + else + { + return string ""10:00""; + return value; + } +} +" +978ca270824d4d365f91154679f060122edfd81f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day = 0 || day = 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +a5219d25237c77dde0ef7fa8283604337e7aae37,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day = 0 || day = 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +17e6858b37dcd31f9de5e1d019fa269255faad0e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day = 0 | day = 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +9a120bc26ee99ee97543d3faf6cef9f2131ec724,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { if ((day <= 4) && (day > 0)) && + { + return ""7:00""; + } + else if + { + return ""10:00""; + } + else + { if (day > 5) + { + return ""off"" + } + + } +} +" +67e0113f886d57209eee7203c5f75f13706f689d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock(0, false) || alarmClock(6, false)) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + +" +4b44c85ebebe5241d7496bfe447292f83f412a66,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { if ((day <= 4) && (day > 0)) && + { + return ""7:00""; + } + else if + { + return ""10:00""; + } + } + else + { if (day > 5) + { + return ""off"" + } +} +" +1ca17319ea1aa2081747cbc920e2a6b5ae895117,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + string = ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + string = ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + string = ""off""; + return value; + } + else + { + string = ""10:00""; + return value; + } +} +" +1776b3f1814b0bec8eeef2240bf327521a0a03b6,"public String alarmClock(int day, boolean vacation) +{ + int day = 0; + if (vacation == false) + { + if (day = 0 || day = 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +f5ef19f0c9a772030485e40de47f7c5da489935b,"public String alarmClock(int day, boolean vacation) +{ + int day; + if (vacation == false) + { + if (day = 0 | day = 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +be18edc1a5af6adb2846330ac30f649053a6ad12,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off"" + } + } +} +" +4ba2659f71164b1e48a565f77b9d0c013ba636e7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day = 0 | day = 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +3fd633fbe03cc5b8736fed44853e4ae2c738051e,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off""; + } + } +} +" +2f5239c2c4ef89b0c1519d9bcac80b4cf1182d38,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +70da9ada95aba992d3e0e4b660e4833f0b9e8ccc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock(0) || alarmClock(6)) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + +" +1937ce9df10c0a43abe48af7781b246b8b797138,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off"" + } + } +}" +7a1f8e2f6f3ee212662977130a421f630e02a6c5,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + string x = ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + string y = ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + string z = ""off""; + return value; + } + else + { + string x = ""10:00""; + return value; + } +} +" +d33e3322eed3f3c4969b054334b870c67ed1e015,"public String alarmClock(int day, boolean vacation) +{ + if ( day >= 1 && day <=5 && !vacation) + { + return ""7:00""; + } + else if ((day == 6 || day == 0) && (!vacation)) + { + return ""10:00""; + } + else if ( vacation && day >= 1 && day <=5 ) + { + return ""10:00""; + } + else + { + return ""off""; + } + +} +" +26d0f5c7b6766c3ebaa1276fcb74faccf100715d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + +" +ca6654d5c922fc86a1112fffb76088eb65ceb783,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +28f0821786cf2a00c23751303aefe600b036b12a,"public String alarmClock(int day, boolean vacation) +{ + if(isBirthday) + speed -= 5; // diff limit is higher now + if(speed <= 60) + return 0; + else if(speed <= 80) + return 1; + else + return 2; +} +" +99bec19cb77e2e7d7f50d1a7dfd1cae327de451e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +4bffeb6ace7efd9302990c62c54eee3cb803fa48,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + + { + + if(day == 0 || day == 6) + + return ""off""; + + return ""10:00""; + + } + + else + + { + + if(day == 0 || day == 6) + + return ""10:00""; + + return ""7:00""; + + } +} +" +ab25074d4f4996aa3ae0c5f97aae2a583167be84,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + string y = ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + string z = ""off""; + return value; + } + else + { + string x = ""10:00""; + return value; + } +} +" +22e7cf2819725b66654a7a57ed88ebb84ccc38b1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } +} +" +f3cea446cb165a8da02d3118fc896c19a1806281,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off"" + } + } +}" +740ff72d6ab5a850833135de0fe0f767a072d5c5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +}" +33ad56ab8ab12ceafcd9d3a9708259ba61f3e295,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off""; + } + } +}" +046261fc1b9e4e60c776f6970b0ec1f4f8619c21,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off""; + } +}" +8359b446eaeb9f0c373bf574c7fbe834fe7e3edd,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off""; + } + } +}" +d86013079a93c98c5e5c27c7599c265a7b48a76b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return String day; +} +" +dc6f12cc4a6e55221c21877ee96504308ed3426a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day > 0 && day < 6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +a25dcdfa2899c6576c85bf5ae73a3d4777458d80,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off""; + } + else + { + return ""10:00"" + } + } +}" +06da94e9fc7062d5f3d4ae832791658a8e2b3101,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 4) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day > 5) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +16dcae72c47de0df378482bad13dff8f72fc559b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return String; +} +" +73929e8c3bf581392aa1ad64751dddf751bdda10,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && >= 1) + { + return 7:00; + } + + else + { + return 10:00; + } + + if (vacation) + { + if (day <= 5 && >= 1) + { + return 10:00; + } + + else + { + return off; + } +} +" +4f53eb1b1aeb77873bdf50132f1920d577682b6a,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 5) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day >= 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +42b6298154dd1ecb46c4271b1549a074f579b726,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + +" +3040434c851c0d0d0d7b10bbd9a4b21544e147dd,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 5) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day >= 6) || (day = 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +513b2909e5b5c619737fbf8182801710b808f736,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && >= 1) + { + return 7:00; + } + + else + { + return 10:00; + } + + if (vacation) + { + if (day <= 5 && >= 1) + { + return 10:00; + } + + else + { + return ""off""; + } +} +" +418595bbe57047f44f717250358d4f6e0e9d1c7d,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && >= 1) + { + return 7:00; + } + + else + { + return 10:00; + } + + if (vacation) + { + if (day <= 5 && >= 1) + { + return 10:00; + } + + else + { + return ""off""; + } +} +" +918499365440851714ebefe95771799946319992,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 5) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day >= 6) || (day = 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +dfdad6f5e63d463fa5f3dd838d21e55c2c9d1e40,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + alarmClock(7, false); + + + } + + if (day >0 && <= 5) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + } + if (day = 0 || 6) + + { + alarmClock(0, false); + alarmClock(6, false); + } + + +} +" +e638ac64937a2a6f164797a479121cbac02158cb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + + +" +35a1e8abb439c6cca119f15cc0c267309e3524ca,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 5) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day >= 6) || (day = 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +53fa33f68978ed40c26703bbfb75ef892fc0bd6d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + alarmClock(7, false); + + + } + + else if (day >0 && <= 5) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + } + else (day = 0 || 6) + + { + alarmClock(0, false); + alarmClock(6, false); + } + + +} +" +0f38eeb73349efc7248da11d33431a39798ac712,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day <= 5) && (day > 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day >= 6) || (day == 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +}" +63ba0de6f4938a914690a82d8f540321d0ff634a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +f5db1dca8174cd4c4521701e965b01299b921cd3,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && >= 1) + { + return ""7:00""; + } + + else + { + return ""10:00""; + } + + if (vacation) + { + if (day <= 5 && >= 1) + { + return ""10:00""; + } + + else + { + return ""off""; + } + } +} +" +ce2b2114d75bf176b6fdb188e727098fbb686cad,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return alarmClock; +} +" +24429b7563d1006d65e14ebff5c5bb35ca871e7f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + alarmClock(7, false); + + + } + + if (day > 0 && <= 5) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + } + if (day = 0 || 6) + + { + alarmClock(0, false); + alarmClock(6, false); + } + + +} +" +3a6e8fe1c94f3854f77cda32d5114f07047b86a9,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >= 1) + { + return ""7:00""; + } + + else + { + return ""10:00""; + } + + if (vacation) + { + if (day <= 5 && day >= 1) + { + return ""10:00""; + } + + else + { + return ""off""; + } + } +} +" +e10208f9d99a1d3207f0698f64a390f92c21a2a7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + alarmClock(7, false); + + } + + if (day > 0 && <= 5) + { + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + } + if (day = 0 || 6) + + { + alarmClock(0, false); + alarmClock(6, false); + } + + +} +" +fe21200aa23bb753ac7e5fa9224e8488f419cd15,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >= 1) + { + return ""7:00""; + } + + else + { + return ""10:00""; + } + + + if (vacation) + { + if (day <= 5 && day >= 1) + { + return ""10:00""; + } + return ""off""; + + } +} +" +2ab7f833250421f8466a4c0bc4b5db6470997735,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + else + System.out.println(""off""); +} +" +5297c0c03d752bf06d0da6c7827c442a5bb25038,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""10:00""; + + } + + if (day > 0 && day <= 5) + { + return ""7:00""; + } + if (day = 0 || day 6) + + { + return ""10:00"" + } + + +} +" +d4cd0be1b1733566ecc81087d7812dc97ce6e7cb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + else + System.out.println(""off""); + return day +} +" +084484fcd020484d0d38ef37464c271c74c88748,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + else + System.out.println(""off""); + return day; +} +" +53872d5b6beeac87041cb243b1357358a4d6eb24,"public String alarmClock(int day, boolean vacation) +{ + if (day <= 5 && day >= 1) + { + return ""7:00""; + } + return ""10:00""; + + + + else (vacation) + { + if (day <= 5 && day >= 1) + { + return ""10:00""; + } + return ""off""; + + } +} +" +40b66914ba7c945be4c913636c5c6caf51a67655,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return; +} +" +2be75bb4557d29899a0dcc0b269c823c138fc76e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""7:00""); + else + System.out.println(""10:00""); + } + return day; +} +" +6be6249ad427b7d8602847f1361bb5af2b19ee37,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +3495acea763746d9b91bdc50fbd12f0c3ec50d0e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return day; +} +" +18d81fd53262940ad653e56a5326689181f1e95a,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +718a743fc8683ce5093b96100d289cd06fd8810c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return String alarmClock; +} +" +f558f90a75691b28e90e3283855e78cfda4110a9,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00"" + if(vacation) + { + if(day == 0 || day == 6) + return time = ""off""; + else + return time = ""10:00""; + } + + if(day == 0 || day == 6) + return time = ""10:00""; + + return time; +} +" +fc3a1ba07138254d120d5e389cb4e0d99a8f1f8d,"public String alarmClock(int day, boolean vacation) +{ + String time = ""7:00""; + if(vacation) + { + if(day == 0 || day == 6) + return time = ""off""; + else + return time = ""10:00""; + } + + if(day == 0 || day == 6) + return time = ""10:00""; + + return time; +} +" +1f1bd6ff60ad57174eea8f771d5b1093e93dedd5,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day = 0) + { + return ""10:00""; + } + if (day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day = 0) + { + return ""off""; + } + if (day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +70d345c1bb950f1f90673e6827a5692090d5a947,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0) + { + return ""10:00""; + } + if (day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (day == 0) + { + return ""off""; + } + if (day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +4ab4e309537bfb53aa3de3599ca0da6de2ad5005,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) && (!vacation) + { + return ""7:00""; + } + else if (day =0 && day =0) && (!vacation) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +a5d2407c3aaaffd6035b95d711d40b8e9287e66c,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) && (!vacation))) + { + return ""7:00""; + } + else if (day =0 && day =0) && (!vacation) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +9b9d344d1af78a2bb75c5ad1a97fd58bbd4162ca,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return off; + } + else if (day==1, 2, 3, 4, 5) + { + return 7:00 + } + else + { + return 10:00 + } +} +" +8b73c3c607d17cfe036225247740c61ac7a1dc79,"public String alarmClock(int day, boolean vacation) +{ + if ((day >=1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day =0 && day =0) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +1f94e23b26bb82ce943a7731f69d48d31df9d8c6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return off; + } + else if (day==1, 2, 3, 4, 5) + { + return 7:00; + } + else + { + return 10:00; + } +} +" +e1da1e3610079c13a4171160daf437e10d57c337,"public String alarmClock(int day, boolean vacation) +{ + int dayOfWweek = 0; + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return dayOfWeek; +} +" +bfadb6c8d520849416c59719f652c044dacec6d8,"public String alarmClock(int day, boolean vacation) +{ + if ((day >=1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >=1 && day <=5) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +81e860812762eb9972ba6df7abd84a82dec917f5,"public String alarmClock(int day, boolean vacation) +{ + String dayOfWweek = 0; + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return dayOfWeek; +} +" +98724ff667fc781952b6067dee8ad02cb5819e76,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day ==7) + { + return ""off"" + } + else + { + return ""10:00"" + } + } + if (day == 6 || day ==7) + { + return ""10:00"" + } + else + { + return ""7:00"" + } + +} +" +0522464b9d4405b3c8f327564204670f88957d79,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day <= 5 && vacation == true) + { + return ""10:00""; + } + else if((day == 0 || day == 6) && vacation == true) + { + return ""off""; + } + else if (day >= 1 && day <= 5 && vacation == false) + { + return ""7:00""; + } + else if((day == 0 || day == 6) && vacation == false) + { + return ""10:00""; + } + return ""off""; +} +" +a9ff290634b9c19ed120bbbfc1b3b5b3bc2390ec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""off""; + } + else if (day==1, 2, 3, 4, 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +a9dd725d7098e1fadfa32af18a3a7040d52fce44,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day ==7) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (day == 6 || day ==7) + { + return ""10:00""; + } + else + { + return ""7:00"" ; + } + +} +" +6f445224fbf791e13aa2fb22870e16c6543a6da3,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return result; +} +" +4f3d38986a925a422c9ec5f0455197dae885be7c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +9bcc378f3f9d1987597873463c82357b7a123a14,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day ==0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + if (day == 6 || day ==0) + { + return ""10:00""; + } + else + { + return ""7:00"" ; + } + +} +" +b06b49f9476ca5137053eb439ba68923dbb92bb7,"public String alarmClock(int day, boolean vacation) +{ + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; +} +" +4f2a7af478dee5b681ae3ec093fea0dc092ae1c1,"public String alarmClock(int day, boolean vacation) +{ + String result = System.out.println(""10:00"");; + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return result; +} +" +fbbe8897f98ec74ea939a12475d082ee56fc0bcc,"public String alarmClock(int day, boolean vacation) +{ + String result = System.out.println(""10:00""); + if (vacation == false) + { + if (day == 0 || day == 6) + System.out.println(""10:00""); + else + System.out.println(""7:00""); + } + return result; +} +" +60a5f3720812df9575e2cf5c269e21c6108b2e58,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + if (vacation == false) + { + if (day == 0 || day == 6) + ""10:00""; + else + ""7:00""; + } + return result; +} +" +4fb6ef67ed4a06d05501bddc119693448604bab9,"public String alarmClock(int day, boolean vacation) +{ + if ((day >=1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >=1 && day <=5) && (vacation)) + { + return ""10:00""; + } + else if ((day = 0 && day = 6)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +7cec27f794179bc48bc59e1bd08cdf732f13b242,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + if (vacation == false) + { + if (day == 0 || day == 6) + result = ""10:00""; + else + result = ""7:00""; + } + return result; +} +" +8f7ba2081adcf465fd0786534dfd7c693043cdee,"public String alarmClock(int day, boolean vacation) +{ + if ((day >=1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >=1 && day <=5) && (vacation)) + { + return ""10:00""; + } + else if (day = 0 && day = 6) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +d42bda9eca57254b6753cf1433dff601c3865fde,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && day > 5) + { + return ""off"" + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +403ba5fb8ee9959f5cc861489eb9253f4f4948a9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + + +" +a70295dd9e1c8f149fa838454aba639ba622fdcc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && day > 5) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +771cdba0e7f0bb116d84cbac7dc7d2a6819f68b0,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + if (vacation == false) + { + if (day == 0 || day == 6) + result = ""10:00""; + else + result = ""7:00""; + } + else + result = ""off""; + return result; +} +" +427210f76b5a02f706e99d93e99d2ddec0d2712e,"public String alarmClock(int day, boolean vacation) +{ + if ((day >=1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >=1 && day <=5) && (vacation)) + { + return ""10:00""; + } + else if ((day = 0 && day = 6) && (!vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +d2efad19c5a25c49b26f5a3a0c65a53dd5d400e7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return off; + } + if (day != 0 && day != 6) + { + return 10:00; + } + } + else + { + if(day == 0 || day == 6) + { + return 10:00; + } + if (day != 0 && day != 6) + { + return 7:00; + } + } +} + + +" +6e33138bbf074c14e51d5d23b8217e48c5874356,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && day > 5 && day < 1) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +78e63c6ebf2753c9ac6c8340fc31383ce83608c4,"public String alarmClock(int day, boolean vacation) +{ + if ((day >=1 && day <=5) && (!vacation)) + { + return ""7:00""; + } + else if ((day >=1 && day <=5) && (vacation)) + { + return ""10:00""; + } + else if ((day >= 0 && day <= 6) && (!vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +78bbda956195ff6b539529b24b89b7e9f4e2b30f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && day > 5 && day == 0) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +9f95fb9ab653acb8d920df5d66d5f01102695e3b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + alarmClock(0, true); + alarmClock(1, true); + alarmClock(2, true); + alarmClock(3, true); + alarmClock(4, true); + alarmClock(5, true); + alarmClock(6, true); + } + else + { + alarmClock(0, false); + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, false); + } +} +" +b9b6d9592d340b4f5139712ccceaf9b3be986b74,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return off; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return '10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + + +" +41fbf7b05e1e8c2db0603d6594d951b3c1fdc1dd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return off; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + + +" +7164d136aef255396a3d3fed8578459f6bd450a3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && day == 6 && day == 0) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +5672865651b34c35d4dd94e2faf48e6eee384985,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + if (vacation == false) + { + if (day == 0 || day == 6) + result = ""10:00""; + else + result = ""7:00""; + } + else + { + if (day == 0 || day == 6) + result = ""off""; + else + result = ""10:00"" + } + return result; +} +" +86e2e7d9809f23ce3cf1418a6a0c2a892fdf1032,"public String alarmClock(int day, boolean vacation) +{ + String result = """"; + if (vacation == false) + { + if (day == 0 || day == 6) + result = ""10:00""; + else + result = ""7:00""; + } + else + { + if (day == 0 || day == 6) + result = ""off""; + else + result = ""10:00""; + } + return result; +} +" +56c883fa72700db486f671bfbc1a306539504faa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + if (day != 0 && day != 6) + { + return ""7:00""; + } + } +} + + +" +b5efa3b6d779bfeb5b07226c3f878e725453bd68,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && day == 6 || day == 0) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +817a937d33d09d2fd68b15c1b71a294a14d7bbfd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation && day < 6 && day > 0) + { + return ""10:00""; + } + if (vacation && (day == 6 || day == 0)) + { + return ""off""; + } + else if (day < 6 && day > 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +2954a85e4dc4ec9335f6bf3ddddd897488f1f218,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return(""off""); + } + else + { + return(""10:00""); + } + } + else + { + if (day == 0 || day == 6) + { + return(""10:00""); + } + else + { + return(""7:00""); + } + } + +} +" +63d4e6db178580f97aa0f5b0363d85b54c0396c7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +ea45dd09975a28466a1b696ceb0374b64812ccdf,"public String alarmClock(int day, boolean vacation) +{ + /* + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + */ + if(day == 0 || day == 6) + if (vacation) + return ""off""; + + return ""10:00""; + + + + + + + + + return ""7:00""; + + + + + + +} +" +930815f65b4c581a49b8fc38acc8a1aa15abc4d8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 && day = 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +ef8713a7f2c0aaff843a00e6e750115d6554811a,"public String alarmClock(int day, boolean vacation) +{ + /* + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + */ + if(day == 0 || day == 6) + if (vacation) + return ""off""; + + return ""10:00""; + + + + + + + + + //return ""7:00""; + + + + + + +} +" +912aac4b03321bbb61927f4418570ca3375ca72d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0, 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +3839de148b9080fbef46e60940dc9ce50d2684f8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +18ac187776c25820dbc545756c6b4887e755c813,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +4573f77205106e1b866e65917d92c4306230348d,"public String alarmClock(int day, boolean vacation) +{ + /* + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + */ + if(day == 0 || day == 6) + if (vacation) + return ""off""; + + return ""10:00""; + + + + + if(day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + if (vacation) + return ""10:10); + + + + + return ""7:00""; + + + + + + +} +" +c9f10211c15588c9d8f22f44128abfbe813e40c9,"public String alarmClock(int day, boolean vacation) +{ + /* + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + */ + if(day == 0 || day == 6) + if (vacation) + return ""off""; + + return ""10:00""; + + + + + if(day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + if (vacation) + return ""10:10""; + + + + + return ""7:00""; + + + + + + +} +" +441215ec14e68a47c37f58d2e40b5e565a4a2ac0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day ==6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +f7218e588fc87c19f8544b15d5a64739c6a67a35,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } + else if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; +} +" +00992c08a0ee6467432312e45d68dedf820c6a30,"public String alarmClock(int day, boolean vacation) +{ + /* + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + */ + + if(day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + if (vacation) + return ""10:10""; + + return ""7:00""; + + if(day == 0 || day == 6) + if (vacation) + return ""off""; + + return ""10:00""; + + + + + + + + + +} +" +3592b7fb67c0ee32d1a105ec72a7b40da395c666,"public String alarmClock(int day, boolean vacation) +{ + /* + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + */ + + if(day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + if (vacation) + return ""10:10""; + + if(day == 0 || day == 6) + if (vacation) + return ""off""; + + return ""10:00""; + + + + + + + + + +} +" +1de6d182275e3f0a721053461b98ddc7a44259ab,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 && day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +467a56ffabff6f087145850a5f3004e34671f715,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +4bb51d3d4609146d1c032da2018005c949fb0f39,"public String alarmClock(int day, boolean vacation) +{ + + + + if(day == 0 || day == 6) + return ""10:00""; + + + + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + + + + return ""7:00""; + + + + + + + + + + + +} +" +d10aa6d83b894bba5e3625a93cc2a4c4167ed33e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0, day = 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0, day = 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +23d4438654e0d8e70710e7d24562ddfe67a8b261,"public String alarmClock(int day, boolean vacation) +{ + if (vactation == false) + { + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""7:00"") + } + else + { + return ""10:00"" + } + } + else + { + return ""off"" + } +} +" +edd34285e236e4fe4beeba68d3299c2ecfcb9558,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day = 0 || 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +ed3697acbfe4fa37306f553177ab608430109a9f,"public String alarmClock(int day, boolean vacation) +{ + if (vactation == false) + { + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + return ""off""; + } +} +" +45ac16258db92df4e5c61b238fee9739146df039,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + return ""off""; + } +} +" +f193b5c121f93b63788f6d26ebe6a431d5ebb4ea,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return value; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + String y = ""7:00""; + return value; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + String z = ""off""; + return value; + } + else + { + String x = ""10:00""; + return value; + } +} +" +49a03cf8c0ec513a83a2c9de67dfeace11619746,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +ba6afae134be290066971523f635d319b13826e2,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return String; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + String y = ""7:00""; + return String; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + String z = ""off""; + return String; + } + else + { + String x = ""10:00""; + return String; + } +} +" +1bb3d023b54a1e5bb8782d5c2d22027112ad1d86,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""10:00""; + } + else + { + return ""off""; + + } +} +" +b7d3e58450b68f63c0d0b198d0770adcc25a892c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +bab8a6abc007d3ce31e60e5ea39c92372d95baea,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + String y = ""7:00""; + return String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + String z = ""off""; + return String z; + } + else + { + String x = ""10:00""; + return String x; + } +} +" +af7ed805e107068bc64d2a50ec9c20e0cc81cc86,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return String; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + String y = ""7:00""; + return String; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + String z = ""off""; + return String; + } + else + { + String x = ""10:00""; + return String; + } +} +" +5a6358b6f7175db01db3bbecfb72d7519d3dc26b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if ( day == 1 || day ==2 || day == 3 || day == 4 || day ==5 ) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +36bbd5e50c3c5db5990c25546b2f2d96c1d18ef6,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + String y = ""7:00""; + return String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + String z = ""off""; + return String z; + } + else + { + String x = ""10:00""; + return String x; + } +} +" +7c53f790b859d3cad9f61796e7b376f5f82e5136,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return String z; + } + else + { + return String x; + } +} +" +e3411d7965e883c9650b1ce99080b0722041eeb7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +347e89c3f856c099b20cd03f38f902db57bfe82e,"public String alarmClock(int day, boolean vacation) +{ + public alarmClock; + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +fe123a16317be26063932ce4cd982b71a3860d1a,"public String alarmClock(int day, boolean vacation) +{ + public alarmClock = 0; + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +96af6f53c9830cb6dff0fc57d50cf9535ba055fb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >= 1 && day <= 5) // weekday + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else // not on vacation + { + if (day >= 1 && day <= 5) // weekday + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +836cb6843dc5c0fcda0c412a7815a79358206197,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + while (vaction = true) + { + if (day != 6 && day != 7) + { + + } + } +} +" +77552e4a02c75c8d192d849691da0254c57e90c5,"public String alarmClock(int day, boolean vacation) +{ + if ((day == 0) && (day == 6) && (vacation=false)) + { + String x = ""10:00""; + return String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + String y = ""7:00""; + return String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + String z = ""off""; + return String z; + } + else + { + String x = ""10:00""; + return String x; + } +}" +fe451e180b572dc920ebd7808ac92d1ef2a2c446,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + while (vaction = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + } +} +" +cc446517de6762189e00859d2f012ed7325460ad,"public String alarmClock(int day, boolean vacation) +{ + public alarmClock; + alarmClock = (""frog""); + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +903ee32a912f7c3dc45735c57781ed2816004fbf,"public String alarmClock(int day, boolean vacation) +{ + public alarmClock; + alarmClock = (""frog""); + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +4a8ba88e8e9e688bd4a6a233bf9ba05201280d82,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + while (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + } +} +" +e6f802c5dc0aa8b4b8d338ca45817bd8af43307c,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + while (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +4f016502179fc68b02901ba21ea800df538a6b26,"public String alarmClock(int day, boolean vacation) +{ + private alarmClock; + alarmClock = (""frog""); + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +a5b8b47048b35d3be1130f538b2bd3d433a01553,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + while (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +8af7d7cfd2e1dc096c5d78bc94d06bcbc5f1c792,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return String z; + } + else + { + return String x; + } +}" +76aad0313f002c154a850a6899458f38d9316d69,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +25bbaee15fd9aec90d544a16b69d8295d85a1b59,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z; + } + else + { + return value String x; + } +}" +aad752c69c8bc71d7b9773c4ce19e8c5f8ddb1e1,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = ""frog""; + if (vacation == true) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""10:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""off""); + } + } + if (!(vacation == true)) + { + if ((day >= 1) && (day <= 5)) + { + alarmClock = (""7:00""); + } + if ((day == 0) || (day == 6)) + { + alarmClock = (""10:00""); + } + + } + return alarmClock; + +} +" +9294b17facb692ca96cc6938ad0866ed81029994,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + while (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + + return alarm; +} +" +ea7b3a53291b7a3e67cb41fd05707d2772ba0a65,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value z; + } + else + { + return value x; + } +}" +9876c34f2e3beef513aea679b718c26d09e92401,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z; + } + else + { + return value String x; + } +}" +cb6d734cfac9c7dfb68d4426f8d812f14ccf8bdd,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + while (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + + while (vacation = false) + { + if (day != 6 && day != 7) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +19b7a68857f075fdb46d1567a5ada020682540a2,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x;; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y;; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z;; + } + else + { + return value String x;; + } +}" +fe8fe413946ed0699a543553899a9b6a3279a6d7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} +" +52dedd25d0ee40f5ef9a481b2e052ab83311dabd,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + if (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + + if (vacation = false) + { + if (day != 6 && day != 7) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +2db76f40fbe4b082ad9085f765f890c4c3fb107d,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return String z; + } + else + { + return String x; + } +}" +2c8982ce9a3a70e29f6f0ef5f22b8052dbb0d519,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + if (vacation = true) + { + if (day != 6 && day != 7) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + + else if (vacation = false) + { + if (day != 6 && day != 7) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +de7aa32f5fcce8f72e7c36f104e236f7bb42536d,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z; + } + else + { + return value String x; + } +}" +e26f54dc80308e1b7d33b732a78566544fbc9a90,"public String alarmClock(int day, boolean vacation) +{ + value String x = ""10:00""; + value String y = ""7:00""; + value String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z; + } + else + { + return value String x; + } +}" +8e0b51bfe4bf7260d48b34f85bb349052a29e86a,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z; + } + else + { + return value String x; + } +}" +7e2f55675e310527ac5c37e92040f4876f64cd55,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + if (vacation = true) + { + if (day != 6 && day != 0) + { + alarm = ""10:00""; + } + else + { + alarm = ""off""; + } + } + + else if (vacation = false) + { + if (day != 6 && day != 0) + { + alarm = ""7:00""; + } + else + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +7d2d5a1300d6782a78e10b73ab3e5e1c91a84728,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value z; + } + else + { + return value x; + } +}" +258ce4c676fe387e4fd5b092528340d518a47616,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock >=1 && alarmClock <= 5) + { + ""10:00"" + } + else + { + ""off"" + } + } + else if + { + if (alarmClock >=1 && alarmClock <= 5) + { + ""7:00"" + } + else + { + ""10:00"" + } + } + + + +} +" +52f71a4f40a6583450d644ee919925316aa9d5e9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock >=1 && alarmClock <= 5) + { + ""10:00""; + } + else + { + ""off""; + } + } + else if + { + if (alarmClock >=1 && alarmClock <= 5) + { + ""7:00""; + } + else + { + ""10:00""; + } + } + + + +} +" +cff01ab9183bc58670c9b6b8ba2e7f0653099a86,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return value String x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return value String y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return value String z; + } + else + { + return value String x; + } +}" +4645884413977a5649d9e03bf4546174d02c6045,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + else + { + alarm = ""7:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +74a883522eacc1a3783a889878754f855957c8b3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock >=1 && alarmClock <= 5) + { + return(""10:00""); + } + else + { + ""off""; + } + } + else if + { + if (alarmClock >=1 && alarmClock <= 5) + { + ""7:00""; + } + else + { + ""10:00""; + } + } + + + +} +" +0581eb452d65d2809e32a177384c21d8d96a5d69,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock >=1 && alarmClock <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else if + { + if (alarmClock >=1 && alarmClock <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +4f72e6f37ac69fcd0623d6adb5a1416ce7b4b5a2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (alarmClock >=1 && alarmClock <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (alarmClock >=1 && alarmClock <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +d6740c7c7d54c5590ec590144b9ac76a09c2bbe4,"public String alarmClock(int day, boolean vacation) +{ + if (onVacation) { + if (day = 0 || day = 6) + return off; + else + return ""10:00"" + } + if (day = 0 || day = 6) + return on; + else + return ""7:00"" + + + +} +" +a638d3b5164de7f9834e4bf80d29db6cf4ab7d3c,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + else if (vacation = false) + { + alarm = ""7:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + else + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +9b9935aaf7934860b4b1d1acbf192ac9ac018815,"public String alarmClock(int day, boolean vacation) +{ + if (onVacation) { + if (day = 0 || day = 6) + return off; + else + return ""10:00""; + } + if (day = 0 || day = 6) + return on; + else + return ""7:00""; + + + +} +" +a450c04344b871521a303dcd0083580a9c169575,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (day >=1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +8d69072a7e58246470c58b311e6aee684151e3aa,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day = 0 || day = 6) + return off; + else + return ""10:00""; + } + if (day = 0 || day = 6) + return on; + else + return ""7:00""; + + + +} +" +1f8dab1376bf48c41896841e94cd1187d907b24d,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + if (vacation = false) + { + alarm = ""7:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + if (vacation = false) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +73bcbc327f4409541f659bf36828ed7357d0d434,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +dc15e1d1e69e552d69c988e2c15e6789cbfeacff,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return off; + else + return ""10:00""; + } + if (day == 0 || day= = 6) + return on; + else + return ""7:00""; + + + +} +" +51f254d4af3e864e2f3b2fe70f48ce001804d96a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return off; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return on; + else + return ""7:00""; + + + +} +" +a17b00b571a256573925ab6fccd1dc8bcec72989,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (day =0 && day <= 6) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +2675fd89003bdd444b952eb9762ba2cd82796c56,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return off; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return on; + else + return ""7:00""; + + + +} +" +6b3516a825a85574626a6ce27775707ca51d2a76,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return false; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return on; + else + return ""7:00""; + + + +} +" +cea2d782ee168cd0b9eff02c6df35f4f2b9ffe50,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +bf5bb9ebd9bbaf09b19c396585578c984258a76f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (day = 0 || day <= 6) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +44378ac0bf91b823282d15838ed9e9c349f1fc77,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +9fec7ebd91f18564f18a03d4f26d0910b53dfffe,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return off; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return on; + else + return ""7:00""; + + + +} +" +1ed857264d79a714b6fb480afde71ca5cfb90482,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return off; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return on; + else + return ""7:00""; + + + +} +" +df62ba41fed176f3ecb5a2eb3c2a205ea9f8a6fc,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + if (vacation = false) + { + alarm = ""7:00""; + } + } + + if (day = 0 || day = 6) + { + if (vacation = true) + { + alarm = ""off""; + } + if (vacation = false) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +a9c3fc5af4e74c4c4e0b438da2d87b4972dfea07,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (day = 0 || day = 6) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +96c991d46b84e845c19f025584d5fb40c351c016,"public String alarmClock(int day, boolean vacation) +{ + String alarm = """"; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + if (vacation = false) + { + alarm = ""7:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + if (vacation = false) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +6db6605bb3157a8769d52d91286b66125036982f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation ) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00"" + +} +" +6c1fa8792fb28307913a80914a21d6da69fd6130,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return on; + else + return ""7:00""; + + + +} +" +a7b669cd0d7457d7b1e7567fb4bddab2cf643971,"public String alarmClock(int day, boolean vacation) +{ + if(vacation ) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + +} +" +a29bce50e9f52e476d921e257b438c9a65b5a286,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else + { + if (day = 0 || day = 6) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +364489633f4f1c736ea8952bb032ccf7bebe0a50,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""on""; + else + return ""7:00""; + + + +} +" +e2ae736d7ecb08490076ef8a23d86a0f4447444b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +c2d7b2a64442fa14b1d8a5edffc9619d97654cef,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + if (vacation = false) + { + alarm = ""7:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + if (vacation = false) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +91184104de4e322b697e07c24a97ef22af576e88,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +175aa4acc9e486b551c5bd86c9b06af201ee7eb7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (day =1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +432bfaccd95a46a4ef5c1e8df3913a67b1d359d6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off:00""); + } + } + else + { + if (day >=1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +b9ddf014bd91bb00d836b6378636ca004ad2a0cc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""on""; + else + return ""7:00""; + + + +} +" +83ab1e0d2e843d8d7e7eb9daf3d5c6f41aa784a9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <= 5) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else + { + if (day >=1 && day <= 5) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } + + + +} +" +8b7db97ef5d759a53d9ee46aa0a4d4dfbdf72c98,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + } + + return alarm; +} +" +5fdc365f6265f395c2877e4ad77b9e02439793d7,"public String alarmClock(int day, boolean vacation) +{ + int alarmTime; + if (vacation) + { + if (day >=1 && day <=5) + { + alarmTime = 10:00; + } + else + { + alarmTime = 0ff; + } + } + else + { + if (day >=1 && day <=5) + { + alarmTime = 7:00; + } + else + { + alarmTime = 10:00; + } + } + return alarmTime; +} +" +5cf504ff9f8ebc0974e425b71ce863b8c1db2a00,"public String alarmClock(int day, boolean vacation) +{ + int alarmTime; + if (vacation) + { + if (day >=1 && day <=5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""0ff""; + } + } + else + { + if (day >=1 && day <=5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + } + return alarmTime; +} +" +7c7ff16aca6819802c8d0ee3b897df71ba0ec169,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + + if (day != 0 && day != 6) + { + if (vacation = true) + { + alarm = ""10:00""; + } + } + + else + { + if (vacation = true) + { + alarm = ""off""; + } + if (vacation = false) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +5f8291157317f595f7937f11fd4953a86d344fa0,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + alamrClock -> ""7:00"" + else if (day = 6 || day = 0) + alarmClock -> ""10:00"" + } + else if (day != 6 && day != 0) + alarmClock -> ""10:00"" + else if (day = 6 || day = 0) + alamrClock -> ""off"" +} +" +873f6dbd96b453d1d0f3572d0392d335b11def9b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day ==> 1 || day <== 5) + return ""on""; + else + return ""7:00""; + + + +} +" +00255d277d113f5417a4eb9e8b84bce716e0b0c2,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + alamrClock -> ""7:00""; + else if (day = 6 || day = 0) + alarmClock -> ""10:00""; + } + else if (day != 6 && day != 0) + alarmClock -> ""10:00""; + else if (day = 6 || day = 0) + alamrClock -> ""off""; +} +" +82e3ee321f4845cf0016b987b7c522ee25dc98b3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day >= 1 || day <= 5) + return ""on""; + else + return ""7:00""; + + + +} +" +c14263c95e94c038c2b6cb54cb164395977e978c,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day = 0 || day = 6) + { + return ""10:00""; + } + return day; +} +" +41054576cb64983ac26e64ec7586ab5743d6fd7a,"public String alarmClock(int day, boolean vacation) +{ + if(isVacation) + { + if(day == 0 || day == 6) + return ""off""; + + return ""10:00""; + } + + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +6b14482442f2ca3ccfa6bca4f489aa264445ce52,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + return day; +} +" +42c1cc75ba315a639ffcc9ed3daf2942cf1390c5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + + return ""10:00""; + } + + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +8140f3fdc966753e1582a81a7aaabf5b4e69f650,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day < 6 || day > 0) + return ""off""; + else + return ""10:00""; + } + if (day >= 1 || day <= 5) + return ""on""; + else + return ""7:00""; + + + +} +" +5e08066e85be23852ad63d0cf954587406956040,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + return vacation; +} +" +38f4537d3a998ddca9a35c1eace9bcec97ca88fc,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else if ((day >= 1) && (day <= 5) && (vacation=true)) + { + return x; + } +}" +91a655ea5ad3e0a8f920c849361091c3967b19bd,"public String alarmClock(int day, boolean vacation) +{ + Sun = 0; + Mon = 1; + Tue = 2; + Wed = 3; + Thu = 4; + Fri = 5; + Sat = 6; + alarmClock(5, false); + if (alarmClock = 0, false) + { + return(10:00); + } +} +" +bbc10fb493e05708fa6a6ea853b035ac411a4adc,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day >= 1 || day <= 5) + return ""on""; + else + return ""7:00""; + + + +} +" +69771a0b1cccfb0555e332809a43b644573f98dc,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day >= 1 || day <= 5) + return ""on""; + else + return ""7:00""; + + + +} +" +636178f1353f274f60fdef68db477869a832e008,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + return ""7:00""; + else if (day = 6 || day = 0) + return ""10:00""; + } + else if (day != 6 && day != 0) + return ""10:00""; + else if (day = 6 || day = 0) + return ""off""; +} +" +b73edbdd01899311c7f1f3b3ede97aec856cacd4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day = 6) + return ""off""; + else + return ""7:00""; + + + +} +" +e624d6295ce821ced59a79bc1500080878511075,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day = 6) + return ""off""; + else + return ""7:00""; + + + +} +" +373ed56b24613273ccea1fbd2c53e93a6d2e2a74,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +1ccce008faa51eebed2ce40a878a45e232212ae1,"public String alarmClock(int day, boolean vacation) +{ + Sun = 0; + Mon = 1; + Tue = 2; + Wed = 3; + Thu = 4; + Fri = 5; + Sat = 6; + alarmClock(5, false); + if (alarmClock = 0, false) + { + alarm = 10:00; + return alarm; + } +} +" +2a1ad8f4d82d0b68436296defc84b5088eaefa85,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + return ""7:00""; + else if (day = 6 || day = 0) + return ""10:00""; + } + else if (day != 6 && day != 0) + return ""10:00""; + else if (day = 6 || day = 0) + return ""off""; +} +" +f72ce8578d9ff202d940d1486beaca03f6cc0891,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + return ""7:00""; + if (day = 6 || day = 0) + return ""10:00""; + } + else if (day != 6 && day != 0) + return ""10:00""; + else if (day = 6 || day = 0) + return ""off""; +} +" +86481b8008fb4a75755898d8ff3b689ba73a72f6,"public String alarmClock(int day, boolean vacation) +{ + Sun = 0; + Mon = 1; + Tue = 2; + Wed = 3; + Thu = 4; + Fri = 5; + Sat = 6; + alarmClock(5, false); + if (alarmClock = 0) + { + alarm = 10:00; + return alarm; + } +} +" +f2c66b53279c9953ba49b4826cf0aec53ebe6888,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""on""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +ce40af3f642fe64904c579fbe77d861ca497c74e,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + return ""7:00""; + if (day == 6 || day == 0) + return ""10:00""; + } + else if (day != 6 && day != 0) + return ""10:00""; + else if (day = 6 || day = 0) + return ""off""; +} +" +4ec353cb93854e97acb57cbca2aae2f808924fdd,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +dcef77991c79f2062e5dce62b0da253616bdf909,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + return ""7:00""; + if (day == 6 || day == 0) + return ""10:00""; + } + else if (day != 6 && day != 0) + return ""10:00""; + else if (day == 6 || day == 0) + return ""off""; +} +" +fc907ab437247ed8a44cde5c67ae20abfd6d1b7e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return alarmClock; +} +" +05553bbf9f0dc160c215e2e08bde6f783c89929f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + return ""10:00""; + } + else if (day == 0 || day == 6) + { + return ""off""; + } + } + return vacation; +} +" +7dddbde524f0a29f013d083241c1506ff697e596,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +cc31820c82648e964338d7ac6feeecc63825fac3,"public String alarmClock(int day, boolean vacation) +{ + if (vocation) + if (week = 0 && week = 6) + return ""off""; + else + return ""10:00""; + if (!vocation) + if (week = 0 && week = 6) + return ""10:00""; + else + return ""7:00""; + + +} +" +ed23a8c6d5c93ea11eade2d3122d50e6b02347c8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + if (day != 0 && day != 6) + { + return ""10:00""; + } + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + } + else + return ""7:00""; + } +} + + +" +ae2d115f5da6384f73562c835cde56027163e2d4,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + return ""7:00""; + if (day == 6 || day == 0) + return ""10:00""; + } + else if (day != 6 && day != 0) + return ""10:00""; + else if (day == 6 || day == 0) + return ""off""; + +} +" +d86da9942d12e6b36a1fbe7b23f6eb094bc48d08,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""10:00""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +ca2a2e3982cd6ae465d80cd6c273cad3090a6ff1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (week = 0 && week = 6) + return ""off""; + else + return ""10:00""; + if (!vacation) + if (week = 0 && week = 6) + return ""10:00""; + else + return ""7:00""; + + +} +" +6557984063d77678af4fe4bd6466f157268ef64d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day = 0 && week = 6) + return ""off""; + else + return ""10:00""; + if (!vacation) + if (day = 0 && week = 6) + return ""10:00""; + else + return ""7:00""; + + +} +" +72e724f7eeab8a2b9f664c659f5e3c79edb2a2da,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +00c951f770b8cf9c1545c8c02171558a9e6ff2e3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + + + else + + if(day == 0 || day == 6) + + return ""10:00""; + + else + return ""7:00""; + +} + + +" +f70bbc9a275ace9992e88935aca9f759b57310d4,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day = 0 && day = 6) + return ""off""; + else + return ""10:00""; + if (!vacation) + if (day = 0 && day = 6) + return ""10:00""; + else + return ""7:00""; + + +} +" +4eadfeb61f9c89571b53ac5092254ca1ace56ec7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + println(""10:00""); + } + else if (day == 0 || day == 6) + { + println(""off""); + } + } + return vacation; +} +" +77cae0b630e07c77e32e9e9fe59085bc010cf05a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + if (!vacation) + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + + +} +" +5be103bdd231467b4e487d8ac67a1922872ddf29,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + System.out.println(""10:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""off""); + } + } + return vacation; +} +" +0d30f09aeb581c2a28b88ae3eff8de9e4d420c42,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if (!vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + + +} +" +1184d4132379086eeb7764c9af52e8b4c7f368a7,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (!day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on:; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +2c29ef3169beb8e3f2da97d9869eead2223c73f7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + return ""7:00""; + } + else if (day == 0 || day == 6) + { + return ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + System.out.println(""10:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""off""); + } + } +} +" +8f12a630d550404840f899f6007c562a9a2a5b69,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (!day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +2bdb4871b52f1590b2fb93b8dc953d4140ad332d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (! day == 6 || day == 0) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +0402227a9b1b47e5bb8ad28669223f0fa66b62c2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + + + else + + if(day == 0 || day == 6) + + return ""10:00""; + + if(day != 0 || day != 6) + return ""7:00""; + +} + + +" +4de4ee4ce6456548236cbf5afce0ab7886c0b9a9,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +b94dfffdd559242b2990f8aae804de3532eb8593,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + if (!vacation) + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; +} +" +5ae98ea6f63e33706b708cc17db22691e72bdc5a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + System.out.println(""7:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""10:00""); + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + System.out.println(""10:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""off""); + } + } + return vacation; +} +" +1bb49e7bb4455a9fc0233fc133b6268c305d7f2d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day <=5 || day => 1) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +fe4d5f8c51e914f2974bcebc01088e258c169ead,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day != 6) + return ""10:00""; + else + return ""off""; + } + else if (day > 0 && day!= 6) + return ""7:00""; + else + return ""10:00""; +} +" +c5098033e53675dc39057044838b0a827531efbf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + + + else + + if(day == 0 || day == 6) + + return ""10:00""; + + if(day != 0 || day != 6) + return ""7:00""; + else + retrun ""7:00""; + +} + + +" +006bbf10ad7b2b9d8c8360d776d6df1dffa2f7c2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + System.out.println(""7:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""10:00""); + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + System.out.println(""10:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""off""); + } + } + return day; +} +" +222e1cbc8661a85f567374bd2c09b9ba65542353,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day <=5 || day => 1) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +390e2f23d409d96312288e7afc758fa3404fb306,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day <=5 || day => 1) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +3087133c52e36a8036f70911d710ac47af73fa9c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (!vacation) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +598fcbd741b73aadbe46134c7317bad2c0864ff2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + + + else + + if(day == 0 || day == 6) + + return ""10:00""; + + if(day != 0 || day != 6) + return ""7:00""; + else + return ""7:00""; + +} + + +" +d1c3cef4e1b179135225ea31fe9eadd6b9895e6c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day <==5 || day ==> 1) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +4ef310fa2a10b9bbb68a2ff791673b339e8de061,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else if ((day >= 1) && (day <= 5) && (vacation=true)) + { + return x; + } + else + { + return z; + } +}" +1fd39330719b52fdb9f90d8af8f221283d058d59,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + System.out.println(""7:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""10:00""); + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + System.out.println(""10:00""); + } + else if (day == 0 || day == 6) + { + System.out.println(""off""); + } + } + return alarmClock; +} +" +ae974be6a9f82ad2a519a88e6f7a7577879dc4ec,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day < 5 || day > 1) + return ""off""; + else + return ""10:00""; + if (day == 0 || day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +9ba3b108d5aff51c772bd42d73518ec906360bf5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (!vacation) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +32251626c1430fc5418b832d661a9af9405776c6,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if (day < 5 || day > 1) + return ""off""; + else + return ""10:00""; + if (day == 0 && day == 6) + return ""on""; + else + return ""10:00""; + + } + if (day == 0 || day == 6) + return ""off""; + else + return ""7:00""; + + + +} +" +e9795802ae55b15089858b7711a814e399009008,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +5b2daa6550cc6e2e1a327887295b8f09b9ec8db4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +f8016176e691b73a1cc4210f21952e40d865db6e,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) || (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) || (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +c2ba2673b4d09c2b7d69c2e0fd00dd5214425066,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day != 6 && day != 0) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else if (day != 6 && day != 0) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +399053f64fe7f8cc250c133b891c0189560437cc,"public String alarmClock(int day, boolean vacation) +{ + String alarm; + + if (vacation == false) + { + if (day >= 1 && day < 6) + { + String alarm = ""7:00""; + } + else if (day == 0 || day == 6) + { + String alarm = ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + String alarm = ""10:00""; + } + else if (day == 0 || day == 6) + { + String alarm = ""off""; + } + } + return alarm; +} +" +6bb94233e7745585f9b293004dc0f824f38dc6c6,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} + else if ((day == 0 || day == 6) + return ""off""; + else + return ""10:00""; +" +92f4b9f20662e1009df02fdddb46cc44e2dff18c,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime; + + if (vacation == false) + { + if (day >= 1 && day < 6) + { + String alarmTime = ""7:00""; + } + else if (day == 0 || day == 6) + { + String alarmTime = ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + String alarmTime = ""10:00""; + } + else if (day == 0 || day == 6) + { + String alarmTime = ""off""; + } + } + return alarmTime; +} +" +0df30ddbcc4ee9b4bbb166a01a8d7773ae45b0c1,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} + else if ((day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } +" +e9dbef53a4583e1e5c3688e9880a19df90e69e68,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >= 1 && day < 6) + { + String alarmTime = ""7:00""; + } + else if (day == 0 || day == 6) + { + String alarmTime = ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + String alarmTime = ""10:00""; + } + else if (day == 0 || day == 6) + { + String alarmTime = ""off""; + } + } + return alarmTime; +} +" +e7bc70889c1d94a03cbb43c9d0a04cd40b46a435,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + +} + else if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } +" +a341b332bf94532b1b66fa5d1996dd46c3115382,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +95aa673ce3cf94cc5c6750f861cf703de09c0ddf,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime; + + if (vacation == false) + { + if (day >= 1 && day < 6) + { + alarmTime = ""7:00""; + } + else if (day == 0 || day == 6) + { + alarmTime = ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + alarmTime = ""10:00""; + } + else if (day == 0 || day == 6) + { + alarmTime = ""off""; + } + } + return alarmTime; +} +" +236df6268a0e8fc3f92609e4f8feab3a015a7a07,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +1bec0e486f32f61608a1dfe1edd0b9c36291a72e,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""on""; + + if (vacation == false) + { + if (day >= 1 && day < 6) + { + alarmTime = ""7:00""; + } + else if (day == 0 || day == 6) + { + alarmTime = ""10:00""; + } + } + else if (vacation == true) + { + if (day >= 1 && day < 6) + { + alarmTime = ""10:00""; + } + else if (day == 0 || day == 6) + { + alarmTime = ""off""; + } + } + return alarmTime; +} +" +daf4954da2bd4d7851dd2854c8e96ae08de65041,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + } + + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + + +} + + +" +bae1ab7aa7f792642d6c39bb37cdfebaa5c89fde,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + } + + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + + + +} + + +" +edccf9b33bd6d3a14e2cab8d8357be8db2f8c0ff,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + + return ""off""; + + if (day != 0 && day != 6) + + return ""10:00""; + } + + else + + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + + + +} + + +" +30c0a1636a5c52a00b1099e06d58fcd424712f50,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + } + + if(day == 0 || day = 6) + return ""10:00""; + return ""7:00""; + + + + +} +" +de271f2b00f82b294f015fb1b024ff27665eed4e,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + } + + if(day == 0 || day = 6) + return ""10:00""; + return ""7:00""; + + + + +} +" +8f2f2b6ec478a987cd5a401ee15d196306841da3,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + + } + + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + + + + +} +" +eb434c23bbbffd8c6dea8dea1aee4701c6f60eb5,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00"" + } + else + { + return ""10:00"" + } + if (vacation == 0 || vacation == 6) + { + return ""off"" + } + else + { + return ""10:00"" + } +} +" +243427a995ce7d50b10108f9dc00a6bcaba494b5,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (day == 6) && (vacation=false)) + { + return x; + } + else if ((day == 1) && (day == 2) && (day == 3) && (day == 4) && (day == 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +f5ce30c40bd16a75a36f02ccc69419c172ab4aeb,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation == 0 || vacation == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +b22640138a0b4ea3a0bbc826da66cf03bcb177bd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <=5) + { + return ""10:00""; + } + else + { + return ""0ff""; + } + } + else + { + if (day >=1 && day <=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +619ffb41de77716619040d308e82605d27251ff8,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) || (day == 6) && (vacation=false)) + { + return x; + } + else if ((day == 1) || (day == 2) || (day == 3) || (day == 4) || (day == 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) || (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +c6dd374c2f024f6a7801ed42bce694c8f251afa7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day >=1 && day <=5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if (day >=1 && day <=5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +ceb422de3ed92a2ab6d77e9a2428ad5a1e48285d,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +a626bd4cb96e0f86a8352b0d16845c8291f2f88d,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +74e4f3fa622554f17d7f4d54a8acf501b9c5d53d,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) || (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) || (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +5bdb7b1e67a93282aafb5b752b3b8581c8f7f2e1,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation == ture) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +7b1271e3a5da48634b679d25f8ca816ad386288f,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation == true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +043919ce8f75ad8f413b9db64423c29b1692682e,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation = true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +14bb11f21a12be7af6cae06f7f6d53386c5d80ca,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (vacation = true) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +d76519ec8db2f4f842ae2ae2979ec1fd4cdf27e9,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation)) + { + + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + + } + + else if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; +} +" +2b353d9402a1366d2f8eadc704ff48beea0b21ed,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) || (day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) || (day == 6) && (vacation=true)) + { + return z; + } + else if ((day >= 1) || (day <= 5) && (vacation=true)) + { + return x; + } + else + { + return x; + } +}" +e5b9c66e3085ba29c48924f5628bfb081e08c0f0,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 && day == 6) + return ""off""; + return ""10:00""; + } + else if(day == 0 && day == 6) + { + return ""10:00""; + return ""7:00""; + } +} +" +edb4f1043f6729bb899a3dd36ac5f2052b0784e8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 && day == 6) + return ""off""; + return ""10:00""; + } + else if(day == 0 && day == 6) + { + return ""10:00""; + return ""7:00""; + } +} +" +e6a48ac0efd0dbcc81e37da04883f5c870b08624,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 && day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 && day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +1412e0dcf02c928731218aa469a92439bd7483c4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 && day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 && day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +01e3ba57cef01ed76ff512867b53401c3962a84f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if(day > 0 && day != 6) + return ""10:00""; + else + return ""off""; + } else if (day > 0 && day != 6) + return ""7:00""; + else + return ""10:00""; +} +" +4364dd65c0ae5b64981ac1ab628e43fd3e869c89,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (day == 0 || day == 6 && vacation == true) + { + return ""off""; + } + else + { + return ""10:00"" + } +} +" +4abdb9d62534caba6d312df56bf0df6d37e44908,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day ==4 + || day ==5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + if (day == 0 || day == 6 && vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } +} +" +dedee3ceb3b40e52aa557917a71f567f14156bac,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (vacation=false) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)|| (day == 6) && (vacation=true)) + { + return z; + } + else if ((day >= 1) (vacation=true) || (day <= 5) && (vacation=true)) + { + return x; + } +}" +94002513af84e2b5267cd17f89061db8e3078f56,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (vacation=false) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)|| (day == 6) && (vacation=true)) + { + return z; + } + else if ((day >= 1) && (vacation=true) || (day <= 5) && (vacation=true)) + { + return x; + } +}" +33af0cc87fbf65b818d50368f9c4c7f92b7bfec3,"public String alarmClock(int day, boolean vacation) +{ + String alarm = ""7:00""; + + if (day != 0 && day != 6) + { + if (vacation == true) + { + alarm = ""10:00""; + } + } + + else + { + if (vacation == true) + { + alarm = ""off""; + } + if (vacation == false) + { + alarm = ""10:00""; + } + } + + return alarm; +} +" +d1560a76913e1f61dd236699672e762498e23b99,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (vacation=false) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)|| (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +bf89524744bae6fddc488d377bb9b1f4eb3a3423,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +16b043d3d4a188ec3fdeeda601ae08e36a9c287a,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) || ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (vacation=false) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)|| (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +ce298dbfda2396cc0d11dd3e20966786fc4616ef,"public String alarmClock(int day, boolean vacation) +{ + if (!(vacation == true)) + { + + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + + } + + else if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; +} +" +975ad33a5ebc79bd69f5e6fd48624fe1d6921c4d,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day >= 1) && (vacation=false) || (day <= 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)) + { + return z; + } + else if ((day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +7184ca463d3bac3159490fa606298992c95e72b5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day ==6) + return ""10:00""; + return ""7:00""; + } +} +" +9497e8b944a993f0eba3f699ea26c9f9630c50cd,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day == 1) && (vacation=false) + { + return y; + } + else if ((day == 2) && (vacation=false) + { + return y; + } + else if ((day == 3) && (vacation=false) + { + return y; + } + else if ((day == 4) && (vacation=false) + { + return y; + } + else if ((day == 5) && (vacation=false) + { + return y; + } + else if ((day == 0) && (vacation=true)) + { + return z; + } + else if ((day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +f79a320315e4a1e6f5f35f29dd87301bf075fcf8,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day == 1) && (vacation=false)) + { + return y; + } + else if ((day == 2) && (vacation=false)) + { + return y; + } + else if ((day == 3) && (vacation=false)) + { + return y; + } + else if ((day == 4) && (vacation=false)) + { + return y; + } + else if ((day == 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)) + { + return z; + } + else if ((day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +bbccd03f3f2ab726af0919298976ea86124e7662,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +590f50c0405428a5347e6c575fafd71b3da62f98,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) return (day >= 1 && day <= 5) ? ""10:00"" : ""off""; + return (day >= 1 && day <= 5) ? ""7:00"" : ""10:00""; +} +" +a11d2bb4aeb383a9ada178ef76d9008031334e29,"public String alarmClock(int day, boolean vacation) +{ +if(vacation) + if (day == 6 || day == 0) + return ""off"" + else + return ""10:00"" +else + if (day == 6 || day == 0) + return ""10:00"" + else + return ""7:00"" + +} +" +4f4a348de62ea5e4c3a01ab57dc8b7b30dfed4be,"public String alarmClock(int day, boolean vacation) +{ +if(vacation) + if (day == 6 || day == 0) + return ""off""; + else + return ""10:00""; +else + if (day == 6 || day == 0) + return ""10:00""; + else + return ""7:00""; + +} +" +436fd09b6891e567fe0cd98c8b071729b2733e8c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 && day != 6) + return ""10:00""; + else + return ""off""; + else + if (day != 0 && day != 6) + return ""7:00""; + else + return ""10:00""; + } +}" +8d0d3703b7985e301d87be76560117a7072aa437,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day != 0 && day != 6) + return ""10:00""; + else + return ""off""; + } + else + { + if (day != 0 && day != 6) + return ""7:00""; + else + return ""10:00""; + } +}" +8878ce4642e11ffbbcc1c63b394797fd84616800,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +0b55290fa27aff53df63a305c1239e2b876234ee,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) { + return vacation ? ""10:00"" : ""7:00""; +} else +{ + return vacation ? ""off"" : ""10:00""; +} +} +" +c8c8d6f0b5298e6e97d99a1d29e74226e794ed37,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + + else + { + if (day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +f657943bfebbcede0c13b5c074b41778d380206f,"public String alarmClock(int day, boolean vacation) +{ + weekday_alarm = ""7:00"" + weekend_alarm = ""10:00"" + if vacation: + weekday_alarm = ""10:00"" + weekend_alarm = ""off"" + if day>0 and day<6: + return weekday_alarm + else: + return weekend_alarm +} +" +fe12f30c91156a52bf39e64c220e2c1713d42b6a,"public String alarmClock(int day, boolean vacation) +{ + String k = ""7.00""; + String c = ""10.00""; + if(b) + { + k = ""10:00""; + c = ""off""; + } + if(a>0 && a<6){ + return k; + } else { + return c; + } +} +" +51035b741c44bc65906f07ede888152c7820aabf,"public String alarmClock(int day, boolean vacation) +{ + String k = ""7.00""; + String c = ""10.00""; + if(vacation) + { + k = ""10:00""; + c = ""off""; + } + if(day>0 && day<6){ + return k; + } else { + return c; + } +} +" +7266baf52dcc975e29994092289d431a16812be6,"public String alarmClock(int day, boolean vacation) +{ + String k = ""7:00""; + String c = ""10:00""; + if(vacation) + { + k = ""10:00""; + c = ""off""; + } + if(day>0 && day<6){ + return k; + } else { + return c; + } +} +" +80971a32f152c198e2ac9f367b3485eff2ff6a84,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +50ef2fbc6d3c348b6f1f96a1143557868a7f7c2f,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +7429df1f1057c59ee8db5b2f6df7057c270c31db,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +9123d8fd83dded0a82469822476a69ed08712f0f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day = 0 || day = 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + + + + +} +" +2712694ffd43bbadf7f1edead5abde076f6a53d9,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 1) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 1) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + + + + +} +" +363cb6c2f8317ac29d87c27540ee12b8ede85390,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + + + + +} +" +5185038496f02c5d7872b7a19249a17e640aaf11,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +09caccfd7ce5167a88f13a1521e160d9984ca5bd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(0) = ""off""; + alarmClock(1) = 10:00; + alarmClock(2) = 10:00; + alarmClock(3) = 10:00; + alarmClock(4) = 10:00; + alarmClock(5) = 10:00; + alarmClock(6) = 10:00; + alarmClock(7) = ""off""; + else + alarmClock(0) = 10:00; + alarmClock(1) = 7:00; + alarmClock(2) = 7:00; + alarmClock(3) = 7:00; + alarmClock(4) = 7:00; + alarmClock(5) = 7:00; + alarmClock(6) = 7:00; + alarmClock(7) = 10:00; +} +" +8e61b57a290815ebdbf95f3ff2722462c6901171,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0 || day = 6) + if (vacation) + { + alarmClock = ""off""; + } + { + alarmClock = ""10:00""; + } + + if (day > 0 && day < 6) + if (vacation) + { + alarmClock = ""10:00""; + } + { + alarmClock = ""7:00""; + } +} +" +403c6f361419a5518557d2b57f36b6a2232c4737,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(0) = ""off"" ; + alarmClock(1) = 10:00 ; + alarmClock(2) = 10:00 ; + alarmClock(3) = 10:00 ; + alarmClock(4) = 10:00 ; + alarmClock(5) = 10:00 ; + alarmClock(6) = 10:00 ; + alarmClock(7) = ""off"" ; + else + alarmClock(0) = 10:00 ; + alarmClock(1) = 7:00 ; + alarmClock(2) = 7:00 ; + alarmClock(3) = 7:00 ; + alarmClock(4) = 7:00 ; + alarmClock(5) = 7:00 ; + alarmClock(6) = 7:00 ; + alarmClock(7) = 10:00 ; +} +" +70a6426977dd996800b46f0bf59a1ae317319771,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + if (vacation) + { + alarmClock = ""off""; + } + { + alarmClock = ""10:00""; + } + + if (day > 0 && day < 6) + if (vacation) + { + alarmClock = ""10:00""; + } + { + alarmClock = ""7:00""; + } +} +" +41b88603fd263010e2ce8dee01a8b2d66e1da5cf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation); + alarmClock(0) = ""off""; + alarmClock(1) = 10:00; + alarmClock(2) = 10:00; + alarmClock(3) = 10:00; + alarmClock(4) = 10:00; + alarmClock(5) = 10:00; + alarmClock(6) = 10:00; + alarmClock(7) = ""off""; + else + alarmClock(0) = 10:00 ; + alarmClock(1) = 7:00 ; + alarmClock(2) = 7:00 ; + alarmClock(3) = 7:00 ; + alarmClock(4) = 7:00 ; + alarmClock(5) = 7:00 ; + alarmClock(6) = 7:00 ; + alarmClock(7) = 10:00 ; +} +" +dae0fac64baf41f77223c5e18ed84a394d8b0c8d,"public String alarmClock(int day, boolean vacation) +{ + + + if (day == 0 || day == 6) + if (vacation) + { + alarmClock = ""off""; + } + { + alarmClock = ""10:00""; + } + + if (day > 0 && day < 6) + if (vacation) + { + alarmClock = ""10:00""; + } + { + alarmClock = ""7:00""; + } + + return alarmClock +} +" +6dfc8570e82480b2c1dc5e61602bc547fe6bc91d,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0 || day == 6) + if (vacation) + { + alarmClock = ""off""; + } + { + alarmClock = ""10:00""; + } + + if (day > 0 && day < 6) + if (vacation) + { + alarmClock = ""10:00""; + } + { + alarmClock = ""7:00""; + } + + return alarmClock; +}" +371abcae5e377a3bf3a087895dbd821fecc4e077,"public String alarmClock(int day, boolean vacation) +{ + string alarmClock = ""string""; + + if (day == 0 || day == 6) + if (vacation) + { + alarmClock = ""off""; + } + { + alarmClock = ""10:00""; + } + + if (day > 0 && day < 6) + if (vacation) + { + alarmClock = ""10:00""; + } + { + alarmClock = ""7:00""; + } + + return alarmClock; +}" +b4058fb145ec1eee6a18a81f2f3eda3363ceb98b,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = ""string""; + + if (day == 0 || day == 6) + if (vacation) + { + alarmClock = ""off""; + } + { + alarmClock = ""10:00""; + } + + if (day > 0 && day < 6) + if (vacation) + { + alarmClock = ""10:00""; + } + { + alarmClock = ""7:00""; + } + + return alarmClock; +}" +663b0408b386aa68b6d5bc44a73d94941f9c7f8d,"public String alarmClock(int day, boolean vacation) +{ + public String alarmClock(int day, boolean vacation) + { + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + + if(day == 0 || day == 6) + { + return ""10:00""; + + return ""7:00""; + } +} +" +7d26420312b6b1049307933781898dd51e526967,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + + if(day == 0 || day == 6) + { + return ""10:00""; + return ""7:00""; + } +} +" +c3f33aea10ed0582da8f3371c5b0a8052131f67b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + + if(day == 0 || day == 6) + { + return ""10:00""; + } +} +" +5ad93b7983cf72b4289b0e682cacfd38d7e44dba,"public String alarmClock(int day, boolean vacation) +{ +if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +5fe04f45726bed504fe2218d9c805edc7638a439,"public String alarmClock(int day, boolean vacation) +{ + if (day != 0 && day != 6) + return ""7:00""; + else + return ""10:00""; + else if (day != 0 && day != 6) + return ""10:00""; + else + return ""off""; +} +" +1c8ca8c8ca960a9d3818e2b6f878f5992932b25d,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock = ""string""; + + if (day == 0 && vacation) + { + alarmClock = ""off""; + } + else if (day == 1 && vacation) + { + alarmClock = ""10:00""; + } + else if (day == 2 && vacation) + { + alarmClock = ""10:00""; + } + else if (day == 3 && vacation) + { + alarmClock = ""10:00""; + } + else if (day == 4 && vacation) + { + alarmClock = ""10:00""; + } + else if (day == 5 && vacation) + { + alarmClock = ""10:00""; + } + else if (day == 6 && vacation) + { + alarmClock = ""off""; + } + else if (day == 0 && !vacation) + { + alarmClock = ""10:00""; + } + else if (day == 1 && !vacation) + { + alarmClock = ""7:00""; + } + else if (day == 2 && !vacation) + { + alarmClock = ""7:00""; + } + else if (day == 3 && !vacation) + { + alarmClock = ""7:00""; + } + else if (day == 4 && !vacation) + { + alarmClock = ""7:00""; + } + else if (day == 5 && !vacation) + { + alarmClock = ""7:00""; + } + else if (day == 6 && !vacation) + { + alarmClock = ""10:00""; + } + + return alarmClock; +}" +844624a99cac532d6fec1d78e87a485d473610ae,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(1, false) + { + return ""7:00"" + } + +} +" +3912b95bad6643bca65cdd53d06418493f50b257,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1, false)) + { + return ""7:00"" + } + +} +" +b62b2aacb8b36a2d4c88c9302e05aa769a74c64e,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1, false)) + { + return ""7:00""; + } + +} +" +cfa52c62a27a1e8a64639f0b22aa734054da57d0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day <6) + { + return(""10:00') + } + else + { + return(""off"") + } + } + else + { + if (day > 0 && day <6) + { + return(""7:00"") + } + else + { + return(""10:00') + } + } +} +" +540e6c5858d3b5bdee14059ed3c61342a21e96ec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day <6) + { + return(""10:00'); + } + else + { + return(""off""); + } + } + else + { + if (day > 0 && day <6) + { + return(""7:00""); + } + else + { + return(""10:00'); + } + } +} +" +617f37302d4a75fa8b2ed4fd0303bce5fb9aacc7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day <6) + { + return(""10:00'); + } + else + { + return(""off""); + } + } + else + { + if (day > 0 && day <6) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } +} +" +be2dbcd7e29bc8ec4d050cf5500b2456626c083d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day <6) + { + return(""10:00""); + } + else + { + return(""off""); + } + } + else + { + if (day > 0 && day <6) + { + return(""7:00""); + } + else + { + return(""10:00""); + } + } +} +" +8712752336b25a3f6e192045c39c5917b10ac71c,"public String alarmClock(int day, boolean vacation) +{ + if (day = 0) + { + day = 8; + } + if (vacation) + { + return (day < 6) ? ""10:00"" : ""off""; + } + return (day < 6) ? ""7:00"" : ""10:00""; +} +" +36f53977d99eb0ec5ddfa3aa5b33c2d82d6cd174,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0) + { + day = 8; + } + if (vacation) + { + return (day < 6) ? ""10:00"" : ""off""; + } + return (day < 6) ? ""7:00"" : ""10:00""; +} +" +1f8d0c7a02e999fa9d392c43410fa776f072aa61,"public String alarmClock(int day, boolean vacation) +{ + if (day == 0) + { + day = 7; + } + if (vacation) + { + return (day < 6) ? ""10:00"" : ""off""; + } + return (day < 6) ? ""7:00"" : ""10:00""; +} +" +645564431f63035a82dba6865f721b3708ac6876,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 6 || day == 0) { + return ""off""; + } + else { + return ""10:00""; + } + } + else { + if (day == 6 || day == 0) { + return ""10:00""; + } + else { + return ""7:00""; + } + } +} +" +89bb4e7a85396064a19557004d7a9e3569a00a0a,"public String alarmClock(int day, boolean vacation) +{ + String k = ""7:00""; + String c = ""10:00""; + if (vacation) + { + k = ""10:00""; + c = ""off""; + } + if (a > 0 && a < 6) + return k; + else + return c; +} +" +afa3e27241b6c103406ac15956bd9f5e3b50c212,"public String alarmClock(int day, boolean vacation) +{ + int weekday = 1,2,3,4,5 + int weekend = 0,6 + if (vacation == false) { + if (alarmClock(weekday, false)) { + return ""7:00"" + } + else if (alarmClock(weekend, false)) { + return ""10:00"" + } + else { + if (alarmClock(weekday, true)) { + return ""10:00"" + } + else if (alarmClock(weekend, true)) { + return ""off"" + } + } + +} +" +e6f47fdbbeeb1c76227f1c0dd257225ef2826264,"public String alarmClock(int day, boolean vacation) +{ + String k = ""7:00""; + String c = ""10:00""; + if (vacation) + { + k = ""10:00""; + c = ""off""; + } + if (day > 0 && day < 6) + return k; + else + return c; +} +" +d8229a2b94e7c50acb3d63ad06f31df0958f4c30,"public String alarmClock(int day, boolean vacation) +{ + int weekday = 1,2,3,4,5; + int weekend = 0,6 ; + if (vacation == false) { + if (alarmClock(weekday, false)) { + return ""7:00""; + } + else if (alarmClock(weekend, false)) { + return ""10:00""; + } + else { + if (alarmClock(weekday, true)) { + return ""10:00""; + } + else if (alarmClock(weekend, true)) { + return ""off""; + } + } + + } +} +" +0ec644c866598a01f94968bd5f972bc40145e9c7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 && day = 6) { + return ""10:00""; + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 && day = 6) { + return ""off""; + } + } + + } +} +" +f7985eed3ce68a352aaa88f986386a94f8f75d11,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 || day = 6) { + return ""10:00""; + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } +} +" +3d357b83376ebeb4b25a3c7ccc5f915e7e4679b3,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(1, vacation)) + { + return ""7:00""; + } + +} +" +45ac697d215421abe70361f24a7b5dfb9dcdddca,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 || day = 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } +} +" +01ebcda1e37b4d2ac858d9e5b22d604670498774,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 || day = 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } + +" +31a2272c8f35e3d57bad2c5f0ab5b9e12db7bcd3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 || day = 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } +} +} +" +c6e7135f60615c02e064a0a38fbe795fd609758f,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6)) + { + if (vaction) + { + return ""10:00""; + } + else + { + return ""7:00"" + } + } + else + { + if (vacation) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +dd49a7cab57d837780cc0a799531f3d9eb92535a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 || day = 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } + + +" +b05e33e69b683887226c7d7f1993c6d1bb7229bd,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vaction) + { + return ""10:00""; + } + else + { + return ""7:00"" + } + } + else + { + if (vacation) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +adb6d0d8d16d30b4285e7b0edc6bb157a7f5453f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day = 0 && day = 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } + + +" +7107becd74f1b3439ae0019df77884daf5ed8404,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 || day < 6) + { + return ""10:00"" + } + } + + + +} +" +24cb506926a1712a3e15477b83b5fb11c8689b81,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vaction) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +e7c94d1d4dfd122509ddc60e582a412cfc9f7d5c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >=1 && day <= 5) + return ""7:00""; + else + return ""10:00; + } + else + { + if (day >=1 && day <= 5) + return ""10:00""; + else + return ""off; + } + +} +" +46f55637912d5941e251c2bcd9af0b8b6d4b2c94,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation) + { + return ""off""; + } + else + { + return ""7:00""; + } + } +} +" +49ac836e7139878287b496ae8d5d12f8fa203767,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day = 0 || day = 6) { + return ""off""; + } + } + + } + + +" +395f7da2bc5789d200adec936f6b6f1539b0f154,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 || day < 6) + { + return ""10:00""; + } + } + + + +} +" +ce5bca6b28add5394963bcf4b806443859caadd2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) + { + if (day >=1 && day <= 5) + return ""7:00""; + else + return ""10:00""; + } + else + { + if (day >=1 && day <= 5) + return ""10:00""; + else + return ""off""; + } + +} +" +0f13dea5755ea2a5ba4531b830dc2c80bf114d23,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 || day == 6) { + return ""off""; + } + } + + } + + +" +63b157b7d6a898b7333d89ca5259e0c6d27e4ce7,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } +} +" +35c6ba3f00de6eb0748e698989b4d66fa348753d,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (1 <= day >= 5) + { + return 7:00; + } + else + { + return 10:00; + } + } + if (vacation) + { + if (1 <= day >= 5) + { + return 10:00; + } + else + { + return off; + } + } + return day; +} +" +b75f1c42a906d9191612a9124b44dbc389e36ce1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 || day == 6) { + return ""off""; + } + } + + return } + + +" +c63220dec0182274935c802c36b68f252b295c00,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 || day == 6) { + return ""off""; + } + } + + + + +" +2c869ca25f8c4bc8c9f993f2bf17137bab8c010d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off"" + } + } + + + +} +" +901d655f54243cab91deac1cce8bcc7ee41ff2b7,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (1 <= day >= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (1 <= day >= 5) + { + return ""10:00""; + } + else + { + return off; + } + } + return day; +} +" +dcaf610a30905dc4ba2f37749d7d5d712e32a150,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +a449547d21bd5b2983aeb5c22ce12502a35afeec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 || day == 6) { + return ""off""; + } + } +} + + + +" +664956441c88cd3f514641997399625d4354dfbb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day < 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + + + +} +" +eb84777266d836bafc3e9a5757e13df01d30d0b3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 || day == 6) { + return ""off""; + } + } +return day; +} + + + +" +44aee1d35bdded5db6dd41635e3d8d1c3d59b56b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 || day == 6) { + return ""off""; + } + } +return ""day""; +} + + + +" +9cd8c74c0a59ca8f199ba8d5da10fc59dcee8990,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return off; + } + } + return day; +} +" +21892508c2507d5e38737700a5a3eab3b4ff061d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 && day == 6) { + return ""off""; + } + } + +} + + + +" +96dabbaa0131d8b53b9daf24e72b97db57d4fff3,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + return day; +} +" +3d56e22ed4ac2dd468405a0f7f31fe4833648345,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +f76a620595adb2b3500bec72c75547059f73bf67,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + return day; +} +" +bf6971fa250b88a280d875da807ef731c7320de2,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else if (vacation == true) { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 && day == 6) { + return ""off""; + } + } + +} + + + +" +5d2ca254a93775a79466c86a6fff0662656694cd,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + return vacation; +} +" +a04e5fa9b6c9af3f5657fd1207712691a7d4dcba,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 && day == 6) { + return ""10:00""; + } + } + else if (vacation == true) { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 && day == 6) { + return ""off""; + } + } + +return ""off"";} + + + +" +76b3623b2427fb0d64fe0e9407886b248492ba22,"public String alarmClock(int day, boolean vacation) +{ + String weekDayn = ""7:00""; + String weekEndn = ""10:00""; + String weekDayv = ""10:00""; + String weekEndv = ""off""; + if (vacation = true) { + if (day >= 1 && day <= 5) { + return weekDayv; + } + else { + return weekEndv; + } + } + else { + if (day >= 1 && day <= 5) { + return weekDayn; + } + else { + return weekEndn; + } + } +} +" +684443e54301777606e4e7e4763ad11e9e569884,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + + if(day > 0 && day != 6) + + return ""10:00""; + + else + + return ""off""; + + } else if (day > 0 && day != 6) + + return ""7:00""; + + else + + return ""10:00""; + + + +} +" +80915b718cff611ff0d6aaaa8bd0b61e7073dbbf,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""7.00""; + } + +} +" +4f14a4bc03f9da8537ddefe59c2c70d2d2bafe5f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + return ""7:00""; + } + return ""10:00; +} +" +fd4a2b331f551ac61e996c8da519834bee7b94fb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + + } + if (day = 0 || day = 6) + { + if (vacation = true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation = true) + { + return ""off"" + } + else + { + return ""10:00""; + } + } + +} +" +fa4cef8ffae22537e216ba61e827d2c9a388c7bc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation = true) + { + + } + if (day = 0 || day = 6) + { + if (vacation = true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +3d18f06375bcddab8e59150f455307a6a6448d09,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(0, false) + { + return ""10:00"" + } + alarmClock(1, false) + { + return ""7:00"" + } + +} +" +3f1d0da8992506ce746c1a594d953e442f675bbd,"public String alarmClock(int day, boolean vacation) +{ + if (day >= 0 && day <= 6) + { + if (vacation = true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +6754f9ee42d7e895c38b5b3fd845c29e2cbf9e80,"public String alarmClock(int day, boolean vacation) +{ + String weekDayn = ""7:00""; + String weekEndn = ""10:00""; + String weekDayv = ""10:00""; + String weekEndv = ""off""; + if (vacation = true) { + if (day >= 1 && day <= 5) { + return weekDayv; + } + else { + return weekEndv; + } + } + else if (vacation = false) { + if (day >= 1 && day <= 5) { + return weekDayn; + } + else { + return weekEndn; + } + } +} +" +7dd99e0db16e2a2fa7cf2b5e7f03eb5332a4e233,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vacation = true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +48a1148f74ea3921b8a0749ab42583a83fd56e6e,"public String alarmClock(int day, boolean vacation) +{ + String weekDayn = ""7:00""; + String weekEndn = ""10:00""; + String weekDayv = ""10:00""; + String weekEndv = ""off""; + if (vacation = true) { + if (day >= 1 && day <= 5) { + return weekDayv; + } + else { + return weekEndv; + } + } + else { + if (day >= 1 && day <= 5) { + return weekDayn; + } + else { + return weekEndn; + } + } +} +" +af2a5ac1529fc5e60fcf6f7c3d10ada56c1a33ff,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, false)) + { + return ""10:00""; + } + if (alarmClock(1, false)) + { + return ""7:00""; + } + +} +" +9010d0d097e3e0b21465cf6c4bacf26f272095d1,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation = true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +b21fcd8daa72ab52b03f3999a7f998bef33f4b39,"public String alarmClock(int day, boolean vacation) +{ + string k = ""7.00""; + string c = ""10.00""; + if (b) + { + k = ""10:00; + c = ""off""; + } + if (a > 0 && a < 6) + { + return k; + } + else + { + return c; + } +} +" +8db62b123059bc2ace22c1ee22c8571d655dee7f,"public String alarmClock(int day, boolean vacation) +{ + String weekDayn = ""7:00""; + String weekEndn = ""10:00""; + String weekDayv = ""10:00""; + String weekEndv = ""off""; + if (vacation = true) { + if (day >= 1 && day <= 5) { + return weekDayv; + } + else { + return weekEndv; + } + } + else { + if (day >= 1 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } +} +" +2aaa84b0702305e4c23411e2c00a7ed3119a95ce,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + return ""7:00""; + } + +} +" +08d08ad30eaa0a1f6ab234bf219bade863c3e646,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + else + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + +} +" +9744968c689cbdb21181eb9be6dbdf8500384c1e,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + { + return ""10:00""; + return ""7:00""; + } + +} +} +" +eb0bf0ff81db52963f3e038fa032aee3162e1a10,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 0 || day == 6) + + return ""10:00""; + return ""7:00""; + + +} +" +6fa207ae04727be33f6856b4240d08b24fdde10a,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + + else + + if(day == 0 || day == 6) + + return ""10:00""; + return ""7:00""; + + +} + +" +2f4791e6f9070e035f3e0208ff15ab4de97eb9af,"public String alarmClock(int day, boolean vacation) +{ + alarClock(1, false) -> ""7:00"" + +} +" +b581f180a61ff78dcc819cee320b145a98fe7f82,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false) -> ""7:00"" + +} +" +eccb134854e0904a46ed02874394d10a669d10e8,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +0c4008b730d7e4860ee98520d9c8dcdfcf4f520b,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false) -> ""7:00""; + +} +" +5a9ca77c92417da301ce0a7d7b4b03c4d0906d5b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + + else if(day == 0 || day == 6) + + return ""10:00""; + return ""7:00""; + + +} + +" +75f5cb37f656cbacc031efb4b7bf8b1b24054a96,"public String alarmClock(int day, boolean vacation) +{ + String weekDayn = ""7:00""; + String weekEndn = ""10:00""; + String weekDayv = ""10:00""; + String weekEndv = ""off""; + if (vacation = true) { + if (day >= 1 && day <= 5) { + return weekDayv; + } + else { + return weekEndv; + } + } + else { + if (day > 0 && day < 6) { + return ""7:00""; + } + else { + return ""10:00""; + } + } +} +" +b2db7630c5785a7d0c57afb9f188956fa844cd34,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false) return ""7:00"" + +} +" +e744ac3c8e74327ceb05cc358e044f27221c727c,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + + else + (day == 0 || day == 6) + + return ""10:00""; + return ""7:00""; + + +} + +" +4668afb510986d8ba209b393d9467406c6ad67b8,"public String alarmClock(int day, boolean vacation) +{ + String weekDayn = ""7:00""; + String weekEndn = ""10:00""; + String weekDayv = ""10:00""; + String weekEndv = ""off""; + if (vacation == true) { + if (day >= 1 && day <= 5) { + return weekDayv; + } + else { + return weekEndv; + } + } + else { + if (day > 0 && day < 6) { + return ""7:00""; + } + else { + return ""10:00""; + } + } +} +" +c25263b104d45bb119ccd3b01b7a29b41337b334,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false) return ""7:00""; + +} +" +65b879fd8d3e6c3482ddf13a1d23b4a16a4abba9,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); return ""7:00"" + +} +" +b4ee2413685047a24b9aa31010397bee959f16f7,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +265dd4458fb43967c87890408a4569ed8e08a397,"public String alarmClock(int day, boolean vacation) +{ + if alarmClock(< 6, false) + { + return ""7:00"" + } +} +" +c85fede9497d63d0eabed64107a6168db3602a56,"public String alarmClock(int day, boolean vacation) +{ + String t=""off""; + if (vacation==true) + { + t=""off""; + } + + else + { + if (day != 0 || day!= 6) + { + t=""10:00""; + } + + else + { + t=""7:00""; + } + } + return t; +} +" +c0a9c0c418b7021e0a2f75a0b85c07bf871efb2b,"public String alarmClock(int day, boolean vacation) +{ + if (alarmClock(0, false) -> ""10:00"") +" +39be22965b9b985d28b22ea9c159ca387932eba0,"public String alarmClock(int day, boolean vacation) +{ + String t=""off""; + if (vacation==true) + { + t=""off""; + } + + else + { + if (day = 0 || day= 6) + { + t=""10:00""; + } + + else + { + t=""7:00""; + } + } + return t; +} +" +ee41db7662096a5c4aae2896310aecaf6a0c6f71,"public String alarmClock(int day, boolean vacation) +{ + String t=""off""; + if (vacation==true) + { + t=""off""; + } + + else + { + if (day == 0 || day == 6) + { + t=""10:00""; + } + + else + { + t=""7:00""; + } + } + return t; +} +" +a88bec627636b469c557a9a7a88c1189a291b955,"public String alarmClock(int day, boolean vacation) +{ + if (day < 6 && boolean = true) + { + return ""7:00"" + } +} +" +a1cdc561d807b76e78933b74764272272ba34911,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + return ""off"" + else + return ""10:00"" + } + else + { + if (day = 0 || day = 6) + return ""10:00"" + else + return ""7:00"" + } +} +" +02abb71da4d862b57e192d63aa8d7554c8bb85ac,"public String alarmClock(int day, boolean vacation) +{ + if (day < 6 && true) + { + return ""7:00""; + } +} +" +fe1aaceb4f54ae22e42280a305641545423ebd67,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day = 0 || day = 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day = 0 || day = 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +c51ea5ac0ebb0a15e5b91ae65ad5955ff9125807,"public String alarmClock(int day, boolean vacation) +{if (vacation) { + if(day > 0 && day != 6) + return ""10:00""; + else + return ""off""; + } else if (day > 0 && day != 6) + return ""7:00""; + else + return ""10:00""; +} + +" +f162dfeb89a1768cf7e81951ec68d08450053e12,"public String alarmClock(int day, boolean vacation) +{ + String t=""off""; + if (vacation==true) + { + if (day == 0 || day == 6) + { + t=""off""; + } + + else + { + t=""10:00""; + } + } + + else + { + if (day == 0 || day == 6) + { + t=""10:00""; + } + + else + { + t=""7:00""; + } + } + return t; +} +" +cb4a2bcba15485b3faf249da916b61bb18bdd11d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + return alarmClock = ""7:00"" + } + } +} +" +c6f74c38d403385eb68b9cf3bc79debff0a535e6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + return ""10:00""; + else + return ""7:00""; + } +} +" +331a37379c85aa9553c947b65f7e1a0d79881e88,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + return alarmClock = ""7:00""; + } + } +} +" +c0c059b06da6f4054af8ce90c5fd836e5d94ed2e,"public String alarmClock(int day, boolean vacation) +{ + if (day < 6 && false) + { + return ""7:00""; + } + else if (day < 6 && true) + { + return ""10:00"" + } + else + { + return ""10:00"" + } +} +" +dfe344f897a99aa28ac39cc76ce33a6a77b424bd,"public String alarmClock(int day, boolean vacation) +{ + if (day < 6 && false) + { + return ""7:00""; + } + else if (day < 6 && true) + { + return ""10:00""; + } + else + { + return ""10:00""; + } +} +" +9bd629f2cbe2012139f2666f14afef736b6972d5,"public String alarmClock(int day, boolean vacation) +{ + if(vacation); + if(day == 0 || day == 6); + return ""off""; + else + return ""10:00""; + + + if(day == 0 || day == 6); + return ""10:00""; + + return ""7:00""; +} +" +2a65872f8fc0bc4f949c763f4f5e004033e5ef70,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00"" + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + return alarmTime = ""10:00""; + } + } +} +" +04346c45bcc2e7465f612a89abcdcce275fcab0e,"public String alarmClock(int day, boolean vacation) +{ + if(vacation); + if(day == 0 || day == 6); + return ""off""; + elseif + return ""10:00""; + + + if(day == 0 || day == 6); + return ""10:00""; + + return ""7:00""; +} +" +9011368586e3a6b4707daf424bfa9bff58a59cf0,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + return alarmTime = ""10:00""; + } + } +} +" +ce026c65255e4d26dc961c65ac41afd681c0d7eb,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) { + if (day >= 1 && day <= 5) { + return ""7:00"" + } + else { + return ""10:00"" + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00"" + } + else { + return ""off"" + } + } + return ""7:00"" +} +" +cc56efb484151773c916665272578b5af8205737,"public String alarmClock(int day, boolean vacation) +{ + if(vacation); + if(day == 0 || day == 6); + return ""off""; + else + return ""10:00""; + + + if(day == 0 || day == 6); + return ""10:00""; + + return ""7:00""; +} +" +eabf99be1c1da484252b5fee262c5700a8dc6eb6,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + } + return alarmTime; +} +" +663ca4e0c8db60352b4497ce1ee3254df8145325,"public String alarmClock(int day, boolean vacation) +{ + if (day < 6 && > 0 && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +af5bcde4053d4b61ac844ec82330371c4e1ac0a5,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) { + if (day >= 1 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else { + return ""off""; + } + } + return ""7:00""; +} +" +32c64ef6d718b15c1399dd27fdaf36e2456df269,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) { + if (day >= 1 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else { + return ""off""; + } + } + return ""7:00""; +} +" +f720fc38136555b424b104357f572027ccdf7b1a,"public String alarmClock(int day, boolean vacation) +{ + if (day < 6 && day > 0 && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +fc076221e6ea7c4ca01aa9c7a811bc0e0c38dd9b,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) { + if (day >= 1 && day <= 5) { + return ""7:00""; + } + else { + return ""10:00""; + } + } + else { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else { + return ""off""; + } + } +} +" +8f221531dfb1b8ebb71a9c37f67572f1aa46a75f,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""Off"" + } + } + return alarmTime; +} +" +454c9f58dfc30dca0f54994676989de1a0f8a024,"public String alarmClock(int day, boolean vacation) +{ + if(vacation); + if (day == 0 || day == 6); + { return ""off""; + } + else + {return ""10:00""; + } + + + if(day == 0 || day == 6); + return ""10:00""; + + return ""7:00""; +} +" +57d430b1a0e2c0a0468622273452f0677317f812,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""Off""; + } + } + return alarmTime; +} +" +a072d53e51fd5132cba7f35e045e99ed1d22d886,"public String alarmClock(int day, boolean vacation) +{ + if ((day < 6 && day > 0) && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +2df8a99e39bd3b2e980a6c537f8c36df18a31772,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + else if (day <= 0 || day >= 6) + { + alarmTime = ""Off""; + } + } + return alarmTime; +} +" +a56ba5a226ba81162214b9d13448a10aa88654d4,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) + { + return vacation ? ""10:00"" : ""7:00""; + } + else + { + return vacation ? ""off"" : ""10:00""; + } +} +" +7b7333744175dc25e6b3d0cb416d3fec8961e554,"public String alarmClock(int day, boolean vacation) +{ + if (!(day = 6 || day = 0) && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +ec70551d51f6c552c06e2323ecf2ec2e104c3283,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + else if (day <= 0 || day >= 6) + { + alarmTime = ""Off""; + } + } + else + { + if (day >= 1 && day <= 5) + { + alarmTime = ""7:00""; + } + } + return alarmTime; +} +" +3cf90001703503fa759d4d720e42040823c16b72,"public String alarmClock(int day, boolean vacation) +{ + if (!(day = 6 || day = 0) && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +2ab319dc78fd787edbb10ea44f24e063c98b82f3,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + else if (day <= 0 || day >= 6) + { + alarmTime = ""Off""; + } + } + else + { + if (day >= 1 && day <= 5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + } + return alarmTime; +} +" +4c5563874b783444338355745a237c6f30c0eabd,"public String alarmClock(int day, boolean vacation) +{ + if ((!day = 6 || !day = 0) && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +8d67c92ed17ff16fbfa71b63a3c418b90e18916f,"public String alarmClock(int day, boolean vacation) +{ + String alarmTime = ""7:00""; + if (vacation == true) + { + if (day >= 1 && day <= 5) + { + alarmTime = ""10:00""; + } + else + { + alarmTime = ""off""; + } + } + else + { + if (day >= 1 && day <= 5) + { + alarmTime = ""7:00""; + } + else + { + alarmTime = ""10:00""; + } + } + return alarmTime; +} +" +1b2d1bd0a9b9fc34c7776d5a27f06c92daf7de22,"public String alarmClock(int day, boolean vacation) +{ + if ( (day >=1 && day <=5) && (!vacation)) { + return ""7:00""; + } else if ( (day >=1 && day <=5) && (vacation)) { + return ""10:00""; + } else { + return ""off""; + } + } +" +203d11ada1ff2646d0209bc8890f6ba1c42da22b,"public String alarmClock(int day, boolean vacation) +{ + if ((!day = 6 || !day = 0) && false) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +f9360df958fea1713aa2838fb934d12da3de066a,"public String alarmClock(int day, boolean vacation) +{ + if (day > 0 && day < 6 && vacation = true) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +ce49e6d41d005d928f50b0c4fa524cd9ad99aa55,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6); + return ""10:00""; + + return ""7:00""; +} +" +a24bf7cc5e740c9f4419ba6e224db429f89dde02,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +}" +f3c55a1011dfce92eb3d18ea1e5508455720942b,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && day <= 5 && day >= 1) + return ""10:00"" + if ( !vacation && day <= 5 && day >= 1) + return ""7:00"" + if ( vacation && (day == 6 || day == 0) + return ""off"" + if ( !vacation && (day == 6 || day == 0) + return ""10:00"" +} +" +72c6d86a5c38a74d4d911d29ae763b41da3c7962,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && day <= 5 && day >= 1) + return ""10:00""; + if ( !vacation && day <= 5 && day >= 1) + return ""7:00""; + if ( vacation && (day == 6 || day == 0)) + return ""off""; + if ( !vacation && (day == 6 || day == 0)) + return ""10:00""; +} +" +5edc59d6fcdab01059c600db535795b9237165c3,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && day <= 5 && day >= 1) + return ""10:00""; + if ( !vacation && day <= 5 && day >= 1) + return ""7:00""; + if ( vacation && (day == 6 || day == 0)) + return ""off""; + if ( !vacation && (day == 6 || day == 0)) + return ""10:00""; + else + return ""7:00"" +} +" +330323d670835f1a9a2b336b5571428ee48c22b1,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation && day <= 5 && day >= 1) + return ""10:00""; + if ( !vacation && day <= 5 && day >= 1) + return ""7:00""; + if ( vacation && (day == 6 || day == 0)) + return ""off""; + if ( !vacation && (day == 6 || day == 0)) + return ""10:00""; + else + return ""7:00""; +} +" +263e21ad922fcbba6acf45f4934da9c440503759,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + + +} +" +9d8532aa511f317eec9924b6965eefb53794bd18,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + if (vacation) + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +542872865233f816947e06c8be95877849244e26,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + return ""7:00"" +} +" +4c1b03cb73a7777b6a5a34646650c6283ab5604a,"public String alarmClock(int day, boolean vacation) +{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5) + { + if (vacation == true) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + if (day == 0 || day == 6) + { + if (vacation == true) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + return ""7:00""; +} +" +913a04feb4c7ee48d75651cb14cf3a929dfdceb6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation); + alarmClock(0, true) = ""off""; + alarmClock(1, true) = 10:00; + alarmClock(2) = 10:00; + alarmClock(3) = 10:00; + alarmClock(4) = 10:00; + alarmClock(5) = 10:00; + alarmClock(6) = 10:00; + alarmClock(7) = ""off""; + else + alarmClock(0) = 10:00 ; + alarmClock(1) = 7:00 ; + alarmClock(2) = 7:00 ; + alarmClock(3) = 7:00 ; + alarmClock(4) = 7:00 ; + alarmClock(5) = 7:00 ; + alarmClock(6) = 7:00 ; + alarmClock(7) = 10:00 ; +} +" +49e4f46385a55f9efde486cf315ca17e78d28e26,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day > 0 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + if (day > 0 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +36f0a0675ee57c7689a58d5cb03cd737ed307c74,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +b3d98cac226c1d96e9f8b90d12464a4c48899afc,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day >= 1) && (day <= 5)) + { + return 7:00 + } + + else + { + return 10:00 + } + } + + else + { + if ((day >= 1) && (day <= 5)) + { + return 10:00 + } + + else + { + return off + } + } +} +" +702d4e5c066ef767c46e9c81111fe1d577e132ce,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day >= 1) && (day <= 5)) + { + return 7:00; + } + + else + { + return 10:00; + } + } + + else + { + if ((day >= 1) && (day <= 5)) + { + return 10:00; + } + + else + { + return off; + } + } +} +" +8b3eff7a5dd626c46dd24f0bbeb426f72e2f3c3b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day > 0 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + if (day > 0 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +9b4593f9f3ea132777cc5bbf6518f56d64e53486,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day >= 1) && (day <= 5)) + { + return 7:00; + } + + else + { + return 10:00; + } + } + + else + { + if ((day >= 1) && (day <= 5)) + { + return 10:00; + } + + else + { + return off; + } + } +} +" +cb59324f699cc1475850bddf3b98aa839330daf7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock() = 10:00; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +ac86f8cf35144e2a4e5e216d1786b37016b03ff7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true) + { + if (day > 0 && day <= 5) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + if (day > 0 && day <= 5) + { + return ""7:00""; + } + else + { + return ""10:00""; + } +} +" +a83e1ba9bfa0b2233a66518183f2109000df7df5,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock() = 10:00 ; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +716fa66869a2d9e6fffbde93b9fa1c16dc1aef25,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock() = 10:00;; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +a6911c43569e09aad9264179d8f3ad0f7dfd43f3,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day >= 1) && (day <= 5)) + { + return 7:00 ; + } + + else + { + return 10:00 ; + } + } + + else + { + if ((day >= 1) && (day <= 5)) + { + return 10:00 ; + } + + else + { + return off ; + } + } +} +" +f25303286628d3fe06b860126b8021dcaefda850,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock() = 10:00 + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +63bb13cfa03dc35bf3aeb484afaa5210c1aa5a8e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock() = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +210ed6a9b9320c13da2975c4379e04e9fe46f7bd,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(, true) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +e87f1324cdc5787fbbae50e3b222883065b405ba,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true){ + if (day == 2, 3, 4, 5){ + return ""10:00""; + } + else{ + return ""off""; + } + } + else{ + if (day == 2, 3, 4, 5){ + return ""7:00""; + } + else{ + return ""10:00""; + } + } +} +" +0fde58a563e7567af922a27d5d9faf7e51575557,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(int) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +0c2c8b6dcab00f4a514d8c366e175028aac9239d,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(day) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +b38ca2d6f482e95c353c0db2e0be6f7fd2497969,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +e6d2e1ed4ad5ea54b92666d53d3781686fa99365,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if ((day >= 1) && (day <= 5)) + { + return ""7:00""; + } + + else + { + return ""10:00""; + } + } + + else + { + if ((day >= 1) && (day <= 5)) + { + return ""10:00""; + } + + else + { + return ""off""; + } + } +} +" +3f1a1f9214c556f6235855dac5407f5ea1f6390e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(day, Vacation) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +937cb7d9fc069c49d91571ebe6bf030c4041e821,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(day, vacation) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +792a8b88d8c81f029b10a3c8932e905c27893272,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true){ + if (day = 2 || day = 3 || day = 4 || day = 5){ + return ""10:00""; + } + else{ + return ""off""; + } + } + else{ + if (day = 2 || day = 3 || day = 4 || day = 5){ + return ""7:00""; + } + else{ + return ""10:00""; + } + } +} +" +abc1b4a1c650a1344a8f8dcbd6a658a482b7b175,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day < 6) + { + return ""10:00"" + } + + } + if( day < 1 && day > 5) + { + return ""10:00"" + } + return ""7:00""; + +} +" +b5a3aa87e5f705b0fb03d0274581cc39e42a7d44,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day < 6) + { + return ""10:00"" + } + + } + if( day < 1 && day > 5) + { + return ""10:00"" + } + return ""7:00""; + +} +" +65628a3cc086992ecdd7e091a0cf1bc69023f3db,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true){ + if (day == 2 || day == 3 || day == 4 || day == 5){ + return ""10:00""; + } + else{ + return ""off""; + } + } + else{ + if (day == 2 || day == 3 || day == 4 || day == 5){ + return ""7:00""; + } + else{ + return ""10:00""; + } + } +} +" +ac92aa11820f3b53c0a4bd52963f43a36d096dd3,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day < 6) + { + return ""10:00""; + } + + } + if( day < 1 && day > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +909adadc3adc31b241471517275c9e45a1ee115b,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day < 6) + { + return ""10:00""; + } + if( day < 1 && day > 5) + { + return ""off""; + } + + } + if( day < 1 && day > 5) + { + return ""10:00""; + } + return ""7:00""; + +} +" +85ef3f4d27ae0fdd877edbdc77954cd207a67025,"public String alarmClock(int day, boolean vacation) +{ + if ((day >= 1 && day <= 5) && (!vacation) + { + return ""7:00""; + } + else if (day >= 1 && day <= 5) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +4aa4ea4b2e396374de401172147cfaa70cc13ab0,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(day) == ""10:00""; + alarmClock(0) == ""off""; + alarmClock(7) == ""off""; + +} +" +88aa65d847433211b3ea32dfb33e3533a83419f8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(day) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +da493bba0744555ca8b9d376c58b9b42c3585162,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day < 6) + { + return ""10:00""; + } + if( day < 1 && day > 5) + { + return ""off""; + } + + } + if( day < 1 && day > 5) + { + return ""10:00""; + } + if ( day > 0 && day < 6) + { + return ""7:00""; + } + +} +" +976d34bfe998ed5538d76dea05e614977ad0754c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day > 0 && day < 6) + { + return ""10:00""; + } + if( day < 1 && day > 5) + { + return ""off""; + } + + } + if( day < 1 && day > 5) + { + return ""10:00""; + } + + return ""7:00""; + + +} +" +f70d3706984f905ecdce0daad0eaaf23a5acd1b8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(1) = ""10:00""; + alarmClock(2) = ""10:00""; + alarmClock(3) = ""10:00""; + alarmClock(4) = ""10:00""; + alarmClock(5) = ""10:00""; + alarmClock(6) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +c0243c3541b2a5d6e16c4094db6c7af0336dd4eb,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(1, true) = ""10:00""; + alarmClock(2) = ""10:00""; + alarmClock(3) = ""10:00""; + alarmClock(4) = ""10:00""; + alarmClock(5) = ""10:00""; + alarmClock(6) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +6b8ebd9e979c563c2938850d7f9cf58ec40c793b,"public String alarmClock(int day, boolean vacation) +{ + if (vaction) { + return ""off""; + } + else if (day > 0 && day < 6) { + return ""7.00""; + } + else { + return ""10:00""; + } +} +" +0b379fab96920bd82207a8931d2b9b48e282fefc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(1) = 10:00; + alarmClock(2) = ""10:00""; + alarmClock(3) = ""10:00""; + alarmClock(4) = ""10:00""; + alarmClock(5) = ""10:00""; + alarmClock(6) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +347cb9f8c96ee379c6734f29e0b76ca2b293e466,"public String alarmClock(int day, boolean vacation) +{ + if ((day >= 1 && day <= 5) && (!vacation)) + { + return ""7:00""; + } + else if (day >= 1 && day <= 5) && (vacation)) + { + return ""10:00""; + } + else + { + return ""off""; + } +} +" +705a3fa0dea52f5367c4daed85774248b2acd999,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true){ + if (day == 0 || day == 2 || day == 3 || day == 4 || day == 5){ + return ""10:00""; + } + else{ + return ""off""; + } + } + else{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5){ + return ""7:00""; + } + else{ + return ""10:00""; + } + } +} +" +5cf13aa990221db4aaa4163b4375efe71c338c05,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + return ""off""; + } + else if (day > 0 && day < 6) { + return ""7.00""; + } + else { + return ""10:00""; + } +} +" +a1b44a30ecbf00838c1a5789d120e53e1c679ab1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + alarmClock(1) = ""10:00""; + alarmClock(2) = ""10:00""; + alarmClock(3) = ""10:00""; + alarmClock(4) = ""10:00""; + alarmClock(5) = ""10:00""; + alarmClock(6) = ""10:00""; + alarmClock(0) = ""off""; + alarmClock(7) = ""off""; + +} +" +2fb6331273347e7147ebd916d39f5426692e1d0c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == true){ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5){ + return ""10:00""; + } + else{ + return ""off""; + } + } + else{ + if (day == 1 || day == 2 || day == 3 || day == 4 || day == 5){ + return ""7:00""; + } + else{ + return ""10:00""; + } + } +} +" +f2654994c9392b38695255fa0ce5638be3c07f36,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + return ""off""; + } + else if (day > 0 && day < 6) { + return ""7:00""; + } + else { + return ""10:00""; + } +} +" +5ddee8d958aafcf8f8663601ac078b2b9ca1241c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day >0 && day <6) { + return ""10:00""; + } + else + return ""off""; + } + else if (day > 0 && day < 6) { + return ""7:00""; + } + else { + return ""10:00""; + } +} +" +fd59368ee3ce24bcb41bd25b93f66e96e71424c8,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ( day >= 1 && day <= 5) + { + return ""10:00""; + } + if( day == 0 || day == 6) + { + return ""off""; + } + + } + if( day == 0 || day == 6) + { + return ""10:00""; + } + + return ""7:00""; + + +} +" +4a7ea54eacd9c05111ba115e02abc77ab8406de9,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 || vacation) + { + return ""10:00""; + } + + + + return ""off""; + + +} +" +e8a08cd08e1775714473544411dd87b6afdbb7ff,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6) || (day == 0) + { + return ""7:00""; + } + } + return ""10:00; +} +" +8ac04c04ff60bf2e4de49fb489f91679079f16ea,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return 7:00; + } + + else if (day == 6 && day == 0) + { + return 10:00 + } + } + else + { + if (day >= 1 && day <= 5) + { + return 10:00; + } + + else if (day == 6 && day == 0) + { + return off; + } + + + } + +} +" +c9bee0608bdf5f44cce3e2e3e5f86a7f3fdf43e1,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 6) || (day == 0)) + { + return ""7:00""; + } + } + return ""10:00""; +} +" +94370773129b4b88c4f3f4cdcdfc88730a03eaf7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 6) || (day == 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + return ""10:00""; +} +" +44f03e446a193a7d00273753fffccd32585cbcac,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return 7:00 ; + } + + else if (day == 6 && day == 0) + { + return 10:00 ; + } + } + else + { + if (day >= 1 && day <= 5) + { + return 10:00 ; + } + + else if (day == 6 && day == 0) + { + return off; + } + + + } + +} +" +437f407974fdaf06699d50bfc82e7ef9d3726de2,"public String alarmClock(int day, boolean vacation) +{ + weekday_alarm = ""7:00"" + weekend_alarm = ""10:00"" + if vacation: + weekday_alarm = ""10:00"" + weekend_alarm = ""off"" + if day>0 and day<6: + return weekday_alarm + else: + return weekend_alarm +} +" +d35e5687143588a15ce9c9f80a21586b05a1f672,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00"" ; + } + + else if (day == 6 && day == 0) + { + return ""10:00"" ; + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""10:00"" ; + } + + else if (day == 6 && day == 0) + { + return off; + } + + + } + +} +" +fb2deb2f35465e20e5ea017e3feae7994ad000a6,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 6) || (day == 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day == 6) || (day == 0)) + { + return ""7:00""; + } + else + { + return ""10:00; + } +} +" +8bc9c8074b9e5508bb5630144f26611f9da06c4b,"public String alarmClock(int day, boolean vacation) +{ + if(not vacation): + if(day != 0 and day != 6): + return ""7:00"" + else: + return ""10:00"" + else if(day != 0 and day != 6): + return ""10:00"" + else: + return ""off"" +} +" +baf0c34b16220a920b07cce7e913b2b8ab31857c,"public String alarmClock(int day, boolean vacation) +{ + if (day >= && day <=5) + { + return vacation ""10:00 : ""7:00""; + } + else + { + return vacation ""off"" : ""10:00""; + } +} +" +13216b9d8c446646401e0a2578eef60790dae72e,"public String alarmClock(int day, boolean vacation) +{ + if (!vacation) + { + if (day >= 1 && day <= 5) + { + return ""7:00"" ; + } + + else if (day == 6 && day == 0) + { + return ""10:00"" ; + } + } + else + { + if (day >= 1 && day <= 5) + { + return ""10:00"" ; + } + + else if (day == 6 && day == 0) + { + return ""off""; + } + + + } + +} +" +376aa50cb558cc493b64782db8f37a419a9897e0,"public String alarmClock(int day, boolean vacation) +{ + if (day >= && day <=5) + { + return vacation ? ""10:00 : ""7:00""; + } + else + { + return vacation ? ""off"" : ""10:00""; + } +} +" +a16ad4a9a41902e0ca740b76b2ba3de22d3b0822,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 6) || (day == 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day == 6) || (day == 0)) + { + return ""7:00""; + } + else + { + return ""10:00; + } + } +} +" +8d184042f4edc6c0b74be3b7124024d2f79d9534,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) + { + return vacation ? ""10:00"" : ""7:00""; + } + else + { + return vacation ? ""off"" : ""10:00""; + } +} +" +28440fd8057ca094068913e9a8bce763514b3114,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <=5) + { + return vacation ? ""10:00"" : ""7:00""; + } + else + { + return vacation ? ""off"" : ""10:00""; + } +} +" +b9f41f954c8fac19300e6041a2c22e72037b7f2c,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 6) || (day == 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day == 6) || (day == 0)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +823d67b1d7c108d6a01a15e9ca8ea72a15876852,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if ((day == 6) || (day == 0)) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if ((day == 6) || (day == 0)) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +e186f1ef8bce7c86796142b7bdc5631094992889,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""10:00""; + + return ""7:00"" +} +" +b6ee1a37ef5a204cf01c9f2aefd35ade23a5788b,"public String alarmClock(int day, boolean vacation) +{ + public String alarmClock(int day, boolean vacation) { + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + + if (day>=1 && day<=5) + { + // it is a weekday + //are we on vacation? + if(vacation) + return b; + //not on vacation + else + return a; + } + //it is not a weekday, it must be a weekend + //are we on vacation? + else if (vaction) + return c; + //it is a weekend and we are not on vacation + else + return b; + +} +" +51cd81eddc2c0304f6f4b44ade4bf6e3c8a6aff8,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <= 5) + { + return vacation ? ""10:00"" : ""7:00""; + } + + else + { + return vacation ? ""off"" : ""10:00"" + } + + +} +" +bf7bf176588972c4055ad861fd5ec7cef040e4cc,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + if (day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +15432385fbf12cd7f6310e8d896089c3fc62e3cd,"public String alarmClock(int day, boolean vacation) +{ + if (day >=1 && day <= 5) + { + return vacation ? ""10:00"" : ""7:00""; + } + + else + { + return vacation ? ""off"" : ""10:00""; + } + + +} +" +e80ccb078727eb2d5474f7ae822f16afe6199a09,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day !=6) + { + return ""10:00""; + } + else + { + return ""off""; + } + else if (day > 0 && day !=6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +809d2061f9cbc0269e3e01110eef4940476bdf46,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day > 0 && day !=6) + { + return ""10:00""; + } + else + { + return ""off""; + } + else if (day > 0 && day !=6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +3cb70691ec0ce81ca5f77768dd45b137a07f8332,"public String alarmClock(int day, boolean vacation) +{ + if(vacation is False): + if(day != 0 and day != 6): + return ""7:00"" + else: + return ""10:00"" + else if(day != 0 and day != 6): + return ""10:00"" + else: + return ""off"" +} +" +80fbdfd01c1cdddd0c233dc5100a31cbb8abce9e,"public String alarmClock(int day, boolean vacation) +{ + if (not vacation): + if (day != 0 and day != 6): + return ""7:00"" + else: + return ""10:00"" + else if (day != 0 and day != 6): + return ""10:00"" + else: + return ""off"" +} +" +e678267207eb12c65990ce24716c15bb2d0bec1a,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + else + { + + return ""10:00""; + } + } + else + { + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } + +} +" +92354a32e8e45edb4efd60b436400e96309cbc34,"public String alarmClock(int day, boolean vacation) +{ + if(onVacation) + { + alarmClock(0, false) -> ""7:00"" + alarmClock(1, false) -> ""7:00"" + alarmClock(2, false) -> ""7:00"" + alarmClock(3, false) -> ""7:00"" + alarmClock(4, false) -> ""7:00"" + alarmClock(5, false) -> ""7:00"" + alarmClock(6, false) -> ""10:00"" + } + + +} +" +c289b6bd32aa10166682b08a70fea21dea4dc7f9,"public String alarmClock(int day, boolean vacation) +{ + boolean weekday = day < 6 && day > 0; +if (weekday && !vacation) +{ + return ""7:00""; +} +else if ((weekday && vacation) || (!weekday && !vacation)) +{ + return ""10:00""; +} + +return ""off""; +} + +} +" +f62e9bdfb9d147267bf1294cf304fd9ea5642733,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +af41a5260c7ceef6f35387a4818330b580fbbbe6,"public String alarmClock(int day, boolean vacation) +{ + if(onVacation) + { + alarmClock(0, false) -> ""7:00""; + alarmClock(1, false) -> ""7:00""; + alarmClock(2, false) -> ""7:00""; + alarmClock(3, false) -> ""7:00""; + alarmClock(4, false) -> ""7:00""; + alarmClock(5, false) -> ""7:00""; + alarmClock(6, false) -> ""10:00""; + } + + +} +" +ddf2c7d8b26e8773afca8709affe9bd6ce1a354c,"public String alarmClock(int day, boolean vacation) +{ + boolean weekday = day < 6 && day > 0; +if (weekday && !vacation) +{ + return ""7:00""; +} +else if ((weekday && vacation) || (!weekday && !vacation)) +{ + return ""10:00""; +} + +return ""off""; +} + +} +} +" +7a0b729f5d5b5dd7e9fc586185c86631dd7cce69,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + + While(vacation) { + if (day >= Mon && day <= Fri) { return 10:00;} + else if(day ==Sat || day == Sun) {return 0; } + } + if (day >= Mon && day <= Fri) { return 7:00;} + else if(day ==Sat || day == Sun) {return 10:00; } + +} +" +d07090f567156ee84d0bf53d9cc5ed49068ae79e,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + + while(vacation) { + if (day >= Mon && day <= Fri) { return 10:00;} + else if(day ==Sat || day == Sun) {return 0; } + } + if (day >= Mon && day <= Fri) { return 7:00;} + else if(day ==Sat || day == Sun) {return 10:00; } + +} +" +7705c1ea4b022f3774ccf6a43d9cf9cfd3a9b3b8,"public String alarmClock(int day, boolean vacation) +{ + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 && vacation) + { + return ""10:00""; + } + + if(day == 2 && vacation) + { + return ""10:00""; + } + + if(day == 3 && vacation) + { + return ""10:00""; + } + + if(day == 4 && vacation) + { + return ""10:00""; + } + + if(day ==5 && vacation) + { + return ""10:00""; + } + + if(day ==0 && vacation) + { + return ""off""; + } + + + if(day ==6 && vacation) + { + return ""off""; + } + + + return ""off""; + + +} +" +61cd9e3a5277de173770e988c99f0ae90ce78c70,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if(day > 0 && day != 6) + { + return ""10:00""; + } + else + { + return ""off""; + } + + } + else if (day > 0 && day != 6) + return ""7:00""; + + else + + return ""10:00""; +} + +" +8b36c24c50ac5eba161d30262e577d1e2574fe97,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 6 || day == 0) + { + return ""10:00""; + } + } +} +" +e6155360a05f7009d59460b17df5afc256f23293,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + int a = ""7:00""; + int b = ""10:00""; + while(vacation) { + if (day >= Mon && day <= Fri) { return b; } + else if(day ==Sat || day == Sun) {return 0; } + } + if (day >= Mon && day <= Fri) { return a; } + else if(day == Sat || day == Sun) {return 1b; } + +} +" +8dcdd85cd2a458b1c812a61266a3c0d750f7104e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation == false) { + if (day >=1 && day <= 5) { + return ""7:00""; + } + else if (day == 0 || day == 6) { + return ""10:00""; + } + } + else if (vacation == true) { + if (day >= 1 && day <= 5) { + return ""10:00""; + } + else if (day == 0 && day == 6) { + return ""off""; + } + } + +return ""off"";} + + + +" +3c31b6595c1d0d75433cd6574a4235dbe0aae14b,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + int a = ""7:00""; + int b = ""10:00""; + while(vacation) { + if (day >= Mon && day <= Fri) { return b; } + else if(day ==Sat || day == Sun) {return 0; } + } + if (day >= Mon && day <= Fri) { return a; } + else if(day == Sat || day == Sun) {return b; } + +} +" +69fcfdd18a94d2812f0debd19d788d8b7c9ef671,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +7f642485e760e41d5af5e74da1d42edb2edb7928,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + var a = ""7:00""; + var b = ""10:00""; + while(vacation) { + if (day >= Mon && day <= Fri) { return b; } + else if(day ==Sat || day == Sun) {return 0; } + } + if (day >= Mon && day <= Fri) { return a; } + else if(day == Sat || day == Sun) {return b; } + +} +" +411485f46cad9ed7801eda8fd7642ad4c37c2180,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 6 || day == 0) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if (day == 6 || day == 0) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +4073af1945cae30b78007a5225f31dd073b4a2ce,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + return ""10:00""; + } + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + return ""7:00""; + } + } +} +" +0e5bbdb20bd56a00bb48c8b231731b04e50bc317,"public String alarmClock(int day, boolean vacation) +{ + + if(day == 1) + { + return ""7:00""; + } + + if(day == 2) + { + return ""7:00""; + } + + if(day == 3) + { + return ""7:00""; + } + + if(day == 4) + { + return ""7:00""; + } + + if(day == 5) + { + return ""7:00""; + } + + if( day ==0 ) + { + return ""10:00""; + } + + if( day ==6 ) + { + return ""10:00""; + } + + + if(day == 1 && vacation) + { + return ""10:00""; + } + + if(day == 2 && vacation) + { + return ""10:00""; + } + + if(day == 3 && vacation) + { + return ""10:00""; + } + + if(day == 4 && vacation) + { + return ""10:00""; + } + + if(day ==5 && vacation) + { + return ""10:00""; + } + + if(day ==0 && vacation) + { + return ""off""; + } + + + if(day ==6 && vacation) + { + return ""off""; + } + + + return ""off""; + + +} +" +ee7e26f47694706639b0a2d28e1256c46a25f0dd,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + while(vacation) { + if (day >= Mon && day <= Fri) { return ""10:00""; } + else if(day ==Sat || day == Sun) {return 0; } + } + if (day >= Mon && day <= Fri) { return ""7:00""; } + else if(day == Sat || day == Sun) {return ""10:00""; } + +} +" +db20f2dddbfe6c36cdd57fd615742224f0747b10,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + return ""10:00""; + } + } + else + { + if (!day == 0 || !day == 6) + { + return ""10:00""; + return ""7:00""; + } + } +} +" +1d015796d8c1c7f1c4e42158a4a346dbee8ddf62,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + return ""10:00""; + } + } + else + { + if (!day == 0 || !day == 6) + { + return ""10:00""; + return ""7:00""; + } + } +} +" +29b7abf2f9cfafeb12e42f7693f22e1f646cbe27,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + while(vacation) { + if (day >= Mon && day <= Fri) { return ""10:00""; } + else if(day == Sat || day == Sun) {return ; } + } + if (day >= Mon && day <= Fri) { return ""7:00""; } + else if(day == Sat || day == Sun) {return ""10:00""; } + +} +" +425727b819cd3e4d4fb25c1ffbbc29269892419f,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + while(vacation) { + if (day >= Mon && day <= Fri) { return ""10:00""; } + else if(day == Sat || day == Sun) {return ""off""; } + } + if (day >= Mon && day <= Fri) { return ""7:00""; } + else if(day == Sat || day == Sun) {return ""10:00""; } + +} +" +01f54ed320343610d172560f7ff9af49a76ebc87,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + while(vacation) { + if (day >= Mon && day <= Fri) { return ""10:00""; } + else if(day == Sat || day == Sun) {return ""off""; } + } + if (day >= Mon && day <= Fri) { return ""7:00""; } + else if(day == Sat || day == Sun) {return ""10:00""; } + return 0; +} +" +56713bd0dc57153ce06c7617197ffe5643f30a67,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + return ""10:00""; + } + } + else + { + if (day != 0 || day != 6) + { + return ""10:00""; + return ""7:00""; + } + } +} +" +e6a7bcf8cd7a856fc8396eb3bae197fd5e2290d9,"public String alarmClock(int day, boolean vacation) +{ + int Sun = 0; + int Mon = 1; + int Tue = 2; + int Wed = 3; + int Thu = 4; + int Fri = 5; + int Sat = 6; + while(vacation) { + if (day >= Mon && day <= Fri) { return ""10:00""; } + else if(day == Sat || day == Sun) {return ""off""; } + } + if (day >= Mon && day <= Fri) { return ""7:00""; } + else if(day == Sat || day == Sun) {return ""10:00""; } + return """"; +} +" +4131180a10c197d80aafce0b7e761d407a98adf5,"public String alarmClock(int day, boolean vacation) +{ + alarmClock (1, false) = ""7:00""; + +} +" +5f12c8abcb6f3b81b242982065afcc9eccddda0e,"public String alarmClock(int day, boolean vacation) +{ + alarmClock (1, false) = 7:00; + +} +" +b852e5e9356fdee9b1fe8caed5c8a34c0a201533,"public String alarmClock(int day, boolean vacation) +{ + alarmClock (1, false) = return 7:00; + +} +" +8af5a9ad90154d6d48dee39b183e0dab5c8d233f,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + reutrn ""7:00""; + else if (day = 0 || day = 6) + return ""10:00""; + + if (vaction = true) + { + if(day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + return ""10:00""; + else if (day = 0 || day = 6) + return ""off""; + +} +" +2ace6086b8b7c0ece21f7b413189abe6543fe55c,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + reutrn ""7:00""; + else if (day = 0 || day = 6) + return ""10:00""; + + if (vaction = true) + { + if(day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + return ""10:00""; + else if (day = 0 || day = 6) + return ""off""; + } + +} +" +e3946b12d6b369ad7a8f0bc4ba6ec90eab4329fc,"public String alarmClock(int day, boolean vacation) +{ + alarmClock (1, false) = ""7:00""; + +} +" +1e800f7b30a1b5f4a3f7cc8807c0bfe1895b49ce,"public String alarmClock(int day, boolean vacation) +{ + if (day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + return ""7:00""; + if (day = 0 || day = 6) + return ""10:00""; + + if (vaction = true) + { + if(day = 1 || day = 2 || day = 3 || day = 4 || day = 5) + return ""10:00""; + else if (day = 0 || day = 6) + return ""off""; + } + +} +" +6787e92dbce69659f0b1d0dba4ebd1ed45e7e082,"public String alarmClock(int day, boolean vacation) +{ + public String alarmClock(int day, boolean vacation) { + String a = ""7:00""; + String b = ""10:00""; + String c = ""off""; + + if (day>=1 && day<=5) + { + // it is a weekday + //are we on vacation? + if(vacation) + return b; + //not on vacation + else + return a; + } + //it is not a weekday, it must be a weekend + //are we on vacation? + else if (vaction) + return c; + //it is a weekend and we are not on vacation + else + return b; + +} +" +d285af142db1fac0f2c2355f4b755a85cbf296d4,"public String alarmClock(int day, boolean vacation) +{ + def alarm_clock(day, vacation): + weekend = int(day) in (0, 6) + if weekend and vacation: + return 'off' + elif weekend or vacation: + return '10:00' + return '7:00' +}" +1eed42580dbdad1e8f465cf08f4c82059ea5bc29,"public String alarmClock(int day, boolean vacation) +{ + + if (day = 0 || day = 6) + { + return ""10:00""; + } + return ""7:00""; + + if (vaction = true) + { + if (day = 0 || day = 6) + return ""off""; + } + return ""10:00""; + +} +" +0211269ec8fee1bb5d0ebb14faf32f4d6b0e1d24,"public String alarmClock(int day, boolean vacation) +{ + + if(day == 1 && !vacation) + { + return ""7:00""; + } + + if(day == 2 && !vacation) + { + return ""7:00""; + } + + if(day == 3 && !vacation) + { + return ""7:00""; + } + + if(day == 4 && !vacation) + { + return ""7:00""; + } + + if(day == 5 && !vacation) + { + return ""7:00""; + } + + if( day ==0 && !vacation ) + { + return ""10:00""; + } + + if( day ==6 && !vacation) + { + return ""10:00""; + } + + + if(day == 1 && vacation) + { + return ""10:00""; + } + + if(day == 2 && vacation) + { + return ""10:00""; + } + + if(day == 3 && vacation) + { + return ""10:00""; + } + + if(day == 4 && vacation) + { + return ""10:00""; + } + + if(day ==5 && vacation) + { + return ""10:00""; + } + + if(day ==0 && vacation) + { + return ""off""; + } + + + if(day ==6 && vacation) + { + return ""off""; + } + + + return ""off""; + + +} +" +9d2d4fc4c53dbb4e3810e0990decb23afa726291,"{ + def alarm_clock(day, vacation): + weekend = int(day) in (0, 6) + if weekend and vacation: + return 'off' + elif weekend or vacation: + return '10:00' + return '7:00' +}" +87393e6db9b7b579aa42f22b7cf32e3c2a1fbde4,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +}" +aed085822c4861db61701008fc8a0b5ab17704ba,"public String alarmClock(int day, boolean vacation) +{ + + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + + if (vaction) + { + if (day == 0 || day == 6) + return ""off""; + } + return ""10:00""; + +} +" +901ec485c7804d6c7c339dd4378c60d0eec0200e," def alarm_clock(day, vacation): + weekend = int(day) in (0, 6) + if weekend and vacation: + return 'off' + elif weekend or vacation: + return '10:00' + return '7:00'" +33ba28e0b542cb2238dd7ebb183a1a41ecb4e4bd,"public String alarmClock(int day, boolean vacation) +{ + + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + + if (vaction = true) + { + if (day == 0 || day == 6) + return ""off""; + } + return ""10:00""; + +} +" +ba0f3edd2cb446c60f9346b6ba2e81dfb28a86b1,"public String alarmClock(int day, boolean vacation) +{ + + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + + if (vacation) + { + if (day == 0 || day == 6) + return ""off""; + } + return ""10:00""; + +} +" +b20976b36b6155de369e2a1b1d04f614f759c7e7,"def alarm_clock(day, vacation): +weekday_alarm = ""7:00"" +weekend_alarm = ""10:00"" +if vacation: +weekday_alarm = ""10:00"" +weekend_alarm = ""off"" +if day>0 and day<6: +return weekday_alarm +else: +return weekend_alarm" +cb66d7efa5f41232e356b1337010c8716d7a8e33,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) //when on vaction + { + if (day == 0 || day == 6) + { + return ""off""; + } + else + { + return ""10:00""; //during the days of the week + } + } + else if (day == 0 || day == 6) //not vacation + { + return ""10:00""; + } + else + { + return ""7:00""; + } +} +" +fc775f5e6c3a74b351ec9d8b2690cc5cccab1878,"public String alarmClock(int day, boolean vacation) +{ + + if (day == 0 || day == 6) + + return ""10:00""; + else + return ""7:00""; + + if (vacation) + + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + +} +" +96c6794ad526a3b5e395436b5d4208155136a72f,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 0 || day == 6) + + return ""10:00""; + else + return ""7:00""; + + + +} +" +7b54a8d3165722daeeb291948e18535960daff78,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day > 0 && day <6) + { + return ""10:00""; + } + else + { + return ""off""; + } + } + else + { + if(day > 0 && day <6) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } +} +" +34a5c19c5b455c9f1095ff902402601ad7bdd7b4,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} + + +} +" +0c9531e5e36dfac4419c59abb26332ca244d6d9d,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} + + + +" +de712bd112c1edf5e009803bd61c885c64b93daf,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +}" +14ce4223ffa4c9944302e55da9c94e08b6c9e567,"public String alarmClock(int day, boolean vacation) { + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +}" +4119fe3378cffd4992a6f7c1275cccee4e294ff7,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) { + if (day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if (day == 0 || day == 6) + return ""10:00""; + return ""7:00""; +} +" +348cf7e4a5db2464b5f991ae4799302339c4a6bf,"public String alarmclock(int day. boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } + +}" +0077e53f70233d59067f8bcb3e2223a6d9390eec,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if (day != 0 || day != 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +82eb7d4d8e100371b6e24c5a33b8a83138cc260e,"public String alarmClock(int day, boolean vacation) +{ + if (vacation) + { + if (day == 0 || day == 6) + { + return ""off""; + } + return ""10:00""; + } + else + { + if (day == 0 || day == 6) + { + return ""10:00""; + } + return ""7:00""; + } +} +" +a1b40baccba14883931e62e4ef2d298708958a22,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + return ""10:00""; + } + else + { + if(day == 0 || day == 6) + return ""10:00""; + return ""7:00""; + } +} +" +53b53c426bf16f26da59fb7e8d95baf99658a3f0,"public String alarmClock(int day, boolean vacation) +{ + if ( vacation == true && ( day == 0 || day == 6 ) ) + return ""off""; + if ( vacation == true && ( day == 1 || day == 2 || day == 3 || day == 4 || day == 5 ) ) + return ""10:00""; + if ( vacation == false && ( day == 0 || day == 6 ) ) + return ""10:00""; + else return ""7:00""; +} +" +47be379085f9133cd667a2c23823a7a8bdab758c,"public String alarmClock(int day, boolean vacation) +{ + f(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +1b26328a02b8cd50a7b3e1a5cf66a34dddb45a2a,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +b3e4d1283b78eaa5f85eeea908dedc1d8f198882,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) + { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day ==6) + return ""10:00""; + + return ""7:00""; +} +" +b1e0361fed7082826f5d4dfc4bf871c90ad01ab1,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day = 0) && (vacation=false)) + { + return x; + } + else if ((day = 6) && (vacation=false)) + { + return x; + } + else if ((day = 1) && (vacation=false)) + { + return y; + } + else if ((day = 2) && (vacation=false)) + { + return y; + } + else if ((day = 3) && (vacation=false)) + { + return y; + } + else if ((day = 4) && (vacation=false)) + { + return y; + } + else if ((day = 5) && (vacation=false)) + { + return y; + } + else if ((day = 0) && (vacation=true)) + { + return z; + } + else if ((day = 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +9f3d266ebbff8dac13d12c552c459d1429580712,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false)) + { + return x; + } + else if ((day == 6) && (vacation=false)) + { + return x; + } + else if ((day == 1) && (vacation=false)) + { + return y; + } + else if ((day == 2) && (vacation=false)) + { + return y; + } + else if ((day == 3) && (vacation=false)) + { + return y; + } + else if ((day == 4) && (vacation=false)) + { + return y; + } + else if ((day == 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true)) + { + return z; + } + else if ((day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +8d943f6f0d7995b0317e777bb719e7bcb1e77f1c,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false) + alarmClock(2, false) + alarmClock(3, false) + alarmClock(4, false) + alarmClock(5, false) + alarmClock(6, true) + alarmClock(7, true) +} +" +6668d21ec78318e588fbb38d28baf33f85175ea7,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, true); + alarmClock(7, true); +} +" +1bbe422bf54cf8699645783c45313f0462246e8a,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if((day > 0) && (day < 6)) + { + return ""7:oo""; + } + else + { + return ""7:oo""; + } + } + else + { + if((day > 0) && (day < 6)) + { + return ""10:oo""; + } + else + { + return ""off""; + } + } +} +" +c4c0dcbee1b9091c4d76319a4e547444d10c5658,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); + return off; + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, true); + alarmClock(7, true); +} +" +41ab3da481d1ac3c546635cfe59bf9dda914a4d0,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); + return ""off""; + alarmClock(2, false); + alarmClock(3, false); + alarmClock(4, false); + alarmClock(5, false); + alarmClock(6, true); + alarmClock(7, true); +} +" +2dca55a97631151cb14070779e6db711f7a4e651,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if((day > 0) && (day < 6)) + { + return ""7:00""; + } + else + { + return ""7:00""; + } + } + else + { + if((day > 0) && (day < 6)) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +7d11ab302ed9356580cf662d230297457c1e9c19,"public String alarmClock(int day, boolean vacation) +{ + alarmClock(1, false); + return ""on""; + alarmClock(2, false); + return ""on""; + alarmClock(3, false); + return ""on""; + alarmClock(4, false); + return ""on""; + alarmClock(5, false); + return ""on""; + alarmClock(6, true); + return ""off""; + alarmClock(7, true); + return ""off""; +} +" +984fdbc18437117b43b63be8c63cfe7f1e6d3288,"public String alarmClock(int day, boolean vacation) +{ + if(!vacation) + { + if((day > 0) && (day < 6)) + { + return ""7:00""; + } + else + { + return ""10:00""; + } + } + else + { + if((day > 0) && (day < 6)) + { + return ""10:00""; + } + else + { + return ""off""; + } + } +} +" +8663f376d37dba6cfc8b61d7f55408f5b9d40d7b,"public String alarmClock(int day, boolean vacation) +{ + if(vacation) { + if(day == 0 || day == 6) + return ""off""; + else + return ""10:00""; + } + + if(day == 0 || day == 6) + return ""10:00""; + + return ""7:00""; +} +" +d5375e79a3d3cfb6bc9ad305b389ed9372402201,"public String alarmClock(int day, boolean vacation) +{ + boolean weekend = day == 6 || day ==0; + if(weekend) + { + if(vacation) + { + return ""off""; + } + else + { + return ""10:00""; + } + } + else + { + if(vacation) + { + return ""10:00""; + } + else + { + return ""7:00""; + } + } +} +" +e2119795ceda5d44199678112348cc8672f5a8f6,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (vacation) + { + if (day <= 5) //weekdays + { + return alarmClock = ""10:00""; + } + else + { + return alarmClock = ""off""; + } + } + else + { + if (day <= 5) + { + return alarmClock = ""7:00""; + } + else + { + return alarmClock = ""10:00""; + } + } + return 0; +} +" +e169cdd63980f5548c806117adbd5d7ef94179e8,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (vacation) + { + if (day <= 5) //weekdays + { + return alarmClock = ""10:00""; + } + else + { + return alarmClock = ""off""; + } + } + else + { + if (day <= 5) + { + return alarmClock = ""7:00""; + } + else + { + return alarmClock = ""10:00""; + } + } + return ""7:00""; +} +" +4615e7a8c61eb37a052b59d6397da4cb1c990389,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (vacation) + { + if (day <= 5) //weekdays + { + return alarmClock = ""10:00""; + } + else + { + return alarmClock = ""off""; + } + } + else + { + if (day <= 5) + { + return alarmClock = ""7:00""; + } + else + { + return alarmClock = ""10:00""; + } + } +} +" +8e028a7b6923d2c779b600b0d5320cd9abbbec25,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation=false) || + (day == 6) && (vacation=false)) + { + return x; + } + else if ((day == 1) && (vacation=false) || + (day == 2) && (vacation=false) || + (day == 3) && (vacation=false) || + (day == 4) && (vacation=false) || + (day == 5) && (vacation=false)) + { + return y; + } + else if ((day == 0) && (vacation=true) || + (day == 6) && (vacation=true)) + { + return z; + } + else + { + return x; + } +}" +320938ee04ebc0b96309fbc9446abf2f57c4d662,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (vacation) + { + if (day >=0 && day <= 5) //weekdays + { + return alarmClock = ""10:00""; + } + else + { + return alarmClock = ""off""; + } + } + else + { + if (day >= 0 && day <= 5) + { + return alarmClock = ""7:00""; + } + else + { + return alarmClock = ""10:00""; + } + } +} +" +69ceed284b9195a9651e534c3f7f6f79700a1edf,"public String alarmClock(int day, boolean vacation) +{ + String alarmClock; + if (vacation) + { + if (day >0 && day <= 5) //weekdays + { + return alarmClock = ""10:00""; + } + else + { + return alarmClock = ""off""; + } + } + else + { + if (day > 0 && day <= 5) + { + return alarmClock = ""7:00""; + } + else + { + return alarmClock = ""10:00""; + } + } +} +" +9bef2ecc6aab3fa906e64dc8a0ea3145a6731121,"public String alarmClock(int day, boolean vacation) +{ + String x = ""10:00""; + String y = ""7:00""; + String z = ""off""; + if ((day == 0) && (vacation==false) || + (day == 6) && (vacation==false)) + { + return x; + } + else if ((day == 1) && (vacation==false) || + (day == 2) && (vacation==false) || + (day == 3) && (vacation==false) || + (day == 4) && (vacation==false) || + (day == 5) && (vacation==false)) + { + return y; + } + else if ((day == 0) && (vacation==true) || + (day == 6) && (vacation==true)) + { + return z; + } + else + { + return x; + } +}" +e5f6c3db88056e6b44a0bd2c64f78dfb61f9a96a,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FizzBuzz""; + else if (fizz) result[pos] = ""Fizz""; + else if (buzz) result[pos] = ""Buzz""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +} +" +494895afbc2e595623f9d279b4bebf616816e806,"public String[] fizzBuzz(int start, int end) +{ + String[] strings = new String[end - start]; + for (int i = 0; i < strings.length; i++) + { + + } + return strings; +} +" +fbc00e2f910502f4bd832b634d3338d82b426f35,"public String[] fizzBuzz(int start, int end) +{ + String[] strings = new String[end - start]; + for (int i = 0; i < strings.length; i++) + { + strings[i] = String.valueOf(start + i); + if ((start + i) % 3 == 0 && + (start + i) % 5 == 0) + { + strings[i] = ""FizzBuzz""; + } + else if ((start + i) % 5 == 0) + { + strings[i] = ""Buzz""; + } + else if ((start + i) % 3 == 0) + { + strings[i] = ""Fizz""; + } + } + return strings; +} +" +6857387400aefa9ce1a303dd2c8fda4f1014878a,"public String[] fizzBuzz(int start, int end) +{ + String string = """"; + int a = 0; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 %% a % 3 == 0 && a % 5 == 0) + { + string += ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string += ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string += ""Fizz""; + a++; + } + else + { + string += String.valueOf(a); + a++; + } + } + return string; +} +" +151fa4b4e7fa425f8d79db3f22815e64ed2508ab,"public String[] fizzBuzz(int start, int end) +{ + String string = """"; + int a = 0; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string += ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string += ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string += ""Fizz""; + a++; + } + else + { + string += String.valueOf(a); + a++; + } + } + return string; +} +" +865e5a1a94c13fad0ad4c4640691b0c668608fa2,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end -1]; + int a = 0; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string += ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string += ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string += ""Fizz""; + a++; + } + else + { + string += String.valueOf(a); + a++; + } + } + return string; +} +" +929073ca392f36b33106cdecf7b54b9d51764442,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end -1]; + int a = 0; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(String a); + a++; + } + } + return string; +} +" +0c408238e1a447305fb782e1bf8f14099e12aeea,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end -1]; + int a = 0; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(a); + a++; + } + } + return string; +} +" +55fb9a7ac1d770cffb2f96dd6c37db40c1560951,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end -1]; + int a = strat; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(a); + a++; + } + } + return string; +} +" +2210383c57073d5a1d71e4645393c66865ffafde,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end -1]; + int a = start; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(a); + a++; + } + } + return string; +} +" +73aba1894087d5459d4f9d3cf7e73751768f9f03,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[]; + int a = start; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(a); + a++; + } + } + return string; +} +" +2f986cc70ad6fd27e1a456f2fec08e9c3cd7113a,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end - start]; + int a = start; + for (int i = 0; i < end - 1; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(a); + a++; + } + } + return string; +} +" +a46cbc65fbc4aafd0f9e13b1707c311fbced0029,"public String[] fizzBuzz(int start, int end) +{ + String[] string = new String[end - start]; + int a = start; + for (int i = 0; i < end - start; i++) + { + if (a > 5 && a % 3 == 0 && a % 5 == 0) + { + string[i] = ""FizzBuzz""; + a++; + } + else if (a >= 5 && a % 5 == 0) + { + string[i] = ""Buzz""; + a++; + } + else if (a >= 3 && a % 3 == 0) + { + string[i] = ""Fizz""; + a++; + } + else + { + string[i] = String.valueOf(a); + a++; + } + } + return string; +} +" +4230f9493020f26212e0f594dea82763f546023a,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + str = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i%5==0 && i%3==0) + str[i] = ""FizzBizz""; + else if(i%5==0) + str[i] = ""Buzz""; + else if( i%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(i); + } + return str; +} +" +c16c0bdce29fa088644cbf3b4912cbc3ad6bb54e,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + str = new String[end - start]; + for (int i = start - 1; i < end; i++) + { + if (i%5==0 && i%3==0) + str[i] = ""FizzBizz""; + else if(i%5==0) + str[i] = ""Buzz""; + else if( i%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(i); + } + return str; +} +" +240bb6452260481aebc495b0e73244cc01981299,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + str = new String[end - start]; + for (int i = start - 1; i < end - 1; i++) + { + if (i%5==0 && i%3==0) + str[i] = ""FizzBizz""; + else if(i%5==0) + str[i] = ""Buzz""; + else if( i%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(i); + } + return str; +} +" +b7891f7540482b563d807c483a026539a3a09261,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + int size = end - start; + str = new String[size]; + for (int i = 0; i < size - 1; i++) + { + if (i%5==0 && i%3==0) + str[i] = ""FizzBizz""; + else if(i%5==0) + str[i] = ""Buzz""; + else if( i%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(start); + start++; + } + return str; +} +" +9399e4ab3c411bdd083ddb73023de3667b5d92be,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + int size = end - start; + str = new String[size]; + for (int i = 0; i < size - 1; i++) + { + if (start%5==0 && i%3==0) + str[i] = ""FizzBizz""; + else if(start%5==0) + str[i] = ""Buzz""; + else if(start%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(start); + start++; + } + return str; +} +" +a6d7e0e9c0d2e9406d2ec35c27a7ca675eaa131c,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + int size = end - start; + str = new String[size]; + for (int i = 0; i < size - 1; i++) + { + if (start%5==0 && start%3==0) + str[i] = ""FizzBizz""; + else if(start%5==0) + str[i] = ""Buzz""; + else if(start%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(start); + start++; + } + return str; +} +" +38d6169d356bef2bde90fe71652a3b8a2e2b3ee9,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + int size = end - start; + str = new String[size]; + for (int i = 0; i < size; i++) + { + if (start%5==0 && start%3==0) + str[i] = ""FizzBizz""; + else if(start%5==0) + str[i] = ""Buzz""; + else if(start%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(start); + start++; + } + return str; +} +" +42ed00e8a0ee8f815b5b916cd0aaa72d516ab633,"public String[] fizzBuzz(int start, int end) +{ + String[] str; + int size = end - start; + str = new String[size]; + for (int i = 0; i < size; i++) + { + if (start%5==0 && start%3==0) + str[i] = ""FizzBuzz""; + else if(start%5==0) + str[i] = ""Buzz""; + else if(start%3==0) + str[i]= ""Fizz""; + else + str[i] = String.valueOf(start); + start++; + } + return str; +} +" +85472cd1901b1515b1882836e05e5b12ed596be6,"public String[] fizzBuzz(int start, int end) +{ + String[] out = new String[end - start]; + int n = 0; + for (int i = start; i < end; i++) { + if (i % 15 == 0) { + out[n] = ""FizzBuzz""; + } + else if (i % 5 == 0) { + out[n] = ""Buzz""; + } + else if (i % 3 == 0) { + out[n] = ""Fizz""; + } + else { + out[n] = String.valueOf(i); + } + n++; + } + return out; +} +" +a8924049ac0fbe54e612f01b9dc6b6bbc90eaf41,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +fcf126363082e27765a537f0166a096de2726257,"public String[] fizzBuzz(int start, int end) +{ + String[] out = new String[end - start]; + for (int i = start; i < end; i++) + { + if ((int[i] % 3) && (int[i] % 5)) + { + out.add(i, ""FizzBuzz"") + } + else if (int[i] % 3) + { + out.add(i, ""Fizz""); + } + else if (int[i] % 5) + { + out.add(i, ""Buzz""); + } + else + { + out.add(i, String.valueOf(i)); + } + } + return out; +} +" +f61176f9b264a07c44067d5eeb9bc4f3a913b4e9,"public String[] fizzBuzz(int start, int end) +{ + String[] out = new String[end - start]; + for (int i = start; i < end; i++) + { + if ((int[i] % 3) && (int[i] % 5)) + { + out.add(""FizzBuzz"") + } + else if (int[i] % 3) + { + out.add(""Fizz""); + } + else if (int[i] % 5) + { + out.add(""Buzz""); + } + else + { + out.add(String.valueOf(i)); + } + } + return out; +} +" +fc328366bbcaafab1a0d85d2c89784dd7445914e,"public String[] fizzBuzz(int start, int end) +{ + String[] out = new String[end - start]; + for (int i = start; i < end; i++) + { + if ((i % 3) && (i % 5)) + { + out.add(""FizzBuzz"") + } + else if (i % 3) + { + out.add(""Fizz""); + } + else if (i % 5) + { + out.add(""Buzz""); + } + else + { + out.add(String.valueOf(i)); + } + } + return out; +} +" +996b643eed0ca0924b7569266c966e377d289fd1,"public String[] fizzBuzz(int start, int end) +{ + String[] out = new String[end - start]; + for (int i = start; i < end; i++) + { + if ((i % 3) && (i % 5)) + { + out.add(""FizzBuzz""); + } + else if (i % 3) + { + out.add(""Fizz""); + } + else if (i % 5) + { + out.add(""Buzz""); + } + else + { + out.add(String.valueOf(i)); + } + } + return out; +} +" +64922734ad674920c627da47f59dc7f79192fac1,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = 0; i < end; i++) + { + if (i % 15 == 0) + array[i - start] = ""FizzBuzz""; + else if (i % 3 == 0) + array[i - start] = ""Fizz""; + else if (i % 5 == 0) + array[i - start] = ""Bizz""; + else + array[i - start] = String.valueOf(i); + } + return array; +} +" +296fb9f1d1faaba936d06da987c48e17515807f3,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + array[i - start] = ""FizzBuzz""; + else if (i % 3 == 0) + array[i - start] = ""Fizz""; + else if (i % 5 == 0) + array[i - start] = ""Bizz""; + else + array[i - start] = String.valueOf(i); + } + return array; +} +" +a244f42458a18ccece4be63beadf4e2328a9dc2c,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + array[i - start] = ""FizzBuzz""; + else if (i % 3 == 0) + array[i - start] = ""Fizz""; + else if (i % 5 == 0) + array[i - start] = ""Buzz""; + else + array[i - start] = String.valueOf(i); + } + return array; +} +" +e92ed22e49b59011e86404b9623e6300cb004690,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + array[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; + +} +" +a4aafcd6272b8a21e613bd9077690debf358f573,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +d29d8766e5146da435a1d94d8c7583750a8d76fc,"public String[] fizzBuzz(int start, int end) +{ + String str = """"; + for (int i = start;i= 15) + { + arr[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + arr[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + arr[i] = ""Buzz""; + } + else + { + arr[i] = String.valueOf(i); + } + } + return arr; +} +" +a8559075eb48712aa076a73940bf840bd3dbb9b7,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int i = 0; i < arr.length; i++) + { + if (i % 3 == 0 && i % 5 == 0 && i >= 15) + { + arr[i] = ""FizzBuzz""; + } + else if (i % 3 == 0 && i >= 3) + { + arr[i] = ""Fizz""; + } + else if (i % 5 == 0 && i >= 5) + { + arr[i] = ""Buzz""; + } + else + { + arr[i] = String.valueOf(i); + } + } + return arr; +} +" +6477eb5eb05d75792a7b66c1eb2e90d5de7638db,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int i = 0; i < arr.length; i++) + { + if (i % 3 == 0 && i % 5 == 0 && i >= 15) + { + arr[i] = ""FizzBuzz""; + } + else if (i % 3 == 0 && i >= 3) + { + arr[i] = ""Fizz""; + } + else if (i % 5 == 0 && i >= 5) + { + arr[i] = ""Buzz""; + } + else + { + arr[i] = String.valueOf(start + i); + } + } + return arr; +} +" +d7bb9799dd200a17d5f0ee159d7f014422eb33de,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int i = 0; i < arr.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + arr[i] = ""FizzBuzz""; + } + else if (i % 3 == 0 && i >= 3) + { + arr[i] = ""Fizz""; + } + else if (i % 5 == 0 && i >= 5) + { + arr[i] = ""Buzz""; + } + else + { + arr[i] = String.valueOf(start + i); + } + } + return arr; +} +" +0f5c70537d32f5c8cf51a7c28de70de58573d36a,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int j = 0; j < arr.length; j++) + { + int i = j + 1; + if (i % 3 == 0 && i % 5 == 0 && i >= 14) + { + arr[i] = ""FizzBuzz""; + } + else if (i % 3 == 0 && i >= 3) + { + arr[i] = ""Fizz""; + } + else if (i % 5 == 0 && i >= 5) + { + arr[i] = ""Buzz""; + } + else + { + arr[i] = String.valueOf(start + i); + } + } + return arr; +} +" +5ed31902529fd00d1f76966ab39270068d917686,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int i = 0; i < arr.length; i++) + { + if ((i + start) % 3 == 0 && (i + start) % 5 == 0) + { + arr[i] = ""FizzBuzz""; + } + else if ((i + start) % 3 == 0) + { + arr[i] = ""Fizz""; + } + else if ((i + start) % 5 == 0) + { + arr[i] = ""Buzz""; + } + else + { + arr[i] = String.valueOf(start + i); + } + } + return arr; +} +" +5894a0236449a37602819f2e293f5d24559590a0,"public String[] fizzBuzz(int start, int end) +{ + String[] newArr = new String[end - start]; + for (int i = 0; start < end; i++) { + if((start % (3*5)) == 0){ + newArr[i] = ""FizzBuzz""; + } else if((start % 3) == 0){ + newArr[i] = ""Fizz""; + } else if((start % 5) == 0){ + newArr[i] = ""Buzz""; + } else{ + newArr[i] = String.valueOf(start); + } + start++; + } + return newArr; +} +} +" +7f523a798063fbd53baeb3db9a01d021c2a55c7d,"public String[] fizzBuzz(int start, int end) +{ + String[] newArr = new String[end - start]; + for (int i = 0; start < end; i++) { + if((start % (3*5)) == 0){ + newArr[i] = ""FizzBuzz""; + } else if((start % 3) == 0){ + newArr[i] = ""Fizz""; + } else if((start % 5) == 0){ + newArr[i] = ""Buzz""; + } else{ + newArr[i] = String.valueOf(start); + } + start++; + } + return newArr; + +} +" +46f4d5351b81ddf2cdad90dda1f13cb82056f381,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +80851e7567ddb79ea23280afec8e8da3a1c3e4d6,"public String[] fizzBuzz(int start, int end) +{ + String[] newStr = """"; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + j.toString(); + } + +} +" +045ecd0d320bf04083001013568713c8ea2b02b9,"public String[] fizzBuzz(int start, int end) +{ + String[] newStr; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + newStr[i] = j.toString(); + } + +} +" +21824e917261badcd4408e11bf1381ce7d038133,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + for (int i = 0; i < n; i++) + { + if (i % 3 = 0 && i % 5 == 0) + { + fizzBuzzArray[i] = ""FizzBuzz""; + } + else if (i % 3 = 0) + { + fizzBuzzArray[i] = ""Fizz""; + } + else if (i % 5 = 0) + { + fizzBuzzArray[i] = ""Buzz""; + } + else + { + fizzBuzzArray[i] = i; + } + } + return fizzBuzzArray; +} +" +fddfa6188f242be7c009beb3205ebd86c6a31d76,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + for (int i = 0; i < n; i++) + { + if ((i % 3 = 0) && (i % 5 = 0)) + { + fizzBuzzArray[i] = ""FizzBuzz""; + } + else if (i % 3 = 0) + { + fizzBuzzArray[i] = ""Fizz""; + } + else if (i % 5 = 0) + { + fizzBuzzArray[i] = ""Buzz""; + } + else + { + fizzBuzzArray[i] = i; + } + } + return fizzBuzzArray; +} +" +7837fab6b2e74796f5c9d6cc496810aac1cfe9da,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + for (int i = 0; i < n; i++) + { + if ((i % 3 == 0) && (i % 5 == 0)) + { + fizzBuzzArray[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + fizzBuzzArray[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + fizzBuzzArray[i] = ""Buzz""; + } + else + { + fizzBuzzArray[i] = i; + } + } + return fizzBuzzArray; +} +" +4a1a50ef67649cec5c8f6470b296ec9f21b4c01f,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + for (int i = 0; i < n; i++) + { + if ((i % 3 == 0) && (i % 5 == 0)) + { + fizzBuzzArray[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + fizzBuzzArray[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + fizzBuzzArray[i] = ""Buzz""; + } + else + { + fizzBuzzArray[i] = (String)i; + } + } + return fizzBuzzArray; +} +" +b2023a77a391afe5116c0046e70d78049c54fa4d,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + for (int i = 0; i < n; i++) + { + if ((i % 3 == 0) && (i % 5 == 0)) + { + fizzBuzzArray[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + fizzBuzzArray[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + fizzBuzzArray[i] = ""Buzz""; + } + else + { + fizzBuzzArray[i] = String.valueOf(i); + } + } + return fizzBuzzArray; +} +" +47ba25b7b4dc3a64c3f200ad48fa41b458c61874,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 == 0)) + { + fizzBuzzArray[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + fizzBuzzArray[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + fizzBuzzArray[i] = ""Buzz""; + } + else + { + fizzBuzzArray[i] = String.valueOf(i); + } + } + return fizzBuzzArray; +} +" +cbfb1ae2a69142bf88cb6781dc9e8ee957416e2d,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] fizzBuzzArray = new String[n]; + int location = 0; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 == 0)) + { + fizzBuzzArray[location] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + fizzBuzzArray[location] = ""Fizz""; + } + else if (i % 5 == 0) + { + fizzBuzzArray[location] = ""Buzz""; + } + else + { + fizzBuzzArray[location] = String.valueOf(i); + } + location = location + 1; + } + return fizzBuzzArray; +} +" +ba85a2447e65e5adc86c754b9b74b5c977402bb6,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[](); + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 3) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 5) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j/toString; + } + newStr[i] = toAdd; + } + return newStrs; +} +" +9648e4b065bf15435f9069d1a5ac3a58c2ffc3c4,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[end-start](); + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 3) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 5) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j/toString; + } + newStr[i] = toAdd; + } + return newStrs; +} +" +ce06c16fdf0307b89635a065f3a70272bb683eae,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[end-start]; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 3) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 5) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j/toString; + } + newStr[i] = toAdd; + } + return newStrs; +} +" +234e987a5906f6592a03554a680de0712b467025,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[end-start]; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 3) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 5) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j/toString(); + } + newStr[i] = toAdd; + } + return newStrs; +} +" +4ea979156941eaf9d66c231543a37dbdc6875a46,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[end-start]; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 3) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 5) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j.toString(); + } + newStr[i] = toAdd; + } + return newStrs; +} +" +6b527b29a26a5253fd5a2ab4f2c750731ddc4e5c,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[end-start]; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 3) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 5) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j.toString(); + } + newStrs[i] = toAdd; + } + return newStrs; +} +" +940bc7ae95d0a08e17014efe9f67d30db675a9c2,"public String[] fizzBuzz(int start, int end) +{ + String[] done = new String[end - start /*+1?*/]; + + int j = 0; + for (int i = 0; i < (end - start); i++) + { + j = start + i; + if (j % 3 == 0 && j % 5 == 0) + { + done[i] = ""FizzBuzz""; + } + else if (j % 3 == 0) + { + done[i] = ""Fizz""; + } + else if (j % 5 == 0) + { + done[i] = ""Buzz""; + } + else + { + done[i] = String.valueOf(j) + } + } + return done; +} +" +59b48c3db0a7b7884fa237b3180ef9f84f5b1057,"public String[] fizzBuzz(int start, int end) +{ + String[] done = new String[end - start /*+1?*/]; + + int j = 0; + for (int i = 0; i < (end - start); i++) + { + j = start + i; + if (j % 3 == 0 && j % 5 == 0) + { + done[i] = ""FizzBuzz""; + } + else if (j % 3 == 0) + { + done[i] = ""Fizz""; + } + else if (j % 5 == 0) + { + done[i] = ""Buzz""; + } + else + { + done[i] = String.valueOf(j); + } + } + return done; +} +" +d366c98c75ef29c5708327a9f95982c6e4e5023d,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } + else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } + else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +cc44a962bfa2545e8d775b4df3dd38e643211730,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + arr[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + arr[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + arr[i - start] = ""Buzz""; + } + else + { + arr[i - start] = String.valueOf(i); + } + } + return arr; +} +" +691acf636b585a402021bbe93c3bbb755e560ff5,"public String[] fizzBuzz(int start, int end) +{ + int[] toes = new int[n]; + + for (int i = 0; i < n; i++) { + toes[i] = i; + } + return toes; +} +" +79ca73c2f348bc0492ad0ac2a699365809e4b3e0,"public String[] fizzBuzz(int start, int end) +{ + if ( number % 3 == 0) } + if ( number % 5 == 0) { + return ""fizzbuzz""; + } else { + return ""fizz""; + } +} else if ( number % 5 == 0 ) { + return ""buzz""; +} +return String.valueOf(number); +} +" +67eeaf09266c8bbb56d0628cbee5cd645240d273,"public String[] fizzBuzz(int start, int end) +{ + String[] toe = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + toe[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + toe[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + toe[i - start] = ""Buzz""; + } else { + toe[i - start] = String.valueOf(i); + } + } + + return toe; +} +" +293dd0e6ef47fe61ab7ba1f4d3971f78be063965,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +2f21053c0f848c38751b63e9522e8809ef8188ae,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + fizz[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + fizz[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + fizz[i - start] = ""Buzz""; + } + else + { + fizz[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +a5f274730e72753f61abae09aa8f7baeb74aa5be,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + fizz[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + fizz[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + fizz[i - start] = ""Buzz""; + } + else + { + fizz[i - start] = String.valueOf(i); + } + } + + return fizz; +} +" +34fa6a9f1ee21ce69f2cb7019270f2ba13ebe87f,"public String[] fizzBuzz(int start, int end) +{ + String[] newArr = new String[end - start]; + for (int i = 0; start < end; i++) { + if((start % (3*5)) == 0){ + newArr[i] = ""FizzBuzz""; + } else if((start % 3) == 0){ + newArr[i] = ""Fizz""; + } else if((start % 5) == 0){ + newArr[i] = ""Buzz""; + } else{ + newArr[i] = String.valueOf(start); + } + start++; + } + return newArr; +} +" +e5bfc3c1ad03258eee77ac6d3ec64b8195c5bc4a,"public String[] fizzBuzz(int start, int end) +{ + String[] nums = new String[end-start]; + int s = start; + for (int i = 0; i < nums.length; i++) + { + if (s % 3 != 0 && s % 5 != 0) + { + nums[i] = String.valueOf(s); + } + else if (s % 3 == 0 && s % 5 == 0) + { + nums[i] = ""FizzBuzz""; + } + else if (s % 3 == 0) + { + nums[i] = ""Fizz""; + } + else + { + nums[i] = ""Buzz""; + } + s++; + } + return nums; +} +" +36c9e5b61832248390507ffad06b44c1cdb6db9a,"public String[] fizzBuzz(int start, int end) +{ + String[] a = new String[end - start]; + + for (int i = start; i < end; i++) + { + if (i%3 == 0 && i%5 == 0) + { + a[i] = ""FizzBuzz""; + } + else if (i%3 == 0) + { + a[i] = ""Fizz""; + } + else if (i%5 == 0) + { + a[i] = ""Buzz""; + } + else + { + a[i] = String.valueOf(i); + } + } + + return a; +} +" +db37d789dfc172a3dc5e9cfe70857d6d1dc2f805,"public String[] fizzBuzz(int start, int end) +{ + String[] a = new String[end - start]; + + for (int i = 0; i < a.length; i++) + { + if (i%3 == 0 && i%5 == 0) + { + a[i] = ""FizzBuzz""; + } + else if (i%3 == 0) + { + a[i] = ""Fizz""; + } + else if (i%5 == 0) + { + a[i] = ""Buzz""; + } + else + { + a[i] = String.valueOf(i + start); + } + } + + return a; +} +" +4145d8e51e4181b6d35d60c7070d60ed1556ede1,"public String[] fizzBuzz(int start, int end) +{ + String[] a = new String[end - start]; + int b = start; + + for (int i = 0; i < a.length; i++) + { + b = i + start; + + if (b%3 == 0 && b%5 == 0) + { + a[i] = ""FizzBuzz""; + } + else if (b%3 == 0) + { + a[i] = ""Fizz""; + } + else if (b%5 == 0) + { + a[i] = ""Buzz""; + } + else + { + a[i] = String.valueOf(b); + } + } + + return a; +} +" +dc4d3a19d0fab907a1e5edb80915c3b9f49a9a09,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start] + for (int i = start; i < end; i++) + { + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%3 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +c8e604485ecc4dd3005f4fd6fee1b9aa39f83330,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + for (int i = start; i < end; i++) + { + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%3 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +2fe4df9d8326bbbe512683624d99ec10454d47d1,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + for (int i = start; i < end; i++) + { + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%5 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +2c09583d2ebd9ba6120f668d2e3445c19dcfa934,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%5 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +0a2ffa1b2f4cfc6cab25bd5f8f7e876dadcd2d5c,"public String[] fizzBuzz(int start, int end) +{ + int j = start + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = j + i + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%5 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +321de7a7c464a82cb13edf4039e4bfd918497b89,"public String[] fizzBuzz(int start, int end) +{ + int j = start; + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = j + i; + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%5 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +ab8ae31f5ad4cc07aced0d5b2855672def291962,"public String[] fizzBuzz(int start, int end) +{ + int j = start; + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = start + i; + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%5 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +da29989590bef152540c60f8ce2c2d97efd6f110,"public String[] fizzBuzz(int start, int end) +{ + int j = start; + String[] array = new String[end-start]; + for (int i = start; i < array.length; i++) + { + if (i%3 == 0) + { + array[i] = ""Fizz""; + } + else if (i%5 == 0) + { + array[i] = ""Buzz""; + } + else if (i%3 == 0 && i%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +97e0dfd50413b21315659fa5720257026c9c1ec4,"public String[] fizzBuzz(int start, int end) +{ + String[] castle = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + castle[i - start] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + castle[i - start] = ""Buzz""; + } + else if (i % 3 == 0) + { + castle[i - start] = ""Fizz""; + } + else + { + castle[i - start] = String.valueOf(i-start); + } + } +} +" +d158a23c5f9c5624442a1af09a51d0f0603caacf,"public String[] fizzBuzz(int start, int end) +{ + String[] castle = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + castle[i - start] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + castle[i - start] = ""Buzz""; + } + else if (i % 3 == 0) + { + castle[i - start] = ""Fizz""; + } + else + { + castle[i - start] = String.valueOf(i-start); + } + } + return castle; +} +" +2915a83246fdd8fdab0ee46d5ee4ced8fa287f94,"public String[] fizzBuzz(int start, int end) +{ + int j = start; + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = start + i; + if (j%3 == 0) + { + array[i] = ""Fizz""; + } + else if (j%5 == 0) + { + array[i] = ""Buzz""; + } + else if (j%3 == 0 && j%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +c64331dde823684f941fae5ec89159074a7fcf7a,"public String[] fizzBuzz(int start, int end) +{ + String[] castle = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + castle[i - start] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + castle[i - start] = ""Buzz""; + } + else if (i % 3 == 0) + { + castle[i - start] = ""Fizz""; + } + else + { + castle[i - start] = String.valueOf(i); + } + } + return castle; +} +" +f4db4436b72138f07bdf12917662c276e9c3628c,"public String[] fizzBuzz(int start, int end) +{ + int j = start; + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = start + i; + if (j%3 == 0) + { + array[i] = ""Fizz""; + } + else if (j%5 == 0) + { + array[i] = ""Buzz""; + } + else if (j%3 == 0 && j%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else + { + array[i] = String.valueOf(j); + } + } + return array; +} +" +9b3ce08e0c96e683e8b438ef0257439787e28298,"public String[] fizzBuzz(int start, int end) +{ + int j = start; + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = start + i; + if (j%3 == 0 && j%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if (j%3 == 0) + { + array[i] = ""Fizz""; + } + else if (j%5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(j); + } + } + return array; +} +" +74c1bc086ab257d8329c0e3ff33a6e63d1e32805,"public String[] fizzBuzz(int start, int end) +{ + int j = 0; + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + j = start + i; + if (j%3 == 0 && j%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if (j%3 == 0) + { + array[i] = ""Fizz""; + } + else if (j%5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(j); + } + } + return array; +} +" +2c79fc4bb02e860006fa4fa18e288c9fd06f05f9,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + for (int i = 0; i < array.length; i++) + { + int j = start + i; + if (j%3 == 0 && j%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if (j%3 == 0) + { + array[i] = ""Fizz""; + } + else if (j%5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(j); + } + } + return array; +} +" +85b5e28053381743d31ea82dc2aff0f1a07ce2bf,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; + +} +" +52bdf1bae7e4dd6e760642cf840c29305ddcc22c,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + for (int i = 0; start < end; i++) + { + if((start % (3*5)) == 0) + { + fizz[i] = ""FizzBuzz""; + } + else if((start % 3) == 0) + { + fizz[i] = ""Fizz""; + } + else if((start % 5) == 0) + { + fizz[i] = ""Buzz""; + } + else + { + fizz[i] = String.valueOf(start); + } + start++; + } + return fizz; +} +" +82214bf3145b8068a811e33ad77164e14fbb96d5,"public String[] fizzBuzz(int start, int end) +{ + String goal = """"; + for (int i = start; i < end; i++) + { + if ((i % 3 = 0) && (i % 5 = 0)) + { + goal += ""FizzBuzz""; + } + if (i % 3 = 0) + { + goal += ""Fizz""; + } + if (i % 5 = 0) + { + goal += ""Buzz""; + } + } + return goal; +} +" +ed06a6ae25555be2a4a17842901e5e51e008b26b,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 = 0) + { + arr[i - start] = ""FizzBuzz""; + } + else if (i % 3 = 0) + { + arr[i - start] = ""Fizz""; + } + else if (i % 5 = 0) + { + arr[i - start] = ""Buzz""; + } + else + { + arr[i - start] = String.valueOf(i); + } + } + return arr; +} +" +c56603c035f524111256597f6da3e47a2ef46779,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + arr[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + arr[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + arr[i - start] = ""Buzz""; + } + else + { + arr[i - start] = String.valueOf(i); + } + } + return arr; +} +" +a1a04c27c20c97e173bd2b7ebed773fee5830de9,"public String[] fizzBuzz(int start, int end) +{ + String[] thing = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + thing[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + thing[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + thing[i - start] = ""Buzz""; + } + else + { + thing[i - start] = String.valueOf(i); + } + } + return thing; +} +" +7c37c5e157878ebf4021eaa57361fac36f4df6ad,"public String[] fizzBuzz(int start, int end) { + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +© 2019 GitHub, Inc. +" +f3771a7b66e876f62de53f0677580f4300c133a3,"public String[] fizzBuzz(int start, int end) { + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +c6c27d204d69c49ee351c7e39db99f5f48540234,"public String[] fizzBuzz(int start, int end) +{ + String[] ans = new String[n]; + for (int i = 0; i ans = new ArrayList<>; + for (int i = start; i < end; i++) + { + if (i%15==0) + { + ans.add(""FizzBuzz""); + } + else if (i%5==0) + { + ans.add(""Buzz""); + } + else if (i%3==0) + { + ans.add(""Fizz""); + } + else + { + ans.add(String.valueOf(start)); + } + } + return ans; +} +" +70ff317af6a04904ccd04154769df38e8bc2ec2d,"public String[] fizzBuzz(int start, int end) +{ + ArrayList ans = new ArrayList<>(); + for (int i = start; i < end; i++) + { + if (i%15==0) + { + ans.add(""FizzBuzz""); + } + else if (i%5==0) + { + ans.add(""Buzz""); + } + else if (i%3==0) + { + ans.add(""Fizz""); + } + else + { + ans.add(String.valueOf(start)); + } + } + return ans; +} +" +a21d4defbee40a84b03c108fa7c5048c12cd67f5,"public String[] fizzBuzz(int start, int end) +{ + ArrayList ans = new ArrayList(); + for (int i = start; i < end; i++) + { + if (i%15==0) + { + ans.add(""FizzBuzz""); + } + else if (i%5==0) + { + ans.add(""Buzz""); + } + else if (i%3==0) + { + ans.add(""Fizz""); + } + else + { + ans.add(String.valueOf(start)); + } + } + return ans; +} +" +138d80add2ca9a4910464e78caf3c60d9fc1156c,"public String[] fizzBuzz(int start, int end) { + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} + return ans; +} +" +8ac989b1817b3cf0728105b9d3001ec4e6ca3d29,"public String[] fizzBuzz(int start, int end) { + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +}" +455cb0cd3e9d824012d630c261ad708f8941eb0e,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + int index = 0; + for(int i=start;i 0) + { + result[i] = ""Fizz""; + } + else if (i % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else if (i % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +66318d154ebac965c0f18e498daa8d836260c909,"public String[] fizzBuzz(int start, int end) +{ + end--; + String[] result = new String[end]; + + for (int i = 0; i < end; i++) + { + if ((i - 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i - 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else if ((i - 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +ad1e192304ca6f9d424e06b19360f38cf0bccae8,"public String[] fizzBuzz(int start, int end) +{ + end--; + String[] result = new String[end]; + + for (int i = 0; i < end; i++) + { + if ((i + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else if ((i + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +21de8a77242abff76b1d779a599bcef8d004012c,"public String[] fizzBuzz(int start, int end) +{ + end--; + String[] result = new String[end]; + + for (int i = 0; i < end; i++) + { + if ((i + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +dc1c18a727a472113299aaf5bc76ffcf6180ee19,"public String[] fizzBuzz(int start, int end) +{ + end--; + String[] result = new String[end - start]; + + for (int i = 0; i < end; i++) + { + if ((i + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +72ec404775226d010d7a46b2b850ccb2fca19618,"public String[] fizzBuzz(int start, int end) +{ + end--; + String[] result = new String[end + 1 - start]; + + for (int i = 0; i < end; i++) + { + if ((i + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +eb3954d897ab04a8ee9649988f3d26e98aae722f,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + + for (int i = 0; i < end - 1; i++) + { + if ((i + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +d8358189bef6458bda2e98494981935e11944aa6,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + + for (int i = 0; i < result.length; i++) + { + if ((i + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +ac2e84230e21faeecb6585180b6ce00aba76b96d,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + + for (int i = 0; i < result.length; i++) + { + if ((i + start + 1) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + start + 1) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + start + 1) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +792d8022a65dace8e28779b145f93a9141bbbd3a,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + + for (int i = 0; i < result.length; i++) + { + if ((i + start) % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if ((i + start) % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if ((i + start) % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(i + start); + } + } + + return result; +} +" +28ef941f9077decb0b9c2bbccbf65828f1a23296,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + int number; + + for (int i = 0; i < result.length; i++) + { + number = i + start; + + if (number % 15 == 0 && i > 0) + { + result[i] = ""FizzBuzz""; + } + else if (number % 3 == 0 && i > 0) + { + result[i] = ""Fizz""; + } + else if (number % 5 == 0 && i > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(number); + } + } + + return result; +} +" +5eea4dfef42498586ebcd69471be568bb01ff6b0,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + for(int i = start; i < end; i++) + { + if((start + i) % 3 == 0) + { + newArray[i] = ""FizzBuzz""; + } + newArray[i] = String.valueOf(start + i); + } + return newArray; +} +" +bdd001bbc8db9c90e2371537c2d905c00e2bc02c,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + int number; + + for (int i = 0; i < result.length; i++) + { + number = i + start; + + if (number % 15 == 0 && number > 0) + { + result[i] = ""FizzBuzz""; + } + else if (number % 3 == 0 && number > 0) + { + result[i] = ""Fizz""; + } + else if (number % 5 == 0 && number > 0) + { + result[i] = ""Buzz""; + } + else { + result[i] = String.valueOf(number); + } + } + + return result; +} +" +7f80eed98c590b1b12a4b72ffc1f1dae222bb349,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + for(int i = start; i < end; i++) + { + if((i) % 3 == 0) + { + newArray[i] = ""FizzBuzz""; + } + newArray[i] = String.valueOf(i); + } + return newArray; +} +" +ac9cd26e1f6f84a99cb3048095223c386b1f4af8,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end; i++) + { + if((i) % 3 == 0) + { + newArray[c] = ""FizzBuzz""; + c++; + } + newArray[c] = String.valueOf(i); + c++; + } + return newArray; +} +" +51f2400dc24a5badb0763038330469440ff9245a,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start - 1]; + int c = 0; + for(int i = start; i < end; i++) + { + if((i) % 3 == 0) + { + newArray[c] = ""FizzBuzz""; + c++; + } + newArray[c] = String.valueOf(i); + c++; + } + return newArray; +} +" +357f6d4ec3b4e4190fa17f1ae74d9959a4c3f7af,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start + 1]; + int c = 0; + for(int i = start; i < end; i++) + { + if((i) % 3 == 0) + { + newArray[c] = ""FizzBuzz""; + c++; + } + newArray[c] = String.valueOf(i); + c++; + } + return newArray; +} +" +937b07485026a4bc0609232b237e2791f8e38220,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end; i++) + { + if((i) % 3 == 0) + { + newArray[c] = ""FizzBuzz""; + c++; + } + newArray[c] = String.valueOf(i); + c++; + } + return newArray; +} +" +3b0e5a5346ca3c7024fba77485e2b40d011edeaa,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end - 1; i++) + { + if((i) % 3 == 0) + { + newArray[c] = ""FizzBuzz""; + c++; + } + newArray[c] = String.valueOf(i); + c++; + } + return newArray; +} +" +59ed09743e93baab1c46943537dab541f57d61f3,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end - 1; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + newArray[c] = ""FizzBizz""; + } + else if (i % 5 == 0) + { + newArray[c] = ""Bizz""; + } + else if() + { + newArray[c] = ""Fizz""; + } + else + { + newArray[c] = String.valueOf(i); + } + c++; + } + return newArray; +} +" +dd7ee4ad0af1519874d9c150a75c95c820c7ca80,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end - 1; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + newArray[c] = ""FizzBizz""; + } + else if (i % 5 == 0) + { + newArray[c] = ""Bizz""; + } + else if(i % 3 == 0) + { + newArray[c] = ""Fizz""; + } + else + { + newArray[c] = String.valueOf(i); + } + c++; + } + return newArray; +} +" +4f2ef74d7e4dbc973cf5335606368b0f1f66ecd3,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end - 1; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + newArray[c] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + newArray[c] = ""Buzz""; + } + else if(i % 3 == 0) + { + newArray[c] = ""Fizz""; + } + else + { + newArray[c] = String.valueOf(i); + } + c++; + } + return newArray; +} +" +131be352ef14519141ba2ac0bb95e3438b9daad6,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end - 1; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + newArray[c] += ""FizzBuzz""; + } + else if (i % 5 == 0) + { + newArray[c] = ""Buzz""; + } + else if(i % 3 == 0) + { + newArray[c] = ""Fizz""; + } + else + { + newArray[c] = String.valueOf(i); + } + c++; + } + return newArray; +} +" +6ce6565e596fa3789d743d0b8a1d55405dac0ddb,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + int c = 0; + for(int i = start; i < end ; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + newArray[c] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + newArray[c] = ""Buzz""; + } + else if(i % 3 == 0) + { + newArray[c] = ""Fizz""; + } + else + { + newArray[c] = String.valueOf(i); + } + c++; + } + return newArray; +} +" +36114982cc4f5db3f0026bd9e66ab7c550296ee7,"public String[] fizzBuzz(int start, int end) +{ + String[] abc = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + abc[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + abc[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + abc[i - start] = ""Buzz""; + } else { + abc[i - start] = String.valueOf(i); + } + } + + return abc; +} +" +7c437d81d1806d7a0969d0fd34beba123281c5ac,"public String[] fizzBuzz(int start, int end) +{ + String[] answer = new String[end - start]; + + for(int i = start; i < end; i++) + { + if (i % 15 == 0) + { + answer[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + answer[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + answer[i - start] = ""Buzz""; + } + else + { + answer[i - start] = String.valueOf(i); + } + } + return answer; +} +" +39045ec8fec9360d8465e66dea310fef9c243b0c,"public String[] fizzBuzz(int start, int end) +{ + int length = end - start; + int[] temp = new int[length]; + for (int i = 0; i < length; i++) + { + temp[i] = start + i; + } + + String[] out = new String[length]; + + for (int i = 0; i < length; i++) + { + if (temp[i] % 3 == 0) + { + out[i] = ""Fizz""; + } + else if (temp[i] % 5 == 0) + { + out[i] = ""Buzz""; + } + else if (temp[i] % 5 == 0 && temp[i] % 3 == 0) + { + out[i] = ""FizzBuzz""; + } + else + { + out[i] = String.valueOf(start + i); + } + } + return out; +}" +ba9f38af7e51e98dc40f9aff6279a6f5b893cb87,"public String[] fizzBuzz(int start, int end) +{ + int[] outInt = new Int[end - start]; + for (int i = 0; i < outInt.length; i++) + { + out[i] = i + 1; + } + + String[] out = new String[outInt.length]; + for (int j = 0; j < out.length; j++) + { + if (outInt[j] % 3 == 0 && outInt[j] % 5 == 0) + { + out[j] = ""FizzBuzz""; + } + else if (outInt[j] % 3 == 0 && outInt[j] % 5 != 0) + { + out[j] = ""Fizz""; + } + else if (outInt[j] % 3 != 0 && outInt[j] % 5 == 0) + { + out[j] = ""Buzz""; + } + else + { + out[j] = String.valueOf(outInt[j]); + } + } + + return out; +}" +8953625d18e6f8e48eb6577853d51b0f490ac28b,"public String[] fizzBuzz(int start, int end) +{ + int[] outInt = new int[end - start]; + for (int i = 0; i < outInt.length; i++) + { + out[i] = i + 1; + } + + String[] out = new String[outInt.length]; + for (int j = 0; j < out.length; j++) + { + if (outInt[j] % 3 == 0 && outInt[j] % 5 == 0) + { + out[j] = ""FizzBuzz""; + } + else if (outInt[j] % 3 == 0 && outInt[j] % 5 != 0) + { + out[j] = ""Fizz""; + } + else if (outInt[j] % 3 != 0 && outInt[j] % 5 == 0) + { + out[j] = ""Buzz""; + } + else + { + out[j] = String.valueOf(outInt[j]); + } + } + + return out; +}" +8722926cfe5c95b8e1779853f0eebce0bbb8f7f0,"public String[] fizzBuzz(int start, int end) +{ + int[] outInt = new int[end - start]; + for (int i = 0; i < outInt.length; i++) + { + outInt[i] = i + 1; + } + + String[] out = new String[outInt.length]; + for (int j = 0; j < out.length; j++) + { + if (outInt[j] % 3 == 0 && outInt[j] % 5 == 0) + { + out[j] = ""FizzBuzz""; + } + else if (outInt[j] % 3 == 0 && outInt[j] % 5 != 0) + { + out[j] = ""Fizz""; + } + else if (outInt[j] % 3 != 0 && outInt[j] % 5 == 0) + { + out[j] = ""Buzz""; + } + else + { + out[j] = String.valueOf(outInt[j]); + } + } + + return out; +}" +21e50efd8b1a8c4f7fc40e2831a95f53aa5ba24e,"public String[] fizzBuzz(int start, int end) +{ + int[] outInt = new int[end - start]; + for (int i = 0; i < outInt.length; i++) + { + outInt[i] = start + i; + } + + String[] out = new String[outInt.length]; + for (int j = 0; j < out.length; j++) + { + if (outInt[j] % 3 == 0 && outInt[j] % 5 == 0) + { + out[j] = ""FizzBuzz""; + } + else if (outInt[j] % 3 == 0 && outInt[j] % 5 != 0) + { + out[j] = ""Fizz""; + } + else if (outInt[j] % 3 != 0 && outInt[j] % 5 == 0) + { + out[j] = ""Buzz""; + } + else + { + out[j] = String.valueOf(outInt[j]); + } + } + + return out; +}" +e67aefa177c0f09642cff8a33edf4d6c9d845a2d,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end]; + for (int i = 0; i < array.length; i++) + { + if (array[i] % 3 == 0 && array[i] % 5 == 0) + { + array[i] == ""FizzBuzz""; + } + else if (array[i] % 3 == 0) + { + array[i] == ""Fizz""; + } + else if (array[i] % 5 == 0) + { + array[i] == ""Buzz""; + } + else + { + array[i] == String.valueOf(array[i]); + } + } + return array; +} +" +c44fa96213988870c546cd6daa39cb22f5c41639,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end]; + for (int i = start; i < array.length; i++) + { + if (array[i] % 3 == 0 && array[i] % 5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if (array[i] % 3 == 0) + { + array[i] = ""Fizz""; + } + else if (array[i] % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(array[i]); + } + } + return array; +} +" +c4bafa6562efdf849f0427108f0b8b1f1353127e,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end]; + for (int i = start; i < array.length; i++) + { + if( (array[i] % 3 == 0) && (array[i] % 5 == 0)) + { + array[i] = ""FizzBuzz""; + } + else if (array[i] % 3 == 0) + { + array[i] = ""Fizz""; + } + else if (array[i] % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(array[i]); + } + } + return array; +} +" +af2a904f3bb87f6c3b70acc9763eb1c0f8106183,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end]; + for (int i = start; i < array.length; i++) + { + if( (Integer.parseInt(array[i]) % 3 == 0) && + (Integer.parseInt(array[i]) % 5 == 0)) + { + array[i] = ""FizzBuzz""; + } + else if (Integer.parseInt(array[i]) % 3 == 0) + { + array[i] = ""Fizz""; + } + else if (Integer.parseInt(array[i]) % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(array[i]); + } + } + return array; +} +" +21e5065191ac06ee73abd99f6ce5ff787792a912,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < array.length; i++) + { + if(i%15 == 0) + { + array[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(array[i]); + } + } + return array; +} +" +6a495b520f311c617217a3b3ff6131f369120fae,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < array.length; i++) + { + if(i%15 == 0) + { + array[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(array[i]); + } + } + return array; +} +" +c946efed20211dfcceedd1e178804c5d5a190532,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < array.length; i++) + { + if(i%15 == 0) + { + array[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; +} +" +581fb8c589002b606e5ea5503a6df525b72eda04,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if(i%15 == 0) + { + array[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; +} +" +4f8aa54c2cb893dfc99d4da7379ebdb141aeedd7,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +0fbbaf82d7caac66fd6ccecf34db7b4c649e90a4,"public String[] fizzBuzz(int start, int end) +{ + String[] newStrs = new String[end-start]; + for (int i = 0; i < end-start; i++) + { + Integer j = start+i; + String toAdd = """"; + if (j%3 == 0) + { + toAdd = toAdd + ""Fizz""; + } + if (j%5 == 0) + { + toAdd = toAdd + ""Buzz""; + } + if (j%3 != 0 && j%5 != 0) + { + toAdd = toAdd + j.toString(); + } + newStrs[i] = toAdd; + } + return newStrs; +} +" +1ca1df5415e61fc08a9a4cd1e1bee0f76a3936e0,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] a = new String[n]; + + int b = 0; + for(int i = start; i < end; i++) + { + boolean c = i % 3 == 0; + boolean d = i % 5 == 0; + if (c && d) + a[b] = ""FizzBuzz""; + else if (c) + a[b] = ""Fizz""; + else if (d) + a[b] = ""Buzz""; + else + a[b] = String.valueOf(i); + b++; + } + return a; +} +" +d80a657830e2d8073ede975cb4a961ebd56049f0,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +5b804c612b6bb598dba654fc2369bd76d564c11d,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +ed8eccc0f5b5c4254e47b2becea81680e272e994,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + if (fizz && buzz) result[pos] = ""FizzBuzz""; + else if (fizz) result[pos] = ""Fizz""; + else if (buzz) result[pos] = ""Buzz""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +} +" +c5ba5d22a468450e38f44d47f16cc36a3e7e20f8,"public String[] fizzBuzz(int start, int end) +{ + String[] newArr = new String[end - start]; + for (int i = 0; start < end; i++) + { + if ((start % (3*5)) == 0) + { + newArr[i] = ""FizzBuzz""; + } + else if ((start % 3) == 0) + { + newArr[i] = ""Fizz""; + } + else if ((start % 5) == 0) + { + newArr[i] = ""Buzz""; + } + else + { + newArr[i] = String.valueOf(start); + } + start++; + } + return newArr; +} +" +54d3273b28a76cd3e9ab24a2371d5f9d80071082,"public String[] fizzBuzz(int start, int end) +{ + String[] stupud = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + stupid[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + stupid[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + stupid[i - start] = ""Buzz""; + } + else + { + stupid[i - start] = String.valueOf(i); + } + } + + return stupid; +} +" +85748055605adace9f0b3d9b161874bd2f79bf93,"public String[] fizzBuzz(int start, int end) +{ + String[] stupid = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 3 == 0 && i % 5 == 0) + { + stupid[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + stupid[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + stupid[i - start] = ""Buzz""; + } + else + { + stupid[i - start] = String.valueOf(i); + } + } + + return stupid; +} +" +4a1cc5fcf957064aa9d90ada1ec6c4c72bda866e,"public String[] fizzBuzz(int start, int end) +{ + String[] a = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) + { + a[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + a[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + a[i - start] = ""Buzz""; + } + else + { + a[i - start] = String.valueOf(i); + } + } + + return a; +} +" +e3126a740594f17a435d876a0a3eabb6eb4e5d88,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +fc927bb19bac147d02c4bd96abf9d94e078739c7,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +1d0d402d1450f9f720b2f507f08378f27ee23f23,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + String[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + String[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + String[i] = ""Buzz""; + } + else + { + String[i] = i; + } + } +} +" +6ad6bd994bde6d0211a38fadd5de0179eff329c5,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + words[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + words[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + words[i] = ""Buzz""; + } + else + { + words[i] = i; + } + } + return words; +} +" +6d8dd6abf7c63422d3f4f06f7ca07d77cc4b3096,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + words[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + words[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + words[i] = ""Buzz""; + } + else + { + words[i] = String.valueOf(i); + } + } + return words; +} +" +ca6c1771a072113f097d3abcd0f177d6f181e630,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + for (int i = 0; i < end - start; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + words[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + words[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + words[i] = ""Buzz""; + } + else + { + words[i] = String.valueOf(i); + } + } + return words; +} +" +7af558be2ca670d83a4828f1d05ecff96f8d5a95,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + for (int i = start; i < end; i++) + { + j = 0; + if (i % 3 == 0 && i % 5 == 0) + { + words[j] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + words[j] = ""Fizz""; + } + else if (i % 5 == 0) + { + words[j] = ""Buzz""; + } + else + { + words[j] = String.valueOf(i); + } + count ++; + } + return words; +} +" +99ce085add050b680ae7100648865b259a992666,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + int j = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + words[j] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + words[j] = ""Fizz""; + } + else if (i % 5 == 0) + { + words[j] = ""Buzz""; + } + else + { + words[j] = String.valueOf(i); + } + count ++; + } + return words; +} +" +296ae668f752757ecebddf4f08e9e92ab434e978,"public String[] fizzBuzz(int start, int end) +{ + String[] words = new String[end - start]; + int j = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + words[j] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + words[j] = ""Fizz""; + } + else if (i % 5 == 0) + { + words[j] = ""Buzz""; + } + else + { + words[j] = String.valueOf(i); + } + j++; + } + return words; +} +" +bffaa8c720ccebc6418eceffe3e0a4a9c4b32be9,"public String[] fizzBuzz(int start, int end) +{ + String[] res = new String[end - start]; +for (int i = start; i < end; i++){ +if(i % 3 != 0 && i % 5 != 0){ +res[i - start] = String.valueOf(i); +} +if(i % 3 == 0){ +res[i - start] = ""F""; +} +if(i % 5 == 0){ +res[i - start] = ""B""; +} +if(i % 3 == 0 && i % 5 == 0){ +res[i - start] = ""FB""; +} +} return result; +} +" +094779858a48bd5aa50dd2bf3cc680f75b773dbf,"public String[] fizzBuzz(int start, int end) +{ + String[] res = new String[end - start]; +for (int i = start; i < end; i++){ +if(i % 3 != 0 && i % 5 != 0){ +res[i - start] = String.valueOf(i); +} +if(i % 3 == 0){ +res[i - start] = ""F""; +} +if(i % 5 == 0){ +res[i - start] = ""B""; +} +if(i % 3 == 0 && i % 5 == 0){ +res[i - start] = ""FB""; +} +} return res; +} +" +18bdf8710522b24e5d124343ab1dec496ef7373d,"public String[] fizzBuzz(int start, int end) +{ + String[] a = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + a[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + a[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + a[i - start] = ""Buzz""; + } else { + a[i - start] = String.valueOf(i); + } + } + + return a; +} +" +6ba123366a9eda4329cd78b840db2eac5fb3bc0d,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FizzBuzz""; + else if (fizz) result[pos] = ""Fizz""; + else if (buzz) result[pos] = ""Buzz""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +} +" +871f9d5e683d3ab8c85a4cd8b94454fd2d5f6ee9,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FB""; + else if (fizz) result[pos] = ""F""; + else if (buzz) result[pos] = ""B""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +} +" +2f81e5cbb5666b5721872d42f4e94488aca19111,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FB""; + else if (fizz) result[pos] = ""F""; + else if (buzz) result[pos] = ""B""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +} +" +b7f9823ea8445faa996690952bcc4fae42a43e1f,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FizzBuzz""; + else if (fizz) result[pos] = ""Fizz""; + else if (buzz) result[pos] = ""Buzz""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +} +" +39ffbebdf684ecc4c9c92f0ab46087983c08870b,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i >= 3 && i % 3 == 0 && i % 5 ==0) + { + result[i] = ""FizzBuzz""; + } + else if (i >= 3 && i % 3 == 0) + { + result[i] = ""Fizz"" + } + else if (i >= 5 && i % 5 == 0) + { + result[i] = ""Buzz"" + } + else + { + result[i] = String.valueOf[i]; + } + } + return result; +} +" +6c9267d8aa82a92847ad39312536397918e5aa1d,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i >= 3 && i % 3 == 0 && i % 5 ==0) + { + result[i] = ""FizzBuzz""; + } + else if (i >= 3 && i % 3 == 0) + { + result[i] = ""Fizz""; + } + else if (i >= 5 && i % 5 == 0) + { + result[i] = ""Buzz""; + } + else + { + result[i] = String.valueOf[i]; + } + } + return result; +} +" +714c6be98886588ddd95d596d032f5c80a25469b,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i >= 3 && i % 3 == 0 && i % 5 ==0) + { + result[i] = ""FizzBuzz""; + } + else if (i >= 3 && i % 3 == 0) + { + result[i] = ""Fizz""; + } + else if (i >= 5 && i % 5 == 0) + { + result[i] = ""Buzz""; + } + else + { + String str = String.valueOf(i); + result[i] = str; + } + } + return result; +} +" +95da2f8216aababfbf3f25706a741e1369484df5,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +b49d4b4a5ff2738245963e2713edfdb3ecb32824,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + for (int i = 0; i < end - start; i++) + { + if ( i >= 3 && i % 3 == 0 && i % 5 ==0) + { + result[i] = ""FizzBuzz""; + } + else if (i >= 3 && i % 3 == 0) + { + result[i] = ""Fizz""; + } + else if (i >= 5 && i % 5 == 0) + { + result[i] = ""Buzz""; + } + else + { + String str = String.valueOf(i); + result[i] = str; + } + } + return result; +} +" +90814254555daff8479bddf2675ba1f9b58674fc,"public String[] fizzBuzz(int start, int end) +{ + String[] str = new String[end - start]; + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + str[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + str[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + str[i - start] = ""Buzz""; + } + else + { + str[i - start] = String.valueOf(i); + } + } + + return str; +} +" +50ba97f43ad4770ef93c49e1e7d210987a90225b,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + int i = start; + for (int j = 0; j < end - start; j++) + { + if ( i >= 3 && i % 3 == 0 && i % 5 ==0) + { + result[i] = ""FizzBuzz""; + } + else if (i >= 3 && i % 3 == 0) + { + result[i] = ""Fizz""; + } + else if (i >= 5 && i % 5 == 0) + { + result[i] = ""Buzz""; + } + else + { + String str = String.valueOf(i); + result[i] = str; + } + i++; + } + return result; +} +" +b398b17e21d0869bc64191f5475bb11b9aaf9acb,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start]; + int i = start; + for (int j = 0; j < end - start; j++) + { + if ( i >= 3 && i % 3 == 0 && i % 5 ==0) + { + result[j] = ""FizzBuzz""; + } + else if (i >= 3 && i % 3 == 0) + { + result[j] = ""Fizz""; + } + else if (i >= 5 && i % 5 == 0) + { + result[j] = ""Buzz""; + } + else + { + String str = String.valueOf(i); + result[j] = str; + } + i++; + } + return result; +} +" +777414267f48e404ba22787ddaa6e22a37f1aabe,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzBuzz = new String[end - start]; + for (int i = start; i < end; i++){ + if (i % 3 == 0){ + fizzBuzz[i] = ""Fizz""; + } + else if (i % 5 == 0){ + fizzBuzz[i] = ""Buzz""; + } + else { + fizzBuzz[i] = String.valueOf(i); + } + } + return fizzBuzz; +} +" +15026da24f970b5ab26ab26ec4259cc5e1ca8887,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzBuzz = new String[end - start]; + for (int i = 0; i < end - start; i++){ + if (i % 3 == 0){ + fizzBuzz[i] = ""Fizz""; + } + else if (i % 5 == 0){ + fizzBuzz[i] = ""Buzz""; + } + else { + fizzBuzz[i] = String.valueOf(i); + } + } + return fizzBuzz; +} +" +5797f075cf2eb62beedb0b4850718ccb5d79ba05,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzBuzz = new String[end - start]; + for (int i = start; i < end ; i++){ + if (i % 15 == 0){ + fizzBuzz[i - start] = ""FizzBuzz""; + else if (i % 3 == 0){ + fizzBuzz[i - start] = ""Fizz""; + } + else if (i % 5 == 0){ + fizzBuzz[i - start] = ""Buzz""; + } + else { + fizzBuzz[i - start] = String.valueOf(i); + } + } + return fizzBuzz; +} +" +c74026968fbd1260faab42fc943aa720f239df14,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzBuzz = new String[end - start]; + for (int i = start; i < end ; i++){ + if (i % 15 == 0){ + fizzBuzz[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0){ + fizzBuzz[i - start] = ""Fizz""; + } + else if (i % 5 == 0){ + fizzBuzz[i - start] = ""Buzz""; + } + else { + fizzBuzz[i - start] = String.valueOf(i); + } + } + return fizzBuzz; +} +" +7b45a64f836a33d88e4bf36521960a5bc30ff2b5,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +3bc63750c92adbdd2c90a7d383b5ddadf3dfadba,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i % 15 == 0) + { + array[i-start] = ""FizzBuzz""; + } + else if (i % == 0) + { + array[i - start] = ""Fizz"" + } + else if (i % 6 == 0 ) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; +} +" +effe17bb5c026750a28add4ff0014d795eec4674,"public String[] fizzBuzz(int start, int end) +{ + boolean isTrue = false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if (nums.length > 1 && i < nums.length-1 && nums[i+1] == 2) + isTrue = true; + else if (nums.length > 1 && i > 0 && nums[i-1] == 2) + isTrue = true; + else + return false; + } + } + return true; +} +" +82628c52837fa40341baaffc844e5281f9c96b08,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i % 15 == 0) + { + array[i-start] = ""FizzBuzz""; + } + else if (i % == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 6 == 0 ) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; +} +" +813d3a3599a601003a87eed4c00a86582683582e,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; + +} +" +aa7cdd218b4cd8d48d793e0c35dd61c0db1bff7e,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i % 15 == 0) + { + array[i-start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 6 == 0 ) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; +} +" +b06a164e18462851d665fdf9b40b47cc384f1ee8,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for (int i = start; i < end; i++) + { + if ( i % 15 == 0) + { + array[i-start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + array[i - start] = ""Fizz""; + } + else if (i % 5 == 0 ) + { + array[i - start] = ""Buzz""; + } + else + { + array[i - start] = String.valueOf(i); + } + } + return array; +} +" +baf543cbc1e7e25ff5ebe55cb3c8e468fadf714e,"public String[] fizzBuzz(int start, int end) +{ + String finalStr = """"; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + finalStr = finalStr + ""FizzBuzz""; + } + else if (i % 3 == 0) + { + finalStr = finalStr + ""Fizz""; + } + else if (i % 5 == 0) + { + finalStr = finalStr + ""Buzz""; + } + else + { + finalStr = finalStr + String.valueOf(i); + } + } + return finalStr; +} +" +9f4121b0f7c0bfe84e78013823c81826912a2f0c,"public String[] fizzBuzz(int start, int end) +{ + String[] finalStr = new String[end-start]; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + finalStr[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + finalStr[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + finalStr[i] = ""Buzz""; + } + else + { + finalStr[i] = String.valueOf(i); + } + } + return finalStr; +} +" +3198c10fe4b8f15247bada44e672ff8a52126a96,"public String[] fizzBuzz(int start, int end) +{ + String[] finalStr = new String[end-start]; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + finalStr[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + finalStr[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + finalStr[i - start] = ""Buzz""; + } + else + { + finalStr[i - start] = String.valueOf(i); + } + } + return finalStr; +} +" +98e6c801b14da49764c5dd3a845e18be2c82e51e,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +2bda8b774e24e483bd6c471fa88ac2bd318ca962,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end]; + return stringArray; +}" +9531ed6665395930ac1e10cb1d740dba7c03f422,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end + 1]; + return stringArray; +}" +e9895cb9ae21be45fef4843572a0f12136a15829,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - 1]; + return stringArray; +}" +801121edb37db7cb3eda362d5ed63d22ed4517a5,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + return stringArray; +}" +b42caa777155bc1086051fc7fd842438dd556865,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + stringArray[x] = """" + x; + } + return stringArray; +}" +e0a9382f87402e0fe83b7700de9dea617081eb05,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + stringArray[x] = """" + (x+1); + } + return stringArray; +}" +9519998ca4996500506930baff146d4a924c2905,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } +} +" +466b36c0b643e3fe8ed686ee30bf08ddef681d42,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +14fa78118d63b30722d63e13c727a04fd647aae2,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end]; + + return array; +} +" +98d431a44df017e689c016d328d98cde5d9730a1,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x+1); + } + + } + return stringArray; +}" +572084e31f9a3b8d1210b1e9d311294ad22100e8,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + return array; +} +" +dbea561cd666515e827630c76d00b14aa48628b8,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int i = 0; i < array.length; i++) + { + array[i] = start + i; + } + return array; +} +" +06c56f436735ed6c40346274db67b7d00633a56c,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int i = 0; i < array.length; i++) + { + array[i] = String.valueOf(start + i); + } + return array; +} +" +00354167d411c80e4d3d81fd845cd79a6217cba1,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int i = 0; i < array.length; i++) + { + if((start + i) % 3 == 0 &&(start + i) % 5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if ((start + i) % 3 ) + { + array[i] = ""Fizz""; + } + else if ((start + i) % 5) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(start + i); + } + } + return array; +} +" +0420676f547a0e97c0cb631b47d9468ae649e3b1,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int i = 0; i < array.length; i++) + { + if((start + i) % 3 == 0 &&(start + i) % 5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if ((start + i) % 3 == 0 ) + { + array[i] = ""Fizz""; + } + else if ((start + i) % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(start + i); + } + } + return array; +} +" +6ad7cac8c122be0f9160c58794a82623f570e366,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + arr[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + arr[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + arr[i - start] = ""Buzz""; + } + else + { + arr[i - start] = String.valueOf(i); + } + } + return arr; +} +" +07ea69432a903b8b14471a8a8fa71001706f1a3d,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +3578ec3ef0c838173e58e59288a086bbbc1afacc,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +857f446b536cf42d15eb776de15382e7f373c20b,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start - 1]; + + for (int i = 0; i < array.length; i++) + { + if((start + i) % 3 == 0 &&(start + i) % 5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if ((start + i) % 3 == 0 ) + { + array[i] = ""Fizz""; + } + else if ((start + i) % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(start + i); + } + } + return array; +} +" +8301ac5233c06139856e75c9eefa8a14c189334d,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + + for (int i = 0; i < array.length; i++) + { + if((start + i) % 3 == 0 &&(start + i) % 5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if ((start + i) % 3 == 0 ) + { + array[i] = ""Fizz""; + } + else if ((start + i) % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(start + i); + } + } + return array; +} +" +a94379890b1e6bb78bbc52260df18da93323a5d3,"public String[] fizzBuzz(int start, int end) +{ + String[] newList = new String[end - 1]; + return newList; +} +" +29faebd82cd5b40847daae7312f1b72dcd6f837d,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + arr[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + arr[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + arr[i - start] = ""Buzz""; + } + else + { + arr[i - start] = String.valueOf(i); + } + } + return fizz; +} +" +09970dbe9fa3d14b8212811456439afe9cce764a,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + fizz[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + fizz[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + fizz[i - start] = ""Buzz""; + } + else + { + fizz[i - start] = String.valueOf(i); + } + } + return fizz; +} +" +fa48d5d77dcc3af84d69bdf7e10794254723d7ce,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for ( int i = 0; i < end - start; i++ ) { + if ( i % 3 == 0 && i % 5 == 0 ) { + array[i] = ""FizzBuzz""; + } + else if ( i % 3 == 0 ) { + array[i] = ""Fizz""; + } + else if ( i % 5 == 0 ) { + array[i] = ""Buzz""; + } + else + { + array[i] = i; + } + } + return array; +} +" +cbd2a6daa55119252e298583d15eddfe1a28111b,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for ( int i = 0; i < end - start; i++ ) { + if ( i % 3 == 0 && i % 5 == 0 ) { + array[i] = ""FizzBuzz""; + } + else if ( i % 3 == 0 ) { + array[i] = ""Fizz""; + } + else if ( i % 5 == 0 ) { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +6b0ea81140caf3e8e7cf3a02cbb617d406359bee,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x == 3 || x == 6 || x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x+1); + } + + } + return stringArray; +}" +9b1d64d5973386099a8389e506c2b1fb33aa739f,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + for ( int i = start; i < end; i++ ) { + if ( i % 3 == 0 && i % 5 == 0 ) { + array[i] = ""FizzBuzz""; + } + else if ( i % 3 == 0 ) { + array[i] = ""Fizz""; + } + else if ( i % 5 == 0 ) { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(i); + } + } + return array; +} +" +6b1d4aa77af70df9b7e8bf4727250dfedd98f7a8,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + int a = 0; + for ( int i = start; i < end; i++ ) { + if ( i % 3 == 0 && i % 5 == 0 ) { + array[a] = ""FizzBuzz""; + } + else if ( i % 3 == 0 ) { + array[a] = ""Fizz""; + } + else if ( i % 5 == 0 ) { + array[a] = ""Buzz""; + } + else + { + array[a] = String.valueOf(i); + } + a++; + } + return array; +} +" +d801b9c12dca9dbdea8193b2a5d5376ce2fd5863,"public String[] fizzBuzz(int start, int end) +{ + String[] newList = new String[end - start]; + int position = 0; + for (int i = start; i < end; i++) + { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz & buzz) + { + newList[position] = ""FizzBuzz""; + } + else if (fizz) + { + newList[position] = ""Fizz""; + } + else if (buzz) + { + newList[position] = ""Buzz""; + } + else + { + newList[position] = String.valueOf(i); + } + position++; + } + return newList; +} +" +df1dba6c2a87749b1dd765e8f92ddd058dac9a62,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +281f444624a9cbe100fd0d2854773cd5432fd5cd,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + for(int i = start; i < end; i++) + { + if (i % 15 == 0) + { + arr[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + arr[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + arr[i - start] = ""Buzz""; + } + else + { + arr[i - start] = String.valueOf(i); + } + } + return arr; +} +" +6c2dcb5a4d8080d05cfcab9822e769e25f85827a,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +5be8d9c83fb07c3a6a876bb1995ea5191d490fc5,"public String[] fizzBuzz(int start, int end){ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +d38727c151e5e39d136a80d283cca0ba2551d50d,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[]; + + for (int a = start; a < end; a++) + { + array[a] = a; + } + + return array; +} +" +a71e81073c41064722ddddd8b8143281dabca77d,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int a = start; a < end; a++) + { + array[a] = a; + } + + return array; +} +" +b393f85ff2b4aeb7208b528d94330cb373d09ede,"public String[] fizzBuzz(int start, int end) +{ + String[] nums = """"; + for (int count = start; count < end; count++) + { + if (count % 3 == 0 && count % 5 == 0) + { + nums = nums + ""FizzBuzz""; + } + else if (count % 5 == 0) + { + nums = nums + ""Buzz""; + } + else if (count % 3 == 0) + { + nums = nums + ""Fizz""; + } + else + { + nums = nums + String.valueOf(count); + } + } + return nums; +}" +b6fe99653001d4cfa24ba5981be78c67c19b65df,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int a = start; a < end; a++) + { + array[a] = String.valueOf(a); + } + + return array; +} +" +5af0df81278bf0a523184ada01d7a112c6e49c90,"public String[] fizzBuzz(int start, int end) +{ + String[] series = new String[end - start]; + + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + series[i - start] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + series[i - start] = ""Buzz""; + } + else if (i % 3 == 0) + { + series[i - start] = ""Fizz""; + } + else + { + series[i - start] = String.valueOf(i); + } + } + + return series; +} +" +c92862616b1497d15351aa5125bf95edc76b83c9,"public String[] fizzBuzz(int start, int end) +{ + String nums = """"; + for (int count = start; count < end; count++) + { + if (count % 3 == 0 && count % 5 == 0) + { + nums = nums + ""FizzBuzz""; + } + else if (count % 5 == 0) + { + nums = nums + ""Buzz""; + } + else if (count % 3 == 0) + { + nums = nums + ""Fizz""; + } + else + { + nums = nums + String.valueOf(count); + } + } + return nums; +}" +6bcde9eba0e1df4a257f89d28e22271b8b5a18a4,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int a = start; a <= end; a++) + { + array[a] = String.valueOf(a); + } + + return array; +} +" +48f6ca033bdf8cef329f18c6f9cd4f67d6229a20,"public String[] fizzBuzz(int start, int end) +{ + String[] nums = new String[end - start]; + int place = 0; + for (int count = start; count < end; count++) + { + if (count % 3 == 0 && count % 5 == 0) + { + nums[place] = ""FizzBuzz""; + } + else if (count % 5 == 0) + { + nums[place] = ""Buzz""; + } + else if (count % 3 == 0) + { + nums[place] = ""Fizz""; + } + else + { + nums[place] = String.valueOf(count); + } + ++place; + } + return nums; +}" +6ebb38a0f713ad47ebee9c223ef1fffbcdb85534,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (String a : array) + { + array[a] = String.valueOf(a + start); + } + + return array; +} +" +3653880ba8fd62870e28bb8bba8ce752b07332c1,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (String a : array) + { + array[a] = String.valueOf(Int.valueOf(a) + start); + } + + return array; +} +" +2bca845a4560b2edc10eeee6902fffb076008120,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (String a : array) + { + array[a] = String.valueOf(int.valueOf(a) + start); + } + + return array; +} +" +7db4109973f81b6887a112ac7de3f60c4e361b00,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (String a : array) + { + array[a] = String.valueOf(Integer.valueOf(a) + start); + } + + return array; +} +" +e5f8cac77941a07537d212d2eb521cf5b1a61900,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x+1); + } + + } + return stringArray; +}" +c48208fc50dc73be4d67c1d1678a2c776df1d332,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x != 1 && x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + 1); + } + } + return stringArray; +}" +2bc65b8988ae587286612da0ad360167a412aa18,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + 1); + } + } + return stringArray; +}" +b3d800c81fb972afff8deb9b836a3a5756222772,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x != 0 x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + 1); + } + } + return stringArray; +}" +34cdf5368bbba821dbb4030e9873ce752d01105f,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x % 3 == 0 && x % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x % 5 == 0 && x % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x != 0 && x % 5 == 0 && x % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + 1); + } + } + return stringArray; +}" +bb0196032078c8e01d761608269a42a544781700,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if (x + 1 % 3 == 0 && x + 1 % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if (x + 1 % 5 == 0 && x + 1% 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x != 0 && x + 1 % 5 == 0 && x + 1 % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + 1); + } + } + return stringArray; +}" +05b09b2b8f77c25fbf2f4fb700c40ed5c7cdd9d1,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if ((x + 1) % 3 == 0 && (x + 1) % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if ((x + 1) % 5 == 0 && (x + 1) % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x != 0 && (x + 1) % 5 == 0 && (x + 1) % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + 1); + } + } + return stringArray; +}" +90c05cb8ebb321ca3aca2cb2f64f51f6c7e1d45e,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if ((x + start) % 3 == 0 && (x + start) % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if ((x + start) % 5 == 0 && (x + start) % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x != 0 && (x + start) % 5 == 0 && (x + start) % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + start); + } + } + return stringArray; +}" +4841413d4c0f4e0b78627dbd13061333cf8501a6,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1]; + + for (int a = 0; a < array.length; a++) + { + int num = start + a; + String val = """"; + + if (num % 3 == 0 && num % 5 == 0) + { + val = ""FizzBuzz""; + } + else if (num % 3 == 0) + { + val = ""Fizz""; + } + else if (num % 5 == 0) + { + val = ""Buzz""; + } + else + { + val = String.valueOf(num); + } + + array[a] = val; + } + + + + + + return array; +} +" +199921b822454c498cd5e3072b8de6398294874f,"public String[] fizzBuzz(int start, int end) +{ + String[] stringArray = new String[end - start]; + for (int x = 0; x < stringArray.length; x++) + { + if ((x + start) % 3 == 0 && (x + start) % 5 != 0) + { + stringArray[x] = ""Fizz""; + } + else if ((x + start) % 5 == 0 && (x + start) % 3 != 0) + { + stringArray[x] = ""Buzz""; + } + else if (x + start == 15 || x + start == 30) + { + stringArray[x] = ""FizzBuzz""; + } + else if (x != 0 && (x + start) % 5 == 0 && (x + start) % 3 == 0) + { + stringArray[x] = ""FizzBuzz""; + } + else + { + stringArray[x] = """" + (x + start); + } + } + return stringArray; +}" +a25f0cf19718228dc28d349092e25f973bd69a16,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - 1 - start]; + + for (int a = 0; a < array.length; a++) + { + int num = start + a; + String val = """"; + + if (num % 3 == 0 && num % 5 == 0) + { + val = ""FizzBuzz""; + } + else if (num % 3 == 0) + { + val = ""Fizz""; + } + else if (num % 5 == 0) + { + val = ""Buzz""; + } + else + { + val = String.valueOf(num); + } + + array[a] = val; + } + + + + + + return array; +} +" +3bb09e3484a3ee2249012e85328cfaa968c398ae,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + + for (int a = 0; a < array.length; a++) + { + int num = start + a; + String val = """"; + + if (num % 3 == 0 && num % 5 == 0) + { + val = ""FizzBuzz""; + } + else if (num % 3 == 0) + { + val = ""Fizz""; + } + else if (num % 5 == 0) + { + val = ""Buzz""; + } + else + { + val = String.valueOf(num); + } + + array[a] = val; + } + + + + + + return array; +} +" +f094be528e0bbf81a828bb0d947955025416fc00,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[start - end]; + for (i = 0; i < start - end; i++) + { + int tmp = i+start-1; + int fizz = tmp % 3; + int buzz = tmp % 5; + String s = """"; + if(fizz==0){ + if(buzz==0) s = ""FizzBuzz""; + else s = ""Fizz""; + } + else{ + if(buzz==0) s = ""Buzz""; + else s = String.valueOf(tmp); + } + arr[i-1] = s; + } + return arr; + + +} +" +75459cd6d9618a6b440ec716b6ef31f4e08667fd,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[start - end]; + for (i = 0; i < start - end; i++) + { + int tmp = i+start-1; + int fizz = tmp % 3; + int buzz = tmp % 5; + String s = """"; + if(fizz==0){ + if(buzz==0) s = ""FizzBuzz""; + else s = ""Fizz""; + } + else{ + if(buzz==0) s = ""Buzz""; + else s = String.valueOf(tmp); + } + arr[i-1] = s; + } + return arr; + + +} +" +adaf12fbd174e301dcdd57ffbfab4fe67dff7ce4,"public String[] fizzBuzz(int start, int end) +{ + int i; + String[] arr = new String[start - end]; + for (i = 0; i < start - end; i++) + { + int tmp = i+start-1; + int fizz = tmp % 3; + int buzz = tmp % 5; + String s = """"; + if(fizz==0){ + if(buzz==0) s = ""FizzBuzz""; + else s = ""Fizz""; + } + else{ + if(buzz==0) s = ""Buzz""; + else s = String.valueOf(tmp); + } + arr[i-1] = s; + } + return arr; + + +} +" +a78fa564519681eb3183ec5389edc492d2443538,"public String[] fizzBuzz(int start, int end) +{ + int len = end - start; + String[] arry = new String[len]; + if(len <= 0) return arry; + for(int i=1; i= 1 && i / 5 >= 1) + { + array[i] = ""FizzBuzz""; + } + else if(i % 3 == 0 && i / 3 >= 1) + { + array[i] = ""Fizz""; + } + else if(i % 5 == 0 && i / 5 >= 1) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(num); + } + i++; + } + return array; +} +" +c0b64580af6d7cf305228d6125ba6e2faa49f817,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + int i = 0; + for(int num = start; num < end; num++) + { + if(i % 15) + { + array[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + array[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(num); + } + i++; + } + return array; +} +" +757fa4666ab500b77feaeb740c789e63ab5bdc08,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + int i = 0; + for(int num = start; num < end; num++) + { + if(i % 15 == 0) + { + array[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + array[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(num); + } + i++; + } + return array; +} +" +d1d62868df8cfa88a007d45d7a82d2609dce1575,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + int i = 0; + for(int num = start; num < end; num++) + { + if(num % 15 == 0) + { + array[i] = ""FizzBuzz""; + } + else if(num % 3 == 0) + { + array[i] = ""Fizz""; + } + else if(num % 5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(num); + } + i++; + } + return array; +} +" +84fb7ef912fe1312ce33db3eac46ac449db0788b,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + + + for(int i = start; i < end; i++) { + + if(i % 15 == 0) { + + arr[i - start] = ""FizzBuzz""; + + } else if(i % 3 == 0) { + + arr[i - start] = ""Fizz""; + + } else if(i % 5 == 0) { + + arr[i - start] = ""Buzz""; + + } else { + + arr[i - start] = String.valueOf(i); + + } + + } + + + + return arr; +} +" +44312f489cabc5efa8e5bc11325abe934e671cf0,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end-start]; + int i = 0; + while (i < array.length) + { + int j = start + i; + if (j%3 == 0 && j%5 == 0) + { + array[i] = ""FizzBuzz""; + } + else if (j%3 == 0) + { + array[i] = ""Fizz""; + } + else if (j%5 == 0) + { + array[i] = ""Buzz""; + } + else + { + array[i] = String.valueOf(j); + } + i++; + } + return array; +} +" +633ffb9323ac8412c835e38d731bc6aec69c901e,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[start-end]; + int index = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++ + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueof(i); + index++' + } + } + return fizzbuzz; +} +" +5f27564341c664e7162a9860ac9f5bfc9e29e1c0,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[start-end]; + int index = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++; + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueof(i); + index++' + } + } + return fizzbuzz; +} +" +13c177e51cb6950869a9743c50a46a0de4876cc0,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[start-end]; + int index = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++; + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueof(i); + index++; + } + } + return fizzbuzz; +} +" +fc8d1689e14a14ad30087dcac0061c9a473a92ca,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[start-end]; + int index = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++; + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueOf(i); + index++; + } + } + return fizzbuzz; +} +" +0ffbee3334282f9bcc6de3284a98307179c3475d,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[start-end]; + int index = 0; + for (int i = start; i < fizzbuzz.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++; + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueOf(i); + index++; + } + } + return fizzbuzz; +} +" +b99bfd66680f6861f72c16340d766749970de806,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[start-end]; + int index = 0; + for (int i = 0; i < fizzbuzz.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++; + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueOf(i); + index++; + } + } + return fizzbuzz; +} +" +8a326ce1cb785b1c636cf7fb05723b6cff2f5027,"public String[] fizzBuzz(int start, int end) +{ + String[] fizzbuzz = new String[end-start]; + int index = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizzbuzz[index] = ""FizzBuzz""; + index++; + } + else if (i % 3 == 0) + { + fizzbuzz[index] = ""Fizz""; + index++; + } + else if (i % 5 == 0) + { + fizzbuzz[index] = ""Buzz""; + index++; + } + else + { + fizzbuzz[index] = String.valueOf(i); + index++; + } + } + return fizzbuzz; +} +" +559bdb70288785d1883deafb2e8a4e985ffcbb4a,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (penis[i] % 3 == 0 && penis[i] % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (penis[i] % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (penis[i] % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(i); + } + } +} +" +7f73d4c09e53f0922d207e7f630d2bcf66c48eeb,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { +// if (penis[i] % 3 == 0 && penis[i] % 5 == 0) +// { +// penis[i] = ""FizzBuzz""; +// } + if (penis[i] % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (penis[i] % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(i); + } + } +} +" +72dc8754a3cf1e27fe688cf0a6897a0e85524a00,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(i); + } + } +} +" +774467b70861b215623fc82a215d91e3524fce89,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(i); + } + } + return penis; +} +" +fa498bed068265c6c66455609d8fb73b29ea5ceb,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = start; i < penis.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(i); + } + } + return penis; +} +" +24db32afc0740ac47a093cae49894fbb0d69df58,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (start + i % 3 == 0 && start + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (start + i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(i); + } + } + return penis; +} +" +70a1c6de594274b8e2c101bb42ddaa6c4edfed7d,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (start + i % 3 == 0 && start + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (start + i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i + start] = String.valueOf(i); + } + } + return penis; +} +" +c565f5eb03a5542303b7fb47c03f3407cf99032f,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length - 1; i++) + { + if (start + i % 3 == 0 && start + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (start + i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i + start] = String.valueOf(i); + } + } + return penis; +} +" +bb5c6d158292149f29d1ee7316b4be3fa6f79699,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (start + i % 3 == 0 && start + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (start + i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i + start] = String.valueOf(i); + } + } + return penis; +} +" +d016e7a2cd9ef11e5315f5e5a8067e15b23614f7,"public String[] fizzBuzz(int start, int end) +{ + String[] answer = new String[end - start]; + + for(int i = start; i < end; i++) + { + if(i % 15 == 0) + { + answer[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + answer[i - start] = ""Fizz""; + } + else if(i % 5 == 0) + { + answer[i - start] = ""Buzz""; + } + else + { + answer[i - start] = String.valueOf(i); + } + } + + return answer; +} +" +1588c6633659c4c94969d44377e5f14e714602f8,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + fizz[i - start] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + fizz[i - start] = ""Buzz""; + } + else if (i % 3 == 0) + { + fizz[i - start] = ""Fizz""; + } + else + { + fizz[i - start] = String.valyeOf(i); + } + } + return fizz; +} +" +39887f1655307ecb8a2df8eae98623e705bc3372,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + fizz[i - start] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + fizz[i - start] = ""Buzz""; + } + else if (i % 3 == 0) + { + fizz[i - start] = ""Fizz""; + } + else + { + fizz[i - start] = String.valueOf(i); + } + } + return fizz; +} +" +28c9a52f095b4b548fb4512a2b95438e72de82d8,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (start + i % 3 == 0 && start + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (start + i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(start + i); + } + } + return penis; +} +" +237e81c5b2cd250ebebbb7eb31a77db46d0be19d,"public String[] fizzBuzz(int start, int end) +{ + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FizzBuzz""; + else if (fizz) result[pos] = ""Fizz""; + else if (buzz) result[pos] = ""Buzz""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; + +} +" +2aa614ed4d581796a8f54b9aedb424985ed94e5b,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (1 + i % 3 == 0 && 1 + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (1 + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (1 + i % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(start + i); + } + } + return penis; +} +" +f328f97f2a8814fad98c8c9ac7af0fb589656bd9,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (start + i + 1 % 3 == 0 && start + i + 1 % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i + 1 % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if (start + i + 1 % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(start + i); + } + } + return penis; +} +" +2f6e4ff5c61d0af0cbbf6a0fcf3dd5553490ebb3,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if (start + i % 3 == 0 && start + i % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if (start + i % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if ((start + i) % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(start + i); + } + } + return penis; +} +" +afb9833d9879841cc4820cd5eb3f0f5042379ee2,"public String[] fizzBuzz(int start, int end) +{ + String[] penis = new String[end - start]; + for (int i = 0; i < penis.length; i++) + { + if ((start + i) % 3 == 0 && (start + i) % 5 == 0) + { + penis[i] = ""FizzBuzz""; + } + else if ((start + i) % 3 == 0) + { + penis[i] = ""Fizz""; + } + else if ((start + i) % 5 == 0) + { + penis[i] = ""Buzz""; + } + else + { + penis[i] = String.valueOf(start + i); + } + } + return penis; +} +" +e1b6f71f08230b6f8d367d2318fd489df47ac870,"public String[] fizzBuzz(int start, int end) +{ + String[] str = new String[end-1]; + for (int i = 0; i < str.length; i++) { + str[i] = String.valueOf(start + i); + } + + for (int x = 0; x < str.length; x++) { + if (Integer.valueOf(str[i]) % 3 == 0 && Integer.valueOf(str[i]) % 5 == 0) { + str[i] = ""FizzBuzz""; + } + else if (Integer.valueOf(str[i]) % 3 == 0 && Integer.valueOf(str[i]) % 5 != 0) { + str[i] = ""Fizz""; + } + else if (Integer.valueOf(str[i]) % 3 != 0 && Integer.valueOf(str[i]) % 5 == 0) { + str[i] = ""Buzz""; + } + } + + return str; +} +" +615804b3c8bd46f852b7ca7280b742c682d7aa06,"public String[] fizzBuzz(int start, int end) +{ + String[] str = new String[end-1]; + for (int i = 0; i < str.length; i++) { + str[i] = String.valueOf(start + i); + } + + for (int x = 0; x < str.length; x++) { + if (Integer.valueOf(str[x]) % 3 == 0 && Integer.valueOf(str[x]) % 5 == 0) { + str[x] = ""FizzBuzz""; + } + else if (Integer.valueOf(str[x]) % 3 == 0 && Integer.valueOf(str[x]) % 5 != 0) { + str[x] = ""Fizz""; + } + else if (Integer.valueOf(str[x]) % 3 != 0 && Integer.valueOf(str[x]) % 5 == 0) { + str[x] = ""Buzz""; + } + } + + return str; +} +" +12d9a116fbbf6ea1d37fa7addac527de8b8127d1,"public String[] fizzBuzz(int start, int end) +{ + String[] arry = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arry[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arry[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arry[i - start] = ""Buzz""; + } else { + arry[i - start] = String.valueOf(i); + } + } + + return arry; +} +" +588636e5b8a0ba94a805f36fa75d5bceacbcf4d6,"public String[] fizzBuzz(int start, int end) +{ + String[] str = new String[end-start]; + for (int i = 0; i < str.length; i++) { + str[i] = String.valueOf(start + i); + } + + for (int x = 0; x < str.length; x++) { + if (Integer.valueOf(str[x]) % 3 == 0 && Integer.valueOf(str[x]) % 5 == 0) { + str[x] = ""FizzBuzz""; + } + else if (Integer.valueOf(str[x]) % 3 == 0 && Integer.valueOf(str[x]) % 5 != 0) { + str[x] = ""Fizz""; + } + else if (Integer.valueOf(str[x]) % 3 != 0 && Integer.valueOf(str[x]) % 5 == 0) { + str[x] = ""Buzz""; + } + } + + return str; +} +" +92a1732516b496967b3d5af8a5bfe971dc015413,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; + +} +" +b6cde1f167832e9935a865d76fa2ec8647b000fd,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +}" +aab56ee43ac8a00e9851c28832129fbe42a196d0,"public String[] fizzBuzz(int start, int end) +{ + String[] newArray = new String[end - start]; + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + newArray[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + newArray[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + newArray[i - start] = ""Buzz""; + } else { + newArray[i - start] = String.valueOf(i); + } + } + + return newArray; +} +" +bbd85bb203336de644476b8956e59b1d28dc913a,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + + for (int i = 0; i < fizz.length; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + fizz[i] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + fizz[i] = ""Fizz""; + } + else if (i % 5 == 0) + { + fizz[i] = ""Buzz""; + } + else + { + fizz[i] = String.valueOf(i); + } + } + return fizz; +}" +f9d3ae583590691e4d3deb6b66721b8c5f188003,"public String[] fizzBuzz(int start, int end) +{ + String[] fizz = new String[end - start]; + + int j = start; + for (int i = 0; j < end; i++) + { + if (j % 3 == 0 && j % 5 == 0) + { + fizz[i] = ""FizzBuzz""; + } + else if (j % 3 == 0) + { + fizz[i] = ""Fizz""; + } + else if (j % 5 == 0) + { + fizz[i] = ""Buzz""; + } + else + { + fizz[i] = String.valueOf(j); + } + j++; + } + return fizz; +}" +ab3c22a91d3fb7d97f1b291e8121634d53c0b7cd,"public String[] fizzBuzz(int start, int end) +{ + String[] out = new String[end-start]; + int count = 0; + for (int i = start; i < end; i++) + { + if (i % 3 == 0 && i % 5 == 0) + { + out[count] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + out[count] = ""Fizz""; + } + else if (i % 5 == 0) + { + out[count] = ""Buzz""; + } + else + { + out[count] = String.valueOf(i); + } + count++; + } + return out; +} +" +779adb05d87c3bee801293fcc7785e25a73745fd,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +f4cd08ca2808314269fce57529ebb4d3d35c3a27,"public String[] fizzBuzz(int start, int end) +{ + for (int i = 1; i <= 100; i++) { + boolean fizzOrBuzz = false; + if (i % 3 == 0) { + System.out.print(""Fizz""); + fizzOrBuzz = true; + } + if (i % 5 == 0) { + System.out.print(""Buzz""); + fizzOrBuzz = true; + } + + if (fizzOrBuzz) { + System.out.println(); + } else { + System.out.println(String.valueOf(i)); + } + } + } +} +" +8f48f96e431df17d3d1f369eab5241d0c92b0eff,"public String[] fizzBuzz(int start, int end) +{ + for (int i = 1; i <= 100; i++) { + boolean fizzOrBuzz = false; + if (i % 3 == 0) { + System.out.print(""Fizz""); + fizzOrBuzz = true; + } + if (i % 5 == 0) { + System.out.print(""Buzz""); + fizzOrBuzz = true; + } + + if (fizzOrBuzz) { + System.out.println(); + } else { + System.out.println(String.valueOf(i)); + } + } + +} +" +c540a3f117ea50b3478b61ba5f850bea7e4e84a4,"public String[] fizzBuzz(int start, int end) +{ + if (number % 3 == 0) { + if (number % 5 == 0) { + return ""fizzbuzz""; + } + else + { return ""fizz""; } + } + else if (number % 5 == 0) + { return ""buzz""; } + return String.valueOf(number); + +} +" +5302c893efd2ce6826470333ac84998043863a55,"public String[] fizzBuzz(int start, int end) +{ + String[] array = new String[end - start]; + + for(int i =start; i< end; i++) + { + if(i% 15 ==0) + { + array[i -start] = ""FizzBuzz""; + } + else if(i % 3 == 0) + array[i - start] = ""Fizz""; + else if(i % 5 == 0) + array[i - start] = ""Buzz""; + else + array[i - start] = String.valueOf(i); + } + return array; +} +" +57c1c4c58d37dd69a6bc2785b2af74f06a471ca0,"public String[] fizzBuzz(int start, int end) +{ + String[] s = new String[end - start]; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 ==0)) + { + s[i] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + s[i] += ""Buzz""; + } + else if (i % 3 == 0) + { + s[i] = ""Fizz""; + } + else + { + s[i] = String.valueOf(i); + } + } + return s; +} +" +4bea65cc5e7097c54b76bc8a5c3fd94f60fae342,"public String[] fizzBuzz(int start, int end) +{ + String[] s = new String[end - start + 1]; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 ==0)) + { + s[i] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + s[i] += ""Buzz""; + } + else if (i % 3 == 0) + { + s[i] = ""Fizz""; + } + else + { + s[i] = String.valueOf(i); + } + } + return s; +} +" +9fcec8b0c34d57d9dda6b859f596bde5c93790f9,"public String[] fizzBuzz(int start, int end) +{ + String[] s = new String[end - start]; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 ==0)) + { + s[i] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + s[i] += ""Buzz""; + } + else if (i % 3 == 0) + { + s[i] = ""Fizz""; + } + else + { + s[i] = String.valueOf(i); + } + } + return s; +} +" +b000dfcced39bfb8f5d326f8569519596f6ed5ae,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; + +} +" +e4364afb056f7bc004609df06afb70fdc7f3f739,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; + +} +" +8514cb5bee48227c867328af1831a827764ba63a,"public String[] fizzBuzz(int start, int end) +{ + String[] s = new String[end - start]; + for (int i = 0; i < end-start; i++) + { + if ((i % 3 == 0) && (i % 5 ==0)) + { + s[i] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + s[i] += ""Buzz""; + } + else if (i % 3 == 0) + { + s[i] = ""Fizz""; + } + else + { + s[i] = String.valueOf(i); + } + } + return s; +} +" +47cc9aa8ed71eb08a81e4ff0fc65acb636a6074a,"public String[] fizzBuzz(int start, int end) +{ + String[] s = new String[end - start]; + int count = 0; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 ==0)) + { + s[count] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + s[count] += ""Buzz""; + } + else if (i % 3 == 0) + { + s[count] = ""Fizz""; + } + else + { + s[count] = String.valueOf(i); + } + count++; + } + return s; +} +" +248435758e5a3f92ae2566c29eb32a423ff98ddf,"public String[] fizzBuzz(int start, int end) +{ + String[] s = new String[end - start]; + int count = 0; + for (int i = start; i < end; i++) + { + if ((i % 3 == 0) && (i % 5 ==0)) + { + s[count] = ""FizzBuzz""; + } + else if (i % 5 == 0) + { + s[count] = ""Buzz""; + } + else if (i % 3 == 0) + { + s[count] = ""Fizz""; + } + else + { + s[count] = String.valueOf(i); + } + count++; + } + return s; +} +" +d2774b1d400fe080e2a3d63b83e097f74fe53fe2,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } +} +" +21f2bc8892faa8ffb5cc9422cf51043c1343ffa3,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + return arr; +} +" +bd52f54b7e62593f692d9324ca37835553039a93,"public String[] fizzBuzz(int start, int end) +{ + String[] result = new String[end - start] + for (int i=start;i 0) + { + peen.add(""Fizz""); + } + else if (i % 5 = 0 && i % 3 != 0) + { + peen.add(""Buzz""); + } + else if (i % 5 = 0 && i % 3 == 0) + { + peen.add(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +4c4ad9a6a4134882feba27568dd39bf1451921dd,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + String[] peen = new String[length]; + + for (int i = start; i < end - 1; i++) + { + if (i % 3 = 0 && i % 5 != 0) + { + peen.add(""Fizz""); + } + else if (i % 5 = 0 && i % 3 != 0) + { + peen.add(""Buzz""); + } + else if (i % 5 = 0 && i % 3 == 0) + { + peen.add(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +9aa2dcd4b4ab7cca5343786dfe8bc6912209365e,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + String[] peen = new String[length]; + + for (int i = start; i < end - 1; i++) + { + if (i % 3 == 0 && i % 5 != 0) + { + peen.add(""Fizz""); + } + else if (i % 5 == 0 && i % 3 != 0) + { + peen.add(""Buzz""); + } + else if (i % 5 == 0 && i % 3 == 0) + { + peen.add(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +0fe4fc03e1195c4448e8147d127484f54d7c813f,"public String[] fizzBuzz(int start, int end) +{ + String[] value = new String[end - start]; + for (int i = start; i < end; i++) + { + value[i] = String.valueOf(i); + if (value[i] % 3 == 0 && value[i] % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(value[i] % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(value[i] % 5 == 0) + { + value[i] = ""Buzz""; + } + } + return value; +} +" +be9f9b35c1853278608edd121a6d49b659d52132,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + String[] peen = new String[length]; + + for (int i = start; i < end - 1; i++) + { + if (i % 3 == 0 && i % 5 != 0) + { + peen.insert(""Fizz""); + } + else if (i % 5 == 0 && i % 3 != 0) + { + peen.insert(""Buzz""); + } + else if (i % 5 == 0 && i % 3 == 0) + { + peen.insert(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +c0d9f6b165893d1493d712c60226edf9a86cb5c6,"public String[] fizzBuzz(int start, int end) +{ + String[] value = new String[end - start]; + for (int i = start; i < end; i++) + { + value[i] = String.valueOf(i); + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + } + return value; +} +" +afcf5627a8bf83d7de34d7c394c3e7f32fa09d3c,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + ArrayList peen = new ArrayList(); + + for (int i = start; i < end - 1; i++) + { + if (i % 3 == 0 && i % 5 != 0) + { + peen.insert(""Fizz""); + } + else if (i % 5 == 0 && i % 3 != 0) + { + peen.insert(""Buzz""); + } + else if (i % 5 == 0 && i % 3 == 0) + { + peen.insert(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +5e8d34a8097f273c8bf59c1646a9f336c23af63f,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + arrayList peen = new arrayList(); + + for (int i = start; i < end - 1; i++) + { + if (i % 3 == 0 && i % 5 != 0) + { + peen.insert(""Fizz""); + } + else if (i % 5 == 0 && i % 3 != 0) + { + peen.insert(""Buzz""); + } + else if (i % 5 == 0 && i % 3 == 0) + { + peen.insert(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +2e33478191a569fd00e4c059df85c4f30d70bf09,"public String[] fizzBuzz(int start, int end) +{ + String[] value = new String[end - start + 1]; + for (int i = start; i < end; i++) + { + value[i] = String.valueOf(i); + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + } + return value; +} +" +d10f9c4dbd089cc12daf34155c11ba2c0b7c0bb0,"public String[] fizzBuzz(int start, int end) +{ + String[] value = new String[end - start]; + for (int i = start; i < end - 1; i++) + { + value[i] = String.valueOf(i); + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + } + return value; +} +" +61fa5466bb91f346cb90025990178f1cbbafe8ec,"public String[] fizzBuzz(int start, int end) +{ + String[] lol = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + lol[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + lol[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + lol[i - start] = ""Buzz""; + } else { + lol[i - start] = String.valueOf(i); + } + } + + return lol; +} +" +2c8aa940fecfceaaef319201a61d8d537deca22d,"public String[] fizzBuzz(int start, int end) +{ + String[] value = new String[end - start]; + for (int i = start; i < end ; i++) + { + + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + else + { + value[i] = String.valueOf(i); + } + } + return value; +} +" +303c78294a660a30edb90d1b269ed9b0b0f9fa5a,"public String[] fizzBuzz(int start, int end) +{ + String[] value = new String[end - start]; + for (int i = start; i <= end ; i++) + { + + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + else + { + value[i] = String.valueOf(i); + } + } + return value; +} +" +e97d914150190448c1b0e7614fa976bb396ff8a2,"public String[] fizzBuzz(int start, int end) +{ + int diff = end - start; + String[] value = new String[diff]; + for (int i = start; i <= diff ; i++) + { + + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + else + { + value[i] = String.valueOf(i); + } + } + return value; +} +" +cb7fff522fc631f22849ff571cf128a17a61dad3,"public String[] fizzBuzz(int start, int end) +{ + String[] answer = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + answer[i - start] = ""FizzBuzz""; + } + else if(i % 3 == 0) { + answer[i - start] = ""Fizz""; + } + else if(i % 5 == 0) { + answer[i - start] = ""Buzz""; + } + else { + answer[i - start] = String.valueOf(i); + } + } + + return answer; +} +" +fcc35fd5b19685c4c02c92d8fa2403ee6ac759f3,"public String[] fizzBuzz(int start, int end) +{ + int diff = end - start; + String[] value = new String[diff]; + for (int i = start; i < diff ; i++) + { + + if (i % 3 == 0 && i % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(i % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(i % 5 == 0) + { + value[i] = ""Buzz""; + } + else + { + value[i] = String.valueOf(i); + } + } + return value; +} +" +d8762ebe5ab499d80b7aac9d2952afc3454660ab,"public String[] fizzBuzz(int start, int end) +{ + String[] y = new String[ end - start] + for (int x = start; x < end; x++) + { + if( x % 3 == 0) + { + y[x - start] = ""fizz""; + + } + else if ( x % 5 == 0) + { + y[x - start] = ""Buzz""; + + } + else if (x % 3 = 0 && x % 5 == 0) + { + y[x - start] = ""FizzBuzz""; + } + else + { + y[start-x] = String.valueOf(x); + } + + } + return y; +} +" +94976b072bb94878521ea189fdd44041fe98b0d2,"public String[] fizzBuzz(int start, int end) +{ + String[] y = new String[ end - start]; + for (int x = start; x < end; x++) + { + if( x % 3 == 0) + { + y[x - start] = ""fizz""; + + } + else if ( x % 5 == 0) + { + y[x - start] = ""Buzz""; + + } + else if (x % 3 = 0 && x % 5 == 0) + { + y[x - start] = ""FizzBuzz""; + } + else + { + y[start-x] = String.valueOf(x); + } + + } + return y; +} +" +aeaa34aa7a374e3a1ab588fccec96ba2784b3e18,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +812497e72e0eda7a1327a20293481519e9b6f1e0,"public String[] fizzBuzz(int start, int end) +{ + String newArray = new String[end - start] + return newArray; +} +" +2b33ddd3bfcc4e68f7356ef5fa28be9562e7caf8,"public String[] fizzBuzz(int start, int end) +{ + String[] y = new String[ end - start]; + for (int x = start; x < end; x++) + { + if( x % 3 == 0) + { + y[x - start] = ""fizz""; + + } + else if ( x % 5 == 0) + { + y[x - start] = ""Buzz""; + + } + else if (x % 3 == 0 && x % 5 == 0) + { + y[x - start] = ""FizzBuzz""; + } + else + { + y[start-x] = String.valueOf(x); + } + + } + return y; +} +" +1cd21ad7108e1b357b97f60eca6926c3f4e77b50,"public String[] fizzBuzz(int start, int end) +{ + String newArray = new String[end - start]; + return newArray; +} +" +ec67ebb28b87998b91e3735b05321c6d3a6c9559,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + String[] peen = new String[length]; + + for (int i = start; i < end - 1; i++) + { + if (i % 3 == 0 && i % 5 != 0) + { + peen.insert(""Fizz""); + } + else if (i % 5 == 0 && i % 3 != 0) + { + peen.insert(""Buzz""); + } + else if (i % 5 == 0 && i % 3 == 0) + { + peen.insert(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +4313e81ffff3a32b077bb46e90bb53a49d7ef08f,"public String[] fizzBuzz(int start, int end) +{ + int length = (end - 1) - (start); + + String[] peen = new String[length]; + + for (int i = start; i < end - 1; i++) + { + if (i % 3 == 0 && i % 5 != 0) + { + peen.insert(""Fizz""); + } + else if (i % 5 == 0 && i % 3 != 0) + { + peen.insert(""Buzz""); + } + else if (i % 5 == 0 && i % 3 == 0) + { + peen.insert(""FizzBuzz""); + } + else + { + peen.add(String.valueOf(i)); + } + } + + return peen; + +} +" +e10139c03a7af338186e8110bc1d0534468a4ae8,"public String[] fizzBuzz(int start, int end) +{ + String[] arr = new String[end - start]; + + for(int i = start; i < end; i++) { + if(i % 15 == 0) { + arr[i - start] = ""FizzBuzz""; + } else if(i % 3 == 0) { + arr[i - start] = ""Fizz""; + } else if(i % 5 == 0) { + arr[i - start] = ""Buzz""; + } else { + arr[i - start] = String.valueOf(i); + } + } + + return arr; +} +" +e54b98ac1454ebe6e39b38c16a963fa6e9d9edd9,"public String[] fizzBuzz(int start, int end) +{ + int diff = end - start; + String[] value = new String[diff]; + for (int i = 0; i < diff ; i++) + { + int one = start + i; + + + if (one % 3 == 0 && one % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(one % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(one % 5 == 0) + { + value[i] = ""Buzz""; + } + else + { + value[i] = String.valueOf(i); + } + } + return value; +} +" +755dfdb1f9807fc152fae14a70f9a0696d377ee8,"public String[] fizzBuzz(int start, int end) +{ + String[] y = new String[ end - start]; + for (int x = start; x < end; x++) + { + if( x % 3 == 0) + { + y[x - start] = ""fizz""; + + } + else if ( x % 5 == 0) + { + y[x - start] = ""Buzz""; + + } + else if (x % 3 == 0 && x % 5 == 0) + { + y[x - start] = ""FizzBuzz""; + } + else + { + y[x - start] = String.valueOf(x); + } + + } + return y; +} +" +76b813689fd556a3795b6f3e34af6c41b4e43e9d,"public String[] fizzBuzz(int start, int end) +{ + int diff = end - start; + String[] value = new String[diff]; + for (int i = 0; i < diff ; i++) + { + int one = start + i; + + + if (one % 3 == 0 && one % 5 == 0) + { + value[i] = ""FizzBuzz""; + } + else if(one % 3 == 0) + { + value[i] = ""Fizz""; + } + else if(one % 5 == 0) + { + value[i] = ""Buzz""; + } + else + { + value[i] = String.valueOf(one); + } + } + return value; +} +" +8fd5fc9e40ac574f30806f2666ee527012c9a5b3,"public String[] fizzBuzz(int start, int end) +{ + String[] y = new String[ end - start]; + for (int x = start; x < end; x++) + { + if( x % 3 == 0) + { + y[x - start] = ""Fizz""; + + } + else if ( x % 5 == 0) + { + y[x - start] = ""Buzz""; + + } + else if (x % 3 == 0 && x % 5 == 0) + { + y[x - start] = ""FizzBuzz""; + } + else + { + y[x - start] = String.valueOf(x); + } + + } + return y; +} +" +d8f6ae33cb9f3e41f093c22b7d0a2f2ade2d3fef,"public String[] fizzBuzz(int start, int end) +{ + String[] bot = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + bot[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + bot[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + bot[i - start] = ""Buzz""; + } + else + { + bot[i - start] = String.valueOf[i]; + } + } + return bot; + + + +} +" +3a0046065aaa5494ba8e4ad22e1afbb57be11e3a,"public String[] fizzBuzz(int start, int end) +{ + String[] bot = new String[end - start]; + for (int i = start; i < end; i++) + { + if (i % 15 == 0) + { + bot[i - start] = ""FizzBuzz""; + } + else if (i % 3 == 0) + { + bot[i - start] = ""Fizz""; + } + else if (i % 5 == 0) + { + bot[i - start] = ""Buzz""; + } + else + { + bot[i - start] = String.valueOf + (i); + } + } + return bot; + + + +} +" +a03211cf44c4e52c41d6abb6922e7a711676a90e,"public String[] fizzBuzz(int start, int end) +{ + String[] y = new String[ end - start]; + for (int x = start; x < end; x++) + { + if (x % 3 == 0 && x % 5 == 0) + { + y[x - start] = ""FizzBuzz""; + } + else if( x % 3 == 0) + { + y[x - start] = ""Fizz""; + + } + else if ( x % 5 == 0) + { + y[x - start] = ""Buzz""; + + } + + else + { + y[x - start] = String.valueOf(x); + } + + } + return y; +} +" +7ff12617a88e70a53f2fa7142514f55fe9c17982,"public String[] fizzBuzz(int start, int end) { + int n = end - start; + String[] result = new String[n]; + + int pos = 0; + for (int i = start; i < end; i++) { + boolean fizz = i % 3 == 0; + boolean buzz = i % 5 == 0; + + if (fizz && buzz) result[pos] = ""FizzBuzz""; + else if (fizz) result[pos] = ""Fizz""; + else if (buzz) result[pos] = ""Buzz""; + else result[pos] = String.valueOf(i); + pos++; + } + return result; +}" +2aa1c51a8f1b3b5d5d63a49f541d8b6c2b8b1074,"public String[] fizzBuzz(int start, int end) +{ + string[] str = new String[end-start]; + + for ( int i =start; i 0) + { + sum = sum + nums[i] + } + else + { + return 0; + } + } + + return sum; +} +" +75d7320a3d2d17489fdfc8877af694ba325460bd,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6 && nums[i + 1] == 7) + { + sum = sum + 0; + } + else if (nums[i] > 0) + { + sum = sum + nums[i]; + } + else + { + return 0; + } + } + + return sum; +} +" +a19ac13f7c025ed6ad64cca5f85584a953ba44ef,"public int sum67(int[] nums) +{ + if (nums.length < 1) { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (runner % 10 != 0) { + runner = nums[i]; + } + if (nums[i] % 10 == 0) { + runner = nums[i]; + } + nums[i] = runner; + } + return nums; + +} +" +06f456cd3f70f0a2125290afde435a41283463ee,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int length = nums.length; + int sum = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 6) + { + for (int j = 0; j < length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + i = j; + ' + } + + sum += nums[i]; + + } + + return sum; +} +" +70069f885d5a782e1002a92e27759c766e03fe1f,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int length = nums.length; + int sum = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 6) + { + for (int j = 0; j < length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + i = j; + + } + + sum += nums[i]; + + } + + return sum; +} +" +82fefb7ecf875fba119463cebdfaee480a0efa61,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int length = nums.length; + int sum = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 6) + { + for (int j = 0; j < length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + i = sevenlocation; + + } + + sum += nums[i]; + + } + + return sum; +} +" +67fbf37f6ac3a24d5e9ca998e6177355efefbeb8,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int length = nums.length; + int sum = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j < length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + i = sevenlocation; + + } + + sum += nums[i]; + + } + + return sum; +} +" +5cbcc529652651d8c1af39cb04c7608d1d6fd8e2,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j < nums.length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + i = sevenlocation; + + } + + sum = sum + nums[i + 1]; + + } + + return sum; +} +" +1c46a93c95cb80c36137b19825d9c05582591f4e,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j < nums.length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + i = sevenlocation + 1; + + } + + sum = sum + nums[i]; + + } + + return sum; +} +" +f3a95c92cdb9e322e76a37b731af37445bf20de8,"public int sum67(int[] nums) +{ + if (nums.length < 1) { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (runner % 10 != 0) { + runner = nums[i]; + } + if (nums[i] % 10 == 0) { + runner = nums[i]; + } + nums[i] = runner; + } + return nums; + +} +" +9df33c3306b94596823f7cc79533e5922b713b0c,"public int sum67(int[] nums) +{ + int sevenlocation = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j < nums.length; i++) + { + if (nums[j] == 7) + { + sevenlocation = j; + } + + } + + if (sevenlocation != nums.length) + + { + i = sevenlocation + 1; + } + + } + + sum = sum + nums[i]; + + } + + return sum; +} +" +cfeeb3a675c76c43e033323d370d72f19a46b297,"public int sum67(int[] nums) +{ + int sum = 0; + boolean that = false; + for(int i = 0; i < nums.length; i++) + { + if(that) + { + if(nums[i] == 7) + that = false; + } + else if(nums[i] == 6) + that = true; + else + sum += nums[i]; + } + return sum; + +} +" +df5b3b93a7f35ef1994905253d1ab3b135f91ad7,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.size; i++) + { + if (nums[i] == 6) + { + for (int j = i; j < nums.size; j++) + { + if (nums[j] == 7) + { + i = j; + break; + } + } + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +03ac8ea25801938b4f4d69658242e5ce69e3b459,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] == 7) + { + i = j; + break; + } + } + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +9645286b69bd149de6c26b1636ed013633efa212,"public int sum67(int[] nums) +{ + total = 0; + if (nums.length == 0) + { + return 0; + } + for(int i = 0; i < nums.length; i++) + { + total = total + nums[i]; + if (nums[i] == 6) + { + for (int j = i; j 0) + { + sum = sum + num[i]; + } + + } + return sum; + +} +" +fcc5103f7bca18bdbf4805588d169373cc385383,"public int sum67(int[] nums) +{ + if(nums.length == 0) + { + return 0; + } + int sum = 0; + int stop = 1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + stop = -1; + continue; + } + if(stop < 0 && nums[i] == 7) + { + stop = 1; + } + if(stop > 0) + { + sum = sum + nums[i]; + } + + } + return sum; + +} +" +64c58979ddcdef142723b8014cb71a437555c11a,"public int sum67(int[] nums) +{ + if(nums.length == 0) + { + return 0; + } + int sum = 0; + int stop = 1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + stop = -1; + continue; + } + + if(stop > 0) + { + sum = sum + nums[i]; + } + if(stop < 0 && nums[i] == 7) + { + stop = 1; + } + } + return sum; + +} +" +5b07286c73b6f4b7fbecc055cf06ca76de2c4ab0,"public int sum67(int[] nums) +{ + for (int i = 0; i < nums.length(); i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length(); 9++){ + sum = sum + nums[i]; + } + return sum; +} +" +ee75b26b161a66c6150f15897549db553059608f,"public int sum67(int[] nums) +{ + for (int i = 0; i < nums.size(); i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length(); 9++){ + sum = sum + nums[i]; + } + return sum; +} +" +c0fa7816755e8a7e3e476512478f558df4ce6d4d,"public int sum67(int[] nums) +{ + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length; 9++){ + sum = sum + nums[i]; + } + return sum; +} +" +2061afb0b58d7277187550ca90f53bb21e903e6f,"public int sum67(int[] nums) +{ + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + sum = sum + nums[i]; + } + return sum; +} +" +20660b1cac4d80fff4db752c25e5cba16728ea17,"public int sum67(int[] nums) +{ + int sevens = 0; + for (int = 0; i < nums.length; i++){ + if (nums[i] == 7){ + sevens++; + } + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + sum = sum + nums[i]; + } + return sum + (7*sevens); +} +" +be030c4e85d070338b6bba20bb2ad621d1874ab0,"public int sum67(int[] nums) +{ + int sevens = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 7){ + sevens++; + } + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + sum = sum + nums[i]; + } + return sum + (7*sevens); +} +" +367d114b9e1cb55f5a9150b2cb19f45e69685ef7,"public int sum67(int[] nums) +{ + int sevens = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 7){ + sevens++; + } + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + nums[i] = 0; + i++; + } + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++){ + sum = sum + nums[i]; + } + return sum - (7*sevens); +} +" +710c84f4d411d6fff4ae0fde8ec39d66abb28bea,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + i++; + } + } + sum = sum + nums[i]; + } + return sum; +} +" +06670149e676012a3922088b0affba3ae9fe0a12,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i + 1] != 7){ + i++; + } + } + sum = sum + nums[i]; + } + return sum; +} +" +5fd737971f6f206cd77d8eeb473a7ab0091467b8,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + i++; + } + i++; + } + sum = sum + nums[i]; + } + return sum; +} +" +225a17bdc0dc12f4b488826c95e71b17aa873e98,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + i++; + } + if (nums[i] == nums.length - 1) + return sum; + } + sum = sum + nums[i]; + } + return sum; +} +" +f6c058874a0dcce0d5971cdc63a8ad7cf09f0f50,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + i++; + } + if (nums[i] == nums.length - 1){ + return sum; + } + i++; + } + sum = sum + nums[i]; + } + return sum; +} +" +70071fc971487e27d1ea14ca6a712b6f01cd9b19,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 6){ + while (nums[i] != 7){ + i++; + } + if (i == nums.length - 1){ + return sum; + } + i++; + } + sum = sum + nums[i]; + } + return sum; +} +" +25178874a9d04c6b37cef87a2c448845606c289c,"public int sum67(int[] nums) +{ + int sum = 0; + + boolean sixMode = false; + + for(int i = 0; i < nums.length; i++) + + { + + if(sixMode) + + { + + if(nums[i] == 7) + + sixMode = false; + + } + + else if(nums[i] == 6) + + sixMode = true; + + else + + sum += nums[i]; + + } + + return sum; +} +" +e6c14ca37026fb7abbf6a82b89b4f26a90697695,"public int sum67(int[] nums) +{ + int sum = 0; + boolean that = false; + for (int i = 0; i < nums.length; i++) + { + if (that) + { + if (nums[i] == 7) + { + that = false; + } + } + else if (nums[i] == 6) + { + that = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +c8acd79ca83292b0bb7c021125405f0be286a478,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length(); i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + sum += nums[i]; + } + return sum; +} +" +f9b1536029626b427d3c440db33cc17e9f47dd89,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.size(); i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + sum += nums[i]; + } + return sum; +} +" +bbcc379cf9a28a7ccd21b5f10b14bfe3c4d54261,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + sum += nums[i]; + } + return sum; +} +" +586b0a6b3fa4e8a4f262353a85c7ebc9443c1834,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + i++; + } + sum += nums[i]; + } + return sum; +} +" +90990477397066a249cffbb88ae84b483607fd1d,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + continue; + } + sum += nums[i]; + } + return sum; +} +" +28ee717999bd463c010a179c8babd8b7bf7c8d74,"public int sum67(int[] nums) +{ + int sum = 0; + boolean stopCount = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + stopCount = true; + } + + if (stopCount) + { + if (nums[i] == 7) + { + stopCount = false; + } + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +42824e79ebb89d8e2dbafa60aeb62548ca45d971,"public int sum67(int[] nums) +{ + int answer = 0; + boolean condition = false; + for (int i = 0; i < nums.length; i++) + { + if (condition) + { + if (nums[i] == 7) + { + condition = true; + } + } + else if (nums[i] == 6) + { + condition = false; + } + else + { + answer += nums[i]; + } + } + return answer; +} +" +cc3d47396e1b23e11518269623efd9fbe25dd857,"public int sum67(int[] nums) +{ + int answer = 0; + boolean condition = false; + for (int i = 0; i < nums.length; i++) + { + if (condition) + { + if (nums[i] == 7) + { + condition = false; + } + } + else if (nums[i] == 6) + { + condition = true; + } + else + { + answer += nums[i]; + } + } + return answer; +} +" +fd389170a33d31dedc7c8c2bd63e815791ea440e,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for (int i = 0; i < nums.length; i++) + { + if (sixMode) + { + if (nums[i] == 7) + { + sixMode = false; + } + } + else if (nums[i] == 6) + { + sixMode = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +f9e4518deb6611f284939c9f2b63c302942ee89f,"public int sum67(int[] nums) +{ + int sum = 0; + boolean isSix = false; + for(int i = 0; i < nums.length; i++) + { + if(isSix) + { + if(nums[i] == 7) + { + isSix = false; + } + } + else if (nums[i] = 6) + { + isSix = true; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +e3c8451c4d927f986a6e25b4497a5030c8a47443,"public int sum67(int[] nums) +{ + int sum = 0; + boolean isSix = false; + for(int i = 0; i < nums.length; i++) + { + if(isSix) + { + if(nums[i] == 7) + { + isSix = false; + } + } + else if (nums[i] == 6) + { + isSix = true; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +e71631825ba64d73ac41977dc9bf77c7ede12eae,"public int sum67(int[] nums) +{ + if(nums.length == 0) + { + return 0; + } +} +" +dbabf229abdb7046fa2821f6f34423cbf8b879d5,"public int sum67(int[] nums) +{ + if(nums.length == 0) + { + return 0; + } + return 0; +} +" +352792bb92e06e4a2da8095e07f6915ad793b8f0,"public int sum67(int[] nums) +{ + int sum =0; + if(nums.length == 0) + { + return sum; + } + for(int i =0; i< nums.length-1; i++) + { + if(nums[i] != 6) + { + sum += nums[i]; + } + } + return sum; + +} +" +3812045875416f0c1df74531d5f8d4d041e527e2,"public int sum67(int[] nums) +{ + int sum = 0; + boolean inRange = false; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 6) + inRange = true; + + if(!inRange) + sum += nums[i]; + + if(inRange && nums[i] == 7) + inRange = false; + + } + + return sum; +} +" +49a86c3c818e0a8676cc841d397d1eecbb786ae5,"public int sum67(int[] nums) +{ + int stop = 0; + int sum = 0; + for (int num : nums) + { + if (num == 6) + { + stop = 1; + } + else if (num == 7) + { + stop = 0; + } + else if (stop != 1) + { + sum = sum + num; + } + } + return sum; +} +" +d54ab1910bfa25113f80eb26f3423f138401f883,"public int sum67(int[] nums) +{ + int stop = 0; + int sum = 0; + for (int num : nums) + { + if (num == 6) + { + stop = 1; + } + else if (stop == 1 && num == 7) + { + stop = 0; + } + else if (stop != 1) + { + sum = sum + num; + } + } + return sum; +} +" +0e67964e59e5c7d441e5042f34003a9569374adb,"public int sum67(int[] nums) +{ + int sum =0; + if(nums.length == 0) + { + return sum; + } + for(int i =0; i< nums.length-1; i++) + { + if(nums[i] != 6) + { + sum += nums[i]; + } + else if(num[i] == 6) + { + int j = i; + while(num[j] != 7) + { + j++; + } + i = j; + } + } + return sum; + +} +" +28ee56231138fc8b7d16d467e604bb9c774bfecc,"public int sum67(int[] nums) +{ + int sum =0; + if(nums.length == 0) + { + return sum; + } + for(int i =0; i< nums.length-1; i++) + { + if(nums[i] != 6) + { + sum += nums[i]; + } + else if(nums[i] == 6) + { + int j = i; + while(nums[j] != 7) + { + j++; + } + i = j; + } + } + return sum; + +} +" +799bd745719d7c95ae09e87943e240746fa80a6d,"public int sum67(int[] nums) +{ + int sum =0; + if(nums.length == 0) + { + return sum; + } + for(int i =0; i<= nums.length-1; i++) + { + if(nums[i] != 6) + { + sum += nums[i]; + } + else if(nums[i] == 6) + { + int j = i; + while(nums[j] != 7) + { + j++; + } + i = j; + } + } + return sum; + +} +" +239e57382815f614c86839472d2c22791c0cd6a8,"public int sum67(int[] nums) +{ + int sum = 0; + boolean six = false; + for(int i = 0; i < nums.length; i++) + { + if(six) + { + if(nums[i] == 7) + six = false; + } + else if(nums[i] == 6) + six = true; + else + sum += nums[i]; + } + return sum; +} +" +09e6bbfe4da9927ba11c8b513999e834bb1d53e7,"public int sum67(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + for ( int j = 1; j < nums.length; j++) + { + if ( nums[i] == 6 && nums[j] == 7) + { + for ( int s = i; s <= j; s++) + { + nums[s] = 0; + } + } + } + } + int sum = 0; + for ( int s1 = 0; s1 < nums.length; s1++) + { + sum = sum + nums[s1]; + } + return sum; +} +" +35fd4b976eef7904e7866b58c3535019b63e3ab0,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6 && nums[i + 1] == 7) + { + sum = sum + 0; + } + else if (nums[i] > 0) + { + sum = sum + nums[i]; + } + if (nums.length < 0) + { + return 0; + } + + } + + return sum; +} +" +8bfd6cc466b7c93c791c2d81b5cbcacc54a94584,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + sum = sum + nums[i]; + } + } + if (nums.length < 0) + { + return 0; + } + + } + + return sum; +} +" +4397433bcb12c07e3fcc2fff79f0d7edce42b41d,"public int sum67(int[] nums) +{ + int t = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 6) { + while (nums[i] != 7) { + i++; + } + } + t += nums[i]; + } + return t; +} +" +5ad6d27209d857dd99c547b6373bbda491126c41,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum = sum + nums[i]; + } + if (nums.length < 0) + { + return 0; + } + + } + + return sum; +} +" +db24eaa6f6056c812f601940c2886b00508fe249,"public int sum67(int[] nums) +{ + int t = 0; + int r = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 6) { + while (nums[i] != 7) { + i++; + } + } + r++; + t += nums[i]; + } + return t - 7 * r; +} +" +e1a00c71db9a83080055c0ca73302e1a9e0523d0,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum = sum + nums[i]; + } + } + if (nums.length < 0) + { + return 0; + } + + + + return sum; +} +" +64cbc0d5787b4a0a56a4f369a5c4ec061573a111,"public int sum67(int[] nums) +{ + int t = 0; + int r = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 6) { + while (nums[i] != 7) { + i++; + } + } + r++; + t += nums[i]; + } + return t - (7 * r); +} +" +10d9775ae81d037f62aa23f4d5c9b0773baa2253,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum = sum + nums[i]; + } + } + if (nums.length < 0) + { + return 0; + } + + return sum; +} +" +76efe8d46fbf1b88f4840cea9035b5e1d49acb18,"public int sum67(int[] nums) +{ + int t = 0; + int r = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 6) { + while (nums[i] != 7) { + i++; + } + r++; + } + t += nums[i]; + } + return t - (7 * r); +} +" +ace0ee7052b04408342e46a905aac5ff8df45175,"public int sum67(int[] nums) +{ + int sum = 0; + boolean six = false; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + while(nums[i] != 7) + { + i++; + } + } + else{ + sum += nums[i]; + } + } + + } + return sum; + }" +2866b601db0d4687adf608e6112d82cf53776511,"public int sum67(int[] nums) +{ + int sum = 0; + boolean six = false; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + while(nums[i] != 7) + { + i++; + } + } + else{ + sum += nums[i]; + } + + + } + return sum; + }" +8280e0f713d2b910d60f002c584ffb1e748c295c,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int c = i + 1; c < nums.length; c++) + { + if (nums[c] == 7) + { + break; + } + } + i = c; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +9698fba3bf11d8334414bad50e5309ac2e9960aa,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + int c; + for (c = i + 1; c < nums.length; c++) + { + if (nums[c] == 7) + { + break; + } + } + i = c; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +098cb607147c96f93a96fd50cefc5d910bbcad11,"public int sum67(int[] nums) +{ + boolean onSix = false; + int sum = 0; + + if (nums.length == 0) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + onSix = true; + } + + if (onSix == true) + { + if (nums[i] == 7) + { + onSix = false; + } + continue; + } + + sum += nums[i]; + } + return sum; +} +" +8f905f7ea65b720d99a1dfe36ba53d374556f442,"public int sum67(int[] nums) +{ + int sum = 0; + int sevenSpot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (h = i; h != 7; j++) + { + sevenSpot = h; + nums[i] = 0; + } + nums[1+sevenSpot] = 0; + + } + sum = sum + nums[i]; + } + return sum; +} +" +6eeb33d03d3035895429c44b1efe615a8f5dffa0,"public int sum67(int[] nums) +{ + int sum = 0; + int sevenSpot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int h = i; h != 7; j++) + { + sevenSpot = h; + nums[i] = 0; + } + nums[1+sevenSpot] = 0; + + } + sum = sum + nums[i]; + } + return sum; +} +" +7beeb61f22e86d91acba2adecaf214811464c01f,"public int sum67(int[] nums) +{ + int sum = 0; + int sevenSpot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int h = i; h != 7; h++) + { + sevenSpot = h; + nums[i] = 0; + } + nums[1+sevenSpot] = 0; + + } + sum = sum + nums[i]; + } + return sum; +} +" +7d6a65c72ec03be64578e423de3b012dfd643ee1,"public int sum67(int[] nums) +{ + int sum = 0; + int sevenSpot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int h = i; h != 7; h++) + { + sevenSpot = h; + nums[h] = 0; + } + nums[1+sevenSpot] = 0; + + } + sum = sum + nums[i]; + } + return sum; +} +" +947f2582e12dadd6f7f444be58460176605c3ba5,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} +" +51286fa7e7a8b135c875bb6e000a952310c497e3,"public int sum67(int[] nums) +{ + int sum = 0; + boolean six = false; + for(int i = 0; i < nums.length; i++) + { + if(six) + { + if(nums[i] == 7) + { + six = false; + } + } + else if(nums[i] == 6) + { + six = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +028955f1784a3f499a1e6f566b847dbcad322bb2,"public int sum67(int[] nums) +{ + int sum = 0; + boolean six = false; + for (int i=0;i 0) + { + for ( i = 0; i < nums.length(); i++) + { + + } + } + else + { + return 0; + } +} +" +970f043eb98d525275c6ee00e25a885d1a23ebed,"public int sum67(int[] nums) +{ + if (nums.length > 0) + { + for ( i = 0; i < nums.length(); i++) + { + + } + } + else + { + return 0; + } +} +" +a6ca8ac589e620a7a4227de3fa6b90b9f6b84e9b,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} +" +cf514abfbaf27894c07e55c42050eabec6c1ff96,"public int sum67(int[] nums) +{ + if (nums.length > 0) + { + for (int i = 0; i < nums.length(); i++) + { + if(nums[i] == 6) + { + + } + } + } + else + { + return 0; + } +} +" +3325d36cb4e2dbe6e00bd0aef5bcf453a161dfd4,"public int sum67(int[] nums) +{ + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + + } + } + } + else + { + return 0; + } +} +" +934fbd7d839abd5ccbb4ffedb820613425e6977a,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i + 1] = 7) + { + continue; + } + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +6a91709cce6242f5b9919961d88b49445c17a9ac,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i + 1] == 7) + { + continue; + } + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +a9a1ee6f18a4b5dd8b59e0d51fbc951d3af5b18d,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + nums[i] = 0; + for(int j = i; j < nums.length; j++) + { + + } + } + sum = sum + nums[i]; + } + } + + return sum; +} +" +8796c7055b75dbbe460ad60ffd61845083618a21,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 6) + { + nums[i] = 0; + for(int j = i; j < nums.length; j++) + { + if(nums[j] != 7) + { + nums[j] = 0; + } + else + { + nums[j] = 0; + break; + } + } + } + sum = sum + nums[i]; + } + } + + return sum; +} +" +0e0e4a8e8cf6bc524767a9c257b529898c0f3c08,"public int sum67(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +3d762be17194acaea2b791265d96e7b5f75f2ae6,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +bddce315fa6c7fee75a9819a725dab2bfa02e66e,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.size; i++) + { + if (nums[i] != 6) + { + sum += nums[i]; + } + else + { + for (int j = nums.size - 1; j > i; j--) + { + if (nums[j] == 7) + { + i = j - 1; + } + } + } + } + return sum; +} +" +eb3c8854096ef8034aa6916bea8b60ed3a4a5858,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + sum += nums[i]; + } + else + { + for (int j = nums.length - 1; j > i; j--) + { + if (nums[j] == 7) + { + i = j - 1; + } + } + } + } + return sum; +} +" +7978cb24aa36f8ee2cb79249196fbb6477c8e022,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + sum += nums[i]; + } + else + { + for (int j = nums.length - 1; j > i; j--) + { + if (nums[j] == 7) + { + i = j; + } + } + } + } + return sum; +} +" +ea38301d28c9c0fb87ab1417e14c570ab48ca523,"public int sum67(int[] nums) +{ + int sum 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j != 7; j++) + { + i++; + } + } + sum += nums[i]; + } + + return sum; +} +" +7d64abf39d449186f4b6cbb4da5ad2b4d640c9a5,"public int sum67(int[] nums) +{ + int sum 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j != 7; j++) + { + i++; + } + } + sum += nums[i]; + } + + return sum; +} +" +6579ce908816c668e47fbd6febc180e8aac6f5aa,"public int sum67(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j != 7; j++) + { + i++; + } + } + sum += nums[i]; + } + + return sum; +} +" +477eb8cb9db6391fc364312044cefa19ca5cdec2,"public int sum67(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j != 7; j++) + { + nums[j] = 0; + } + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +3e6148a2bdf13e6406a90fec865964e98da3a7ad,"public int sum67(int[] nums) +{ + int sum = 0; + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j = i; j != 7; j++) + { + nums[j] = 0; + temp = j; + } + nums[temp + 1] = 0; + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +f42a208c69c160f117bdc7f7cfc224370234c718,"public int sum67(int[] nums) +{ + boolean sectioncounts = true; + int len = nums.length; + int sum = 0; + for (int i = 0; i < len; i++) + { + int cur = nums[i] + if (cur == 6) + { + sectioncounts = false; + } + if (sectioncounts) + { + sum += cur; + } + else + { + if (cur == 7) + { + sectioncounts = true; + } + } + + } +} +" +cb39b2f41710de25b9c14b4c353ebe4dc6641993,"public int sum67(int[] nums) +{ + boolean sectioncounts = true; + int len = nums.length; + int sum = 0; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur == 6) + { + sectioncounts = false; + } + if (sectioncounts) + { + sum += cur; + } + else + { + if (cur == 7) + { + sectioncounts = true; + } + } + + } +} +" +e64680c20ce4b824fa07f86a3b7b68651d499569,"public int sum67(int[] nums) +{ + boolean sectioncounts = true; + int len = nums.length; + int sum = 0; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur == 6) + { + sectioncounts = false; + } + if (sectioncounts) + { + sum += cur; + } + else + { + if (cur == 7) + { + sectioncounts = true; + } + } + + } + return sum; +} +" +a75c3989def2502b2208afb763bde59e5aab9812,"public int sum67(int[] nums) +{ + int sum = 0; + boolean pause = false; + for (int i = 0; i < nums.length; i++) + { + if (pause) + { + if (nums[i] == 7) + { + pause = false; + } + } + else if (nums[i] == 6) + { + pause = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +3e1092826a195ddd18352343c172139728484910,"public int sum67(int[] nums) +{ + Boolean between67 = false; + int count = 0; + for (int i = 0; i < nums.length; i++) { + if ( nums[i] == 6 ) { + between67 = true; + } + if (between67 == false) { + count += nums[i]; + } + if ( nums[i] == 7 && between67 == true) { + between67 = false; + } + } + return count; +} +" +65ac047fb720684a32fad4b7f39e0f0c65fbce46,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + nums[i] = 0; + } + sum += nums[i]; + } + return sum; +} +" +3d4119224fee7c7af7b74155166f430ab0917e71,"public int sum67(int[] nums) +{ + int sum = 0; + boolean startSix = false; + if (nums.length() != 0) { + for (int i = 0; i < nums.length(); i++) { + if (startSix) { + if (nums[i] == 6) { + startSix = true; + } + else if (nums[i] == 7) { + startSix = false; + } + } + else { + sum += nums[i]; + } + } + } + return sum; +} +" +761ba96f0b6d4476e39298021e3732bd8d1af80e,"public int sum67(int[] nums) +{ + int sum = 0; + boolean startSix = false; + if (nums.length != 0) { + for (int i = 0; i < nums.length; i++) { + if (startSix) { + if (nums[i] == 6) { + startSix = true; + } + else if (nums[i] == 7) { + startSix = false; + } + } + else { + sum += nums[i]; + } + } + } + return sum; +} +" +959984436b88f75ea4b283f87396a5392b2facf0,"public int sum67(int[] nums) +{ + +} +" +2e97d4786e47a7554f6bedc8464d5fe9d0630625,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + nums[i] = 0; + while (nums[i] != 7) + { + nums[i] = 0; + i++; + } + } + sum += nums[i]; + } + return sum; +} +" +0c9596054b576a15263bea25c652652f5648eaa4,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixSection = false; + if (nums.length != 0) { + for (int i = 0; i < nums.length; i++) { + if (sixSection) { + if (nums[i] == 7) + sixSection = false; + } + else if (nums[i] == 6) { + sixSection = true; + } + else { + sum += nums[i]; + } + } + } + return sum; +} +" +672a797c4986e29a180ef670d99f81cc51ac168c,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} +" +fb258e7bcc3c0f134c653e15261d64e8a3c3c739,"public int sum67(int[] nums) +{ + int sum = 0; + boolean section = false; + if (nums.length != 0) + { + return sum; + } + for (int i = 0; i < nums.length; i++) + { + if (section) + { + if (nums[i] == 7) + { + section = false; + } + else if (nums[i] == 6) + { + section = true; + } + else + { + sum += nums[i]; + } + } + } + return sum; +} +" +42fade3e803a49aa05d0cfe29f16e89cb08bf287,"public int sum67(int[] nums) +{ + int sum = 0; + boolean section = false; + if (nums.length != 0) + { + return sum; + } + for (int i = 0; i < nums.length; i++) + { + if (section) + { + if (nums[i] == 7) + { + section = false; + } + } + else if (nums[i] == 6) + { + section = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +7ac6f109187d54c2c03a2c021bc3621d9a683616,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + for (j = i+1; j < nums.length; j++) + { + if (nums[i] != 6 && nums[j] != 7) + { + sum += nums[i]; + } + } + } + return sum; +} +" +76c84ae0579dcf2c13f3ea49e803e1da5da919fd,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] != 6 && nums[j] != 7) + { + sum += nums[i]; + } + } + } + return sum; +} +" +0bd6479e0ddc2e4c771ace5dbf46cabfc6f722d6,"public int sum67(int[] nums) +{ + int sum = 0; + boolean section = false; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (section) + { + if (nums[i] == 7) + { + section = false; + } + } + + else if (nums[i] == 6) + { + section = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +f7fb597db1050b1420dcdfed22cbafdb88f35b66,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6 && nums[j] != 7) + { + sum += nums[i]; + } + } + return sum; +} +" +979c53b62f057c25684a91a21f398963cf709fe1,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 6 && nums[i+1] != 7) + { + sum += nums[i]; + } + } + return sum; +} +" +06538f460370252dcb4b5021c69d0949e44308d3,"public int sum67(int[] nums) +{ + int sum = 0; + boolean section = false; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (section) + { + if (nums[i] == 7) + { + section = false; + } + } + + else if (nums[i] == 6) + { + section = true; + } + else + { + sum += nums[i]; + } + } + } + return sum; +} +" +557ceabf630dd3eea78cce9258d7cdcc9a5af0fd,"public int sum67(int[] nums) +{ + int summation = 0; + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (!flag) + { + summation += nums[i] + } + else if (nums[i] == 6) + { + flag = true; + } + else if (flag && nums[i] != 7)) + { + flag = false; + } + } + + return summation; +} +" +66ce074467552c38c919039dbea64ec2dd44bcbb,"public int sum67(int[] nums) +{ + int summation = 0; + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (!flag) + { + summation += nums[i] + } + else if (nums[i] == 6) + { + flag = true; + } + else if (flag && nums[i] != 7) + { + flag = false; + } + } + + return summation; +} +" +7be0ea67886d512411a9e58a775a8833482e031c,"public int sum67(int[] nums) +{ + int summation = 0; + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (!flag) + { + summation += nums[i]; + } + else if (nums[i] == 6) + { + flag = true; + } + else if (flag && nums[i] != 7) + { + flag = false; + } + } + + return summation; +} +" +8ed061e8a468df11d628ba48675bbdad19a2ac4b,"public int sum67(int[] nums) +{ + int summation = 0; + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (!flag) + { + summation += nums[i]; + } + else if (nums[i] == 6) + { + flag = true; + } + else if (flag && nums[i] == 7) + { + flag = false; + } + } + + return summation; +} +" +e44adca9afe523b7df9dfeb3bc390789a1079e16,"public int sum67(int[] nums) +{ + boolean b = false; + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + b = true; + if (nums[i] == 7 && b) + { + sum += nums[i]; + } + } + } + return sum; +} +" +7c4e236babe9d65f46468ee2af30b0e000764145,"public int sum67(int[] nums) +{ + boolean b = false; + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + b = true; + if (nums[i] == 7 && b) + { + b == false; + sum += nums[i]; + } + } + } + return sum; +} +" +27528218c9e0958cf26138177afea17c06c1f2a7,"public int sum67(int[] nums) +{ + int summation = 0; + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + flag = true; + } + else if (flag && nums[i] == 7) + { + flag = false; + } + else if (!flag) + { + summation += nums[i]; + } + + } + + return summation; +} +" +4f89679df95489a7dd681c5ed7b91cffaaf2beaf,"public int sum67(int[] nums) +{ + boolean b = false; + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + b = true; + if (nums[i] == 7 && b) + { + b = false; + sum += nums[i]; + } + } + } + return sum; +} +" +dfaf2f4d8f84bf4a56aac76fdeb0cad80863461e,"public int sum67(int[] nums) +{ + boolean b = false; + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + b = true; + } + else if (nums[i] == 7) + { + b = false; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +65170ed4a4618a8cad94a861a751da6e215f7253,"public int sum67(int[] nums) +{ + boolean b = false; + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + b = true; + } + else if (nums[i] == 7 && b) + { + b = false; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +d123b8cc45f3f3423ed72e4790a487cdaf2d1e79,"public int sum67(int[] nums) +{ + boolean b = false; + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + b = true; + } + else if (nums[i] == 7 && b) + { + b = false; + } + else if (!b) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +f3f05bacf0945b391b4099b985856ea86447547e,"public int sum67(int[] nums) +{ + int sum = 0; + boolean six = false; + for(int i = 0; i < nums.length; i++) + { + if(six) + { + if(nums[i] == 7) + six = false; + } + else if(nums[i] == 6) + six = true; + else + sum += nums[i]; + } + return sum; +} +" +f69e6e427aa66adb52c00d97a5e1ad3533c9ad1d,"public int sum67(int[] nums) +{ + int sum = 0; + int annul17 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int j =i; nums[j] ! =7; j++) + { + nums [j] = 0; + annul7 = j; + } + nums [annul7 + 1] = 0; + } + else + sum += nums[i]; + } + return sum; +} +" +c82a7cc017e94692da06aef9316a9a160c267d0e,"public int sum67(int[] nums) +{ + int sum=0; + for(int i=0; i < nums.length; i++) { + if(nums[i] == 6) { + while(nums[i] != 7) { + i++; + } + } + else { + sum = sum + nums[i]; + } + } + return sum; +} +" +9658277c6224aeed52efb501f40dff5422a3c78c,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length < 1) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 6) { + while (nums[i] != 7) { + i++; + } + } else { + sum += nums[i]; + } + + } + return sum; +} +" +60f911a3a584c96df7b7218db686a89ba75fed47,"public int sum67(int[] nums) +{ + return 1; + +} +" +10024af7bad1f16adbd5822fa206a5eb7cc764c4,"public int sum67(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + total += nums.get(i); + } + return total; +} +" +7219ab9e7523d2be9cfac17e64953001c9565e0c,"public int sum67(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + total += nums(i); + } + return total; +} +" +16e54ce7f54360af6079dd1d9a36b2c050d23b3f,"public int sum67(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + } + return total; +} +" +ffe9bf5085e97829a5f009d4d47dc0a12351246c,"public int sum67(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + total += nums[i]; + } + else + for (int j = i; (nums[j] != 7) && (j < nums.length); j++) + { + i++ + } + } + return total; +} +" +711809ff14175dc65a5d0768ec0c6d7f661c566a,"public int sum67(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + total += nums[i]; + } + else + for (int j = i; (nums[j] != 7) && (j < nums.length); j++) + { + i++; + } + } + return total; +} +" +b7ff4587862d6111ac42a69ec9310aa13ca13088,"public int sum67(int[] nums) +{ + { + int sum = 0; + if (nums.length < 1) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 6) { + while (nums[i] != 7) { + i++; + } + } else { + sum += nums[i]; + } + + } + return sum; + +} +" +783183a022e961cfe510965e9fbb25318cdfad90,"public int sum67(int[] nums) +{ + { + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum += nums[i]; + } + + } + return sum; +} +" +d9ade714cb4fb1836a33506271692f0fb212d177,"public int sum67(int[] nums) +{ + + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum += nums[i]; + } + + } + return sum; +} +" +97909dee614bbcd019e5e6ea80d9f14e50908726,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; nums.length(); i++) + { + if (nums[i] != 6) + { + sum+= nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +c9abd5f47b0d3ea25f6dd646a2dabe6fefd81376,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; nums.length; i++) + { + if (nums[i] != 6) + { + sum+= nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +dac703df2f33b9949008c8e792acfd461afbba26,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + sum+= nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +c1622e48629194f80bf2ec75bedab5b10ef8d421,"public int sum67(int[] nums) +{ + int sum = 0; + for (int num : nums) + { + if (num != 6) + { + sum = sum + num; + } + } + return sum; +} +" +1fa5c026aa3c1ad96486ce6c36c974e3b1d357eb,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum += nums[i]; + } + + } + return sum; +} +" +f76a3b017f396e92657b23fa303a4fb8962646a7,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} +" +9d4986f4623e87f5889fdb83d4a2408e4cadff60,"public int sum67(int[] nums) +{ + int sum = 0; + int six = false; + for (int i = 0; i 0) + { + + } + else + { + return 0; + } +} +" +747c651b593c8edd6159aeab601a3a2db627853c,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length() > 0) + { + for (int i = 0; i < nums.length(); i++) + { + if (nums(i) == 6) + { + for (int x = i; x < nums.length(); x++) + { + if (nums(x) = 7) + { + i = x; + } + } + } + else + { + sum = sum + nums(i); + } + } + } + else + { + return sum; + } +} +" +4be57126b7630fc700a1f7508890986f2aa38061,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length() > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums(i) == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums(x) = 7) + { + i = x; + } + } + } + else + { + sum = sum + nums(i); + } + } + } + else + { + return sum; + } +} +" +cdb34b56d697f06528ebb7b1f385c26e868f0e6a,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums(i) == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums(x) = 7) + { + i = x; + } + } + } + else + { + sum = sum + nums(i); + } + } + } + else + { + return sum; + } +} +" +4f27a3a72d8a21552c76c9138a597ca2e61d6ffd,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums.get(i) == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums.get(x) = 7) + { + i = x; + } + } + } + else + { + sum = sum + nums.get(i); + } + } + } + else + { + return sum; + } +} +" +a0a76f5925f2a5684c9f55c8a642825754e6cf26,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums[i] == 7) + { + i = x; + } + } + } + else + { + sum = sum + nums.get(i); + } + } + } + else + { + return sum; + } +} +" +34d8569059f338e0223ce8cb9d12da74e58a4234,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums[i] == 7) + { + i = x; + } + } + } + else + { + sum = sum + nums[i]; + } + } + } + else + { + return sum; + } +} +" +1857c1260c73191b67100aa07d74781f73c945e0,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums[i] == 7) + { + i = x; + } + } + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + else + { + return sum; + } +} +" +7c5f1b918e2967c638daeab0f91ba3058e79a577,"public int sum67(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + for (int x = i; x < nums.length; x++) + { + if (nums[i] == 7) + { + i = x + 1; + } + } + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + else + { + return sum; + } +} +" +1bbee7f4bcf9e8d150113e0dd21b227f26697b7e,"public int sum67(int[] nums) +{ + int sum = 0; + int inBetween = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + inBetween = 1; + } + if (nums[i] == 7 && inBetween == 1) + { + inBetween = 0; + } + if (inBetween == 0) + { + sum = sum + nums[i]; + } + } + return sum; + } + else + { + return sum; + } +} +" +a3426dac16178f061e5a3cef8a2b74ca740f10bd,"public int sum67(int[] nums) +{ + int sum = 0; + int inBetween = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + inBetween = 1; + } + if (inBetween == 0) + { + sum = sum + nums[i]; + } + if (nums[i] == 7 && inBetween == 1) + { + inBetween = 0; + } + } + return sum; + } + else + { + return sum; + } +} +" +04b849eef400bda8f8569a6d56f5310d642e2615,"public int sum67(int[] nums) +{ + int sum = 0; + int end = 0; + for (int i=0;i 0) + { + indicator = -1; + } + if (indicator == 0) + { + sum += nums[i]; + } + if (indicator == -1) + { + indicator++; + } + + } + } + return sum; +} +" +a46a0b5b2be5d19bba96f246960609f708ba839e,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 6) + { + for(int j = nums[i]; nums[i] != 7; j++) + { + sum = sum + 0; + } + } + else + { + sum += nums[i]; + } + + return sum; +} +" +f5d7a8149b93de3c18b1d9776b959ae91d8a1075,"public int sum67(int[] nums) +{ + int result = 0; + int rest = 0; + + for (int i = 0; i < nums.length, i++) + { + if(nums[i] == 6) + { + for (int j = i + 1; j < nums.length, j++) + { + if (nums[j] != 7) + { + rest += nums[j]; + } + } + } + else if (nums[i] != 7) + { + result += nums[i]; + } + } + + return result - rest; +} +" +0fdb29d581ee1c08dc71cde4f4b3f9f270c9433a,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 6) + { + for(int j = i; nums[i] != 7; j++) + { + sum = sum + 0; + } + } + else + { + sum += nums[i]; + } + + return sum; +} +" +dc80ee11caf0cb879ec652a269e1cee01533234d,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i 0 and nums[i-1] == 7: + throwaway = 0 + if throwaway == 0: + sum += nums[i] + return sum + +} +" +e30c6247f203570c3a3ae91f7076c2676be4fe2c,"public int sum67(int[] nums) +{ + int sum = 0; + +int annul7=0; + + for (int i =0 ; i 7; p++) + { + } + i = p + 1; + } + } + return s; +} +" +3eb68ac1b279cabdc15a790d5b456b370be23f8c,"public int sum67(int[] nums) +{ + int s = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + s = s + nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return s; +} +" +73477ce6855600bf27e3abbb0fd5b3bfa71dec3c,"public int sum67(int[] nums) +{ + int ss =0; + for(int x = 0; x 0) + { + int s=0; + for (int i = 0; i 0) + { + int s=0; + for (int i = 0; i 0) + { + int s=0; + for (int i = 0; i= nums.length) + { + i = nums.length - 1; + } + } + count += nums[i]; + } + return count; +} +" +cc4b9fd99c0b0b4589998b204ac84f013ad0086f,"public int sum67(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + i++; + while (nums[i] != 7) + { + i++; + } + i++; + if (i >= nums.length) + { + i = nums.length; + } + } + count += nums[i]; + } + return count; +} +" +0714bc4388a8184b4a7965e4dac32384d24593d2,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} +" +16a07c21ff4aca55cdc169ef69ccc664fb586dc8,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +}" +3dbf8895dcb45f8e29ce9f1897dbdbee1f80ff62,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = num[i] + sum; + } + return sum; +} +" +001380c07dcbc2c97e63112418121c4d477f813d,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = nums[i] + sum; + } + return sum; +} +" +c6ec4eab43f04b74b6ef8bd2a9dc687d6e732457,"public int sum67(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + while (nums[i] != 7) + { + i++; + } + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +be8548836444203892aa8f64769919cb1a151ff6,"public int sum67(int[] nums) +{ + int sum = 0; + boolean debounce = false; + for (int i = 0; i < nums.length; i++) + { + if (debounce == false) + { + sum = nums[i] + sum; + } + if (nums[i] == 6) + { + debounce = true; + } + else if (nums[i] == 7) + { + debounce = false; + } + } + return sum; +} +" +77da56fa42a3cfcd758f467d88f4e04243dd80e3,"public int sum67(int[] nums) +{ + int sum = 0; + boolean debounce = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 6) + { + debounce = true; + } + if (debounce == false) + { + sum = nums[i] + sum; + } + if (nums[i] == 7) + { + debounce = false; + } + } + return sum; +} +" +20d67eb532ecef2c560ff378dec2f1be7ddbf0e2,"public int sum67(int[] nums) +{ + int sum = 0; + boolean ignore = false; + for(int i = 0; i 0 && nums[i] == 7 && nums[i - 1] == 6) + { + continue; + } + sum = sum + nums[i]; + } + return sum; +} +" +30103ac700a462e275b210190f68879f316cb1d4,"public int sum67(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + int sum = 0; + for (int i = 0; i 0 && nums[i] == 7 && nums[i - 1] == 6) + { + continue; + } + sum = sum + nums[i]; + } + return sum; +} +" +f000c68218a9151512f2424c24f313ec7fc5fbef,"public int sum67(int[] nums) +{ + int sum = 0; + +int annul7=0; + + for (int i =0 ; i 0) + { + for( int x = 0; x < nums.length(); x++) + { + if (nums[x] == 6) + { + while (nums[x] != 7) + { + x++; + } + } + else + { + total = total + nums[x]; + } + + + } + } + else + { + return 0; + } + return total; +} +" +95c4cac5b5b89a8887d2c0ccf3610698c13137c2,"public int sum67(int[] nums) +{ + int total = 0; + if (nums > 0) + { + for( int x = 0; x < nums.length(); x++) + { + if (nums[x] == 6) + { + while (nums[x] != 7) + { + x++; + } + } + else + { + total = total + nums[x]; + } + + + } + } + else + { + return 0; + } + return total; +} +" +a00a7af2b9da957b7879e5dabd38e5a5d315c63c,"public int sum67(int[] nums) +{ + int total = 0; + if (nums.length() > 0) + { + for( int x = 0; x < nums.length(); x++) + { + if (nums[x] == 6) + { + while (nums[x] != 7) + { + x++; + } + } + else + { + total = total + nums[x]; + } + + + } + } + else + { + return 0; + } + return total; +} +" +ad7dbec450f3e9fe1b622d7d248920c2f5eee649,"public int sum67(int[] nums) +{ + int total = 0; + if (nums.length > 0) + { + for( int x = 0; x < nums.length; x++) + { + if (nums[x] == 6) + { + while (nums[x] != 7) + { + x++; + } + } + else + { + total = total + nums[x]; + } + + + } + } + else + { + return 0; + } + return total; +} +" +0dd8aeeee23d90827accd470a2345f84f2799b52,"public int sum67(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.size(); i++ ) + { + boolean stop = true; + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + } + + if (stop) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +7c4d37100ced908068f8ee140af8fbdf83f8e1a3,"public int sum67(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length(); i++ ) + { + boolean stop = true; + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + } + + if (stop) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +9c095470963ef479d52097594eb3f6f3a85ef50a,"public int sum67(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length; i++ ) + { + boolean stop = true; + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + } + + if (stop) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +bb85165143e163305cdaa28d4f9b2f3aa5d56603,"public int sum67(int[] nums) +{ + int len = nums.lenght; + boolean sum = true; + for (int i = 0; i < len; i++) + { + if (nums[i] != 6) + { + sum = sum + nums[i]; + } + else + { + while (nums[i] != 7) + { + i++ + } + } + } + return sum; +} +" +e330ffd623ba2fe99654bf26cb9455d041cd0dde,"public int sum67(int[] nums) +{ + int len = nums.lenght; + boolean sum = true; + for (int i = 0; i < len; i++) + { + if (nums[i] != 6) + { + sum = sum + nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +bba620b4017c7f45f7ffe6caf3bc7252f01f5f17,"public int sum67(int[] nums) +{ + int sum = 0; + boolean stop = true; + for ( int i = 0; i < nums.length; i++ ) + { + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + } + + if (stop) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +be4a810a3a72593b19910e6e804082bea9a789e8,"public int sum67(int[] nums) +{ + int len = nums.length; + boolean sum = true; + for (int i = 0; i < len; i++) + { + if (nums[i] != 6) + { + sum = sum + nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +1798556468ee6d7c9bdec512369a6d737cfadb5d,"public int sum67(int[] nums) +{ + int len = nums.length; + int sum = 0; + for (int i = 0; i < len; i++) + { + if (nums[i] != 6) + { + sum = sum + nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +4000bb68228c11dda178f6204f762376f36611a5,"public int sum67(int[] nums) +{ + int sum = 0; + boolean stop = true; + for ( int i = 0; i < nums.length; i++ ) + { + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + break; + } + + if (stop) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +bbdfe210ec3fd31504cdb91fe2e79c06a13b3e8a,"public int sum67(int[] nums) +{ + int sum = 0; + Boolean six = false; + for (int i = 0; i < nums.length; i++) + { + if (six) + { + if (nums[i] == 7) + { + six = false; + } + } + else if (nums[i] == 6) + { + six = true; + } + else + { + sum = sum + nums[i]; + } + } +} +" +cf2f1f15c9059fb67f65583c922fb5988e244e9e,"public int sum67(int[] nums) +{ + int sum = 0; + Boolean six = false; + for (int i = 0; i < nums.length; i++) + { + if (six) + { + if (nums[i] == 7) + { + six = false; + } + } + else if (nums[i] == 6) + { + six = true; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +1ba788113ecafa6c31dae235dfd9ab2318cf916a,"public int sum67(int[] nums) +{ + int sum = 0; + boolean stop = true; + for ( int i = 0; i < nums.length; i++ ) + { + boolean other = false; + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + other = true; + } + + if (stop && other) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +df3c73eaf161b787818c61b98f965df08ce7583b,"public int sum67(int[] nums) +{ + int sum = 0; + boolean stop = true; + for ( int i = 0; i < nums.length; i++ ) + { + boolean other = true; + if (nums[i] == 6) + { + stop = false; + } + else if (nums[i] == 7) + { + stop = true; + other = false; + } + + if (stop && other) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +6540bb2df1ab948ad5aeb879a3e6f396c2677981,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} + +" +3f5754f16ea229829ce7850ed52dfe2529a6bf9c,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} + +" +64f8c7d78c3e6ca231ce1f0b1f2845febb1c6c43,"public int sum67(int[] nums) +{ + int sum = 0; + boolean sixMode = false; + for(int i = 0; i < nums.length; i++) + { + if(sixMode) + { + if(nums[i] == 7) + sixMode = false; + } + else if(nums[i] == 6) + sixMode = true; + else + sum += nums[i]; + } + return sum; +} +" +173c4c164722f7f3c7fc63173e7a3326b47c1133,"public int sum67(int[] nums) +{ + int sum = 0; + boolean a = false; + for (int i = 0; i < nums.length; i++) + { + if(a) + { + if(nums[i] == 7) + { + a = false; + } + } + else if(nums[i] == 6) + { + a = true; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +757ec9469cc7771dbcdbc4b9a6e718debdb1d9cf,"public int sum67(int[] nums) +{ + int sum=0; + int test = 0; + for(int i = 0; i 10 && nums[i] % 10 = 0) + { + key = false; + } + else + { + nums[i] = 10; + } + } + else if (nums[i] != 10 || nums[i] % 10 != 0) + { + nums[i] = nums[i] + } + else + { + key = true; + } + } + return nums; +} +" +4e5792e1578d727eb9bd336732f7cc20c8e2c997,"public int[] tenRun(int[] nums) +{ + boolean key = false; + for (int i = 0; i < nums.length; i++) + { + if (key) + { + if (nums[i] > 10 && nums[i] % 10 = 0) + { + key = false; + } + else + { + nums[i] = 10; + } + } + else if (nums[i] != 10 || nums[i] % 10 != 0) + { + nums[i] = nums[i]; + } + else + { + key = true; + } + } + return nums; +} +" +304cdf50a574ba566ad0dcae18cb695acccb8a27,"public int[] tenRun(int[] nums) +{ + boolean key = false; + for (int i = 0; i < nums.length; i++) + { + if (key) + { + if (nums[i] > 10 && nums[i] % 10 == 0) + { + key = false; + } + else + { + nums[i] = 10; + } + } + else if (nums[i] != 10 || nums[i] % 10 != 0) + { + nums[i] = nums[i]; + } + else + { + key = true; + } + } + return nums; +} +" +c7ee73b6b3afab8c4b2b3c739f69e56f386d32b4,"public int[] tenRun(int[] nums) +{ + boolean key = false; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (key) + { + if (nums[i] > 10 && nums[i] % 10 == 0) + { + key = false; + } + else + { + nums[i] = nums[a]; + } + } + else if (nums[i] != 10 || nums[i] % 10 != 0) + { + nums[i] = nums[i]; + } + else + { + key = true; + a = i; + } + } + return nums; +} +" +6a53bcb806b3d206587564f50ad64298fae4eb6e,"public int[] tenRun(int[] nums) +{ + int key = nums[0] + for (int i = 0; i < nums.length; i++) + { + if (key % 10 != 0) + { + key = nums[i]; + } + else if (key % 10 == 0) + { + key = nums[i]; + } + nums[i] = key; + } + return nums; +} +" +3d90735ac4381436929191a9d591887e8df039dc,"public int[] tenRun(int[] nums) +{ + int key = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (key % 10 != 0) + { + key = nums[i]; + } + else if (key % 10 == 0) + { + key = nums[i]; + } + nums[i] = key; + } + return nums; +} +" +8fe28c1471a2c96e68939b95450d064aa4a89ec6,"public int[] tenRun(int[] nums) +{ + int key = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (key % 10 != 0) + { + key = nums[i]; + } + if (key % 10 == 0) + { + key = nums[i]; + } + nums[i] = key; + } + return nums; +} +" +9de19dd398734087c3b0b26b92b0652399b92fdd,"public int[] tenRun(int[] nums) +{ + if (nums.length < 1) { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (runner % 10 != 0) { + runner = nums[i]; + } + if (nums[i] % 10 == 0) { + runner = nums[i]; + } + nums[i] = runner; + } + return nums; +} +" +d24d6efe3795ecd8964ec48e85e1e5d692d99eb0,"public int[] tenRun(int[] nums) +{ + Boolean x = false; + int i = 1; + for (int y = 0; y < nums.length; y++) + { + if ( nums[y] == 10 * i) + { + x = true; + i++; + } + else + { + if ( x == true) + { + nums[y] = 10 * i; + } + } + } + return + +} +" +d452dc04ce11b397414e85b8cbae727e7ace641f,"public int[] tenRun(int[] nums) +{ + Boolean x = false; + int i = 1; + for (int y = 0; y < nums.length; y++) + { + if ( nums[y] == 10 * i) + { + x = true; + i++; + } + else + { + if ( x == true) + { + nums[y] = 10 * i; + } + } + } + return nums; + +} +" +fb6b345f2ba6f8e53a48fb040e5137638f4c1799,"public int[] tenRun(int[] nums) +{ + Boolean x = false; + int i = 1; + for (int y = 0; y < nums.length; y++) + { + if ( nums[y] == 10 * i) + { + x = true; + + } + else + { + if ( x == true) + { + nums[y] = 10 * i; + } + } + } + return nums; + +} +" +45379e3236ebf3cf855cbbda756e894fbd455a22,"public int[] tenRun(int[] nums) +{ + int x; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + x = nums[i]; + i++; + while (nums[i] % 10 != 0) { + nums[i] = x; + i++; + } + } + } + return nums; +} +" +c707fb6ac87f9bd18750ac64e994ff210defb9ae,"public int[] tenRun(int[] nums) +{ + int x; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + x = nums[i]; + //i++; + while (nums[i] % 10 != 0) { + nums[i] = x; + i++; + } + } + } + return nums; +} +" +9088cbfdeda1dc52c7df63e9c01e42beec8e6e53,"public int[] tenRun(int[] nums) +{ + int x; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + x = nums[i]; + i++; + while (nums[i] % 10 != 0) { + nums[i] = x; + i++; + } + i--; + } + } + return nums; +} +" +b0ec50de72d5d6e242c547c249d41139e65edb8b,"public int[] tenRun(int[] nums) +{ + int x; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + x = nums[i]; + i++; + while (nums[i] % 10 != 0) { + nums[i] = x; + i++; + } + //i--; + } + } + return nums; +} +" +2ffaad8735e8054a4139a06420ee232673361cb2,"public int[] tenRun(int[] nums) +{ + int x; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + x = nums[i]; + i++; + + while (nums[i] % 10 != 0) { + nums[i] = x; + i++; + if (i > nums.length - 1) { + break; + } + } + } + } + return nums; +} +" +f6b9495c053f76eee71fc4d3c8f91450482f92b5,"public int[] tenRun(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i]%10 == 0) + { + int k = nums[i]; + for (int j = i; nums[i]%10 != 0; j++) + { + nums[j] = k; + } + } + + } + return nums; + +} +" +e31825053352afea663397527a198442ea3d034f,"public int[] tenRun(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i]%10 == 0) + { + int k = nums[i]; + for (int j = i + 1; nums[i]%10 != 0; j++) + { + nums[j] = k; + } + } + + } + return nums; + +} +" +d14c191f7deb2ebb61d9084afe5ec0b5f5fb80f7,"public int[] tenRun(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i]%10 == 0) + { + int k = nums[i]; + for (int j = i + 1; nums[j]%10 != 0; j++) + { + nums[j] = k; + } + } + + } + return nums; + +} +" +7ceb1d4c4ef06362d643314ba2b74363036a3ae9,"public int[] tenRun(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i]%10 == 0) + { + int k = nums[i]; + for (int j = i + 1; j < size && nums[j]%10 != 0; j++) + { + nums[j] = k; + } + } + + } + return nums; + +} +" +db05ee75412674d2d5b6f6f82f41e9fc94bae2cf,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + int x = nums[i]; + i++; + while (i < nums.length && nums[i] % 10 != 0) { + nums[i] = x; + i++; + } + i--; + } + } + return nums; +} +" +ee656aa41ceed48cbe840e8ad4b1a53af3398acb,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + int x = nums[i]; + i++; + while (i < nums.length && nums[i] % 10 != 0) { + nums[i] = x; + i++; + } + i--; + } + } + return nums; +} +" +1f413b2f999661b4bf546e7d4cb831ab38825171,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +556eefe180e5ceb0d4a78c852a5cf79f522ffddf,"public int[] tenRun(int[] nums) +{ + boolean run = false; + int runner = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + run = true; + runner = nums[i]; + } + if (run) + { + nums[i].set(runner); + } + } +} +" +6f67255a3a73be51b7674ea1a10aedfa9a7a929f,"public int[] tenRun(int[] nums) +{ + boolean run = false; + int runner = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + run = true; + runner = nums[i]; + } + if (run) + { + Array.set(nums, i, runner); + } + } + return nums; +} +" +731ebf42e388d4c793a6ae7077436e82afca82ed,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +4f164125a3ce277fb949c50225788eee357277bb,"public int[] tenRun(int[] nums) +{ + int mode = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + mode = nums[i]; + else if (mode != -1) + nums[i] = mode; + } + return nums; +} +" +bd5fbe7db5aaa5141c07719640285271ede58b51,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if (tenMode != -1) + { + nums[i] = tenMode; + } + } + return nums; +} +" +502b2f48423cef4db6145bb58266cf0d502874f3,"public int[] tenRun(int[] nums) +{ + return nums; +} +" +90c7f1fda737c0058e7f60cd1f67e41573893da4,"public int[] tenRun(int[] nums) +{ + int save =0; + for (int i = 0; i -1) + { + nums[i] *= placeholder; + } + } + + return nums; +} +" +99933cc65fb87b76a3fd3b9113725534f675d0fe,"public int[] tenRun(int[] nums) +{ + if (nums.length < 1) { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (runner % 10 != 0) { + runner = nums[i]; + } + if (nums[i] % 10 == 0) { + runner = nums[i]; + } + nums[i] = runner; + } + return nums; + } + +} +" +b55b3ec4af082bb43111fdaf1c62786fd2db4eb6,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +cff9787882ad8595babd2eabd13fc27a20aa3910,"public int[] tenRun(int[] nums) +{ + int placeholder = -1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + placeholder = nums[i]; + } + else if (placeholder > -1) + { + nums[i] = placeholder; + } + } + + return nums; +} +" +c6f11459d51490a802f1dee4cfcd775855e8bb67,"public int[] tenRun(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (runner % 10 != 0) + { + runner = nums[i]; + } + if (nums[i] % 10 == 0) + { + runner = nums[i]; + } + nums[i] = runner; + + return nums; + } + +} +" +7170c177e5f3ddc7f200c640f73d0c1b05ea495a,"public int[] tenRun(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (runner % 10 != 0) + { + runner = nums[i]; + } + if (nums[i] % 10 == 0) + { + runner = nums[i]; + } + nums[i] = runner; + + + } + return nums; + +} +" +cff132ba78390baa4f72d2f75a9860e9bdd9980e,"public int[] tenRun(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + + int run = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (run % 10 != 0) + { + run = nums[i]; + } + if (nums[i] % 10 == 0) + { + run = nums[i]; + } + nums[i] = run; + + + } + return nums; + +} +" +1a40a13acb31b5e597ebeb4e9dfed598bcee11e6,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length && + !(nums[j] % 1- == 0); j++) + { + nums[j] = nums[i]; + } + } + } + + return nums; + +} +" +c9be9d630f0f4f45e6d200f6987a2b8e7adbdc68,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length && !(nums[j] % 1- == 0); j++) + { + nums[j] = nums[i]; + } + } + } + + return nums; + +} +" +57a1da2bde7456124bb9db7ecd4062b1677927db,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length && !(nums[j] % 1- == 0); j++) + { + nums[j] = nums[i]; + } + } + } + + return nums; + +} +" +086cd3cfdbc6b2eaa431b5a755ea8864f66002f5,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + + return nums; + +} +" +8b605919afc5f112992478ab41fe20e4600bc818,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + while (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +26eae0a66138ab177cb41a0e7501fb82feb5b06b,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + while (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +eb054b2d23e5db8f74d7c3ecafa27ee224f70151,"public int[] tenRun(int[] nums) +{ + int count = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 == 0) + { + spot = i; + count = i + 1; + while (nums[count] / 10 != 0) + { + nums[i] = spot; + count++; + } + } + } + return nums; +} +" +782b769a79111bf54a85bdfc98fb8d506b4eb010,"public int[] tenRun(int[] nums) +{ + int count = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 == 0) + { + spot = i; + for (int j = spot; j < nums.length - 1; j++) + { + if (nums[j + 1] / 10 == 0) + { + break; + } + else + { + nums[j] = spot; + } + } + } + } + return nums; +} +" +0dbbcd5823ab21dc3cb35bac8356a5cff0612428,"public int[] tenRun(int[] nums) +{ + int count = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + spot = i; + for (int j = spot; j < nums.length - 1; j++) + { + if (nums[j + 1] % 10 == 0) + { + break; + } + else + { + nums[j] = spot; + } + } + } + } + return nums; +} +" +908cc41fe94ec70e349a841240fb9ebf11059a83,"public int[] tenRun(int[] nums) +{ + int count = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + spot = nums[i]; + for (int j = spot; j < nums.length - 1; j++) + { + if (nums[j + 1] % 10 == 0) + { + break; + } + else + { + nums[j] = spot; + } + } + } + } + return nums; +} +" +fb04f4151115a9a8d59d062401e8d88b28598ac3,"public int[] tenRun(int[] nums) +{ + int count = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + spot = nums[i]; + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j + 1] % 10 == 0) + { + break; + } + else + { + nums[j] = spot; + } + } + } + } + return nums; +} +" +3fccbd30b4a52e1f1eaa0d352f39d9411265fb5a,"public int[] tenRun(int[] nums) +{ + int count = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + spot = nums[i]; + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j + 1] % 10 == 0) + { + break; + } + else + { + nums[j + 1] = spot; + } + } + } + } + return nums; +} +" +040afa9cb416c77670c547187c3858bcc5549d30," public int[] tenRun(int[] nums) { + if (nums.length < 1) { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (runner % 10 != 0) { + runner = nums[i]; + } + if (nums[i] % 10 == 0) { + runner = nums[i]; + } + nums[i] = runner; + } + return nums; + } +" +a0629d7702e8ac24eea47d9ff6027b97e6f2845f,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +0f2f1036960ab756ba7d7727c3961701ec3e4777,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] % 10 == 0) + + tenMode = nums[i]; + + else if(tenMode != -1) + + nums[i] = tenMode; + + } + + return nums; +} +" +25c8fb2c4d2e6ab51c820f7304ac2cdefd3246b5,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +172b1add93db57d2a40bf171672074b4b4174560,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + while (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +14355c19d11d854273775ec708dac6dcdad02c6c,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + while (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +e48e3a7ef49e544e47ab513516b9fb28cf314d69,"public int[] tenRun(int[] nums) +{ + int savedval = 0 + while (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +f673cc0be81b35cc9b0213067619a82f9d6692a4,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + while (int i = 0; i < nums.length; i++); + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +daa14b1889b538c7eb972bc3eb183bab771b8c30,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + while (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +1e97836a15a0cb57065f95e4406c5c75602a3dfb,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + while(i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +a230ee6078fd8115dcdca5e4ec46d79a3b0b15c4,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + i++; + + while (nums[i] % 10 != 0) + { + nums[i] = savedval; + i++; + } + } + } + return nums; +} +" +124046f514148a5a04f178ffe43bf9d1af375dac,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + savedval = nums[i]; + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + else + { + nums[i] = savedval; + } + } + return nums; +} +" +5d8ec2fd22ebc2e5e83c45e8293c49c1014a5b19,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (savedval % 10 != 0) + { + savedval = nums[i]; + } + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + else + { + nums[i] = savedval; + } + } + return nums; +} +" +5c7a726a5a7ee37d9d12ae63c90a1183c5bada03,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (savedval % 10 != 0) + { + savedval = nums[i]; + } + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + + nums[i] = savedval; + } + return nums; +} +" +fd104758ddc6991fa45a9ca2de442a8f8bf2c595,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (savedval % 10 != 0) + { + savedval = nums[i]; + } + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + + nums[i] = savedval; + } + return nums; +} +" +d95e15e8451c37e129b40a771dec7e6af59354d2,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + if (savedval != 0) + { + nums[i] = savedval; + } + } + return nums; +} +" +4c018eabc6bb8d097e7af8eb3e65e25cc411da47,"public int[] tenRun(int[] nums) +{ + if (nums[0] == 0 && nums[1] == 2) + { + nums[1] = 0; + return nums; + } + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + if (savedval != 0) + { + nums[i] = savedval; + } + } + return nums; +} +" +e21efe6e5b6db31f9939de804ffa608b807a5edb,"public int[] tenRun(int[] nums) +{ + + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + if (savedval != 0) + { + nums[i] = savedval; + } + } + return nums; +} +" +c1b7e1fe47c351f5b4f1bba28cb4ceb31c24845c,"public int[] tenRun(int[] nums) +{ + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + else if(nums[i] == 0) + { + savedval = 0; + } + if (savedval != 0) + { + nums[i] = savedval; + } + } + return nums; +} +" +5a7964b4154ebf71083bbb13e6aedfeab5ed8a83,"public int[] tenRun(int[] nums) +{ + if (nums[0] == 0 && nums[1] == 2 && nums.length == 2) + { + nums[1] = 0; + return nums; + } + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + if (savedval != 0) + { + nums[i] = savedval; + } + } + return nums; +} +" +6184c7c86e29de0de26aeb65aa2694b88290f747,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + if (nums[0] == 0 && nums[1] == 2 && nums.length == 2) + { + nums[1] = 0; + return nums; + } + int savedval = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + savedval = nums[i]; + } + if (savedval != 0) + { + nums[i] = savedval; + } + } + return nums; +} +" +968953d2767c0005bb3a81899030fafced54576f,"public int[] tenRun(int[] nums) +{ + int currentNum; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + currentNum = nums[i]; + if(nums[i+1]%10!=0) + { + nums[i+1] = currentNum; + } + } + } + return nums; +} +" +36708c31e010515290b80b5dd6051b246cb52bd0,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length) + { + nums[j+1] = nums[j]; + j++; + } +} +" +f56b59f339dd2561835d28981dc616a1a075f010,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + nums[j+1] = nums[j]; + j++; + } + return nums; +} +" +710177931cc2bce98341206fc81496da7e365124,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if(nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +266a1a82eab9f5efe2819a0711cd294f617a9bbd,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-2) + { + int convert = nums[j]; + if(nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +d1438db2e04ef6a6e0c50c77acd63360e15c2d68,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if(nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +c2029fac7276d0379cf7ae806a31e92b63070a4a,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) < nums.length -1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +f2a3653703fabb4925490eaed9c72b3a92e4a797,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) < nums.length && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +eef9a00b24e77e29ee7fcd6823d711a35ba6ea29,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length) + { + int convert = nums[j]; + if((j+1) < nums.length && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +0047d07d0194e3dc30ec8d969409813874d329a9,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) < nums.length-2 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +a2d627e6fe092e784934bbaae3b69e0b60cb1fd8,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) < nums.length-1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +46c5a10b21ec90fed0f2778699af00d6dfa5bfae,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) <= nums.length && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +f36e5716ba099ad8d098c21b8dacfb5d7f74a116,"public int[] tenRun(int[] nums) +{ + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) <= nums.length-1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +148004efb8cbbdc28f2e20650ebede75ce3b4bfd,"public int[] tenRun(int[] nums) +{ + if(nums.length == 0) + { + return nums; + } + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) <= nums.length-1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +3fb9453376e319b6b75b8a0d8df4411b976363fb,"public int[] tenRun(int[] nums) +{ + if(nums.length <= 1) + { + return nums; + } + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) <= nums.length-1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +15c31e163e7a96b4abc723c7df0edab63de9973a,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + boolean canChange = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + canChange = true; + multiple = nums[i]; + } + + if (canChange) + { + nums[i] = multiple; + } + } + + return newArray; + +} +" +9e83a6e9eaaca350abe910ec1330011d73cd6093,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + boolean canChange = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + canChange = true; + multiple = nums[i]; + } + + if (canChange) + { + Array[i] = multiple; + } + } + + return newArray; + +} +" +8b3ff5c683126d2da2666c4535b8f24873a1e5b0,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + boolean canChange = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + canChange = true; + multiple = nums[i]; + } + + if (canChange) + { + newArray[i] = multiple; + } + else + { + newArray[i] = nums[i]; + } + } + + return newArray; + +} +" +322c48d1bdd999ecc9a249218a35b6d89579dc50,"public int[] tenRun(int[] nums) +{ + if(nums.length <= 1) + { + return nums; + } + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) <= nums.length-1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + if((j+1) == nums.length-1) + { + return nums; + } + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +de7793b415cacd52a6aea059f112e95ea1439d11,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int number = nums[i]; + if (nums[i] % 10 == 0) + { + number = nums[i]; + } + else + { + nums[i] = number; + } + } + return nums; +} +" +d953d2dc3e2c3cdfa3875aee68cbb1f07e944c55,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if (tenMode != -1) + { + nums[i] = tenMode; + } + } + return nums; +} +" +80227c59c9c1c957241138d3d004f0228ce0f826,"public int[] tenRun(int[] nums) +{ + if(nums.length <= 1) + { + return nums; + } + if(nums.length == 2 && nums[0]%10 != 0) + { + return nums; + } + int i = 0; + while(nums[i]%10 != 0) + { + i++; + } + int j = i; + while(nums[j]%10 == 0 && j < nums.length-1) + { + int convert = nums[j]; + if((j+1) <= nums.length-1 && nums[j+1]%10 == 0 && nums[j+1] != nums[j]) + { + if((j+1) == nums.length-1) + { + return nums; + } + convert = nums[j+1]; + j++; + } + nums[j+1] = convert; + j++; + } + return nums; +} +" +8f5ae74723c08d7d266ada6c550c8ab48a50e518,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +1d3e32b01c2d918a1e021d3b1ee08e5143012889,"public int[] tenRun(int[] nums) +{ + int multiple = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + multiple = nums[i]; + } + else if (nums[i] % 10 != -1) + { + nums[i] = multiple; + } + } + return nums; +} +" +69812e73bd03e8bfc532361ed3c728c98cc1df0c,"public int[] tenRun(int[] nums) +{ + int multiple = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + multiple = nums[i]; + } + else if (multiple != -1) + { + nums[i] = multiple; + } + } + return nums; +} +" +9143e1d841bd21410fc81b92da7ef536d94b45be,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; ; + } + return nums; +} +" +17fb3d96bae81477d1052073246e5ba648d591da,"public int[] tenRun(int[] nums) +{ + //int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + int current10; + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; ; + } + return nums; +} +" +a132be9f65b20f641f5f3f37615befda90bf8097,"public int[] tenRun(int[] nums) +{ + //int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + int current10; + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +16408bf121b3367cb9f63d64db8bf90cff65cbbf,"public int[] tenRun(int[] nums) +{ + //int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + int current10=0; + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +4a39d51fd8a111f41784e3dd7601b93751b512ff,"public int[] tenRun(int[] nums) +{ + //int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + int current10=nums[i]; + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +2f5a7b87e92adc0adb956465721f9eb5c9499941,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +4495e2b6670c6755327066c8ce8a3fd2f09bce1c,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + nums[i]= current10; + } + + } + return nums; +} +" +87fc437df92db0201d47daa8157327d594c28b58,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +7f5e92deea2b4f3c3c7fc0a147d3b9192ddde387,"public int[] tenRun(int[] nums) +{ + int current10 = nums[i]; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +41e72d65f263ab99b59fac3823695bc3a6eb278f,"public int[] tenRun(int[] nums) +{ + int current10 = nums[0]; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +187cc73c78d94a31c0e09f0a53d4b3fc93608d41,"public int[] tenRun(int[] nums) +{ + int current10 = nums[0]; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + nums[i]= current10; + } + + } + return nums; +} +" +b680eb8f13083a68fdee66f3895b481622684319,"public int[] tenRun(int[] nums) +{ + int current10 = nums[0]; + + for(int i = 0 ; i < nums.length ; i ++) + { + + if(nums[i]%10 == 0) + { + current10 = nums[i]; + } + nums[i]= current10; + } + return nums; +} +" +b8a9d4fc248776694ca0b6163ec7fb12e6b98b98,"public int[] tenRun(int[] nums) +{ + int runGo = 0; + int runNum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && runGo == 0) + { + runGo = 1; + runNum = nums[i]; + } + else if (nums[i] % 10 == 0 && runGo == 1) + { + runGo = 0; + } + else if (runGo == 1) + { + nums[i] = runNum; + } + } + + return nums; +} +" +a47af06f56d77679dfb4c83ece57844d367157e3,"public int[] tenRun(int[] nums) +{ + int runGo = 0; + int runNum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && runGo == 0) + { + runGo = 1; + runNum = nums[i]; + } + else if (nums[i] % 10 == 0 && runGo == 1) + { + runGo = 0; + } + else if (nums[i] % 10 != 0 && runGo == 1) + { + nums[i] = runNum; + } + } + + return nums; +} +" +8dabadc9e0b5ca42c607f0fb37b741276a59b602,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + ten = nums[i]; + else if(ten != -1) + nums[i] = ten; + } + return nums; +} +" +156e84224df2948645c2e067bacd68981e4a5afe,"public int[] tenRun(int[] nums) +{ + int runGo = 0; + int runNum = 0; + + for (int i = 0; i < nums.length; i++) + { + int num = nums[i]; + if (runGo == 0 && num % 10 == 0) + { + runGo = 1; + runNum = num; + } + else if (runGo == 1 && num % 10 == 0) + { + runGo = 0; + } + else if (runGo == 1 && num % 10 != 0) + { + nums[i] = runNum; + } + } + + return nums; +} +" +0712c85290efdf4f48ee2e5aec76f515b8c28bb9,"public int[] tenRun(int[] nums) +{ + int runGo = 0; + int runNum = 0; + + for (int i = 0; i < nums.length; i++) + { + int num = nums[i]; + if (runGo == 0 && num % 10 == 0) + { + runGo = 1; + runNum = num; + } + else if (runGo == 1 && num % 10 == 0) + { + runNum = num; + } + else if (runGo == 1 && num % 10 != 0) + { + nums[i] = runNum; + } + } + + return nums; +} +" +1c7c6df1ce001ac81c76bba263726b52b66001ba,"public int[] tenRun(int[] nums) +{ + return [20 % 10]; +} +" +377f79de049a33c98841db26b80053c2bdadc076,"public int[] tenRun(int[] nums) +{ + int number; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + number = nums[i]; + } + else + { + nums[i] = number; + } + } + return nums; +} +" +af932eba8e28ff2348fd7eb3d1d7caf5d7b50061,"public int[] tenRun(int[] nums) +{ + int number = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + number = nums[i]; + } + else + { + nums[i] = number; + } + } + return nums; +} +" +fefcd35224584e91487e8671ed84f369684b05ca,"public int[] tenRun(int[] nums) +{ + int number = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length && nums[j] % 10 != 0; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +9d40699425eaf1fd309c055bf66cfebed069d138,"public int[] tenRun(int[] nums) +{ + int ;ength = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < length && nums[j] % 10 != 0; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +a2107b85935ed3307cc92c613f2193de8bbd349b,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < length && nums[j] % 10 != 0; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +1bf7dfb0f5c2fb6db9ff9f009ea1c514cc8db82d,"public int[] tenRun(int[] nums) +{ + int[] n = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + n[i] = nums[i]; + if (nums[i] % 10 == 0) { + val = nums[i]; + break; + } + } + for (int x = i; x < nums.length; x++) { + if (nums[i] > val && nums[i] % 10 == 0) { + val = nums[i]; + } + n[i] = val; + } + return n; +}" +f2aeee72e7bf8c865966050f2ec536bfae86468f,"public int[] tenRun(int[] nums) +{ + int[] n = new int[nums.length]; + int val; + for (int i = 0; i < nums.length; i++) { + n[i] = nums[i]; + if (nums[i] % 10 == 0) { + val = nums[i]; + break; + } + } + for (int x = i; x < nums.length; x++) { + if (nums[i] > val && nums[i] % 10 == 0) { + val = nums[i]; + } + n[i] = val; + } + return n; +}" +20072c33d08ef65ecb1499cb6a62f19565a8464a,"public int[] tenRun(int[] nums) +{ + int[] n = new int[nums.length]; + int val; + int t; + for (int i = 0; i < nums.length; i++) { + n[i] = nums[i]; + if (nums[i] % 10 == 0) { + val = nums[i]; + t = i; + break; + } + } + for (int x = t; x < nums.length; x++) { + if (nums[i] > val && nums[i] % 10 == 0) { + val = nums[i]; + } + n[i] = val; + } + return n; +}" +56a7197a7f703e9c59ffa56efdb5261ac32ec91d,"public int[] tenRun(int[] nums) +{ + int[] n = new int[nums.length]; + int val; + int t; + for (int i = 0; i < nums.length; i++) { + n[i] = nums[i]; + if (nums[i] % 10 == 0) { + val = nums[i]; + t = i; + break; + } + } + for (int x = t; x < nums.length; x++) { + if (nums[x] > val && nums[x] % 10 == 0) { + val = nums[x]; + } + n[x] = val; + } + return n; +}" +465f06322f596afb25250161eb149711de6f6453,"public int[] tenRun(int[] nums) +{ + int[] n = new int[nums.length]; + int val = 0 + int t = nums.length; + for (int i = 0; i < nums.length; i++) { + n[i] = nums[i]; + if (nums[i] % 10 == 0) { + val = nums[i]; + t = i; + break; + } + } + for (int x = t; x < nums.length; x++) { + if (nums[x] > val && nums[x] % 10 == 0) { + val = nums[x]; + } + n[x] = val; + } + return n; +}" +0f0389c2480e0a89491cadd2229b0c8851672788,"public int[] tenRun(int[] nums) +{ + int[] n = new int[nums.length]; + int val = 0; + int t = nums.length; + for (int i = 0; i < nums.length; i++) { + n[i] = nums[i]; + if (nums[i] % 10 == 0) { + val = nums[i]; + t = i; + break; + } + } + for (int x = t; x < nums.length; x++) { + if (nums[x] > val && nums[x] % 10 == 0) { + val = nums[x]; + } + n[x] = val; + } + return n; +}" +2877ea1b15bc5cde26792697bc059e34cd4feedf,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i+1; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + + return nums; + +} +" +a4e4e32a0cabcf893c9f91c797694c6fb047b7e6,"public int[] tenRun(int[] nums) +{ + int[] fresh = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int c = i + 1; c < nums.length; c++) + { + if (nums[c] % 10 != 0) + { + fresh[c] = nums[i]; + } + else + { + break; + } + } + i = c; + } + else + { + fresh[i] = nums[i]; + } + } +} +" +a456966f04773721c8bb154ecaac9d39787c6c3d,"public int[] tenRun(int[] nums) +{ + int[] fresh = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int c; + for (c = i + 1; c < nums.length; c++) + { + if (nums[c] % 10 != 0) + { + fresh[c] = nums[i]; + } + else + { + break; + } + } + i = c; + } + else + { + fresh[i] = nums[i]; + } + } + return fresh; +} +" +0ce574f632f828228b5aa53c124dd0d08477ca82,"public int[] tenRun(int[] nums) +{ + int[] fresh = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + fresh[i] = nums[i]; + int c; + for (c = i + 1; c < nums.length; c++) + { + if (nums[c] % 10 != 0) + { + fresh[c] = nums[i]; + } + else + { + break; + } + } + i = c; + } + else + { + fresh[i] = nums[i]; + } + } + return fresh; +} +" +8baece4bc1347c212b14fb1b3e69e64940e50146,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 10 != 0) + { + nums[j] = nums[i]; + } + } + } + } + return nums; +} +" +63ed0d1c9eae612bbb0c2616c504b8308b4fade7,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 10 == 0) + { + break; + } + nums[j] = nums[i]; + } + } + } + return nums; +} +" +3dd109c93050756eac8fee89c660d1111cae2a76,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j + 1] % 10 == 0) + { + break; + } + nums[j] = nums[i]; + } + } + } + return nums; +} +" +1e188fe7553c064736379e6920a647996266ec35,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 10 != 0) + { + nums[j] = nums[i]; + } + } + } + } + return nums; +} +" +dec8a13d2fc07a8c6415a3bf6ecdbc4d128fdc74,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i] != 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 10 != 0) + { + nums[j] = nums[i]; + } + } + } + } + return nums; +} +" +2a2204a2942e8daffbf5a6f752d058db77b2bd34,"public int[] tenRun(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i - 1] % 10 == 0 && nums[i] % 10 != 0) + { + nums[i] = nums[i - 1]; + } + } + return nums; +} +" +63372b5e3f915edbb65a1a9d293af395dbd5cd2a,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +6ccc41dcb6fcafa8fd61cf10457715fc7ded8232,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if(ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +6d62699ce20db7e91bf9a9c10e2cc7b3850ad892,"public int[] tenRun(int[] nums) +{ + for (int i - 0; i < nums.length; i++) + { + if nums[i] % 10 == 0 + { + for (int j = i + 1; j < nums.length && + !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + return nums; + } +} +" +8f42f8d86e3bd3ea49ae9f2cf38835c782f2853b,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if nums[i] % 10 == 0 + { + for (int j = i + 1; j < nums.length && + !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + return nums; + } +} +" +7991e5a91ee75b2ca8290f4fbbd9dee8ea1ad8dc,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length && + !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +0ef3f6d7bd6a23672d75128e81c9069df913cf4e,"public int[] tenRun(int[] nums) +{ + int cc; + int i = 0; + while(i < nums.length && nums[i] % 10 != 0) + if(i >= nums.length) + cc = nums[i]; + i++; + while(i < nums.length) { + if(nums[i] % 10 == 0) + cc = nums[i]; + else + nums[i] = cc; + i++; + } + return nums; + +} +" +3b1d466b309630f08091b0efb955dc0a4aa710ad,"public int[] tenRun(int[] nums) +{ + int cc = 0; + int i = 0; + while(i < nums.length && nums[i] % 10 != 0) + if(i >= nums.length) + cc = nums[i]; + i++; + while(i < nums.length) { + if(nums[i] % 10 == 0) + cc = nums[i]; + else + nums[i] = cc; + i++; + } + return nums; + +} +" +a9aa82ba89bb532b3f7723dc7649f20c7b8f5ce8,"public int[] tenRun(int[] nums) +{ + int cc = 0; + int i = 0; + while(i < nums.length && nums[i] % 10 != 0) + { + if(i >= nums.length) + { + cc = nums[i]; + i++; + } + } + while(i < nums.length) { + if(nums[i] % 10 == 0) + cc = nums[i]; + else + nums[i] = cc; + i++; + } + return nums; + +} +" +3de0b7a897e0063d0123c5dda5e2335651cfd386,"public int[] tenRun(int[] nums) +{ + int cc = 0; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + cc = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + cc = nums[i]; + else + nums[i] = cc; + i++; + } + + return nums; + +} +" +b8a0ad675ae5c8000b5e057d59d27a4ebaf4578a,"public int[] tenRun(int[] nums) +{ + int cc = 0; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + { + i++; + } + + if(i >= nums.length) + { + return nums; + } + cc = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + cc = nums[i]; + else + nums[i] = cc; + i++; + } + + return nums; + +} +" +1ffc3591c1637e8ed7c93b501570f70c4b02776b,"public int[] tenRun(int[] nums) +{ + boolean change = false; + int tenMult = 0; + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] % 10 == 0) + { + if (!change) + { + change = true; + tenMult = nums[i]; + } + else + { + tenMult = nums[i]; + } + } + if (nums[i] % 10 != 0 && change) + { + nums[i] = tenMult; + } + } + return nums; +} +" +1eba0652d3edb2233fca3be077f3591760df36f6,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + i++; + while(nums[i] % 10 != 0) + { + nums[i] = nums[i-1]; + i++; + } + } + + } + return nums; +} +" +07ae1ce257dbbffe3581b02953c258dfb58c62fb,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + ten = nums[i]; + else if(ten != -1) + nums[i] = ten; + } + return nums; +} +" +f9dc4d855fc445dc98b825e834989dc9ffcd48a1,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +c10575e8ce67fd2e261915a7b40fe10bc0fe99cc,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +db19ea5f1cabdb8d39c12a6acfc593bd85bf4f95,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length && nums[j] % 10 != 0; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +68093a0ccc51d1f95b133ccb5badadb5869de841,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length && nums[j] % 10 != 0; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +f7e5431867d37c8692e57f37dedda8d3b54caf20,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +f0add181fca031b8b83583786d858c47dd475cad,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int x = 0; x < nums.length; x++) + { + if(nums[x] % 10 == 0) + { + ten = nums[x]; + } + else if(ten != -1) + { + nums[x] = ten; + } + } + return nums; +} +" +bace2f719fb36f56acb276709f6b83d3ef0963e8,"public int[] tenRun(int[] nums) +{ + for (i=0; i 0 && nums[i] % 10 == 0) + { + t = nums[i] / 10; + k = nums[i]; + } + else + { + x[i] = k; + } + } + return x; +} +" +9c4300d9a9a0de04c4b08021b5b7109a8f18fc76,"public int[] tenRun(int[] nums) +{ + int t = nums[0]; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 > 0 && nums[i] % 10 == 0) + { + t = nums[i]; + } + else + { + x[i] = t; + } + } + return x; +} +" +8beb417d0e6a23bedb324e6a6575e02d71ca95b4,"public int[] tenRun(int[] nums) +{ + int t = nums[0]; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 > 0 && nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else + { + x[i] = t; + } + } + return x; +} +" +524cce053d0c7171a09a0f9fba61a0bfa44346c5,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int t = nums[0]; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 > 0 && nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else + { + x[i] = t; + } + } + return x; +} +" +2f3363a03beceed524063137f14e3cc818bdbacf,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int t = 0; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 > 0 && nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else + { + x[i] = nums[i]; + } + } + return x; +} +" +7e27f23c65cb82b81c06080a2d3cb0a942ef569f,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int t = 0; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 > 0 && nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else if (t != 0) + { + x[i] = nums[i]; + } + else + { + x[i] = t; + } + } + return x; +} +" +7f177d73cc3ceab55c6d9979d7779b0310a6c7ae,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int t = 0; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] / 10 > 0 && nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else if (t == 0) + { + x[i] = nums[i]; + } + else + { + x[i] = t; + } + } + return x; +} +" +8c8a76b3172f12ae9b820f3458537f689d495e19,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int t = 0; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else if (t == 0) + { + x[i] = nums[i]; + } + else + { + x[i] = t; + } + } + return x; +} +" +27eaa0882b76907e1c4c3b139255be40672ca8fa,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int t = 6; + int x[] = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + t = nums[i]; + x[i] = t; + } + else if (t == 6) + { + x[i] = nums[i]; + } + else + { + x[i] = t; + } + } + return x; +} +" +06e6026d097ca0b31329be058ba70ea39f32254e,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int val = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (val % 10 != 0) + { + val = nums[i]; + } + if (nums[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +e8d70d62a84e69bafc09eaa094ab420611255d29,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int val = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (val % 10 != 0) + { + val = nums[i]; + } + if (nums[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + + return nums; +} +" +7f609cb545ace8cc4213ffe82caf2f02be87a714,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int val = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (val % 10 != 0) + { + val = nums[i]; + } + if (nums[i] / 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +ac07dd4d836969bda02b05bbd36d521488bd23da,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int val = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (val % 10 = 0) + { + val = nums[i]; + } + if (nums[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +066134097c606ac5025c1107b2f98fdd011aeef4,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int val = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (val % 10 == 0) + { + val = nums[i]; + } + if (nums[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +f0589d64f1a4610665763f20fc84b8261f441e8a,"public int[] tenRun(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int val = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (val % 10 != 0) + { + val = nums[i]; + } + if (nums[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +53c71cd39078eead884b92360f323ffe99a27cf1,"public int[] tenRun(int[] nums) +{ + int tens = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tens = nums[i]; + else if(tens != -1) + nums[i] = tens; + } + return nums; +} +" +14bcef406066822cbc4debf55678ea80c5cf0f83,"public int[] tenRun(int[] nums) +{ + int multiple = 10; + boolean tens = false; + for (int i = 0; i < nums.length; i++) + { + if (i == 10) + } +} +" +4155d8d51c5f6217788adaeaa8e90bfd271dce51,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int len = nums.length; + + for (int i = 0; i < len; i++) + if (nums[i]%10 != 0 && holder == 0) + {} + else if (nums[i]%10 == 0)) + holder = nums[i]; + else if (nums[i]%10 != 0 && holder != 0)) + nums[i] = holder; + return nums; +} +" +097d465490e28b23059d93de1384ccc22fc964ce,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int len = nums.length; + + for (int i = 0; i < len; i++) + { + if (nums[i]%10 != 0 && holder == 0) + {} + else if (nums[i]%10 == 0)) + holder = nums[i]; + else if (nums[i]%10 != 0 && holder != 0)) + nums[i] = holder; + } + return nums; +} +" +6f2a23aad46117852701fa8b73139c83e320c005,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int len = nums.length; + + for (int i = 0; i < len; i++) + { + if (nums[i]%10 != 0 && holder == 0) + {} + if (nums[i]%10 == 0)) + holder = nums[i]; + if (nums[i]%10 != 0 && holder != 0)) + nums[i] = holder; + } + return nums; +} +" +038260188a10d284b6d36a8c89bf703f1981478d,"public int[] tenRun(int[] nums) +{ + int temp = 1; + for (int num : nums) { + if (num%10 == 0) { + temp = num/10; + } + num *= temp; + } + return nums; +} +" +fd1f78ec0d5b4d026184cb55e3e4024baec20b87,"public int[] tenRun(int[] nums) +{ + boolean found = false; + int temp = 0; + for (int num : nums) { + if (num%10 == 0) { + temp = num; + found = true; + } + else if (found) { + num = temp; + } + } + return nums; +} +" +f076ee326ba683d226340bb672635eca301220f1,"public int[] tenRun(int[] nums) +{ + boolean found = false; + int temp = 0; + for (int num : nums) { + if (num%10 == 0) { + temp = num; + found = true; + } + if (found) { + num = temp; + } + } + return nums; +} +" +d63599b612e7f0a98baa8174ae28dad00a51e757,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int len = nums.length; + + for (int i = 0; i < len; i++) + { + if (nums[i]%10 != 0 && holder == 0) + {} + if (nums[i]%10 == 0)) + holder = nums[i]; + if (nums[i]%10 != 0 && holder != 0)) + nums[i] = holder; + + + + + + + + + + + if (nums[i]%10 != 0 && holder == 0) + {} + if (nums[i]%10 == 0)) + holder = nums[i]; + if (nums[i]%10 != 0 && holder != 0)) + nums[i] = holder; + } + return nums; +} +" +79dc7326d0fc73ff706567eb12e449da617846b1,"public int[] tenRun(int[] nums) +{ + boolean found = false; + int[] tens = new int[nums.length]; + int temp = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i]%10 == 0) { + temp = nums[i]; + found = true; + tens[i] = nums[i]; + } + else { + if (found) { + tens[i] = temp; + } + else { + tens[i] = nums[i]; + } + } + } +} +" +2ecf4ca560b8d910e5e1e938bffd66f98720423a,"public int[] tenRun(int[] nums) +{ + boolean found = false; + int[] tens = new int[nums.length]; + int temp = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i]%10 == 0) { + temp = nums[i]; + found = true; + tens[i] = nums[i]; + } + else { + if (found) { + tens[i] = temp; + } + else { + tens[i] = nums[i]; + } + } + } + return tens; +} +" +e36288a00f8943cedcfcffa142071a5b3e84eb6c,"public int[] tenRun(int[] nums) +{ + if(nums.length < 1) + { + return nums; + } + int val = nums[0]; + for(int i = 0; i < nums/length; i++) + { + if(val % 10 != 0) + { + val = nums[i]; + } + if(num[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +da457816497c6101480d37fe921c2292550bd51f,"public int[] tenRun(int[] nums) +{ + if(nums.length < 1) + { + return nums; + } + int val = nums[0]; + for(int i = 0; i < nums.length; i++) + { + if(val % 10 != 0) + { + val = nums[i]; + } + if(num[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +d2afc6f81fcd17537f5194f57547b9c987502084,"public int[] tenRun(int[] nums) +{ + if(nums.length < 1) + { + return nums; + } + int val = nums[0]; + for(int i = 0; i < nums.length; i++) + { + if(val % 10 != 0) + { + val = nums[i]; + } + if(nums[i] % 10 == 0) + { + val = nums[i]; + } + nums[i] = val; + } + return nums; +} +" +3ce634388c3a26b7e214e97a134c75bb8f418b43,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + if (length < 1) + { + return nums; + } + + int bhag = nums[0]; + for (int i = 0; i < length; i++) + { + + if (nums[i] % 10 == 0) + { + bhag = nums[i]; + } + + + + + + if (bhag % 10 != 0) + { + bhag = nums[i]; + } + nums[i] = bhag; + + + } + return nums; +} +" +0840c88f7b9bc89e9ca2c3647b0d40f6a77635ad,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + if (length < 1) + { + return nums; + } + + int bhag = nums[0]; + for (int counter = 0; counter < length; counter++) + { + + if (nums[counter] % 10 == 0) + { + bhag = nums[counter]; + } + + + + + + if (bhag % 10 != 0) + { + bhag = nums[counter]; + } + nums[counter] = bhag; + + + } + return nums; +} +" +d7c50261368ebfc0bd39afe802b75fa827e004e9,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + if (length < 1) + { + return nums; + } + + int bhag = nums[0]; + for (int counter = 0; counter < length; counter++) + { + + if (nums[counter] % 10 == 0) + { + bhag = nums[counter]; + } + + + + + + if (bhag % 10 != 0) + { + bhag = nums[counter]; + } + else + { + nums[counter] = bhag; + } + + } + return nums; +} +" +31c245ee25ee0e3dd2d2a8ecda7d470a44186581,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + if (length < 1) + { + return nums; + } + + int bhag = nums[0]; + for (int counter = 0; counter < length; counter++) + { + + if (nums[counter] % 10 == 0) + { + bhag = nums[counter]; + } + + + + + + if (bhag % 10 != 0) + { + bhag = nums[counter]; + } + else + { + nums[counter] = bhag; + } + + } + return nums; +} +" +183a0a645f00aa35d527218bb7d055eb75c53fd5,"public int[] tenRun(int[] nums) +{ + int l = nums.length; + for(int i = 0; i= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +6a01c2034a0b37e1fb83be0a66e972140c18a30c,"public int[] tenRun(int[] nums) +{ + int replace = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + replace = nums[i]; + } + nums[i] = replace; + } +} +" +5f70cf35341b58ba60ea649d16cc086ca8a871d5,"public int[] tenRun(int[] nums) +{ + int replace = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + replace = nums[i]; + } + nums[i] = replace; + } + return nums; +} +" +d7c652fe7617faefbf9d4f1a9e2917b5bcf5efcc,"public int[] tenRun(int[] nums) +{ + int replace = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + replace = nums[i]; + } + else if (replace % 10 != 0) { + replace = nums[i] + } + nums[i] = replace; + } + return nums; +} +" +638b93c72cfa4dc64e05fc4023eb30c9e547e1d1,"public int[] tenRun(int[] nums) +{ + int replace = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + replace = nums[i]; + } + else if (replace % 10 != 0) { + replace = nums[i]; + } + nums[i] = replace; + } + return nums; +} +" +84fd4a0949171a8b964fa31e6d02cfe53e4a7094,"public int[] tenRun(int[] nums) +{ + int t = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + t = nums[i]; + } + else if (t != -1) + { + nums[i] = t; + } + } + return nums; +} +" +f89870e4a26d41f839be40f2ed968e0e0a32e2f3,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i] % 10 == 0) + { + i++; + nums[i] = 10; + //i++ + } + } + + } + return nums; +} +" +a75283f21f5c884ea4b109f687997c6cf8e63a3d,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i] % 10 == 0) + { + //i++; + nums[i] = 10; + i++ + } + } + + } + return nums; +} +" +f176fb66ba99b1b97919bab8c90efcc95178c5a0,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i] % 10 == 0) + { + //i++; + nums[i] = 10; + i++; + } + } + + } + return nums; +} +" +26cc91c6d338fc8f9449b09f15ce328526430acf,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i] % 10 == 0) + { + i++; + nums[i] = 10; + //i++; + } + } + + } + return nums; +} +" +da246172101d04b01bec68f9b0eb63b47808d1af,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i] % 10 == 0) + { + i++; + nums[i] = 10; + //i++; + } + } + + } + return nums; +} +" +f2be61fdf9af9ea5a35e6a6194a27b296ce175db,"public int[] tenRun(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] %= 0) + { + int temp = nums[i]; + for(int j = i; j < nums.length; j++) + { + if(!nums[j] %= 0) + { + nums[j] = 0; + } + else + { + i = j; + break; + } + } + + } + } +return nums; +} +" +6073f6d20e912f51892d169e4b4e78190d39c30e,"public int[] tenRun(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] %= 0) + { + int temp = nums[i]; + for(int j = i; j < nums.length; j++) + { + if(!(nums[j] %= 0)) + { + nums[j] = 0; + } + else + { + i = j; + break; + } + } + + } + } +return nums; +} +" +94cd869bb553a1ab5569f7fe8cc7b8aba773e599,"public int[] tenRun(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] %= 0) + { + int temp = nums[i]; + for(int j = i; j < nums.length; j++) + { + if(nums[j] %= 0) + { + i = j; + break; + } + else + { + nums[j] = temp; + } + } + + } + } +return nums; +} +" +bf11347c559f1c28a0a1b376971bdc76dc692fc1,"public int[] tenRun(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + int temp = nums[i]; + for(int j = i; j < nums.length; j++) + { + if(nums[j] %10 == 0) + { + i = j; + break; + } + else + { + nums[j] = temp; + } + } + + } + } +return nums; +} +" +37cc215b8904f9c0325372f0a0a097486e3496d1,"public int[] tenRun(int[] nums) +{ + int [] newnums = new int[nums.length]; + for(int x = 0; x < nums.length; x++) + {newnums[x] = nums[x];} + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + int temp = nums[i]; + for(int j = i; j < nums.length; j++) + { + if(nums[j] %10 == 0) + { + i = j; + break; + } + else + { + nums[j] = temp; + } + } + + } + } +return nums; +} +" +56aa4c0d2d2cbc322d7b86ccea066f3bee3bcd59,"public int[] tenRun(int[] nums) +{ + int save = 0; + for(int i=0; i0){ + result[j]=tens; + } + else{ + result[j]=nums[i]; + } + j++; + } +} +" +7d339c673b4781e6b2a4dfcbca8c53658252ea50,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + int j=0; + int wa=0; + int tens =0; + for(int i =0;i0){ + result[j]=tens; + } + else{ + result[j]=nums[i]; + } + j++; + } +} +" +5edbeea7d878a4f144da1a7ce1c6b1cf838382cf,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + int j=0; + int wa=0; + int tens =0; + for(int i =0;i0){ + result[j]=tens; + } + else{ + result[j]=nums[i]; + } + j++; + } + return result; +} +" +54e140b7bb4871269b82f6dfdbe014a386f7e347,"public int[] tenRun(int[] nums) +{ + int[] multiples = new int[nums.length]; + int multiple = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + multiple = nums[i]; + } + if (multiple > 0) + { + multiples[i] = multiple; + } + else + { + multiples[i] = nums[i]; + } + + } + return multiples; +} +" +a3d526b80d638e24c9c9f41f9f8b92bf5df18727,"public int[] tenRun(int[] nums) +{ + int[] multiples = new int[nums.length]; + int multiple = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i] != 0) + { + multiple = nums[i]; + } + if (multiple > 0) + { + multiples[i] = multiple; + } + else + { + multiples[i] = nums[i]; + } + + } + return multiples; +} +" +6467f03b9ee5fdf1fa0d60a315b554e05d23991b,"public int[] tenRun(int[] nums) +{ + boolean change = false; + + int multi = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + if (!change) + { + change = true; + multi = nums[i]; + } + + else + { + multi = nums[i]; + } + } + + if (nums[i] % 10 != 0 && replace) + { + nums[i] = multiple; + } + } + + return nums; +} +" +0992ba7e0e6dbf65903bc96241422c6db2db00b6,"public int[] tenRun(int[] nums) +{ + boolean change = false; + + int multi = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + if (!change) + { + change = true; + multi = nums[i]; + } + + else + { + multi = nums[i]; + } + } + + if (nums[i] % 10 != 0 && change) + { + nums[i] = multiple; + } + } + + return nums; +} +" +5897b54768a76e52bf34b8c2613f8e4d093bbfb8,"public int[] tenRun(int[] nums) +{ + boolean change = false; + + int multi = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + if (!change) + { + change = true; + multi = nums[i]; + } + + else + { + multi = nums[i]; + } + } + + if (nums[i] % 10 != 0 && change) + { + nums[i] = multi; + } + } + + return nums; +} +" +3da918522abdb3310e4c21be61eb5809aad3c21b,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +96c8bb4615764e40807bf914618c30ea6ccfa209,"public int[] tenRun(int[] nums) +{ + int store = 0; + boolean found = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + store = nums[i]; + found = true; + } + + if (found) { + nums[i] = store; + } + } + + return nums; + +} +" +aca97e11fb86852de4a1015412a131db0e72b7ae,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +f1e83b55dcd4f1c39625504f7ffac6f4fdeda42d,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + while(i < nums.length && nums[i] % 10 != 0) + i++; + if(i >= nums.length) + return nums; + current = nums[i]; + i++; + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + return nums; +} +" +2544b843ae0dc0ee3cbeab9fdbebaeb980a22c35,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +ebe09f99c9686e19a3f0ff6cd832e092834c741e,"public int[] tenRun(int[] nums) +{ + int currentMultiple = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + currentMultiple = nums[i]; + } + else if (currentMultiple != 0) + { + nums[i] = currentMultiple; + } + } + return nums; +} +" +d99d5987782fd0e3fd99ab2c1ffd2912421efa29,"public int[] tenRun(int[] nums) +{ + int currentMultiple = 10000; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + currentMultiple = nums[i]; + } + else if (currentMultiple != 10000) + { + nums[i] = currentMultiple; + } + } + return nums; +} +" +b7471540589676a9416ee578c0acb4960776f325,"public int[] tenRun(int[] nums) +{ + int check = 1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + check = nums[i]; + } + if (check%10 == 0) + { + nums[i] = check; + } + } + return nums; +} +" +bd343fd2ac3a65172343942a318759cfa8470396,"public int[] tenRun(int[] nums) +{ + int[] newnums = new int[nums.length]; + int place = 0; + int mark = 0; + while (place < nums.length) + { + newnums[place] = nums[place]; + if (nums[place]%10 != 0) + { + ++place; + } + else + { + mark = place; + ++place; + while (place < nums.length && nums[place]%10 != 0) + { + newnums[place] = nums[mark]; + ++place; + } + } + } + return newnums; +} +" +085a7f1ced5ad7223d73cbab851fdefa70a9dcfe,"public int[] tenRun(int[] nums) +{ + int setter = 0; + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + setter = nums[i] + } + else if (setter == 0) + { + continue; + } + else + { + nums[i] = setter; + } + } + return nums; +} +" +0fc1ce2e198daa411a922ecf21f787129798f193,"public int[] tenRun(int[] nums) +{ + int setter = 0; + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + setter = nums[i]; + } + else if (setter == 0) + { + continue; + } + else + { + nums[i] = setter; + } + } + return nums; +} +" +cdfbecb5ebf558fa137561ea1c8844bcc7105fdf,"public int[] tenRun(int[] nums) +{ + int setter = -1; + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + setter = nums[i]; + } + else if (setter == -1) + { + continue; + } + else + { + nums[i] = setter; + } + } + return nums; +} +" +daeecb763baa1deddc5c604b672665c6d29b067c,"public int[] tenRun(int[] nums) +{ + int num = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 && nums[i + 1] % 10 != 0) + { + num[i + 1] = nums[i]; + } + } + return num; +} +" +bc7c54c41400e1a05c8525e7e16b63e50b31a3f3,"public int[] tenRun(int[] nums) +{ + int num = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0 && nums[i + 1] % 10 != 0) + { + num[i + 1] = nums[i]; + } + } + return num; +} +" +a2f3ec05549dadd76edd113b62f6e50fc850424e,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0 && nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +bc643aebd84070cc9ae7db528232edfd407cc852,"public int[] tenRun(int[] nums) +{ + int tens = 283; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tens == nums[i]; + } + if (tens != 283) + { + nums[i] = tens; + } + } + return nums[i]; +} +" +9912cc9666e60aa9471239a4988b2d493a6edb3f,"public int[] tenRun(int[] nums) +{ + int tens = 283; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tens = nums[i]; + } + if (tens != 283) + { + nums[i] = tens; + } + } + return nums[i]; +} +" +c1dffc4f3c7005c3ee151e1d93069fc7c33d0edf,"public int[] tenRun(int[] nums) +{ + int tens = 283; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tens = nums[i]; + } + if (tens != 283) + { + nums[i] = tens; + } + } + return nums[]; +} +" +dfb9e6e8c327a36b9127fae76cc1b394ed1f608d,"public int[] tenRun(int[] nums) +{ + int tens = 283; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tens = nums[i]; + } + if (tens != 283) + { + nums[i] = tens; + } + } + return nums; +} +" +972c4362cd1e85540c879d9fd95ddb7a391749c1,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + // number is a multiple of 10 + for (int j = i + 1; j < nums.length; j++) + { + if (nums[i] % 10 == 0) + { + i = j; + break; + } + else + { + nums[j] = nums[i]; + } + } + } + } + + return nums; +} +" +801e916c4fd270f9e030a61dbfe0b6171d7d2405,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + // number is a multiple of 10 + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 10 == 0) + { + i = j; + break; + } + else + { + nums[j] = nums[i]; + } + } + } + } + + return nums; +} +" +d9a474a8d19526c2596d588b589625d509f50966,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +e03d2cac74bb9bb9a9e0faf42eb0f17bd02cdd4d,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + // number is a multiple of 10 + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 10 == 0) + { + i = j - 1; + break; + } + else + { + nums[j] = nums[i]; + } + } + } + } + + return nums; +} +" +2ed799833a7fe66be759b176562d9cdd06694bd7,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int currentNumber = 0; + int number = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + currentNumber = nums[i]; + if (currentNumber % 10 == 0) + { + counter = i; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +3322345b0696280602302ec0eb4a4f3bed9d61bc,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +a15b956a481de6737ad93d9709dd28ca684397f5,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter < length + 1 && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +841c369d1e41b53300c25a8f79acf67022283d78,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +e8e90bc36687f1cccb03ecfd19913a416cb5b35e,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter <= length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +b78b87d20143ccbee180115bfd2770c209ba05d1,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +2c79d20d7fec89c956f4ca3ba9e3e4bd7b0f47fb,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter - 1; + } + return nums; +} +" +1daa9a6c1e14380c0ec08e00a4f2bf26801a20b1,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter - 1; + } + return nums; +} +" +20e0727828155cad57c14489c7c928f257aeedd8,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + i = i + counter; + } + return nums; +} +" +0b0206d0ebbb429d71a804acecc8491d73e13ec5,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; + +} +" +41d39480754f03a8e4851c2c07df0460d56654ff,"public int[] tenRun(int[] nums) +{ + int[] array = new int[nums.length]; + +} +" +d53c02e64c8600b14ae0fbe4bb29ba1e3a296851,"public int[] tenRun(int[] nums) +{ + int multTen = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + multTen = nums[i]; + } + else if(tenMode != -1) + { + nums[i] = multTen; + } + } + return nums; +} +" +8c61db4a82a086c1f429096cacc668a41224f5d2,"public int[] tenRun(int[] nums) +{ + int multTen = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + multTen = nums[i]; + } + else if(multTen != -1) + { + nums[i] = multTen; + } + } + return nums; +} +" +ae09035bf5e10a45bc22fad13fc5023252de6043,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +c556d08459e59d0a162741b7bbb1f59b6655403e,"public int[] tenRun(int[] nums) +{ + int[] array = new int[nums.length]; + boolean ten = false; + + for (int i : nums) + { + if (i = 10) + { + ten = true; + + } + } + + return array; +} +" +4ec14d0352d17432464110129d8be62ba204e026,"public int[] tenRun(int[] nums) +{ + int[] array = new int[nums.length]; + boolean ten = false; + + for (int i : nums) + { + if (i == 10) + { + ten = true; + + } + } + + return array; +} +" +1b0ce6a605f14cf91150a27e09e0717afc87b765,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +83fa482f3efd63c70a55f059d6da8e22d4570d2f,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +c5181a61f8cc85c0c1054ab98136b01aec4b693a,"public int[] tenRun(int[] nums) { + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +}" +3684dfedc4ae55c192f078f41517eb7fd21c412b,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + } + } + return nums; +} +" +35d3bce74f10253e90f8b2a0913b3800a8d77ec0,"public int[] tenRun(int[] nums) +{ + int placeholder = 0; + boolean multipleTen = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + multipleTen = true; + placeholder = nums[i]; + } + else if (multipleTen) + { + nums[i] = placeholder; + } + } +} +" +3456b8064e622b869f6e763a91abfbed21b52ec8,"public int[] tenRun(int[] nums) +{ + int placeholder = 0; + boolean multipleTen = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + multipleTen = true; + placeholder = nums[i]; + } + else if (multipleTen) + { + nums[i] = placeholder; + } + } + return nums; +} +" +49121781573700fa6bd495bd42f40e4de23ad3f7,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && + !(nums[j] % 10 == 0) ; + j++) nums[j] = nums[i]; + } + } + return nums; +} +" +124120737ea60f69b7c9c2f240c4af59ed6314bc,"public int[] tenRun(int[] nums) +{ + int replacer = 10; + for(int n: nums) + { + if(n%10 == 0) + { + replacer = replacer * n/10; + } + else + { + n = replacer; + } + } + return nums; +} +" +d1626f9e2353d7f1a2510b55ffa4a092a44987da,"public int[] tenRun(int[] nums) { + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + + } + } + return nums; + }" +e02ca40c6dee08505e6d932f4ff8254b91ff052a,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i; x < nums.length; x++) + { + nums[x] = nums[i]; + } + } + } + return nums; +} +" +c95ec1906c220570572521ad190cdd78cab7d8d7,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + break; + } + nums[x] = nums[i]; + } + } + } + return nums; +} +" +29e3220e20c4446d1c9fba018bc2bb2b5449bcd7,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + x = nums.length; + } + nums[x] = nums[i]; + } + } + } + return nums; +} +" +0d9c119e3a57daf1aee41ed88f35bb53af7ea046,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + x = nums.length - 1; + } + nums[x] = nums[i]; + } + } + } + return nums; +} +" +2f1fa2b36237c0579e7e8fec9e59dcc174e8e05d,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i - 1; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + x = nums.length - 1; + } + nums[x] = nums[i]; + } + } + } + return nums; +} +" +2390ed7bebcbb398e6b99297f3f7d1e2cb0f8bdf,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + x = nums.length - 1; + } + nums[x] = nums[i]; + } + } + } + return nums; +} +" +5d680b33fb880baa8bb35d498dbac80ad5e85e3e,"public int[] tenRun(int[] nums) +{ + int ten = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != 0) + { + nums[i] = ten; + } + } + return nums; +} +" +cc63cd18f73c5c99c84abd62d01a188c2d4b1aa8,"public int[] tenRun(int[] nums) +{ + int ten = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 0) + { + ten = ten; + } + else if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != 0) + { + nums[i] = ten; + } + } + return nums; +} +" +11d7055cb222048ddfbf77452b55a6d898316e0d,"public int[] tenRun(int[] nums) +{ + int ten = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ten = ten; + } + else if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != 0) + { + nums[i] = ten; + } + } + return nums; +} +" +eb7ed5cfb3d5b7f8e15246e7b8f35427b2697c49,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ten = ten; + } + else if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +e24d21a84b4a4e147ac5632b7a6e63771908e29d,"public int[] tenRun(int[] nums) +{ + int ten = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if (nums[i] == 0) + { + ten = nums[i]; + } + if (ten != 0) + { + nums[i] = ten; + } + } + return nums; +} +" +93a6fc4ac40e4fda288d36319bbf88e6e038fdb1,"public int[] tenRun(int[] nums) +{ + int ten = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ten = nums[i]; + } + else if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != 0) + { + nums[i] = ten; + } + } + return nums; +} +" +c2ef72370862ffea6dae2fbd12c31734f7f5f051,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ten = nums[i]; + } + else if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +83635ba4626b3d546b71f47fdf42315e3a826040,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +afc51c0081756048d028a1fd36aea844fdcca8ff,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + + int index=-1; + for(int i = 0;i= nums.length) + { + return nums; + } + x = nums[i]; + i++; + while (i < nums.length) + { + if (nums[i] % 10 == 0) + { + x = nums[i]; + } + else + { + nums[i] = x; + } + i++; + } + return nums; +} +" +6ddfea191700d65d1f397e90ab47e9c6721ee3eb,"public int[] tenRun(int[] nums) +{ + int[] tens = new int[nums.length]; + int flag = 0; + int multiple = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + flag = 1; + multiple = nums[i]; + } + if (flag == 1) + { + if (nums[i] % 10 == 0) + { + flag = 0; + } + else + { + tens[i] = multiple; + } + } + else + { + tens[i] = nums[i]; + } + return tens; + + +} +" +c450ef3c3ed4c29a9c5cfbdcf7028f3e59414bb1,"public int[] tenRun(int[] nums) +{ + int[] tens = new int[nums.length]; + int flag = 0; + int multiple = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + flag = 1; + multiple = nums[i]; + } + if (flag == 1) + { + if (nums[i] % 10 == 0) + { + flag = 0; + } + else + { + tens[i] = multiple; + } + } + else + { + tens[i] = nums[i]; + } + } + return tens; + + +} +" +1e9909659e1944257161ef08a6d89fd98d9bc343,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + return nums; + +} +" +58ac35627b7350baf5ea7196626669e4240a5d39,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i = nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; + +} +" +3cca8286bdb5218e32386d03468a6e1fdf6a38f2,"public int[] tenRun(int[] nums) +{ + int a; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + a = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + a = nums[i]; + else + nums[i] = a; + i++; + } + + return nums; + +} +" +1c7d2ebcba15df062dc2949feee8ccc95f68fc3e,"public int[] tenRun(int[] nums) { + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +}" +1ad2a1e0e6c2361d0f1d7d51593518cfd59cc27f,"public int[] tenRun(int[] nums) +{ + int num = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + num = nums[i]; + } + else if(num != -1) + { + nums[i] = num; + } + } + return nums; +} +" +9fb8d6b57e67e59ff27fee67eb2e2b617af104b4,"public int[] tenRun(int[] nums) +{ + int div = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + div = nums[i]; + } + else if (div = -1) + { + nums[i] = div; + } + } + + return nums; +} +" +705a2d7bb38807921993e3c1ede88638920d0659,"public int[] tenRun(int[] nums) +{ + int div = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + div = nums[i]; + } + else if (div == -1) + { + nums[i] = div; + } + } + + return nums; +} +" +d904f1396a9f8e3b1e2326031e9b277b8f868c9d,"public int[] tenRun(int[] nums) +{ + int div = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + div = nums[i]; + } + else if (div == -1) + { + nums[i] = div; + } + } + + return nums; +} +" +5a85a1878856007317ff980c09eab30bf73a3187,"public int[] tenRun(int[] nums) +{ + int div = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + div = nums[i]; + } + else if (div != -1) + { + nums[i] = div; + } + } + + return nums; +} +" +1968fa7fd6269a05de01665f638b1420abc57b0c,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +1384276dd2807d60533b4d95ce260076138d2462,"public int[] tenRun(int[] nums) +{ + int val = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + val = nums[i]; + else if(val != -1) + nums[i] = val; + } + return nums; +} +" +88a7db37c1892b0e119fcd9105c6b2eb20f0834d,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + int input; + int value = 0; + + for (int i = 0; i < nums.length; i++) + { + input = nums[i]; + + if (input % 10 == 0 && input > value) + { + value = input; + } + + if (value == 0) + { + result[i] = input; + } + else + { + result[i] = value; + } + } + + return result; +} +" +2ab613317018e535c7c370e1bf3fb0d86c7a9f9b,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + int input; + int value = -1; + + for (int i = 0; i < nums.length; i++) + { + input = nums[i]; + + if (input % 10 == 0 && input > value) + { + value = input; + } + + if (value == -1) + { + result[i] = input; + } + else + { + result[i] = value; + } + } + + return result; +} +" +9f76d6dcd9b2535693a6e5f353a3b6873b84fe9c,"public int[] tenRun(int[] nums) +{ + int i = 0; + int story = 0; + while(i < nums.length && nums[i] % 10 != 0) + i++; + if(i >= nums.length) + return nums; + story = nums[i]; + i++; + while(i < nums.length) + { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + return nums; +} +" +24cd8f410989de760fd42c1c458f7bdf5c72ba4b,"public int[] tenRun(int[] nums) +{ + int i = 0; + int story = 0; + while(i < nums.length && nums[i] % 10 != 0) + i++; + if(i >= nums.length) + return nums; + story = nums[i]; + i++; + while(i < nums.length) + { + if(nums[i] % 10 == 0) + story = nums[i]; + else + nums[i] = story; + i++; + } + return nums; +} +" +49b105fa216612f260d0ce88b043c24ee3a0dbe3,"public int[] tenRun(int[] nums) +{ + int a = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + a = nums[i]; + else if(a != -1) + nums[i] = a; + } + return nums; +} +" +32228e12d854b045d54375b79be900c7e24e18d9,"public int[] tenRun(int[] nums) +{ + int temp = 0; + for ( int i = 0; i < nums.length; i++) + { + if( nums [i] % 10 == 0) + { + temp = nums [i]; + for(int j = i + 1; j < nums.length; j ++) + { + if ( nums [j] % 10 != 0) + { + nums [j] = temp; + } + else + { + break; + } + } + } + } + return nums; +} +" +f3b06f2f434149c28ba7e21dbfb07e023f3ca3ef,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 = 0) + { + for (int j = i; j < nums.length; j++) + { + nums[j] = nums[i]; + } + } + else{} + } + + return nums; +} +" +9bab27164f8037a7d4f0262ee0dac883857982a9,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] - 10 = 0) + { + for (int j = i; j < nums.length; j++) + { + nums[j] = nums[i]; + } + } + else{} + } + + return nums; +} +" +719287aa9e81d0aa87d59ebc10bc4f19c1552c4b,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (0 = nums[i] % 10) + { + for (int j = i; j < nums.length; j++) + { + nums[j] = nums[i]; + } + } + else{} + } + + return nums; +} +" +878a206d3d0152e272dec04e9dcab15f74af2387,"public int[] tenRun(int[] nums) +{ + int mod = nums[i] % 10; + for (int i = 0; i < nums.length; i++) + { + if (mod == 0) + { + for (int j = i; j < nums.length; j++) + { + nums[j] = nums[i]; + } + } + else{} + } + + return nums; +} +" +7fc6241ec83245b076103632b50269c868ab47e1,"public int[] tenRun(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int mod = nums[i] % 10; + + if (mod == 0) + { + for (int j = i; j < nums.length; j++) + { + nums[j] = nums[i]; + } + } + else{} + } + + return nums; +} +" +f48c46ac4a9ae14716753859c1c06ad7e931d098,"public int[] tenRun(int[] nums) +{ + int t = nums.length; + for(int i = 0; i < t;i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; (j < t) && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +ac468ec2afc3f1e89a0cc8c6ee17c10d6b32d320,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + counter = i + 1; + while (counter < length && nums[counter] % 10 != 0) + { + nums[counter] = nums[i]; + counter++; + } + } + } + return nums; +} +" +f6798a5c91f5689812dc397c0f397deb8413bc04,"public int[] tenRun(int[] nums) +{ + int mode = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] & 10 == 0) + { + mode = nums[i] + } + else if (mode != -1) + { + nums[i] = mode; + } + } + return nums; +} +" +e7f410145d08aa7c66e385cd4495eaa092c1b566,"public int[] tenRun(int[] nums) +{ + int mode = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] & 10 == 0) + { + mode = nums[i]; + } + else if (mode != -1) + { + nums[i] = mode; + } + } + return nums; +} +" +9ed625f634099a04e54f14a3089cb48342dd17ff,"public int[] tenRun(int[] nums) +{ + int mode = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + mode = nums[i]; + } + else if (mode != -1) + { + nums[i] = mode; + } + } + return nums; +} +" +2ec0f4ce396221cce7bf7d88577765cf5af7b218,"public int[] tenRun(int[] nums) +{ + int lastNum = -1; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; I++) + { + int cur = nums[i]; + if (cur%10 == 0) + { + lastNum = cur; + } + if (lastNum != -1) + { + newNums[i] = lastNum; + } + else + { + newNums[i] = cur; + } + } + return newNums; +} +" +52abdf97c5cb18438a7b4cf3318c1745b326e016,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +a691f0c1e525f17d0aa477e220ca390cebfe86ce,"public int[] tenRun(int[] nums) +{ + int lastNum = -1; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + int cur = nums[i]; + if (cur%10 == 0) + { + lastNum = cur; + } + if (lastNum != -1) + { + newNums[i] = lastNum; + } + else + { + newNums[i] = cur; + } + } + return newNums; +} +" +e1acefb0b6182d6993a23adeaaebab6a8a834e0c,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +82d687ee993f5b3a8b883ab40683b96b18ea9ebd,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int len = nums.length; + + for (int i = 0; i < len; i++) + { + if (nums[i]%10 != 0 + if (holder == 0) + {} + else + nums[i] = holder; + else + holder = nums[i]; + } + return nums; + + + + + + + + + + + if (nums[i]%10 != 0 && holder == 0) + {} + if (nums[i]%10 == 0)) + holder = nums[i]; + if (nums[i]%10 != 0 && holder != 0)) + nums[i] = holder; + } + return nums; +} +" +1e2784e5f56e7787bc5702f1ebadca7aaa2ce581,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int len = nums.length; + + for (int i = 0; i < len; i++) + { + if (nums[i]%10 != 0 + if (holder == 0) + {} + else + nums[i] = holder; + else + holder = nums[i]; + } + return nums; + + } + return nums; +} +" +513ef5b97a502e3c4c599314d96d2cef16e2aef6,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +} +" +dab19384bc04d79e7fd5f82ec39d39324e59fc24,"public int[] tenRun(int[] nums) +{ + int something = -4; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + something = nums[i]; + } + else if (something != -4) + { + nums[i] = something; + } + } + return nums; +} +" +dd3963c066d9e09cf9de0b96e192e1164abc5f34,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + + { + + if ( nums[i] % 10 == 0) + + { + + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + + } + + } + + return nums; + +} +" +c119379c585c638091670975457561f4390f8274,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +38c7287e74ce3286929010de901e907c43df0117,"public int[] tenRun(int[] nums) +{ + + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + } + } + return nums; +} +" +f01f32ada469855f361abcb36789085db8ecabb1,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while (nums[i] % 10 != 0) + { + result[i] = nums[i]; + i++; + } + multiple = nums[i]; + while (i < length) + { + if (nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + } + i++; + } + return result; +} +" +f3f5cb08d4bc030cde1a11a86674d3d17b9e7ba8,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while (i < nums.length && nums[i] % 10 != 0) + { + i++; + } + if (i >= nums.length) + { + return nums; + } + current = nums[i]; + i++; + + while (i < nums.length) + { + if (nums[i] % 10 == 0) + { + current = nums[i]; + } + else + { + nums[i] = current; + } + i++; + } + return nums; +} +" +23d5505cd1fcefd00dcff5c6469651d33b683b8d,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + i++; + } + multiple = nums[i]; + while (i < length) + { + if (nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + } + i++; + } + return result; +} +" +f631875f745418df21ecba1d9333326ec413f2e0,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + i++; + } + multiple = nums[i]; + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + } + i++; + } + return result; +} +" +375531cba41b1f69039a7e6e55f2ae735d7a2223,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + i++; + } + multiple = nums[i]; + result[i] = multiple; + i++; + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + result[i] = nums[i]; + multiple = nums[i]; + } + i++; + } + return result; +} +" +864ec09853dcfd3fa99462517f3df8952ea9a3ea,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +06085e699a4a550f1ef1fd320b2a8790dd32d7b3,"public int[] tenRun(int[] nums) +{ + int current = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + current = nums[i] + } + if (current != -1) + { + nums[i] = current; + } + } + return nums; +} +" +7f2c383a63e4e39a0b9998cf73742d65cdf543a5,"public int[] tenRun(int[] nums) +{ + int current = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + current = nums[i]; + } + if (current != -1) + { + nums[i] = current; + } + } + return nums; +} +" +68128c5da9e7d19eeacb23f067078ca71a879c30,"public int[] tenRun(int[] nums) +{ + nt tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if(tenMode != -1) + { + nums[i] = tenMode; + } + } + return nums; +} +" +c391967fed3351dd116bc047f5faf1344743e338,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if(ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +9f67316e23c1c5f16d0ab88089e912a78ee867e2,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if(ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +8511faa354bc8ab99364f78af840d7c4cc8aeca3,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +9b32927eb81082e7acd05e8191ccfb448341e18a,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +86c080dc09d711c7e639ff090aba06feb6a11b05,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + } + } + return nums; +} +" +6347456675a1f8eb2ca458062636663b9f3b2c1c,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +f24552c30fe173361e82d9ddac1cbd36220da554,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 = 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 10 != 0) + { + nums[j] = 10; + } + else + { + break; + } + } + } + } + return nums; +} +" +cfe5d4b49392245bddfcf9c58414e4ce00423231,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 10 != 0) + { + nums[j] = 10; + } + else + { + break; + } + } + } + } + return nums; +} +" +f3369ecfbd8fb9275a0d14b96815123693454a29,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 10 != 0) + { + nums[j] = nums[i]; + } + else + { + break; + } + } + } + } + return nums; +} +" +0645f810b4e865861f8eacd808ed9ecbf8772bd8,"public int[] tenRun(int[] nums) +{ + int detr = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + detr = nums[i]; + else if(detr != -1) + nums[i] = detr; + } + return nums; +} +" +ddf9ae5801ed19f2315171d8764a9a95f7fd5555,"public int[] tenRun(int[] nums) +{ + int[] array = new int[nums.length]; + boolean isIt = false; + int i = 0; + int x = 0; + for (int number: nums) + { + if (number % 10 == 0) + { + isIt = true; + x = number; + array[i] = x; + i++; + } + else if (isIt) + { + array[i] = x; + i++; + } + else + { + array[i] = number; + i++; + } + } + return array; + +} +" +b13bb7ae4ca62b468e4d0c91f4f4e921c0e34b9f,"public int[] tenRun(int[] nums) +{ + int mode10 == 99; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + mode10 = nums[i]; + } + else if (mode10 != 99) + { + nums[i] = mode10; + } + } + + return nums; +} +" +ea088e484f0e45c68275835a65e21c503ab268af,"public int[] tenRun(int[] nums) +{ + int mode10 = 99; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + mode10 = nums[i]; + } + else if (mode10 != 99) + { + nums[i] = mode10; + } + } + + return nums; +} +" +f3ec124aecd8666d2b79785439f20c6e3c69e59f,"public int[] tenRun(int[] nums) +{ + int storage = -1; + for (int i = 0; i < nums.length; i++){ + if (nums[i] % 10 == 0){ + storage = nums[i]; + } + else if (storage != -1){ + nums[i] = storage; + } + } + return nums; +} +" +e0b6e41d0d08b8628230028c150feced2dd67428,"public int[] tenRun(int[] nums) +{ + int newNums[nums.length]; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } +} +" +23392b633cfe6436ab651e2be95d07120b3366a4,"public int[] tenRun(int[] nums) +{ + int newNums[nums.length]; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } + return newNums[]; +} +" +3232989930b5b1d5e171947c71b93be8a2cd64a4,"public int[] tenRun(int[] nums) +{ + int[] newNums = [nums.length]; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } + return newNums[]; +} +" +a0ce31efab9cb34b0b90c745d0cd40a0a69b8d99,"public int[] tenRun(int[] nums) +{ + int[] newNums = {nums.length}; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } + return newNums[]; +} +" +819704d55c7e4d5fdc4112e5baa9849aecbce1b8,"public int[] tenRun(int[] nums) +{ + int[] newNums = {nums.length}; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } + return newNums; +} +" +a5e3cb984211181146a22dfd2539e20e62d95ffb,"public int[] tenRun(int[] nums) +{ + int[] newNums = {nums.length}; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } + } + return newNums; +} +" +56ff71ae9f12721b79669127ee61050052817e35,"public int[] tenRun(int[] nums) +{ + int[] newNums = {nums.length - 1}; + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + newNums[x] = nums[x] * 10; + } + else + { + newNums[x] = nums[x]; + } + } + return newNums; +} +" +e58f738b744beff10b126a2864b5296b19dab9fa,"public int[] tenRun(int[] nums) +{ + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (on) + { + nums[x] = nums[x] * 10; + } + } + return nums; +} +" +3328223de14d9095de4e55fdaf70ad0c43ca527c,"public int[] tenRun(int[] nums) +{ + boolean on = false; + for (int x = 0; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (!on) + { + nums[x] = nums[x] * 10; + } + } + return nums; +} +" +3da8b3ba926ec08f2d7434d4c3a2c4f5f79b10ee,"public int[] tenRun(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + int temp = nums[x]; + for (int i = x; i < nums.length; i++) + { + if (nums[i] % 10 != 0) + { + nums[i] = temp; + } + } + } + } + return nums; +}" +240b73e28cb57c515c55ba2588d092ba4ed1a905,"public int[] tenRun(int[] nums) +{ + boolean on = true; + boolean ten = false; + while (nums[x] % 10 != 0) + { + x++ + } + for (; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (!on) + { + nums[x] = nums[x] * 10; + } + } + return nums; +} +" +7daab7b6ebfeb991204484229b66a509d923c5b5,"public int[] tenRun(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 20 || nums[x] == 50) + { + int temp = nums[x]; + for (int i = x; i < nums.length; i++) + { + if (nums[i] != 10 || nums[i] != 20 || nums[i] != 50) + { + nums[i] = temp; + } + } + } + } + return nums; +}" +c2e2a3213afc1b6ec417b22247212cbdf21e3154,"public int[] tenRun(int[] nums) +{ + boolean on = true; + boolean ten = false; + while (nums[x] % 10 != 0) + { + x++; + } + for (; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (!on) + { + nums[x] = nums[x] * 10; + } + } + return nums; +} +" +0f902dc9f3497022ab8f85f6cecf4244c3c97ccf,"public int[] tenRun(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + int temp = nums[x]; + for (int i = x; i < nums.length; i++) + { + if (nums[i] % 10 != 0) + { + nums[i] = temp; + } + } + } + } + return nums; +}" +9bb8886c0c59409e5c9209ca69229314a1f1ba12,"public int[] tenRun(int[] nums) +{ + boolean on = true; + boolean ten = false; + int x = 0; + while (nums[x] % 10 != 0) + { + x++; + } + for (; x < nums.length; x++) + { + on = (nums[x] % 10 == 0); + if (!on) + { + nums[x] = nums[x] * 10; + } + } + return nums; +} +" +cbfc4356e4e6b2daa5b5974eb81735ea886ffcd4,"public int[] tenRun(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + int temp = nums[x]; + for (int i = x; i < nums.length; i++) + { + if (nums[i] % 10 != 0) + { + nums[i] = temp; + } + else + { + break; + } + } + } + } + return nums; +}" +cf7eeeae10ebd7914f3c1fc64e85363f4aa88108,"public int[] tenRun(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] % 10 == 0) + { + int temp = nums[x]; + for (int i = x; i < nums.length; i++) + { + if (nums[i] % 10 != 0) + { + nums[i] = temp; + } + } + } + } + return nums; +}" +79b0ff4e34bf3fcab80e3a57b2a79bddb1b56f7e,"public int[] tenRun(int[] nums) +{ + int mode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + mode = nums[i]; + } + else if(mode != -1) + { + nums[i] = mode; + } + } + return nums; +} +" +8c5ba2ab0d7426f6cb29b466e1c00c27a31d17bf,"public int[] tenRun(int[] nums) +{ + int holder = nums[0]; + int[] finalInt = int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + holder = nums[i]; + } + finalInt[i] = holder; + } + return finalInt; +} +" +83c976e77f34b2b9952c06134c8182be71fb24c6,"public int[] tenRun(int[] nums) +{ + int x = 0; + while (nums[x] % 10 != 0 && x < nums.length) + { + x++; + } + if (x < nums.length) + { + int tempInt = nums[x]; + x++; + + while(x < nums.length) + { + if (nums[x] % 10 == 0) + { + tempInt = nums[i]; + } + else + { + nums[i] = current; + } + x++; + } + } + return nums; +} +" +117fdbea1c864d29b3da6edbf7cadd91d818a1b6,"public int[] tenRun(int[] nums) +{ + int x = 0; + while (nums[x] % 10 != 0 && x < nums.length) + { + x++; + } + if (x < nums.length) + { + int tempInt = nums[x]; + x++; + + while(x < nums.length) + { + if (nums[x] % 10 == 0) + { + tempInt = nums[i]; + } + else + { + nums[x] = current; + } + x++; + } + } + return nums; +} +" +0166bf198a20db8c2c2fe545478ee81151e1bcc5,"public int[] tenRun(int[] nums) +{ + int x = 0; + while (nums[x] % 10 != 0 && x < nums.length) + { + x++; + } + if (x < nums.length) + { + int tempInt = nums[x]; + x++; + + while (x < nums.length) + { + if (nums[x] % 10 == 0) + { + tempInt = nums[x]; + } + else + { + nums[x] = current; + } + x++; + } + } + return nums; +} +" +f866d1ea000beb361ece47834e1d0716066f6721,"public int[] tenRun(int[] nums) +{ + int x = 0; + while (nums[x] % 10 != 0 && x < nums.length) + { + x++; + } + if (x < nums.length) + { + int tempInt = nums[x]; + x++; + + while (x < nums.length) + { + if (nums[x] % 10 == 0) + { + tempInt = nums[x]; + } + else + { + nums[x] = tempInt; + } + x++; + } + } + return nums; +} +" +15bcdb7fb5af0a934fb5ad7c574a0417a68534f9,"public int[] tenRun(int[] nums) +{ + int holder = nums[0]; + int[] finalInt = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + holder = nums[i]; + } + if (holder != 0) + { + finalInt[i] = holder; + } + else + { + finalInt[i] = nums[i]; + } + + } + return finalInt; +} +" +bca383506e43d7f2de80d8e8cf29268b2c3ba342,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int[] finalInt = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + holder = nums[i]; + } + if (holder != 0) + { + finalInt[i] = holder; + } + else + { + finalInt[i] = nums[i]; + } + + } + return finalInt; +} +" +73de313e63369306cd5fc139f1c70df30aa573e5,"public int[] tenRun(int[] nums) +{ + int holder = 0; + int[] finalInt = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + holder = nums[i]; + } + if (holder != 0) + { + finalInt[i] = holder; + } + else + { + finalInt[i] = nums[i]; + } + + } + return finalInt; +} +" +cade6f05e185b1b9abbe02f7cd81c6a3c232aa42,"public int[] tenRun(int[] nums) +{ + int holder = -1; + int[] finalInt = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + holder = nums[i]; + } + if (holder != -1) + { + finalInt[i] = holder; + } + else + { + finalInt[i] = nums[i]; + } + + } + return finalInt; +} +" +a2989afef140379e8b850b1837327ba7824e3c55,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + i++; + } + if (i < length) + { + multiple = nums[i]; + result[i] = multiple; + i++; + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + result[i] = nums[i]; + multiple = nums[i]; + } + i++; + } + } + return result; +} +" +b9725aac8728e21735de45432f45aa33398ed882,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while ((nums[i] < 10 || nums[i] % 10 != 0) && i < length) + { + result[i] = nums[i]; + i++; + } + + multiple = nums[i]; + result[i] = multiple; + i++; + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + result[i] = nums[i]; + multiple = nums[i]; + } + i++; + } + + return result; +} +" +66eacb9f47c51118c7ac388c2db531434da219be,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while ((nums[i] < 10 || nums[i] % 10 != 0) && i < length) + { + result[i] = nums[i]; + i++; + } + if (i < length) + { + multiple = nums[i]; + result[i] = multiple; + i++; + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + result[i] = nums[i]; + multiple = nums[i]; + } + i++; + } + } + return result; +} +" +7b518c3889311a6daaa966a6398cddc6610dd59d,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if(tenMode != -1) + { + nums[i] = tenMode; + } + } + + return nums; +} +" +9fcb651a7feae455adb2b262546676b678cf883c,"public int[] tenRun(int[] nums) +{ + int tenMode = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if(tenMode != -1) + { + nums[i] = tenMode; + } + } + + return nums; +} +" +1f0a9d2e45cb8a317f7b5ad2329da4353d96c728,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if(tenMode != -1) + { + nums[i] = tenMode; + } + } + + return nums; +} +" +cc51dd793f808be614ef1233d918599a72bc116b,"public int[] tenRun(int[] nums) +{ + int[] array = new int[nums.length]; + boolean ten = false; + + for (int i : nums) + { + if (i == 10) + { + ten = true; + + } + } + + return array; +} +" +413bf65c5963d5e7d9422a7887e5e79c11bc8cc1,"public int[] tenRun(int[] nums) +{ + int[] array = new int[nums.length]; + boolean ten = false; + + for (int i : nums) + { + if (i == 10) + { + ten = true; + + } + } + + return array; +} +" +3a4602f69e9d4d1c9ed8b464c96aed78d101f10f,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int i = 0; + int[] result = new int[length]; + int multiple; + while (i < length) + { + while (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + i++; + } + } + if (i < length) + { + multiple = nums[i]; + result[i] = multiple; + i++; + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + result[i] = nums[i]; + multiple = nums[i]; + } + i++; + } + } + return result; +} +" +f1bf7205bea365dc83be1fd68ce5d36312e3bb24,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int i = 0; + int multiple = 0; + + while (multiple == 0 && i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + } + else + { + multiple = nums[i]; + } + i++; + } + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + + return result; +} +" +a6a44d74462fe48d7087705d957ec9dda6c3784b,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int i = 0; + int multiple = 0; + + while (multiple == 0 && i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + + return result; +} +" +a13bc6d5ac94794b413e21203100672816fc9af5,"public int[] tenRun(int[] nums) +{ + boolean found = false; + int val = 0; + + for (int a = 0; a < nums.length; a++) + { + if (nums[a] % 10 == 0) + { + found = true; + val = nums[a]; + } + + if (found) + { + nums[a] = val; + } + } + + return nums; +} +" +cd32d6ec52f5ed72af15b3f0f432ac94892ab45e,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int i = 0; + int multiple = 0; + + while (multiple == 0 && i < length) + { + if (nums[i] < 10 && nums[i] > 0 || nums[i] % 10 != 0) + { + result[i] = nums[i]; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + + return result; +} +" +3fe3bc896b88bce51054641c3b7ab849799e9145,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int i = 0; + int multiple = 0; + + while (multiple == 0 && i < length) + { + if ((nums[i] < 10 && nums[i] > 0) || nums[i] % 10 != 0) + { + result[i] = nums[i]; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + + return result; +} +" +459b287b15d844c946e7755778bbfe2a9e46e7e8,"public int[] tenRun(int[] nums) +{ + int a = 0; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] % 10 == 0 ) { + a = nums[i]; + } + else if ( a != 0 ) { + nums[i] = a; + } + } + return nums; +} +" +df88f0c6f4b177657b4d85a58da76860c4900ca2,"public int[] tenRun(int[] nums) +{ + int a = 1; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] % 10 == 0 ) { + a = nums[i]; + } + else if ( a != 1 ) { + nums[i] = a; + } + } + return nums; +} +" +20a23677c589d285de8950582798b7603dfe9e7d,"public int[] tenRun(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int i = 0; + int multiple = -1; + + while (multiple == -1 && i < length) + { + if ((nums[i] < 10 && nums[i] > 0) || nums[i] % 10 != 0) + { + result[i] = nums[i]; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + while (i < length) + { + if (nums[i] < 10 || nums[i] % 10 != 0) + { + result[i] = multiple; + } + else + { + multiple = nums[i]; + result[i] = multiple; + } + i++; + } + + return result; +} +" +cfcc5f8451430fe668db72305768b0bf34528833,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +a5a2a295dcc9eafa4ecaae55dca32c2e0c7e23a5,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + ten = nums[i]; + else if(ten != -1) + nums[i] = ten; + } + return nums; +} +" +f7c96d453f9b7834dcae0fb6cb054255c1ea1380,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] * 10 == 0) + { + ten = nums[i]; + } + else if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +717fb5a07891df9063432c14c7d9f78855a1de8c,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +f7b7b0ce66aae19035c002837841a5e64f5f9d1c,"public int[] tenRun(int[] nums) +{ + return nums; +} +" +0e63b476ec0137e8dff6b4b010bea807aeaaa652,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +b25391d3d0b23f47546fcfe71b505705fc902d91,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +}" +d855e4a3cd1c04913a8cd4fc394bdd08619e8f1f,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +0740c0ff21770d9c69dc7da06b7b72c7afe288ed,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } +} +" +8e105625fb3680940633e5cb44aa48b6de6378fb,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +e046782305453ea649ae02c3e486239dfc4f3c76,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +43269aa2ccd25942cae98b4b8225bf8cfbca7cdf,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +7cca331e30e1d8b5e31a5a3e69af0401a3f875d7,"public int[] tenRun(int[] nums) +{ +} +" +d7a2d952ab8838aecce878ab790bfc7c269a3716,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +d29f4badd41b672d5cfc269a58ceed26f36b004e,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + arr[i] = nums[i]; + } + return arr; +} +" +31b760de8cdaa75c341c262e54478a2937ec3ad2,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i++; + } + arr[i] = nums[i]; + } + return arr; +} +" +672134d16c16fd98ca80c58b4f80a9d446f0014a,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i++; + } + } + return arr; +} +" +56b30ba0d8342b36c32494ba9afb08d905deed7c,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i++; + } + } + else + arr[i] = nums[i]; + } + return arr; +} +" +98af44e74749a091307b907f80ca304f7b45f394,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0 &&) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i++; + } + } + else + arr[i] = nums[i]; + } + return arr; +} +" +41c83d16791b77029460097a957a4af1f1e0e84c,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0 ) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i++; + } + } + else + arr[i] = nums[i]; + } + return arr; +} +" +68549bf6bdac641acaf47ae21b9066d28cceef1c,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +0efbea6293807a93d89bb5d4ddfc8eb6cffe6c12,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + while (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i++; + } + } + return arr; +} +" +c6db9e56206e566c5c1cc7e0c6eaa8141155211e,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if(tenMode != -1) + { + nums[i] = tenMode; + } + } + return nums; +}" +c68bdc57020f363308367ad384bd17d2b0fe6044,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +d3b2c6e88a8ee1cba7a6c248717712280ff04d3a,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i = i + 2; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +b035f30e3d424b363bf35ac0be175c19e0eea421,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + i = i + 2; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +88942da36de16304256e9d797ea46cdd81965187,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +} +" +2fdae0f249d06dd97c6a6e3f444ff03eb0c51f74,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +97ce2d9f63b61b988b7c0fa35ae4c6184e9eb450,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i+1]; + } + return arr; +} +" +c49d0886f84b14deb53410010b7664080fc7d6e3,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else + arr[i] = nums[i]; + } + return arr; +} +" +a4c182d67f62b06fc51c0953895925d726117aaa,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (nums.length >= 1 && arr[i-1] % 10) + arr[i] = nums[i]; + else + { + arr[i] = numms[i]; + } + } + return arr; +} +" +f161f99b9aef782dabb30aca20167b05a31b89d1,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if ((nums.length >= 1) && (arr[i-1] % 10)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +a0ff5f8d33adee1aad750ab9e0adb9e1222c3247,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + i++; + while (nums[i] % 10 != 0) + { + result[i] = nums[i-1]; + } + } + else + { + result[i] = nums[i]; + } + } + return result; +} +" +86dd97ba3b9d3f43bcf4ff6ab11effe848f18222,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (arr[i-1] % 10) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +bfb6d13eb749b2dcb92965c6ef2a721250d5244a,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if ((nums.length >= 1) && (arr[i-1] % 10 ==0)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +6ddc4b3c5a29b5cb24f5ece177f043147c0f5c9d,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + i++; + while (nums[i] % 10 != 0) + { + result[i] = nums[i-1]; + i++; + } + } + else + { + result[i] = nums[i]; + } + } + return result; +} +" +b2e63a09781e1cd6f833dba8a8132bc3b1b067ab,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if ((arr[i-1] % 10 ==0)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +b53ec31b8c75aa480987846e493f6063e638fc8e,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 0 && (arr[i-1] % 10 ==0)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +287da918dd0101a58027f6ba43d0dfba87a9a9c7,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i-1] % 10 ==0)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +e1f0894c6ec45d94c24aa3fd1814d45337384002,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i-1] % 10 ==0)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +4e4e337704ecc341886d7e00e2ec823595284a71,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + i++; + while (nums[i] % 10 != 0) + { + result[i] = 10; + i++; + } + } + else + { + result[i] = nums[i]; + } + } + return result; +} +" +ce88b32d060b1eecdb4175d2316513db423f50ec,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i] % 10 == 0)) + arr[i] = nums[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +18fe9c640bbc58933c35d5dbb57d2a5f61275fea,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i] % 10 == 0)) + arr[i] = arr[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +29bb0b880a8448961ecdee1be6a4d9e743194116,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int p = i; p % 10 != 0; p++) + { + result[p] = nums[i]; + i = p; + } + + } + else + { + result[i] = nums[i]; + } + } + return result; +} +" +d3893572eb1592fa7b5c160a3b156bc9a985d02b,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int p = i;p < nums.length - 1 && p % 10 != 0; p++) + { + result[p] = nums[i]; + i = p; + } + + } + else + { + result[i] = nums[i]; + } + } + return result; +} +" +85d41a2d0f1e205a84ba7d686f97672a6f93c92a,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i] % 10 == 0)) + arr[i+1] = arr[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +7700d6722f1961e0bcfb03aa7799e5b6d2509252,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i <= nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i] % 10 == 0)) + arr[i+1] = arr[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +8de53ec1cd7f0a434d04bf92fae982041a175c2f,"public int[] tenRun(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length -1; i++) + { + if (nums[i] % 10 == 0 && nums[i+1] % 10 != 0) + { + arr[i] = nums[i]; + arr[i+1] = nums[i]; + } + else if (i >= 1 && (arr[i] % 10 == 0)) + arr[i+1] = arr[i]; + else + { + arr[i] = nums[i]; + } + } + return arr; +} +" +eb40012d4b37cf5da376cf00035ed5e704fcbffc,"public int[] tenRun(int[] nums) +{ + for (int i = -1; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + i++ + } + else + { + nums[i] = 10; + } + } + return nums; +}" +3bd8cdcf18bb556a2c58dea3f267175883258a81,"public int[] tenRun(int[] nums) +{ + for (int i = -1; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + i++; + } + else + { + nums[i] = 10; + } + } + return nums; +}" +9b4e11336a3d1b25305965887c0882e443862057,"public int[] tenRun(int[] nums) +{ + for (int i = -1; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + i++; + } + else + { + nums[i] = 10; + } + } + return nums; +}" +f5a967fdc8faf98433632ae48232fb1685617078,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + i++; + } + else + { + nums[i] = 10; + } + } + return nums; +}" +8adb806a6cbe5ef65ba51fea2a53c46566261274,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + i++; + } + else + { + nums[i] = 10; + } + } + return nums; +}" +125c03bfe8f5704864559cc20bd16853e26be7e5,"public int[] tenRun(int[] nums) +{ + int count = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + count = nums[i]; + } + else + { + nums[i] = count; + } + } + return nums; +}" +53ddb06ce56f6505c541bcb7089edb4c20164a07,"public int[] tenRun(int[] nums) +{ + int count = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + count = nums[i]; + } + else if (count != -1) + { + nums[i] = count; + } + } + return nums; +}" +e834b6df6df715f5d41f7f9692d36791f3ffd9bd,"public int[] tenRun(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + while (i < nums.length) + { + if (nums[i] % 10 == 0) + { + temp = nums[i]; + } + nums[i] = temp; + i++; + } + } + } + return nums; +} +" +06a07d2a3e37da744af31a06dac57040df53105f,"public int[] tenRun(int[] nums) +{ + int tens = -1; + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] % 10 == 0) + { + tens = nums[i]; + } + else if (tens != -1) + { + nums[i] = tens; + } + } + return nums; +} +" +b5697fcd0ef1496c0eef79c1ac3f682bcb45ae87,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +ace7bfd37aaefd374a9c7d13d4adb0add3a5531b,"public int[] tenRun(int[] nums) +{ + int r = 0; + for (int i = 0; i= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +bf00c94390fda641316ed0fea24ff72d11f6f198,"public int[] tenRun(int[] nums) +{ + int ar = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + ar = nums[i]; + else if(ten != -1) + nums[i] = ar; + } + return nums; +} +" +26019732fff24cb4d5f1dbcebfdca972d2742258,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if((nums[i] % 10) == 0) + { + int x = 1; + while((nums[x + i] % 10) != 0) + { + nums[x + i] = nums[i]; + x++; + } + } + + } + return nums; +} +" +352ba6ab0176cf9fa7348a63eb8a4ebf3128e37b,"public int[] tenRun(int[] nums) +{ + int ar = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + ar = nums[i]; + else if(ar != -1) + nums[i] = ar; + } + return nums; +} +" +37d7f2442ff0c2ac3fc67088a02670429c89ee9b,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if((nums[i] % 10) == 0) + { + int x = 1; + while((nums[x + i] % 10) != 0 && i+x < nums.length) + { + nums[x + i] = nums[i]; + x++; + } + } + + } + return nums; +} +" +7f1426b4570611412da7bb2f2b3b01fe0bb1ca88,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if (ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +e5e5f722dc2ba2872463558ac58ff41a7868d651,"public int[] tenRun(int[] nums) +{ + int number; + int i = 0; + + while(j < nums.length && nums[j] % 10 != 0) + i++; + + if(j >= nums.length) + return nums; + + number = nums[j]; + j++; + + while(j < nums.length) { + if(nums[j] % 10 == 0) + number = nums[j]; + else + nums[j] = number; + j++; + } + + return nums; +} +" +1729b4132120b02fa111655c2a7bd36031c3da14,"public int[] tenRun(int[] nums) +{ + int number; + int j = 0; + + while(j < nums.length && nums[j] % 10 != 0) + j++; + + if(j >= nums.length) + return nums; + + number = nums[j]; + j++; + + while(j < nums.length) { + if(nums[j] % 10 == 0) + number = nums[j]; + else + nums[j] = number; + j++; + } + + return nums; +} +" +fe66bda2b4285394dafc54d98e884c9068899689,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) { + { + if(nums[i] % 10 == 0) { + ten = nums[i]; + } + else if(ten != -1) { + nums[i] = ten; + } + } + return nums; + +} +" +a7d831126664d1b66468aff0029bc5fc0571d013,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) { + { + if(nums[i] % 10 == 0) { + ten = nums[i]; + } + else if(ten != -1) { + nums[i] = ten; + } + } + return nums; + } +} +" +0730588a7568fe7c39c4be68bc0dafc815b320aa,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int i = 0; i < nums.length; i++) { + if(nums[i] % 10 == 0) { + ten = nums[i]; + } + else if(ten != -1) { + nums[i] = ten; + } + } + return nums; + +} +" +27f753f46485fd0a2ef104c6463b756cb321c95f,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] % 10 == 0) + + tenMode = nums[i]; + + else if(tenMode != -1) + + nums[i] = tenMode; + + } + + return nums; +} +" +c708e90d06c720b7d68d20d665801cc8010512dc,"public int[] tenRun(int[] nums) +{ + int[] result = new int[nums.length]; + int number = -5; + for(int x = 0;x dVP) + { + newArray[i] = set; + } + } + return newArray; +}" +69a197bbde690db7947c1339297abc5bb01f69e0,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + boolean ten = false; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + int mult = 1; + + if (n % 10 == 0) + { + ten = !ten; + mult = n; + } + else if (ten) + { + ans[i] = mult; + } + else + { + ans[i] = n; + } + } + return ans; +} +" +fd7a8b7d8c0fae200c07dfd13a1f0b0665c0b37c,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int dV; + int dVP; + int l = nums.length; + for(int i = 0; i < l; i++) + { + set = nums[i]; + dV = set / 10; + dVP = 0; + if(dV > dVP) + { + newArray[i] = set; + } + } + return newArray; +}" +8a0484e77857cd52a8461154ca0a81f52ff7b49f,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + boolean ten = false; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + int mult = 1; + + if (n % 10 == 0) + { + ten = !ten; + mult = nums[i]; + } + else if (ten) + { + ans[i] = mult; + } + else + { + ans[i] = n; + } + } + return ans; +} +" +46b9787ff8ebc6c41ab95e327c4ae9740f7b9c97,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + boolean ten = false; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + int mult = 1; + + if (n % 10 == 0) + { + ten = !ten; + ans[i] = n; + mult = n; + } + else if (ten) + { + ans[i] = mult; + } + else + { + ans[i] = n; + } + } + return ans; +} +" +ac08ba4a67415492c7433eba6f6e2eda056e73d3,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + boolean ten = false; + int mult = -1; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + + if (n % 10 == 0) + { + ten = !ten; + ans[i] = n; + mult = n; + } + else if (ten) + { + ans[i] = mult; + } + else + { + ans[i] = n; + } + } + return ans; +} +" +91362441311a2a72536f1c62c75e26673d77696c,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +} +" +b9d2d314fda64b01ab60f86de91d9eea9472d9c2,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +0793560a4d773b8f0b201b2755e175a990da51e7,"public int[] tenRun(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + nums2[i] = nums[i]; + } + else if (i != 0 && nums[i - 1] % 10 == 0) + { + nums2[i] = nums[i - 1]; + } + else + { + nums2[i] = nums[i]; + } + } + return nums2; +} +" +e95ce5454953709e5da1a6bdd3f0066a729009f7,"public int[] tenRun(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + nums2[i] = nums[i]; + } + else if (i != 0 && nums2[i - 1] % 10 == 0) + { + nums2[i] = nums[i - 1]; + } + else + { + nums2[i] = nums[i]; + } + } + return nums2; +} +" +1f6b4e6d5de139e5510e91c936fcf191c1a24340,"public int[] tenRun(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + nums2[i] = nums[i]; + } + else if (i != 0 && nums2[i - 1] % 10 == 0) + { + nums2[i] = nums2[i - 1]; + } + else + { + nums2[i] = nums[i]; + } + } + return nums2; +} +" +998f63c571e67f1be0e3050e4fd82c3d7c0c3058,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + if (nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + } + return nums; +} +" +28b4f2a81de79af9272181312db622318c06f093,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i + 1] != null && nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +c5b23d4c3a13751cf44cac91c035f8a5519509d7,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && (i + 1) => nums.length && nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +4f806c24430e51b37a3262c7895a83a17d3bd925,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && (i + 1 => nums.length) && nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +7c37d00c2be822896de73090c332fffc969b0a16,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && (i + 1 >= nums.length) && nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +6baaf979843f5c0f9b5c030a666ea651e844ba32,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + int tenRun = -1; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + + if (tenRun != -1) + { + if (n % 10 == 0) + { + ans[i] = tenRun; + tenRun = n; + } + else + { + ans[i] = tenRun; + } + } + else + { + ans[i] = n; + } + } + return ans; +} +" +e67327edec9181528dfaf97ffab32f61e2f842ce,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + int tenRun = -1; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + + if (tenRun != -1) + { + if (n % 10 == 0) + { + ans[i] = tenRun; + tenRun = n; + } + else + { + ans[i] = tenRun; + } + } + else + { + if (n % 10 == 0) + { + tenRun = ans[i]; + ans[i] = n; + } + else + { + ans[i] = n; + } + } + } + return ans; +} +" +4c56188b67b297ae6c9afd60227b028bb0851b65,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + int tenRun = -1; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + + if (tenRun != -1) + { + if (n % 10 == 0) + { + ans[i] = tenRun; + tenRun = n; + } + else + { + ans[i] = tenRun; + } + } + else + { + if (n % 10 == 0) + { + tenRun = n; + ans[i] = n; + } + else + { + ans[i] = n; + } + } + } + return ans; +} +" +e28ffc6ce0c31a01214e5c16377d0ae53a1af405,"public int[] tenRun(int[] nums) +{ + int[] ans = new int[nums.length]; + int tenRun = -1; + + for (int i = 0; i < nums.length; i++) + { + int n = nums[i]; + + if (tenRun != -1) + { + if (n % 10 == 0) + { + tenRun = n; + ans[i] = tenRun; + } + else + { + ans[i] = tenRun; + } + } + else + { + if (n % 10 == 0) + { + tenRun = n; + ans[i] = n; + } + else + { + ans[i] = n; + } + } + } + return ans; +} +" +c0385c1f8e1553829f54a17f9842dd21ab51509e,"public int[] tenRun(int[] nums) +{ + int[] penis = new penis[nums.length]; + penis[0] = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && (i + 1 >= nums.length) && nums[i + 1] % 10 != 0) + { + penis[i + 1] = nums[i]; + } + else + { + penis[i] = nums[i]; + } + } + return penis; +} +" +140739bd14992402a8bfa391addbfaf6092ed7e1,"public int[] tenRun(int[] nums) +{ + int[] penis = new int[nums.length]; + penis[0] = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && (i + 1 >= nums.length) && nums[i + 1] % 10 != 0) + { + penis[i + 1] = nums[i]; + } + else + { + penis[i] = nums[i]; + } + } + return penis; +} +" +8730b797a1ba1ba0bc6b40222110d0865e8d751b,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0 && nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +551b26515d782208cb106b201c84235344df14ad,"public int[] tenRun(int[] nums) +{ + int[] ten = new int[nums.length]; + boolean isTen = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int tenMult = nums[i]; + isTen = true; + i++; + + while(isTen) + { + if (nums[i] % 10 == 0) + { + isTen = false; + i--; + } + + else + { + ten[i] = tenMult; + i++; + } + } + } + + else + { + ten[i] = nums[i]; + } + } + return ten; +}" +b831542f1a6dfc23bfbf43e1aaa0be0a28e3c396,"public int[] tenRun(int[] nums) +{ + int[] ten = new int[nums.length]; + boolean isTen = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int tenMult = nums[i]; + isTen = true; + i++; + + while(isTen && i < nums.length) + { + if (nums[i] % 10 == 0) + { + isTen = false; + i--; + } + + else + { + ten[i] = tenMult; + i++; + } + } + } + + else + { + ten[i] = nums[i]; + } + } + return ten; +}" +9d636715b6fc2d0b48093eaa0c9a78fb22607309,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for(int r = 0; r < nums.length; r++) + { + if(nums[r] % 10 == 0) + ten = nums[r]; + else if(ten != -1) + nums[r] = ten; + } + return nums; +} +" +df95165014a4e9d0593f066fe5fcc00ff01baa57,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int dV; + int dVP; + int l = nums.length; + for(int i = 0; i < l; i++) + { + + newArray[i] = nums[i]; + + } + return newArray; +}" +dd636f9ca8f1ecf563d6ec3e2dab72d1c87e3786,"public int[] tenRun(int[] nums) +{ + int item; + int i = 1; + + while(i < nums.length && nums[i] % 10 != 0) + { + i++; + } + + if(i >= nums.length) + { + return nums; + } + + item = nums[i]; + i++; + + while(i < nums.length) + { + if(nums[i] % 10 == 0) + { + item = nums[i]; + } + else + { + nums[i] = item; + } + i++; + } + + return nums; +} +" +e266c9a0943ef3969e9b842c6ce7ab2fc52d4fbc,"public int[] tenRun(int[] nums) +{ + int item; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + { + i++; + } + + if(i >= nums.length) + { + return nums; + } + + item = nums[i]; + i++; + + while(i < nums.length) + { + if(nums[i] % 10 == 0) + { + item = nums[i]; + } + else + { + nums[i] = item; + } + i++; + } + + return nums; +} +" +e3ca0205d988751a8bcc80a617f048d01dfa7c60,"public int[] tenRun(int[] nums) +{ + int[] ten = new int[nums.length]; + boolean isTen = false; + int tenMult = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i] != tenMult) + { + isTen = true; + tenMult = nums[i]; + ten[i] = nums[i]; + } + + else if (isTen) + { + ten[i] = tenMult; + } + + else + { + ten[i] = nums[i]; + } + } + return ten; +}" +265f1f469f36912bddad02dbbd6b2e229eca0a06,"public int[] tenRun(int[] nums) +{ + int[] ten = new int[nums.length]; + boolean isTen = false; + private int tenMult; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i] != tenMult) + { + isTen = true; + tenMult = nums[i]; + ten[i] = nums[i]; + } + + else if (isTen) + { + ten[i] = tenMult; + } + + else + { + ten[i] = nums[i]; + } + } + return ten; +}" +05a742e6efadce9b032c37b1aa4f06433b7369cf,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] / 10 = 0 && nums[i+1] / 10 != 2 ) { + nums[i+1] = 10; + } + } + return nums; +} +" +c3d741869df42da7d6cef40ac09f4b575f6c6977,"public int[] tenRun(int[] nums) +{ + int[] ten = new int[nums.length]; + boolean isTen = false; + int tenMult = -1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && nums[i] != tenMult) + { + isTen = true; + tenMult = nums[i]; + ten[i] = nums[i]; + } + + else if (isTen) + { + ten[i] = tenMult; + } + + else + { + ten[i] = nums[i]; + } + } + return ten; +}" +f0b11eeb08fe0080159ee784bececb71bfbd2d52,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] / 10 == 0 && nums[i+1] / 10 != 2 ) { + nums[i+1] = 10; + } + } + return nums; +} +" +db3f2b5b58759f3bf23604d8941d0fa90786601f,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] / 10 == 0) { + nums[i+1] = 10; + } + } + return nums; +} +" +b7eb2b0b6545b9c9fe9ccf3e66eb58b185e5d218,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] % 10 == 0) { + nums[i+1] = 10; + } + } + return nums; +} +" +60676369d3327ed7ae2cff8c8d781429c6e775fc,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = 1; + pFactor = 0; + set = nums[i]; + if(nums[i] == 10*factor && factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +3776f84c1a0ded25a454d4b2ab77dc48bbf5f53d,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; + +} +" +9504e09097716a3c9a23de326754e401f13144de,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = 1; + pFactor = 0; + set = nums[i]; + if(nums[i] == 10*factor && factor > pFactor) + { + set = 10*factor; + factor++; + } + newArray[i] = set; + } + return newArray; +}" +980ab6668c28a9d0023b7c0d478c0cd203207f33,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +a73f2003dc07646bb77c98dde128da8195cbcbde,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = 1; + pFactor = 0; + set = nums[i]; + if(nums[i] == 0) + { + set = 0; + } + else if(nums[i] == 10*factor && factor > pFactor) + { + set = 10*factor; + factor++; + } + newArray[i] = set; + } + return newArray; +}" +3acb651c0cea1b5437aed5714e9c29d8017477a4,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = nums[i] % 10; + pFactor = 0; + set; + if(nums[i] == 0) + { + set = 0; + } + else if(Factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +f48cfa66750449f1e04b367096b4683c259ddfe2,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = nums[i] % 10; + pFactor = 0; + int set; + if(nums[i] == 0) + { + set = 0; + } + else if(Factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +16fe26e4ec258d9291374592b44c85d427d2d6c1,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = nums[i] % 10; + pFactor = 0; + if(nums[i] == 0) + { + set = 0; + } + else if(factor > pfactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +b818e1d30b8a356797c859541b06486445d8db20,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = nums[i] % 10; + pFactor = 0; + if(nums[i] == 0) + { + set = 0; + } + else if(factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +b78e56dc5034884591e3d4c9cb6e99feebfc3d80,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int set = 0; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + factor = nums[i] % 10; + pFactor = 0; + if(nums[i] == 0) + { + set = 0; + } + else if(factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +3386e87bd4337fb1c12a5b7c1263973dd6108d24,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + int set = nums[i]; + factor = nums[i] % 10; + pFactor = 0; + if(nums[i] == 0) + { + set = 0; + } + else if(factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +0f7936afd2b11c9254cfb9183f68842fc58e0f3a,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + int factor; + int pFactor; + int l = nums.length; + for(int i = 0; i < l; i++) + { + int set = nums[i]; + factor = nums[i] / 10; + pFactor = 0; + if(nums[i] == 0) + { + set = 0; + } + else if(factor > pFactor) + { + set = 10*factor; + } + newArray[i] = set; + } + return newArray; +}" +97eb4750f06267c52b54a246b7cbc64b8399ee69,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +05fa81dc6ec16365cd67c8202b93479ceab0f31b,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +}" +25ff0cbebe2cf7731951113f999e9432e02ab779,"public int[] tenRun(int[] nums) +{ + boolean t = false; + int rep = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + t = !t; + rep = nums[i]; + } + if (t) + { + nums[i] = t; + } + } + return nums; +} +" +1b6a9f385ce2fc9959de99e08fce91f0f7f606f0,"public int[] tenRun(int[] nums) +{ + boolean t = false; + int rep = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + t = !t; + rep = nums[i]; + } + if (t) + { + nums[i] = rep; + } + } + return nums; +} +" +eb9b3df895a941c3acb64f166ec1b27e2d76381d,"public int[] tenRun(int[] nums) +{ + for (int i = 0;i= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +a88646ca77bc4d6aa7e36a041ce2c7580888df84,"public int[] tenRun(int[] nums) +{ + int multiple = -1; +for(int i = 0; i < nums.length; i++) { +if(multiple != -1 && nums[i]%10 != 0) nums[i] = multiple; +if(nums[i]%10 == 0) multiple = nums[i]; +} +return nums; +} +" +35a61e93b21b9782eac324f4e1299cf346417821,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length - 1; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + } + } + } + + return nums; +} +" +87a331d0b690ad01a48575ef537fbbc928271d6f,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + } + } + } + + return nums; +} +" +350c09758855e55820f55a49945389e6ee74c230,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if [nums[x] % 10 == 0] + { + nums[x + peen] = nums[x]; + peen++; + } + } + } + } + + return nums; +} +" +37df4cbc073760b5d8de9437152095d4d0c114da,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[x] % 10 == 0) + { + nums[x + peen] = nums[x]; + peen++; + } + } + } + } + + return nums; +} +" +d1bb762d50224045d39d9caa24c4562c79a4cde1,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + + } + } + } + + return nums; +} +" +2efabec03f1faef8cfc9816c5dadcc1f8762fbfc,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[x] % 10 == 0) + { + i = i + 1; + } + } + } + } + + return nums; +} +" +8362a97afda76fbe38ff6c280ddc43dbffa017b9,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[x] % 10 == 0) + { + i = i + 1; + nums[x+1] = nums[x]; + } + } + } + } + + return nums; +} +" +45c8601323ec4b38e986ab22ea8f52d73c61670b,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[x] % 10 == 0) + { + i = i + 1; + } + } + } + } + + return nums; +} +" +7914a4fe433a4bd32f35db12df6447e55f53630c,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + } + } + return nums; + +} +" +487fc7d9a7a34d396b5571a4b56a218965e94c4f,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +340a965abaf02ecd099374e7db641bea88cfc0b4,"public int[] tenRun(int[] nums) +{ + boolean run = false; + int[] fin = new int[nums.length]; + int temp = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] % 10 == 0) + { + run = true; + temp = nums[i]; + } + if (run) + { + fin[i] = temp; + } + else + { + fin[i] = nums[i]; + } + } + return fin; + + + + +} +" +f300c3316033d29c0150506e776d9d9a8546affd,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +16719baaaff467781e552c7b267c9404d6341520,"public int[] tenRun(int[] nums) +{ + if(nums.length<1) { + return nums; + } + int ind=nums[0]; + for(int i = 0;i= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +3d1cf6ada7d42bcf7c44d05809f841a6c7a7dff7,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int temp = nums[i]; + while (nums[i] % 10 != 0) + { + nums[i] = temp; + i++; + } + } + } + return nums; +}" +1f6c496957fc7dbf5672190b566a6e57b7b41c0b,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int temp = nums[i]; + i++; + while (nums[i] % 10 != 0) + { + nums[i] = temp; + i++; + } + } + } + return nums; +}" +cd9bcd9bb1c8ace2cf66bdd23b2eb40d1235a502,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int temp = nums[i]; + while (nums[i] % 10 != 0) + { + nums[i] = temp; + i++; + } + } + } + return nums; +}" +3778cefd9f0515e6d00121d8648c14567a2ef295,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int temp = nums[i]; + while (nums[i] % 10 != 0 || i == nums.length) + { + nums[i] = temp; + i++; + } + } + } + return nums; +}" +6a623e78b320858b018881a4c447f0285bde0276,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + int temp = nums[i]; + while (nums[i+1] % 10 != 0 || i == nums.length) + { + nums[i] = temp; + i++; + } + } + } + return nums; +}" +eafbd4ffefb702f1e0e8360db3a4a094323c3781,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && i != nums.length) + { + int temp = nums[i]; + i++; + while (nums[i] % 10 != 0 || i == nums.length) + { + nums[i] = temp; + i++; + } + } + } + return nums; +}" +21a218efd5dd817adc2fb40c0b9264be69dcd9ef,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && i != nums.length) + { + int temp = nums[i]; + i++; + while (nums[i] % 10 != 0 || i == nums.length) + { + nums[i] = temp; + i++; + } + } + else if (nums[i] % 10 == 0 && i == nums.length - 1) + { + nums[i + 1] = nums[i]; + } + } + return nums; +}" +4b4fcad292ffcdf6090566117868098d06b1bcab,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && i != nums.length - 1) + { + int temp = nums[i]; + i++; + while (nums[i] % 10 != 0 || i == nums.length) + { + nums[i] = temp; + i++; + } + } + else if (nums[i] % 10 == 0 && i == nums.length - 1) + { + nums[i + 1] = nums[i]; + } + } + return nums; +}" +2e9ec2c42aa6c90923b39479593f8ac48bc2d535,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +381a1dd29c04a98822dbd90f3e07bacdafe152fe,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && i != nums.length - 1) + { + int temp = nums[i]; + i++; + while (nums[i] % 10 != 0 || i == nums.length - 1) + { + nums[i] = temp; + i++; + } + } + else if (nums[i] % 10 == 0 && i == nums.length - 1) + { + nums[i + 1] = nums[i]; + } + } + return nums; +}" +ba1e31cda9a55bc3720d8fa6f59dc7bb95101455,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && i != nums.length - 1) + { + int temp = nums[i]; + i++; + while (nums[i] % 10 != 0 || i == nums.length) + { + nums[i] = temp; + i++; + } + } + else if (nums[i] % 10 == 0 && i == nums.length - 1) + { + nums[i + 1] = nums[i]; + } + } + return nums; +}" +8ea4fa7563ae9a35c581f0ef2be15ecdde5c87f4,"public int[] tenRun(int[] nums) +{ + if (nums.length > 1) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0 && i != nums.length - 1) + { + int temp = nums[i]; + while (nums[i] % 10 != 0) + { + nums[i] = temp; + i++; + } + } + } + return nums; + } + else + { + return nums; + } +}" +cb0e2552b303fc9e600a761e8baaa20e9f7966a9,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + tenMode = nums[i]; + } + else if (tenMode != -1) + { + nums[i] = tenMode; + } + } + return nums; +} +" +0363d51f371270f875aa9e6f387a1d1c9ca7b147,"public int[] tenRun(int[] nums) +{ + int numsLength = nums.length; + int[] tens = new int[numsLength]; + boolean tenTrue = false; + int thisTen = 0; + for (numsCounter = 0; numsCounter < numsLength; numsCounter++) + { + if ((nums[numsCounter] % 10) == 0) + { + thisTen = nums[numsCounter]; + tenTrue = true; + tens[numsCounter] = thisTen; + } + else if (tenTrue = false) + { + tens[numsCounter] nums[numsCounter]; + } + else + { + tens[numsCounter] = thisTen; + } + } + return tens; +} +" +c8368183e6a98c6ffcd0f5e38e26c3f634b794fd,"public int[] tenRun(int[] nums) +{ + int numsLength = nums.length; + int[] tens = new int[numsLength]; + boolean tenTrue = false; + int thisTen = 0; + for (numsCounter = 0; numsCounter < numsLength; numsCounter++) + { + if ((nums[numsCounter] % 10) == 0) + { + thisTen = nums[numsCounter]; + tenTrue = true; + tens[numsCounter] = thisTen; + } + else if (tenTrue == false) + { + tens[numsCounter] nums[numsCounter]; + } + else + { + tens[numsCounter] = thisTen; + } + } + return tens; +} +" +dfb1fe02a3f55d04199fff328aa091cf2b407c72,"public int[] tenRun(int[] nums) +{ + int numsLength = nums.length; + int[] tens = new int[numsLength]; + boolean tenTrue = false; + int thisTen = 0; + for (numsCounter = 0; numsCounter < numsLength; numsCounter++) + { + if ((nums[numsCounter] % 10) == 0) + { + thisTen = nums[numsCounter]; + tenTrue = true; + tens[numsCounter] = thisTen; + } + else if (tenTrue == false) + { + tens[numsCounter] = nums[numsCounter]; + } + else + { + tens[numsCounter] = thisTen; + } + } + return tens; +} +" +480f3f8e8acde86f3333e81872503f49c858d003,"public int[] tenRun(int[] nums) +{ + int numsLength = nums.length; + int[] tens = new int[numsLength]; + boolean tenTrue = false; + int thisTen = 0; + for (int numsCounter = 0; numsCounter < numsLength; numsCounter++) + { + if ((nums[numsCounter] % 10) == 0) + { + thisTen = nums[numsCounter]; + tenTrue = true; + tens[numsCounter] = thisTen; + } + else if (tenTrue == false) + { + tens[numsCounter] = nums[numsCounter]; + } + else + { + tens[numsCounter] = thisTen; + } + } + return tens; +} +" +cd16e58c26ec2087a47f772cdb2a3f913bdd3af3,"public int[] tenRun(int[] nums) +{ + int current = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + current = nums[i]; + } + else if (current != 0) + { + nums[i] = current; + } + } + return nums; +} +" +fc836ca811703b42fa26597b297baf9cda200da2,"public int[] tenRun(int[] nums) +{ + int current = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]%10 == 0) + { + current = nums[i]; + } + else if (current != -1) + { + nums[i] = current; + } + } + return nums; +} +" +6c3ce03515aaa3ae162c83a7c9e7a0b9d3016f81,"public int[] tenRun(int[] nums) +{ + int number = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + number = nums[i]; + else if(tenMode != -1) + nums[i] = number; + } + return nums; +} +" +60ba8e2e227368378931f84a49fc2e4eb0f0664a,"public int[] tenRun(int[] nums) +{ + int number = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + number = nums[i]; + else if(number != -1) + nums[i] = number; + } + return nums; +} +" +7056386e4c1fef1cec7b02e49255c0cca522e896,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +c5e82f62584106978770281d16b96bebc2522f04,"public int[] tenRun(int[] nums) +{ + int now = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + now = nums[i]; + else + { + nums[i] = now; + } + } + return nums; +} +" +9b965bae7318bf403c473c19c6c80e652fe7cfe8,"public int[] tenRun(int[] nums) +{ + int now = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + now = nums[i]; + else if (now != -1) + { + nums[i] = now; + } + } + return nums; +} +" +dc03e6a9755b19662280b3d4b73c419cc969df6b,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int temp = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + temp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) + { + nums[i] = temp; + } + } + return nums; +} +" +b09c5b04de21858625ee10f70af9782b34ba610e,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; + +} +" +bc4be827b1055d3bd3da5b287ee90081079ac8e7,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +} +" +fec07e7abdec923133d80ef6b9a3a54657095c6c,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +19105ca951873b01c14cab6eb181292bb58ede3c,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + if (!replace) + { + replace = true; + multiple = nums[i]; + } + else + { + multiple = nums[i]; + } + } + if (nums[i] % 10 != 0 && replace) + { + nums[i] = multiple; + } + } + return nums; +} +" +a8889e74628b84e1e3a84ca54422a02c8f78c784,"public int[] tenRun(int[] nums) +{ + int x = 0; + boolean bool = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + + } + return nums; +} +" +a2d1e58e6747b463cc5f69bde2ee309172b79f04,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i+1; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + + } + return nums; +} +" +fb3132766f5869b47303560f098b04a771954342,"public int[] tenRun(int[] nums) +{ + int a = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + a = nums[i]; + else if (tenMode != -1) + nums[i] = a; + } + return nums; +} +" +b9b0c79a7cdacdf65201f61dfbe8464d48700fad,"public int[] tenRun(int[] nums) +{ + int a = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + a = nums[i]; + else if (a != -1) + nums[i] = a; + } + return nums; +} +" +69eb9bcdab0f91506849a34feda924799884cc41,"public int[] tenRun(int[] nums) +{ + for(int i = 0;i < nums.length;i++) + { + if (nums[i] % 10 == 0) + { + int j = i + 1; + while(nums[j] % 10 != 0) + { + nums[j] = nums[i]; + j++; + } + } + } + return nums; +} +" +07ffa25754532018c509c8ba1d0598fae519c1b1,"public int[] tenRun(int[] nums) +{ + for(int i = 0;i < nums.length;i++) + { + if (nums[i] % 10 == 0) + { + int j = i + 1; + while(nums[j] % 10 != 0 && j < nums.length) + { + nums[j] = nums[i]; + j++; + } + } + } + return nums; +} +" +ddc1d989dde0dcdd257598414f3a005137c4fc11,"public int[] tenRun(int[] nums) +{ + for(int i = 0;i < nums.length - 1;i++) + { + if (nums[i] % 10 == 0) + { + int j = i + 1; + while(nums[j] % 10 != 0 && j < nums.length) + { + nums[j] = nums[i]; + j++; + } + } + } + return nums; +} +" +815802a7eaf429bc07fa4fcc33a51c8a979fb38f,"public int[] tenRun(int[] nums) +{ + for(int i = 0;i < nums.length;i++) + { + if (nums[i] % 10 == 0) + { + int j = i; + while(nums[j] % 10 != 0 && j < nums.length) + { + nums[j] = nums[i]; + j++; + } + } + } + return nums; +} +" +1b8104c53f8779d48ebcf077012023b9aac706d4,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; + +} +" +d895bb5bb687e0c112470036e523eaf61b2c8ec3,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +0b6ce3824729999b6d568cce18a92dcc10280304,"public int[] tenRun(int[] nums) +{ + +int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +08429ff1da7caba9c10c4bdbf3fa2ce6c7b7cae9,"public int[] tenRun(int[] nums) +{ + if (nums.length < 1) { + return nums; + } + + int runner = nums[0]; + for (int i = 0; i < nums.length; i++) { + if (runner % 10 != 0) { + runner = nums[i]; + } + if (nums[i] % 10 == 0) { + runner = nums[i]; + } + nums[i] = runner; + } + return nums; +} +" +42c630833eb487c114f44722f766944b5629b2fd,"public int[] tenRun(int[] nums) +{ + for(int i = 0;i < nums.length;i++) + { + if (nums[i] % 10 == 0) + { + int j = i + 1; + while(nums[j] % 10 != 0 && j < nums.length) + { + nums[j] = nums[i]; + j++; + } + } + } + return nums; +} +" +a1bc6d3f3ed80741a2ee257fb30539f5bdcb86ea,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +26fdcb177de2fce828305878c6a01ada36f7dff7,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; nums[j] % 10 == 0; j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +e5b3ac63dff0f6fd8663e83689af725862efda30,"public int[] tenRun(int[] nums) +{ + int tenMult = 0; + for(int i = 0; i < nums.length; i++){ + if(tenMult == 0){ + if(nums[i] % 10 == 0 && nums[i] > 0){ + tenMult = nums[i]; + } + } + else{ + if(nums[i] % 10 != 0){ + nums[i] = tenMult; + } + else{ + tenMult = nums[i]; + } + } + + } +} +" +4414b8605bd6773436ab2d1efc33e5d87f9b6743,"public int[] tenRun(int[] nums) +{ + int tenMult = 0; + for(int i = 0; i < nums.length; i++){ + if(tenMult == 0){ + if(nums[i] % 10 == 0 && nums[i] > 0){ + tenMult = nums[i]; + } + } + else{ + if(nums[i] % 10 != 0){ + nums[i] = tenMult; + } + else{ + tenMult = nums[i]; + } + } + + } + return nums; +} +" +fc31f6579d745a5401d4d2c7339096b12f83d1d7,"public int[] tenRun(int[] nums) +{ + int tenMult = 0; + for(int i = 0; i < nums.length; i++){ + if(tenMult == 0){ + if(nums[i] % 10 == 0){ + tenMult = nums[i]; + } + } + else{ + if(nums[i] % 10 != 0){ + nums[i] = tenMult; + } + else{ + tenMult = nums[i]; + } + } + + } + return nums; +} +" +e4cb99de4f89117b30a146626272560b80bd48e1,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +} +} +" +75c26ad0c10b34432dd994535ee956f3b70a4af3,"public int[] tenRun(int[] nums) +{ + int tenMult = -1; + for(int i = 0; i < nums.length; i++){ + if(tenMult == -1){ + if(nums[i] % 10 == 0){ + tenMult = nums[i]; + } + } + else{ + if(nums[i] % 10 != 0){ + nums[i] = tenMult; + } + else{ + tenMult = nums[i]; + } + } + + } + return nums; +} +" +8b55c29a9acdc832d405c1976f335027ce62f81a,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +} +" +b51d2a1ccb7b65b31758e034bc806458ff7a4122,"public int[] tenRun(int[] nums) +{ + int multiple = -1; +for(int i = 0; i < nums.length; i++) { +if(multiple != -1 && nums[i]%10 != 0) nums[i] = multiple; +if(nums[i]%10 == 0) multiple = nums[i]; +} +return nums; + +} +" +6f2e2ce0b3b40a87e2f1c526f079ae2b624f3d7b,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +deb0b3e92560d86d5a3e52c6cf40a223607675f5,"public int[] tenRun(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int j = i + 1; j < nums.length && !(nums[j] % 10 == 0); j++) + { + nums[j] = nums[i]; + } + } + } + return nums; +} +" +b3e6985d25f6df859769f02769f3dfb3628f2d62,"public int[] tenRun(int[] nums) { + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +}" +c78c1d7630254d2c0f87f731ae56b28d02a316a8,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + boolean running = false; + for (int i = 0; i < nums.length; i++) + { + if (num % 10 == 0) + { + current10 = nums[i]; + running = true; + } + else if (running) + { + nums[i] = current10; + } + } + return out; +} +" +6a454e33ce5d94f5e87540a51acaccc8ef01d301,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + boolean running = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + current10 = nums[i]; + running = true; + } + else if (running) + { + nums[i] = current10; + } + } + return out; +} +" +b405179e18a0653cbffb8a5d5168b227d059c8ca,"public int[] tenRun(int[] nums) +{ + int current10 = 0; + boolean running = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + current10 = nums[i]; + running = true; + } + else if (running) + { + nums[i] = current10; + } + } + return nums; +} +" +77ce9b4693bab5865b571b6d60f27a8cc6b33d4d,"public int[] tenRun(int[] nums) +{ + for(int i = 0;i < nums.length;i++) + { + if (nums[i] % 10 == 0) + { + int j = i + 1; + if (j < nums.length) + { + while(nums[j] % 10 != 0 ) + { + nums[j] = nums[i]; + j++; + } + } + } + } + return nums; +} +" +c4358355ab5247da2932c7bc70ef5424d5ae487f,"public int[] tenRun(int[] nums) +{ + int answer = nums[0]; + int count = 0; + + while (count < nums.length && nums[count] % 10 != 0) + { + count++; + } + + count++; + answer = nums[count]; + + for (count = count; count < nums.length; count++) + { + if (nums[count] % 10 == 0) + { + answer = nums[count]; + } + else + { + nums[count] = answer; + } + } + return nums; +} +" +2fc708c446d51289d64d564e211b8cc5cc54ea27,"public int[] tenRun(int[] nums) +{ + int ten=10; + bool startReplace false; + for(int i =0; i= nums.length) + { + return nums; + } + currentOne = nums[i]; + i++; + + while (i < nums.length) + { + if (nums[i] % 10 == 0) + { + currentOne = nums[i]; + } + else + { + nums[i] = currentOne; + } + i++; + } + return nums; +} +" +c3625732c58ca09189c88f739ea05f289c224258,"public int[] tenRun(int[] nums) +{ + boolean lol = false; + int x = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + x = nums[i]; + lol = true; + } + else if (nums[i] % 10 != 0 && lol) { + nums[i] = x; + } + } + return nums; +} +" +2b5b3fc356ad3acc51affe2fe541fd33669f430b,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +064976be3f9a1ca27fdc713515d143a4d845a345,"public int[] tenRun(int[] nums) +{ + boolean r = false; + int num = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + if (!r) + { + r = true; + num = nums[i]; + } + else + { + num = nums[i]; + } + } + if (nums[i] % 10 != 0 && r) + { + nums[i] = num; + } + } + return nums; +} +" +b4f6ef38c49a76669ef337994b63a266937f3b51,"public int[] tenRun(int[] nums) +{ + boolean r = false; + int num = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + if (!r) + { + r = true; + num = nums[i]; + } + else + { + num = nums[i]; + } + } + if (nums[i] % 10 != 0 && r) + { + nums[i] = num; + } + } + return nums; +} +" +685f8f1fcec075b0a3b249795fcc4b6371426e8a,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +b8883f61d739e6aee10bbf411177262da0df0121,"public int[] tenRun(int[] nums) +{ + int target = -1000000; + for(i = 0; i < nums.length) + { + if ((int[i] % 10) == 0) + { + target = int {i}; + } + else + { + if (if target != -1000000) + { + int[i] = target; + } + } + } + return nums; +} +" +ef84f758c06e2a6552dce4286a3bf4b188a6e789,"public int[] tenRun(int[] nums) +{ + int target = -1000000; + for(i = 0; i < nums.length; i++) + { + if ((int[i] % 10) == 0) + { + target = int {i}; + } + else + { + if (if target != -1000000) + { + int[i] = target; + } + } + } + return nums; +} +" +9eb55649382def0bccca97c854dece2154318988,"public int[] tenRun(int[] nums) +{ + int target = -1000000; + for(int i = 0; i < nums.length; i++) + { + if ((int[i] % 10) == 0) + { + target = int {i}; + } + else + { + if (target != -1000000) + { + int[i] = target; + } + } + } + return nums; +} +" +ec6243d5ac0315f92d6b934949a1844cc613365b,"public int[] tenRun(int[] nums) +{ + int target = -1000000; + for(int i = 0; i < nums.length; i++) + { + if ((int[i] % 10) == 0) + { + target = int [i]; + } + else + { + if (target != -1000000) + { + int[i] = target; + } + } + } + return nums; +} +" +f9d8c1646ba82ba2c6fd76e741d03f0b2865d6b3,"public int[] tenRun(int[] nums) +{ + int target = -1000000; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] % 10) == 0) + { + target = nums[i]; + } + else + { + if (target != -1000000) + { + nums[i] = target; + } + } + } + return nums; +} +" +3057f93dd795ef32655021f78bb5d40b971a6979,"public int[] tenRun(int[] nums) +{ + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +18ed7ea46ff98f118581e78ee67a8e2e24796f3f,"public int[] tenRun(int[] nums) +{ + int target = -1000000; + for(int i = 0; i < nums.length; i++) + { + if ((nums[i] % 10) == 0) + { + target = nums[i]; + } + else + { + if (target != -1000000) + { + nums[i] = target; + } + } + } + return nums; +} +" +e87cf99c063e79fc5e046279f35eeefae0a44164,"public int[] tenRun(int[] nums) +{ + int temp = 0; + int i = 0; + while (nums[i] % 10 != 0 && i < nums.length) + { + i++; + } + + temp = nums[i]; + i++; + while ( i < nums.length) + { + if( nums[i] % 10 == 0) + temp = nums[i]; + else + nums[i] = temp; + i++; + } + return nums; + +} +" +f8f74fcb0be719af7ea770ac19c32910e6b0a091,"public int[] tenRun(int[] nums) +{ + int current; + int i = 0; + + while(i < nums.length && nums[i] % 10 != 0) + i++; + + if(i >= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +2dd66aa6eca3d3aa254868acb5ae0df87638648f,"public int[] tenRun(int[] nums) { + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +}" +366f4fbfd3d34cadaf30040f0f950346bece97eb,"public int[] tenRun(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i]%10 == 0) + { + int value = nums[i]; + i++; + while(nums[i]%10 != 0) + { + nums[i] = value; + i++ + } + } + } + return nums; +} +" +676dbf2393423a678d6826d0cac7f849bea6daf7,"public int[] tenRun(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i]%10 == 0) + { + int value = nums[i]; + i++; + while(nums[i]%10 != 0) + { + nums[i] = value; + i++; + } + } + } + return nums; +} +" +d8ed1031f44a18eb5927d451d91f29771cdd72a5,"public int[] tenRun(int[] nums) +{ +for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + } + } + return nums; +} +" +a0b80c24a215d730175ebb9fddbbb3ba0ecb3ce7,"public int[] tenRun(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i]%10 == 0) + { + int value = nums[i]; + i++; + while(nums[i]%10 != 0 && i < len) + { + nums[i] = value; + i++; + } + } + } + return nums; +} +" +6317a88ff2d4a9336aa6efc7f94dfec7b2df78c4,"public int[] tenRun(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i]%10 == 0) + { + int value = nums[i]; + while(nums[i]%10 != 0 && i < len) + { + nums[i] = value; + i++; + } + } + } + return nums; +} +" +0d628a519784ab8f5e9f626cfa86de1abdf04a38,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] % 10 == 0) + { + while(nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; +} +" +d773a8b3a1120e07e597a3ac4479446756bad9eb,"public int[] tenRun(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i]%10 == 0) + { + int value = nums[i]; + i++ + while(nums[i]%10 != 0 && i < len) + { + nums[i] = value; + i++; + } + i--; + } + } + return nums; +} +" +feda721667e8c2f356c6beb4a8b6c7fb8f575711,"public int[] tenRun(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i]%10 == 0) + { + int value = nums[i]; + i++; + while(nums[i]%10 != 0 && i < len) + { + nums[i] = value; + i++; + } + i--; + } + } + return nums; +} +" +d4799b8aa536c5d87fd01babf578d5d9a7695657,"public int[] tenRun(int[] nums) +{ + int[] newArray = new int[nums.length]; + Boolean ten = false; + int num = 0; + for (int i = 0; i < nums.length; i++) + { + if (ten == true) + { + newArray[i] = num; + } + else if (nums[i] % 10 == 0) + { + ten = true; + num = nums[i]; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +c41c5de480996d397992e0c1b9a741fbcc249881,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + return nums; + } +} +" +0d140f5a3f2ae6da94380e8014466dcecc35d356,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 10 == 0) + { + while (nums[i + 1] % 10 != 0) + { + nums[i + 1] = nums[i]; + } + } + } + return nums; +} +" +aeded267e986e12690c57dc4016ac9a894aed5ca,"public int[] tenRun(int[] nums) +{ + Boolean ten = false; + int num = 0; + for (int i = 0; i < nums.length; i++) + { + if (ten == true) + { + nums[i] = num; + } + else if (nums[i] % 10 == 0) + { + ten = true; + num = nums[i]; + } + } + return nums; +} +" +18f776b1f6af22ff09e6cdef2e4fe2ce85448534,"public int[] tenRun(int[] nums) +{ + for(i = 0; i nums.length - 1) + { + nums[x+1] = nums[x]; + i = i + 1; + } + } + } + } + + return nums; +} +" +57d67a06ea7323fcd263a45d3cc9839d6ef30cbe,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[i] % 10 == 0 && nums[x] % 10 == 0 && x > nums.length) + { + nums[x+1] = nums[x]; + i = i + 1; + } + } + } + } + + return nums; +} +" +0c55da65cf316cf7c6b899374115178764684e2d,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[i] % 10 == 0 && nums[x] % 10 == 0) + { + + i = i + 1; + } + } + } + } + + return nums; +} +" +91b4dd1924f2b9548c161645101df2c4623ffe85,"public int[] tenRun(int[] nums) +{ + + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + + } + } + return nums; + +} + + +" +69d7d85312f053736b85949c2a17d2fb753042f3,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[i] % 10 == 0 && nums[x] % 10 == 0) + { + + i = i + 1; + break; + } + } + } + } + + return nums; +} +" +95ce5d7b516b8efcab7c419b6101d9412dcacfb6,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +} +" +127feb26fc2d62d743280494f821a0d30df59e0b,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[i] % 10 == 0 && nums[x] % 10 == 0) + { + + i = i; + break; + } + } + } + } + + return nums; +} +" +b9ff6dd9a649789cc39f4fa58a3c9ac9cf6d51d7,"public int[] tenRun(int[] nums) +{ + for(int i = 0; i < nums.length;i++) + { + if ( nums[i] % 10 == 0) + { + for (int j = i +1; j < nums.length && !(nums[j] % 10 == 0) ; j++) nums[j] = nums[i]; + } + } + return nums; +} +" +bbbd9265eeab1e96977c1906a238b48fc58fb75d,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + + } + } + } + + return nums; +} +" +cc8d3f97bb8d1f96706f6c23b63385942f5ced22,"public int[] tenRun(int[] nums) +{ + int peen = 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[i] % 10 == 0 && nums[x] % 10 != 0) + { + nums[x] = nums[i]; + } + else if (nums[i] % 10 == 0 && nums[x] % 10 == 0) + { + + i = i; + break; + } + } + } + } + + return nums; +} +" +b60abb0911f432ae4dbcd5cc6afbcc388108e82d,"public int[] tenRun(int[] nums) +{ + boolean ten = false; + int x = 0; + for(int i = 0; i= nums.length) + return nums; + + current = nums[i]; + i++; + + while(i < nums.length) { + if(nums[i] % 10 == 0) + current = nums[i]; + else + nums[i] = current; + i++; + } + + return nums; +} +" +37f7903670743e9c9bf2aaff038efd5604e3a02d,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i] + } + else if(ten =! -1) + { + nums[i] = ten; + } + } + return nums; +} +" +5d2ca3784a2c7521b41ec5914e95d59ad70969e2,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if(ten =! -1) + { + nums[i] = ten; + } + } + return nums; +} +" +ed9efeb9c2161a26c0aedfc7e4405f195c4b9f2b,"public int[] tenRun(int[] nums) +{ + int ten = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 10 == 0) + { + ten = nums[i]; + } + else if(ten != -1) + { + nums[i] = ten; + } + } + return nums; +} +" +e60e7cf6279041920363d279feb432e1a42ae334,"public int[] tenRun(int[] nums) +{ + + boolean replace = false; + int multiple = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + if (!replace) { + replace = true; + multiple = nums[i]; + } else + multiple = nums[i]; + } + if (nums[i] % 10 != 0 && replace) nums[i] = multiple; + } + return nums; +} +" +b962f687577952509b46f8364b0ee5520bef4f57,"public int[] tenRun(int[] nums) { + boolean ten = false; + int tmp = 0; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] % 10 == 0) { + tmp = nums[i]; + ten = true; + } + else if (nums[i] % 10 != 0 && ten) { + nums[i] = tmp; + } + } + return nums; +}" +9d5228b0489ac9646276d505a79c00a0ed6cfe1f,"public int[] tenRun(int[] nums) +{ + for(int a = 0; a < nums.length; a++) + { + if(nums[a] % 10 == 0) + { + for (int b = a+1; b < nums.length && !(nums[b] % 10==0); b++) + nums[b] = nums[a]; + } + } + return nums; +} +" +18e40e87778c8a22e5131f911bced0581e772747,"public int[] tenRun(int[] nums) +{ + int tenMode = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + tenMode = nums[i]; + else if(tenMode != -1) + nums[i] = tenMode; + } + return nums; +}" +a2ead6f1b25b17a075b680367082682cd3b6c731,"public int[] withoutTen(int[] nums) +{ + int[] finish = new int[]; + return finish; +} +" +e0460b97714b7fe6b17e1586e69bfce6f2cb98c9,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + + } + return nums; +} +" +ff027ec56856e0e4dba32e31dd5f157052e41f67,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; +} +" +30f30fdf9225c4ccdfbe25e7edd38fb928723f2c,"public int[] withoutTen(int[] nums) +{ + int[] array = nums.length; + return array; +} +" +8db2d95b5928d22fd57b4c7db3fcb10431b57914,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + return array; +} +" +65d11edb790531e8191a3de0081a54ce8e05d171,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[a] = nums[i]; + a++; + } + } + return array; +} +" +58c581df51b9a9ee7e47768f5565983192f640eb,"public int[] withoutTen(int[] nums) +{ + int[] x = new List[]; +} +" +e41c01e4f8255f0bf858651c4fc98983b151dd50,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + for (int x = 0; x < nums.length(); x++) + { + if (int[i] != 10) + { + xx[i].add(nums[i]); + i++; + } + else + { + i++; + } + } + return xx[]; + +} +" +28edccdc5702ccfd49b2ef0c4f0cfe96f971f2df,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + for (int x = 0; x < nums.length(); x++) + { + if (nums[i] != 10) + { + xx[i].add(nums[i]); + i++; + } + else + { + i++; + } + } + return xx[]; + +} +" +dd27ec79e0d8001006c592a38b3ef7b92fd7d775,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + for (int x = 0; x < nums.length(); x++) + { + if (nums[i] != 10) + { + xx[i].add(nums[i]); + i++; + } + else + { + i++; + } + } + return xx; + +} +" +c607142432015472b51e10523bfdc611e50d6e3d,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i].add(nums[i]); + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + xx[nums.length - y - 1].add(0); + } + return xx; + +} +" +01fdbe8e9089a9a565795d2e88b0d6973a230f28,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i].add((int)nums[i]); + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + xx[nums.length - y - 1].add((int)0); + } + return xx; + +} +" +2f78be6a4514826ef696341379021d8e454e7889,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + int xx = nums[i]; + xx[i].add(xx); + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + int xxx = 0; + xx[nums.length - y - 1].add(xxx); + } + return xx; + +} +" +91aa0ada11e6e4326072e8896b6001989059ce69,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + int xxx = nums[i]; + xx[i].add(xxx); + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + int xxxx = 0; + xx[nums.length - y - 1].add(xxxx); + } + return xx; + +} +" +b1bc58d57eb52e51f50a085166d1582798f34873,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + int xxx = nums[i]; + xx[i] = xxx; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + int xxxx = 0; + xx[nums.length - y - 1]= xxxx; + } + return xx; + +} +" +7e95a00cabbd89ba705297e08880c61f4d0e7a5c,"public int[] withoutTen(int[] nums) +{ + int[] xx; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i] = nums[i]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +95e737afdd19f04490c314431ef4511c0e21cd44,"public int[] withoutTen(int[] nums) +{ + int xx[]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i] = nums[i]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +a96583af47e040e9b3d8e38d30f77fd2589445c3,"public int[] withoutTen(int[] nums) +{ + int xx[nums.length]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i] = nums[i]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +f516d68b244f2b4480d1cc51460656d50d15ed07,"public int[] withoutTen(int[] nums) +{ + int[] xx = new int[nums.size]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i] = nums[i]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +8dcd212eda56eb1f65f6c9d0a34b13d69cdd1ff6,"public int[] withoutTen(int[] nums) +{ + int[] xx = new int[nums.length]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + xx[i] = nums[i]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +9af06407f36f9c34de8499c23a7d2397f789de3e,"public int[] withoutTen(int[] nums) +{ + int[] xx = new int[nums.length]; + int i =0; + int c = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + xx[i] = nums[i]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +76736d3b8cbd8e1c385eb6ef13b45929807a3737,"public int[] withoutTen(int[] nums) +{ + int[] xx = new int[nums.length]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 10) + { + xx[i] = nums[x]; + i++; + c++; + } + else + { + i++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +535acc778b0083842c8a9b6f2998325a519fe2a7,"public int[] withoutTen(int[] nums) +{ + int[] xx = new int[nums.length]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 10) + { + xx[i] = nums[x]; + i++; + c++; + } + else + { + x++; + } + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +fa84ead68bd1b43e5e65ae91b1f0067e5be43e81,"public int[] withoutTen(int[] nums) +{ + int[] xx = new int[nums.length]; + int i =0; + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 10) + { + xx[i] = nums[x]; + i++; + c++; + } + + } + for (int y = 0; y < nums.length - c; y++) + { + + xx[nums.length - y - 1]= 0; + } + return xx; + +} +" +b1748bfb3cf409eef171479ebfef1a225a2466fa,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + nums[i] = nums[i+1]; + } + } + return nums; +} +" +c5688f8141a1d78ab6dbfd8b436f0f1c5b81b066,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length - 1; i > 0; i--) + { + if (nums[i] == 10) + { + nums[i - 1] = nums[i1]; + } + } + return nums; +} +" +a601a27f0b0757e0300650e781b128a36d6708c3,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length - 1; i > 0; i--) + { + if (nums[i] == 10) + { + nums[i - 1] = nums[i]; + } + } + return nums; +} +" +cbcbacddd15ea243f1b9e3578464986ec899b27f,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length - 1; i > 0; i--) + { + if (nums[i - 1] == 10) + { + nums[i - 1] = nums[i]; + } + } + return nums; +} +" +1c2b9da74f7c7a2b4ed34c9f9dc9d96be7b4a6a9,"public int[] withoutTen(int[] nums) +{ + int[] end = new int[nums.length]; + int k = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + end[k] = nums[i]; + k++; + } + } + for (int m = k; m < nums.length; m++) + { + end[m] = 0; + } + return end; +} +" +d58b8681b5aa6ba3e4a9d870b4f37aabee3263f5,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + nums.remove(i); + nums.add(0); + } + } + return nums; +} +" +bf2b01b94202a2c4ee427afda3f0422959025f01,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + remove(nums[i]); + nums.add(0); + } + } + return nums; +} +" +b59eaa81df26fdb25830b97974725c7998b42351,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + remove.nums[i]); + nums.add(0); + } + } + return nums; +} +" +3df36464e6e3134a0dac8dcc6bfb486364d06a15,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + remove.nums[i]; + nums.add(0); + } + } + return nums; +} +" +7be8a7c637f8f7139b8f23b148c68065b42df990,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for(int k = i; k < size - 1; k++) + { + nums[k] = nums[k+1]; + } + nums[size-1] = 0; + } + } + return nums; +} +" +297ca83c5d66a44ff6320453a2f0c42d45636f48,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for(int k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + } + nums[size-1] = 0; + } + } + return nums; +} +" +e4f6f61abc6941bfb8ed95ab2af69f85b28407ba,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + bob: + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for(int k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + } + nums[size-1] = 0; + continue bob; + } + } + return nums; +} +" +5ac1b263b61d215be289e5f05a71fc8b6fe7625c,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + int n = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 10) { + n--; + } + else { + out[n] = nums[i]; + } + n++; + } + return out; +} +" +5a2bcfc8a5285bceef1cd0ac4cef6dbac691091c,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + int k = 0; + bob: + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for (k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + } + nums[size-1] = 0; + continue bob; + } + } + return nums; +} +" +6676becc75666691600fbec7924f816775c43617,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + int k = 0; + bob: + for (int i = 0; i < size; i++) + { + john: + if (nums[i] == 10) + { + for (k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + + } + nums[size-1] = 0; + continue john; + } + } + return nums; +} +" +3c1447fa05b75d6168600cb4206caf7118d85c38,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + int k = 0; + bob: + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for (k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + + } + nums[size-1] = 0; + } + } + return nums; +} +" +eb4caa5fe3020feaa4fffb66309bb968d93abb5a,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + int k = 0; + bob: + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for (k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + + } + nums[size-1] = 0; + i = 0; + } + } + return nums; +} +" +21a5316f6cf5f13b05f2b484c2419107b22dcb93,"public int[] withoutTen(int[] nums) +{ + int size = nums.length; + int k = 0; + bob: + for (int i = 0; i < size; i++) + { + if (nums[i] == 10) + { + for (k = i; k < (size - 1); k++) + { + nums[k] = nums[k+1]; + + } + nums[size-1] = 0; + i = -1; + } + } + return nums; +} +" +9c6e942a36f40c5f4d71a675daafe92ac564072b,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +c41963b4479f6067c8a058c212351bc26daaf4ed,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length(); i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums.add(0); + } + } + return nums; +} +" +e13c214326a5037ced78f57ca824e14cff348246,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.size(); i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums.add(0); + } + } + return nums; +} +" +b12e9578885715ebba1c4a76448e936879d7dd44,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums.add(0); + } + } + return nums; +} +" +f9e6710d0de9d1a3ac70e26bd070e4ce3f8bb016,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove(i); + nums.append(0); + } + } + return nums; +} +" +a745a04211d5f4a63f83dcaceeef0f950f446c42,"public int[] withoutTen(int[] nums) +{ + List nu = new ArrayList(); + int adding = 0; + for (int n : nums) + { + if (n != 10) + { + nu.add(n); + } + else + { + adding++; + } + } + for (int i = 0; i < adding; i++) + { + nu.add(0); + } +} +" +e0c43f7e13c9b70789a97c17e246f454f14efc0a,"public int[] withoutTen(int[] nums) +{ + int nu[] = new in[]; + int adding = 0; + for (int n : nums) + { + if (n != 10) + { + nu.add(n); + } + else + { + adding++; + } + } + for (int i = 0; i < adding; i++) + { + nu.add(0); + } +} +" +14243738c8bf631a434e93abdeced90d603b7b56,"public int[] withoutTen(int[] nums) +{ + int nu[] = new in[nums.size()]; + int adding = 0; + for (int n : nums) + { + if (n != 10) + { + nu.add(n); + } + else + { + adding++; + } + } + for (int i = 0; i < adding; i++) + { + nu.add(0); + } +} +" +1eed9d154231dcb5dcfc2a0991da36ee1c65fccf,"public int[] withoutTen(int[] nums) +{ + int nu[] = new int[nums.size()]; + int adding = 0; + for (int n : nums) + { + if (n != 10) + { + nu.add(n); + } + else + { + adding++; + } + } + for (int i = 0; i < adding; i++) + { + nu.add(0); + } + return nu; +} +" +fc5085a47193f6ad3b1e13983cb03be84fc31df2,"public int[] withoutTen(int[] nums) +{ + int nu[] = new int[nums.length()]; + int adding = 0; + for (int n : nums) + { + if (n != 10) + { + nu.add(n); + } + else + { + adding++; + } + } + for (int i = 0; i < adding; i++) + { + nu.add(0); + } + return nu; +} +" +6b98450bb7b0c49e0eae0361610eb40852a2db39,"public int[] withoutTen(int[] nums) +{ + int nu[] = new int[nums.length]; + int adding = 0; + for (int n : nums) + { + if (n != 10) + { + nu.add(n); + } + else + { + adding++; + } + } + for (int i = 0; i < adding; i++) + { + nu.add(0); + } + return nu; +} +" +8c4ab0ca72a40cc270ea6a37df63a95bab2dcd5e,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +35f9fdbfc913a687c8681ef1c928943f1897d2b3,"public int[] withoutTen(int[] nums) +{ + int[] numsNew = new int[nums.length]; + + for ( int i = 0; i < nums.length; i++) + { + if ( nums(i) == 10 ) + { + numsNew[i] = 0; + } + else + { + numsNew[i] = nums[i]; + } + + } + int count = 0; + for ( int i = 0; i < numsNew.length; i++) + { + if ( numsNew(i ) != 0) + { + nums(count ) = numsNew(i); + count++; + + } + else + { + nums(nums.length - 1 - i) = numsNew(i); + + } + + } + + return nums; +} +" +b75a611add5d8f096a744a5a245571e021e19c45,"public int[] withoutTen(int[] nums) +{ + int[] numsNew = new int[nums.length]; + + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == 10 ) + { + numsNew[i] = 0; + } + else + { + numsNew[i] = nums[i]; + } + + } + int count = 0; + for ( int i = 0; i < numsNew.length; i++) + { + if ( numsNew[i] != 0) + { + nums[count ] = numsNew[i]; + count++; + + } + else + { + nums[nums.length - 1 - i] = numsNew[i]; + + } + + } + + return nums; +} +" +073d06fa952550c3cefd94f1a3f01143629d8ca3,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + out.add(nums[i]); + } + } +} +" +77ff0be1b6ba570158caec7b1f55a9e9e8856687,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[p] = nums[i]; + p++; + } + } + return array; +} +" +696d23a65e1b3208c643864492dcd0796a381ff0,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[p] = nums[i]; + p++ + } + } + return array; +} +" +74e2e6ca66ff7e06e13381462c77f5ee0227110d,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[p] = nums[i]; + p++; + } + } + return array; +} +" +cea4919d5958da4120265cec225bca83f3d41c15,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + { + i++; + } + + //update i + + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +017a9815a09ea92e456b165a3f379fb3b47664d7,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + { + i++; + } + + //update i + + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + { + nums[i] = 0; + } + + return nums; +} +" +478295a0572a2682bace86da9850f9725a097466,"public int[] withoutTen(int[] nums) +{ + return nums; +} +" +3ea2e2428be277fd3b8e2985f7c088f20890e5db,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.size; i++) + { + if(nums[i] == 10) + { + nums.remove(i); + } + } + return nums; +} +" +fe6fec4e82f5018dd3ccca8dad46e47bc9166cd4,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + nums.remove(i); + } + } + return nums; +} +" +fed82bfed9b947e7de1ac0717a088bae21b7bc5d,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i numsList = new ArrayList(Arrays.asList(nums)); + for(int i = 0; i < numsList.size; i++) + { + if(numsList[i] == 10) + { + numsList.remove(i); + } + } + return numsList; +} +" +2918fd6f78f14ee66c1a1a5fa2e1bcb1d5de2985,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i 0 && out[last] != 0) + { + last--; + } + out[last] = out[j]; + out[j] = 0; + } + } + return out; +}" +33c8c408db56dd32ca51535aef6edf5a83154892,"public int[] withoutTen(int[] nums) +{ + int counter = nums.length; + int[] ints = new int[counter]; + int k = 0; + for (int i = 0; i < ints.length; i++) + { + if (nums[k] != 10) + { + int temp = nums[i]; + ints[k] = temp; + k++; + } + } + return ints; +} +" +0665689e7bd439f62b7300d8ee0b475c409433b7,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + out[i] = nums[i]; + } + else + { + out[i] = 0; + } + } + + for (int j = 0; j < out.length(); j++) + { + if (out[j] != 0) + { + int last = j; + while (last > 0 && out[last] != 0) + { + last--; + } + out[last] = out[j]; + out[j] = 0; + } + } + return out; +}" +015b744a7eec67f0b017ba4f886dbcc0c9efd7d3,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + out[i] = nums[i]; + } + else + { + out[i] = 0; + } + } + + for (int j = 0; j < out.length; j++) + { + if (out[j] != 0) + { + int last = j; + while (last > 0 && out[last] != 0) + { + last--; + } + out[last] = out[j]; + out[j] = 0; + } + } + return out; +}" +79f3d286d131f14315bf76c53131697ea7474336,"public int[] withoutTen(int[] nums) +{ + int counter = nums.length; + int[] ints = new int[counter]; + int k = 0; + for (int i = 0; i < ints.length; i++) + { + if (nums[i] != 10) + { + int temp = nums[i]; + ints[k] = temp; + k++; + } + } + return ints; +} +" +52da765187bafc48a6d40dcfde108493fad78d59,"public int[] withoutTen(int[] nums) +{ + int tenCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 10) + { + tenCount += 1; + } + } + int[] val = new Int[nums.length - tenCount]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + val[count] = nums[i]; + } + } + return val; +} +" +e1b0736faf96bd2a25e21db515ea12578509a542,"public int[] withoutTen(int[] nums) +{ + int tenCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + tenCount += 1; + } + } + int[] val = new int[nums.length - tenCount]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + val[count] = nums[i]; + } + } + return val; +} +" +bfe423e9adaf29823ebe0cde3ab0dbeb77743ba1,"public int[] withoutTen(int[] nums) +{ + int tenCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + tenCount += 1; + } + } + int[] val = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + val[count] = nums[i]; + } + } + return val; +} +" +53e879044fa19ba992cb171e546ec21e8c4dbaa8,"public int[] withoutTen(int[] nums) +{ + int[] val = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + val[count] = nums[i]; + count += 1; + } + } + return val; +} +" +9f2489dbdaf590471d1ab55bebd88ca6cc4b8d61," public int[] withoutTen(int[] nums) { + int[] newArr = new int[nums.length]; + int nonzero = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + newArr[nonzero++] = nums[i]; + } + } + return newArr; + } +" +872fa089590bf708b430fa8314d93aff70ed84a5,"public int[] withoutTen(int[] nums) +{ + int x = 0; + int[] array = new int [nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[x] = nums[i]; + x++; + } + } + return array; +} +" +90d8297cf022c195a92cc286b12e1401c18c57ef,"public int[] withoutTen(int[] nums) +{ + int[] pi = int[nums.length]; +} +" +59d9047781f1ec8f943511acc57a3b34a58e505e,"public int[] withoutTen(int[] nums) +{ + int[] pi = new int[] {nums}; +} +" +cdd056432db08cb7915d411e953a4ef8e9ec5523,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + + int p = 0; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] != 10) + + { + + arr[p] = nums[i]; + + p++; + + } + + } + + return arr; +} +" +86776fdb13bcf1761b2979ec805393a4824faa64,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int rem = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + array[rem] = nums[i]; + p++; + } + } + return array; +} +" +ca8de059c55eaebc78abf5bdd7e6287a44cb18a3,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int rem = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[rem] = nums[i]; + rem++; + } + } + return array; +} +" +5d2a0b63fb93093e7f19455be7cf86b0c62b8c53,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; nums.length; i+) + { + if (nums[i] == 10) + { + for (int n = i; n < nums.length - i; n++) + { + nums[n] = nums[n + 1]; + nums[nums.length - i] = 0; + } + } + } + + return nums; +} +" +2e371a8cd5ba10229b8b684e5c9870a28abe50f8,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; nums.length; i++) + { + if (nums[i] == 10) + { + for (int n = i; n < nums.length - i; n++) + { + nums[n] = nums[n + 1]; + nums[nums.length - i] = 0; + } + } + } + + return nums; +} +" +43cb93f4d207e4dfee7999e00c58557a2b5fc5f5,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + for (int n = i; n < nums.length - i; n++) + { + nums[n] = nums[n + 1]; + nums[nums.length - i] = 0; + } + } + } + + return nums; +} +" +341520c4cca7a5f9b5b587c13f2f8d54d37fdfbb,"public int[] withoutTen(int[] nums) +{ + int[] newArray; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newArray[i] = nums[i+1]; + numZero++; + i++; + } + else + { + newArray[i] = nums[i]; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +ab1c7fc187b72f970a5fbed650f79c37f173721c,"public int[] withoutTen(int[] nums) +{ + int[] newArray = int[]; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newArray[i] = nums[i+1]; + numZero++; + i++; + } + else + { + newArray[i] = nums[i]; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +05cfa3e94a9445ac39ec428b7926768758622add,"public int[] withoutTen(int[] nums) +{ + int[] newArray = []; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newArray[i] = nums[i+1]; + numZero++; + i++; + } + else + { + newArray[i] = nums[i]; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +467c8de58edbadc6754d7a27f2e50b7e1a231426,"public int[] withoutTen(int[] nums) +{ + int[] newArray = {}; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newArray[i] = nums[i+1]; + numZero++; + i++; + } + else + { + newArray[i] = nums[i]; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +5583e949185a7667b09c21ba119a8c8b0cdfa326,"public int[] withoutTen(int[] nums) +{ + int[] newArray = {}; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + numZero++; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +a8c62e3b14bb823bd7c537d7fb68fc5af278f80d,"public int[] withoutTen(int[] nums) +{ + int[] newArray = {}; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[numZero] = nums[i]; + numZero++; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +279ec805bc91448be4a230947fc7a6b9594b4d50,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int numZero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[numZero] = nums[i]; + numZero++; + } + } + for (int i = numZero; i < nums.length; i++) + { + newArray[i] = 0; + } + + return newArray; +} +" +26ed19a79efaf42f4308f14efe3043825698d503,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + +} +" +51a119f21f2b1d69e5a8024701698bff8c1b70ed,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + } + + return newArray; + +} +" +2438c50f96ea6a27c665e03030984b0557d9c06d,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + else + { + newArray[nums.length-(i+1)] = nums[i]; + } + } + + return newArray; + +} +" +71d95326f045058593f007ae137a537e8b45ae24,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + else + { + newArray[nums.length-(i+1)] = 0; + } + } + + return newArray; + +} +" +3043a9f23c38a656962c61a869d69ebc5ed69f2a,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int j = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[j] = nums[i]; + j++ + } + } + + return newArray; + +} +" +ca4daf76ad5462f5d531324a13d0756fba2322b4,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int j = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[j] = nums[i]; + j++; + } + } + + return newArray; + +} +" +4cc30ace824fa2722908bdbc1922ebfefab1a70d,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length] + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + answer[j] = nums[i]; + j++ + } + } +} +" +068998d151b0b4b2e15f6533559ff912a593ac1f,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length] + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + answer[j] = nums[i]; + j++; + } + } + return answer; +} +" +af7b0468fc4475bfbea98475785291ff4099b0cd,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + answer[j] = nums[i]; + j++; + } + } + return answer; +} +" +b8c3d6fc83a8dd560ce40593410548db485727be,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +5a94cf9da31c7e4709bd0808ebc2986f0f835a27,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums.add(0); + } + } + return nums; +} +" +6c395e5daf347ec99ab5ce8ad206d40479255908,"public int[] withoutTen(int[] nums) +{ + count = 0; + int[] newNums = new Array[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newNums[count] = nums[i]; + count++; + } + } + return newNums; +} + +" +a4b3f951bf99390aefc529d129ae4c8e7d636327,"public int[] withoutTen(int[] nums) +{ + int count = 0; + int[] newNums = new Array[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newNums[count] = nums[i]; + count++; + } + } + return newNums; +} + +" +60d66837a31fda8e281611ec5e39b1fcac965b32,"public int[] withoutTen(int[] nums) +{ + int count = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + newNums[count] = nums[i]; + count++; + } + } + return newNums; +} + +" +4b0b15fa43994224fd5349c520c0f165cac6ba85,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; + +} +" +23f532afd4a0bf715cb02480b9a37cb94e5aa02e,"public int[] withoutTen(int[] nums) +{ + int count = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[count] = nums[i]; + count++; + } + } + return newNums; +} + +" +5176842b0c75dc30f3c637ac013e6c638e6d0fb7,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[count] = nums[i]; + count = count + 1; + } + } + + for (int x = count; x < nums.length; x++) + { + newNums[i] = 0; + } + + return newNums; +} +" +8bd376fcb2c3bb02b8cbd2a69b9542eae6de2409,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[count] = nums[i]; + count = count + 1; + } + } + + for (int x = count; x < nums.length; x++) + { + newNums[x] = 0; + } + + return newNums; +} +" +f6926191776f340966dbb81f06dd7bb41031aba3,"public int[] withoutTen(int[] nums) +{ + int[] ans = new int[nums.length]; + int count = 0; + for(int i = 0 ; ans.length ; i++) + { + if(ans[i] != 10) + { + ans[count] = nums[i]; + count++ + } + } + return ans; + +} +" +ac066ad8bc7aad3971cd607d8141173751358372,"public int[] withoutTen(int[] nums) +{ + int[] ans = new int[nums.length]; + int count = 0; + for(int i = 0 ; ans.length ; i++) + { + if(ans[i] != 10) + { + ans[count] = nums[i]; + count++; + } + } + return ans; + +} +" +bc2d5fd980b9a7ccd1b9e83cff530ba963961525,"public int[] withoutTen(int[] nums) +{ + int[] ans = new int[nums.length]; + int count = 0; + for(int i = 0 ; i holder = new ArrayList(); + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +7cab01dab9aa9edb9d57e7866d3085f8530e36f2,"public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + import java.util.* + List holder = new ArrayList(); + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +d4d1488f49aadc42cafa2f3a869d613b9dd34bdb,"public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + import java.util.*; + List holder = new ArrayList(); + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +93fbb2fe6b7b23d186f9d5aaa37a85857bb971d3,"public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + import java.*; + List holder = new ArrayList(); + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +903782cf749996498d337a0251af21a0c601da00,"public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + //import java.*; + ArrayList holder = new ArrayList(); + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +19f8d71e611364ed86f8772e48e72ef72a74664d,"public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + //import java.*; + List holder = new ArrayList(); + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +0f690d8efb86c0ec5407d2edc7b622e05943311d,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +}" +219dfeeaa86aa88ae6978fbd04193434ede91c14,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + array[p] = nums[i]; + p++; + } + } + return array; +} +" +df4a6b02a469e9a3a7d09c27722a457643f94523,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + + } + else + { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) + { + result[i] = 0; + } + return result; + +} +" +380eb843d9cc4a05f331010bb14a300c12f389bb,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + // nothing + } + else + { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) + { + result[i] = 0; + } + return result; + +} +" +95e56302fcf76c6d9c1bc9218c2248b693a67402,"public int[] withoutTen(int[] nums) +{ + int newPos = 0; + int[] array2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]!=10) + { + array2[newPos] = nums[i]; + } + } + for (int h = j; h < nums.length; h++) + { + array2[h] = 0; + } + return array2; +} +" +d1602b4fed80427709345af899af79d1611832ce,"public int[] withoutTen(int[] nums) +{ + int newPos = 0; + int[] array2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]!=10) + { + array2[newPos] = nums[i]; + newPos = newPos + 1; + } + } + for (int h = newPos; h < nums.length; h++) + { + array2[h] = 0; + } + return array2; +} +" +e391361650c3c80321e28555805b334cc54c7008,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + nums[i] = nums[i+1]; + nums[nums.length - 1] = 0; + i--; + } + } + return nums; +} +" +334de3be1bbd2b47443b7798ade47a28ecd20377,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 10) + { + nums[i] = nums[i+1]; + nums[nums.length - 1] = 0; + i--; + } + } + return nums; +} +" +3fb4a1d0844e45b1856e0ed1b2924bade82ebe6f,"public int[] withoutTen(int[] nums) +{ + int[] num; + int count = 0; + for (int i=0;i 0; z--) + result[z] = 0; + + return result; +} +" +ee54731b2aa75ca8e6b0983efba57f5a8051f8a6,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] result = new int[nums.length]; + int x = 0; + + for (int i = 0; i < len; i++) + { + if (nums[i] == 10) + {} + else + result[x] = nums[i]; + x++; + } + + for (int z = x; z > 0; z++) + result[z] = 0; + + return result; +} +" +9511e79bcc02c8eded41ec247b1a87d2687bab0c,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] result = new int[nums.length]; + int x = 0; + + for (int i = 0; i < len; i++) + { + if (nums[i] == 10) + {} + else + result[x] = nums[i]; + x++; + } + + for (int z = x; z < 0; z++) + result[z] = 0; + + return result; +} +" +e74b9ea584db445c3e848d8315907b77d93efea3,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] result = new int[nums.length]; + int x = 0; + + for (int i = 0; i < len; i++) + { + if (nums[i] == 10) + {} + else + result[x] = nums[i]; + x++; + } + + for (int z = x; z < len; z++) + result[z] = 0; + + return result; +} +" +b0914cdda0a0602ebc91dba0205dc1c3a8856b82,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] result = new int[nums.length]; + int x = 0; + + for (int i = 0; i < len; i++) + if (nums[i] == 10) + {} + else + result[x] = nums[i]; + x++; + for (int i = x; z < len; z++) + result[i] = 0; + + return result; +} +" +6927620d883805b95cdcdd30636d785e76a53fdc,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] result = new int[nums.length]; + int x = 0; + + for (int i = 0; i < len; i++) + if (nums[i] == 10) + {} + else + result[x] = nums[i]; + x++; + for (int i = x; i < len; i++) + result[i] = 0; + + return result; +} +" +0fcfa90c0250bc7708c901bd270dc6dadc61c2dd,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] result = new int[nums.length]; + int x = 0; + + for (int i = 0; i < len; i++) + { + if (nums[i] == 10) + {} + else + { + result[x] = nums[i]; + x++; + } + } + for (int i = x; i < len; i++) + { + result[i] = 0; + } + return result; +} +" +e5d8c72fba9950751c670d000f3874e063a0ff20,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + List temp = new ArrayList; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + temp.add(nums[i]); + } + } + for (int j = 0; j < newNums.length; j++) { + if (j < temp.size()) { + newNums[i] = temp.get(i); + } + else { + newNums[i] = 0; + } + } + return newNums; +} +" +53a6b6d7cf2c9be36296e7e5dd97a7e37d78be27,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + List temp = new ArrayList(); + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + temp.add(nums[i]); + } + } + for (int j = 0; j < newNums.length; j++) { + if (j < temp.size()) { + newNums[i] = temp.get(i); + } + else { + newNums[i] = 0; + } + } + return newNums; +} +" +9fc1e70443118965ea19c833a64f03611eba1332,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + ArrayList temp = new ArrayList(); + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + temp.add(nums[i]); + } + } + for (int j = 0; j < newNums.length; j++) { + if (j < temp.size()) { + newNums[i] = temp.get(i); + } + else { + newNums[i] = 0; + } + } + return newNums; +} +" +0d9ed6c1e074f8ea515500c434d4c934b4c63cff,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) { + if (j < nums.length) { + if (nums[i] == 10) { + i--; + j++; + } + else { + newNums[i] = nums[j]; + j++; + } + } + else { + newNums[i] = 0; + } + } + return newNums; +} +" +c343979bd9977d8fb549a5cd857f4310f86e8065,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) { + if(nums[i] != 10) { + newNums[j] = nums[i]; + j++; + } + } + for (int k = j; k < nums.length; k++) { + newNums[k] = 0; + } + return newNums; +} +" +c4758c0f89e562df1253e91e42969eaddd5759cb,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + int j = 0; + for (i=0;i n = new ArrayLits(); + for(int i=0; i n = new ArrayList(); + for(int i=0; i n = new ArrayList(); + for(int i=0; i n = new ArrayList(); + for(int i=0; i num = new ArrayList(); +} +" +7bc675871a9c10fbf2ab064bbfc2359c3fb6ad87,"public int[] withoutTen(int[] nums) +{ + List num = new ArrayList(); +} +" +ff70958e75b1a01273c5140695b739cb6c603f0b,"public int[] withoutTen(int[] nums) +{ + int[] myArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + myArray[i] = nums[i]; + } + else + { + myArray[i] = 0; + } + } + return myArray; +} +" +ba77d57ede6cdac5024d0758fe1113bca5fee36f,"public int[] withoutTen(int[] nums) +{ + ArrayList num = new ArrayList(); +} +" +dfc14237480fe85f057b7fe05b1a3792416fc5b1,"public int[] withoutTen(int[] nums) +{ + int[] myArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + myArray[i] = 0; + } + else + { + myArray[i] = nums[i]; + } + } + return myArray; +} +" +63d74566ebf7dcca056041571cd7e817e67b005a,"public int[] withoutTen(int[] nums) +{ + ArrayList nnum = new ArrayList() +} +" +d7963d63e7444a8043cbb12d2699f70503298da1,"public int[] withoutTen(int[] nums) +{ + ArrayList nnum = new ArrayList(); +} +" +181f2d3d3ac5d989b5703e7a80c3fdb25da0e09b,"public int[] withoutTen(int[] nums) +{ + ArrayList nnum = new ArrayList(); +} +" +9acf1cec94c0f36c715f9bfb540c4a7e44c5c4b5,"public int[] withoutTen(int[] nums) +{ + //ArrayList nnum = new ArrayList(); + int[] nnum; +} +" +5eb291de6d21e39a1e772ab2e9bea5b7bc99ccd4,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove[i]; + nums.add[0]; + } + } + return nums; +} +" +3abd28820f2a82150897c70db8b4d5c4e6f8a6cd,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove(nums[i]); + nums.add(0); + } + } + return nums; +} +" +eb785d6bfbc384c673e11c295d056597fdc005da,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove(nums.get[i]); + nums.add(0); + } + } + return nums; +} +" +16364becbe01a4fa649000cc92ec76d3b5ed0f07,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove(nums[i]); + nums.add(0); + } + } + return nums; +} +" +a989bc9c7bd042b88364f9be479e06949d343b1e,"public int[] withoutTen(int[] nums) +{ + int[] nnum; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + int temp = nums[i]; + nnum.add(temp); + } + } +} +" +6991b94e4cd03b4b472c84e5d1acc6568be2c36a,"public int[] withoutTen(int[] nums) +{ + int[] nnum; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + Integer temp = nums[i]; + nnum.add(temp); + } + } +} +" +348393c10c4bb41360c90baabf7a9a84262a56d7,"public int[] withoutTen(int[] nums) +{ + int[] nnum; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + //Integer temp = nums[i]; + nnum.add(nums[i]); + } + } +} +" +d63da0e3c11fb46df64cd828a1c0782c225c4ac9,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove(i); + nums.add(0); + } + } + return nums; +} +" +946b460ad946c24fb2b5804801c283753154446b,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = num[i]; + p++ + } + } + return arr; +} +" +258195811080af8a993343af720d28183cc24d57,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = num[i]; + p++; + } + } + return arr; +} +" +8e25187231b41faa51fdf109ca16137236064db3,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +855fcae1a8c71790c90b2e0354e1b670ec2ec94e,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] nums2 = new int[len]; + int tens = 0; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur == 10) + { + tens++; + } + else + { + nums2[tens - 1] = cur; + } + } + for(int i = len-tens; i < len; i++) + { + nums2[i] = 0; + } + return nums2; +} +" +662e7831f5da95bab9f7f81ac3b71b58f6c034a0,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] nums2 = new int[len]; + int tens = 0; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur == 10) + { + tens++; + } + else + { + nums2[i] = cur; + } + } + for(int i = len-tens; i < len; i++) + { + nums2[i] = 0; + } + return nums2; +} +" +b637787211d67cd44eb698ba04ea0ebf3b491cf1,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] nums2 = new int[len]; + int tens = 0; + for (int i = 0; i < len; i++) + { + int cur = nums[i]; + if (cur == 10) + { + tens++; + } + else + { + nums2[i-tens] = cur; + } + } + for(int i = len-tens; i < len; i++) + { + nums2[i] = 0; + } + return nums2; +} +" +07d74a94c9352cc21d558563226857fb93bac1c0,"public int[] withoutTen(int[] nums) +{ +int[] newAry = new int[nums.length]; +int counter = 0; +for (int i = 0; i < nums.length; i++) +{ +if (nums[i] != 10) +{ +newAry[counter++] = nums[i]; +} +} +return newAry; +} +" +7abbda463eb343b91a69e40df57630102a551c7d,"public int[] withoutTen(int[] nums) +{ +int[] newAry = new int[nums.length]; +int counter = 0; +for (int i = 0; i < nums.length; i++) +{ +if (nums[i] != 10) +{ +newAry[counter++] = nums[i]; +} +} +return newAry; +} +" +3cecc52c31b3cc18241d52c8ece04cea2fa69507,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[num.length] + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + count++; + } + else + { + newNums.add(nums[i]); + } + } + for (int j = 0; j < count; j++) + { + newNums.add(0); + } + return newNums; +} +" +593be356977ddb78acf83d18605433a240f5a1ec,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[num.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + count++; + } + else + { + newNums.add(nums[i]); + } + } + for (int j = 0; j < count; j++) + { + newNums.add(0); + } + return newNums; +} +" +d87c327b9b0cdba5152822a493633ea8b4f24000,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + count++; + } + else + { + newNums.add(nums[i]); + } + } + for (int j = 0; j < count; j++) + { + newNums.add(0); + } + return newNums; +} +" +06b8c0f3e343ba3c18198b4a734c3e7c50fe1fd0,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + count++; + } + else + { + newNums[i] == nums[i]; + } + } + for (int j = 0; j < count; j++) + { + newNums.add(0); + } + return newNums; +} +" +dbb2cfc30f0d239c8fe1006ba338d32d8ea0d040,"public int[] withoutTen(int[] nums) +{ + int count = 1; + int zero = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = nums[i+1]; + i--; + count++; + } + } + for (int j = nums.length-1; j > nums.length - count; j++) + { + nums[j] = zero; + } + return nums; +} +" +04953d387fa0acf33d05e7c0fefbd9b24c9aa834,"public int[] withoutTen(int[] nums) +{ + int count = 1; + int zero = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 10) + { + nums[i] = nums[i+1]; + i--; + count++; + } + } + for (int j = nums.length-1; j > nums.length - count; j++) + { + nums[j] = zero; + } + return nums; +} +" +0706746e1c06b8a82085d53863fb539a10c7b2d9,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int s = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 10) + { + newNums[x] = nums[i]; + x++; + } + } + return nums; +} +" +9dce8cf8d8434f0ddb5075e657cba53ce5d6e356,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 10) + { + newNums[x] = nums[i]; + x++; + } + } + return nums; +} +" +cf96ee11245626a6bc7b4c100e2d95ccea147b74,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 10) + { + newNums[x] = nums[i]; + x++; + } + } + return newNums; +} +" +57a036d4641ac8c817798aad0da659c8c8462f5b,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] = nums[i]; + } + } + return array; +} +" +33f0f35d79edbddbb795f72c059945d4cf3bb72a,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[x] = nums[i]; + x++; + } + } + return newNums; +} +" +8015e9e8f4ac4a0c93fd38f577d3dc8922c37a85,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] += nums[i]; + } + + } + return array; +} +" +4a5bf4f68918f9e284f416ac0c238608e022184a,"public int[] withoutTen(int[] nums) +{ + int count10 = 0; + int not10= 0; + int[] toe = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 10) { + toe[not10] = nums[i]; + not10++; + }else{ + toe[nums.length - count10 - 1] = 0; + count10++; + } + } + return toe; +} +" +b98c5e814b9f144af0cde3f8b7b55657f95ec0d2,"public int[] withoutTen(int[] nums) +{ + int[] newNums; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 10) { + newNums[i] = 0; + } + } + return newNums; +} +" +7b5d5eb55a79baf09d4dae4f433d92731ca5e704,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 10) { + newNums[i] = 0; + } + } + return newNums; +} +" +be69360428a432fd767ce93cdeb6528dd9b6edd6,"public int[] withoutTen(int[] nums) +{ + int[] newNums; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 10) { + newNums[i] = 0; + } + } + return newNums; +} +" +41f43378f2b481b3f1c9fd7ba073d48222bcc33a,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 10) { + newNums[i] = 0; + } + } + return newNums; +} +" +ee37ae7ea5ef03f7d4aedd53464e12a8fe36711e,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] += nums[i]; + } + else + { + array[i] += 0; + } + + } + return array; +} +" +a468018188b32b2f3399a9361b503c8f4f0a6cb8,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + newNums[p] = nums[i]; + p++ + } + return newNums; +} +" +a7c4ccc942b8ffb2c185f3a363c6338739fd0ddb,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + newNums[x] = nums[i]; + x++ + } + return newNums; +} +" +e767b29140d61ca3a8c0230833d0c1bc3029f749,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + newNums[x] = nums[i]; + x++; + } + } + return newNums; +} +" +0a0ad121e60ba7caeeff83ed04b72c619860b43b,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[x] = nums[i]; + x++; + } + } + return newArray; +} +" +cc91c88f0687efbcdd8a6cbc5817abf9b52d996d,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + withoutTen[j] = nums[i]; + j++ + } + } + return withoutTen; +} +" +4bc956010eec96bb1a2528d0f2f4972e42864e0d,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + withoutTen[j] = nums[i]; + j++; + } + } + return withoutTen; +} +" +2f493ba7ec10858590dac14a1e7aaa8bb7c57315,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] = nums[i]; + } + else + { + array[i] = 0; + } + + } + return array; +} +" +570ffdca6de130046faa38ec4c5cf05978075040,"public int[] withoutTen(int[] nums) +{ + int[] nums2 = new int[nums.length]; + + return nums2; +} +" +7ca86affe01e4af4b0af5ab491710aefc1b36c02,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] += nums[i]; + } + else + { + array[i] = 0; + } + + } + return array; +} +" +0247cf8635c6edfa2f0f051a4823578005a8b9dd,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length-1]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i+1] = nums[i]; + } + else + { + array[i] = 0; + } + + } + return array; +} +" +f9d25290717bbb8bccab6ee1a006106c87c9a710,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[0] = nums[i]; + } + else + { + array[i] = 0; + } + + } + return array; +} +" +239d63df8977727f828c61cb242a54331ab52605,"public int[] withoutTen(int[] nums) +{ + for(int i=0; i < nums.length; i++) { + for(int j=i+1; j < nums.length; j++) { + if(nums[i] == 10 && nums[j] != 10) { + int temp = nums[i]; + nums[i] = nums[j]; + nums[j] = temp; + } + } + if(nums[i] == 10) nums[i] = 0; + } + + return nums; +} +" +b2ff271b77356cbd2be3f5705a10659dd177266b,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] = nums[i]; + } + else + { + array[i] = 0; + } + + } + for (int j = 0; j < array.length; j++) + { + if (array[j] == 0) + { + array[array.length-1] = array[j]; + } + + } + return array; +} +" +9e1511e8801a5b1f9765e2ee1708e591976a92f1,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + int a = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = a; + } + } + + return nums; +} +" +410479bb48e09bbd0b400d49d193419e7b385a99,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + int a = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = a; + } + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = 0; + } + } + + return nums; +} +" +ebb6696cbb5cf98044839e8fc70c57f9da977c7a,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < array.length; j++) + { + if (nums[i] != 10) + { + array[j] = nums[i]; + } + else + { + array[j] = 0; + } + } + + } + return array; +}" +b4f18771f8b2e74d30031e01faf4a043287b2316,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + int j = i; + while (nums[j] == 10) + { + j++ + } + int a = nums[i]; + nums[i] = nums[j]; + nums[j] = a; + } + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = 0; + } + } + + return nums; +} +" +940d83e2fbb6af07f43db8f158e1ca8ff0231499,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + int j = i; + while (nums[j] == 10) + { + j++; + } + int a = nums[i]; + nums[i] = nums[j]; + nums[j] = a; + } + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = 0; + } + } + + return nums; +} +" +509023b39edf952eb22087b5ca820461cd479a64,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + int j = i; + while (nums[j] == 10 && j < nums.length) + { + j++; + } + int a = nums[i]; + nums[i] = nums[j]; + nums[j] = a; + } + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = 0; + } + } + + return nums; +} +" +035fb05503a952868465a6509b79fde741419220,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + int nonzero = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + newArr[nonzero++] = nums[i]; + } + } + return newArr; +} +" +b70b598316bbbed70a0749f7862b5d0446bb6c5b,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < array.length; j++) + { + if (nums[i] != 10) + { + array[j] = nums[i]; + break; + } + else + { + array[j] = 0; + break; + } + } + + } + return array; +}" +c6d7ecf3925f6900820d63597adbcebfe27d0d9f,"public int[] withoutTen(int[] nums) +{ + int j = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + j = i; + while (nums[j] == 10 && j < nums.length) + { + j++; + } + int a = nums[i]; + nums[i] = nums[j]; + nums[j] = a; + j = 0; + } + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = 0; + } + } + + return nums; +} +" +fbaa11b3951fcc536cbe23e9a38ef3fecae67168,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < array.length; j++) + { + if (nums[i] != 10) + { + array[j] = nums[i]; + break; + } + else + { + array[j] = 0; + } + } + + } + return array; +}" +0835cfde4073fefd5c76d64c27e8f646ef33c880,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums.remove[i]; + nums.add(0) + } +} +" +a647fbd7ae8433596c0a2d0ddf911debe63f4b76,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + delete nums[i]; + nums.add(0); + } + } + return nums; +} +" +9c6d962365726703d77f465c256b647666bef0aa,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + delete nums[i]; + nums.add(0); + } + } + return nums; +} +" +7c9a7bc10ef9dce7a290af3798753435b30dfb18,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + + return arr; + +} +" +da5f26f459698f3105bd48b3c509a2646143f768,"public int[] withoutTen(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length(); i++) + { + if (nums[i] != 10) + { + newList[i].add(i, nums[i]); + } + } + return newList; +} +" +18499227f9a7a7cda68f38c1a89fa33c148ce205,"public int[] withoutTen(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newList[i].add(i, nums[i]); + } + } + return newList; +} +" +127eb6e7933cfcb9b89ac4ce7334569dcdeada6a,"public int[] withoutTen(int[] nums) +{ + int[] newList = new int[nums.length]; + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newList[index] = nums[i]; + index++; + } + } + return newList; +} +" +fdf4c13afaa20893b394f53086401a4b6a1d47dc,"public int[] withoutTen(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + count = count + 1; + for (int j = i; j < (nums.length - count); j++) + { + nums[i] = nums[i + 1]; + nums[nums.length - count] = 0; + } + } + } + return nums; +} +" +57289adc6480d1543b4986f5478a33c46cc98472,"public int[] withoutTen(int[] nums) +{ + int[] nums2 = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + nums2[j] = nums[i]; + j++; + } + } + return nums2; +} +" +9b929a904996fc99087b5f0db737d977bab411ea,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int x = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[x] = nums[i]; + x++; + } + } +} +" +c6ac6a450f3513d211e87d449d0a82fe09412a72,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int x = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[x] = nums[i]; + x++; + } + } + return arr; +} +" +d5574c825edac4e290b0528ebe8efa114181fa62,"public int[] withoutTen(int[] nums) +{ + int[] ans = new int[nums.length]; + int j=0; + for (int i = 0; i 0) + { + array[end] = nums[j]; + } + } + return array; +} +" +9184e7916c1145356b5fa90db77821f528c41844,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i 0) + { + array[i] = nums[j]; + } + } + } + return array; +} +" +c23bd1cd0681cd4ba7be2c103c45e871b28af4db,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int count = 0; + for (int i = 0; i result = new ArrayList(); + + return result; +} +" +718fd4ae30e76b114059a743ee07abdd2b448dbb,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int zero = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[zero] = nums[i]; + zero++; + } + } + + return result; +} +" +3915f63e88eb339ebf040e7de5470dea53de8f1f,"public int[] withoutTen(int[] nums) +{ + int[] fresh = nums; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + fresh[i].remove(); + } + } + return fresh; +} +" +6f7f8c20e3f3e31ebd362a2ea8edfd0060a9ff10,"public int[] withoutTen(int[] nums) +{ + int[] fresh = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + fresh[i] = nums[i]; + } + } + return fresh; +} +" +f7d94449225a0b57a1b7c340ba7c4343d436f9ce,"public int[] withoutTen(int[] nums) +{ + int[] fresh = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + fresh[i] = nums[i]; + } + } + return fresh; +} +" +08fd380e84d80468b6e88fa1d68cc1b5c8ea5f2c,"public int[] withoutTen(int[] nums) +{ + int[] fresh = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + fresh[i] = nums[i + 1]; + } + else + { + fresh[i] = nums[i]; + } + } + return fresh; +} +" +16c5a5b5ae73f6d754d60ea1242587d278891ab4,"public int[] withoutTen(int[] nums) +{ + int[] fresh = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + fresh[i] = nums[i]; + } + } + return fresh; +} +" +82c6e5b888dfaf1f936730ab09c342861fd1ff02,"public int[] withoutTen(int[] nums) +{ + for (int num : nums) + { + if (num == 10) + { + num.remove(); + num.add(0); + } + } + + return nums; +} +" +93e8dbff6aeaf95fdd76c01e5b94840559d1f8ae,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nnums.length; i++) { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } +} +" +d7dc97f16c8bf0916743139988d3588b8ab4411f,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nnums.length; i++) { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +0e2715b73d4943605ebb70391b34721422049d07,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +1c583a3271b0d77557a720d31cc453eb7073779c,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length() - 1; i >= 0; i--) + { + if (nums[i] == 10) + { + num[i] = 0; + for (int j = nums.length(); j > i; j++) + { + if (num[j] != 0) { + int temp = nums[j]; + nums[j] = 0; + nums[i] = temp; + } + } + + } + + } + + return nums; +} +" +5869189076403afe7d755d556f91d4beb8cfbd54,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 10) + { + num[i] = 0; + for (int j = nums.length; j > i; j++) + { + if (num[j] != 0) { + int temp = nums[j]; + nums[j] = 0; + nums[i] = temp; + } + } + + } + + } + + return nums; +} +" +c9ed179dd99930be33d7ca03c16791a67d3277ba,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 10) + { + nums[i] = 0; + for (int j = nums.length; j > i; j++) + { + if (nums[j] != 0) { + int temp = nums[j]; + nums[j] = 0; + nums[i] = temp; + } + } + + } + + } + + return nums; +} +" +6f002bcf6f8eade451cdf51b44eb5d612b8375b8,"public int[] withoutTen(int[] nums) +{ + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 10) + { + nums[i] = 0; + for (int j = nums.length - 1; j > i; j++) + { + if (nums[j] != 0) { + int temp = nums[j]; + nums[j] = 0; + nums[i] = temp; + } + } + + } + + } + + return nums; +} +" +aea332bce27ba00626f8b9b4ca77cdafc418254b,"public int[] withoutTen(int[] nums) +{ + int[] newNums = int[nums.length]; + for(int number : nums) + { + int i = 0; + if(number!=10) + { + newNums[i] = number; + } + i++; + } + for(int j = newNums - 1; j < nums.length(); j++) + { + newNums[j] = 0 + } + return newNums; +} +" +b45e8fb3afa370ed2855163820317d094c466c1e,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + for(int number : nums) + { + int i = 0; + if(number!=10) + { + newNums[i] = number; + } + i++; + } + for(int j = newNums - 1; j < nums.length(); j++) + { + newNums[j] = 0; + } + return newNums; +} +" +271e42dd3569fe4d5d07046690a587e545fc5b35,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + for(int number : nums) + { + int i = 0; + if(number!=10) + { + newNums[i] = number; + } + i++; + } + for(int j = newNums.lentgh - 1; j < nums.length(); j++) + { + newNums[j] = 0; + } + return newNums; +} +" +85169821b7c24ceea7ee1645d1220d3eee04c06c,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + for(int number : nums) + { + int i = 0; + if(number!=10) + { + newNums[i] = number; + } + i++; + } + for(int j = newNums.length - 1; j < nums.length(); j++) + { + newNums[j] = 0; + } + return newNums; +} +" +aedcb00b44308d254503970ce39ae2660e147bf6,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + for(int number : nums) + { + int i = 0; + if(number!=10) + { + newNums[i] = number; + } + i++; + } + for(int j = newNums.length - 1; j < nums.length; j++) + { + newNums[j] = 0; + } + return newNums; +} +" +695b51415c0c37f1ab60d72a686df9335a61fb1f,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + for(int number : nums) + { + int i = 0; + if(number!=10) + { + newNums[i] = number; + i++; + } + } + for(int j = newNums.length - 1; j < nums.length; j++) + { + newNums[j] = 0; + } + return newNums; +} +" +73917ca95442ba5cbe45a7018f55218943c8be83,"public int[] withoutTen(int[] nums) +{ + if (nums[nums.length - 1] == 0) { + nums[nums.length - 1] = 0; + } + + for (int i = 0; i < nums.length - 1; i++) { + for (int j = 0; j < nums.length - 1; j++) { + + + if (nums[j] == 10) { + nums[j] = 0; + } + + + if (nums[j] == 0 && nums[j + 1] != 0) + { + nums[j] = nums[j + 1]; + nums[j + 1] = 0; + } + + } + + } + + return nums; +} +" +2784b4c773b4357840c4135a301d66200da62a51,"public int[] withoutTen(int[] nums) +{ + if (nums.length > 0) + { + if (nums[nums.length - 1] == 10) { + nums[nums.length - 1] = 0; + } + + for (int i = 0; i < nums.length - 1; i++) { + for (int j = 0; j < nums.length - 1; j++) { + + + if (nums[j] == 10) { + nums[j] = 0; + } + + + if (nums[j] == 0 && nums[j + 1] != 0) + { + nums[j] = nums[j + 1]; + nums[j + 1] = 0; + } + + } + + } + } + + return nums; +} +" +4de930577c7d2980d248c97b6a3d17372cb454a3,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +9b03d5cb55b35919e3464d3ea187cc5c13c41511,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + { + i++; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + } + + for( ; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +cec2aaea108df4c6ce7b2d57870d234329247846,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + { + i++; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for( ; i < nums.length; i++) + { + nums[i] = 0; + } + } + return nums; +} +" +e6ef0dd69a8d0d98ffebf97a35e526513019fb71,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +0fdee2191dc8b87e764e097b97d03076c8edc45f,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +69c2dc36ef6335973eba2720ade3723057bcb39f,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int tens = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) + newArray[i] = nums[i]; + else + tens++; + for (int i = nums.length - tens; i < nums.length; i++) + newArray[i] = 0; + return newArray; + + +} +" +e9845dfd15486a82427d84b868db843effae9e28,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int tens = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) + newArray[i] = nums[i]; + else + tens++; + for (int i = nums.length - tens + 1; i < nums.length; i++) + newArray[i] = 0; + return newArray; + + +} +" +85c93e8a934b5d13a4785440d1b6d09a3b23e00a,"public int[] withoutTen(int[] nums) +{ + int[] newnums = new ArrayList[nums.length](); + for (int number : nums) + { + if (number != 10) + { + + } + } + return newnums; +}" +d700252423aa3ba67dbcbc8b06bbdca59eef4083,"public int[] withoutTen(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int number : nums) + { + if (number != 10) + { + + } + } + return newnums; +}" +6e349b6501e6b8e430bb61f47bcee1290d4017fc,"public int[] withoutTen(int[] nums) +{ + int[] newnums = new int[nums.length]; + int place = 0; + for (int number : nums) + { + if (number != 10) + { + newnums[place] = number; + ++place; + } + } + while (place < nums.length) + { + newnums[place] = 0; + ++place; + } + return newnums; +}" +b847509a44ab707b1f42a798fd25db4f6d51ff7a,"public int[] withoutTen(int[] nums) +{ + int[] newnum = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newnum.add(nums[i]); + } + } + return newnum; +} +" +dd0f9a1b67f848255bee9a29fa372faf44836f37,"public int[] withoutTen(int[] nums) +{ + int[] newnum = new int[1]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newnum.add(nums[i]); + } + } + return newnum; +} +" +0cc5ca415933d0d366c20395a5fde455785584ba,"public int[] withoutTen(int[] nums) +{ + int[] newnum = new int[4]; + int position = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newnum[position] = (nums[i]); + position++; + } + } + while (position < 4) + { + newnum[position] = 0; + position++; + } + return newnum; +} +" +d84667d11a1e0bfda12988bbb68e4b988eede236,"public int[] withoutTen(int[] nums) +{ + int[] newnum = new int[nums.length]; + int position = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newnum[position] = (nums[i]); + position++; + } + } + while (position < nums.length) + { + newnum[position] = 0; + position++; + } + return newnum; +} +" +2748c0abf98efdbeaa0abe301ed6783c55561c56,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int tens = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + newArray[i] = nums[i]; + else + tens++; + } + for (int i = nums.length - tens + 1; i < nums.length; i++) + newArray[i] = 0; + return newArray; + + +} +" +0b53560a7b799f8bddc21385c97217c4f3142b5c,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int tens = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + newArray[i - tens] = nums[i]; + else + tens++; + } + for (int i = nums.length - tens + 1; i < nums.length; i++) + newArray[i] = 0; + return newArray; + + +} +" +70f63d446d15790b1dbd24ff044f407537d60fd6,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[]; + +} +" +5a8513e28589ecc16a5238263e3e6bc0acc1cc2c,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + while (nums[i] == 10) + { + i++; + } + noTens = nums[i]; + return noTens; +} +" +4fe351997cb4c99e47af08fe5fd2df549d71950f,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + while (nums[i] == 10) + { + i++; + } + noTens = nums[i]; + } + return noTens; +} +" +821a84107d7be81899a2319398eea00bdfc88099,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + nums[j++] = nums[i]; + } + } + return array; +} +" +76f764bb31c93be944e30d0a0438837c395b39a6,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + while (nums[i] == 10) + { + i++; + } + noTens[count] = nums[i]; + count++; + } + return noTens; +} +" +c1e0dbd6d24314f05bc5580107fb919554aa93e9,"public int[] withoutTen(int[] nums) +{ + int[] group = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + nums[j++] = nums[i]; + } + } + return group; +} +" +e9039be87800368404c05cad603e7831062889cf,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] = nums[i]; + } + else + { + // find the next # that isn't 10 + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] != 10) + { + array[i] = nums[j]; + i = j; + break; + } + } + } + } + + for (int i = 0; i < array.length; i++) + { + if (array[i] == null) + { + array[i] = 0; + } + } +} +" +07ff1398faf22b0d64f34d668aaad1c00de89d87,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + while (i < nums.length && nums[i] == 10) + { + i++; + } + if (nums[i] != 10) + { + noTens[count] = nums[i]; + count++; + } + } + return noTens; +} +" +8fd13f868d3b3820884b5e4c0e1f2baf31a9d1be,"public int[] withoutTen(int[] nums) +{ + int[] group = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + group[j++] = nums[i]; + } + } + return group; +} +" +e394f5227640cd00ee7749f7ad5a99650fa39ef4,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + while (i < nums.length && nums[i] == 10) + { + i++; + } + if (i < nums.length && nums[i] != 10) + { + noTens[count] = nums[i]; + count++; + } + } + return noTens; +} +" +d783ee79969ab17b33927ee6a2e542b2768805d8,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i = 0; i < array.length; i++) + { + array[i] = 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] = nums[i]; + } + else + { + // find the next # that isn't 10 + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] != 10) + { + array[i] = nums[j]; + i = j; + break; + } + } + } + } + + +} +" +11285264b3baf07c8ff3000362055856653bccff,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i = 0; i < array.length; i++) + { + array[i] = 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[i] = nums[i]; + } + else + { + // find the next # that isn't 10 + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] != 10) + { + array[i] = nums[j]; + i = j; + break; + } + } + } + } + + return array; + +} +" +9fbfa66ae808073a9805dcf0e43806b8ecef1fc9,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +8bdabe0cee0ef1a46d0a97b92deac79f92674c4a,"public int[] withoutTen(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] = 10 && i < num.length - 1) + { + for ( int j = i + 1; j < nums.length; j++) + { + int temp = nums [j]; + nums [i] = temp; + num [j] = 0; + } + } + } + return nums; +} +" +24e16951419643fab7693e494e769b6e312c4413,"public int[] withoutTen(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] = 10 && i < nums.length - 1) + { + for ( int j = i + 1; j < nums.length; j++) + { + int temp = nums [j]; + nums [i] = temp; + nums [j] = 0; + } + } + } + return nums; +} +" +de795fd45b5d1598ade9a26e25e8c1e91c5fcd0b,"public int[] withoutTen(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] = 10 & i < nums.length - 1) + { + for ( int j = i + 1; j < nums.length; j++) + { + int temp = nums [j]; + nums [i] = temp; + nums [j] = 0; + } + } + } + return nums; +} +" +4205c48d492f42679778bc0e50b0b9bf80e1ac58,"public int[] withoutTen(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == 10 & i < nums.length - 1) + { + for ( int j = i + 1; j < nums.length; j++) + { + int temp = nums [j]; + nums [i] = temp; + nums [j] = 0; + } + } + } + return nums; +} +" +d02b15a7e4076e89196480062a78525219bb98e5,"public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + import java.util.*; + List holder = new ArrayList(); + int count = 0; + for(int i = 0; i < nums.length; i++) + { + + + if(nums[i] == 10) + { + count++; + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; + +} +" +a68e19bd567ac48509608a64ecd652a0bb12c4fb," +public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + //import java.util.*; + java.util.List holder = new java.util.ArrayList(); + int count = 0; + for(int i = 0; i < nums.length; i++) + { + + + if(nums[i] == 10) + { + count++; + } + } + for(int i = 0; i < holder.size(); i++) + { + nums[i] = holder.get(i); + } + for(int i = holder.size(); i < nums.length; i++) + { + nums[i] = 0; + } + return nums; + +} +" +25888047f8f3f27b663f2fb05c600a4b46e83359,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[] {nums}; + + for (int i : nums) + { + if (i == 10) + { + i = 0; + } + } + + +} +" +817e47d928ac2d5fcecbd80ccbaab0dffdcff4ed,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[] {nums}; + + for (int i : nums) + { + if (i == 10) + { + i = 0; + } + } + + return array; +} +" +734aeab1cff71dbaa51f6734650a78d18cbafe8d,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + nums[i] = 0; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < length; j++) + { + if (nums[j] > 0) + { + nums[i] = nums[j]; + } + } + } + } + return nums; +} +" +5ba02b3d6f6b6e2436eab6fcd4ea3d51261cd18c,"public int[] withoutTen(int[] nums) +{ + int[] nums = new int[] array; + + for (int i : nums) + { + if (i == 10) + { + i = 0; + } + } + + return nums; +} +" +14d3a0dcbfad957c2baead3238b0d6df3bcb4a36,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + nums[i] = 0; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < length; j++) + { + if (nums[j] > 0) + { + nums[i] = nums[j]; + nums[j] = 0; + } + } + } + } + return nums; +} +" +567daa7b5563fc1a7317b92ffe02b1c6d9a31533,"public int[] withoutTen(int[] nums) +{ + for (int i : nums) + { + if (i == 10) + { + i = 0; + } + } + + return nums; +} +" +f92374338625c83b298b68338fefa05361652911,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0 || nums[i] == 10) + { + nums[i] = 0; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < length; j++) + { + if (nums[j] > 0) + { + nums[i] = nums[j]; + nums[j] = 0; + } + } + } + } + return nums; +} +" +a987b3b15b8fc4b9105d2e05a337e35d7ce28c85,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + nums[i] = 0; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + counter = i; + while (counter < length && nums[i] == 0) + { + if (nums[counter] > 0) + { + nums[i] = nums[counter]; + nums[counter] = 0; + } + } + } + } + return nums; +} +" +da2c5dab5c8f6bdf1e91f50503031e4999a9aa49,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + nums[i] = 0; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + while (int j = i; j < length; j++) + { + if (nums[j] > 0) + { + nums[i] = nums[j]; + nums[j] = 0; + break; + } + } + } + } + return nums; +} +" +407d8552f3cfb9df648864c01c9f416ed881f08d,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] % 10 == 0) + { + nums[i] = 0; + } + } + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < length; j++) + { + if (nums[j] > 0) + { + nums[i] = nums[j]; + nums[j] = 0; + break; + } + } + } + } + return nums; +} +" +00810ebdbc2018b3e178532e8ec88be196014d19,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[]; + array[].length() == nums[].length(); + + + + + + return nums; +} +" +ff7a462cb9dd03410c6aef620c1fbe498d90dcd4,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length()]; + + + + + + return nums; +} +" +dd47dc7995727b1c6b71edaf1cfd1d29837baef8,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + + + + + return array; +} +" +c2b8545b869d285d642b1709ae5967d633720fa8," +public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + //import java.util.*; + java.util.List holder = new java.util.ArrayList(); + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < nums.length; i++) + { + if (holder.size() > i) + { + nums[i] = holder.get(i); + } + else + { + nums[i] = 10; + } + + } + return nums; + +} +" +4608082136fcae872bcda006b0d157435a82925d," +public int[] withoutTen(int[] nums) +{ + //int[] pi = new int[] {nums}; + //import java.util.*; + java.util.List holder = new java.util.ArrayList(); + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < nums.length; i++) + { + if (holder.size() > i) + { + nums[i] = holder.get(i); + } + else + { + nums[i] = 0; + } + + } + return nums; + +} +" +4902ee63c06e725d9426e408c0f0551a4bfeb15d,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + // array2 index 1 = array1 index 1 + + for (int i : nums) + { + if (i != 10) + { + for (int j = 0; j < array.length; j++) + { + array[j] = i; + } + } + } + + + + return array; +} +" +934816d16cae5880afd96a5f0b40970660d6344e,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + if (i != 10) + { + for (int j = 0; j < array.length; j++) + { + array[j - 1] = i; + } + } + } + + return array; +} +" +5c07f196268e5540fb4dcffdb1c16e0a89e3c284,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + if (i != 10) + { + for (int j = 0; j < array.length; j++) + { + array[j] = i; + } + } + } + + return array; +} +" +df136c986b8663cfc39feaca09fbf8d4b561f810,"public int[] withoutTen(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +978020c7bd88b969400beb83d56e429e5eec9019,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + + return arr; +" +0e4a9d43827b56f0b81aa4a8824e4326d160ec4f,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } +} +" +a8eaa9d322b081cfa30e000043bb39c1229c051d,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +7983d541e50650a743274527622f26b0d24c9d66,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int point = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[point] = nums[i]; + point++; + } + } + return array; +} +" +bddc0cf50557e5716ba11164e21619ae4b86bf07,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + for (int j = 0; j < array.length; j++) + { + if (i != 10) + { + array[j] = i; + } + } + + } + + return array; +} +" +7b035c5f9e0bcc059c3c39d9cf764027b3da415f,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int point = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + array[point] = nums[i]; + point++; + } + } + return array; +} +" +7452a1ec3f02a0c8ad0f1088bdd226428419793e,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + for (int j = 0; j < array.length; j++) + { + if (i != 10) + { + array[j] = i; + break; + } + } + + } + + return array; +} +" +cb6bef5b84892bf1951ddae5472d87bb52f3a1d3,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + for (int j : array) + { + if (i != 10) + { + array[j] = i; + break; + } + } + + } + + return array; +} +" +7063fe2fc02270795fd62b1f66faa0e0c6f00232,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + for (int j : array) + { + if (i != 10) + { + array[j] = i; + break; + } + } + } + + return array; +} +" +abf6dd50131f2c48ebc73141bfde84999cd4d94f,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + for (int j : array) + { + if (i != 10) + { + array[j] = i; + break; + } + } + + } + + return array; +} +" +d5ce0fb7cf0b155cde53ceb7bede5737956327c9,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + for (int j : array) + { + if (i != 10) + { + array[j] = i; + break; + } + } + } + + return array; +} +" +1607ad1277faa6509f0ec7a5452e0b3f9b1280e4,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i : nums) + { + int a = array[0]; + if (i != 10) + { + array[a] = i; + a++; + } + } + + return array; +} +" +3f8d50d4954b3cefb08b91a1a4793547188c42be,"public int[] withoutTen(int[] nums) +{ + int[] copy = new int[nums.length]; + int index = 0; + + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) { + copy[index] = nums[i]; + index++; + } + return copy; +} +" +8ae2bd9b1a23eaab91a5b0be6728b926108ea4ee,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int a = array[-1]; + + for (int i : nums) + { + a++; + if (i == 10) + { + i = 0; + } + else + { + array[a] = i; + } + + } + + return array; +} +" +cc87064a1012506703c45c34e00fe2fc60eb75b0,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int a = array[0]; + + for (int i : nums) + { + a++; + if (i == 10) + { + i = 0; + } + else + { + array[a] = i; + } + + } + + return array; +} +" +203f9c47a0738c4f7deb3aa08f1ac17b6d91cac6,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + int index = 0; + + for (int i : nums) + { + if (i != 10) + { + array[index] = i; + index++; + } + } + + return array; +} +" +1e04e2c5e6869d7175f8695e768d22ef288c41f6,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + + int index = 0; + + for (int i : nums) + { + if (i != 10) + { + array[index] = i; + index++; + } + } + + return array; +} +" +439c13562dbd10d4ccc2f7df5925f123d6758875,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +} +" +48e7b3e80b692e3ccaa25ee6862099920740d73f,"public int[] withoutTen(int[] nums) +{ + int[] copy = new int[nums.length]; + int index = 0; + + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) { + copy[index] = nums[i]; + index++; + } + return copy; +} +" +d168adf0779ee308cabd73c5f1260cf3b039c277,"public int[] withoutTen(int[] nums) +{ + int[] newNums = int[nums.length]; + int placeholder; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[placeholder] = nums[i]; + placeholder++; + } + } + return newNums; +} +" +f3a2bf38a4adda4c1a035767df187a8fbb6d48dd,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int placeholder; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[placeholder] = nums[i]; + placeholder++; + } + } + return newNums; +} +" +937de314426aa8e9d8d63caf4e33814517b0840c,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int placeholder = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[placeholder] = nums[i]; + placeholder++; + } + } + return newNums; +} +" +caa3aa72582458cd616dbb747adca3f93771201a,"public int[] withoutTen(int[] nums) { + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +0233ffd1f3174852e3845e5eeb4c0cd38a116ede,"public int[] withoutTen(int[] nums) +{ + + for (int i = 0; i < nums.length(); i++) + { + if(nums[i] == 10) + { + nums.remove(i); + } + } + return nums; + +} +" +daa4b57d69ff6bc97fc4bc75df59eca3e3a13ae4,"public int[] withoutTen(int[] nums) +{ + + for (int i = 0; i < nums.size(); i++) + { + if(nums[i] == 10) + { + nums.remove(i); + nums.add(0); + } + } + return nums; + +} +" +54562836f4840b607f67d880c2c198e92b789213,"public int[] withoutTen(int[] nums) +{ + + for (int i = 0; i < nums.length(); i++) + { + if(nums[i] == 10) + { + nums.remove(i); + nums.add(0); + } + } + return nums; + +} +" +694d35443218a4b06e3a21aee77600bef69436e8,"public int[] withoutTen(int[] nums) { + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + } + else + { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) + { + result[i] = 0; + } + return result; + + } +" +287132f1841738e475d446ecd4db114ba8370f2f,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; + +} +" +f7e5110b38a829b033a83b95c40b353b6461379a,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + + i++; + + for (int x = i + 1; x< nums.length; x++) + { + if (nums[x] != 10) + { + nums[i] = nums[x]; + nums[x] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +83270b6be38b3aed93e6052b6115fece9ac50863,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + + i++; + + for (int x = i + 1; x< nums.length; x++) + { + if (nums[x] != 10) + { + nums[i] = nums[x]; + nums[x] = 10; + i++; + } + } + + for(i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +5b109e7a6d39e8eb7bb9e1f5006d1982115da923,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + + i++; + + for (int x = i + 1; x< nums.length; x++) + { + if (nums[x] != 10) + { + nums[i] = nums[x]; + nums[x] = 10; + i++; + } + } + + for(;i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +dce0131f6da2b99e2355ae36c3146e9f61ed855b,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove; + } + } + return nums; +} +" +bb0becdb3fdcbcdeb37da400556b956c0fb4ac59,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + } + } + return nums; +} +" +df399c36fde6e6fdad940fab052e87c98aa953d2,"public int[] withoutTen(int[] nums) +{ + int[] newArr = int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + } + } + return nums; +} +" +d85ff7885d48a3e650cc70b5d17fd0ddb60e4d05,"public int[] withoutTen(int[] nums) +{ + int[] newArr = int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[i] = nume[1]; + } + } + return nums; +} +" +bd5fa64204a3ea2f2ef9a352cec88f6bfcbd60e5,"public int[] withoutTen(int[] nums) +{ + int[] newArr = int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[i] = nume[i]; + } + } + return nums; +} +" +a9d7a047e0f1a60d838c9ad2912a195afa38fdce,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[i] = nume[i]; + } + } + return nums; +} +" +0661bee299ef4a1d5eee1ce684627383d8f5c7ba,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[i] = numsi]; + } + } + return nums; +} +" +50ac964917fcd3c4497af3185cb7b76aa7140114,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[i] = nums[i]; + } + } + return nums; +} +" +4c9be96efc8a374093f6d4e57ece11a83ad2894b,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArr[i] = 0; + if (nums[i] != 10) + { + newArr[i] = nums[i]; + } + } + return nums; +} +" +8fb626d93c7f69ffa74a29b6ee3126063ca99ccb,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArr[i] = 0; + if (nums[i] != 10) + { + newArr[i] = nums[i]; + } + } + return newArr; +} +" +912b49b8d2ae3c6484c18727e991822d03d8999c,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[i] = nums[i]; + } + } + return newArr; +} +" +ebc5f0779fa8469e69ef1caed96b8991ef4e2ddc,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArr[i] = 0; + if (nums[i] != 10) + { + newArr[i] = nums[i]; + } + } + return newArr; +} +" +0d6ce11e9040080b5c8d983186483ba47c5c715b,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + for (int x = 0; x < nums.length; x++) + { + newArr[x] = nums[i]; + } + } + } + return newArr; +} +" +fe5cc547a445f324305d94d978176e5ece8771ac,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != 10) + { + for (int x = 0; x < nums.length; x++) + { + newArr[x] = nums[i]; + } + } + } + return newArr; +} +" +1f620cfeac879f629e0a31bc64668e9fe2711c89,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + for (int x = -1; x < nums.length; x++) + { + newArr[x] = nums[i]; + } + } + } + return newArr; +} +" +edf61544818dcfe9ba24a71088faad5038f5122b,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + for (int x = 0; x < nums.length; x++) + { + newArr[x] = nums[i]; + } + } + } + return newArr; +} +" +e6dce41f47182297bbf68110c4d76a92c55da4b5,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArr[x] = nums[i]; + x++; + } + } + return newArr; +} +" +aacad3908e325d85d7364d1b4a4fd7fa5fe474fb,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[x] = nums[i]; + x++; + } + } + return newArray; +} +" +c6a7e900d8268e52e52d9619cadc6f8e9dfd493b,"public int[] withoutTen(int[] nums) +{ + int newArray[] = new int[nums.length]; + for(int val : newArray) + val = 0; + + int newIndex = 0; + for (int i = 0; i < nums.length; i++){ + if(nums[i] != 10) + newIndex[newIndex++] = nums[i]; + } + + return newArray; +} +" +8cb2255f9be0a2a55b8bb3ce3ed2a0bdc70402c7,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for(int val : newArray) + val = 0; + + int newIndex = 0; + for (int i = 0; i < nums.length; i++){ + if(nums[i] != 10) + newIndex[newIndex++] = nums[i]; + } + + return newArray; +} +" +75838400895819a4ea2707e31a29796f28a73fcf,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for(int val : newArray) + val = 0; + + int newIndex = 0; + for (int i = 0; i < nums.length; i++){ + if(nums[i] != 10) + newArray[newIndex++] = nums[i]; + } + + return newArray; +} +" +2988fa62c054a924271b1cb44446b48a392bc765,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int index = 0; + for(int i = 0; i < nums.length; i ++) + { + if(nums[i] != 10) + { + newArray[index] = nums[i]; + index = index + 1; + } + } + return newArray; +} +" +117bf1d2a7f1e3ba41ea2ed545f59dd2c343bda4,"public int[] withoutTen(int[] nums) +{ + +} +" +c70f4ef605ed33b1cdca029a434de3f869bc850c,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[i - counter] = nums[i]; + } + else + { + counter++; + } + } +} +" +0c0dc3f8a7282f03ed087adb96f71762a0a8a85c,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[i - counter] = nums[i]; + } + else + { + counter++; + } + } + return newNums; +} +" +a1792d072a65b10989aada5df50f6b7330d4c8b6,"public int[] withoutTen(int[] nums) +{ + int[] ten = new int[nums.length]; + int non = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + ten[non++] = nums[i]; + } + } + return ten; +} +" +c8972748ca5c4f67a644a2ecdce9a78e49394f9b,"public int[] withoutTen(int[] nums) +{ + for (int i =0; i < nums.length; i ++){ + if (nums[i] == 10) + { + nums[i].remove(); + } + } + + return nums; +} +" +1aaf8b71ed080eb1c6bce363cb16c608c608d0df,"public int[] withoutTen(int[] nums) +{ + for (int i =0; i < nums.length; i ++){ + if (nums[i] == 10) + { + nums.remove(i); + } + } + + return nums; +} +" +3f6dacfa413aeebdb7aaf451df89885662e1d2a5,"public int[] withoutTen(int[] nums) +{ + for (int i =0; i < nums.length; i ++){ + if (nums[i] == 10) + { + nums.remove[i]; + } + } + + return nums; +} +" +96e0b2523525bb0c11451dbe36088a3819993f20,"public int[] withoutTen(int[] nums) +{ + for (int i =0; i < nums.length; i ++){ + if (nums[i] == 10) + { + nums.remove(nums[i]); + } + } + + return nums; +} +" +11771227dfd020ac634ea8262996693e8949ce25,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length - 1]; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + for(int a = 0; a < newarray.length; a++) + { + newarray[a] = nums[i]; + } + } + } + return newarray; +} +" +bab5ad4dca0e0d14faf36c36442e19c043c4d4a7,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length - 1]; + int a; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + a = 0; + newarray[a] = nums[i]; + a = a + 1; + } + } + return newarray; +} +" +bd1d2c1dcd1b3ff0f071e3607fd864b61a959685,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length]; + int a; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + a = 0; + newarray[a] = nums[i]; + a = a + 1; + } + } + return newarray; +} +" +2099e0faf797dffabff20d65b61ec2b718d6abf6,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length]; + int a; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + a = 0; + newarray[a] = nums[i]; + a = a + 1; + } + } + return newarray; +} +" +b98e87545c5f1ad4b5953bf240c9544254a93f0c,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length]; + int a; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + a = 0; + newarray[a] = nums[i]; + a = a + 1; + } + } + return newarray; +} +" +8327504b1eb9af0f87a627db721d30251f5f4dc8,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length]; + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + + newarray[a] = nums[i]; + a = a + 1; + } + } + return newarray; +} +" +6ac481b286d3c185ebb68deab1ea5922349d898b,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++ + } + } + for (i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +051ce67bf349a4756e96b34d67036b0d39a47f05,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for (i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +53b9781c8bdec1ea58aa52dc54d9613142ef6fd4,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for (i; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +5b5996ae9147076bc57446adc404b20b63ddcb8b,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for (int i; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +c31340029137dbc63371d2d1df515285a17417ce,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for (int i = 0; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +c986dfa9037155e3b3280a5645c75ba7789c0772,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for (i = 0; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +839094092cada5ea7915dcb2a0ddc9aaf3a5c747,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int j =i + 1; j< nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for ( ; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +545233f9ec64fe27a21655a99ee352b46c10f9b6,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + continue; + } + else + { + noTens[count++] == nums[i]; + } + } + return noTens; + +} +" +ddc64aab7ff27a98c9d08827342e42f37a6680f5,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + continue; + } + else + { + count++; + noTens[count] == nums[i]; + } + } + return noTens; + +} +" +b8cd80883b755afdbb04401ae466c236ec9128ea,"public int[] withoutTen(int[] nums) +{ + int[] noTens = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + continue; + } + else + { + noTens[count++] = nums[i]; + } + } + return noTens; + +} +" +25f84a51067b96ec82c1b0d2309b030cd299d5f9,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[count] = nums[i]; + count++; + } + } + return newNums; +} +" +64d382c83fc8194c8908d097bb3ff7114ea8b2bd,"public int[] withoutTen(int[] nums) +{ + + int a = -1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + a = nums[i]; + else if(a != -1) + nums[i] = a; + } + return nums; + +} +" +2673e58cd0829919c64915aac57443eeed2fbd2e,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[j] = nums[i]; + j++; + } + } + + return newNums; +} +" +7451a4349d1a59bfdf53923c17b7147f6b9a9aa2,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[j] = nums[i]; + j++; + } + } + + return newNums; +} +" +6f669194051e6cbbf66b48c4cd41e5150f85c21a,"public int[] withoutTen(int[] nums) +{ + + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + a = nums[i]; + else if(a != 0) + nums[i] = a; + } + return nums; + +} +" +575bdd546e83f555a1289256ab84d6e758b3a9d8,"public int[] withoutTen(int[] nums) +{ +int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; + +} +" +2ece13de1d5b13a24b734d6fe2d6b277519689b5,"public int[] withoutTen(int[] nums) +{ + int result[] = new int[nums.length]; + int pos = 0; + for (int i = 0; i < nums.length; i++) + { + + if(nums[i] != 10) + { + result[pos] = nums[i]; + pos++; + } + } + for (int j = pos; i < nums.length; j++) + { + result[j] = 0; + + } + return result; +} +" +ae548e4ea5e4a72f3da6f728f7f62ecf154ea523,"public int[] withoutTen(int[] nums) +{ + int result[] = new int[nums.length]; + int pos = 0; + for (int i = 0; i < nums.length; i++) + { + + if(nums[i] != 10) + { + result[pos] = nums[i]; + pos++; + } + } + for (int j = pos; j < nums.length; j++) + { + result[j] = 0; + + } + return result; +} +" +637d6f3f9b5f38cb084ad89a854a20ea9cd069e1,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i =0; i < nums.length; i++) + { + if (nums[i] == 10) + { + + } + } +} +" +04abe71cba493809880d446f6bbaa172ab185715,"public int[] withoutTen(int[] nums) { + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +}" +e90514b5979a84d0d22c0b0a70b768c0b28827af,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + boolean replace = false; + int zeros = 0; + for (int i =0; i < nums.length; i++) + { + if (nums[i] == 10) + { + if (!replace) + { + replace = true; + zeros = nums[i]; + } + else + { + zeros = nums[i]; + } + } + if (nums[i] != 10 && replace) + { + nums[i] = zeros; + } + } + } + return newArray; +} +" +8913e003e67949b73eb8a6582cf8e587f9206fbb,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int zeros = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + counter++; + } + } + for (int j = 0; j =< counter; i++) + { + newArray [newArray.length] = 0; + } + return newArray; +} +" +adeac26aaac606fe1d81db2932b684b66e1463e0,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int zeros = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + counter++; + } + } + for (int j = 0; j =< counter; j++) + { + newArray [newArray.length] = 0; + } + return newArray; +} +" +cb8e473d1486ab1213cb6399e4efd588b698de86,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int zeros = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + counter++; + } + } + for (int j = 0; j <= counter; j++) + { + newArray [newArray.length] = 0; + } + return newArray; +} +" +1a5cd5ab4baae215c9e697680ef303159c8c0c21,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int zeros = 0; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + counter++; + } + } + for (int j = 0; j <= counter; counter--) + { + newArray [nums.length - counter] = 0; + } + return newArray; +} +" +2cac9bc60acc2b76835ca8b5f4f22b9910f6be55,"public int[] withoutTen(int[] nums) +{ + int[] copy = new int[nums.length]; + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + copy[index] = nums[i]; + index++; + } + } + return copy; +}" +805a4e8366c9579db801a039afc30be7ff6707c5,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +} +" +449ad946e791b52f027f25a53328fa9a3ff3430d,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int index = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + newArray[index] = nums[i]; + index++; + } + } + return newArray; +} +" +18df2fdd132625099a54eb378e3a6d223e65cc7b,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] = 10) + { + for (int j = i; j < nums.length; j++) + { + nums[i] = nums[j]; + nums[j] = 0; + } + if (i = nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +77242e6b3ed482e89e276870dfad4440207f7b27,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + for (int j = i; j < nums.length; j++) + { + nums[i] = nums[j]; + nums[j] = 0; + } + if (i == nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +59ce9befee60bb66a38b783ff5db511b980201cb,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != 10) + { + nums[i] = nums[j]; + nums[j] = 0; + break; + } + } + if (i == nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +ba68cf8227b3836af26cf90429594e2dd70c7ef1,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != 10) + { + int k = 0; + nums[i] = nums[j]; + nums[j] = 0; + k = 1; + } + if (k = 1) + { + j = nums.length; + } + } + if (i == nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +93106325f8a25424377ca0c734aef5e1c1d3965d,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + for (int j = i; j < nums.length; j++) + { + int k; + if (nums[i] != 10) + { + k = 0; + nums[i] = nums[j]; + nums[j] = 0; + k = 1; + } + if (k = 1) + { + j = nums.length; + } + } + if (i == nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +908b0ef7a4a7234f8839f64da351879e82929ed6,"public int[] withoutTen(int[] nums) +{ + int k; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + for (int j = i; j < nums.length; j++) + { + + if (nums[i] != 10) + { + k = 0; + nums[i] = nums[j]; + nums[j] = 0; + k = 1; + } + if (k == 1) + { + j = nums.length; + } + } + if (i == nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +b1ba2551273c772cceb9dc83938cbc0e0b5c28e5,"public int[] withoutTen(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + for (int j = i; j < nums.length; j++) + { + k = 0; + if (nums[i] != 10) + { + nums[i] = nums[j]; + nums[j] = 0; + k = 1; + } + if (k == 1) + { + j = nums.length; + } + } + if (i == nums.length - 1) + { + nums[i] = 0; + } + } + } + return nums; +} +" +cab9ec7d3ee6aac7fbba2b811164d8e03a67fb35,"public int[] withoutTen(int[] nums) +{ + int[] result[nums.length]; + int input; + int j = 0; + + for (int i = 0; i < nums.length; i++) + { + result[i] = 0; + + input = nums[i]; + + if (input != 10) + { + result[i] = input; + j++; + } + } + + for (j = j; j < result.length; j++) + { + result[i] = 0; + } + + return result; +} +" +2565d7af3aa665fd2ab7b4f69b410ed8907a4d35,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int input; + int j = 0; + + for (int i = 0; i < nums.length; i++) + { + result[i] = 0; + + input = nums[i]; + + if (input != 10) + { + result[i] = input; + j++; + } + } + + for (j = j; j < result.length; j++) + { + result[i] = 0; + } + + return result; +} +" +92b927d715f14730b7f5301b2eac835b1850d59a,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int input; + int j = 0; + + for (int i = 0; i < nums.length; i++) + { + result[i] = 0; + + input = nums[i]; + + if (input != 10) + { + result[i] = input; + j++; + } + } + + for (j = j; j < result.length; j++) + { + result[j] = 0; + } + + return result; +} +" +4ef8ab9beb3034415c741a702bc029a05a17e688,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int input; + int j = 0; + + for (int i = 0; i < nums.length; i++) + { + result[i] = 0; + + input = nums[i]; + + if (input != 10) + { + result[j] = input; + j++; + } + } + + for (j = j; j < result.length; j++) + { + result[j] = 0; + } + + return result; +} +" +875a859639317d95e1de144b2478910f3700ed69,"public int[] withoutTen(int[] nums) +{ + int[] abc = new int[nums.length]; + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + abc[a] = nums[i]; + a++; + } + } + return abc; +} +" +8d7f8574b863c29df9189a64d89fda8a268c8a28,"public int[] withoutTen(int[] nums) +{ + for (int i =0; i < nums.length; i ++){ + if (nums[i] == 10) + { + nums.remove(nums[i]); + } + } + + return nums; +} +" +970c8805495e450d2d731d848ebba5a1baec03e8,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; + +" +1a3f5858cd88fee3318c50197e156523f811c22c,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; +} +" +c24641b9cb8ac258d30f05275fccaed663f01bc8,"public int[] withoutTen(int[] nums) +{ + int t = nums.length; + int[] answer = new int[t]; + int j = 0; + for (int i = 0; i < t; i++) + { + if (nums[i] != 10) + { + answer[j] = nums[i]; + j++; + } + } + + for(int i = j; i < t; i++) + { + answer[i] = 0; + } + return answer; +} +" +968456a6eeb0acd4cb1eab209280fa5ae8e2c9f0,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + out[j] = nums[i]; + j++; + } + } + + for (int i = j; i < nums.length; i++) + { + out[i] = 0; + } + return out; +}" +90201f26de9c4e322f27998d90ff08b854343815,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + + return arr; +} +" +b1a4e13aa72c2179a20306da07be1a24d0d3e1f9,"public int[] withoutTen(int[] nums) +{ + int[] result = int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[count] = nums [i]; + count++; + } + } +} +" +4c9883af3545a87c0f2ed67fe5c2083329f1115b,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[count] = nums [i]; + count++; + } + } +} +" +8bf21732266e575d3bf5241ee812b18dd4220546,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[count] = nums [i]; + count++; + } + } + return result; +} +" +e14d03257e0b8441ec6fb8d23bf1a07cc442624a,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +ba55703bafd12516b1255c79ad5ef9230665c173,"public int[] withoutTen(int[] nums) +{ + int[] noTen = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i]!=10) + { + noTen[a]=nums[i]; + a++; + } + } + return noTen; +} +" +2a783e76a4bfd66d17c5a496c9872a2033737f0b,"public int[] withoutTen(int[] nums) +{ + int lenght = nums.length; + int i = 0; + int j = 0; + int[] result = new int[length]; + while (i < length) + { + if (nums[i] != 10) + { + result[j] = nums[i]; + i++; + j++; + } + else + { + i++; + } + } + while (j < length) + { + result[j] = 0; + j++; + } + return result; +} +" +3056b6933e80dee07129d9df94a22e358b9233a0,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + int i = 0; + int j = 0; + int[] result = new int[length]; + while (i < length) + { + if (nums[i] != 10) + { + result[j] = nums[i]; + i++; + j++; + } + else + { + i++; + } + } + while (j < length) + { + result[j] = 0; + j++; + } + return result; +} +" +32e2070770e0037d328d599c67e8e6595a6088fa,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +0f40578d8199d5778979e5c8cdd265d02c8f1f56,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +dfbe70a3d0acc4b6ca5fabe83fba35c543e55842,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; +} +" +b17796432835bf476507dd988ae17e3d457789d3,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for ( ; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +1a254e152684a2d315945d0125c9cc19d6b663ee,"public int[] withoutTen(int[] nums) +{ + int[] a = new int[nums.length]; + int b = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + a[b] = nums[i]; + b++; + } + } + return a; +} +" +04e1b94e5e13e0ed8ec85c002ddd17c80432b02c,"public int[] withoutTen(int[] nums) +{ + int[] copy = new int[nums.length]; + int index = 0; + + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) { + copy[index] = nums[i]; + index++; + } + return copy +} +" +eb3050cdb35586f7e48e6983e56639ac72da3e4d,"public int[] withoutTen(int[] nums) +{ + int a = nums.length; + int[] array = new int[a]; + int p = 0; + + for (int i = 0; i < a; i++) + { + if (nums[i] != 10) + { + array[p] = nums[i]; + p++; + } + } + + return array; +} +" +bbd3cb951c4eb937211b91f8ea3c2ead80a0ca18,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; + +} +" +85a5a8bedde8707904820ea17c8efb0ff7c5e1bb,"public int[] withoutTen(int[] nums) +{ + int[] integer = new int[nums.length]; + int index = 0; + + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) { + integer[index] = nums[i]; + index++; + } + return integer; +} +" +a3df84ee9b80382f64df2b0cbd43f4032a5cfc61,"public int[] withoutTen(int[] nums) +{ + int[] numbers = new int[nums.length]; + int i = 0; + for (int number: nums) + { + if (number != 10) + { + numbers[i] = number; + i++; + } + } + return numbers; + +} +" +e92a0f974be1a87e4cd7706865833fdaa5a82d64,"public int[] withoutTen(int[] nums) +{ + return nums; +}" +57e79ac465c418c2164f0dee4f7796aa4c8c2217,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +e009c48f35ca3036ad0fd48052ff27a39947b32b,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +222614d249e7e1c19276a7041b244074f0d1a5e9,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 11 || nums[x] == 12 || nums[x] == 13 || nums[x] == 14 || nums[x] == 15 || nums[x] == 16 || nums[x] == 17 || nums[x] == 18 || nums[x] == 19) + { + x++; + } + else + { + revised[] = nums[x]; + } + } + return revised; +}" +a1913ba7c97688ee09ec5248ec919d692b08d170,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + newArray[p] = nums[i]; + p++; + } + } + return newArray; +} +" +9b1ee3f36e4c5c96f9d4c8f006e37186284a4958,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 11 || nums[x] == 12 || nums[x] == 13 || nums[x] == 14 || nums[x] == 15 || nums[x] == 16 || nums[x] == 17 || nums[x] == 18 || nums[x] == 19) + { + count = count + 1; + x++; + } + else + { + revised[x - count] = nums[x]; + } + } + for (int i = 0; i < count; i++) + { + if (revised[x] == null) + { + revised[x] = 0; + } + } + return revised; +}" +f687e0b3b035152f0f2ecaac08508ac220e54451,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 11 || nums[x] == 12 || nums[x] == 13 || nums[x] == 14 || nums[x] == 15 || nums[x] == 16 || nums[x] == 17 || nums[x] == 18 || nums[x] == 19) + { + count = count + 1; + x++; + } + else + { + revised[x - count] = nums[x]; + } + } + for (int i = 0; i < count; i++) + { + if (revised[i] == null) + { + revised[i] = 0; + } + } + return revised; +}" +06bd9db27a49ebd52139cb2538cc8af51f3ec00f,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 11 || nums[x] == 12 || nums[x] == 13 || nums[x] == 14 || nums[x] == 15 || nums[x] == 16 || nums[x] == 17 || nums[x] == 18 || nums[x] == 19) + { + count = count + 1; + x++; + } + else + { + revised[x - count] = nums[x]; + } + } + + return revised; +}" +3e6ac4deebe814616c7c3cfc5fb041ab935ea39f,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; +} +" +fed82ac9c657c9e461365c65d6663ebea6d57d9b,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; + return withoutTen; +} +" +18d77e65cb1684516007b0ae2f8bc2041eea101b,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; + int count = 0; + int x = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] % 10 == 0){ + count++; + } + else + { + withoutTen[x] = nums[i]; + x++; + } + return withoutTen; +} +" +5b2286ae6a54c1c31d3cf4ec32fe5bb744f10913,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; + int count = 0; + int x = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] % 10 == 0){ + count++; + } + else + { + withoutTen[x] = nums[i]; + x++; + } + } + for (int j = x; j < nums.length; j++){ + withouTen[j] = 0; + } + return withoutTen; +} +" +021582f54ca832115aa07969b43fae4c3c3d072f,"public int[] withoutTen(int[] nums) +{ + int[] withoutTen = new int[nums.length]; + int count = 0; + int x = 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] % 10 == 0){ + count++; + } + else + { + withoutTen[x] = nums[i]; + x++; + } + } + for (int j = x; j < nums.length; j++){ + withoutTen[j] = 0; + } + return withoutTen; +} +" +40cba560c62d6404ccf212b9543bbb9f4b566009,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[x] = nums[i]; + x = x + 1; + } + } + return newArray; +} +" +4dc6b65524532143e3edf02ef83b200d754ce034,"public int[] withoutTen(int[] nums) +{ + int a = nums.length; + int[] array = new int[a]; + int b = 0; + for ( int i = 0; i < a; i++ ) { + if ( nums[i] != 10 ) { + array[p] = nums[i]; + p++; + } + } + return array; +} +" +ff231d6568c196205197d19f009d427c6091ffb8,"public int[] withoutTen(int[] nums) +{ + int a = nums.length; + int[] array = new int[a]; + int b = 0; + for ( int i = 0; i < a; i++ ) { + if ( nums[i] != 10 ) { + array[b] = nums[i]; + b++; + } + } + return array; +} +" +4523f86558cc83fff0c485da6506186097e217bd,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.lenght]; + int element = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[element] = nums[i]; + element++; + } + } + return array; +} +" +07eec28f6afce890b30e116448dbe8c9251f09c7,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int element = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[element] = nums[i]; + element++; + } + } + return array; +} +" +4e61daee4c588d65d46c550e5e27e70865d48638,"public int[] withoutTen(int[] nums) +{ + int[] finalArray = new int[nums.length]; + int i = 0; + int j = 0; + for (int n : nums) + { + if (n != 10) + { + finalArray[i] = n; + i++; + } + } +} +" +8ccaff299706b102e2be0733158b6e1e19a81ed9,"public int[] withoutTen(int[] nums) +{ + int[] finalArray = new int[nums.length]; + int i = 0; + for (int n : nums) + { + if (n != 10) + { + finalArray[i] = n; + i++; + } + } + return finalArray; + +} +" +21f9af6b664ed1d4d464b64f5453da1a496783d8,"public int[] withoutTen(int[] nums) +{ + int[] noTen = new int[nums.length] + int p = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + notTen[p] = nums[i]; + p++; + } + } +} +" +0e4c90061a310eeb161a4d661ad34b8ee533ae3a,"public int[] withoutTen(int[] nums) +{ + int[] noTen = new int[nums.length]; + int p = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + notTen[p] = nums[i]; + p++; + } + } + + return noTen; +} +" +d1f814af418318f73d228dbe3382c06614fcdbb6,"public int[] withoutTen(int[] nums) +{ + int[] noTen = new int[nums.length]; + int p = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + noTen[p] = nums[i]; + p++; + } + } + + return noTen; +} +" +a9807f8a7cfdbc1ec3c111e3d0b6966de7a055b0,"public int[] withoutTen(int[] nums) +{ + int[] without10 = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + without10[i] == nums[i]; + } + else + without10[i] = 0; + } + return without10; +} +" +1e790e8c3718a2e3ad8cdf48fff40ac15044b1a3,"public int[] withoutTen(int[] nums) +{ + int[] without10 = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + without10[i] = nums[i]; + } + else + without10[i] = 0; + } + return without10; +} +" +44724ad38903d67a15409929bcf9df572841999f,"public int[] withoutTen(int[] nums) +{ + int[] without10 = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + without10.add(nums[i]; + } + } + + + return without10; +} +" +f36819e406122fcad4881dd26a28ed5183487b2d,"public int[] withoutTen(int[] nums) +{ + int[] without10 = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + without10.add(nums[i]); + } + } + + + return without10; +} +" +fba35c15bff9774c040f632240ebd593879646c1,"public int[] withoutTen(int[] nums) +{ + int[] without10 = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + without10[x] = nums[i]; + } + } + + + return without10; +} +" +0ae5b25bf23b2d53d51a0c61e2c9e9e3de149673,"public int[] withoutTen(int[] nums) +{ + int[] without10 = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + without10[x] = nums[i]; + x++; + } + } + + + return without10; +} +" +2754efc7483fe20fef510c1216f1233cdc0cd4b6,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + for (int x = num[i]; x < nums.length; x++) + { + if (x == nums.length - 1) + { + nums[x] = 0; + } + else + { + nums[x] = nums[x + 1]; + } + } + } + } + return nums; +} +" +4b250c2350d9f9a42186608e6fe8c9b1318a41f3,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + for (int x = nums[i]; x < nums.length; x++) + { + if (x == nums.length - 1) + { + nums[x] = 0; + } + else + { + nums[x] = nums[x + 1]; + } + } + } + } + return nums; +} +" +07d52ef5677152c612aef03c5dbef62abd1cabdb,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + for (int x = i; x < nums.length; x++) + { + if (x == nums.length - 1) + { + nums[x] = 0; + } + else + { + nums[x] = nums[x + 1]; + } + } + } + } + return nums; +} +" +0ab0c78b4246b2a43c5622824cc26e81a477fddc,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +} +" +59fe35401ba7335d13f23ae0877d3f6c93b8e41b,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +} +" +ce1a5e6a5828c1b4cb4d07ee5062d3ea23e73a31,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + + return arr; +} +" +19dedb7bdc7560d80ef60440fbee6d01be781ad3,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +bee5dc593fa59bf9cd5cdd4d3979be51f801797e,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int[] arr = new int[]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr +} +" +b7342c815559482ec1f1fe5dec93b06389ef33ec,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int[] arr = new int[]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr; +} +" +2a4fc8cd45b90084205a5bc0eb41b4fbaec2b98a,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int[] arr = new int[]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr; +} +" +776a1e33dd35df6a621b4682c8f17c934ef49626,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr; +} +" +96786d3858e7c799d4966e50e10c8a3ee36d868c,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr; +} +" +2dd1286e04483e32b341d304a76e360c46ce82cc,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr; +} +" +3ba1358191fd8ede44a025b5ea85c620115654f1,"public int[] withoutTen(int[] nums) +{ + int p = 0; + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[p] = nums[i]; + p++; + + } + } + return arr; +} +" +3af5f629bc0f61839e879259fb333b57a656c7aa,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +} +" +febd9fe3c82d3a4a89ef58b718035e92df48bdaa,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + + return arr; +} +" +13ae89bf4bf8c630635c6f270545e98120daeee4,"public int[] withoutTen(int[] nums) +{ +} +" +9999e844049c117364d0a77600d62e4aa04e21f8,"public int[] withoutTen(int[] nums) +{ +} +" +e0b0777dab1800f66b287c98e00f20876cbb44a5,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +bdcb4b1d34a12772a2c421e9254c6b41a1bb6871,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums.add(0); + } + } + return nums; +} +" +5cf56ead10f540131fb18f0a6d102bcfc24ab593,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums.add(i, 0); + } + } + return nums; +} +" +310f67aae7597345040177dc767645d3154765f9,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + nums[i].remove(); + } + } + return nums[]; +} +" +a61444240fd9e1f5f735283700d4b627d80f0efd,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums[i] = 0; + } + } + return nums; +} +" +60022c74bde79d2287998bb632b0ad92b311c22c,"public int[] withoutTen(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 == 0) + { + nums[i].remove(); + } + } + return nums; +} +" +6859b5ca1ceedb4dc293fa6fa359314d39f5c317,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +a5d3e818aeca9435e58bd2af2e815ea6eec04161,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +25b11a007bd5b5bafc6a45a782ced75b0849ae7f,"public int[] withoutTen(int[] nums) +{ + int[] result; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + } + a++; + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +745a98e1bacb5c6468392002d8182eec61e12acc,"public int[] withoutTen(int[] nums) +{ + int[] result = 0; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + } + a++; + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +320b89994251ededc9e6e8d10c89cfeb3119c257,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[](); + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + } + a++; + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +aa0358af84bb2e72cb50e2bf0acc0fb49aaaabce,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + } + a++; + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +a201df6b67d2753ea63682d74268298054e9e49d,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + } + a++; + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +45bff5d4be14789d254a0eab90119cf514f3a537,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + } + a++; + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +edd1e67cbadfc3b5b1b91e6612c401b8c325c78d,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + result[a] = nums[i]; + a++; + } + + } + for (int b = a; b < nums.length - 1; b++) + { + result[b] = 0; + } + return result; +} +" +88a0dfaaec01e3c8bf3da8cb5e083b9f86484d26,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length()]; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 != 0) + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +689d58b1ba8238a813225ebcf5e66298ad2bb1f4,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length()]; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] % 10 != 0) + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +c83051b773d3b26d83ef9151c5997b764254aac4,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length()]; + for(int i = 0; i < nums.length(); i++) + { + if(nums[i] % 10 != 0) + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +528113ef3922ee139e5f4fdb19ef8fc8c95c838b,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray.add(nums[i]); + } + + } + +} +" +0a9723026688b6ee58b746f07753dd114a51e206,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray.insert(nums[i]); + } + + } + +} +" +b76cfa484b58381da0a3f435da92ce1532b5e702,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length()]; + int l = nums.length(); + for(int i = 0; i < l; i++) + { + if(nums[i] % 10 != 0) + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +c24686388c3ab1df0b79b89cd69592f8ef70b298,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] % 10 != 0) + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +5a0267fea22cf04a2bfe842a72d41f90fd8b57c2,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + +} +" +d42f4372d52aedbf6cd14d024caa52d8b0f7740f,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + nums[i] = nums [i + 1]; + } + } + return nums; +}" +3d0f8c94d4ae8acd823d18a6dc53241002848a01,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + + + for (int x = newArray.length + 1; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +4cc4dcba0ed46e31ca2ebbaa3972ee654397fe34,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + + for (int x = newArray.length + 1; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +2da8469880dd87ae49cde41089adb6b067ec7f18,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] / 10 != 1) + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +17a98af0508b5b008cc2db6836366be92c209013,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] / 10 != 1) + { + newArray[i] = nums[i]; + } + else + { + newArray[i] = 0; + } + } + return nums; +} +" +2eaca6c60bbd06e483db3f7e78e13b03bbfe4c87,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i] = nums[i + 1]; + } + } + return nums; +}" +76fab9d1990118ecf872bd25affc7643c7c52e6b,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 10) + { + nums[i] = nums[i + 1]; + } + } + return nums; +}" +df6b6ebb60d9616c4f2d58e15c1c87f9d57c71ff,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i <= nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + } + + for (int x = newArray.length + 1; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +0c8e3f8fc2ae4dfc9923bdec956c275a24fb7639,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + } + + for (int x = newArray.length + 1; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +e73b01feb854ad194ac903ddae6aecb55656da3c,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + if (nums[i] != 10 && nums[i-1] == 10) + { + newArray[i-1] == nums[i]; + } + } + + for (int x = newArray.length + 1; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +ba71c135cbf1ed490fe319a4882ea74e03c00723,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + + for (int x = newArray.length + 1; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +8b9ab5479d34644157936d57e140ef12ed41c347,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + + for (int x = newArray.length; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +7226abcdb32c151a66cded15bea51ebc3073dd43,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int c = 0; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] % 10 == 1) + { + newArray[i] = nums[i]; + c++; + } + } + + for(int d = c; d < l; d++) + { + newArray[d] = 0; + } + return newArray; +} +" +92852f80aa8bc82c277e76f516914ea20d5ceb97,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int c = 0; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] % 10 != 1) + { + newArray[i] = nums[i]; + c++; + } + } + + for(int d = c; d < l; d++) + { + newArray[d] = 0; + } + return newArray; +} +" +90ab1693ab162bd6276c5d395696c2372f1d6961,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + + for (int x = newArray.length; x < nums.length; x++) + { + newArray[x] = 0; + } + + return newArray; + +} +" +bc74465b4d46db6e449e43746deca156bf552c8f,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int c = 0; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] % 10 == 1) + { + newArray[i] = nums[i]; + c++; + } + } + + for(int d = c; d < l; d++) + { + newArray[d] = 0; + } + return newArray; +} +" +eb4173f0ebddb83dbbc8d474254ee9de0296a1e8,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + + + return newArray; + +} +" +f5f8c1d85466378c621becc6e3729a5ccb0baf97,"public int[] withoutTen(int[] nums) +{ + int[] newArray; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + + } + + + return newArray; + +} +" +44e65f30b5120b75e3e7599f275fd30bb4ff2800,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int newI; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[newI] = nums[i]; + } + return newNums; + } +}" +86cb31ccd85e2cce6656636a5b1817a50876a726,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int newI; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[newI] = nums[i]; + } + } + return newNums; +}" +ac2899b87c7b137cad022c17f5e7c19312a8e95b,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + newArray[x] = nums[i]; + } + } + + } + + + return newArray; + +} +" +a0a47a6c2e09e0025984bec865582efbfa4f37e3,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int newI = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[newI] = nums[i]; + } + } + return newNums; +}" +393429904927715fc76df55a54d5258316ed3c84,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int c = 0; + int l = nums.length; + for(int i = 0; i < l; i++) + { + if(nums[i] % 10 == 1) + { + newArray[i] = nums[i]; + c = i; + } + } + + for(int d = c; d < l; d++) + { + newArray[d] = 0; + } + return newArray; +} +" +612b14ab77cf097033b39f9ea850c22851595978,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int newI = 0; + for (int i = 0; i < nums.length; i++) + { + while (nums[i] != 10) + { + newNums[newI] = nums[i]; + } + } + return newNums; +}" +fef62c18aee0159618a0c0f40bd4b01b542d9701,"public int[] withoutTen(int[] nums) +{ + int[] newNums = new int[nums.length]; + int newI = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newNums[newI] = nums[i]; + newI++; + } + } + return newNums; +}" +d5232a8a7f429d5d182510bd0ba8b2bdf057ccb9,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + for (int x = 0; x < nums.length; x++) + { + newArray[x] = nums[i]; + } + } + + } + + + return newArray; + +} +" +1cebbf9359bdc64fe433e6e3359fea57b4bb1d7a,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + //int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 11 || nums[x] == 12 || nums[x] == 13 || nums[x] == 14 || nums[x] == 15 || nums[x] == 16 || nums[x] == 17 || nums[x] == 18 || nums[x] == 19) + { + count = count + 1; + x; + } + else + { + revised[x - count] = nums[x]; + } + } + + return revised; +}" +f95c2b26fb79b3ff877f7eee15828425d1a74923,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffly = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + return nums[i] = 0; + } + else + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +a44efd8087e42204512b51ca694be6b4bbc4d83f,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10 || nums[x] == 11 || nums[x] == 12 || nums[x] == 13 || nums[x] == 14 || nums[x] == 15 || nums[x] == 16 || nums[x] == 17 || nums[x] == 18 || nums[x] == 19) + { + count = count + 1; + } + else + { + revised[x - count] = nums[x]; + } + } + + return revised; +}" +43b2fb839eb4afaa58e8af32cc2767871dbb6fd3,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + + } + + } + + + return newArray; + +} +" +c960420d99336bbd384cebac069a386230b0c77e,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffly = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + return nums[i] == 0; + } + else + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +c2cece8f0ba280f1e42bde17e752a9ddc0966d2c,"public int[] withoutTen(int[] nums) +{ + int[] revised = new int[nums.length]; + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 10) + { + count = count + 1; + } + else + { + revised[x - count] = nums[x]; + } + } + + return revised; +}" +2532b52077b8ecdb56c36a1d95488fb0487d7bae,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffly = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + return nums[0]; + } + else + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +5acf1a839732a5d5366f9deb1cdd635cda8e128a,"public int[] withoutTen(int[] nums) +{ + int countRemove = 0; + int index = 0; + int[] withoutTen = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + withoutTen[index] = nums[i]; + index++; + } + } + return withoutTen; +} +" +362ec47e10057f99726e223ed8043524ea1f0521,"public int[] withoutTen(int[] nums) +{ + int index = 0; + int[] withoutTen = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + withoutTen[index] = nums[i]; + index++; + } + } + return withoutTen; +} +" +538effd6689b2c07e66e887a2395ed94af2a9066,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[i] != 10) + { + newArray[x] = nums[i]; + } + } + + } + + + return newArray; + +} +" +848e37507d0844a52106f50384c8813f6a548a2d,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffy = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + + + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +c52a9fe57288cf2b6c98d3d3edf42556e761c71c,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + + newArray[x] = nums[i]; + + } + + } + + + return newArray; + +} +" +5afc0652ad6d1abc212522dbfbfaa35d54de75a0,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + + newArray[x] = nums[i]; + + } + + return newArray; + +} +" +ed3df4588e0d3ca886e2ba47685fb6170f5584dd,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + + newArray[i] = nums[i]; + + } + + return newArray; + +} +" +664b6bdd9b8e6644b74467d1e244077b42028a5e,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffy = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + merlin[] = nums[0]; + + else + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +d578c66a6c80318a1e12a1cf0b7947af603e5e73,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffy = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + merlin[i] = nums[0]; + } + + else + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +6a693650fbe46644d7fdd0726cffe6afcbccc8f8,"public int[] withoutTen(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffy = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + merlin[i] = 0; + } + + else + { + merlin[fluffy++] = nums[i]; + } + } + + return merlin; +} +" +8d389fcfa783799fa1e43ec82ed22b8e6cd7acf0,"public int[] withoutTen(int[] nums) +{ + int[] answer = int[nums.length]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + continue; + count = count + 1; + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +458f1c2e8ed9effd7f1f912fe1badbfb21dbb024,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + i++ + for(int j = i+1; j < nums.length; j++) + { + if(nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +98ef4bd2e7af73467d87116f48cb19e0f5f2d459,"public int[] withoutTen(int[] nums) +{ + int[] answer; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + continue; + count = count + 1; + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +4355cade3faaadd4892740ef4a2eec5f7471e9e8,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + i++; + for(int j = i+1; j < nums.length; j++) + { + if(nums[j] != 10) + { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +d4b40b809ae2413c6696a789d085109f9430f9a6,"public int[] withoutTen(int[] nums) +{ + int[] answer = new answer[nums.length]; + + for(int i = 0; i < nums.length; i++) + { + int count = 0; + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + continue; + count = count + 1; + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +4eb40c1adf4231a74c3e2b05d0c78ab7c618ce0f,"public int[] withoutTen(int[] nums) +{ + int[] newArray = newArray[nums.length]; + + for (int number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +ba14e679dd43035598500546988df63ec5359c90,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +abeb538510d4e310abd5d6b743856e0200ac1424,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) + { + int count = 0; + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + continue; + count = count + 1; + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +14e4ddb02895a322223c3388856f3ab7494b2bda,"public int[] withoutTen(int[] nums) { + int[] xxx = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + } + else + { + xxx[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) + { + xxx[i] = 0; + } + return xxx; +} +" +a89b90a41e50f8f2a2d72da237408d341d82b04b,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int number : nums) + { + + for (integer i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +4a13a9fdffdf2064d3a06250ae49cbd700328e7a,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length]; + int count = 0; + + for(int i = 0; i < nums.length; i++) + { + + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + continue; + count = count + 1; + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +fa9090af4da23b8aeba2bbf0339a0eede86b4a54,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length]; + int count = 0; + + for(int i = 0; i < nums.length; i++) + { + + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + continue; + count++; + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +f75e479f35225c444da258a6fc96e2e4eb88ed89,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +337d054e51f34e3d1c5625af206e68f18a2d32cb,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums == 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +197421cf220d194c58c07cb5a60957adba60abb3,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length]; + int count = 0; + + for(int i = 0; i < nums.length; i++) + { + + if(nums[i] != 10) + { + answer[i] = nums[i]; + } + else + { + count++; + continue; + + } + + } + for(int x = 0; x < count; x++) + { + answer[answer.length + x] = 0; + + } + return answer; +} +" +b52819ea3f70a5151d3bf001ecfc3d458a4c6285,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums.equals(10)) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +90d831d4841c961bd92c480d1a1e769c272a80ff,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (integer number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +33e364be141dd5e827f68eac552ba8d2bf26d817,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int[] number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +b907337a1bec4bbb5d59ab7fb42db4f81c624d5b,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int number : nums) + { + + for (int i = 0; i < nums.length; i++) + { + if (nums != 10) + { + newArray[i] = nums; + } + + } + + } + + return newArray; + +} +" +7cdf35f68329f69c791a5fb5240fb57c703758a1,"public int[] withoutTen(int[] nums) +{ + int[] answer = new int[nums.length]; + int count = 0; + int x = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + answer[x] = nums[i]; + x++; + } + else + { + count++; + } + + } + for(int y = 0; x < count; x++) + { + answer[answer.length + y] = 0; + + } + return answer; +} +" +c0e5a09e581f5045edea3cc7b2ed3f15770ecc10,"public int[] withoutTen(int[] nums) +{ + int[] r = new int[nums.length-1]; + int j=0; + for (int i = 0; i pancake = new ArrayList<>(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + pancake.add(nums[i]); + } + } + while (pancake.size() < nums.length) + { + pancake.add(0); + } + return pancake; +} +" +1356f89f429ba96c7bb4c8cae5a9bec2fb524631,"public int[] withoutTen(int[] nums) +{ + ArrayList pancake = new ArrayList<>(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + pancake.add(nums[i]); + } + } + while (pancake.size() < nums.length) + { + pancake.add(0); + } + return pancake; +} +" +8ef976b3b088681458c6f84e4857f0da6658e11c,"import java.util.ArrayList; +public int[] withoutTen(int[] nums) +{ + + List pancake = new ArrayList<>(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + pancake.add(nums[i]); + } + } + while (pancake.size() < nums.length) + { + pancake.add(0); + } + return pancake; +} +" +ffc7ccb93f503d22e5807b1fe3f136fe2b892ceb,"import java.util.*; +public int[] withoutTen(int[] nums) +{ + + List pancake = new ArrayList<>(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + pancake.add(nums[i]); + } + } + while (pancake.size() < nums.length) + { + pancake.add(0); + } + return pancake; +} +" +1c57b29ea8738ab68aaa490143f75e16b4b8475e,"public int[] withoutTen(int[] nums) +{ + int[] na = new int[nums.length]; + int no=0; + for(int i = 0; i list = new ArrayList(); + for(int i = 0; i < nums.length; i++){ + list.add(nums[i]); + } + return list.toArray(); +} +" +9d9d328743bf2345295bbe176c27fd0a2aee0dc1,"public int[] withoutTen(int[] nums) +{ + System.out.println(Arrays.toString(nums)); +} +" +2a133637be78a263c4d2b9920385801f14965e61,"public int[] withoutTen(int[] nums) +{ + int[] output; + int count = 0; + for(int i = 0; i < nums.length; i++){ + if(nums[i]==10){ + count++; + } + } + output = new int[count]; + count = 0; + for(int i = 0; i < nums.length; i++){ + if(nums[i]!=10){ + output[count] = nums[i]; + count++; + } + } + return output; +} +" +9961377bed856baa272d32729fd3005128ec5cbf,"public int[] withoutTen(int[] nums) +{ + int[] output; + int count = 0; + output = new int[nums.length]; + for(int i = 0; i < nums.length; i++){ + if(nums[i]!=10){ + output[count] = nums[i]; + count++; + } + } + for(int i = count; i < output.length; i++){ + output[i] = 0; + } + return output; +} +" +ae83e872c2f70a8a6c8f398d078ced9616ccabe3,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +258c0ce8b513781c79a88139db9ff111b4442768,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray.append(nums[i]); + } + } + retrun newArray; + +} +" +f7119cd740b21bf237ebacf93bc003616d662fb4,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray.append(nums[i]); + } + } + retrun newArray; + +} +" +e880ff3f126ee1460d7d565c7d362fd5cf37aed9,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray.add(nums[i]); + } + } + retrun newArray; + +} +" +938f2adc98d584e03e57f7841b3ff25caaeec38e,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + i++; + } + retrun newArray; + +} +" +25f508a8e5c2a81d9d0577ecf1360b045cdfbd59,"public int[] withoutTen(int[] nums) +{ + int numsSize = nums.size(); + int[] newList = new int[numsSize]; + int newListCount = 0; + for (int numsCount = 0; numsCount < numsSize; numsCount++) + { + if (!(nums[numsCount] == 10)) + { + newList[newListCount] = nums[numsCount]; + newListCount++; + } + } + for (newListCount; newListCount < numsSize; newListCount++) + { + newList[newListCount] = 0; + } + return newList; +} +" +66d4270b6bdb7ccb02c4b40307b52e16ebc847f4,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + else { + i++; + } + } + return newArray; + +} +" +9cb4496d17d0540b8078c2dfba384ffeb737dce4,"public int[] withoutTen(int[] nums) +{ + int numsSize = nums.size(); + int[] newList = new int[numsSize]; + int newListCount = 0; + for (int numsCount = 0; numsCount < numsSize; numsCount++) + { + if (!(nums[numsCount] == 10)) + { + newList[newListCount] = nums[numsCount]; + newListCount++; + } + } + for (newListCount = newListCount; newListCount < numsSize; newListCount++) + { + newList[newListCount] = 0; + } + return newList; +} +" +800f4238971010058c4f9e6dcea7920dfbe69f38,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[i] = nums[i]; + } + } + return newArray; + +} +" +7f916342e849f62320f15838d9f7ae8246de3ebd,"public int[] withoutTen(int[] nums) +{ + int numsSize = nums.length; + int[] newList = new int[numsSize]; + int newListCount = 0; + for (int numsCount = 0; numsCount < numsSize; numsCount++) + { + if (!(nums[numsCount] == 10)) + { + newList[newListCount] = nums[numsCount]; + newListCount++; + } + } + for (newListCount = newListCount; newListCount < numsSize; newListCount++) + { + newList[newListCount] = 0; + } + return newList; +} +" +2ebf1463ebc607bf98a6d7c98ba98d2a33f20718,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[counter] = nums[i]; + } + } + return newArray; + +} +" +1f1ba1ca46849b6cb1eaf038923f6191d18a52b0,"public int[] withoutTen(int[] nums) +{ + int[] noTen = new int[nums.length]; + int p = 0; + + for (i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + noTen[p] = nums[i]; + p++; + } + } + return noTen; + +} +" +6bec1e014a5d1ecb20351bc5f7e01035632f4d06,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[counter] = nums[i]; + counter++; + } + } + return newArray; + +} +" +73902d07ab4fafc8f60583fc156726ab32cd4d13,"public int[] withoutTen(int[] nums) +{ + int[] noTen = new int[nums.length]; + int p = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + noTen[p] = nums[i]; + p++; + } + } + return noTen; + +} +" +25732ca5fd5dcfe8b1833ff1390de56cd5fc4c32,"public int[] withoutTen(int[] nums) +{ + int[] nums2 = new int[nums.length]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + nums2[j] = nums[i]; + j++; + } + } + return nums2; +} +" +f5f2588156a2fbd3f1baa91538d9c0bf95059c55,"public int[] withoutTen(int[] nums) +{ + int[] newOne = new int[nums.length]; + int index = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) + { + copy[index] = nums[i]; + index++; + } + return copy; +} +" +998eb7e04f08c942708d8f44099a7fa0ab77ca27,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int number = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + array[number] = nums[i]; + number = number + 1; + } + } + return array; + +} +" +d6331bdf1fb5648b7fd0751ecf66cf86a0754b2e,"public int[] withoutTen(int[] nums) +{ + int[] newOne = new int[nums.length]; + int index = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) + { + copy[index] = nums[i]; + index++; + } + return newOne; +} +" +163b5e9d5e5b7f56151845ec5dbabd0e39c6064e,"public int[] withoutTen(int[] nums) +{ + int[] newOne = new int[nums.length]; + int index = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) + { + newOne[index] = nums[i]; + index++; + } + return newOne; +} +" +7d5892bf2eb70fc84d74689944619c1bbc23509f,"public int[] withoutTen(int[] nums) +{ + int i = 0; + + while(i < nums.length && nums[i] != 10) + i++; + + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + + for( ; i < nums.length; i++) + nums[i] = 0; + + return nums; +} +" +3c3209c67fa842f3f5c5b9a5aabbb0be8d8871c7,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } +} +" +e6515abd91875f5949402ca12bd6a3bbe5b7df7b,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } +}} +" +abb382fb11cda2488f2cdd36135122b25643a3f0,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } +}return arr; +} +" +1816e622d03753f8b6d823ec818f874a947470cc,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + if (x == 0) + return nums; + else + int[] newNums = new int[x]; + int j = 0; + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j++; + for (int a = 0; a < x; a++) + if (newNums[a] == null) + newNums[a] = 0; + return newNums; + + +} +" +697df09475af3fa5890012f6c1ecc5fa799f2102,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + if (x == 0) + return nums; + else + int j = 0; + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j++; + for (int a = 0; a < x; a++) + if (newNums[a] == null) + newNums[a] = 0; + return newNums; + + +} +" +4b718f25f2d26b2b76617ea6553548ce1eb587cf,"public int[] withoutTen(int[] nums) +{ + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; + +} +" +fee5fed8803f8308617c193b5789af5e2c97301c,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j++; + for (int a = 0; a < x; a++) + if (newNums[a] == null) + newNums[a] = 0; + return newNums; + + +} +" +26046b08b83d687f10fac6ef45e381385d4c742d,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j++; + for (int a = 0; a < x; a++) + if (newNums[a].equals(null)) + newNums[a] = 0; + return newNums; + + +} +" +0407c95a9161fa1c23273a33e36a8035fb1c4627,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j++; + for (int a = 0; a < x; a++) + if (newNums[a] == null) + newNums[a] = 0; + return newNums; + + +} +" +7095e29dda997b7420b85c29a77659ed03571cbd,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j++; + return newNums; + + +} +" +059b9bcaa53d942f75f632d4bec158de75c9815a,"public int[] withoutTen(int[] nums) +{ + int[] newInt = new int[nums.length]; + int x = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + newInt[i] = 0; + } + else + { + newInt[i] = nums[i]; + } + } + return newInt; +} +" +e3a1627add94bab41cbad7728c9d8997600ddf8b,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j = j + 1; + return newNums; + + +} +" +132262d997e5a0ded1d438b8718a518c06387725,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + if (nums[i] != 10) + newNums[j] = nums[i]; + j = j + 1; + return newNums; + + +} +" +a640880805c7b524dec2ff6608a02a339cfe10a0,"public int[] withoutTen(int[] nums) +{ + int[] copy = new int[nums.length]; + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + copy[index] = nums[i]; + index++; + } + } + return copy; +} +" +3ba041699593c029a037914eb0acb01b17c42082,"public int[] withoutTen(int[] nums) +{ + int[] newInt = new int[nums.length]; + int x = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + newInt[i] = nums[i+1]; + newInt[nums.length - i] = 0; + } + else + { + newInt[i] = nums[i]; + } + } + return newInt; +} +" +9713f376b5a51db6875c7bc1f45d0ebe5cd638d5,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[a] = nums[i]; + p++; + } + } + return arr; +} +" +87fae67457c41c5b664d09f0362d6987eeb7be90,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + arr[a] = nums[i]; + a++; + } + } + return arr; +} +" +de1310e2468e99a391a86fd4084dc2bd4350f91b,"public int[] withoutTen(int[] nums) +{ + int[] newInt = new int[nums.length]; + int x = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + newInt[x] = nums[i]; + x++; + } + } + return newInt; +} +" +7c3a594e954c59edcaceb1246148ea13a184a658,"public int[] withoutTen(int[] nums) +{ + int[] array = nums; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + array[i] = 0; + } + return array; +} +" +fc015f0ef0f654bd8fbcb5f7d455152a8a3522cf,"public int[] withoutTen(int[] nums) +{ + int x = nums.length; + int[] newNums = new int[x]; + int j = 0; + if (x == 0) + return nums; + else + for (int i = 0; i < x; i++) + { + + if (nums[i] != 10) + { + newNums[j] = nums[i]; + j++; + } + } + return newNums; + + +} +" +797d35ac543d78964087bfc91d482b8b78cba58d,"public int[] withoutTen(int[] nums) +{ + int ar = new int[nums.length]; + int x = 0; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] != 10) + { + ar[x] = nums[i]; + x = x + 1; + } + } + + return ar; +} +" +609580848c928f352c0beb33b96134a0f6ca6355,"public int[] withoutTen(int[] nums) +{ + int[] ar = new int[nums.length]; + int x = 0; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] != 10) + { + ar[x] = nums[i]; + x = x + 1; + } + } + + return ar; +} +" +971f28b402f352077e69387972a350a801ed75c6,"public int[] withoutTen(int[] nums) +{ + int[] out = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 10) + { + } + else + { + out[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) + { + out[i] = 0; + } + return out; + +} +" +15abefe29456736c9dad2d95bf5445f1c3abfe0d,"public int[] withoutTen(int[] nums) { + int[] copy = new int[nums.length]; + int index = 0; + + for (int i = 0; i < nums.length; i++) + if (nums[i] != 10) { + copy[index] = nums[i]; + index++; + } + return copy; +}" +52dbed8bbab530bab8b7c481f99ac9aa36ba6757,"public int[] withoutTen(int[] nums) +{ + for (int num: nums) + { + if (num == 10) + { + num.remove(); + } + } + + return nums; +} +" +c7c7bacb391df67db9fd3700835a00b9b8cd23b0,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 10) + { + nums[i].remove(); + i--; + } + } + + return nums; +} +" +95e6f571e80fd3c483a8a1e6f518fbc7b9b0e0d6,"public int[] withoutTen(int[] nums) +{ + + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + +} +" +9c45323a281f13aaf68502b0a1a4037cb72485a8,"public int[] withoutTen(int[] nums) +{ + + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + +} +" +a9ce5a26b1598fec80948b0b6c7696e39c9fb1e6,"public int[] withoutTen(int[] nums) +{ + + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; + +} +" +4554a6c06e409c0c5e71fc26f1275ef5acca1fcf,"public int[] withoutTen(int[] nums) +{ + int[] newArr = new int[nums.length]; + int nonzero = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 10) { + newArr[nonzero++] = nums[i]; + } + } + return newArr; +} +" +90d0db3fde73e0d5b4283616abd6f88f9e20e073,"public int[] withoutTen(int[] nums) +{ + int length = nums.length; + int[] newA = new int[length]; + int j = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] != 10) + { + newA[j] = nums[i]; + j++; + } + } + while (j < length) + { + newA[j] = 0; + j++; + } + return newA; +} +" +cc4f32585be0bed1264aa6e22a3b90392193c5b6,"public int[] withoutTen(int[] nums) +{ + int count = 0; + while (count < nums.length && nums[i] != 10) + { + count++; + } + + for (int count2 = count + 1; count2 list = new ArrayList(); + return null; +} +" +e4c9a6d6357cdd440ea28f74e718b6a8072a5ba5,"public int[] withoutTen(int[] nums) +{ + int[] newarray = new int[nums.length]; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 10) + { + newarray[x] = nums[x]; + } + + } + return newarray; +} +" +b56f20c28cccb83cb5efb55631dddf72d0a982fe,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + newArray[count++] = nums[i]; + } + } + return newArray; +} +" +ab3a22c650519ce8e26b20a5e32e36230cc12513,"public int[] withoutTen(int[] nums) +{ + int y = 0; + int[] newarray = new int[nums.length]; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 10) + { + newarray[y] = nums[x]; + y++ + } + + } + return newarray; +} +" +9b292709cdc6e102e2fc27f2f205c1dd7fe7fb6f,"public int[] withoutTen(int[] nums) +{ + int y = 0; + int[] newarray = new int[nums.length]; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 10) + { + newarray[y] = nums[x]; + y++; + } + + } + return newarray; +} +" +f9ea3984d24e51a2ab554888d53891b197e81fbb,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int x = 0; + for (int i = 0; i < newArray.length; i++) + { + if (nums[i] ! = 10) + { + newArray[x] = nums[i]; + x = x + 1; + } + } + return newArray; +} +" +799fc3e06bc33a9ddd4cb7f936b2846277127d71,"public int[] withoutTen(int[] nums) +{ + int len = nums.length; + int[] value = new int[len]; + int j = 0; + for(int i = 0; i< len; i++) + { + if(nums[i] != 10) + { + value[j] = nums[i]; + j++; + } + } + return value; +} +" +de179001cffa192eeab27183f4b29275ab964489,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int x = 0; + for (int i = 0; i < newArray.length; i++) + { + if (nums[i] != 10) + { + newArray[x] = nums[i]; + x = x + 1; + } + } + return newArray; +} +" +f0f7fc555a3889c9f33f12284ab24473384c8777,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; + +} +" +2443effc13f498cea7033edae1f558bb38c0929c,"public int[] withoutTen(int[] nums) { + int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; +} +" +19a7412c6d7ebfa2a2de8b477c53aa64a18525b1,"public int[] withoutTen(int[] nums) +{ +int[] result = new int[nums.length]; + int j = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 10) { + } else { + result[j] = nums[i]; + j++; + } + } + + for(int i = j; i < nums.length; i++) { + result[i] = 0; + } + return result; +} +" +fd141ef3f028b3adc31ae146d976f4933e172dd2,"public int[] withoutTen(int[] nums) +{ + int temp = 0; + int[] list = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + list[temp] = nums[i]; + temp++; + } + } + for (int i = 0; i < nums.length; i++) + { + if (list[i] == null) + { + list[i] = 0; + } + } + return list; +} +" +25ed33e83b2d74f74112e865bead21549f8d5bdb,"public int[] withoutTen(int[] nums) +{ + int temp = 0; + int[] list = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + list[temp] = nums[i]; + temp++; + } + } + for (int i = 0; i < nums.length; i++) + { + if (list[i] == 0) + { + list[i] = 0; + } + } + return list; +} +" +6ba56b093af7cceffa107d45c3da594de7f2716b,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while(i < nums.length && nums[i] != 10) + i++; + for(int j = i + 1; j < nums.length; j++) { + if(nums[j] != 10) { + nums[i] = nums[j]; + nums[j] = 10; + i++; + } + } + for( ; i < nums.length; i++) + nums[i] = 0; + return nums; +} +" +7fcc91cceb45ad7b28a874bef950c8872ee61056,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +a49f892d3f85613892da8ab9558e2ab0ca594f4c,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + return arr; +} +" +6aef4daf89e031ae82334e35751a925a97d46f29,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + array[p] = nums[i]; + p++; + } + } + return array; +} +" +dba7fdc6decc6dfde47a49cb584500681b31eab6,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int x=0; + for(int i = 0; i nums.length) + { + for (int i = nnum.length; i < (nums.length); i++) + { + nnum[i] = 0; + } + } +} +" +273dd2b601a9543dd629ec34cf5635fce472e116,"public int[] withoutTen(int[] nums) +{ + int[] nnum; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + int temp = nums[i]; + nnum[counter] = nums[i]; + counter++; + } + } + if (nnum.length > nums.length) + { + for (int i = nnum.length; i < (nums.length); i++) + { + nnum[i] = 0; + } + } + return nnum; +} +" +563f04a60bd024b47df82fe76e07cda5bed47327,"public int[] withoutTen(int[] nums) +{ + int[] nnum = new int[]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + int temp = nums[i]; + nnum[counter] = nums[i]; + counter++; + } + } + if (nnum.length > nums.length) + { + for (int i = nnum.length; i < (nums.length); i++) + { + nnum[i] = 0; + } + } + return nnum; +} +" +3a5c98bbeebb49d10f43966bbd70c42373c0e1c3,"public int[] withoutTen(int[] nums) +{ + int[] nnum = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + int temp = nums[i]; + nnum[counter] = nums[i]; + counter++; + } + } + if (nnum.length > nums.length) + { + for (int i = nnum.length; i < (nums.length); i++) + { + nnum[i] = 0; + } + } + return nnum; +} +" +cf8372ced98c7e6811bf823bcb54a848b6af13ce,"public int[] withoutTen(int[] nums) +{ + int[] nnum = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + int temp = nums[i]; + nnum[counter] = nums[i]; + counter++; + } + } + for (int i = nnum.length; i < (nums.length); i++) + { + nnum[i] = 0; + } + + return nnum; +} +" +9347b34322e8c828b597c3baeef85895626cf5b9,"public int[] withoutTen(int[] nums) +{ + int[] array = new int[nums.length]; + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + array[a] = nums[i]; + a++; + } + } + return array; +} +" +9a6194c3e9f211d5ee543005f0ca2282d2e6fe5a,"public int[] withoutTen(int[] nums) +{ + for (int i; i < nums.length; i) + { + if (i !=10) + { + break; + } + } + for(int j : nums) + { + if (j != 10) + { + i = j; + j = 10; + i++; + } + } + for (i < numslength; i++) + { + nums[i] = 0; + } + return nums; +} +" +35041e58cb73d1b21fc941e056d37fb2e7ab9dd0,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (int[i] !=10) + { + break; + } + } + for(int j : nums) + { + if (j != 10) + { + i = j; + j = 10; + i++; + } + } + for (i < numslength; i++) + { + nums[i] = 0; + } + return nums; +} +" +37bce4d7fe26ff17f824ff1f7d8c5c14845b522e,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] !=10) + { + break; + } + } + for(int j : nums) + { + if (j != 10) + { + i = j; + j = 10; + i++; + } + } + for (i < numslength; i++) + { + nums[i] = 0; + } + return nums; +} +" +ee85902f023bf81c12de6b6f70b96ba9a7d5efa6,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] !=10) + { + break; + } + } + for(int j : nums) + { + if (j != 10) + { + i = j; + j = 10; + i++; + } + } + for (; i < numslength; i++) + { + nums[i] = 0; + } + return nums; +} +" +2d76ba856c182b88f1b84170e6699075c9e3c747,"public int[] withoutTen(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] !=10) + { + break; + } + } + for(int j : nums) + { + if (j != 10) + { + i = j; + j = 10; + i++; + } + } + for (i = i; i < numslength; i++) + { + nums[i] = 0; + } + return nums; +} +" +f53b57c6ec5c981f23c66e23585a890415d54a6f,"public int[] withoutTen(int[] nums) +{ + int i = 0; + +} +" +bc72388ad6ca628dab05d07cc7679829cfaf8483,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length) + { + if (nums[i] != 10) + { + newArray[counter] = nums[i]; + counter++; + } + } + return newArray; +} +" +bfabb2a0cce800a1e5dea2b614e336cdef94b0e8,"public int[] withoutTen(int[] nums) +{ + int[] newArray = new int[nums.length]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + newArray[counter] = nums[i]; + counter++; + } + } + return newArray; +} +" +8719354222e15e36fddf5a44458cd29ad533e05f,"public int[] withoutTen(int[] nums) +{ + int a = 0; + while (a < nums.length && nums[a] !=10) + a++; + for(int b = a +1; b < nums.length; b++) + { + if(nums[b] != 10) + { + nums[a] = nums[b]; + nums[b] = 10; + a++; + } + + } + for(int i = 0; i < nums.length; i ++) + nums[i] = 0; + return nums; +} +" +e7434fb588dcf98b092a4fbb39d3ab0f42769bf4,"public int[] withoutTen(int[] nums) +{ + +} +" +503a749a5734f49be4cade2a507bd6eecf4caffd,"public int[] withoutTen(int[] nums) +{ + + int a = 0; + while (a < nums.length && nums[a] !=10) + a++; + for(int b = a +1; b < nums.length; b++) + { + if(nums[b] != 10) + { + nums[a] = nums[b]; + nums[b] = 10; + a++; + } + + } + for(a < nums.length; a++) + { + nums[a] = 0; + } + return nums; +} + + +" +bf1f143e6cd82a1431fd01aa7574d3643bf582d1,"public int[] withoutTen(int[] nums) +{ + + int a = 0; + while (a < nums.length && nums[a] !=10) + a++; + for(int b = a +1; b < nums.length; b++) + { + if(nums[b] != 10) + { + nums[a] = nums[b]; + nums[b] = 10; + a++; + } + + } + for(int i = 0; i< nums.length; i++) + { + nums[i] = 0; + } + return nums; +} + + +" +44b579cd47f6012d15310354fde937dbae20e138,"public int[] withoutTen(int[] nums) +{ + int i = 0; + for (int j : int) + { + if(j != 10) + { + break; + } + i ++; + } + for (int k = i + 1; k < nums.length; k++) + { + if(nums[k] != 10) + { + nums[i] = nums[k]; + nums[k] = 10; + i++; + } + } + for (i = i; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +954f797225240d7d32f01d2a546dbeaba57ddfcc,"public int[] withoutTen(int[] nums) { +int[] tab = new int[nums.length]; +int counter = 0; +for (int i = 0; i < nums.length; i++) +{ +if (nums[i] != 10) +tab[counter++] = nums[i]; +} +return tab; +}" +8397c523e9fa79de707e6dfa3679d70e2c821e69,"public int[] withoutTen(int[] nums) +{ + int i = 0; + for (int j : nums) + { + if(j != 10) + { + break; + } + i ++; + } + for (int k = i + 1; k < nums.length; k++) + { + if(nums[k] != 10) + { + nums[i] = nums[k]; + nums[k] = 10; + i++; + } + } + for (i = i; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +6b7be601d79cd8c8d4335ecc36db49f284a0c5eb,"public int[] withoutTen(int[] nums) +{ + int[] arr = new int[nums.length]; + int p = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 10) + { + arr[p] = nums[i]; + p++; + } + } + // Java arrays are initialized to 0 so no need to set the last elements to 0 + return arr; +} +" +14305507af6d3b6720c8384b65ad2019bec30e74,"public int[] withoutTen(int[] nums) +{ + int i = 0; + while (i < nums.length && nums[i] != 10) + { + i++; + } + for (int k = i + 1; k < nums.length; k++) + { + if(nums[k] != 10) + { + nums[i] = nums[k]; + nums[k] = 10; + i++; + } + } + for (i = i; i < nums.length; i++) + { + nums[i] = 0; + } + return nums; +} +" +572f9b11f6dcc9d3c7c8923977c8284987ced6e7,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +eadc7b69e8daca1850fee626e8319d1db114caca,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + return true; + if ((a-b)==6 || (b-a)==6) + return true; + if ((a+b)== 6 || (a+b)==6) + return true; + else + return false; + +} +" +e5455143df14702a2bfa6370cf68b28855687e1f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +b91e0a064c158ff88a57ad9605f212892ffcbe13,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + if (Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + return true; + return false +} +" +8e2aed87f0d513028d47250390296db0b7f47c00,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + if (Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + return true; + return false; +} +" +83c79b873c31cb311c8443b21b93dee71acbfa53,"public boolean love6(int a, int b) +{ + int c = a + b; + int d = a - b; + int f = b - a; + if (a = 6) + { + return true; + } + if (b = 6) + { + return true; + } + if (c = 6) + { + return true; + } + if (d = 6) + { + return true; + } + if (f = 6) + { + return true; + } + return false; +} +" +0ba0d2a779f9d62104b2b57c689d17db02918cdd,"public boolean love6(int a, int b) +{ + int c = a + b; + int d = a - b; + int f = b - a; + if (a == 6) + { + return true; + } + if (b == 6) + { + return true; + } + if (c == 6) + { + return true; + } + if (d == 6) + { + return true; + } + if (f == 6) + { + return true; + } + return false; +} +" +58dae4f7c9e8313a4f14dafa1ae9f560f55f9b32,"public boolean love6(int a, int b) +{ + if( a == 6 || b ==6 || Math.abs(a-b) == 6){ + return true; + }else{ + return false; + } +} +" +b12af48dd5b4ce2052c7b1251cfd5005fdd4414a,"public boolean love6(int a, int b) +{ + if( a == 6 || b ==6 || Math.abs(a-b) == 6 || a+b == 6){ + return true; + }else{ + return false; + } +} +" +2cd669c5c02b125090defd995e184c53b4e51738,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b = 6) + return true; + if(Math.abs(a - b = 6) + return true; + else + return false; +} +" +4a9f4a8a959fe73187a6c3ffacd28a1afdc59f02,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + if(Math.abs(a - b) == 6) + return true; + else + return false; +} +" +867e4da8b03c91fe28b3d2bc9d8932bc05e88be1,"public boolean love6(int a, int b) +{ + if(int a == 6 || int b == 6) + { + return true; + } + + else + { + return false; + } +} +" +82c0ab35be5e7735dcc790a9e181421803a2e36d,"public boolean love6(int a, int b) +{ + c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return ture; + } + else + { + return false; + } + +} +" +13d4f52b8384253f36bb01b2001f83822c21d727,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return ture; + } + else + { + return false; + } + +} +" +b40bca955eef85808a0cbf3c255c18c9d1b6acb1,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return ture; + } + else + { + return false; + } + +} +" +e581b53d71acfb40b7af65235acea682ef25215a,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return true; + } + else + { + return false; + } + +} +" +7e469271508b239d2996277d0e66dc7df42ecb12,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return true; + } + else + { + return false; + } + +} +" +0962de27ae6785b3157dd4ee289ed5b418e509a7,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return true; + } + else + { + return false; + } + +} +" +a620bd127dc768c38f22f35adb84ede3fe08997d,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return true; + } + else + { + return false; + } + +} +" +8c8d707ca34d7a6f5ee505bd0e656f84b83ddb60,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return true; + } + else + { + return false; + } + +} +" +355eaf0150f11aed17ffe133f8dafea0707975aa,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + if ( a == 6 || b == 6 || c == 6) + { + return true; + } + else + { + return false; + } + +} +" +fa26daba2d3b3098417b24acaea95ba200024633,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + int d = Math.abs(a - b); + if ( a == 6 || b == 6 || c == 6 || d ==6) + { + return true; + } + else + { + return false; + } + +} +" +399678c143b7ee3cf2fdfaf8aa8ac1810b128961,"public boolean love6(int a, int b) +{ + int c = Math.abs(a + b); + int d = a - b; + int e = b - a; + if ( a == 6 || b == 6 || c == 6 || d == 6 || e == 6) + { + return true; + } + else + { + return false; + } + +} +" +8c9ff32aedd04d15ec3eb6a3e05a1fe930091f7f,"public boolean love6(int a, int b) +{ + int c = a + b; + int d = a - b; + int e = b - a; + if ( a == 6 || b == 6 || c == 6 || d == 6 || e == 6) + { + return true; + } + else + { + return false; + } + +} +" +3e3b6fff7f2d3cde819edf9b649f2501812fb018,"public boolean love6(int a, int b) +{ + if(int a == 6 || int b == 6) + { + return true; + } + + if((a+b == 6) || Math.abs(a-b == 6)) + { + return true; + } + + else + { + return false; + } +} +" +26bbbd7e276ecb4464c43a515e1fe668034db042,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if((a+b == 6) || Math.abs(a-b == 6)) + { + return true; + } + + else + { + return false; + } +} +" +f75a5cc5ad97058df28fe32c8e18b2df5b9de9d8,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if((a + b == 6) || Math.abs(a - b == 6)) + { + return true; + } + + else + { + return false; + } +} +" +dc5e5649ec38170a0f922dd3302c22f1ebb9ce44,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if((a + b == 6) || (Math.abs(a - b == 6)) + { + return true; + } + + else + { + return false; + } +} +" +cdc2769714c2b1a94881e08493c66153969d7ffb,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if((a + b == 6) || (Math.abs(a - b == 6))) + { + return true; + } + + else + { + return false; + } +} +" +8e1fd0dd3e98508d52ecbeea9d9b4f002464405a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6 || + b + a == 6) { + return true; + } + else { + return false; + } +} +" +744e37d72e35003352fb754f76f8cae0d1e444c3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if((a + b == 6) || (Math.abs(a - b = 6))) + { + return true; + } + + else + { + return false; + } +} +" +a2414517fc5bddcc82ba1bd8cb4647895264eca1,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if(a + b == 6) || Math.abs(a - b = 6) + { + return true; + } + + else + { + return false; + } +} +" +142d792118122e0074403874cb7f5d0ee8b7f5e6,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if(a + b == 6) || Math.abs(a - b = 6) + { + return true; + } + + else + { + return false; + } +} +" +1c918dbb1bb789d0144b976a0d86db0c67965a48,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if ((a + b == 6) || (Math.abs(a - b) == 6)) + { + return true; + } + + else + { + return false; + } +} +" +94de035ba9491033cea15979d7fd7325392b4d3f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + if ((a + b == 6) || (Math.abs(a - b) == 6)) + { + return true; + } + + else + { + return false; + } +} +" +d5bfbdd438f3b8c7920b76e5c1f0078407a7b72e,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +9c46cd488603a80a44cd76699fb70d0b1ddf18fa,"public boolean love6(int a, int b) +{ + int c = a + b; + int d = Math.abs(a - c); + if (a == 6 || b == 6 || c == 6 || d == 6) + return true; + else + return false; +} +" +5a7af0f773e83ce047269405d6ecfbe205f91bd6,"public boolean love6(int a, int b) +{ + int c = a + b; + int d = Math.abs(a - b); + if (a == 6 || b == 6 || c == 6 || d == 6) + return true; + else + return false; +} +" +9deb1447b010c58c9153f608968c890b678c7d7f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return (( a + b ) == 6 || Math.abs(a-b) == 6) +} +" +de24373b55857fffd5e94317a742b0288c7fa02c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return (( a + b ) == 6 || Math.abs(a-b) == 6); +} +" +e21196d6fdc45007b60222d1d2ea89c9c6403781,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (a - b = 6 || a + b = 6 || b - a = 6) + { + return true; + } + else + { + return false; + } + } +} +" +750f5df32dedd3f3f4e3646d712bbe28b1bbb51b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (a - b == 6 || a + b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } + } +} +" +7c96d36e8bed1ae8a6bceb30708f3c6dc22c2dd2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +e1647bb5a3cb5e81e4467fb7f795d1ad32da5a9b,"public boolean love6(int a,int b) + +{ + +if(a==6 || b==6 || (a+b==6) || (Math.abs(a-b) ==6) ) + +return true; + +return false; + +}" +49fc96d1e3acc3a00f5a933edc7f8ea885ab3fc0,"public boolean love6(int a, int b) +{ + if (a == 6 || b = 6) + return true; + if (a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +81af9129f0a35029ce689b1b403a0832ee59b57a,"public boolean love6(int a, int b) +{ + if (a == 6 || b = 6) + return true; + if (a + b == 6) + return true; + else if (Math.abs(a - b) == 6) + return true; + else + return false; +} +" +457574579159a71b8474da153e93d68e008871c9,"public boolean love6(int a, int b) +{ + if (a == 6) + return true; + else if (b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a - b) == 6) + return true; + else + return false; +} +" +f9aa9916a28ece774a9e1869052667bfd87962e7,"public boolean love6(int a, int b) +{ + if (a = 6 && b = 6) + { + return true; + } +} +" +8bd5554262cfdddf6c8e2ac6552f0736ddc65dd2,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + +} +" +d593701bdaa5c56e438e2b78f7ea4c5d2cf02f80,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } +} +" +28a26fca178cd5f13a5afe04d414ed2bc394c14f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + return false; + } +} +" +67cc1c5daa71d7acfea47a84153eaf1a9a0567ba,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + return false; +} + +} +" +ed67f3f62bff3deb1b0c99e5533ea1904074d78f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + return false; +} + + +" +2af1d23c0800945d33794eb2b509082779bfd39d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + return false; +} + + +" +7543aa75696f69cade1841737726c5667ead1121,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b = 6) + { + return true; + } + else if (Math.abs(a - b = 6)) + { + return true; + } + else + { + return false; + } +} +" +531b17adbda4004834c6312235f147e421420484,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b == 6)) + { + return true; + } + else + { + return false; + } +} +" +24c18a793a8ef51924cb1808313ec52698525cc1,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + return false; +} + + +" +ae8432e8312250dfa21fa65a813b782454ff5a4b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +31fb24a51ccbbb13c831d68ab6ea5918e4806230,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + else if (a - b == 6) + { + return true; + } + else if (b - a == 6) + { + return true; + } + return false; +} + + +" +4bab66aafabe288e996336495807246faa2337c2,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + + return false; +} + + +" +d1f7251ba158704b70241612ad092dca01ecdbb5,"public boolean love6(int a, int b) +{ + diff = Math.abs(a - b); + sum = (a + b); + if (a == 6 || b == 6){ + return true; + } + else if (diff == 6 || sum == 6){ + return true; + } + else { + return false; + } +} +" +78d7a24276a0c9c1041a84235ad33d68078c6fd9,"public boolean love6(int a, int b) +{ + int diff = Math.abs(a - b); + int sum = (a + b); + if (a == 6 || b == 6){ + return true; + } + else if (diff == 6 || sum == 6){ + return true; + } + else { + return false; + } +} +" +d08a60dae250ad8c89a040ab461e79d192cb9005,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +9165c22367f603c4757e34d1eb8a59bcb742c286,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + + int c = Math.abs(a-b); + + if ( a+b == 6 || c ==6) + { + return true; + } + + else + { + return false; + } +} +" +729333cc63d4acd827c3558af1bbb0a6c54066de,"public boolean love6(int a, int b) +{ + int sum = a + b; + int diff1 = Math.abs(a-b); + int diff2 = Math.abs(b-a); + if (a == 6 || b == 6|| sum == 6 || diff1 == 6 || diff2 == 6) + { + return true; + } + else + { + return false; + } +} +" +643985b0553a3fbbd3c5684bf067be52e0d1dade,"public boolean love6(int a, int b) +{ + boolean love = false; + int sum = a + b; + int dif = a - b; + dif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || dif ==6 ) + { + love = true; + } + return love; +} +" +2de14145e86ff58bbd187d5b188bdcea69f783da,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b == 6 || Math.abs(b - a ==6) + { + return true; + } + return false; +} +" +ebb4853dd466692c302c468bddf10bfeb445b541,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b == 6) || Math.abs(b - a ==6)) + { + return true; + } + else + { + return false; + } +} +" +e42e8ee4dece4e4d96aa0e18731e9347cf5704bb,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b == 6)) + { + return true; + } + else + { + return false; + } +} +" +8268f5ffc88c278f6cd000b3803ad75e037b4eaf,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs((a - b) == 6)) + { + return true; + } + else + { + return false; + } +} +" +8f68e6fd851d671dedfaa6af31fc23c91be43172,"public boolean love6(int a, int b) +{ + if (a + b == 6) { + return true; + } else if (Math.abs(a-b) == 6) { + return true; + } else if (a == 6 || b == 6) { + return true; + } else { + return false; + } +} +" +844b876e2b11985450ffb07d6998eec3abef1dfd,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 + || Math.abs(a - b) == 6 + || (a + b) == 6) + return true; + else + return false; + +} +" +e58d5ddc44425425a5954ac8e7eada6fa7ffd79d,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs((a - b) == 6)) + { + return true; + } + else + { + return false; + } +} +" +126596a518b885c7dc01cf339c14aa00b549f1d5,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + return (a + b == 6 || Math.abs((a - b) == 6)) + +" +0719fa37deb12bb725a787f934978a27fba97f4b,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + return (a + b == 6 || Math.abs((a - b) == 6)); + +" +36c2885105fdeef7290e87f8bf6589984fcf9866,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + return (a + b == 6 || Math.abs((a - b) == 6)); + +}" +f008bb04655bb9ebd5812115833cdcc0fbeb75f4,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if Math.abs(a - b) == 6) + { + return true; + } + +}" +d00e015c0f12f215963c08416913643e04c9ee54,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b) == 6) + { + return true; + } + +}" +7d14a6544eb31227d6f41a2ae00298a0855a8234,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +}" +e407c63b5f73d146156a7df880bb175537c43408,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6) + return true; + else if (Math.abs(6)) + return true; + else + return false; + +} +" +b24698dd200a6fe02760e2514a52f9dbdafbb012,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6) + return true; + else if ((a-b)==Math.abs(6) || (a+b)=6) + return true; + else + return false; + +} +" +e20e5d167136086d8044601fe707dfbaad687752,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6) + return true; + else if (Math.abs(a-b) == 6 || (a+b)=6) + return true; + else + return false; + +} +" +e1108c3f4bc88e9527498472afd46688dbff67e3,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6) + return true; + else if (Math.abs(a-b) == 6 || (a+b)=6) + return true; + else + return false; + +} +" +a9e3f82c47b1e696765e6c984ad320ecce793563,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6 || Math.abs(a-b) == 6 || (a+b)=6) + return true; + + else + return false; + +} +" +57aa293c4a09f31da7d7898cae6188220bd5e6a1,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6 || Math.abs(a-b) == 6 || (a+b)== 6) + return true; + + else + return false; + +} +" +9956d4e241ac2cff00702e8d3831576f8d73b268,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6 ) + return true; + else if (Math.abs(a-b) == 6 || (a+b)== 6) + return false; + else + return false; + +} +" +ecec050c7daf0e2c823998b58ec5540912c9c5c0,"public boolean love6(int a, int b) +{ + if (a== 6 || b == 6 ) + return true; + else if (Math.abs(a-b) == 6 || (a+b)== 6) + return true; + else + return false; + +} +" +a5a6fe151d65fdaceefaabfaa74e0d815a7397f4,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return true; + } + else if (a + b = 6 || a - b = 6 || b - a = 6) + { + return true; + } + else + return false; +} +" +7e6d40fe3a4e913394b13c1b38cf50cd6bb052f1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || (a - b) == 6 || (b - a) == 6) + { + return true; + } + else + return false; +} +" +61991b8da62e5ff0cba4beb65fc4024191162e56,"public boolean love6(int a, int b) +{ + if(a==6 || b==6 || a+b==6 || Math.abs(a-b) ==6) + { + return true; + } + else + { + return false; + } +} +" +d9b55fce5e0b93c55bb11177ec0498aa89e45b5e,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +7f6b280272df1ffb65cf015c606631bcb37557df,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6 || b - a == 6 || a - b == 6) + return true; + return false; +} +" +020e95f494bb95d9ad3aa4f785807b0da49d0095,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else + if (Math.abs(a + b) = 6) + return true; + else + return false; +} +" +ecd5f9765b6a8837d5fa93379ba296ed7b1b8f67,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else + if (Math.abs(a + b) == 6) + return true; + else + return false; +} +" +adae17d9b5b6076aa138ef87297075ab69273d14,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else + if (Math.abs(a + b) == 6 || (Math.abs(a-b) == 6)) + return true; + else + return false; +} +" +ea421a3a2dfc9af8b608e4719eeebf3cb69bd094,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else + if ((a + b) == 6 || (a-b == 6)) + return true; + else + return false; +} +" +3692b2cb23148b0f73b13dccbd9f1f0c16b39a0a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else + if ((a + b) == 6 || (a-b == 6) || (b-a == 6)) + return true; + else + return false; +} +" +5cafe8d35cc929d16676e124babd51082b88e121,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6 || (a + b = 6) || (a - b = 6)) + { + return true; + } + else return false; +} +" +29e916b9f94e35e3f1756ca4c8cd13619f2a718f,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6) || (a + b = 6) || (a - b = 6)) + { + return true; + } + else return false; +} +" +f9a5cc226783d68ccb2c2c516b90e7c036cdec95,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6) || (a + b = 6) || (a - b = 6)) + { + return true; + } + else return false; +} +" +fd73b3b37c08dd56046a2e32383fff10a3b19234,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else return false; +} +" +e1e313b30c9b29c7ce085505579c6b54c0b33e59,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b = 6) || (a - b = 6)) + { + return true + } + else return false; + } +} +" +48b277e98764473505811e738b40ecea1d1b456d,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b = 6) || (a - b = 6)) + { + return true; + } + else return false; + } +} +" +d78e49dcc3ec2e0e6565f954a7903ace06050f5c,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b == 6) || (a - b == 6)) + { + return true; + } + else return false; + } +} +" +0d1b9d3f2941725a6d93c3b620ee57974da8c251,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b == 6) || Math.abs(a - b == 6)) + { + return true; + } + else return false; + } +} +" +54aa486a76f7070dde0aa7e912f4874fa9730308,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b == 6) || (a - b == Math.abs(6))) + { + return true; + } + else return false; + } +} +" +eeb5dd703c08e9d752e6b4a7da75dbd6b16ea0d6,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b == 6) || (a - b == Math.abs(6)) || (b - a == Math.abs(6)) + { + return true; + } + else return false; + } +} +" +b4d46cccddaf1b4f6cc39aa72af8705913bfbce6,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else + { + if ((a + b == 6) || (a - b == Math.abs(6)) || (b - a == Math.abs(6))) + { + return true; + } + else return false; + } +} +" +0648984e5ceaea4ce72e29567a82b1b3eb688e69,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a - b) == 6 || Math.abs(a + b) == 6) + return true; + else + return false; +} +" +8b5f501961a1be22187dd22bfd26316fd7e9037b,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else + return false; +} +" +7b7bfdc6c196ae19190a674205430c77c898179d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if(a + b == 6 || Math.abs(a - b) == 6) + return true; + return false; +} +" +cb0552baa24f63ffe831a1e16f508946dc99db68,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; +} +" +7099504ac6f2070a4a569108170c57bdbd2c8aea,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6) + +} +" +2f4e205258334560d1aab04a52f95a9f52d90f36,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); + +} +" +12ab8129e1783be007a01cb77733e572d7cde863,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +3db97fdd3219c3d3a54b47043ddf04711e6eaad3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +032f1a592ef44187c6292a9ce2e34bd9928594f7,"public boolean love6(int a, int b) +{ + if (a == Math.abs(6) || b == Math.abs(6)) + { + return true; + } + + else if ( a + b = Math.abs(6) || a - b = Math.abs(6)) + { + return true; + } + + else + { + return false; + } + +} +" +b83bd40fafe23ba36352cefb1a21dc2db4d33cd8,"public boolean love6(int a, int b) +{ + if (a == Math.abs(6) || b == Math.abs(6)) + { + return true; + } + + else if ( a + b == Math.abs(6) || a - b == Math.abs(6)) + { + return true; + } + + else + { + return false; + } + +} +" +3421f19d9e0e905fd7bcf32376ca4d7b8ea83dc5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + else if ( a + b == Math.abs(6) || a - b == Math.abs(6)) + { + return true; + } + + else + { + return false; + } + +} +" +0bf58f7dbbdc6207ec1bccd679364f45aacaeb5a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + else if ( a + b == 6 || a - b == 6) + { + return true; + } + + else + { + return false; + } + +} +" +ddd50f071551cc3333a39afe32d9dd68c003b9ba,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + else if ( a + b == 6 || a - b == Math.abs(6)) + { + return true; + } + + else + { + return false; + } + +} +" +80c5419c17248b65961f41ca70c69b14e9a7fb1c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + else if ( a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + + else + { + return false; + } + +} +" +b79d85c98bb150e3eaab85cbcbee143f57ec944a,"public boolean love6(int a, int b) +{ + if (a == 6 || b = 6 || a + b = 6 || Math.abs(a - b) = 6) + return true; + else + return false; +} +" +321b5e38e56fbfb29128fe8f904555cb80ed8624,"public boolean love6(int a, int b) +{ + if (a != 6 || b != 6 || a + b != 6 || Math.abs(a - b) != 6) + return false; + else + return true; +} +" +cb7010a4c9eab7a9792ac509d6be84f2a9e8711d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +df86d2136051f82154653aa38ca2e3269b5b83af,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6) { + return true; + } + return false; + +} +" +03cea2f7db568694cb21802db18f88612543213d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6 || Math.abs(a+b) == 6) { + return true; + } + return false; + +} +" +e04236463dd1761b8cd02c0d8609d5cf4faaf988,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6 || a+b == 6) { + return true; + } + return false; + +} +" +7a38d8f2d1935798f485e4e57ece1000300b2c46,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +c139ffaf539daa12e5be27562146a2c248c1dc9b,"public boolean love6(int a, int b) +{ + if(a==6 || b==6){ + return true; + } + else if(a+b == 6){ + return true; + } + else if(a-b == 6 || b-a == 6){ + return true; + } + else{ + return false; + } +} +" +da4e2de5f824435f0ad129203bda304238bdd91b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6 || a + b ==6) + { + return true; + } + else + { + return false; + } +} +" +38768abf06a9914993f4a0a041d61227c5925a92,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + } +} +" +138430390ecae27be8f6c26bb5440a13b58bc19e,"public boolean love6(int a, int b) +{ + boolean x; + if (a == 6 || b == 6) + { + x = true; + } + else if ( (a + b) == 6 || (a - b) == 6 || (b - a) == 6) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +5d9dbd5aebb63d10a1fd96b8ed521394e65e9ce5,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs(a-b) ==6) + { + return true; + } + else + { + return false; } +} +" +85fbbc23443e7592653d18da6e739128b01e6f65,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs(a-b) ==6 || || Math.abs(a+b) ==6) + { + return true; + } + else + { + return false; } +} +" +ab194d719bf427916634c29db3223a168a74ca34,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs(a-b) ==6 || Math.abs(a+b) ==6) + { + return true; + } + else + { + return false; } +} +" +0751c2b1f32bcdcc86924998ad61c06bad582443,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || a-b ==6 || a+b ==6 || b-a ==6 ) + { + return true; + } + else + { + return false; } +} +" +c3efadeb03298aa144d3eedfef61ab6a8a32bfd9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || (a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +6fea1fcc6151a51c9b7f66e783ac8e9bed2f1d1a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || (a - b) == 6 || (b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +395035aa38d09e969625ab78ff31c255e4bd28e0,"public boolean love6(int a, int b) +{ + boolean love = false; + int sum = a + b; + int diff = a - b; + int absDiff = Math.abs(diff); + if (sum == 6 || diff == 6 || absDiff == 6 || a == 6 || b == 6) + { + love = true; + } + return love; +} +" +ba0e3ce79aad773065c39b1661db1d15f3fb0e10,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b == 6)) + { + return true; + + } + else + { + return false; + } +} +" +c752342352be7b60ac1be65fd540aef51e51f234,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b == 6) || (a - b == 6)) + { + return true; + + } + else + { + return false; + } +} +" +3256c5de31c5055c409505d54888ab28c4e39fb6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b == 6) || (Math.abs(a - b) == 6)) + { + return true; + + } + else + { + return false; + } +} +" +2c05af457d625c095a8e263e2394bc2c197d8a35,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else if (((a - b) == 6) || ((b - a) == 6)) + { + return true; + } + else + { + return false; + } +} +" +82c2f585828983718cf4a9f78bebb394c88f5b82,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else if ((math.abs(a - b) == 6) || ((a + b) == 6)) + { + return true; + } + else + { + return false; + } +} +" +93cbb22b6a1b1a6803c91b97ad0c9e1017120cfa,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else if ((Math.abs(a - b) == 6) || ((a + b) == 6)) + { + return true; + } + else + { + return false; + } +} +" +c218ca3dbe91d541eebd52f93e2e73d38326cdaf,"public boolean love6(int a, int b) +{ + if ( a == 6 || b ==6 ) + { + return true; + } + else if( a + b == 6 || Math.abs(a-b) ) + { + return true; + } + + return false; +} +" +f7b974e96ad9bbb1fe572cb289433aedd5f595fc,"public boolean love6(int a, int b) +{ + if ( a == 6 || b ==6 ) + { + return true; + } + else if( a + b == 6 || Math.abs(a-b) == 6) + { + return true; + } + + return false; +} +" +55dfaf93d83880d5b5fb46506a55bc3c34036d25,"public boolean love6(int a, int b) +{ + int sum; + int difference; + sum = a + b; + difference = Math.abs(a - b); + return (sum == 6 || difference == 6 || a == 6 || b == 6); +} +" +6a86aea27f6d0796e5715fa855eeac8de28490df,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6){ + return(true); + }else{ + if (a + b == 6){ + return(true); + }else{ + if (Math.abs(a - b) == 6){ + return(true); + }else{ + return(false); + } + } + } +} +" +9ef6f7aabbc090e7551d2975a14b32e3cd7777b1,"public boolean love6(int a, int b) +{ + boolean result = false; + int diff = Math.abs(a - b); + int sum = a + b; + if (a == 6 || b == 6) + { + result = true; + } + else if (diff == 6 || sum == 6) + { + result = true; + } + return result; +} +" +1f16d6bce93b9b14596fe287d07ac6af0dd9e9d9,"public boolean love6(int a, int b) +{ + if(a== 6 || b==6) + { + return true; + } + else if((a+b = 6) || (a-b = 6)) + { + return true; + } +} +" +2d73501acaa6118de978f6c97d3bf830f184f966,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = a-b; + if(a== 6 || b==6) + { + return true; + } + else if((c == 6) || (d == 6)) + { + return true; + } +} +" +7ca74dc07161f7a8a140e8a22c9b326bbee3e915,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = a-b; + if(a== 6 || b==6) + { + return true; + } + else if((c == 6) || (d == 6)) + { + return true; + } + +} +" +cdbad413678377aab42f8c6ac37af5d3c29e8324,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = a-b; + if(a== 6 || b==6) + { + return true; + } + else if((c == 6) || (d == 6)) + { + return true; + } + return true; +} +" +78c1fd5e7adf2367ebfe2fa0da9b8668a8526351,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = a-b; + if(a== 6 || b==6) + { + return true; + } + else if((c == 6) || (d == 6)) + { + return true; + } + return false; +} +" +753d89cb3b8de1b3f68474edda6b4b86d11693f7,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = a-b; + int e = b-a; + if(a== 6 || b==6) + { + return true; + } + else if((c == 6) || (d == 6) || (e == 6)) + { + return true; + } + return false; +} +" +2078b48f3312d3bbc16ae3d275a90b12d9a600e2,"public boolean love6(int a, int b) +{ + if (a == 6 | b == 6 | a - b == 6 | a + b = 6) + { + return true; + } + else + { + return false; + } + +} +" +dd343769a6a5da77648d8b557012d800e0bd1be7,"public boolean love6(int a, int b) +{ + if (a = 6 | b = 6 | a - b = 6 | a + b = 6) + { + return true; + } + else + { + return false; + } + +} +" +18dd3ed235a944c3ac0ceb7b80759865c3857e49,"public boolean love6(int a, int b) +{ + if (a = 6 | b = 6 | a - b == 6 | a + b == 6) + { + return true; + } + else + { + return false; + } + +} +" +4003f39166168af54944b8d84a02b99880a35ba3,"public boolean love6(int a, int b) +{ + if (a = 6 | b = 6 | a - b = 6 | a + b = 6) + { + return true; + } + else + { + return false; + } + +} +" +e15ae8f6afec6ca49920763356ee2b3fa73c4326,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6 || a - b = 6 || a + b = 6) + { + return true; + } + else + { + return false; + } + +} +" +c09ba35388f6157a70a6ad307cc37f4c1d62975a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a - b) == 6 || (a + b) == 6) + { + return true; + } + else + { + return false; + } + +} +" +4492f4fd0440334b3095e0fab9ccac20ddcb4630,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a - b) == Math.abs(6) || (a + b) == Math.abs(6)) + { + return true; + } + else + { + return false; + } + +} +" +432ea5cfb03c3a93eba750427cbb995ecac4fa2d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a - b) == 6 || (a + b) == 6) + { + return true; + } + else if (Math.abs(a) = 1 & Math.abs(b) = 7) + { + return true; + } + else + { + return false; + } + +} +" +ffde577736a0acfeb058bc640e854b9bf99ed36e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a - b) == 6 || (a + b) == 6) + { + return true; + } + else if (Math.abs(a) == 1 & Math.abs(b) == 7) + { + return true; + } + else + { + return false; + } + +} +" +5953d2557f8653acf8d8302b04509b2454ecdd2d,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + { + return true; + } + if ( Math.abs(a)+Math.abs(b)==6 ||Math.abs(a)+Math.abs(b)==6) + { + return true; + } + else + { + return false; + } +} +" +5a82a2b37dc038ee910ce866cdcaca4c0dab7e2d,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + { + return true; + } + if ( a+b==6 ||a-b==6) + { + return true; + } + else + { + return false; + } +} +" +ad4fc39be5439ca362e09b719f647ad4d6cef5d2,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + { + return true; + } + if ( a+b==6 ||a-b==6 || b-a==6) + { + return true; + } + else + { + return false; + } +} +" +de52353028143547ab310d992ce309aa873a2ac6,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +3b8d37156f65b502682d2e01d3c259e5ce2cc0d4,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +6cc6f2116ebd882c114f66d91237b224bdeb5f41,"public boolean love6(int a, int b) +{ + if (a=6 || b=6) + return true; + else + return false; +} +" +49482b435c2a31a8c4200473deb428416b597259,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + return true; + else + return false; +} +" +13772e7f5d68a294f3d88d013ec88879c3043f18,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + return true; + else if ((a-b)==6 || (a+b)==6) + return true; + else + return false; +} +" +8bbee49ce4fef7ee819eec66f7cb4e9e14ba0b45,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6 || (a+b)==6) + return true; + else + return false; +} +" +d4100d6d14f29610425308fbd4cfda6359382986,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if (a + b == 6 || a - b == 6) + return true; + return false; +} +" +8eab50658fa39840ca5e4e0d82195be6ae29b421,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if (a + b == 6 || a - b == 6 || b - a == 6) + return true; + return false; +} +" +4ab93bf88b80fa76f8c7c6f5499d40a451e7e897,"public boolean great; + +public boolean love6(int a, int b) +{ + Math.abs(a, b); +} +" +dd5190f9f37246925188474e2cb42837bdafd447,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6 || b - a == 6) + { + return true; + } + return false; +} +" +3d20d8da9d4fad8f9e095fb93d0f9a4bd0ff06c9,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6) || (Math.abs(a - b) == 6) || (a + b == 6)) + { + return true; + } + else + { + return false; + } +} +" +4de43854031b6661b53b818cf2eb455954f86707,"public boolean love6(int a, int b) +{ + int additionResult = a + b; + int subtractionResult = a - b; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(additionResult) == 6) + { + return true; + } + else if (Math.abs(subtractionResult) == 6) + { + return true; + } + else + { + return false; + } + +} +" +0556bf00b0417ffa6a3bebc9111405f8baf128b1,"public boolean love6(int a, int b) +{ + int additionResult = a + b; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(additionResult) == 6) + { + return true; + } + else + { + return false; + } + +} +" +b99587a85f34430740919ba156702ca1af8f6193,"public boolean love6(int a, int b) +{ + int additionResult = a + b; + int subtractionResult = a - b; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(additionResult) == 6) + { + return true; + } + else if (Math.abs(subtractionResult) == 6) + { + return true; + } + else + { + return false; + } + +} + +" +3b72e60a9f4cdb3c80fdd91c762f4f9a21138cfd,"public boolean love6(int a, int b) +{ + int additionResult = a + b; + int subtractionResult = b - a; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(additionResult) == 6) + { + return true; + } + else if (Math.abs(subtractionResult) == 6) + { + return true; + } + else + { + return false; + } + +} + +" +68b237c49f97828632196162a7aee5769ab92215,"public boolean love6(int a, int b) +{ + int additionResult = a + b; + int subtractionResult = a - b; + + + if (a == 6 || b == 6) + { + return true; + } + else if (additionResult == 6) + { + return true; + } + else if (Math.abs(subtractionResult) == 6) + { + return true; + } + else + { + return false; + } + +} + +" +972c9c354317dafccdc9bb0c1902b5eabb8d6d47,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ( a + b = 6 || Math.abs(a - b = 6) + { + return true; + } + else + { + return false; + } +} +" +df3ad276ea4ef43c0b31ee3292bacff0fc177072,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ( a + b = 6 || Math.abs(a - b = 6)) + { + return true; + } + else + { + return false; + } +} +" +3e69cb1d1a4bf43c0291a2740ce6c849bf8de5b5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ( Math.abs(a) + Math.abs(b) == 6 ) + { + return true; + } + else + { + return false; + } +} +" +a76273926b08ab99a9562c9a7310757734e13163,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ( a + b = 6) + { + return true; + } + else if ( a - b = 6) + { + return true; + } + else if (b - a = 6) + { + return true; + } + else + { + return false; + } +} +" +5ecbf66d9bb8b8642ef1e5fc8c9d844989376589,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ( a + b == 6) + { + return true; + } + else if ( a - b == 6) + { + return true; + } + else if (b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +02149f595c105b91ecfcc7a9761c55f105f440c7,"public boolean great; + +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + great = true; + } + else if (a + b = 6 || a - b = 6 || b - a = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +7079515ec88d2b602ccb8227aba1c766ee4a2288,"public boolean great; + +public boolean love6(int a, int b) +{ + a + b = d; + a - b = e; + b - a = f; + if (a == 6 || b == 6) + { + great = true; + } + else if (d = 6 || e = 6 || f = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +4db64fea4987beec0c2663a9cbef9b8ca08addfd,"public boolean great; +public int a; +public int b; + +public boolean love6(int a, int b) +{ + a + b = d; + a - b = e; + b - a = f; + if (a == 6 || b == 6) + { + great = true; + } + else if (d = 6 || e = 6 || f = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +96ff8a16b595563d8b22b2ca487eb94a5de96522,"public boolean great; +public int a; +public int b; +public int d; + +public boolean love6(int a, int b) +{ + a + b = d; + a - b = e; + b - a = f; + if (a == 6 || b == 6) + { + great = true; + } + else if (d = 6 || e = 6 || f = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +313c360571f552f1fa464f0c9330952338b0b96e,"public boolean great; +public int a; +public int b; +public int d; +public int e; +public int f; + +public boolean love6(int a, int b) +{ + a + b = d; + a - b = e; + b - a = f; + if (a == 6 || b == 6) + { + great = true; + } + else if (d = 6 || e = 6 || f = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +9cbbdba325b70ae5f871304d648eceb3e8aad0fd,"public boolean great; +public int d; +public int e; +public int f; + +public boolean love6(int a, int b) +{ + a + b = d; + a - b = e; + b - a = f; + if (a == 6 || b == 6) + { + great = true; + } + else if (d = 6 || e = 6 || f = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +a4b58485e4143c9a52585dd71274a65422d7e39b,"public boolean great; +public int d; +public int e; +public int f; + +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + great = true; + } + else if ((a + b) = 6 || (a - b) = 6 || (b - a) = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +12c731db2fe90fd6cc118c9a952acaad1c506978,"public boolean great; + +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + great = true; + } + else if ((a + b) = 6 || (a - b) = 6 || (b - a) = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +07603695d13b64fa58c7865c05e02ed3390bfb4a,"public boolean love6(int a, int b) +{ + int numA = a; + int numB = b; + int sum = a + b; + int dif = Math.abs(a - b); + boolean is6 = false + if ((a == 6 || b == 6) || sum == 6 || dif == 6) + { + is6 = true; + } + return (is6); +} +" +289c43e1a8385584384a61054e353eecaaaf7f14,"public boolean love6(int a, int b) +{ + int numA = a; + int numB = b; + int sum = a + b; + int dif = Math.abs(a - b); + boolean is6 = false; + if ((a == 6 || b == 6) || sum == 6 || dif == 6) + { + is6 = true; + } + return (is6); +} +" +b596a22982f27dd710731aa02a935d08dbaccfa3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); + } +} +" +31be583b891dbd11a3f1be56baaedbcda3fbe419,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6|| Math.abs(a - b) == 6); + +} +" +c730ad2e0ccfde2c96eb570867df846b48aaad18,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +457f6ed3a545d2189a71041721068c59ad7bf246,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a+b == 6 || a - b == 6 || b - a == 6) + return true; + else + return false; +} +" +8dbfba460b87ed76130cc4cc21d887083eb4e461,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +9a5f233288ff1637bc9457d649c21735ff478fb0,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return((a + b == 6) || Math.abs(a - b == 6); + +} +" +b05927e65824b4e2e410905afc7cf1a9128e4375,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return(a + b == 6) || Math.abs(a - b == 6); + +} +" +4f2a548dcc8966adad75b4cb4bfec4a6acdf661d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return((a + b == 6)|| Math.abs(a - b) == 6); + +} +" +274595324ade78ac58e7e0d6f8c4f42f4a77a319,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (a + b = 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +4e8669a600e545ea60ab83692b8ae2bab50ab814,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (a + b == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +ff74a91355ed893bc4ac87fbb7b5c653133fd8ed,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (a + b == Math.abs(6)) + { + result = true; + } + + else if (a == Math.abs(6)|| b == Math.abs(6)) + { + result = true; + } + + return result; +} +" +135cf7467b5fa4b357ba3270b01c817a2e1c30c9,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (Math.abs(a + b) == 6) + { + result = true; + } + + else if (Math.abs(a - b) == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +9d3e27271a5211e7d2a2187f0abdfe2b90567b5f,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (Math.abs(a) + Math.abs(b) == 6) + { + result = true; + } + + else if (Math.abs(a) - Math.abs(b) == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +53c059b75a4536e111d19a5cc391dfea37221bc8,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (Math.abs(a + b) == 6) + { + result = true; + } + + else if (Math.abs(a - b) == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +0bd896f1f479be3f91b3159fa5f8a08d3c226f9d,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (Math.abs(a + b) == 6) + { + result = true; + } + + else if (Math.abs(a) - b == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +341a4c9482e68ff23275f238de5931dfd919be3a,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (Math.abs(a + b) == 6) + { + result = true; + } + + else if (Math.abs(a - b) == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +dea4633857b4ee5ffe1561255785bcede7cc184f,"public boolean great; + +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + great = true; + } + else if ((a + b) = 6 || (a - b) = 6 || (b - a) = 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +d71798b6a800974106fc7836f0485fb2a01202c0,"public boolean great; + +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + great = true; + } + else if ((a + b) == 6 || (a - b) == 6 || (b - a) == 6) + { + great = true; + } + else + { + great = false; + } + return great; +} +" +179f933d9143453efa50953579d8cda8e11ff93d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else + return false; +} +" +89bd4067729fa39a2824443db81f504017ddae1c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a) - Math.abs(b) == 6) + return true; + else + return false; +} +" +75305dcf347fcfd5ba819822a62ffc2f010ce92c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a) - Math.abs(b) == 6 || Math.abs(b) - Math.abs(a) == 6) + return true; + else + return false; +} +" +27df01604847619a416286e45164877bdf30c694,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if + return ((a + b) == 6|| Math.abs(a - b) == 6); + else + return false; +} +" +f8b42e7e6ce89414b6bdec1c4204f243b8c093da,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a) - Math.abs(b) == 6 || Math.abs(b) - Math.abs(a) == 6) + return true; + else + return false; +} +" +8fb9d6c08657a90b3ddfcdd0ffd8a25044340d0a,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b + a == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +392037db2f22557d35d503485bccfd2ffd0f06b8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a) - Math.abs(b) == 6 || Math.abs(b) - Math.abs(a) == 6) + return true; + else if (Math.abs(a) - Math.abs(b) == -6 || Math.abs(b) - Math.abs(a) == -6) + return true; + else + return false; +} +" +5bc73d5c3aa00b41b5c5027936056c4149f2b992,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a) - Math.abs(b) == 6 || Math.abs(b) - Math.abs(a) == 6) + return true; + else + return false; +} +" +2676b4dfbc70ab22ba20b08cc85d71f60633c38e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || a - b == 6) + return true; + else + return false; +} +" +4152bedc134deaeb72cbd6fce9ee38e4c5f4f616,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || a - b == 6) + return true; + else if (b -a == 6) + return true; + else + return false; +} +" +65075d036d96373b9c46f5d04d7e333ef21313af,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || a - b == 6) + return true; + else if (b - a == 6) + return true; + else + return false; +} +" +40065b30fe1f1d060f62184c3dea8698c6234440,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true: + } + if else (b ==6) + { + return true; + } + if else (a + b ==6) + { + return true; + } + else + { + return flase; + } + +} +" +c89382e7157583e24c2ee747a883be8b6c19d60e,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true: + } + if else (b ==6) + { + return true; + } + if else (a + b ==6) + { + return true; + } + else + { + return false; + } + +} +" +8f09e22b5a934ae779929c9f63796e1b92947a42,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + if else (b ==6) + { + return true; + } + if else (a + b ==6) + { + return true; + } + else + { + return false; + } + +} +" +7e162f6a76723ab8f801f192ea8d1f42d68b0314,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + if else (b == 6) + { + return true; + } + if else (a + b == 6) + { + return true; + } + else + { + return false; + } + +} +" +eef32dbeff4216dace69b6895b9dff795e5875d3,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + if else (a + b == 6) + { + return true; + } + else + { + return false; + } + +} +" +e2bae68a16477dad4f23d2d8c8c8f13bcc9e2b50,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else + { + return false; + } + +} +" +137753881b2a4635101a8bde165c9fb7999d096f,"public boolean love6(int a, int b) +{ + int s = a + b + int d = Math.abs(a - b) + if ( a == 6 || b == 6) + return true; + else if (s == 6 || d == 6) + return true; + else + return false +} +" +ccf0c2e12ff96113dfac4173b5c98d20aaa688e6,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (a - b == 6) + { + return true; + } + else if (b - a == 6) + { + return true; + } + else + { + return false; + } + +} +" +dcff1be01293f7283af7552132bec80e125070fd,"public boolean love6(int a, int b) +{ + int s = a + b; + int d = Math.abs(a - b); + if ( a == 6 || b == 6) + return true; + else if (s == 6 || d == 6) + return true; + else + return false +} +" +c004c7b5750ded527bb31df4da4f518690da5306,"public boolean love6(int a, int b) +{ + int s = a + b; + int d = Math.abs(a - b); + if ( a == 6 || b == 6) + return true; + else if (s == 6 || d == 6) + return true; + else + return false; +} +" +352ff2a47a886f27051caa488ba0bbbd34f36df4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +a61fb9c75a3ae4185978ed0bc5602e9ccd008299,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +46c2c9381c099ced8724bfb66841be53d38d6702,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6 || a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +5997177f64d5d1559d5a90c68053f2eef1ed0d22,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (a + b == 6) + { + result = true; + } + + else if (a - b == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +8bdae601337493bf961d172a3c5cfc9682b3df1f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a+b == 6) + { + return true + } + else if (Math.abs(a-b) == 6) + { + return true; + } + else + { + return false; + } +} +" +0b279e9fa5619111f16f73679209b9d625054574,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a+b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6) + { + return true; + } + else + { + return false; + } +} +" +695d97d2a152dddc2e3616e5ce580590de422be5,"public boolean love6(int a, int b) +{ + boolean result = false; + + if (a + b == 6) + { + result = true; + } + + else if (Math.abs(a - b) == 6) + { + result = true; + } + + else if (a == 6 || b == 6) + { + result = true; + } + + return result; +} +" +335bd4fbd42b0f4d2aa2a1307ad871790546a00e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == Math.abs(6)) || (a - b == Math.abs(6))) + { + return true; + } + else + { + return false; + } +} +" +655623099e5a0456d8dd365de514ba4152cb9153,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == Math.abs(6)) || (b - a == Math.abs(6))) + { + return true; + } + else + { + return false; + } +} +" +662a7dc381e6fffd85d13720028569a55da39803,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == Math.abs(6)) || (a - b == Math.abs(6))) + { + return true; + } + else + { + return false; + } +} +" +244c0f546a0b93c72ae11453cdc83b8e1e7d6e1e,"public boolean love6(int a, int b) +{ + int six = Math.abs(6) + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == six) || (a - b == six)) + { + return true; + } + else + { + return false; + } +} +" +d50257c8bbec757bf3e961c158c2efd81ea45e98,"public boolean love6(int a, int b) +{ + int six = Math.abs(6); + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == six) || (a - b == six)) + { + return true; + } + else + { + return false; + } +} +" +40eea0906fc9f40199d887271b5725fbc9116943,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || a - b == 6) + { + return true; + } + return false; + +} +" +e97cfafe1115835fc5ae3255a139a9e3a922d62d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + return false; + +} +" +804966fc653f78f5e007e3e33e250dca9f767029,"public boolean love6(int a, int b) +{ + int six = Math.abs(6); + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == six) || (a - b == six)) + { + return true; + } + else + { + return false; + } +} +" +d32774dbff36ab4073d4de8c8e0cdf8edc217f4b,"public boolean love6(int a, int b) +{ + int six = Math.abs(6); + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == six) || (Math.abs(a - b) == six)) + { + return true; + } + else + { + return false; + } +} +" +8d61aeac9c81d007b989162caf393c80fdda5c6d,"public boolean love6(int a, int b) +{ + if( a==6 || b==6) + { + return true; + } + else if(Math.abs(a+b)==6 || Math.abs(a-b)==6) + { + return true; + } + else + { + return false; + } +} +" +ee609fae708ea1573fca5a4a294bc4095bb70429,"public boolean love6(int a, int b) +{ + if( a==6 || b==6) + { + return true; + } + else if(a+b==6 || Math.abs(a-b)==6) + { + return true; + } + else + { + return false; + } +} +" +80b6c09c80f8d7c27ab4632b4bdfb68d92f8f672,"public boolean love6(int a, int b) +{ + boolean six = false; + + if (a == 6 || b == 6) { + six = true; + } + + else if ((a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b-a) == 6) { + six = true; + } + + return six; +} +" +d2bf519b0ad7e701989458e049fbe4ae9b8347f1,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if(Math.abs(a+b)==6||Math.abs(a-b)==6) + { + return true; + } + } + return false; +} +" +66b306fa20dd4f5104cea3b15d9e8467b8f94558,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if((a+b)==6||(a-b)==6) + { + return true; + } + } + return false; +} +" +f01a98780da31ca822287ebf3057b5958e5db310,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if(Math.abs(a)+Math.abs(b)==6||Math.abs(a)- Math.abs(b)==6) + { + return true; + } + } + return false; +} +" +55cb86b3c3cb50f270efabc49ca767b28c6fc55f,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if(Math.abs(a+b)==6||Math.abs(a-b)==6) + { + return true; + } + } + return false; +} +" +8de798b28db689bccab0745889fdc6f00d6a26fc,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if((a+b)==6||(a-b)==6) + { + return true; + } + } + return false; +} +" +e47a486c28aa88ec32f4b259ca50e4e61b5fc1a0,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if((a+b)==6||(a-b)==6) + { + return true; + } + else if(b-a==g) + { + return true; + } + } + return false; +} +" +b178e75976966887193dba368f7ffb6cea583651,"public boolean love6(int a, int b) +{ + if(a==6||b==6) + { + return true; + } + else + { + if((a+b)==6||(a-b)==6) + { + return true; + } + else if(b-a==6) + { + return true; + } + } + return false; +} +" +5210cca9f086ded3d5644ef86def1ef53f3016c9,"public boolean love6(int a, int b) +{ + if (a==6||b==6||Math.abs(a-b)==6||Math.abs(a+b)==6) + { + return true; + } + return false; +} +" +e9f2a35f3f658c06ad676f2f0e783b047eefed93,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } else if ((a + b) == 6 || (a - b) == 6 || (b - a) == 6) { + return true; + } + return false; +} +" +fa9099ebcd6bf4426984d820a4fd2921159c88d2,"public boolean love6(int a, int b) +{ + if (a==6||b==6||a-b==6||a+b==6) + { + return true; + } + return false; +} +" +54e50b3b76df483da92b496667fbcaec2190f2f5,"public boolean love6(int a, int b) +{ + if (a==6||b==6||Math.abs(a-b)==6||a+b==6) + { + return true; + } + return false; +} +" +173c8505c9a182f8aeaec5342ee2e0bd7989cb74,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + if(Math.abs(a - b) == 6 || a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +e8aec4823a301c11a035f81d7c6741bd5a865cbb,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a,b) == 6) + { + return true; + } + else + { + return false; + } +} +" +97ad33d71e47977a788611c89db95fd09a47d7c5,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6) + { + return true; + } + else + { + return false; + } +} +" +daa2644623a6ac5c117750adb637c687bb00c72d,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +5fdf15ca3d4c898ddca4243560fd7208d743621a,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +2394ff8a999490d578eaa342295f0b40c26afcdc,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b + a) == 6) + { + return true; + } + else + { + return false; + } +} +" +8b17ab5802348db4ce31a79b67966d5f8c945af7,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || b + a == 6) + { + return true; + } + else + { + return false; + } +} +" +f191a2f10194c8dcff53e100116222f0aee6b3d7,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(a) - b == 6) + { + return true; + } + else + { + return false; + } +} +" +13a06b1fee83572bb2c868f34bf7fa2d4276edd1,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b) - a == 6) + { + return true; + } + else + { + return false; + } +} +" +8249c52fe35c809f2d8ebc50419a951e0f80e8e0,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +3a31889e82411a5ba13b4c622344ec194d2d413f,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b + a) == 6) + { + return true; + } + else + { + return false; + } +} +" +462e782d7dd473408061950e8322c8546d3366ba,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs((b + a)) == 6) + { + return true; + } + else + { + return false; + } +} +" +e4899d7ac8b6bd71e20fce824b0212a2b23b05d9,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +90f51ceb993d45f2f6551682aab095f1d1c43e79,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || a-b == 6 || b-a ==6 || a+b ==6) + { + return true; + } + + else + { + return false; + } +} +" +00247b824da3cf270d57e9d98c9a3022a1b109d0,"public boolean love6(int a, int b) +{ + if(a = 6 && b = 6) + { + return true; + }else if(a+b = 6 || a-b = 6 || b-a = 6) + { + return true; + }else{ + return false; + } + +} +" +f0c459da4773ad1f6864dc53d926994ad91757e8,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +51c5aa5a4313eb4ae9e3cb62c42536b156eeef0b,"private boolean is6; +public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + is6 = true; + } + else if (a+b = 6 || a-b = 6 || b-a = 6) + { + is6 = true; + } + else + { + is6 = false; + } + return is6; +} +" +6c2b2a81117ebfdc0a4db1a9e1d782baf0f714cd,"private boolean is6; +public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + is6 = true; + } + else if (a+b = 6 || a-b = 6 || b-a = 6) + { + is6 = true; + } + else + { + is6 = false; + } + return is6; +} +" +aa1c320f08d98818abbb66d6c177ce50c8d4dbaa,"private boolean is6; +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + is6 = true; + } + else if (a+b == 6 || a-b == 6 || b-a == 6) + { + is6 = true; + } + else + { + is6 = false; + } + return is6; +} +" +5cae5f76a28decd71a49405168773b15fce0eb9c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (Math.abs(a-b) || Math.abd(a+b)) + { + return true; + } + else + { + return false; + } +} +" +78c99018ee9066f5063b2beecee671e4fca8896e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (Math.abs(a - b) || Math.abd(a + b)) + { + return true; + } + else + { + return false; + } +} +" +b014200289680f1ad26ae42a8c6f36e22ecc372c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abd(a + b) + { + return true; + } + else + { + return false; + } +} +" +96b29e06dedfdf780a698eac7f29c42a2058bf22,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abd(a + b)) + { + return true; + } + else + { + return false; + } +} +" +e4c491ec4cf6f8b37d2d0834a5c693d82546b1fc,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abs(a + b)) + { + return true; + } + else + { + return false; + } +} +" +22d82744ff3eab42ef601f9926fc4a91c5ecdadf,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +25ed458724f50995c61145757ecd1dc89038ced3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abs(6) + b - a == Math.ads(6)) + { + return true; + } + else + { + return false; + } +} +" +98172a47c858a3c90f8966717282576f655df4df,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abs(6) + || b - a == Math.ads(6)) + { + return true; + } + else + { + return false; + } +} +" +a3d0ade34efb66dd891c79842fb1458d722ca927,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abs(6) + || b - a == Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +bd9b7803ee03bd771df67a4e7dde31bbd3fd9f55,"public boolean love6(int a, int b) +{ + if((a == 6) || (b == 6) || (a + b == 6) || (Math.abs(a - b) == 6)) + return true; + else + return false; + +} +" +8a11669c33dbe0c100e14573b890a4ebcda2e810,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if(abs(a+b) == 6) + return true; + else if(abs(a-b) == 6) + return true; + else + return false; + +} +" +cb699060243d04cf0987be0f600187b3b3162648,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if(Math.abs(a+b) == 6) + return true; + else if(Math.abs(a-b) == 6) + return true; + else + return false; + +} +" +48d45a0f9935aed35ae0436af7c8cf1749cb8629,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if(Math.abs(a)+ Math.abs(b) == 6) + return true; + else if(Math.abs(a-b) == 6) + return true; + else + return false; + +} +" +ff564b7527c9d3d12815a75703f85382612de161,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if(a+b == 6) + return true; + else if(Math.abs(a-b) == 6) + return true; + else + return false; + +} +" +35b435954cd9e17995e131f07b52e383d50890df,"public boolean love6(int a, int b) +{ + if (int a - int b = math.abs(6)) + return true; + else if (a + b = Math.abs(num)) + return true; + else if ( a = Math.abs(6) || b = Math.abs(6)) + return true; + else + return false" +df8152701ab8eaad3eb584570bfad6256a4e58e0,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)); + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else + { + return false; + } +} + " +65bf7eb092ef0ca7b8a549474fd608504f55fc40,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)); + { + return true; + + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else if + { + return false; + } +} + " +ab5be67a7b5021b9b636956b6e9f6bca132a1b76,"public boolean love6(int a, int b) +{ + if (a==6 ||b==6) + { + return true; + } + else if (Math.abs(a+b) == 6 || Math.abs(a-b) ==6) + { + return true; + } + else + { + return false; + } + +} +" +951368c218bb37a37e69b3ec4c0ef03c4219a602,"public boolean love6(int a, int b) +{ + if (a==6 ||b==6) + { + return true; + } + else if (Math.abs|a+b| == 6 || Math.abs|a-b| ==6) + { + return true; + } + else + { + return false; + } + +} +" +6990a8bd16dcff442f4bde771a517ed0d3192ef3,"public boolean love6(int a, int b) +{ + if (a==6 ||b==6) + { + return true; + } + else if (Math.abs(a+b) == 6 || Math.abs(a-b) ==6) + { + return true; + } + else + { + return false; + } + +} +" +5b0c6fc28e479a1cbb7aeb056a9ae519a823e48a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ( a+b == 6 || Math.abs(a-b) == 6) + { + return true; + } + else + { + return false; + } +} +" +9f89099b404eec179b37d65873071c1d69971bd5,"public boolean love6(int a, int b) +{ + if (a==6 ||b==6) + { + return true; + } + else if (a+b == 6 || Math.abs(a-b) ==6) + { + return true; + } + else + { + return false; + } + +} +" +ef60f6c31ac8019a427a68ab91a2d2d5a16d330d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a - b = 6) + return true; + else if ((Math.abs(a - b)) = 6) + return true; + else if (a + b = 6) + return true; + else + return false; + +} +" +2d057accadfd2ac02c9dcea64b5db7a7064bbee4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a - b == 6) + return true; + else if ((Math.abs(a - b)) == 6) + return true; + else if (a + b == 6) + return true; + else + return false; + +} +" +3acc785e7f5ade9b870e589859fabf69de166a99,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +e885719fc23bade5b7b265a22d4f527cc17359cf,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +31f3542ac0baffe2e6d1c35c04d608fefee1442c,"public boolean love6(int a, int b) +{ + int sum = b + a; + int diff = Math.abs(a-b); + + if(a == 6 || b == 6 || sum == b || diff == 6) + { + return true; + } + else + { + return false; + } +} +" +9d82e918a22f9097e6a0c6bcb78b8e59ba10cb54,"public boolean love6(int a, int b) +{ + int sum = b + a; + int diff = Math.abs(a-b); + + if(a == 6 || b == 6 || sum == 6 || diff == 6) + { + return true; + } + else + { + return false; + } +} +" +656b03a35a527eb0fccb0c46feee8caf0aef8d25,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + if (Math.abs(a - b) == 6) + return true; + else + return false; +} +" +eab45c2daaaeb5addac775d6576854977bf643d4,"public boolean love6(int a, int b) +{ + boolean six + if (a == 6 || b == 6) + six = true; + else if ((a + b) == 6 || (a - b) == 6) + six = true; + else + six = false; +} +" +18912102be19ea7bc14541231dbed9696b89c10b,"public boolean love6(int a, int b) +{ + boolean six + if (a == 6 || b == 6) + six = true; + else if ((a + b) == 6 || (a - b) == 6) + six = true; + else + six = false; + return six; +} +" +6e7a38f741a607c575341e0353ccff10887da359,"public boolean love6(int a, int b) +{ + boolean six; + if (a == 6 || b == 6) + six = true; + else if ((a + b) == 6 || (a - b) == 6) + six = true; + else + six = false; + return six; +} +" +9c61666083ec99335b5c9ec313fa045121042261,"public boolean love6(int a, int b) +{ + boolean six; + if (a == 6 || b == 6) + six = true; + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + six = true; + else + six = false; + return six; +} +" +61dc0cf3766e1f96b480b1c5b97a64a2dfdcd131,"public boolean love6(int a, int b) +{ + boolean six; + int c = Math.abs(a + b); + int d = Math.abs (a - b); + if (a == 6 || b == 6) + six = true; + else if (c == 6 || d == 6) + six = true; + else + six = false; + return six; +} +" +bf6597306855795686b495a4a79656d27f14ffa2,"public boolean love6(int a, int b) +{ + boolean six; + int c = Math.abs(a + b); + int d = Math.abs (a - b); + if (a == 6 || b == 6) + six = true; + else + false; + if (c == 6 || d == 6) + six = true; + return six; +} +" +7d2b19f33e3e9f3fe9f4ebc9a6242e26f9f2c5f5,"public boolean love6(int a, int b) +{ + boolean six; + int c = Math.abs(a + b); + int d = Math.abs (a - b); + if (c == 6 || d == 6) + six = true; + if (a == 6 || b == 6) + six = true; + else + six = false; + return six; +} +" +a98fa579bd84ecf88acbab7a8c88abf54b4feb13,"public boolean love6(int a, int b) +{ + boolean six; + int c = Math.abs(a + b); + int d = Math.abs (a - b); + if (c == 6 || d == 6) + six = true; + else if (a == 6 || b == 6) + six = true; + else + six = false; + return six; +} +" +2dcdb99cfa5a3aa4e77fcbcf41a9ac486b69c571,"public boolean love6(int a, int b) +{ + boolean six; + int c = (a + b); + int d = (a - b); + if (Math.abs(c) == 6 || Math.abs(d) == 6) + six = true; + else if (a == 6 || b == 6) + six = true; + else + six = false; + return six; +} +" +babe52493a2b8b72c93ed76fedef7da6920eeaf9,"public boolean love6(int a, int b) +{ + boolean six; + if ((a + b) == 6 || (a - b) == 6) + six = true; + else if (a == 6 || b == 6) + six = true; + else + six = false; + return six; +} +" +3dbcf88518a50a3992cd5430bf378757ee0e41a9,"public boolean love6(int a, int b) +{ + if(math.abs(a, b)==6 | a==6 | b==6) + { + return true; + } + else + { + return false + } +} +" +20ab7316e84c263cd31677001f7a7775dbe9be1e,"public boolean love6(int a, int b) +{ + if(math.abs(a, b)==6 | a==6 | b==6) + { + return true; + } + else + { + return false; + } +} +" +a4f7b80a4bae397ceec642885da51c4c97e533cb,"public boolean love6(int a, int b) +{ + if(math.abs(a+b)==6 | a==6 | b==6) + { + return true; + } + else + { + return false; + } +} +" +2327e7dd69c7a189f28798bb4b953042c3fd8895,"public boolean love6(int a, int b) +{ + if(Math.abs(a,b)==6 | a==6 | b==6) + { + return true; + } + else + { + return false; + } +} +" +2933169bd556cd6f8f260905d44c2c54deeba2ef,"public boolean love6(int a, int b) +{ + if(Math.abs(a-b)==6 | a==6 | b==6 | a+b==+) + { + return true; + } + else + { + return false; + } +} +" +f12a201a32fa811e16aaf27e1320540ee5a57cc8,"public boolean love6(int a, int b) +{ + if(Math.abs(a-b)==6 | a==6 | b==6 | a+b== 6) + { + return true; + } + else + { + return false; + } +} +" +18d31af6954b6ddace940cfa7540059030747b54,"public boolean love6(int a, int b) +{ + boolean six; + if (a == 6 || b == 6 || (a + b) == 6 || Math.abs(a - b) == 6) + six = true; + else + six = false; + return six; +} +" +98f59b3ccba9bb9044bc563ff3bf5b30b0b872a9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a+b == 6) + { + return true; + } + else + { + return false; + } +} +" +d1b9d411601d374a92705be215b073bacc04e52c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a+b == 6 || Math.abs(a-b) == 6 || Math.abs(b-a) == 6) + { + return true; + } + else + { + return false; + } +} +" +cf6456c4a68e3850a4755378815e378738648e27,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + if (Math.abs(a - b) == 6 || Math.abs(a + b) == 6) + else + return false; +} +" +22e5a53f095486ead469507ff535659a82414b67,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + if (Math.abs(a - b) == 6 || Math.abs(a + b) == 6) + return true; + else + return false; +} +" +bc0520b0e254d0e88ff08e80b35bc05e931307e7,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + if (Math.abs(a - b) == 6 || a + b == 6) + return true; + else + return false; +} +" +f94eb3eaf9b370931ae2b8e1f086f631746f9746,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + return ((a + b) == 6|| Math.abs(a - b) == 6); + } +} +" +3b075f3d19366f68c9ec2da63422d6196476f677,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + return false; +} +" +519a8d9efa2af9df85acaada34f058876546fe60,"boolean isSix; +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + isSix = true; + } + else if(Math.abs(a-b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } +} +" +2b77a8799d3597e222d7ab6510d90f0ff5f4ab96,"boolean isSix; +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + isSix = true; + } + else if(Math.abs(a-b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; +} +" +b9c2b0dadfbcbf9672c64027355effd6cc03cb78,"boolean isSix; +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + isSix = true; + } + else if(Math.abs(a-b) == 6 || Math.abs(a+b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; +} +" +d4ccddee36e504022c43bae4d99daeb7bcda4c71,"boolean isSix; +public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + isSix = true; + } + else if(Math.abs(a-b) == 6 || a+b == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; +} +" +d13948525a428c7717e85134f17318fdd9849922,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + else if (Math.abs(a - b) == 6) + { + return true; + } + + else + { + return false; + } +} +" +fa5788756009fdff4d0db4b3653774fa97459101,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + else if (Math.abs(a - b) == 6) + { + return true; + } + + else if ((a + b) == 6) + { + return true; + } + + else + { + return false; + } +} +" +de5b013ed205401d982c0cbfd6a7f80b79069704,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b) == 6 || Mat.abs(a-b) ==6) + { + return true; + } + else + { + return false; + } +} +" +1fcfff2579113b4a25923962091e2f5fbfd6329e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b) == 6 || Math.abs(a-b) ==6) + { + return true; + } + else + { + return false; + } +} +" +bf68d4ab37a22cf79d9878534fc70e001a832d3d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +6ae55f17d63c133a4585c9c2468f392784303af5,"public boolean love6(int a, int b) +{ + if (Math.abs(a + b == 6 || a - b ==6 ) + return true; + else if (a == 6) + { return true; + } + else (b == 6);{ + return true;} + return false; +} +" +ada747763cc28eb519b15e2db4e3c4946db1bdd7,"public boolean love6(int a, int b) +{ + if (Math.abs(a + b == 6 || a - b ==6) ) + return true; + else if (a == 6) + { return true; + } + else if (b == 6);{ + return true;} + return false; +} +" +0e23c6ca1ed31117ca94f6bd757cb34fa9e2d25b,"public boolean love6(int a, int b) +{ + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + return true; + else if (a == 6) + { return true; + } + else if (b == 6);{ + return true;} + return false; +} +" +2f5989bd127a56add81e5f03efbcccbc547a827c,"public boolean love6(int a, int b) +{ + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else if (a == 6) + { return true; + } + else if (b == 6); + { + return true;} + return false; +} +" +148891a06f7e616a1e2144d9f8798b7cb2052090,"public boolean love6(int a, int b) +{ + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else if (a == 6) + { return true; + } + else if (b == 6) + { + return true;} + return false; +} +" +c077a89a0fccc8d19215a5589b5f2f7237c8c412,"public boolean love6(int a, int b) +{ + if (a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else if (a == 6) + { return true; + } + else if (b == 6) + { + return true;} + return false; +} +" +1b18bd8d506bde67e09f06171237501c75104876,"public boolean love6(int a, int b) +{ + if (a == 6 && b == 6) + return true; + else if (a + b == 6 && Math.abs(a - b) == 6) + return true; + else + return false; +} +" +e17bf577b9c6748912633f70e31256e993ed021f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +8e33a85e063602f92de89e39f2d7124cd57d48c0,"public boolean love6(int a, int b) +{ + + if (a == 6 || b == 6 || (a + b) == 6 || Math.abs((a - b)) == 6 ) + { + + return true; + } + else + { + return false; + } + + + + + + + +} +" +c5dec83c995b6f2a9338b47d125b5d7dcacfcacb,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + {return true;} + + if (Math.abs(6)) + {return. true;} + + else + {return false;} +} +" +dff6320ea8d0d22d99ac4df5b25e45b56c6cbd25,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + {return true;} + + if (Math.abs(6)) + {return true;} + + else + {return false;} +} +" +97e22912d65ae520e5a0f1f8559691a30a4a2f6f,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + {return true;} + + (Math.abs(6)) + {return true;} + + else + {return false;} +} +" +c001b60a61cd80255e8124f2a7c031720b0c50ac,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + {return true;} + + if (a+b == 6) + {return true;} + + if (a-b == 6) + {return true;} + + if (b-a == 6) + {return true;} + + else + {return false;} +} +" +e34e63a6dab73d5f6e766d15349321d1703b377c,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + {return true;} + + if (a+b == 6) + {return true;} + + if (a-b == 6) + {return true;} + + if (b-a == 6) + {return true;} + + else + {return false;} +} +" +d12ab9781def11ff95b0206d31bbb96ca49d5242,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 ) { + return true; + } + else if (a + b == Math.abs(6)) { + return true; + } + else if (a - b == Math.abs(6)) { + return true; + } + else { + return false; + } +} +" +3a4c45b6b9d616a0888d6ff99ce37d523a7a60c2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +9651bd2414f853a893d7829106a54a79798b36a1,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true + } + if (Math.abs(a-b) == 6 || (a + b) == 6) + { + return true + } + else + { + return false + } +} +" +5503ebe8017ceec49242696dfc96bcb8f3fbdb0e,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + if (Math.abs(a-b) == 6 || (a + b) == 6) + { + return true; + } + else + { + return false; + } +} +" +b48a3ec3dfb784caf24358a6a0ff7c676de48648,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +52660ce518f939c19ce0c191ec7cab6e62d506c0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || Math.abs(b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +afac8ec0e1ec6720c7df99fc60fd6a2d8b8791b5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (a + b == 6 || Math.abs(a - b) == 6) { + return true; + } + else { + return false; + } +} +" +436e55cd865cdfe9cc3e7f2327fe0bdff4a7f33e,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +c5155d38a4627ba16f1a201f95ab1a5a4f803873,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +e98280d89d9267aabc7b962393f56b2331cf63b2,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +fa083f56e2971862673841a6f30d2f7875b520a2,"public boolean love6(int a, int b) +{ + if(a == 6 && b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +fa7458cab1bc499d85b21577db10456a3ab0cb26,"public boolean love6(int a, int b) +{ + if(a == 6 && b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +a904ffc8b8bde5b5612ad2c62b80afcd17ae5044,"public boolean love6(int a, int b) +{ + if(a == 6 && b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +0ee2bda5c7d017ee1ddc9627b38427b74a4907d9,"public boolean love6(int a, int b) +{ + if(a == 6 && b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +d480ad92df9a16aff921a39bf3728692090ff409,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +5d3e65ff22f42d5ce9a2e106e081cdaf8470ff9f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a+b == 6 || a-b == Math.abs(6)) + return true; + return false; +} +" +6ed6e0dfe62376c925ade0fca4f78b8abc4d51bb,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return (a+b == 6 || a-b == Math.abs(6)); +} +" +08ed7b535fcbe15e064a9e3353db142a806ba344,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a+b) == 6 || (a-b) == Math.abs(6)); +} +" +37ea1af05815cd3fc684b823347510c8c96531f0,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a+b) == 6 || Math.abs(a-b) == 6); +} +" +c2659935990c7b5b7f7ceb7b57447937589556e8,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return true; + } + else if (a + b = 6 || a - b = 6) + { + return true; + } + else + { + return false; + } +} +" +81a1138b6e826047cce8239352aeffb972735eb7,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +fc26a78091a03b961ddbc714e0824e370fe69f76,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +b30745529349b1b3869ecddf5e38e7a8933fe98e,"public boolean love6(int a, int b) +{ + int sum; + int dif; + int dif2; + boolean test = false; + + if (a == 6 || b == 6){ + test = true; + } + + sum = a + b; + dif = a - b; + dif2 = b - a; + + if (sum == 6 || dif == 6 || dif2 == 6){ + test = true; + } + + return test; + + +} +" +2c7781572775e0333e2805c54bbc0bac9292bd30,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +1f52e6bd74b47731317834eaee5c52b212ac482c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +88d61c3981c0855cbb1fa384d555300c9bee015d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +4b4d34ce7da129db266388dd40eb3d19a48cdbc8,"public boolean love6(int a, int b) +{ + boolean result = false; + if(a==6||b==6||a+b==6||a-b==6||b-a==6) + { + result = true; + } +} +" +bc928f77627d47cdf7539995e31841778fbe63f8,"public boolean love6(int a, int b) +{ + boolean result = false; + if(a==6||b==6||a+b==6||a-b==6||b-a==6) + { + result = true; + } + return result; +} +" +1c11595f93e5353b29929a918aab5c45b06c235b,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +1cec98910fe282fca1a482a4f31571bbb82a5abf,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 + || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +2ba1c9abed857e9edf2e711a9d8d2b726456f177,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 + || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +57b38db96ed3a79fba206a3eea4e87ed81272d9f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + + int sum = a+b; + int diff = Math.abs(a-b); + + if (sum == 6 || diff == 6) + return true; + else + return false; +} +" +e1cf2d2db3c8bb402a2347f7beac6b493b4adc2b,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || ( a + b == 6) || ( a - b == + Math.abs(6)) + { + return true; + } + return false; + +} +" +9710f89f0c5ec61f0d6aa11886e6560e246b5474,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || ( a + b == 6) || ( a - b == + Math.abs(6))) + { + return true; + } + return false; + +} +" +03ef0f4eaaf7218dbad9a5b18897500298509e5e,"public boolean love6(int a, int b) +{ + int c = Math.abs(a-b) + if ( a == 6 || b == 6 || ( a + b == 6) || ( c == + 6)) + { + return true; + } + return false; + +} +" +f5f1932da3762052d231da085ecaf52f2426b3ae,"public boolean love6(int a, int b) +{ + int c = Math.abs(a-b); + if ( a == 6 || b == 6 || ( a + b == 6) || ( c == + 6)) + { + return true; + } + return false; + +} +" +b3fe6aad189d3203293e1335b981bbfd6871805b,"public boolean love6(int a, int b) +{ + if( a == 6 || b == 6) + return true; + if( a + b == 6) + return true; + if(Math.abs(a-b) == 6 || Math.abs(b-a) == 6) + return true; + else + return false; +} +" +5097145cd4041e92f9e905ddc1d364307cb4d66e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (Math.abs(a) + Math.abs(b) == 6 || Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + else + { + return false; + } +} +" +3f8781acc6a93dab568864263b6960e1df7806d7,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (Math.abs(a) + Math.abs(b) == 6 || Math.abs(a) - Math.abs(b) == 6 || Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + else + { + return false; + } +} +" +fb7592b098524c683399ec8b0d30b209321231d6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +1f66831c0197db2f193980e2ab3fd6199dd93cea,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || a+b==6 || a-b == 6) + { + return true; + } + +} +" +10592621fe3edd134685bcd47c1d52df170040d7,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || a+b==6 || a-b == 6) + { + return true; + } + else + { + return false; + } +} +" +9880512d174881623150b5795b82a7fcc7cb4b40,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || a+b==6 || abs(a-b)==6) + { + return true; + } + else + { + return false; + } +} +" +2ec36b835e54fac28bdae46b692aca1dbd51ba59,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || a+b==6 || Math.abs(a-b)==6) + { + return true; + } + else + { + return false; + } +} +" +24f197be832be6f761c887ca4c523f552f1edc7c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((Math.abs(a - b)) == 6) + { + return true; + } + else + { + return false; + } +} +" +b8e3a3e2ef8603f5739a5da5c148569459aef59d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +6dbe4f022df39c33424a594b3370806483faa1c3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else + { + return ((a + b) == 6|| Math.abs(a - b) == 6); + } +} +" +930b26cff822d2b1b0b9ba166b096843dc871c5d,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + return true; + else if((a+b)==6 || (Math.abs(a-b))==6) + return true; + else + return false; +} +" +55fc004840a84197b56bb766c25dfde04a3addfe,"public boolean love6(int a, int b) +{ + if ((Math.abs(a) == 6) || (Math.abs(b) == 6)) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +fe8cd7693568c44d2a318592df46c2f2c7d9fa25,"public boolean love6(int a, int b) +{ + if ((Math.abs(a) == 6) || (Math.abs(b) == 6)) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if (((a - b) == 6) || ((b - a) == 6)) + { + return true; + } + else + { + return false; + } +} +" +1ab04d5900e74818097d764f586ef6173095e51c,"public boolean love6(int a, int b) +{ + if (a == 6) || (b == 6)) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if (((a - b) == 6) || ((b - a) == 6)) + { + return true; + } + else + { + return false; + } +} +" +51ce90ee670a48f2d5d7c4d574df292bebcc7f4b,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if (((a - b) == 6) || ((b - a) == 6)) + { + return true; + } + else + { + return false; + } +} +" +36b3fe3bdbb20423238ab8ffd9235f16d956cee0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true + else if (a + b == 6 || a - b == Math.abs(6)) + return true + else + return false + +} +" +433d2b5998318828188637145d2e94d2357b26e8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || a - b == Math.abs(6)) + return true; + else + return false; + +} +" +376d8d03ddeac0535cb1d68e29bda2669d5eb10e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || b - a == Math.abs(6)) + return true; + else + return false; + +} +" +e18cc9a045af7cfbc54248bfa81a7037acb5f401,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || a - b == abs(6)) + return true; + else + return false; + +} +" +7f41d3bdfcd6606cda578b2090213e0dfcd23aad,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + return((a + b) == 6 || Math.abs(a - b) == 6) +} +" +28473460ce8e6f7330e437802f48b3cdf321aac8,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + return((a + b) == 6 || Math.abs(a - b) == 6) +} +" +8f83019bb5768a2ac894fda25a52db1eabddcd33,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || a - b == Math.abs(6)) + return true; + else + return false; + +} +" +9188266505ab44b226ffac8605b3904440b2be53,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + + return((a + b) == 6 || Math.abs(a - b) == 6); +} +" +9e63eccca68258ddd7e4ba8f61e92c38df8827a8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; + +} +" +10c9e1285665ab892424ddb524cf0b8584d8f552,"public boolean love6(int a, int b) +{ + if(a==6||b==6||(a+b)==6||Math.abs(a-b)==6)return true; +} +" +54ec3e6f9ea36d99b9f8d3e644d4b31b9598a3fc,"public boolean love6(int a, int b) +{ + if(a==6||b==6||(a+b)==6||Math.abs(a-b)==6){ + return true; + } + +} +" +dd761d3be8dc8013d846dcdd81d695e4cc1c97b7,"public boolean love6(int a, int b) +{ + if(a==6||b==6||(a+b)==6||Math.abs(a-b)==6)return true; + return false; +} +" +058b3c77a959d6a046d973b14977def0c2b556b2,"public boolean love6(int a, int b) +{ + if ((a == 6 || b == 6) || (Math.abs(a - b) == 6) + || (a + b == 6)) + { + return true; + } + else + { + return false; + } + +} +" +e849dc49b8a74ff6bf4facddd23b92c0ab717e98,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return; + if (Math.abs(a-b) || Math.abs(a + b)) + return; + return false; +} +" +5767eb5b8f1614924a34f3b6ffa1fc3e982b12bb,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return; + if (Math.abs(a-b) == 6 || Math.abs(a + b) == 6) + return; + return false; +} +" +b73726e432cc392c7a7dce30393fab2e015a37db,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + if (Math.abs(a-b) == 6 || Math.abs(a + b) == 6) + return true; + return false; +} +" +9b84e0a0f61055341ceb8ac544f3f0b5920d9cde,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + if ((a-b) == 6 || (a + b) == 6) + return true; + return false; +} +" +0ff9af32a6e11e4d2a33f04371f72b5a5f5205fb,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + if ((a-b) == 6 || (a + b) == 6) + return true; + if (Math.abs(a-b) == 6 || Math.abs(a + b) == 6) + return false; +} +" +b477416b592cc3ea7e29026a4ab16f07ab6ab845,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + if ((a-b) == 6 || (a + b) == 6) + return true; + if (Math.abs(a-b) == 6 || Math.abs(a + b) == 6) + return true; + return false; +} +" +f402be41b1358b9d06b1315d5d5f184fedccd27e,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + if (Math.abs(a-b) == 6 || (a + b) == 6) + return true; + return false; +} +" +b6df1308c02303c296f3dda3ad4704081b127327,"public boolean love6(int a, int b) +{ + if (a + b == 6) + return true; + else + return false; +} +" +c96d930489e20f4d65cbffc2c3156e44cd725db5,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6)) + return true; + else + return false; +} +" +9bd5a36f3539f7fba5f9823f1d3d9cc04ae904cb,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6)) + return true; + if (a - b == 6 || a - b == Math.abs(6)) + return true; + else + return false; +} +" +d8e1d3e0f3a3c50502fa7f373890dd40b22f64b2,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6)) + return true; + if (a - b == 6 || a - b == Math.abs(6)) + return true; + if (a == 6 || b == 6) + return true; + else + return false; +} +" +430379889984dd66fb98f213334d82fd2a400418,"public boolean love6(int a, int b) +{ + if (a + b == 6 || Math.abs(a+b) == 6) + return true; + if (a - b == 6 || Math.abs(a - b) == 6) + return true; + if (a == 6 || b == 6) + return true; + else + return false; +} +" +d00e1e400811976c2d6f06cb7d59a03173451085,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6)) + return true; + if (a - b == 6 || a - b == Math.abs(6)) + return true; + if (a == 6 || b == 6) + return true; + else + return false; +} +" +6542778588e02402d14edd69f06ff712a14c73e4,"public boolean love6(int a, int b) +{ + return a == 6 || b ==6 || a + b ==6 || Math.abs(a-b) == 6; + +} +" +cf77c1739a96ec9f488de1f8d1123b715542d170,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6) || a + b == -6) + return true; + if (a - b == 6 || a - b == Math.abs(6) || a - b == -6) + return true; + if (a == 6 || b == 6) + return true; + else + return false; +} +" +4b0803b8556c1738a1adb989f9128662cbe8e11c,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6) || a + b == -6) + return true; + if (a - b == 6 || a - b == Math.abs(6) || a - b == -6) + return true; + if (a == 6 || b == 6) + return true; + else + return false; +} +" +eb681489d709b3475b2d3843e24a8df92612ae78,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a + b == Math.abs(6)) + return true; + if (a - b == 6 || a - b == Math.abs(6) || a - b == -6) + return true; + if (a == 6 || b == 6) + return true; + else + return false; +} +" +12c868f9ad7ab32705428343896e4c9c9726cc97,"public boolean love6(int a, int b) +{ + if(a==6 || b==6 || (a+b==6) || (Math.abs(a-b) ==6) ) + { + return true; + } + return false; +} +" +008b3b389d67555499b9d67c90dec61c4e210d17,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || (a + b == 6) || Math.abs(a - b) = 6) { + return true; + } + else { + return false; + } +} +" +24e3e676172be316489656cc01d9c8c80b99ac1c,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || (a + b == 6) || Math.abs(a - b) == 6) { + return true; + } + else { + return false; + } +} +" +635760039f9c74aaa7b714a4a3998f45f6aaa963,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || (a + b == 6) || Math.abs(a - b) == 6) { + return true; + } + else { + return false; + } +} +" +84f94e57f69d9ae46bee12bb2582a425989eb9ef,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || (a + b == 6) || Math.abs(a - b) == 6) { + return true; + } + else { + return false; + } +} +" +a1c591b6f4179d5767faf1b93f8c25a4cec3a6ab,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || (a + b == 6) || (Math.abs(a - b) == 6) ) + { + return true; + } + return false; +} +" +13a24df4f733c883fb3c3aa6e9f363feb6d88207,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; +} +" +26185780de4f54741cf10194f45816e1f57faf32,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6) +} +" +f18f3788d5aa9bd70e17fb6a417c188ecc19f458,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +914004528bee6268500c6e1d5f31228fabecd4cc,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +5441ab108865db2873cb65b0204ce35ab911e6bc,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +9e4b641e7f31774a6c9f8dca97ec85b9eb2d876b,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +63074431ad42829ffcf4d11d0704a3b30cbc2f00,"public boolean love6(int a, int b) +{ + if (a = 6|| b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +7156e36b25d971306f397efa5bc0d7afefeec142,"public boolean love6(int a, int b) +{ + if (a = 6 && b = 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +70e3d99d691c71bb26388a28d2808c131812702d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +10c6fd6c9acb61933952c44805370ee362061862,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a-b) == 6); +} +" +4a3b09e0afc5c6407d6a245c4c2573f059a81a81,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} +" +44a5f073d621a2d64206d9f7e0b093a85ef14e60,"public boolean love6(int a, int b) +{ + if (a == 6 || b==6) + return true; + if(a + b == 6 || Math.abs(a-b) ==6 ) + return true; + return false +} +" +cc2272e4b3f7bb3be5535e459f8715727ffb2702,"public boolean love6(int a, int b) +{ + if (a == 6 || b==6) + return true; + if(a + b == 6 || Math.abs(a-b) ==6 ) + return true; + return false; +} +" +3ff1d485a9980808e0b4cbdc0816c196c6c65441,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +d5a26fac260d4b080eae187d06cd297b8eef2b96,"public boolean love6(int a, int b) +{ + a = Math.abs(a); + b = Math.abs(b); + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +1364b3ab8e3b845a41b90857f4aba8e61c9d6a72,"public boolean love6(int a, int b) +{ + a = Math.abs(a); + b = Math.abs(b); + if (a == 6 || b == 6) + { + return true; + } + else if (a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +435e043bed66a006c96fa37426d58e566555b8bb,"public boolean love6(int a, int b) +{ + if ((a + b) == 6) + { + return true; + } + else if (Math.abs(a-b) == 6) + { + return true; + } + else if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else + { + return false; + } +} +" +fd6a55950da9bb16124df5a954fa69de78029521,"public boolean love6(int a, int b) +{ + a = Math.abs(a); + b = Math.abs(b); + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +96d1e09392a7a45bdca9d0ed52d897d11df4c7ea,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +4f4493ba27514cb019982d26a8f07135ac734165,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + if ((Math.abs(a-b)) == 6)) + return true; + else + return false; +} +" +79c913c0cbfb48475b3e279ef0c16c31d34142ae,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + else if ((Math.abs(a-b)) == 6)) + return true; + else + return false; +} +" +361781a5cf205bea7c69c9cb169dc3606594580e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + else if (Math.abs(a-b) == 6)) + return true; + else + return false; +} +" +6d01ba53c04c16930f0f634ce90c0af0a80a9283,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +d2a812152e969eab01cf1b076eea5bd2558ac52c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +ac0e0dc47a03e36d28a0fc43f1764cc012ddaddb,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int yesDif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || yesDif == 6) + { + return true; +} +" +727747f8c854643fda58e0e63ada753a2dd53f6f,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int yesDif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || yesDif == 6) + { + return true; + } +} +" +317bfccb2720686945bcc2f082cf9f85e910da3a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +e2bd2cfc3b8f5459dd41431e04889b1be66435bf,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int yesDif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || yesDif == 6) + { + return true; + } +}" +61720c80c0013272d7a16e778d97e2a0f073a391,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + {return true; + } +int c = a - b +int d = b - a + if (c = 6 || d = 6) + {return true; + } + + else + {return false; + } + +} +" +f8b00903a97f1a19c0e5422a475f3e5a6af10334,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int yesDif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || yesDif == 6) + { + return true; + } + else + { + } +}" +913d699277c65646820381d90d7638f84662a0e9,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + {return true; + } +int c = a - b; +int d = b - a; + if (c == 6 || d == 6) + {return true; + } + + else + {return false; + } + +} +" +9800b32bea2f9f631ed7c5ece01daaf34ea01ca9,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int yesDif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || yesDif == 6) + { + return true; + } +}" +574ae4e2070732b3fa3f803f20046c6ba71adf68,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + {return true; + } +int c = a - b; +int d = b - a; + if (c == 6 || d == 6) + {return true; + } + + else + {return false; + } + +} +" +50a4178291e22298d30fc2ad3ad7047a9985dd7a,"public boolean love6(int a, int b) +{ + Math.abs(a + b) = x; + Math.abs(a - b) = y; + if (a == 6 || b == 6) + { + return true; + } + else if (x == 6 || y == 6) + { + return true; + } + else + { + return false; + } +} +" +b068622f5be87f15e0d0510420baa781b57c216f,"public boolean love6(int a, int b) +{ +if(b==6|| a==6) + +return true; + +return (Math.abs(a-b)=6|| (a+b) ==6); +} +" +c8877573b67cb7a18200ddc764d554d557525ab1,"public boolean love6(int a, int b) +{ +if(b==6|| a==6) + +return true; + +return (Math.abs(a-b)==6|| (a+b) ==6); +} +" +db1de131dd4a3e11869fe49919f1a99bba5b6b0f,"public boolean love6(int a, int b) +{ + a + b = x; + a - b = y; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(x) == 6 || Math.abs(y) == 6) + { + return true; + } + else + { + return false; + } +} +" +d95a4158873364352bb77d32579f3224100ca6e9,"public boolean love6(int a, int b) +{ + int x; + int y; + a + b = x; + a - b = y; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(x) == 6 || Math.abs(y) == 6) + { + return true; + } + else + { + return false; + } +} +" +a694f110f6e7f86517cc4ee3cc529eae397d8ce0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if ((a+b) == 6 || Math.abs(a-b) == 6) + { + return true; + } + return false; + +} +" +82346b26aa12a184c4645bb74f9d930e1bbeb7ba,"public boolean love6(int a, int b) +{ + int x = 0; + int y = 0; + x = a + b; + y = a - b; + + + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(x) == 6 || Math.abs(y) == 6) + { + return true; + } + else + { + return false; + } +} +" +7d3298e06d9cba688819e9765b0778bcb642af84,"public boolean love6(int a, int b) +{ + if(!a == 6 || b == 6) + { + return true; + } + else if (a == 6 || !b == 6) + { + return true; + } + else if (!a == 6 && !b == 6) + { + return false; + } +} +" +649e01a228e7e3dd941d076d55a519a4f45f0bd0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + {return true; + } +int c = a - b; +int d = b - a; + if (c == 6 || d == 6) + {return true; + } + + else + {return false; + } +int e = a + b; + if ( e == 6) + {return true; + } + +} +" +f1739532121b2bbe4c0332e85d6bc9a83ed13e49,"public boolean love6(int a, int b) +{ + if(a != 6 || b == 6) + { + return true; + } + else if (a == 6 || b != 6) + { + return true; + } + else if (a != 6 && b != 6) + { + return false; + } +} +" +aaf2dace59973f3f61b14ef67f5af3ea58ceb2c9,"public boolean love6(int a, int b) +{ + if ( Math.abs(a+b) == 6 ) + { + return true; + } + return false; +} +" +db723367bdbcb3ff724707ce832fc918d628dd83,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + {return true; + } +int c = a - b; +int d = b - a; + if (c == 6 || d == 6) + {return true; + } +int e = a + b; + if ( e == 6) + {return true; + } + else + {return false; + } + +} +" +1c7735728bc6f1ce0334768ab045bbcba0a02a14,"public boolean love6(int a, int b) +{ + int sum = a + b; + if(sum == 6) + { + return true; + } +} +" +0edbdb6756bac08791a67604c779957320f0d19d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +b65ae5e4022698a6c398e8bf1f43fd5a4fcde31c,"public boolean love6(int a, int b) +{ + int sum = a + b; + if(sum == 6) + { + return true; + } + return true; +} +" +fd5122c44f2319dc15cf32dabf956558648e7dae,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +7773bf950d774ecfe41188ad4b257128efd8d355,"public boolean love6(int a, int b) +{ + if ( Math.abs(a+b) == 6 && Math.abs(a-b) == 6) + { + return true; + } + return false; +} +" +4cca6485eca654f33c45a81aeb80ddfbcce40703,"public boolean love6(int a, int b) +{ + if ( Math.abs(a+b) == 6 || Math.abs(a-b) == 6) + { + return true; + } + return false; +} +" +faa9b24b7e4ea05cc83708425f01002c6bcac2c8,"public boolean love6(int a, int b) +{ + int sum = a + b; + int difference = a - b; + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + return true; +} +" +1522796f76e6dab953f7441d75cbc068ffa0468f,"public boolean love6(int a, int b) +{ + int sum = a + b; + int difference = a - b; + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return true; + } + return true; +} +" +f5262091a63d4e4c3c064cfbc001b665331ae465,"public boolean love6(int a, int b) +{ + boolean isSix = false; + if (a == 6 || b == 6) + { + isSix = true; + } + if (a + b == 6) + { + isSix = true; + } + if (Math.abs(a - b) == 6) + { + isSix = true; + } + return isSix; +} +" +8ceecaf78d221153b51f1d631c8212f7ecaf45a9,"public boolean love6(int a, int b) +{ + if ( Math.abs(a+b) != 6 || Math.abs(a-b) != 6) + { + return false; + } + return true; +} +" +997abb4c7344ec62f8bcc878c84cff8cba43c2e1,"public boolean love6(int a, int b) +{ + if ( Math.abs(a+b) == 6 || Math.abs(a-b) == 6) + { + return true; + } + return false; +} +" +18deadd65eeed8a28001d5887de7f27c20cef748,"public boolean love6(int a, int b) +{ + int sum = a + b; + int difference = a - b; + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return true; + } + return false; +} +" +fc5064d551c93835bf14f14e5591172e48bc1889,"public boolean love6(int a, int b) +{ + if ( a + b == 6 || a - b == 6) + { + return true; + } + return false; +} +" +c99a3a745bcefaef746d96421ef9f0a5c0c33a10,"public boolean love6(int a, int b) +{ + int sum = a + b; + int difference = a - b; + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return true; + } + return sum; +} +" +2422c3ea0e377965c7dda06038fe7b2711cc9a2b,"public boolean love6(int a, int b) +{ + if ( a + b == 6 && a - b == 6) + { + return true; + } + return false; +} +" +bb7c65202aeeeb305e929ed5a7795408a88fce92,"public boolean love6(int a, int b) +{ + int sum = a + b; + int difference = a - b; + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return true; + } + return false; +} +" +37f205001682368ea4bbd64c14b2ea257980d1bd,"public boolean love6(int a, int b) +{ + if ( Math.abs(a + b) == 6 && Math.abs(a - b) == 6) + { + return true; + } + return false; +} +" +96c41e00ec1f34a27aecf587dae9d53073c008f8,"public boolean love6(int a, int b) +{ + int sum = a + b; + int difference = a - b; + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + return false; +} +" +f30809c404f1b415df59bba30fc38f7e186da40a,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int difference = Math.abs(a) - Math.abs(b); + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + return false; +} +" +e2840899f1aac60ee4fa7b06722a656e8bb2fb17,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 ) + { + return true; + } + if ( Math.abs(a + b) == 6 || Math.abs(a - b) == 6) { + return true; + } + return false; +} +" +b2e3ed4fcb292f415e94704935676d27031ca020,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 ) + { + return true; + } + if ( Math.abs(a + b) == 6 || Math.abs(a - b) == 6) { + return true; + } + return false; +} +" +2322da8a4c6279f10c82a206b1fbce90c910204a,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int difference = Math.abs(a) - Math.abs(b); + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + return false; +} +" +94dd0b4e1396d35e8d8a4c4e96cec639a8e530a1,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 ) + { + return true; + } + if ( Math.abs(a + b) == 6 && Math.abs(a - b) == 6) { + return true; + } + return false; +} +" +48ffb147fb65bdb6d5af5700cb3891f0138998ce,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 ) + { + return true; + } + if ( Math.abs(a + b) == 6 || Math.abs(a - b) == 6) { + return true; + } + return false; +} +" +ffc189b08b276bb4d392d0e1bb3efc3934ce4f65,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 ) + { + return true; + } + if ( Math.abs(a + b) == 6 || Math.abs(b - a) == 6) { + return true; + } + return false; +} +" +48a59f57236c77172b72350633fd13b23365e6ce,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int difference = Math.abs(a) - Math.abs(b); + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return false; +} +" +8236b25649d21d48dd013162b0c8b071826cdc97,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 ) + { + return true; + } + if ( a + b == 6 || Math.abs(b - a) == 6) { + return true; + } + return false; +} +" +b4876b516ca6a55337e5537c73b5de8a92e5759d,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int differencea = Math.abs(a) - Math.abs(b); + int differenceb = Math.abs(b) - Math.abs(a); + if (sum == 6) + { + return true; + } + else if (differencea == 6) + { + return true; + } + else if (differenceb == 6) + return true; + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return false; +} +" +e21d73d7f90b4a78ae09dfc0632e9fcb60a9e8a6,"public boolean love6(int a, int b) +{ + int sum=a+b; + int difference=a-b; + if(a=6 || b=6) + { + return true; + } + else if(sum=6 || Math.abs(difference)=6) + { + return true; + } + else + { + return false; + } +} +" +f821ecee1841950a5e064ab4d97428782b92c5ad,"public boolean love6(int a, int b) +{ + int sum=a+b; + int difference=a-b; + if(a=6 OR b=6) + { + return true; + } + else if(sum=6 || Math.abs(difference)=6) + { + return true; + } + else + { + return false; + } +} +" +76e67452f1ceeead9017e279cf33a8902257c005,"public boolean love6(int a, int b) +{ + int sum=a+b; + int difference=a-b; + if(a=6 OR b=6) + { + return true; + } + else if(sum=6 OR Math.abs(difference)=6) + { + return true; + } + else + { + return false; + } +} +" +1ce9ab700bc13ee46d838f583a07df113c9faa42,"public boolean love6(int a, int b) +{ + int sum=a+b; + int difference=a-b; + if(a=6 OR b=6); + { + return true; + } + else if(sum=6 OR Math.abs(difference)=6) + { + return true; + } + else + { + return false; + } +} +" +07ef3ac420fabf54ff74e44980cb48b0fca7aa31,"public boolean love6(int a, int b) +{ + int sum=a+b; + int difference=a-b; + if(a=6 || b=6) + { + return true; + } + else if(sum=6 || Math.abs(difference)=6) + { + return true; + } + else + { + return false; + } +} +" +1281f14d5c461f8e60048e09a3a4e531328337b2,"public boolean love6(int a, int b) +{ + boolean penis = true; + if (a == 6 || b == 6) + penis = true; + if (a - b == 6 || b - a == 6 || a + b == 6) + penis = true; + else + penis = false; + return penis; +} +" +20daca287a6ec268635a23e21e960c3762e1282a,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int differencea = Math.abs(a) - Math.abs(b); + int differenceb = Math.abs(b) - Math.abs(a); + + if (sum == 6) + { + return true; + } + else if (differencea == 6) + { + return true; + } + else if (differenceb == 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + return false; + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return true; +} +" +521302bf83f79d4cc1ae1eeefa4ad43dec2feb65,"public boolean love6(int a, int b) +{ + boolean penis = true; + if (a == 6 || b == 6) + penis = true; + else if (a - b == 6 || b - a == 6 || a + b == 6) + penis = true; + else + penis = false; + return penis; +} +" +7101a01728f17e2847fc37e93ce5cb9144016e93,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs((a - b))== 6 || Math.abs(a+b) == 6) { + return true; + } + +} +" +165670f0fe29f552b0d258ab0bf69b9a98a075eb,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs((a - b))== 6 || Math.abs(a+b) == 6) { + return true; + } + else { + return false; + } +} +" +95e98163b1de18385fdc51ed4a4c2c4d9ff6db4f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a - b)== 6 || Math.abs(a+b) == 6) { + return true; + } + else { + return false; + } +} +" +7701868d9bceb6c2911e115b1c90a3bc1ad60dfb,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int differencea = Math.abs(a) - Math.abs(b); + int differenceb = Math.abs(b) - Math.abs(a); + + if (sum == 6) + { + return true; + } + else if (differencea == 6) + { + return true; + } + else if (differenceb == 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + if (sum == 6 || differencea == 6 || differenceb == 6) + { + return true: + } + else + { + return false; + } + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return true; +} +" +8e6536204eb15b30c0849e9e016464193017c194,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int differencea = Math.abs(a) - Math.abs(b); + int differenceb = Math.abs(b) - Math.abs(a); + + if (sum == 6) + { + return true; + } + else if (differencea == 6) + { + return true; + } + else if (differenceb == 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) != 6) + { + if (sum == 6 || differencea == 6 || differenceb == 6) + { + return true; + } + else + { + return false; + } + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return true; +} +" +b32bfe62230f677d794e29486efa7bd69b640958,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); + +} +" +0e9bdc5c116d322f3388b401cdd2e3cb9886fdcf,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int differencea = Math.abs(a) - Math.abs(b); + int differenceb = Math.abs(b) - Math.abs(a); + + if (sum == 6) + { + return true; + } + else if (differencea == 6) + { + return true; + } + else if (differenceb == 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 || Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) != 6) + { + if (sum == 6 || differencea == 6 || differenceb == 6) + { + return true; + } + else + { + return false; + } + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return true; +} +" +d323b319d60b816f74a64bb1c946a9e4f56b3be8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a - b)== 6 || Math.abs(a+b) == 6) { + return true; + } + else if (Math.abs(b - a)== 6) { + return true; + } + else { + return false; + } +} +" +ff233cc8aa65d3e55b0fa44b5df83bdf1ca8bb29,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int differencea = Math.abs(a) - Math.abs(b); + int differenceb = Math.abs(b) - Math.abs(a); + + if (sum == 6) + { + return true; + } + else if (differencea == 6) + { + return true; + } + else if (differenceb == 6) + { + return true; + } + else if (Math.abs(a) != 6 && Math.abs(b) == 6) + { + return true; + } + else if (Math.abs(a) == 6 && Math.abs(b) != 6) + { + return true; + } + else if (Math.abs(a) != 6 || Math.abs(b) != 6) + { + if (sum == 6 || differencea == 6 || differenceb == 6) + { + return true; + } + else + { + return false; + } + } + else if (Math.abs(a) == 6 && Math.abs(b) == 6) + { + return true; + } + return true; +} +" +9778001454d1407f7dbd0c92aa77443ac25f9a61,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a - b)== 6 || (a+b) == 6) { + return true; + } + else if (Math.abs(b - a)== 6) { + return true; + } + else { + return false; + } +} +" +9ebeb76652462f5d83e8608c3ea257f738d95500,"public boolean love6(int a, int b) +{ + int sum; + int difference; + sum=a+b; + difference=a-b; + if(a=6 || b=6) + { + return true; + } + else if(sum=6 || Math.abs(difference)=6) + { + return true; + } + else + { + return false; + } +} +" +a22e3ff200e6f0b792bd742111dae75791d27fdb,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int difference = Math.abs(b-a); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +beee8d35da8daafcfa73dd7a49e9b2d19944ad6c,"public boolean love6(int a, int b) +{ + boolean love; + + if (a == 6 || b == 6) + { + love = true; + } + else if (a + b == 6 || a - b == 6) + { + love = true; + } + else + { + love = false; + } + + return love; +} +" +42e94756f265e5060bc316d90f3a4a0794e22e02,"public boolean love6(int a, int b) +{ + boolean love; + + if (a == 6 || b == 6) + { + love = true; + } + else if (a + b == 6 || Math.abs(a - b) == 6) + { + love = true; + } + else + { + love = false; + } + + return love; +} +" +65e5a3c48e88a5eda0d3ed013fcbf538b6e7a049,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a) + Math.abs(b); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +f4040d6bad46cb17706fed819c04dd3d92d28eec,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +5c77e64d26586983b8deea516d239f14c0f58c45,"public boolean love6(int a, int b) +{ + + int sum = a + b; + int dif = Math.abs(a - b); + + if (a == 6 || b == 6 || sum == 6 || dif == 6) + { + return true; + } + + return false; +} +" +4c56cfaa3f1f08e517ff2c7df674fd761bd16303,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else + { + return false; + } + + if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +17a0cc98b3b2c2edb3b5c305888883d358f2e462,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +e531de50c5028c7aaad1e239dcd0b9f1a1d78ccd,"public boolean love6(int a, int b) +{ + int sum = Math.abs(b + a); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +4ef8b4e8df2249ede2fe5ab66d00c23718f92381,"public boolean love6(int a, int b) +{ + int sum (a + b); + int dif (a - b); + if (sum = 6 || dif = 6) + return true; + else + return false; + +} +" +2315e4b61963dae2253ff9122e2b3583a9365834,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a - b) == 6) + return true ; + return false; +} +" +eef7e593baf27c488c6163be9e401f9694ccf587,"public boolean love6(int a, int b) +{ + int sum a + b; + int dif a - b; + if (sum = 6 || dif = 6) + return true; + else + return false; + +} +" +485958456b06b70a4eea3570d4c7c734e6918afd,"public boolean love6(int a, int b) +{ + sum = a + b; + dif = a - b; + if (sum = 6 || dif = 6) + return true; + else + return false; + +} +" +6178732e591167cc565c21e1540544dea7889f5d,"public boolean love6(int a, int b) +{ + private int sum; + private int sum; + sum = a + b; + dif = a - b; + if (sum = 6 || dif = 6) + return true; + else + return false; + +} +" +6298e83e4baab71fda579707818201e1d23b70ac,"public boolean love6(int a, int b) +{ + if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; + if (a == 6 || b == 6) + return true; + +} +" +f69bc1473ecf11beb4bbdb3971f8472fede18da4,"public boolean love6(int a, int b) +{ + if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; + if (a == 6 || b == 6) + return true; +} +" +8a18265b0731d20f4721addcf3d10d70eaee3d62,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if ((a + b) == 6 || Math.abs(a - b) == 6); + return true; +} +" +e898db7ce7f5eb4cf1f8d44d964f9309454fce19,"public boolean love6(int a, int b) +{ + return ((a + b) == 6 || Math.abs(a - b) == 6) + if (a == 6 || b == 6) + return true; +} +" +20d10afa791f08861b6189a8c3c43bcf36b89a52,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +bf59b462a2d5a6b1857a6f9b1789344b237178b7,"public boolean love6(int a, int b) +{ + return ((a + b) == 6 || Math.abs(a - b) == 6); + if (a == 6 || b == 6) + return true; +} +" +607dfce758dffc3d89ddf202ecf821ab87d86942,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +f5cdbe04ab71abfa4b5536837147f8ecfde887c3,"public boolean love6(int a, int b) +{ + int sum = Math.abs(b + a); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + if (difference == 6) + { + return true; + } + else + { + return true; + } + else + { + return false; + } +}" +443c1ef7abb0f7722c81fec41acf3aec4ba8a467,"public boolean love6(int a, int b) +{ + int sum = Math.abs(b + a); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + if (difference == 6) + { + return true; + } + else + { + return true; + } + } + else + { + return false; + } + +}" +1bed60a4587debaee19cbd67f5f21f4ce4ca9a14,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +26116a38ef6f851109b50d27388fcccbf320e147,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + } +} +" +5046f57520685c086b9352831b464b35f0d303c2,"public boolean love6(int a, int b) +{ + int sum = Math.abs(b + a); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +0ff1d48ee027bef1a7cad9726f207e869c2947bf,"public boolean love6(int a, int b) +{ + boolean is6 = false; + if (a == 6 || b == 6) + { + is6 = true; + return is6; + } + else if (((Math.abs(a-b)) == 6) || (a+b == 6)) + { + is6 = true; + return is6; + } + else + { + return is6; + } +} +" +7cbafeb18bf9ab4010483a69af6c43cfe6151b7c,"public boolean love6(int a, int b) +{ + int sum = Math.abs(b + a); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6 || difference == 6) + { + return true; + } + else + { + return false; + } +}" +6712c0c275a1cc3de468be4a5d38e40aa0b49706,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (Math.abs( a + b ) == 6 || Math.abs( a - b ) == 6 || Math.abs( b - a ) == 6) + { + return true; + } + else + { + return false; + } + } +} +" +2fcba7d88eae6c5140b5a9ccb605c6ebff6562d4,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +421eb1e52812e6dc8cbf84e6d95be7a6a9d38552,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 && b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +16cfef9d4aac351ef80afc2da4aa6ec61a65a978,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else + { + if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } + } +} +" +11b118f67bc9a7ec3bdc5b93c6fb64fa0b16b202,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 && b == 6) + { + return true; + } + else if (a == 6 || b = 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +a709a6b516fd5ed1bc32da031daa97000a79e506,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 && b == 6) + { + return true; + } + else if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +36a2056080f99da3edd330808d17128552645934,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if(a + b == 6 || Math.abs(a-b) == 6) + return true; + return false; +} +" +cc89c095bc700736bd0d436cae2428cf72b2248a,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 && b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +6bd51af4a3fa82c2f8c8b4a7f334737cb85ccfe3,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int difference = Math.abs(a - b); + + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6) + { + return true; + } + else if (difference == 6) + { + return true; + } + else + { + return false; + } +}" +6d6b4156646d3f462f49f76ca0be4d77b3fcc3e9,"public boolean love6(int a, int b) +{ + boolean love6 = false; + + if (a==6 || b==6) + { + love6 = true; + } + else if (Math.abs(a-b)==6) + { + love6 = true; + } + + + return love6; +} +" +226896123752498ab114c75a41895fa84b251342,"public boolean love6(int a, int b) +{ + boolean love6 = false; + + if (a==6 || b==6) + { + love6 = true; + } + else if (Math.abs(a+b)==6 || Math.abs(a-b)==6 ) + { + love6 = true; + } + + + return love6; +} +" +323bf3457760e4fab126559cae3976f4044633ba,"public boolean love6(int a, int b) +{ + boolean love6 = false; + + if (a==6 || b==6) + { + love6 = true; + } + else if ((a+b)==6 || Math.abs(a-b)==6 ) + { + love6 = true; + } + + + return love6; +} +" +b1851fda3503ab50345ed2a85e076ec2559077d6,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6) + c=true; + if (Math.abs(a+b)==6) + c=true; + return c; +} +" +48c201303506ae0a149a800bd242af820d96c7f0,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6) + c=true; + if (Math.abs(b+a)==6) + c=true; + return c; +} +" +02ebe8bf1d8feaae7fb63a8b46c6e0c8dcc30fd1,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6) + c=true; + int d=a+b; + if (Math.abs(d)==6) + c=true; + return c; +} +" +3f2b12b11423a2f8a7e83b1514a72a75c86e2eca,"public boolean love6(int a, int b) +{ + boolean answer = false + int c = a + b; + int d = math.abs(a - b); + if (a == 6 || b == 6 || c == 6 || d== 6) + { + answer = true; + } + return answer; + + +} +" +f9d29d3d460664f65c4331cd5a10f4a7ed82bb11,"public boolean love6(int a, int b) +{ + boolean answer = false; + int c = a + b; + int d = math.abs(a - b); + if (a == 6 || b == 6 || c == 6 || d== 6) + { + answer = true; + } + return answer; + + +} +" +461e638f8dfc8ca8c33e9a0b42e742612ac64a81,"public boolean love6(int a, int b) +{ + boolean answer = false; + int c = a + b; + int d = Math.abs(a - b); + if (a == 6 || b == 6 || c == 6 || d== 6) + { + answer = true; + } + return answer; + + +} +" +928685a4ee93455e76bc50b7417bb051e0b38ba8,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6 && Math.abs(a+b)==6) + c=true; + return c; +} +" +7b05cc9d1d5da51a38c203a62dc530a0523c7cb4,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6 || Math.abs(a+b)==6) + c=true; + return c; +} +" +3ef80c568ab04d2267d21b7d51bc1a494084d548,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6 || Math.abs(a+b)==-6 ||Math.abs(a+b)==-6) + c=true; + return c; +} +" +2d8931064da724ddc123d6c0a23ea07e4f8128ee,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6 || Math.abs(a+b)==-6 ||Math.abs(a+b)==6) + c=true; + return c; +} +" +245879f0cfedb12e9275e936f6bf968f69ae2265,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + int d=a+b; + if (Math.abs(d)==6 || d==-6 || d==6) + c=true; + return c; +} +" +8cc597a4dfc9121473e9a99cb6acd91520b9a314,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + int d=a+b; + if (Math.abs(a-b)==6 || d==-6 || d==6) + c=true; + return c; +} +" +602b155502fdf5b263408a6282f5fc1848bdb259,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + int d=a+b; + if (Math.abs(a-b)==6 || d==-6 || d==6) + c=true; + return c; +} +" +365b28d4924cec70e4652ea74c08bdf17d0f033b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a-b) == 6 || Math.abs(a+b) == 6) + return true; + else + return false; +} +" +b984da0c066679effd2db42629a254e4d7ca2d3c,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6 ) + c=true; + return c; +} +" +4a134aa7858c1c7cac4caf0fb78cf47bf30ed8a7,"public boolean love6(int a, int b) +{ + boolean c = false; + if (a==6||b==6) + c=true; + if (Math.abs(a-b)==6 ) + c=true; + if ((a+b)==6) + c=true; + return c; +} +" +122a37d3b71b06d618abcecccc592eadc6f3abd7,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a-b) == 6 || a+b == 6) + return true; + else + return false; +} +" +0d186ab1420e04028d2440db2c591103072e6480,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a+b == 6 || Math.abs(a-b) == 6); + +} +" +8839db90e9b558ca0ea43bd4c168fffb441660a4,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a+b) == 6 || Math.abs(a-b) == 6); + +} +" +322f4a9c4ffe3661f80baae68293f019df117f4f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (Math.abs(a - b) == 6 || Math.abs(a + b) == 6) + return true; + else + return false; +} +" +d4340c0b7fd6aaafbf1bdb198fd4025bf162cd77,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +c386538093b05a65b628a82bec3573875abac29e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +ca24129a144b9b607ad9afa10ef0e3acbdfd62fa,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ( a > 6 && (a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +965f73208d8819661c659d9ceedce752740fb3f5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (Math.abs(a - b) == 6 || a + b == 6) + return true; + else + return false; +} +" +f02b774cb1a9791198a8b9a13cbb08ced1927bc7,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ( (a > b) && (a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +1a8c1caaf74cb5d83865f12c772d1760ffd62b59,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ( (b > a) && (a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +58db4d22aa0461156c0275a5f38da38cc083bc11,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +8111cebf0bd7e6348206f658c56d55f503c739a3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +9626d4040aa7c50bca1248e3dee3ddba9cda4755,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6) + { + return true; + } + else if ((a - b) == 6 || + (b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +e003b23693d605ddf093817a21a007d82e7ae113,"public boolean love6(int a, int b) +{ + boolean result = true; + + if (a == 6 || b == 6 || a+b == 6 || Math.abs(a-b) == 6) + { + result = true; + } + else + { + result = false; + } + + return result; +} +" +596b92e87411da99ba70a177796736a7039c57b8,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || Math.abs(a-b) == 6) + { + return true; + } + else + { + return false; + } +} +" +ed9780b42467d732afa8fc92cbe2fe8f769bbe2b,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || Math.abs(a-b) == 6 || (a + b) == 6) + { + return true; + } + else + { + return false; + } +} +" +74753452b59d7c244bbdd7e3108b348369bc8d8f,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + return (a + b == 6 || a - b == 6 || b - a == 6); +} +" +a5d54f31e259f947deb90a32ebe61a2370737d89,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + return ((a + b) == 6 || (a - b) == 6 || (b - a) == 6); +} +" +8033e604bdf28766eda17f5e824b4f7ed6afc97d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +597c36e80ae7a73650a680c707fe1a149f06dd13,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + return true; + else if ((a + b) == 6) + return true; + else + return false; + +} +" +48cb70f8e22889ba86bed3adc551fe69620b69e8,"public boolean love6(int a, int b) +{ + int diff = a -b; + int newDiff = Math.abs(diff); + if (a==6 || b==6) + { + return true; + } + else if (newDiff ==6) + return true; + else + return false; + +} +" +69d83eafc4a39c693ab957a84b3af655abe94c67,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +d6bbed671a58f2696c3ec4f615f9d7136e15546b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a+b==6 || Math.abs(a-b)==6) + return true; +} +" +dc23a6163c551ac3048519f89783d8ba00dce7ab,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a+b==6 || Math.abs(a-b)==6) + return true; + else + return false; +} +" +f7a064e718fc12ee8925a35bc2206aae07b84fe6,"public boolean love6(int a, int b) +{ + int diff = a -b; + int sum = a+b; + int newDiff = Math.abs(diff); + int newSum = Math.abs(sum); + if (a==6 || b==6) + { + return true; + } + else if (newDiff ==6 || newSum==6) + return true; + else + return false; + +} +" +e658fbddab4f4e33cf5797918dcd88e66f5b9640,"public boolean love6(int a, int b) +{ + int diff = a -b; + int sum = a+b; + int newDiff = Math.abs(diff); + //int newSum = Math.abs(sum); + if (a==6 || b==6) + { + return true; + } + else if (newDiff ==6 || sum==6) + return true; + else + return false; + +} +" +f92f7ce8ee5c6ce3c70a3d5ecc77656ab3ca8b8f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +0fc559729743c61457a264b271645a985d6b449b,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if(a + b == 6) + { + return true; + } + else if(a - b == 6) + { + return true; + } + else + return false; +} +" +0d1ce4a3aa8ee961a1be03be6bd6173f0f2695ab,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if(a + b == 6) + { + return true; + } + else if(abs(a - b) == 6) + { + return true; + } + else + return false; +} +" +1a01429ed225604278712eb05792cf9096a6e8f8,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + else if(a + b == 6) + { + return true; + } + else if(Math.abs(a - b) == 6) + { + return true; + } + else + return false; +} +" +93c0d8b6716803ec136555d34a86eee2ba558104,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +6025c37be185efba11707785d88981dfd67416a3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if(a+b == 6 || Math.abs(a-b) == 6) + return true ; + else + return false; +} +" +f437ea64059a3460ec96070a7430acf587c7cdbf,"public boolean love6(int a, int b) +{ + int first = a; + int last = b; + int sum = a + b; + int diff = a - b; + boolean six = false; + return six; +} +" +2ebe87dae79618cbf75cb97af756407355f9fe1c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (a + b == 6) + return true; + else if (a - b == 6 || b - a == 6) + return true; + return false; +} +" +0f2413d8722c86cb1df628a1ac36523e9cb6e983,"public boolean love6(int a, int b) +{ + int first = a; + int last = b; + int sum = a + b; + int diff = a - b; + boolean six = false; + if (a = 6 || b = 6) + { + six = true; + } + return six; +} +" +6c5ba8d9d829364e013c8d9af99534a7f6d84f5b,"public boolean love6(int a, int b) +{ + int first = a; + int last = b; + int sum = a + b; + int diff = a - b; + boolean six = false; + if (a == 6 || b == 6) + { + six = true; + } + return six; +} +" +4f0ae3d326d682f86b55890b2132996f81b59ab9,"public boolean love6(int a, int b) +{ + int first = a; + int last = b; + int sum = a + b; + int diff = a - b; + boolean six = false; + if (a == 6 || b == 6) + { + six = true; + } + if (Math.abs(sum) == 6) + { + six = true; + } + if (Math.abs(diff) == 6) + { + six = true; + } + return six; +} +" +aa1cbcb6b38ca48c7d832e533da7a1acb82590b7,"public boolean love6(int a, int b) +{ + int first = a; + int last = b; + int sum = a + b; + int diff = a - b; + boolean six = false; + if (a == 6 || b == 6) + { + six = true; + } + if (sum == 6) + { + six = true; + } + if (diff == 6) + { + six = true; + } + return six; +} +" +3da3b719ab541a53fd344f6467ddf463cde05056,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if(a + b == 6) + return true; + else if(a - b == 6) + return true; + else if(b - a == 6) + return true; + else + return false; +} +" +df01ac1f48551a3391c28da26f28284a7a8db1bb,"public boolean love6(int a, int b) +{ + int first = a; + int last = b; + int sum = a + b; + int diff = a - b; + int diffAgain = b - a; + boolean six = false; + if (a == 6 || b == 6) + { + six = true; + } + if (sum == 6) + { + six = true; + } + if (diff == 6) + { + six = true; + } + if (diffAgain == 6) + { + six = true; + } + return six; +} +" +693bd4198d10445c3a7aeda517cc6272c6486375,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if ( Math.abs(a -- b) == 6 || a ++ b == 6) + return true; + else + return false; +} +" +a40703cdfbf5cec1ecca9a251ae86b0829182cb0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if ( Math.abs(a - b) == 6 || a + b == 6) + return true; + else + return false; +} +" +12aca8c27de79e70bc5b19449b0796ee867e3978,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + else if (a - b = 6 || a + b = 6) + return true; + else + return false; + +} +" +88934daf8a2dad242e09e82713fc7546a7107359,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + else if (a - b == 6 || a + b == 6) + return true; + else + return false; + +} +" +dad2f7b5c44c60850a65161ae36240349283bf57,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + else if (Math.abs(a - b) == 6 || a + b == 6) + return true; + else + return false; + +} +" +46d74f34807de636f2531449ca703d2da098a8aa,"public boolean love6(int a, int b) +{ + if(a ==6 || b==6) + return true; + if(Math.abs(a-b)== 6 || (a+b)==6) + return true; + return false; + +} +" +7ba93c1593f5a5a66a7344d95d411c1af58882e1,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + else if (Math.abs(a - b) == 6 || (a + b) == 6) + return true; + else + return false; + +} +" +988b042d5b8eadb19cc790e3f40696bffa9d5cdb,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + return true; + else if (Math.abs(a - b) == 6 || (a + b) == 6) + return true; + else + return false; + +} +" +9e2aac74234f83eb3415e555b3c739d87e98d7d4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a - b) == 6 || (a + b) == 6) + return true; + else + return false; + +} +" +fd10f73e77040edb61919dbb4c42a8592a228860,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + +} +" +d1371a36578419aa936ec07ff1ef5cb20bdef82d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || Math.abs( a + b ) == 6 || Math.abs( a - b ) == 6) + { + return true; + } + else + { + return false; + } + +} +" +d4bad5bb37f3825a2532ba5cec28000b24294d7a,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs( a - b ) == 6) + { + return true; + } + else + { + return false; + } + +} +" +bf6214b2150b931a81520ea64bee5ce54b62469f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 ||a - b == 6) + { + return true; + } + else + { + return false; + } + +} +" +58e152cffd6ab3fa051d4f9761482e0f0f649894,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + +} +" +38064b70028c551fd0050f5e5965a0bb8faadd75,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +0b91078db4e8ff82d098c208745e2d15e5546abd,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +113707fd4bd8a816b504eed29c25328e8dcf9dca,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a) + Math.abs(b) == 6) + { + return true; + } + return false; +} +" +1e11b3f8091b209dddd71eb8b6ab5e70b0cbaa76,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a) + Math.abs(b) == 6 || Math.abs(a) - Math.abs(b)) + { + return true; + } + return false; +} +" +6691158e0d350479349cd07735c4d4693eed34d8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a) + Math.abs(b) == 6 || Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + return false; +} +" +d0c34cabb886eb09542ef7b648efff3a019691f6,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + return true; + if (a + b ==6 || Math.abs(a-b) == 6) + return true; + else + return false; + +} +" +9398440cd21d1548dc955d34210a856486298c9a,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +b43329d6a123b15f759ef85117b2552eb8670836,"public boolean love6(int a, int b) +{ + return a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6; +} +" +a8da354863fd0cdf8c378844cf196f597c745331,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b - c == 6) + { + return true; + } + return false; +} +" +24a2254a4d31c14dad4d2cd06a799151e674bf73,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + return false; +} +" +80e2d4780228a050c2c5ad301a579cec05a1fef2,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +d87a9398fe135a6aef74c9b15b0aa87c5637549b,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + else if ( (a + b) == 6) + { + return true; + } + else if ( (a-b) == 6 || (b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +cf2d521a8e8764b4721b8974ea3e6cf575138a84,"public boolean love6(int a, int b) +{ + return false; + if (a = 6 || b = 6) + { + return true; + } + else if (a + b = 6) + { + return false; + } +} +" +5868aa610aee0ec00b9676e68be96e4ef1fb0660,"public boolean love6(int a, int b) +{ + return false; + if (a == 6 || b == 6) + { + return true; + } + else if (a + b = 6) + { + return false; + } +} +" +16aabf0f8c005ff3ff749dc80c1205aea4f68309,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if (a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +6f985961e6103547157db1cab618c303a41cc9e9,"public boolean love6(int a, int b) +{ + return false; + int sum = a+b; + int diff = Math.abs(a-b); + if (a == 6 || b == 6) + { + return true; + } + else if (sum == 6 || diff == 6) + { + return false; + } +} +" +a4564da5e6f977bf7d65314f89e7574ec621e200,"public boolean love6(int a, int b) +{ + boolean love; + int sum = a+b; + int diff = Math.abs(a-b); + if (a == 6 || b == 6) + { + love = true; + } + else if (sum == 6 || diff == 6) + { + love = false; + } +} +" +a69bf2e81b9d847e7f37107385c4843791c2ef58,"public boolean love6(int a, int b) +{ + boolean love; + int sum = a+b; + int diff = Math.abs(a-b); + if (a == 6 || b == 6) + { + love = true; + } + else if (sum == 6 || diff == 6) + { + love = false; + } + return love; +} +" +70ad6e1d61eb099fe94b1f7f81c6423c1349b50a,"public boolean love6(int a, int b) +{ + boolean love = true; + int sum = a+b; + int diff = Math.abs(a-b); + if (a == 6 || b == 6) + { + love = true; + } + else if (sum == 6 || diff == 6) + { + love = false; + } + return love; +} +" +b2278712c2a66526f0d0d589ab202009bc4c5673,"public boolean love6(int a, int b) +{ + boolean love = true; + int sum = a+b; + int diff = Math.abs(a-b); + if (a == 6 || b == 6) + { + love = true; + } + else if (sum == 6 || diff == 6) + { + love = true; + } + else + { + love = false; + } + return love; +} +" +8b216f72a69a0dd29484af56441b8a44cf09f269,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 + || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +ea93512523b99aa11de0be39470f00e05e655d7f,"public boolean love6(int a, int b) +{ + int difference = Math.abs(a - b); + int sum = a + b; + if (a == 6 || b == 6) + return true; + if (sum == 6 || difference == 6) + return true; + else + return false; + +} +" +f0e69594d051be618395b6febe5698e1b954a94e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (Math.abs(a+b) == 6 || Math.abs(a-b) == 6) + return true; + else + return false; +} +" +c7211959a7aada5c8bf16049b05c124b627110a1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (Math.abs(a+b) == 6 || Math.abs(a-b) == 6 && Math.abs(b-a) == 6) + return true; + else + return false; +} +" +cc85b6a275c73f5fab81cd9a14a895262ed9a863,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (Math.abs(a+b) == 6 || Math.abs(a-b) == 6) + return true; + else + return false; +} +" +35b09e25ecf7fa3ada492ba0ee1d3f7a24c53e03,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a+b == 6 || Math.abs(a-b) == 6) + return true; + else + return false; +} +" +f8adefb4ad026d46b073c0ba13b38aecdeccccd2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + return false; +} +" +e5967325a7c96e8aee2d9b02cb5ccb0ddc540f6d,"public boolean love6(int a, int b) +{ + boolean isSix = false; + int sum = a + b; + int difference = Math.abs(a - b); + + if ( a == 6 || b == 6) + { + isSix = true; + } + if (sum == 6 || difference == 6) + { + isSix = true; + } + return isSix; +} +" +5b3ead5412488d2bb8781ad3de107f23e077e6ec,"public boolean love6(int a, int b) +{ + if (Math.abs(a) == 6)) || (Math.abs(b) == 6) || (Math.abs(a + b) == 6) || (Math.abs(a - b) == 6)) + { + return true; + } + else + return false; + +} +" +774f785875289fb7ed4072b55fa05df63611b05a,"public boolean love6(int a, int b) +{ + if (Math.abs(a) == 6)) || (Math.abs(b) == 6) + || (Math.abs(a + b) == 6) || (Math.abs(a - b) == 6)) + { + return true; + } + else + return false; + +} +" +ce99b542582c487d062edc791166f90f6b8a54b0,"public boolean love6(int a, int b) +{ + boolean love6; + + if ((a == 6) || (b == 6)) + { + love6 = true; + } + else if (a + b == 6) + { + love6 = true; + } + else if (a - b == Math.abs(6)) + { + love6 = true; + } + else + { + love6 = false; + } + return love6; +} +" +e1e7ae5ce01a07c117060891542b2068bda6ef1e,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6) + || (a + b == 6) || (Math.abs(a - b) == 6)) + { + return true; + } + else + return false; + +} +" +0c1cb4bb7b1696b1e5a4883dc549d7f999b2119f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return (true); + } + else if (math.abs(a + b) == 6 || math.abs(a - b) == 6) + { + return (true); + } + else + { + return (false); + } +} +" +f7cef90fbc8fe7773aec7fa4f3d01825a8fa11f1,"public boolean love6(int a, int b) +{ + boolean love6; + + if ((a == 6) || (b == 6)) + { + love6 = true; + } + else if (a + b == 6) + { + love6 = true; + } + else if (Math.abs(a - b == 6)) + { + love6 = true; + } + else + { + love6 = false; + } + return love6; +} +" +341c0bb75197435d476899ae0d2a24854c767298,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return (true); + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return (true); + } + else + { + return (false); + } +} +" +b4c5e95edd8595f3ded633e091f1dd909aa8312b,"public boolean love6(int a, int b) +{ + boolean love6; + + if ((a == 6) || (b == 6)) + { + love6 = true; + } + else if (a + b == 6) + { + love6 = true; + } + else if (a - b == math.abs(6)) + { + love6 = true; + } + else + { + love6 = false; + } + return love6; +} +" +2619f3c13de1b13c033def7850afcd6ed2aad551,"public boolean love6(int a, int b) +{ + boolean love6; + + if ((a == 6) || (b == 6)) + { + love6 = true; + } + else if (a + b == 6) + { + love6 = true; + } + else if (a - b == Math.abs(6)) + { + love6 = true; + } + else + { + love6 = false; + } + return love6; +} +" +67232c228c2638501b45842bc6620f27d322128f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return (true); + } + else if (a + b == 6 || Math.abs(a - b) == 6) + { + return (true); + } + else + { + return (false); + } +} +" +e434c720aab66224181e462fc1d1c2e370987e4d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +780342ba0ffcbb158190c40ad7212928e57ca6b1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a - b) == 6 || a + b == 6) + { + return true; + } + +} +" +001ed14ecc18a56fcfe12d2332f392ea9f7ba9bd,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a - b) == 6 || a + b == 6) + { + return true; + } + return false; + +} +" +c515a60998f2c8ee16c57537a3198e03602b7896,"public boolean love6(int a, int b) +{ + if(a == 6 || b ===6) + return true; + else if (a-b ==Math.abs(6)) + return true; +} +" +86258db4e59ef21b04ac7a3122805cc79bd227f1,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + else if (a-b ==Math.abs(6)) + return true; +} +" +c995472854c82d6e6a2af9bffcca1edda1c8e8fd,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + else if (a-b ==Math.abs(6)) + { + return true; + } +} +" +6e39cbd64278f1b1b9ccdb9596a2bcc6e9dcbf37,"public boolean love6(int a, int b) +{ + boolean value = true; + if (a == 6 || b == 6) + { + value = true; + } +} +" +6937c47c44fa7746007e284a0ac773309944c4fe,"public boolean love6(int a, int b) +{ + boolean value = true; + if (a == 6 || b == 6) + { + value = true; + } + return value; +} +" +c624b3a7f488fd83618aaa1eccb519f09c9a0ca3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6 || a+b == 6) + { + return true; + }else{ + return false; + } +} +" +a1f9e765f29913fa7469548e30259734b89f847b,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + if(a-b=6 || a+b=6) + { + return true; + } + else + { + return false; + } +} +" +122d74a8b0fab11c57fffeb3a976587ca7ecd6ae,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + if(a-b==6 || a+b==6) + { + return true; + } + else + { + return false; + } +} +" +b7904362baca9c5095a512e07b18df207f82c61f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a-b) == 6) + return true; + else if (Math.abs(a+b) == 6) + return true; + else + return false; +} +" +df4645860edcb7a0cd73369c96d4407965a1a826,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + if(a-b==6 || a+b==6) + { + return true; + } +} +" +b2dbefdba2061aa65a340fc2313d9f15da09185a,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + if(a-b==6 || a+b==6) + { + return true; + } + else + { + return false; + } +} +" +42a962813afcc95ff53916787ddf8f18b3bbc74e,"public boolean love6(int a, int b) +{ + boolean value = true; + if (a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + { + value = true; + } + else + { + value = false; + } + return value; +} +" +98ae768a7a76c5f78715eeebbfb3cec0e498a0d3,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + if(a-b==Math.abs(6) || a+b==6) + { + return true; + } + else + { + return false; + } +} +" +06eeba03b6fd91798861adce3bcacad0452eb69d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a-b) == 6) + return true; + else if ((a+b) == 6) + return true; + else + return false; +} +" +278cba1cbbdcd156f834d6266403500f03213769,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + if(Math.abs(a-b)==6 || a+b==6) + { + return true; + } + else + { + return false; + } +} +" +828204b8babbd0111923a8808293ae0b89d649b3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} +" +aa084c0f28f9166ca0cbc27ec9cb02d0492695e7,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +0b8496fe601dc8f6cc08741b1cf514d1e161fdf3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +a071d22e5bf0d576b3f9ea5319a08a2cc7d8b11f,"public boolean love6(int a, int b) +{ + if(a == 6 || b ==6) + return true; + else if (a-b ==Math.abs(6)) + { + return true; + } +} +" +a80e71e62a6317afd98770e0bfc4e04f702282c2," +public boolean love6(int a, int b) { + + if (a == 6 || b == 6) + + return true; + + + + int sum = a+b; + + int diff = Math.abs(a-b); + + + + if (sum == 6 || diff == 6) + + return true; + + else + + return false; + +} +" +349de1dcbfcb9d27e278e364791648646a1c827d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) +return true; + +return false; +} +" +8b0b2a8d6fe039d854d800df62a986aec8a61502,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + if(Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + return false; + +} +" +fd5dbad88bef8e6ea9c91e552a50e66a81f82776,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + c = a + b; + d = Math.abs(a - b); + if (c == 6 || d == 6) + { + return true; + } + return flase; +} +" +113a48e96ee6ec2f2da7b778ec8f4cdf1726835e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + c = a + b; + d = Math.abs(a - b); + if (c == 6 || d == 6) + { + return true; + } + return false; +} +" +8c95482bd1fa6c190cd25457d774cffe73db6d55,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + int c = a + b; + int d = Math.abs(a - b); + if (c == 6 || d == 6) + { + return true; + } + return false; +} +" +7e2c3e486878f740e29a29904459c13664ac87c6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (math.abs(a) + math.abs(b) == 6) + return true; + else + return false; + +} +" +2afecc43c2951eaa37b1a216034fb62c0c675dda,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if (Math.abs(a) + Math.abs(b) == 6) + return true; + else + return false; + +} +" +1ba250364f74942ce16931a92b4fc920b8edb8d0,"public boolean love6(int a, int b) +{ + if (a==6||b==6||a+b==6||Math.abs(a-b)==6||Math.abs(b-a)==6) + { + return true; + } + else + { + return false; + } +} +" +8e1f9bb23027dd389b53248eaa409d99509dfb0a,"public boolean love6(int a, int b) +{ + if( (a == 6) || (b == 6) ) + {return true;} + else + { + if( (a+b == 6) || (Math.abs(a-b)==6) ) + {return true;} + } + return false; +} +" +7b3648457dce3d7de22ec73ab2d2e4756496d15f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true + } + else if (Math.abs(a-b) == 6 || Math.abs(a+b)) + { + return true; + } + else + { + return false; + } +} +" +94cd07e110a4a4bb858c924e07e9311ba5eac082,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6 || Math.abs(a+b)) + { + return true; + } + else + { + return false; + } +} +" +60063f6e91acb866978a2660d68d7f150216f9cc,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6 || Math.abs(a+b) == 6) + { + return true; + } + else + { + return false; + } +} +" +73a3055a01e6c42464ceb6f411686d9155d5e51d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6 || Math.abs(a+b) == 6 || Math.abs(b-a) == 6) + { + return true; + } + else + { + return false; + } +} +" +c9c41643f844e8d4422249995d6dcae4567781f8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6 || (a+b) == 6) + { + return true; + } + else + { + return false; + } +} +" +4ddbd45f9ecaebeb208c027b78eccd64d4968898,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if ((a) + (b) == 6 || Math.abs(a - b) == 6) + return true; + else + return false; + +} +" +64c441b91c6444359e3395f400c7d03f944ec428,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +e12cf01950015ebe04c8be1de9780bc8e67a08b2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (Math.abs(a) - Math.abs(b) = 6) + { + return true; + } + else + { + return false; + } +}" +71e96253f63ff275e4179678fd8d42ed6010ae94,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +1ef4aef6bd24d341807c704d1b7d9a6932d12c34,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + else + { + return false; + } +}" +095a6a37af8f542f77b643d79acd6859c2ba55ec,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a - b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +572c5f706d38c69cda41d2808555c478cb4146a0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + else + { + return false; + } +}" +69af01823c01e50b1959d0121cecd8ee6a8769af,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +9790f9fee6af94ba490ab162740109fcea17a88d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (Math.abs(a - b == 6)) + { + return true; + } + if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +978ef6b5803bcdc59fa0d9624f5a3dfcbc7f39ab,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + else + { + return false; + } +}" +8923e1830c2dcffcfa4177a63926d87d0138eee6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a - b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +d3e9987f9270b9e309b0b0522301ad9e96ae39aa,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + /* + if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + */ + else + { + return false; + } +}" +b4e1f9176f1eebeb27601699374aa1714e1dca43,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + else + { + return false; + } +}" +4869be9e2dcc7844a2631ffdf5acdb15b55d39b4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + /* + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + */ + + if (a - b == Math.abs(6)) + { + return true; + } + else + { + return false; + } +}" +2358f060e9a707748f657e26984055a106130285,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else if (Math.abs(a-b)==6) + { + return true; + } + else + { + return false; + } + +} +" +d3c979fa1147934e99ae4a361603d059ae4e5f6b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + /* + if (Math.abs(a) - Math.abs(b) == 6) + { + return true; + } + if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + */ + + if (a - b == Math.abs(6)) + { + return true; + } + if (b - a == Math.abs(6)) + { + return true; + } + else + { + return false; + } +}" +77b37fd1abbdb55433960fdef07e703c6dbc8fe5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (a - b == Math.abs(6)) + { + return true; + } + if (b - a == Math.abs(6)) + { + return true; + } + else + { + return false; + } +}" +c83105aba466f30647965368cfd2b5c091576a5a,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else if (Math.abs(a-b)==6) + { + return true; + } + else if ((a+b) == 6) + { + return true; + } + else + { + return false; + } + +} +" +0952bda64349271a7ad63793873cedff31def31b,"public boolean love6(int a, int b) +{ + int sum; + int difference; + sum=a+b; + difference=a-b; + if(a==6 || b==6) + { + return true; + } + else if(sum==6 || Math.abs(difference)==6) + { + return true; + } + else + { + return false; + } +} +" +93c2b9a0fac4397166f2ad9616e40fa36809159c,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + { + return true; + } + else if (Math.abs(a-b) == 6) + { + return true; + } + else if (a+b == 6) + { + return true; + } +} +" +227d262af34e436eab90508d81344438cd314080,"public boolean love6(int a, int b) +{ + + + + + return false; +} +" +ebb93f2595397c1e3e8278a9a6dd2d2a354656b5,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; + +} +" +111b08d4694a759484be4fa894986073431243c5,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || Math.abs(a-b) == 6 || a+b == 6) + { + return true; + } + +} +" +f172a04a07490d36d2136fbab3475e7d3d8c020c,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || Math.abs(a-b) == 6 || a+b == 6) + + return true; + +} +" +4997fc25fa5e4e4d228998a8b2fd508e81e36b38,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || Math.abs(a-b) == 6 || a+b == 6) + { + return true; + } +return true; +} +" +e51ac4d510c61a5569eafeed49788264d9ebbdb8,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +4c2a00510826d3a9d23c54857040a5e3b77785bf,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || Math.abs(a-b) == 6 || a+b == 6) + return true; +} +" +2cb571eeb5cbf528240213e4aeec5d11970c13c6,"public boolean love6(int a, int b) +{ + boolean isSix = true + if (int a = 6 || int b = 6 || Math.abs(int a - int b) == 6 || Math.abs(int a + int b) == 6) + { + isSix = true; + } + else + { + isSix = false: + } + return isSix; + +} +" +3a926063869804c932ba7fb1a71fea08d7672d22,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || Math.abs(a-b) == 6 || a+b == 6) + + return true; + +} +" +18d44c5a596a7008f536efe4b1f3585d1e913689,"public boolean love6(int a, int b) +{ + boolean isSix = true; + if (int a = 6 || int b = 6 || Math.abs(int a - int b) == 6 || Math.abs(int a + int b) == 6) + { + isSix = true; + } + else + { + isSix = false: + } + return isSix; + +} +" +ade7ead605d1a303d9ea8da9a5abd1208f6240d0,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6) + return true; + else + return false + +} +" +aefbda79832e8915185622c2204a103a828d7aed,"public boolean love6(int a, int b) +{ + boolean isSix = true; + if (int a = 6 || int b = 6 || Math.abs(int a - int b) == 6 || Math.abs(int a + int b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; + +} +" +6aeef85383cd3cc206be677c15ba2cc9a697fdad,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6) + return true; + else + return false; + +} +" +accc25ec704c7dbb08edc2351187541b02416cb2,"public boolean love6(int a, int b) +{ + boolean isSix = true; + if (int a == 6 || int b == 6 || Math.abs(int a - int b) == 6 || Math.abs(int a + int b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; + +} +" +d7700dd0a4275f7677feb80a5af5efddffa5c0af,"public boolean love6(int a, int b) +{ + if (a== 6 || b== 6) + return true; + + if (a+b==6) + return true; + + if (Math.abs(a-b)==6) + return true; + + + + return false; +} +" +67ce38d40c14dde75772ae0e6b68889302771883,"public boolean love6(int a, int b) +{ + int d = a-b + if (a==6 || b==6) + return true; + else if (Math.abs(d)==6) + return true; + else + return false; + +} +" +fe019417be3c5871ecb5c42a1a5e2be25b51fcca,"public boolean love6(int a, int b) +{ + boolean isSix = true; + if (a == 6 || b == 6 || Math.abs(a - b) == 6 || Math.abs(a + b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; + +} +" +8735c5536b202d27858cb757b58f5bab28c91ccb,"public boolean love6(int a, int b) +{ + int d = a-b; + if (a==6 || b==6) + return true; + else if (Math.abs(d)==6) + return true; + else + return false; + +} +" +29e33ffd8211456d882b0e1398ec18354fb83f94,"public boolean love6(int a, int b) +{ + + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6) + return true; + else if (Math.abs(a+b)==6) + return true; + else + return false; + +} +" +e8be9010dd2dd80bc5deeea78ef32ec3096e844f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +e67f0b3985d0dfa5982d5834b6517d6067aef5c8,"public boolean love6(int a, int b) +{ + + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6 || Math.abs(a+b)==6) + return true; + else + return false; + +} +" +0edb56e6a42b2b2e3b7c423cd0fe30db77063000,"public boolean love6(int a, int b) +{ + boolean isSix = true; + if (a == 6 || b == 6 || Math.abs(b - a) == 6 || Math.abs(a + b) == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; + +} +" +e8a67be8d1cf0b86465b2991c37b98031039bfa3,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 ) + { + return true; + } + return(Math.abs(a-b) == 6 || a+b == 6)) +}" +fcac79f650ea95ce908d3160db065f1d151ed3ae,"public boolean love6(int a, int b) +{ + boolean isSix = true; + if (a == 6 || b == 6 || Math.abs(b - a) == 6 || a + b == 6) + { + isSix = true; + } + else + { + isSix = false; + } + return isSix; + +} +" +ce6b67a51c53a72a31c4d80b3c870e3eb811fa60,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 ) + { + return true; + } + return(Math.abs(a-b) == 6 || a+b == 6)); +}" +99441840865003ad2be4be6c64c9670156dff42b,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 ) + { + return true; + } + return(Math.abs(a-b) == 6 || a+b == 6)); +}" +788f3f4bd3146f42b44e73fab229ae134e919da9,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 ) + { + return true; + } + return (Math.abs(a - b) == 6 || a+b == 6) ; +}" +5bb7b8837b1a6ce06ae6df056a3cb3168088e51d,"public boolean love6(int a, int b) +{ + + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6 + return true; + else if (a+b == 6) + return true; + else + return false; + +} +" +5a18b48ef1c84fbf97a3adc2cf90090a2d8a8f07,"public boolean love6(int a, int b) +{ + + if (a==6 || b==6) + return true; + else if (Math.abs(a-b)==6) + return true; + else if (a+b == 6) + return true; + else + return false; + +} +" +ccbc4472b8f5e75810aeaf12fe25ff14ea8e14e1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } else if (a + b == 6) { + return true; + } else if (Math.abs(a - b) == 6) { + return true; + } +} +" +2264f3f03162990e88ee69dccfd5fd43a80b6837,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } else if (a + b == 6) { + return true; + } else if (Math.abs(a - b) == 6) { + return true; + } else { + return false; + } +} +" +be39cd9b91ab503cbe6424daa288e6f8b462c78f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +41cbe03c2b568995c1fd431a19cc03696aabaf5a,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + + return true; + + return ((a + b) == 6|| Math.abs(a - b) == 6) +} +" +8923ad7622d981dc05a77e5ecdfd55d696e61d56,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + + return true; + + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +48fd394a74fbdbe5d06ddbb1911f133b92413a86,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + int sum = a + b; + int diff = Math.abs(a-b); + + if (sum == 6 || diff == 6) + return true; + else + return false; +} +" +c15ff3b79a49dd8a44a8de78834c81108644e4db,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +}" +d8f0c8918f59f48c983d277175fb027a8dabec91,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return(true); + } + else if (a + b == 6 && Math.abs(a - b) = 6) + { + return(true); + } + else + { + return(false); + } +} +" +401f2f573d4bbe1d41eb7920db7349137310430b,"public boolean love6(int a, int b) +{ + if (a = 6||b = 6) + { + return(true); + } + else if (a + b == 6 && Math.abs(a - b) = 6) + { + return(true); + } + else + { + return(false); + } +} +" +3416c9bc11271feaa09d80d29ac2226bef75b2cd,"public boolean love6(int a, int b) +{ + if ((a = 6) || (b = 6)) + { + return(true); + } + else if (a + b == 6 && Math.abs(a - b) = 6) + { + return(true); + } + else + { + return(false); + } +} +" +e59e2dcbf81d8933171fb92c8e28da828f3a450f,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return(true); + } + else if (a + b == 6 && Math.abs(a - b) = 6) + { + return(true); + } + else + { + return(false); + } +} +" +d356fafc1565a3026c06fc234bdf4fa77564f5be,"public boolean love6(int a, int b) +{ + if ((a == 6) || (b == 6)) + { + return(true); + } + else if ((a + b == 6) && (Math.abs(a - b) = 6)) + { + return(true); + } + else + { + return(false); + } +} +" +24884c035cdb35792be1100b41cd21c73ce0aba3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a+b == 6 || a-b == 6 || b - a == 6) + return true; + else + return false; + +} +" +848cac8fa985b4f946e773ff39ef5a91c15917d5,"public boolean love6(int a, int b) +{ + if(a=6 || b=6) + { + return; + } + if(Math.abs(6)) + { + return; + } +} +" +823a3006d7ffdb2f30bb6509699c3bfc8176032d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return(true); + } + else if (a + b == 6 && Math.abs(a - b) == 6) + { + return(true); + } + else + { + return(false); + } +} +" +cd6cbb5f3a2fc1db43e71d2162316dc84400c278,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return(true); + } + else if (a + b == 6 || Math.abs(a - b) == 6) + { + return(true); + } + else + { + return(false); + } +} +" +0d5a9e8fcbb540059986e740da4bb8205988038d,"public boolean love6(int a, int b) +{ + if(a=6) + { + if(b=6) + { + return; + } + else + { + return; + } + if(Math.abs(6)) + { + return; + } + else + { + return false; + } +} +" +6d264c9d2e0fb1354b64a15b34945b84dd04782b,"public boolean love6(int a, int b) +{ + if(a=6) + { + if(b=6) + { + return; + } + else + { + return; + } + } + if(Math.abs(6)) + { + return; + } + else + { + return false; + } +} +" +b4bd0bb33610ea06890dc15f82a2adeade328478,"public boolean love6(int a, int b) +{ + if(a==6) + { + if(b==6) + { + return; + } + else + { + return; + } + } + if(Math.abs(6)) + { + return; + } + else + { + return false; + } +} +" +42dccbbbd0b662696ee94b08bb7df92b2feb2706,"public boolean love6(int a, int b) +{ + if(a==6) + { + if(b==6) + { + return true; + } + else + { + return true; + } + } + if(Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +94a7a1018b9da2268967ded4b086236fabcacd48,"public boolean love6(int a, int b) +{ + if(a==6) + { + if(b==6) + { + return true; + } + else + { + return true; + } + } + if(Math.abs(num)==6) + { + return true; + } + else + { + return false; + } +} +" +9826d2e62a491e74858e3dec7195fefedf966fd1,"public boolean love6(int a, int b) +{ + if(a==6) + { + if(b==6) + { + return true; + } + else + { + return true; + } + } + if(Math.abs()==6) + { + return true; + } + else + { + return false; + } +} +" +e839856dd5fbd10b297a5d735897058e3b3b7a26,"public boolean love6(int a, int b) +{ + if(a==6) + { + if(b==6) + { + return true; + } + else + { + return true; + } + } + if(Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +9da5e6a9e33927302d2310c9f06eec78c9b6f948,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true + } + else false; + return (Math.abs(a+b) || math.abs(a-b) +} +" +2555f170ac7da4ad71a613c2d3c8581da8df36d4,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else false; + return (Math.abs(a+b) || math.abs(a-b) +} +" +b2e7fb774502393a68fce5b155a6466ea1410cb6,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else + { return false; } + return (Math.abs(a+b) || math.abs(a-b) +} +" +031716856e74e3a4ae3ad8dcd5ade83f00f31b9e,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else + { return false; } + return (Math.abs(a+b) || math.abs(a-b)) +} +" +df4e3e6a91682c9c0ca1dab1185c840929ca8585,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else + { return false; } + return (Math.abs(a+b) || math.abs(a-b)); +} +" +3b1683c4f4d29893a6c4b3052c49e38c61b85858,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else + { return false; } + return (Math.abs(a+b) || Math.abs(a-b)); +} +" +667b5e875173ffc3f96195bcd32ec3e05a66b24b,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + return (Math.abs(a+b)==6 || Math.abs(a-b)==6); +} +" +58e9fd15d66788f83a40a003c07b06e87a9d7e0e,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + return (Math.abs(a+b)==6|| Math.abs(a-b)==6); +} +" +85903e912d616c8258981d6f30b93fdfb8c2d0b9,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + else + { + return false; + } + return (Math.abs(a+b)==6|| Math.abs(a-b)==6); +} +" +b9f0465303e55bafb0a86a73a791c218882fdd0d,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + return (Math.abs(a+b)==6|| Math.abs(a-b)==6); +} +" +37cd417ec5a8f9989daf1c2fceb2a17b086c8bc9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || Math.abs(a - b = 6)) + { + return true; + } + return false; +} +" +b86b6d99011a1795399b1fcb5fdecf6a700df2b9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +afcf8cb11305830b9e0fa9493818f211d3f7f543,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if ((a + b) == 6 || Math.abs((a - b) = 6)) + { + return true; + } + return false; +} +" +af7838c1f97515c53cabf726bd9d1c277bf7e5db,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return(true); + } + if (a + b == 6 || Math.abs(a - b) == 6) + { + return(true); + } + else + { + return(false); + } +} +" +50b019cc49f5e07b17195b441660da493368b5af,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + return (Math.abs(a + b)==6|| Math.abs(a - b)==6); +} +" +a9996231716012cac300473a276de70bb249f9f0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if ((a + b) == 6 || Math.abs(a - b) = 6) + { + return true; + } + return false; +} +" +0e3673b8a783a377a11c2e2ec7c776984daa1fb0,"public boolean love6(int a, int b) +{ + int total = a+b; + int minus = Math.abs(a-b); + if (a == 6 || b == 6) + return true; + + if (total == 6 || minus == 6) + return true; + else + return false; + +} +" +7534251bb21a7572bff286e99dea03946c888722,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + return false; +} +" +c1f0b9dc57c637ea3eeb112f4ef37c7283934129,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + return (Math.abs(a + b)==6|| Math.abs(a - b)==6); + return (Math.abs(a + b)==-6 || Math.abs(a-b)==-6); +} +" +37761c18bf8b1f47350fa4ba7bf20cd0be647eb2,"public boolean love6(int a, int b) +{ + if(a==6 || b==6) + { + return true; + } + return (Math.abs(a + b)==6|| Math.abs(a - b)==6); +} +" +d7b3063120f15d9644e1c4540da42bd01c144003,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + { + return true; + } + else if (a+b==6 || Math.abs(a-b)) + { + return true; + } + else + { + return false; + } +} +" +67709c5c04ef6c7c24549826cb1861c7c455772c,"public boolean love6(int a, int b) +{ + if(a==6||b==6||a+b==6||math.abs(a-b)==6||math.abd(b-a)==6) + return true; + else + return false; +} +" +2610053eef82d5bd94ab3e5243a6c6c228425755,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int yesDif = Math.abs(dif); + if (a == 6 || b == 6 || sum == 6 || yesDif == 6) + { + return true; + } + else + { + return false; + } +}" +66be26cc348974223ab911164912b47d031c1b7c,"public boolean love6(int a, int b) +{ + if(a==6||b==6||a+b==6||Math.abs(a-b)==6||Math.abd(b-a)==6) + return true; + else + return false; +} +" +48ccfa077ccab49a3f49053f89726c810cfba696,"public boolean love6(int a, int b) +{ + if(a==6||b==6||a+b==6||Math.abs(a-b)==6||Math.abs(b-a)==6) + return true; + else + return false; +} +" +e96dd5900245675e7998e69d30c225d0887e0940,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a - b) == 6 || a + b == 6) + { + return(true); + } + else + { + return(false); + } +} +" +9a171b9492ada4374c3e8d06cda0e03f9db79e2d,"public boolean love6(int a, int b) +{ + if (a==6 || b==6) + { + return true; + } + else if (a+b==6 || Math.abs(a-b)==6) + { + return true; + } + else + { + return false; + } +} +" +b436a3751a2a1cc7884da4013767ef04c293cd24,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +2188e5ff91c0d5f676f317cd42344e90f63c68f9,"public boolean love6(int a, int b) +{ + if (a = 6) + return true; + else if (b = 6) + return true; + else if (a + b == 6 || a - b = Math.abs(6)) + return true; + else + return false; + +} +" +c2d46dcb935e23fe3aa6b9825ee461bde269e39a,"public boolean love6(int a, int b) +{ + if (a == 6) + return true; + else if (b == 6) + return true; + else if (a + b == 6) + return true; + else + return false; + +} +" +8a9cbf9360adbaaf40b9eb0c074c2aa41cebf9c1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true + } + if (a - b == 6 || b - a == 6) + { + return true + } + if (a + b == 6) + { + return true + } +} +" +9d25ba77124f32e82d603684933d37d3b06010b1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a - b == 6 || b - a == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } +} +" +21bc8e9170fa842ef6a4e0cceae6b4e44f05617e,"public boolean love6(int a, int b) +{ + if (a == 6) + return true; + else if (b == 6) + return true; + else if (a + b == 6) + return true; + else if ( a - b == Math.abs(6)) + else + return false; + +} +" +24aee59ef4a7cf7875c9215527d717dc8c12e378,"public boolean love6(int a, int b) +{ + if (a == 6) + return true; + else if (b == 6) + return true; + else if (a + b == 6) + return true; + else if ( a - b == Math.abs(6)) + return true; + else + return false; + +} +" +a91209db67d8e099dfb2cc977cd08cd1376daf66,"public boolean love6(int a, int b) +{ + if (a == 6) + return true; + else if (b == 6) + return true; + else if (a + b == 6) + return true; + else if ( a - b == Math.abs(6) || b - a == Math.abs(6)) + return true; + else + return false; + +} +" +610f5aa27724f2bdba235d31f47a6a4f4fae1248,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +787d70d58118ebe481c501be550d8a5d217cc9e4,"public boolean love6(int a, int b) +{ + a = Math.abs(a); + b = Math.abs(b); + + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +d5215cc0366409ee1a9c8b57a4ff4b3da8df683b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else if (a+b == 6) + { + return true; + } + else + { + return false; + } +} +" +b805ab71a47fc773e9be791859fa79ce78014650,"public boolean love6(int a, int b) +{ + + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +663091c44cb6935db1630ab87886ca0240807438,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true + } + else if (Math.abs(num) = 6) + { + return true + } + else + { + return false + } + +} +" +e123f4b13c52e2eaa43c6fc598e1d1b96daf09de,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(num) = 6) + { + return true; + } + else + { + return false; + } + +} +" +6390ee1505470df96a37cafff5e0e55aa1584e28,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else if (a == 6 || b == 6) + { + return true; + } + else + { + return false; + } + + +} +" +1ce6436effa3ccc2f82f0caf72e2d90020363db9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(6)) + { + return true; + } + else + { + return false; + } + +} +" +1807b3d6a751511e19d9830121ca1a33bca4a7fd,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +8957ca68967f4b9e1f93817607959bb0d46d3480,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b = 6) + { + return true; + } + else + { + return false; + } + +} +" +90273ebaaad5d8aab710295605a806f61a514887,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (a - b == 6) + { + return true; + } + else if (b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +2c495cf00567187f6100709bcc4225615fe22161,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || Math.abs(a-b) == 6) + { + return true; + } + else + { + return false; + } + +} +" +82a8fee0528ff564403d755633b4cca2e9a42b5a,"public boolean love6(int a, int b) +{ + if ( (a==6 || b==6) || ( Math.abs(a-b==6) || Math.abs(b-a==6)) + { + return true + } + else + { + return false + } +} +" +909dfe5880c6a22e266cd58adc70c2d65bfb1d6f,"public boolean love6(int a, int b) +{ + if ( (a==6 || b==6) || ( Math.abs(a-b==6) || Math.abs(b-a==6)) + { + return true; + } + else + { + return false; + } +} +" +5ed5da2c14feeb7c01c20c14cf186fa336c0127d,"public boolean love6(int a, int b) +{ + if ( (a==6 || b==6) || ( Math.abs(a-b==6)) || Math.abs(b-a==6))) + { + return true; + } + else + { + return false; + } +} +" +e9363a6389a30d5170845e295d09c4d2f5f87083,"public boolean love6(int a, int b) +{ + if ( (a==6 || b==6) || ( Math.abs(a-b==6) || Math.abs(b-a==6))) + { + return true; + } + else + { + return false; + } +} +" +67868300c01f6fca266de9645c22f920229db348,"public boolean love6(int a, int b) +{ + if (a == 6 || b ==6) + return true; + else if (a + b == 6) + return true; + else if (Math.abs(a - b) == 6) + return true; + else + return false; +} +" +c78302a1069ce53733ba5844aeaf42bbc00985f0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6|| Math.abs(a - b) == 6); + { + return true; + } + return false; +} +" +82c9ee2de2a01f9e73e4bfedb0964b24ab8066d8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || Math.abs(a - b) == 6); + { + return true; + } + return false; +} +" +e544f1eacc8d292a8785104118906adfcf189205,"public boolean love6(int a, int b) +{ + int diff = a-b + int sum = a+b + if ( (a==6 || b==6) || ( Math.abs(diff) || Math.abs(sum))) + { + return true; + } + else + { + return false; + } +} +" +26d1e55f7cae34380dda7dc43ef9997730b598f9,"public boolean love6(int a, int b) +{ + int diff = a-b; + int sum = a+b; + if ( (a==6 || b==6) || ( Math.abs(diff) || Math.abs(sum))) + { + return true; + } + else + { + return false; + } +} +" +6f10edd6fba0a80876ac2cdba6a6e1c39964881f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} +" +08d3b00a70dc99d1cfaf5d58aa8eb5f825d0f681,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6|| Math.abs(a - b) == 6);; +} +" +2c39c9fb1ce4ac3571bd441257afd5f64bc52e45,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +f3a97ec4028eea91e7f393a05a78b1b76fa1f8df,"public boolean love6(int a, int b) +{ + int diff = a-b; + int sum = a+b; + if ( (a==6 || b==6) || ( Math.abs(diff)==6 || Math.abs(sum)==6)) + { + return true; + } + else + { + return false; + } +} +" +c6a51534c7b462ecf83ed928b0a88005369c9f07,"public boolean love6(int a, int b) +{ + int diff = a-b; + int sum = a+b; + if ( (a==6 || b==6) || ( Math.abs(diff)==6 || sum==6)) + { + return true; + } + else + { + return false; + } +} +" +0612de1ada84cb2f86c95ce198ad8c4d6cfad70b,"public boolean love6(int a, int b) +{ + boolean number = true; + if (a == 6 || b == 6) + { + number = true; + } + else if (a + b == 6) + { + number = true; + } + else if ( Math.abs(a-b) == 6) + { + number = true; + } + else + { + number = false; + } + +} +" +dea6224e32e42ca9cdfb847d3c38dfbc9719998b,"public boolean love6(int a, int b) +{ + boolean number = true; + if (a == 6 || b == 6) + { + number = true; + } + else if (a + b == 6) + { + number = true; + } + else if ( Math.abs(a-b) == 6) + { + number = true; + } + else + { + number = false; + } + return number; +} +" +6197bfb7682e88d67b7ec0aeada4e1a02842245e,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +142da6499166fe220d83f8f0cb6f29ea82ed310a,"public boolean love6(int a, int b) +{ + if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else if (a == 6 || b == 6) + { + return true; + } + else + { + return false; + } +} +" +ce449314b868e90334dbd0a5c9e193b1f05f1dec,"public boolean love6(int a, int b) +{ + boolean result; + if (a == 6 || or b == 6) + { + result = true; + } + else if (a + b == 6 || a - b == 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +99dea9c6c29ddbcb6cea8c112567bbcedb206b01,"public boolean love6(int a, int b) +{ + boolean result; + if (a == 6 || b == 6) + { + result = true; + } + else if (a + b == 6 || a - b == 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +6a778ed38e70a1467957e44e555124ab20695782,"public boolean love6(int a, int b) +{ + return(Math.abs(a - b) >= 10 || Math.abs(b - c) >= 10 || Math.abs(c - a) >= 10); +} +" +8b475ecec999f63ef201ee136f1055025c0df02c,"public boolean love6(int a, int b) +{ + boolean result; + if (a == 6 || b == 6) + { + result = true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +8e7dd7fdaef1ca60a1a54aa6664a1a95f2fcff26,"public boolean love6(int a, int b) +{ + if(a == 6 || b = 6) + return true + + return((a+b) == 6 || Math.abs(a-b) == 6) +} +" +d70579304ea388154ebc191d8c3f8e2b27761b57,"public boolean love6(int a, int b) +{ + if(a == 6 || b = 6) + return true; + + return((a+b) == 6 || Math.abs(a-b) == 6); +} +" +208fade05f9c300727f7f2bd5ff64e382f631747,"public boolean love6(int a, int b) +{ + if(a == 6 && b = 6) + return true; + + return((a+b) == 6 || Math.abs(a-b) == 6); +} +" +2311bdd1615c349d6907bbc70598ef6c0dee082c,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + + return((a+b) == 6 || Math.abs(a-b) == 6); +} +" +6d06765730b8a80af94f7f651548cd3d516b3fa5,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + + return((a+b) == 6 || Math.abs(a-b) == 6); +} +" +ea2cf8ad98a5221d5e7d6890294e4fe9d8185089,"public boolean love6(int a, int b) +{ + boolean love6 = true; + if (a == 6 || b == 6) + love6 = true; + else if ((a + b == 6) || + (Math.abs(a - b) == 6)) + love6 = true; + else + love6 = false; + return love6; + +} +" +3bfed2cd499a96226eb0895b183a928f3ac5b56a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a - b == 6 || b - a == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + return false; + +} +" +fb504bf7a048c9269de9924171a9cb8109103dd1,"public boolean love6(int a, int b) +{ + if (a==6 || b==6 || a+b==6 || Math.abs(a-b)==6) + { + return true; + } + else + { + return false; + } +} +" +8e07524723f4e60fd1461a35a95fbfc0b8ec42ee,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6) + { + return true; + } + if ( Math.abs(a-b)) + { + return true; + } + else + { + return false; + } +} +" +30a30557a7b2effd8e2ff70b850c62ec4a4afd64,"public boolean love6(int a, int b) +{ + boolean num = false; + + if (a == 6 || b == 6) + { + num = true; + } + + if (a - b == 6 || a + b == 6) + { + num = true; + } + + return num; +} +" +f517b3e1892884d336b5e71276c9d77720044e99,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6) + { + return true; + } + if ( Math.abs(a-b) + { + return true; + } + else + { + return false; + } +} +" +bc8154425a4c0ce4157b070ff6009b0563a0534a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6) + { + return true; + } + if ( Math.abs(a - b)) + { + return true; + } + else + { + return false; + } +} +" +0bb86e36427851620029ef3a90b387ab9489bd9f,"public boolean love6(int a, int b) +{ + boolean num = false; + + if (a == 6 || b == 6) + { + num = true; + } + + if (Math.abs(a - b) == 6 || a + b == 6) + { + num = true; + } + + return num; +} +" +e9d51e0fa4776ceaaebc138344dbbad2d732c703,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6) + { + return true; + } + if ( Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +1ea772763297fb89a9b47c0b1f22ba2f42a65c80,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6) + { + return true; + } + if ( Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +82b7ce3267528a0836641daf86cb910c594120c2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == Math.abs(6)) + return true; + else + return false; +} +" +e65697f8d7ac6364f121022204ca1d1d855b2596,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b = 6) + { + return true; + } + if (Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +29070b3dee5e57365a2e7ff7d4505750fb3d2424,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6) + { + return true; + } + if (Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + else + { + return false; + } +} +" +bd9cba47e8a2773094ed2cca9d4dc86e65efdf92,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == Math.abs(6) || a - b == Math.abs(6) || b - a == Math.abs(6)) + return true; + else + return false; +} +" +fac7cb3365653d12569397e6d937887ae1b5851c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6) + return true; + else return false; +} +" +b97575e8da855c728b1b0aec7cc0f9f55242bc12,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6 || a-b == 6) + return true; + else return false; +} +" +ef49613e5d5f21b75936f60c928460c26469526f,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + if( a + b == 6 || Math.abs(a - b) == 6) + return true; + return false; +} +" +c0015cd77382fbdf8d30a6f04a82e6f61080a759,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if (a + b == 6 || a-b == 6 || b-a==6) + return true; + else return false; +} +" +5c9bda4d745a85ba63ca1dd1fe53cbf8279fdacd,"public boolean love6(int a, int b) +{ + if (a == 6 || b ==6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +ed2b06826138440f2da8c08d78cafadb534b39c8,"public boolean love6(int a, int b) { + if (a == 6 || b == 6) + return true; + + int sum = a+b; + int diff = Math.abs(a-b); + + if (sum == 6 || diff == 6) + return true; + else + return false; +}" +fbb397dbe303e258b05655e36e08382a947690f3,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if ((a + b) == 6|| Math.abs(a - b) == 6); + return true; + else + return false; +} +" +517688f2644330d7ff180ffaa013b5cf7ea59d34,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else if ((a + b) == 6|| Math.abs(a - b) == 6); + return true; + else + return false; +} +" +7e7be6eebc54ef4de053b9403958aadb727e2ba2,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + else + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +6672c3b8b71448202e3f1d7f0ef1767025465348,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + + else if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; + else + return false; + + + + + +} +" +22224835862ebef380715bbe31fcdd45d9b5c262,"public boolean love6(int a, int b) +{ + //return true if either one is 6. Or if their sum or difference is 6 + + if (a == 6 || b == 6) + return true; + return (a + b == 6 || Math.abs(a - b) == 6); + +} +" +6b8809f849294d92e259dd0f6c215008cc527516,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + return false; + +} +" +9729ffb670dc9dd0d191b526ea599e47754f035c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == Math.abs(6)) + { + return true; + } + else + { + return false; + } +} +" +1e117589c3b9d73d035606166b97e924604bc71e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (a + b = 6){ + return true; + } + return false; + +} +" +26de8f4c281174cf20955d90b6c860b39cc33bad,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (a + b == 6){ + return true; + } + return false; + +} +" +9ed406be4f0f3a5e5d3b4bc4a1424a78506428d1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (a + b == 6 || a - b == 6 || -a -b == 6){ + return true; + } + return false; + +} +" +b998e8a2d5fd56afec654f5c720fd6ebec3d5d3c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +1ed0009357848bcbd83e41d86dcd0048990c8d3e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a) + Math.abs(b) == 6 || + Math.abs(a) - Math.abs(b) == 6 ){ + return true; + } + return false; + +} +" +4ef40f50f0b61d931fc23f4bc15696bf6c1174c9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a) + Math.abs(b) == 6 || + Math.abs(a) - Math.abs(b) == 6 || + Math.abs(b) - Math.abs(a) == 6 ||){ + return true; + } + return false; + +} +" +3cabd87182e62fa754598bd4513874ab254c9607,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a) + Math.abs(b) == 6 || + Math.abs(a) - Math.abs(b) == 6 || + Math.abs(b) - Math.abs(a) == 6 ){ + return true; + } + return false; + +} +" +972bdf8a9e4a3a00fe65dab087617ea533f4f665,"public boolean love6(int a, int b) +{ + boolean six = true; + if ((a == 6) || (b == 6)) + { + six = true; + } + else if ((a + b == 6) || ((a - b == 6) || (b - a == 6))) + { + six = true; + } + else + { + six = false; + } + +} +" +5ac089a7fd4f203e0177432d41898c84cd264e31,"public boolean love6(int a, int b) +{ + boolean six = true; + if ((a == 6) || (b == 6)) + { + six = true; + } + else if ((a + b == 6) || ((a - b == 6) || (b - a == 6))) + { + six = true; + } + else + { + six = false; + } + return six; +} +" +14da0a9083fede462390325626fd170ca6300b93,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a + b) == 6 || + Math.abs(a - b) == 6 ||){ + return true; + } + return false; + +} +" +7f93d5eddc734c9e54e9ba16ad0128d963bafa97,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 ||){ + return true; + } + return false; + +} +" +e9a276683f05a6a65f6bcfe342ab961284454693,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a ) == 6 || Math.abs(a ) == 6 ||) + { + return true; + } + return false; + +} +" +369aed22f554898c1c68a7e84bd3e197f2e272f6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + return false; + +} +" +6569b1cfccfdfdacc502c63c69c992deacd47aa8,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return true; + } + else if (Math.abs(a + b = 6) || Math.abs(a - b = 6) || Math.abs(b - a = 6)) + { + return true; + } + else + { + return false; + } +} +" +30c061d88aa04d97a91676d0feb41ae23a30b0f4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b != 6 || a - b !=6) + { + return false; + } + else + { + return true; + } +} +" +5c87f85e3b64ab10a1106fad25f97c017aa1ada7,"public boolean love6(int a, int b) +{ + return false; +} +" +34fb82666f9e3de91bc91fb7e2828ea0ea17a0b1,"public boolean love6(int a, int b) +{ + if (a = 6) + { + return true; + } + else if (b = 6) + { + return true; + } + else if (Math.abs(a + b = 6) || Math.abs(a - b = 6) || Math.abs(b - a = 6)) + { + return true; + } + else + { + return false; + } +} +" +8e5e7bc66f95bd1ab2b80fffcd21ad8dffa30c21,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if (Math.abs(a + b = 6) || Math.abs(a - b = 6) || Math.abs(b - a = 6)) + { + return true; + } + else + { + return false; + } +} +" +75fa879b577da61c693ff8e060187453f58098b7,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if ((a + b = 6) || Math.abs(a - b = 6) || Math.abs(b - a = 6)) + { + return true; + } + else + { + return false; + } +} +" +f3cf78c8555f78eae865c14208f5de3996f425df,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if ((a + b = 6) || (a - b = 6) || (b - a = 6)) + { + return true; + } + else + { + return false; + } +} +" +597b3835475a12741541221a0a834752bbaa1d86,"public boolean love6(int a, int b) +{ + if (a == 6) + { + return true; + } + else if (b == 6) + { + return true; + } + else if ((a + b == 6) || (a - b == 6) || (b - a == 6)) + { + return true; + } + else + { + return false; + } +} +" +fde9cb82d549140fa95f13db4882afe1577a7775,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b = 6) + { + return true; + } + else if (a - b = 6) + { + return true; + } + else + { + return false; + } +} +" +b44f08d4d9759533c3109bd447b9bbb2dffbf98d,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +fb7a57a21c8f3239e2b064ecb1a8dc308014a7c3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +5b710485186890ae3b06acc2f6d960cf145cae51,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} +" +d3daeecf79fbda131227ba8929147b4c7bf40bc9,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +bfae8cfb5459135d73bf8f482f1f92ad53f9d0ba,"public boolean love6(int a, int b) +{ + if (int a == 6 || int b == 6) + return true; + else if (int a + int b == 6 || int a - int b == 6) + return false; +} +" +7ea932c1b39cc73dfcd7e624c480f6826430e684,"public boolean love6(int a, int b) +{ + if (int a == 6 || int b == 6); + return true; + else if (int a + int b == 6 || int a - int b == 6); + return false; +} +" +1740d58b7d3d477ceb67c125d925d31153f25e56,"public boolean love6(int a, int b) +{ + if (int a == 6 || int b == 6); + return true; + else if (int a + int b == 6 || int a - int b == 6); + return false; +} +" +9ecac29dc5c8615f619047ed5a108673df9e0a24,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + else if ((a + b ) == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +5c3d6e6339048a1b9f3fb2f89176406c1981ec72,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (a - b == 6) + { + return true; + } + else if (b + a == 6) + { + return true; + } + else if (b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +cd870539f381616bb652ee59dfe8bcaefb64b7fd,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + else if ( Math.abs(a - b) == 6 || (a + b) == 6) + return true; + else + return false; +}" +fb7e355b1f6158e960494469d407580dba80a757,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6); + return true; + else if (a + b == 6 || a - b == 6); + return false; +} +" +6c6c8685de92d97dfa0502f5758e11bc603c80e8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6); + return true; + else (a + b == 6 || a - b == 6); + return false; +} +" +22291d0ff6a9a09a3f4fcbc82aa3a3ba6bdcc8c5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6); + return true; + if (a + b == 6 || a - b == 6); + return false; +} +" +b0c5f26a4e8cdc248dc6d7bed8b5953c75a1a64f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == 6 || Math.abs(a - b == 6)) + { + return true; + } + else + { + return false; + } +} +" +3889a5c3af445afb014ed2afff96bcb84dafe66c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == 6 || Math.abs(a - b == 6)) + { + return true; + } + else + { + return false; + } +} +" +7798c0d4a5aaaa68300df1c3dce0e251a4b59bf2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || Math.abs(a - b == 6) + { + return true; + } + else + { + return false; + } +} +" +2cbd3feb492fe3bd0c4fc1703a777c529662b504,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || a - b == 6); + return true; + return false; +} +" +a8f3df75e60147ded3b7baecd67295383228e221,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || a - b == 6); + return true; + return false; +} +" +4a686e8089b8e5e9c8391f2f8a4abe1aa5a7eac6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +612232b28023d5d4526b0b0ebd5953c3f9a6e397,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || a - b == 6) + return true; + return false; +} +" +a7b178636f68ba9d4c42d1d6b8bb3c692c14f48b,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || a - b == 6) + return true; + return false; +} +" +b3b65780def33f8e9bd07faa0d2ae4ee7ffcacf5,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || a - b == 6 || b - a == 6) + return true; + return false; +} +" +c022831cdc8d494fedd2d6bd22a2f10d80f76070,"public boolean love6(int a, int b) +{ + if(a==6 || b==6 || (a+b==6) || (Math.abs(a-b) ==6) ){ + + return true; + } else { + return false; + } +} +" +2540bc2805e9d5bb6d4e40fdd8aff0efe7e6da69,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + + int sum = a+b; + int diff = Math.abs(a-b); + if (sum == 6 || diff == 6) + return true; + else + return false; +} +" +977963814ea2fac050d1dd6cd23fe817e6babf92,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return true; + } + else if (a + b = 6 || a - b = 6) + { + return true; + } + else if (Math.abs(a + b) = 6 || Math.abs(a - b) = 6) + { + return true; + } + else + { + return false; + } + + +} +" +0566c506235ec660c1ec3e2ee0a9dc29305f3701,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 && (a + b = 6 || Math.abs(a - b) == 6) + return true; +} +" +5fe1941a9933b5915941f3e876f84ee0ff41778d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 && (a + b) = 6 || Math.abs(a - b) == 6) + return true; +} +" +4d72070da55685842c8abf547f400036b42549a0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 60 && ((a + b) = 6 || Math.abs(a - b) == 6) + return true; +} +" +ecc925b7dad4192f01da18f30fc66750837ab294,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 60 && ((a + b) = 6 || Math.abs(a - b) == 6) + return true; +} +" +3415c3e676e08229153c1091f3710972f21fcd74,"public boolean love6(int a, int b) +{ + if (a == 6) + return true; + else if (a + b == 6) + return true; + else if (a - b == 6 || b - a == 6) + return true; + else + return false; +} +" +b451213565c745607fc43b265733f36ef00613b1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + + +} +" +c6bca29d0d2f01b669d0161c3154e811a1ff63a0,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 && ((a + b) = 6 || Math.abs(a - b) == 6) + return true; +} +" +001e8c19187afbd83dae1cf384e3e0da532b3694,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 && ((a + b) = 6 || Math.abs(a - b) == 6)) + return true; +} +" +6e995c8b4d7a0a5a88240aa75e830a68ecffe034,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) && ((a + b) = 6 || Math.abs(a - b) == 6) + return true; +} +" +35e045c47772b9ff632081bc59fa1804d830c108,"public boolean love6(int a, int b) +{ + if (a == 6 || b==6 ) + return true; + else if (a + b == 6) + return true; + else if (a - b == 6 || b - a == 6) + return true; + else + return false; +} +" +1d00fb599715abb16aa68275ecdd4112455054f4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) && ((a + b) = 6 || Math.abs(a - b) == 6); + return true; +} +" +f8c8f4efee98304059e93cff4182647b5c714774,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if ((a + b) = 6 || Math.abs(a - b) == 6) + return true; +} +" +b1bba04b314502444a9fc6fba275390b8874d35c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; +} +" +ca0db2775d3743c9948fc0beadfc51220a9a5906,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b) == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +70e7f02467aff2e68c727f4c75c6dfe20f617ef8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + return false; + +} +" +13a821dcb341646bcb58aedc123146358ee431ff,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || (a + b) == 6 || Math.abs(a - b) == 6) + //all of the conditions are put together in one if statement + return true; + else + return false; +} +" +cab68dadfe7a992f8ba070b13131fea6b2e3b4ab,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + return false; + +} +" +762a47ba92aeba4c0ef7409f2cde4c12b8b5e182,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if ((a + b) == 6 || (a + b) == -6 || Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + return false; + +} +" +b071d290e7839704d1106090e5d4ab8c47bf3bf3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if ((a + b) == 6 || Math.abs(a - b) == 6 || Math.abs(b - a) == 6) + { + return true; + } + return false; + +} +" +e2aeb20c998144f8033099e26552d5f420d4c59e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a - b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + + +} +" +a6810981dc707b1865cefbf3755c8b06d61634f8,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + + else if ((math.abs(a) + math.abs(b) == 6) || (math.abs(a) - math.abs(b) == 6)) + { + return true; + } + + else + { + return false; + } +} +" +b96602b5502e486be4a3884e07b34c9149424164,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + + else if ((Math.abs(a) + Math.abs(b) == 6) || (Math.abs(a) - Math.abs(b) == 6)) + { + return true; + } + + else + { + return false; + } +} +" +200af42313a653acce69d6b43ab8de21af247395,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + + else if ((Math.abs(a) + Math.abs(b) == 6) || (Math.abs(a) - Math.abs(b) == 6) || (Math.abs(b) - Math.abs(a) == 6)) + { + return true; + } + + else + { + return false; + } +} +" +1529e19aa8d075a6928f0b40907e08520b6cc03c,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)); + { + return true; + + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else + { + return false; + } +} + " +a294ab40ff691200ffabc84bf0e43bbb727d35f6,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +8c8a8cd1e49e5be37726ea25c6b8492d680aca19,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)) + { + return true; + + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else + { + return false; + } +} + " +a60e97c637620d2962e748137cdee4f7c0b32c75,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)) + { + return true; + + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else + { + return false; + } + } +} + " +dd5d410d7956f0593c1fd3b5ee56f7e142e0b843,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else + { + return false; + } + } +} + " +85ad418456da413f1a91837da7e8c31d74c96be0,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + else + return false; +} + " +86648a4198fd59ee45c12dbe342a1746f1548f16,"public boolean love6(int a, int b) +{ + if (a - b = math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + return false; +} + " +8dc3675fde7a20cf3cfdc9980dae4fdcc8af44d0,"public boolean love6(int a, int b) { + if (a == b || b == 6 || Math.abs(a + b) == 6) + return true; + else return false; +} +" +5e7ad707daa4d93d5bbeb26c3596776384c68fae,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + + else if ((Math.abs(a) + Math.abs(b) == 6) || (a - b == 6) || (b - a == 6)) + { + return true; + } + + else + { + return false; + } +}" +91a87c70d1cece29becb4ad5652461625eed111d,"public boolean love6(int a, int b) { + if (a == b || b == 6 || Math.abs(a - b) == 6 || Math.abs (a + b) == 6) + return true; + else return false; +} +" +e7f99cb6b2b7ea8c5c1e04370adbadea17364071,"public boolean love6(int a, int b) +{ + private int num = a - b + if (num = math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + return false; +} + " +69c096424e55253656a9629d3f69055f7ba00768,"public boolean love6(int a, int b) +{ + private int num = a - b; + if (num = math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + return false; +} + " +15d93922458643b1c319c32ed6e994156a411859,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6 || Math.abs(a - b) == 6 || a + b == 6); +} +" +2a3fd192da7800dc6eae4763196a4f5f18cbb031,"public boolean love6(int a, int b) +{ + if ( (a = 6 || b = 6) || (Math.abs(a - b) = 6 || Math.abs(a+b) = 6) + { + return true; + } + + else + { + return false; + } + +} +" +d220585043cb101c48304e443cafaed572a82135,"public boolean love6(int a, int b) +{ + int num = a - b; + if (num = math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + return false; +} + " +e90681d5926f67eb9981cfeb8bf08c32b07e6417,"public boolean love6(int a, int b) +{ + if ( (a = 6 || b = 6) || (Math.abs(a - b) = 6 || Math.abs(a+b) = 6)) + { + return true; + } + + else + { + return false; + } + +} +" +7383c09a7c6da83ad9e3fe8ca83ba8bc4c4ef11f,"public boolean love6(int a, int b) +{ + int num = a - b; + if (num = Math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + return false; +} + " +4404408dfb78c2c7816f98ca82cf54c27a30ceb9,"public boolean love6(int a, int b) +{ + if ( (a == 6 || b == 6) || (Math.abs(a - b) == 6 || Math.abs(a+b) == 6)) + { + return true; + } + + else + { + return false; + } + +} +" +cdf5d69f477fc32097d7008f0306fcde82aeb1b0,"public boolean love6(int a, int b) +{ + if ((a=6) || (b=6)) + { + return true; + } + else if ((a+b=6) || (a-b=6) || (b-a=6)) + { + return true; + } + else + { + return false; + } +} +" +5eaf3c3eaa866ecb4a4ef4a22e2e207792ad9b6b,"public boolean love6(int a, int b) +{ + if (a=6) + { + return true; + } + else if ((a+b=6) || (a-b=6) || (b-a=6)) + { + return true; + } + else + { + return false; + } +} +" +a68479dddd387e99cb9b2b15adb4e9f1d2d53cd6,"public boolean love6(int a, int b) { + if (a == b || b == 6) + return true; + + int sum = a + b; + int diff = Math.abs(a-b); + + if (sum == 6 || diff = 6) + return true; + else + return false; +} +" +7649928f7270cb094ace5e1b4a792698ef4fe97c,"public boolean love6(int a, int b) +{ + if ((a==6) || (b==6)) + { + return true; + } + else if ((a+b==6) || (a-b==6) || (b-a==6)) + { + return true; + } + else + { + return false; + } +} +" +ed90b42be121c44c30b5c73e4bf5e83e28850ec0,"public boolean love6(int a, int b) { + if (a == b || b == 6) + return true; + + int sum = a + b; + int diff = Math.abs(a - b); + + if (sum == 6 || diff = 6) + return true; + else + return false; +} +" +6888657f47d14174b7ee035dd1f8fdd19f9c2916,"public boolean love6(int a, int b) { + if (a == b || b == 6) + return true; + + int sum = a + b; + int diff = Math.abs(a - b); + + if (sum == 6 || diff = 6) + return true; + else + return false; +} +" +0138806cd0e5547ba0589c40d59715b0488496d4,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + { + return true; + } + + else if ((a + b == 6) || (a - b == 6) || (b - a == 6)) + { + return true; + } + + else + { + return false; + } +}" +552c516d6d07fae68f56500dd0cba39f701d4679,"public boolean love6(int a, int b) +{ + if ( (a == 6 || b == 6) || (a-b == 6 || a+b == 6)) + { + return true; + } + + else + { + return false; + } + +} +" +e2a0ffe25744855909607769c9abea24eb1f1a4a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + else + return false; + + + +} +" +260504e5e7e1ae4e8b4c42ebbd801bdbe3011ad7,"public boolean love6(int a, int b) +{ + if ( (a == 6 || b == 6) || (Math.abs(a-b == 6) || a+b == 6)) + { + return true; + } + + else + { + return false; + } + +} +" +e625e382f682e33ae84abdba7bd2b1a1dc15c638,"public boolean love6(int a, int b) +{ + if ( (a == 6 || b == 6) || ((Math.abs(a-b) == 6) || a+b == 6)) + { + return true; + } + + else + { + return false; + } + +} +" +36e53ef94913d1f2ce58a8ce891409d4a7c7826c,"public boolean love6(int a, int b) { + if(a == b || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + return false; +} +" +00150fca05310e844250fede02012b054f958753,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if (a + b == 6 || Math.abs(a - b) = 6) + { + return true; + } + else + { + return false; + } + +} +" +2a972d8a130a62d73e97611c1d7e9fe1924218f3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if ((a + b) == 6 || Math.abs(a - b) = 6) + { + return true; + } + else + { + return false; + } + +} +" +1c4565589cefc3144107662a705ec4f5ea8f5817,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || a - b == 6) + + { + return true; + } + + else + { + return false; + } + + + +} +" +01a761d272ebeb261b3561a2ca3382f2bf48580f,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || a - b == 6 || b - a == 6) + + { + return true; + } + + else + { + return false; + } + + + +} +" +2a8dc9b2e50796a47800f5b081b813a9f059a7d3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } + +} +" +ee0d52f2b1f7a44352cb45af9f9071e1973943b9,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return true; + } + + + + return false; +} +" +e0fc48a114ea8a2948e43da4eb1342009c283ca3,"public boolean love6(int a, int b) +{ + if (a == b) + { + return true + } + else if (Math.abs(a - b) == 6) + { + return true + } + else if (a + b == 6) + { + return true + } + else + { + return false + } +} +" +9b086c85bb1bd5ec8bb83e340e75ec1421229a23,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + + + return false; +} +" +0b89792bd9d7f1c2c0d1cc6157f2b6e3c56ee068,"public boolean love6(int a, int b) +{ + if (a == b) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +330f6a3676654a1bb8f436a7a71d7a6f671b2d84,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + + int sum = a+b; + + int diff = Math.abs(a-b); + + if (sum == 6 || diff == 6) + + return true; + + else + + return false; + +} +" +c49492941496f1eaec75c2abcf9734f5ef3344f3,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b =6) + { + return true; + } + + + + return false; +} +" +cb20a44559535756aee5fc889bdf6a92afde8dbe,"public boolean love6(int a, int b) +{ + if (a == b) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else if (Math.abs(b - a) == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +9228938256bb4efb525cae1502a9b74b6c68470e,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + + + return false; +} +" +0116a95b2a711308119dd3829e80c5ef666ee7d7,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else if (Math.abs(b - a) == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +3cc8ca60a27c5257e39b424583bc44259ffa6619,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + else if (a-b = Math.ab(6)) + { + return true; + } + + + + + return false; +} +" +9c76406b96d6c0cb36f17395ac26e28f38f43fe2,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + else if (a-b = Math.abs(6)) + { + return true; + } + + + + + return false; +} +" +35662ffaceb14ea3498a5f4a3f9e0c3bedca43c6,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + else if (a-b = 6) + { + return true; + } + + + + + return false; +} +" +08b45a65ec7400d7322afb51e5335c828d6852c5,"public boolean love6(int a, int b) +{ + if( a==6 || b==6) + return true; + if(Math.abs(a-b) == 6 || (a+b) == 6) + return true; +} +" +07432e9986bb8e834c81f1b0db18cc6c3cf8e4fe,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + else if (a-b == 6) + { + return true; + } + + + + + return false; +} +" +f6ec337cad6581bf65fa4b615262304113fae614,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + + return true; + + + + int sum = a+b; + + int diff = Math.abs(a-b); + + + + if (sum == 6 || diff == 6) + + return true; + + else + + return false; + +} +" +d079798c8cda2f52d518b5fd31e7abb4ee6c107e,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + else if (a-b == Math.abs(6)) + { + return true; + } + + + + + return false; +} +" +206c418642cf957e53b18b66302278a73fb0fb28,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + if (Math.abs((a + b) = 6)) + { + return true; + } +} +" +cbbf333b0946fc2db15df426756d2ff3c8a1f1ba,"public boolean love6(int a, int b) +{ + if( a==6 || b==6) + return true; + if(Math.abs(a - b) == 6 || (a+b) == 6) + return true; +} +" +38ac89086c5b0d31f243bd21a825e4f618f97839,"public boolean love6(int a, int b) +{ + if( a == 6 || b == 6) + return true; + if(Math.abs(a - b) == 6 || (a+b) == 6) + return true; +} +" +dff865e10cdaf7e40ddb5260954773a872f042f2,"public boolean love6(int a, int b) +{ + if (a==6 || b == 6) + { + return true; + } + + else if (a+b ==6) + { + return true; + } + + else if (a-b == 6) + { + return true; + } + + else if (b-a == 6) + { + return true; + } + + + + return false; +} +" +2c60983bba1a6b3acc204be6680799a057dcae46,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + if ((a + b) = 6)) + { + return true; + } + else if ((a - b) == 6) + { + return true; + } +} +" +45b654447cb4888539f7ace634c2e125dc94b7a8,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + + if ((a + b) = 6)) + { + return true; + } + return ((a - b) == 6); + +} +" +5e2d93bb80f6c264ba3057c3bc0ef23584177a86,"public boolean love6(int a, int b) +{ + int num = a - b; + if (num = Math.abs(6)) + { + return true; + } + else if (a + b = Math.abs(num)) + { + return true; + } + else if ( a = Math.abs(6) || b = Math.abs(6)); + { + return true; + } + return false; +} + " +f85a4811a4b1102f6fb09f674f6c1b499ea61051,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) = 6); + return ((a - b) == 6); +} +" +fa7c68aa4bf0f323b4702f02caacc743bed8a543,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6); + return (Math.abs(a - b) == 6); +} +" +36aad08945f29d948f8944f801ed80110a2e583b,"public boolean love6(int a, int b) +{ + if( a == 6 || b == 6) + return true; + return (Math.abs(a - b) == 6 || (a+b) == 6); +} +" +e9186903cd5edc87babd084a2cc9fecbcbdbc408,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } +} +" +2cda680a2206de903a8622678bb6879467ca2c27,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + if ((a + b) == 6) || (Math.abs(a - b) == 6)) + { + return true; + } + +} +" +31c742554cb4edcb1a78bb230eb2d740a506baa1,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + return ((a + b) == 6) || (Math.abs(a - b) == 6)) +} +" +4e9b74fe8502f0878032872dd0a350d57c3aeb37,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + return ((a + b) == 6) || (Math.abs(a - b) == 6)); +} +" +e4374463aa044de36421cb0d4ede26efe243aba1,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + return ((a + b) == 6 || (Math.abs(a - b) == 6)); +} +" +365497a448deaab8234f2578e4f77563c9ecb5bb,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + return ((a + b) == 6 || Math.abs(a - b) == 6)); +} +" +5a62ac9a3887596b64b39e202a16bebef6ef7dc0,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +3fac10b0bba2ace380daf12387a990984e707b59,"public boolean love6(int a, int b) +{ + return (a == 6 || b == 6); + + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +889acc6050c7a782541fcb0ebed3ee821da538f2,"public boolean love6(int a, int b) +{ + if ( a = Math.abs(6) || b = Math.abs(6)); + return true; + else + return false; +} + " +403f4b76a584dae401dac5cdc3e9a4bc48180446,"public boolean love6(int a, int b) +{ + if ( a = Math.abs(6) || b = Math.abs(6)); + return true; + return false; +} + " +9920fadd78f385aac9bbff9850ca57a19018c125,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +5961319ce0c3f453b582f5a795d6230ed29aabab,"public boolean love6(int a, int b) +{ + if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + + return (a == 6 || b == 6); +} +" +87477df0ff6097778c8c4ebd28d94a7ed2059406,"public boolean love6(int a, int b) +{ + if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + + return (a == 6 || b == 6); +} +" +275269b59cf269005d7fe464419446658c4fafb1,"public boolean love6(int a, int b) +{ + if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + + return (a == 6 || b == 6); +} +" +b9ce80af43948d2a6cb3714b20efa89ec51905a4,"public boolean love6(int a, int b) +{ + if ((a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + + return (a == 6 || b == 6); +} +" +69bea3a8b3c70f728827447763777714fc5bc9dd,"public boolean love6(int a, int b) +{ + if ( a = Math.abs(6)) + if ( b = Math.abs(6)) + return true; + return false; +} + " +9da10eb0a36c1f2a83adb2a9e709bf948f23038e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6) + { + return true; + } +} +" +ee9b4c5607aa291e0127993766c947018b187b49,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6) + { + return true; + } + else if (Math.abs(a-b) == 6) + { + return true; + } + else + { + return false; + } +} +" +873170573acc8c90d53cbdc80d4a88a63bbd955d,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || a -Math.abs(b) == 6 || Math.abs(b) - Math.abs(a) == 6) + return true; + else + return false; +} +" +c24185898cb7af7fe277568a0629848cf7702078,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +a011d8013120e8803477e556d2f47df61a0e3058,"public boolean love6(int a, int b) +{ + int sum = a+b; + int difference = abs(a-b); + + if ( sum == 6|| difference == 6|| a==6 || b==6) + return true; + else + false; + +} +" +8f4ad5ff5fee1c517ca2ccaa2216ae620b698390,"public boolean love6(int a, int b) +{ + int sum = a+b; + int difference = abs(a-b); + + if ( sum == 6|| difference == 6|| a==6 || b==6) + return true; + else + return false; + +} +" +95590cfb56f8607dd2471101c65f8f5c8e5929d8,"public boolean love6(int a, int b) +{ + int sum = a+b; + int difference = Math.abs(a-b); + + if ( sum == 6|| difference == 6|| a==6 || b==6) + return true; + else + return false; + +} +" +f1847c11f6a37e56fd3ff1b11d40385ab2e30d1a,"public boolean love6(int a, int b) +{ + if (int a = Math.abs(6)) + if (int b = Math.abs(6)) + return true; + return false; +} + " +cef2fe03dc9a3fff6d08f9e45e69d171764e44b3,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a + b) == 6 || Math.abs( a - b) == 6) + return true; + else + return false; +} +" +b0fb32e9d8112998d4f42145e060bb7f12ecb495,"public boolean love6(int a, int b) +{ + if (a == Math.abs(6)) + if (b == Math.abs(6)) + return true; + return false; +} + " +b2baea0039e460428e4e47b65b3f58b358d2fca1,"public boolean love6(int a, int b) +{ + sum = a + b; + if (a == Math.abs(6)) + return true; + if (b == Math.abs(6)) + return true; + if (sum == Math.abs(6)) + return true; + return false; +} + " +ef2ad4c941278ef4ba84954f02a6ef9e8b29830d,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b) == 6 || Math.abs( a + b) == 6) + return true; + else + return false; +} +" +a401b394a0215d152e094daf416a796264176db4,"public boolean love6(int a, int b) +{ + int sum = a + b; + if (a == Math.abs(6)) + return true; + if (b == Math.abs(6)) + return true; + if (sum == Math.abs(6)) + return true; + return false; +} + " +e2ba43cf69aa7b33825eb35316df9213f4015d6d,"public boolean love6(int a, int b) +{ + int sum = a + b; + if (a == Math.abs(6)) + return true; + if (b == Math.abs(6)) + return true; + if (sum == Math.abs(6)) + return true; + return false; +} + " +a86c1aa7f2ac6c4f49a96cce981747b57755bf94,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b) == 6 || Math.abs( a + b) == 6 + || Math.abs( b - a) == 6 || Math.abs( b + a) == 6) + return true; + else + return false; +} +" +e0cbf48c8944f1edc446fe5b144de0901d8eebe7,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +}" +8c0a5abdf9758333348a25110040dff9d3167148,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b) == 6 || Math.abs( a + b) == 6 + || Math.abs( b - a) == 6 || Math.abs( b + a) == 6) + return true; + else return false; +} +" +a7f664a43d1d00b75d35c313a5db7334085f827d,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b) == 6 || Math.abs( a + b) == 6 + || Math.abs( b - a) == 6 || Math.abs( b + a) == 6) + return true; + else return false; +} +" +96a1864a6d713f64c2b86da7c1371e01daf0197b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a-b) == 6 || (a + b == 6)) { + return true; + } + else { + return false; + } +} +" +32707894a1f4301b594e58fd7e9e903dc1d51e5a,"public boolean love6(int a, int b) +{ if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +80c2794e33a1432cb05bccaaabadf3dee662908c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + int sum = a+b; + int diff = Math.abs(a-b); + + if (sum == 6 || diff == 6) + return true; + else + return false; +} +" +353be5220ea690779880f3f07f9b84def0ec7535,"public boolean love6(int a, int b) +{ + int c = a + b; + int d = Math.abs(a - b); + + if (a == 6 || b == 6 || c == 6 || d == 6) { + return true; + } + else { + return false; + } +} +" +974915e15c369da08bc15d13d82c32587ad1a434,"public boolean love6(int a, int b) +{ if (a == 6) + return true; + else if (b == 6) + return true; + else if (Math.abs( a - b) == 6) + return true; + else if (Math.abs( a + b) == 6) + return true; + else + return false; +} +" +9ddc6c1e472af9f4a337cc14cd42713695370355,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a) + Math.abs(b) == 6 || + Math.abs(a) - Math.abs(b) == 6) { + return true; + } + else { + return false; + } +} +" +233926ff80cfd6a5c5e18ba34e0287c3b58f6a4a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a) + Math.abs(b) == Math.abs(6) || + Math.abs(a) - Math.abs(b) == Math.abs(6)) { + return true; + } + else { + return false; + } +} +" +f222b141d543857735542c3ddf86e84e1b6c3532,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = Math.abs(a-b); + + if (a == 6 || b == 6 || c == 6 || d == 6) + { + return true; + } + else + { + return false; + } + +} +" +ab77084754305b150da667d2e2fc7de07238db77,"public boolean love6(int a, int b) +{ + boolean result = false; + if (a = 6 || b = 6 || a-b = 6 || a+b = 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +0edf0a664baf13c1aecec82b85fdd55c06ec9e10,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(6) || a - b == Math.abs(6)) { + return true; + } + else { + return false; + } +} +" +d077f253fd718a8c09bc915edd3c29513364a1f1,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +3e72e655885b5ce2b6e99a58e097dfc7165962f1,"public boolean love6(int a, int b) +{ + boolean result = false; + if (a = 6 || b = 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +3298c010c8b9f173bf07292e016b57358c8b3ae4,"public boolean love6(int a, int b) +{ + int c = a+b; + int d = Math.abs(a-b); + + if (a == 6 || b == 6 || c == 6 || d == 6) + { + return true; + } + else + { + return false; + } + +} +" +5aba4f604d7ecdb0789806e2eba20b4795b79d44,"public boolean love6(int a, int b) +{ + boolean result = false; + if (a == 6 || b == 6 || a-b == 6 || a+b == 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +ae3776400b465b1c8e3c6261f2b23ab1a729a589,"public boolean love6(int a, int b) +{ + boolean result = false; + if (a == 6 || b == 6 || a-b == 6 || a+b == 6 || Math.abs(a-b) == 6) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +85a286fa62f19613c8c333d147d4b8df932510ac,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == Math.abs(-6) || a - b == Math.abs(-6)) { + return true; + } + else { + return false; + } +} +" +6faa41ab9e4cae3d51de584508168e877acb7759,"public boolean love6(int a, int b) +{ + boolean t=true; + int x = Math.abs(a-b) + if (a==6 || b==6) + { + t=true; + } + else if (x==6) + { + t=true; + } + else + { + t=false; + } +} +" +0c6aeb9b16c6c082640f9f83c86e88414fe978fb,"public boolean love6(int a, int b) +{ + boolean t=true; + int x = Math.abs(a-b); + if (a==6 || b==6) + { + t=true; + } + else if (x==6) + { + t=true; + } + else + { + t=false; + } +} +" +85ed07cf58e36ae1659f82924565f412ac3d30b7,"public boolean love6(int a, int b) +{ + boolean t=true; + int x = Math.abs(a-b); + if (a==6 || b==6) + { + t=true; + } + else if (x==6) + { + t=true; + } + else + { + t=false; + } + return t; +} +" +b6d73d763f58d4a6818eec58f9b93c501fb1ca5c,"public boolean love6(int a, int b) +{ + int x = 6; + if (a == 6 || b == 6 || a + b == Math.abs(x) || a - b == Math.abs(x)) { + return true; + } + else { + return false; + } +} +" +67ca783fdbf64242f40f3174a98610f23405240b,"public boolean love6(int a, int b) +{ + boolean t=true; + int x = Math.abs(a-b); + int y = a+b; + if (a==6 || b==6) + { + t=true; + } + else if (x==6 || y==6) + { + t=true; + } + else + { + t=false; + } + return t; +} +" +f982546651b12900fc551f5b2093c315854c3a72,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; } + else if (a + b == 6) { + return true; + } + else if (a - b == 6 || b - a == 6) { + return true; + } + else { + return false; + } + +} +" +ff005261178c1f3fd2d322b3c78f09788bbfe803,"public boolean love6(int a, int b) +{ + int x = 6; + if (a == 6 || b == 6 || Math.abs(a + b) == x || Math.abs(a - b) == x) { + return true; + } + else { + return false; + } +} +" +5b0448af55d159334b8d014b107b3b4be2c3d894,"public boolean love6(int a, int b) +{ + int x = 6; + if (a == 6 || b == 6 || a + b == x || Math.abs(a - b) == x) { + return true; + } + else { + return false; + } +} +" +58a6b7409b3eb7f6132d6c7c059be7e67ff092bd,"public boolean love6(int a, int b) +{ + if ((a = 6 || b = 6) || Math.abs(a + b) = 6 || Math.abs(a + b) = 6) + { + return true; + } + else + { + return false; + } +} +" +04749751b90d4417c3921aa3868b7095ca4880af,"public boolean love6(int a, int b) +{ + if (a = 6 || b = 6) + { + return true; + } + else if (Math.abs(a + b) = 6 || Math.abs(a + b) = 6) + { + return true; + } + else + { + return false; + } +} +" +5d11c2c9ff740abe833d693655938f31fc57ea19,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) = 6 || Math.abs(a + b) = 6) + { + return true; + } + else + { + return false; + } +} +" +d0db09a9d47ab9f617cd5d2a9a7015b550b534b3,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a + b) == 6) + { + return true; + } + else + { + return false; + } +} +" +85edcc7e6701b4e8bad781ee3e5cd2a1a8cb49aa,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +9a1d575ef5ba72f480d46044ac718b8465e7ac4f,"public boolean love6(int a, int b) +{ + + if (a == 6 || b == 6) + { + return(true); + } + + if (a + b == 6 || Math.abs(a - b) == 6) + { + return(true); + } + + else + + { + return(false); + } + +} + +" +8847fb0e344159d32b792f3a42d713724c71adbc,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a - b == 6 || a + b == 6) + { + return true; + } + else + { + return false' + } +} +" +5af978feb3c0cdcfd1da787b2b39590b63cbf268,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a - b == 6 || a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +ce0fcb830ccf1b5abc99eeadb21396fcab812588,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6|| Math.abs(a - b) == 6); + +} +" +28f2661bade642a2b69e6c4e5e039d925891d527,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a - b) == 6 || a + b == 6) + { + return true; + } + else + { + return false; + } +} +" +da093555298781aec69b6153dbfc784cb4ab0d11,"public boolean love6(int a, int b) +{if (a == 6 || b == 6) + return true; + + int sum = a+b; + int diff = Math.abs(a-b); + + if (sum == 6 || diff == 6) + return true; + else + return false; +} +" +256c336026a829da33fb8f3d2d3a103766b4dfac,"public boolean love6(int a, int b) { + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} +" +34b0c37b4956853bbab78519b6f0753a9c1defbd,"public boolean love6(int a, int b) +{ + if (Math.abs(a - b) = 6 || a + b = 6) + return true; + + + if (a = 6 || b = 6) + return true; +} +" +e754ee59a98d4a24152daeb8cac3ee4cc80e41ca,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a + b == 6) || Math.abs(a - b == 6)) { + return true; + } + return false; +} +" +c9a726dcd968d98b7035327d7763d36d220febcb,"public boolean love6(int a, int b) +{ + if ((a - b) = 6 || a + b = 6) + return true; + + + if (a = 6 || b = 6) + return true; +} +" +88990cec0952de0b17d52de334a8fd8964ccab1b,"public boolean love6(int a, int b) +{ + if (a - b = 6 || a + b = 6) + return true; + + + if (a = 6 || b = 6) + return true; +} +" +56302697876c66d2f84f16f2cef1c8fdff052271,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) ==6) { + return true; + } + return false; +} +" +928a160e50bc26ffca361f9e6ff8446e50396ea7,"public boolean love6(int a, int b) +{ + if (Math.abs(a) == 6 || Math.abs(b) == 6) + { + return true; + } + else if ((Math.abs(a) + Math.abs(b) == 6) || (Math.abs(a) - Math.abs(b) == 6)) + { + return true; + } + else if (Math.abs(b) - Math.abs(a) == 6) + { + return true; + } + else + { + return false; + } +} +" +db1e79fb893d0ef59841fc336ce024d62d1bdbba,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +61b4f04831518ceb22be1f1794c8e37488abce6c,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6 || math.abs(a - b) == 6) +} +" +d460c9f262d53c1386f120cfbbefa73cbab8bac2,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6 || math.abs(a - b) == 6); +} +" +83e78b7d6462d72bb4ab357c115cddc8ff64ab3a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +29a14ed44199c50c772be8dee5c8e408e521384a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if ((a + b == 6) || (a - b == 6)) + { + return true; + } + else if (b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +45bd0461ce8b659d80d59fc1f37f5d997f31b405,"public boolean love6(int a, int b) +{ + int count = Math.abs(a) + Math.abs(b); + if (a == 6 || b == 6 || count == 6){ + return true; + } + else + return false; +} +" +b82b1d1ef4586761fcf816e2bd7f99e73f05e7ce,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6){ + return true; + } + else + return false; +} +" +10b5bcb6e081e41cb1576e0ee6e41bfe4afaf024,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + { + return true; + } + else + { + return false; + } + +} +" +1ae1f3d3f81a00ddbe17ca620f40b184d434fa85,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6 || Math.abs(a+b) == 6){ + return true; + } + else + return false; +} +" +7e6a4564d431e53c476986b3bc316427700b108e,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a - b) == 6 || a + b == 6) + return true; + + return false; +} +" +a75f5bcb656e6b2dfeb8839df79e19de56d70f34,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} +" +fc6db212dce86e737b3eaac3fc356e5f64f282da,"public boolean love6(int a, int b) +{ + int sum = a + b; + int dif = a - b; + int diff = b - a; + if (a == Math.abs(6)) + return true; + if (b == Math.abs(6)) + return true; + if (sum == Math.abs(6)) + return true; + if (dif == Math.abs(6)) + return true; + if (diff == Math.abs(6)) + return true; + return false; +} + " +90f9823bb96074259ede2b47c55173dd9ffff65a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || Math.abs(a-b) == 6 || Math.abs(a+b) == 6 || Math.abs(b-a) == 6){ + return true; + } + else + return false; +} +" +2a1050cfa744779d7dc2bd0cb36619b8f9265389,"public boolean answerCell(boolean isMorning, boolean isMom, boolean isAsleep) +{ + if (isAsleep) + return false; + if ((isMorning && isMom) || !isMorning) + return true; + else return false; +} + +" +80ada1096fe9b568e72730624ca02c2295b83791,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int dif = Math.abs(a - b); + if (a == 6 || b == 6) { + return true; + } + else if (sum == 6 || sum ==6) { + return true; + } + return false; +} +" +46cc423424ab16257ad9919c594a936f9ed5c2e1,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) { + return true; + } + else if (Math.abs(a + b) == 6 || Math.abs(a - b) ==6) { + return true; + } + return false; +} +" +c29f525c46378060708f525a2cca0857840957bf,"public boolean answerCell(boolean isMorning, boolean isMom, boolean isAsleep) { + if(isAsleep) + return false; + + if(isMorning && !isMom) + return false; + + return true; +} + +" +47c16bf2df7c02e3550a1cd013c02c28c1ba24b1,"public boolean answerCell(boolean isMorning, boolean isMom, boolean isAsleep) +{ + if(isAsleep) + return false; + + if(isMorning && !isMom) + return false; + + return true; +} + +" +f74156ab2089a5690059834db421fe2a113489fe,"public boolean love6(int a, int b) +{ + int is = Math.abs(a + b); + if (a == 6 || b == 6 || is == 6){ + return true; + } + else + return false; +} +" +f79afb79e37eda2b5ce69b333b26ce80758a57c3,"public boolean love6(int a, int b) { + if(a == 6 || b == 6 || a + b == 6 || Math.abs(a - b) == 6) + return true; + + return false; +} + +" +39b498f7cea23f6eacd23a9cc9dc07189872c88d,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int diff1 = a - b; + int diff2 = b - a; + if (a == 6 || b == 6 || is == 6 || diff1 == 6 || diff2 == 6){ + return true; + } + else + return false; +} +" +0caac540b02ecade7e52cd2ee564027df0c362fe,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +eced414a0b0e61a773dfed1d67ea412c92fe0d03,"public boolean love6(int a, int b) +{ + int sum = Math.abs(a + b); + int diff1 = a - b; + int diff2 = b - a; + if (a == 6 || b == 6 || sum == 6 || diff1 == 6 || diff2 == 6){ + return true; + } + else + return false; +} +" +4e0ab20433ae21030e18bc5199ec60bd8e1db77b,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +a72d6f9d7a1fce946b1a4a0b59ff8ce4ba4cffd7,"public boolean love6(int a, int b) +{ + int sum = a + b; + int diff1 = a - b; + int diff2 = b - a; + if (a == 6 || b == 6 || sum == 6 || diff1 == 6 || diff2 == 6){ + return true; + } + else + return false; +} +" +4a08a291aa59f62eed57dcb18bf1fefc438a8d58,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true + if (a + b == 6 || Math.abs(a - b) == 6) + return true +} +" +ffae0c6c5ee3867588d56b98ad023b9235f21c7a,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a < 0 || b <0) + { + return false; + } + else if (Math.abs(a + b) == 6) + { + return true; + } + else if (Math.abs(a - b) == 6) + { + return true; + } + else + { + return false; + } +} +" +9777c5b9bd4604ef14561aa160938e164049b270,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + if (a + b == 6 || Math.abs(a - b) == 6) + return true; +} +" +df0a314b8439b58897f69ab740c27451d82672c4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6){ + return true; + } + else if(Math.abs(a - b) == 6 || a + b == 6){ + return true; + } + else{ + return false; + } +} +" +0dbff2d44ecbc777d5b74695bd859201a64328ff,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; +} +" +0cb95d7697adc3f37135ecdafbed2ce5569dd7b0,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6) + return true; + if ((a + b) == 6 || Math.abs(a - b) == 6) + return true; + else + return false; +} +" +8b7a06755d946c7fe2840ad98eb3265340af1ca1,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b=6) + { + return true; + } + return false; +} +" +e731c0e6c26538f34433fe52ee9f75d60c22fd66,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6 || a + b == 6 || Math.abs(a-b) == 6) + return true; + return false; +} +" +6d943f4af788101788d704258e43909ba34fee25,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b=6)) + { + return true; + } + return false; +} +" +1e3b74a04239367bb3e17735483ff2e303c4c1d1,"public boolean love6(int a, int b) { + if(a == 6 || b == 6) { + return true; + } + else if (a + b == 6 || Math.abs(a - b) == 6) { + return true; + } + return false; + }" +1debc43ca599c0945880ef23fe5a3f9a1ab24a78,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b)=6) + { + return true; + } + return false; +} +" +e11ee2b7485cd165a96ff7378705c507ae0e3fa6,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b = 6 || a * b = 6) + { + return true; + } + else + { + return false; + } +} +" +f1d642d560057e1550b8bf3bd0938427cec630c5,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a * b == 6) + { + return true; + } + else + { + return false; + } +} +" +1ceb55aa24671848987a3985aa9d332f06bf988f,"public boolean love6(int a, int b) +{ + if ( a == 6 || b == 6 || Math.abs( a - b ) == 6 || Math.abs( a + b ) == 6 ) + return true; + else return false; +} +" +02066fe88ac7e1c94bc95305fa35a3dbd6fee09e,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b)==6) + { + return true; + } + return false; +} +" +6d665960d247897b4e3c5d564dbd5ce1a48f91c4,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + { + return true; + } + else if (a + b == 6 || a * b == 6 || a - b == 6 || b - a == 6) + { + return true; + } + else + { + return false; + } +} +" +3478109a18daf7e4159f0e17b9bfc477df5a1578,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b)==6) + { + return true; + } + if (Math.abs(a-b)==6) + { + return true; + } + return false; +} +" +26be84c9c541d45e31116a365edf4d221da205c1,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b)==6) + { + return true; + } + if (Math.abs(a-b)==6) + { + return true; + } + if (Math.abs(b-a)==6) + { + return true; + } + return false; +} +" +b545933cbdaa07571c5b5982fa240b644ddacb7d,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (Math.abs(a+b)==6) + { + return true; + } + if (Math.abs(a-b)==6) + { + return true; + } + if (Math.abs(b-a)==6) + { + return true; + } + if (Math.abs(b+a)==6) + { + return true; + } + return false; +} +" +015ac7be3ecb835e9bc7c0e7384acc69dbfc3a9c,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if (a + b = 6) + { + return true; + } + if (Math.abs(a-b)==6) + { + return true; + } + if (Math.abs(b-a)==6) + { + return true; + } + if (Math.abs(b+a)==6) + { + return true; + } + return false; +} +" +31d1edf54e8f6fffd453181a727eb7c77aea1682,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if ((a + b)== 6) + { + return true; + } + if (Math.abs(a-b)==6) + { + return true; + } + if (Math.abs(b-a)==6) + { + return true; + } + if (Math.abs(b+a)==6) + { + return true; + } + return false; +} +" +e14afc189c4e0a4acc3b893653bd612dc41bd55e,"public boolean love6(int a, int b) +{ + if (a ==6 || b == 6) + { + return true; + } + if ((a + b)== 6) + { + return true; + } + if (Math.abs(a-b)==6) + { + return true; + } + if (Math.abs(b-a)==6) + { + return true; + } + if ((b+a)==6) + { + return true; + } + return false; +} +" +86e96b25a2d4d8c68fc62ed961461912a9f9dea6,"public boolean love6(int a, int b) +{ + if(a = 6 || b = 6) + { + return true; + } + else if(math.abs(a-b) = 6 || a + b = 6) + { + return true; + } + else + { + return false; + } +} +" +0619237ebaa2e2f7b9c8fe0b6a633cc0323d3163,"public boolean love6(int a, int b) +{ + if(a == 6 || b == 6) + return true; + return ((a + b) == 6|| Math.abs(a - b) == 6); +} +" +b1972d85610cefafdb9b767030dc2da70be04c45,"public boolean love6(int a, int b) +{ + if (a == 6 || b == 6) + return true; + return ((a + b) == 6 || Math.abs(a - b) == 6); +} +" +a1cc535c8621e1ad3dc208276b997c3183ca009d,"public int sum3(int[] nums) +{ + sum = sum3[0]; + sum+=sum3[1]; + sum+=sum#[2]; + return sum; +} +" +798aac443d339c64bfc05b3824dab665111c4ee6,"public int sum3(int[] nums) +{ + sum = sum3[0]; + sum+=sum3[1]; + sum+=sum#[2]; + return sum; +} +" +100f26d18ee4e0e1619542ed10f1e83b537d6b04,"public int sum3(int[] nums) +{ + sum = sum3[0]; + sum+=sum3[1]; + sum+=sum3[2]; + return sum; +} +" +3539a38d4192e936f0696cbf482ea477dea2b486,"public int sum3(int[] nums) +{ + int sum; + sum = sum3[0]; + sum+=sum3[1]; + sum+=sum3[2]; + return sum; +} +" +5b4e0056f093c1e84207bab5d903168995c17344,"public int sum3(int[] nums) +{ + int sum = 0; + for (i = 0 ; i < 3; i++) + { + sum+= nums[i]; + } + return sum; +} +" +aa8be4673b70b898bb089bf5b8bedb5effbbd8d5,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0 ; i < 3; i++) + { + sum+= nums[i]; + } + return sum; +} +" +4c1142050564d6fd24a50c0eba830e56d9f3c3cb,"public int sum3(int[] nums) +{ + int total = nums[1] + nums[2] + nums[3]; + return total; +} +" +ed5c58838f5266d7d5df76eab8823f0268918cae,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +38f391410d76c92336f508f7d6d827f81d67f47d,"public int sum3(int[] nums) +{ + int total = nums[0] + nums[1] + nums[2]; + return total; +} +" +7cc25c5e68fc64393ee2be8eb056fef122f267c6,"public int sum3(int[] nums) +{ + return int(0) + int(1) + int(2); +} +" +b570fd2a300eb77602384eef1df272771e81fa90,"public int sum3(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length;i++) + { + a = a + nums[i]; + } + return a; +} +" +6b5cf302cc2b3f0997dfae4864c172c5624b6ec1,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +44c733e18499d944f52c996be28000465466154f,"public int sum3(int[] nums) +{ + return sum3[0] + sum3[1] + sum3[2]; +} +" +95c235b2e8f98ccba1b9d51253db58bf4874b48e,"public int sum3(int[] nums) +{ + return nums[0] + sum3[1] + sum3[2]; +} +" +9c3482550354197a388b723450fd04e40995bcd2,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +f5dc7c069d81035f6a10c83761f8425730848f87,"public int sum3(int[] nums) +{ + return nums(0) + nums(1) + nums(2); +} +" +c3e3dc4d8aac900a90c81b2cffd5e4d6520dcfc2,"public int sum3(int[] nums) +{ + return sum3(0) + sum3(1) + sum3(2); +} +" +bd0814ff6225ea0545877b2825548aaf1f209545,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +76d6039f81f173823f71d5e2d15fa1fac8e15abc,"public int sum3(int[] nums) +{ + int sum = 0; + for( int num : nums[]) { + sum += num; + } + return sum; +} +" +5fdc327e16926a9e7e5ba6e0918f99a0aa750335,"public int sum3(int[] nums) +{ + int sum = 0; + for(int num : nums[]) { + sum += num; + } + return sum; +} +" +0ecdeb2b58c3a23ce8512c1d47002ba06025e37f,"public int sum3(int[] nums) +{ + int sum = 0; + for(int num : nums) { + sum += num; + } + return sum; +} +" +7cfda66417aac9b708897bebf5ff98af47520ff8,"public int sum3(int[] nums) +{ + int sum = 0; + for(int num : nums) { + sum += num; + } + return sum; +} +" +945916d9b1bb8f9d530930b7c5d796c0a4710c90,"public int sum3(int[] nums) +{ + return sum(1) + sum(2) + sum(3); +} +" +5c543a81a43a1c368e2c2c31892f706e6bbf0384,"public int sum3(int[] nums) +{ + return sum[1] + sum[2] + sum[3]; +} +" +caecf287c212adbc3d6181780bc8dca72f5c8b71,"public int sum3(int[] nums) +{ + return sum3[1] + sum3[2] + sum3[3]; +} +" +fbf877ff6f5ca5191b327d90ddd889d0c94f8821,"public int sum3(int[] nums) +{ + return sum3(1)+ sum3(2) + sum3(3); +} +" +eca1cdbe8aa24bd2f857be597a3ecee6cc7df096,"public int sum3(int[] nums) +{ + return nums[1] + nums[2] + nums[3]; +} +" +1a279aea9bbfb9d43dc4c9d785a10f305ed83a1c,"public int sum3(int[] nums) +{ + return nums[1] + nums[2] + nums[3]; +} +" +24296b773b527c8d64b85a9d6d651a00c7382bf9,"public int sum3(int[] nums) +{ + return nums[0] + nums[2] + nums[1]; +} +" +f713549be0450d4879808a45a63071c59f85b3b2,"public int sum3(int[] nums) +{ + int sum = 0; + + for (term : nums) + { + sum += term; + } + + return sum; +} +" +2ee7534a874e9955bddebf848d5d1be4a5304477,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int term : nums) + { + sum += term; + } + + return sum; +} +" +284bc56459e43162d86f241dfebb207064b4d681,"public int sum3(int[] nums) +{ + sum = 0; + + for (numbers : nums) + { + sum = sum + nums; + } +} +" +227541cb8307570963282db62edf34a4b024ae47,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + } + return sum; +} +" +42a9243629b68075890cefcd64b5c3a7f01051d4,"public int sum3(int[] nums) +{ + sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums(i); + } +} +" +b97b5d0721db9454f12e03ea425de66ea94e9da6,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums(i); + } + + return sum; +} +" +4994f5902e78e0aea327809396cb6f44d9ff0166,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + + return sum; +} +" +5ea21b6054ab32b6bc8a8fde9be5f2d42ceeaeda,"public int sum3(int[] nums) +{ + return (nums[0]+nums[1]+nums[2]); +} +" +d143f8c7ea75c1e8c28328a5697c2324eebe7ac5,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i: nums) + { + sum = sum + i; + } + return sum; +} +" +433eddf14327fc994b73b0c2c5041418504e6645,"public int sum3(int[] nums) +{ + return nums; +} +" +1a241d9810139450b6c3a490bc945cef67e2d272,"public int sum3(int[] nums) +{ + sum3 [2]; +} +" +9afcfa43cd5b5c27e7040bc87e2614e08b8f17b7,"public int sum3(int[] nums) +{ + int sum3 [2]; +} +" +6b9fce6c82c8d21d4216b1942c2e36e0c639edf1,"public int sum3(int[] nums) +{ + int [0+1+2]; +} +" +469392e6f8f268d033c7dc610e91c2199804247c,"public int sum3(int[] nums) +{ + return int[1 + 2 + 0]; +} +" +2766f50b6fc722bec3d7b56a5908e952ac62a330,"public int sum3(int[] nums) +{ + int sum = nums[1]+nums[2]+nums[3]; +} +" +705b8abb58a9520f7e9dbdc5d7ba4cff43f3d133,"public int sum3(int[] nums) +{ + return nums[1]+nums[2]+nums[3]; +} +" +f93b22b8ade6b718c2da48fe0989a9db991b4716,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +503bf3714129034df89acb209689caa9af2cbca6,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int x : num) + { + sum+=x; + } + return sum; +} +" +934d10ab7aa607c7fd2cc3e876e41cae23479694,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int x : nums) + { + sum+=x; + } + return sum; +} +" +891c99b4b587c839df6484bf5651a725fc172f0c,"public int sum3(int[] nums) +{ + int x = 0; + for (int ye : nums) { + x += ye; + } + return x; +} +" +78bf9520cbe57c6b8b4a5e085f3c6004b882c05a,"public int sum3(int[] nums) +{ + int one = Array.get(array, 0); + int two = Array.get(array, 1); + int three = Array.get(array, 2); + return (one + two + three); +} +" +5d46fc26b2ff366c8bf7e5b3edfc355146876b88,"public int sum3(int[] nums) +{ + int one = Array.get(0); + int two = Array.get(1); + int three = Array.get(2); + return (one + two + three); +} +" +ad663c2beefad00af0c708b94581d2ca25273482,"public int sum3(int[] nums) +{ + int one = sum3.get(0); + int two = sum3.get(1); + int three = sum3.get(2); + return (one + two + three); +} +" +b5310528fecb5a9f918c8caab150838640670d00,"public int sum3(int[] nums) +{ + return (nums[0] + nums [1] + nums [2]); +} +" +d9ef1b51f3a6a5725a38b0c194ed90b54a565e2b,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0 < i < nums.length; i++) + sum = sum + nums[i]; +} +" +34b6319912f19f6fcfb43bb3f42e5370801a98d3,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum = sum + nums[i]; +} +" +1317a06c420298433d2d059482a0f9917f0f5c86,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum = sum + nums[i]; + return sum; +} +" +309bd0dd5960f5369f0254221b4cf19a72ec1702,"public int sum3(int[] nums) +{ + int answer = sum3[0] + sum3[1] + sum3[2]; + return answer; +} +" +1c7ea73834ea48c85d424e457d5b432af57d85ba,"public int sum3(int[] nums) +{ + int answer = nums[0] + nums[1] + nums[2]; + return answer; +} +" +7c7d931fa3eca3526cda191c06c22ec28d7781cc,"public int sum3(int[] nums) +{ return (nums[0] + nums[1] + nums[2]); }" +4c6f41511b88b7caef0e7144e1e0c3b39668380b,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +}" +71c050673ec847dadb1fe2cc1b08648f106d6cc6,"public int sum3(int[] nums) +{ + int sum = 0; + for (int num : nums) + { + sum += num; + } + return sum; +} +" +26508fe88d8c26027750461f39f16b2abcd02057,"public int sum3(int[] nums) +{ + + return nums[0] + nums[1] + nums[2]; + +} +" +fae916416223982aab5bb256a1a253e7a2682a77,"public int sum3(int[] nums) +{ + return nums.sum(); +} +" +cba8ec5d2777e562b299cd6df2dc7a23b17b3173,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < 3, i++) + { + sum += nums[i]; + } + + return sum; +} +" +3fcc8d0d34d44cccb612b91720ee5d3a87dd5338,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < 3;i++) + { + sum += nums[i]; + } + + return sum; +} +" +16b6a7acfcb3d2dcc305b5ac40a83205a1caa736,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < 3;i++) + { + sum += nums[i]; + } + + return sum; +} +" +d2de5642896d2a5b560f5b0a5ca250f2b452d5c8,"public int sum3(int[] nums) +{ + int sum = 0; + sum = nums[0] + nums[1] + nums[2]; + return sum; + +} +" +c1932248ed0980ba2eef52fd4d08d7638c6cf7ab,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +9c30b2d22d5cbfeb7601238a04a410071887df6a,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +066633ae0d4d5880d6071f93069d5e777f5168b5,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +20c3ddc22b3f3059cf6852aa87ba11c3a1e5fed6,"public int sum3(int[] nums) +{ + return (int[1] + int[2] + int[3]); +} +" +e1ee75521516119dfd0c18ebd6279c7b89d8c46e,"public int sum3(int[] nums) +{ int sum = 0; + for (i = 0; i < 3; i++) + sum = int[i] + sum; + + return sum; +} +" +fcc1f3c3d5e4c8285cb70fdec4ea967939e06161,"public int sum3(int[] nums) +{ + int x = nums.int[1]; + return (int[1] + int[2] + int[3]); +} +" +7a600504617287db2bb90720b920a2d4b14f2a17,"public int sum3(int[] nums) +{ int sum = 0; + for (i = 0; i < 3; i++) + sum = nums[i] + sum; + + return sum; +} +" +a722a1b772403a50e3814b1ceea6ecba0859022f,"public int sum3(int[] nums) +{ int sum = 0; + for (int i = 0; i < 3; i++) + sum = nums[i] + sum; + + return sum; +} +" +564fa6b961dbbed7d740fa739c4f03b80143f028,"public int sum3(int[] nums) +{ + int x = nums[1]; + return (int[1] + int[2] + int[3]); +} +" +58b2f2e33131647dd3d638f1d0bbc22931cce490,"public int sum3(int[] nums) +{ + int x = nums[1]; + int y = nums[2]; + int z = nums[3]; + return (x + y + z); +} +" +8086c37592ca5376375f51125692bbc522a158f9,"public int sum3(int[] nums) +{ + int x = nums[1]; + int y = nums[2]; + int z = nums[0]; + return (x + y + z); +} +" +170c7c493e5457ab582073b07b1372b8362c99c4,"public int sum3(int[] nums) +{ + int[] nums = [1 2 3]; +} +" +dbbd384bb20562ca25a5ffae23da1eeb0ea3b1a6,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +97ae66b043e5397f812782c838ec271319ed9aea,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i : nums) + { + sum = sum + i; + } + return sum; +} +" +7f131923ca649b2fb5c6b8738c3b6963c2f89f55,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + while (i < sum3.length) + { + sum = sum + sum3[i]; + i++ + } + return sum; +} +" +be918149f3e2f255fc1d5e5785250e4d5df4a8db,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + while (i < sum3.length) + { + sum = sum + sum3[i]; + i++; + } + return sum; +} +" +d6720868f746a742c01823398e5acff85a58eeec,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +abe7b8d552564491550f5c651507f49904909556,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + int length = sum3.length + while (i < length) + { + sum = sum + sum3[i]; + i++; + } + return sum; +} +" +d43b80eeb9069b0822ec386f4df37ecc05bc528e,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + int length = sum3.length; + while (i < length) + { + sum = sum + sum3[i]; + i++; + } + return sum; +} +" +bfe1d59661989846c5b916cd46a9bbed35f10ff4,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + int length = nums.length; + while (i < length) + { + sum = sum + nums[i]; + i++; + } + return sum; +} +" +162649ab83608315b92467ef17bf99e58551f421,"public int sum3(int[] nums) +{ + return nums[1] + nums[2] + nums[3]; +} +" +61291ef614547c4eb0d54d32e8b48b1a680c861b,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +3e70e4166e0128f8ca5e27dc67789ffc91148fda,"public int sum3(int[] nums) +{ + return sum3; +} +" +8bdfefa6850188e0994e8a7ddd3126f75c45115f,"public int sum3(int[] nums) +{ + return int[0] + int[1] + int[2]; +} +" +f025e1bd67e177e395e0bf6f474f7f2aa21d736b,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +03bbd5e13e6ad1b8f0cf9a8e65495f858a0d936b,"public int sum3(int[] nums) +{ + return (num [0] + num [1] + num [2]); +} +" +2deaaaa92f9983fc3cf33853cd3494b931c683bf,"public int sum3(int[] nums) +{ + return (nums [0] + nums [1] + nums [2]); +} +" +1f703732e6f54beaab537c26fb88c214284ca6fa,"public int sum3(int[] nums) +{ + int sum = 0; + for (int integer : nums) + { + sum += integer; + } + return sum; +} +" +986daa80c11152330ef068c150fa4e72f5c205da,"public int sum3(int[] nums) +{ + int[] nums = {1, 2, 3}; + return nums; +} +" +6f748590a1329d0df0d8b859719b4cb016dfe5e3,"public int sum3(int[] nums) +{ + int[] nums = {a, b, c}; + return nums; +} +" +4ef4ab592e644141186518d0cfbcd91e9c4ff05b,"public int sum3(int[] nums) +{ + int[] nums = {}; + return nums; +} +" +75423f68a99a9da6019a127bd7c4b3db7a74a14e,"public int sum3(int[] nums) +{ + int[] nums = {a, b, c}; + sum = a + b + c; + return sum; +} +" +66cff34ca11b206c0b8c48bd671c43d25de5eee5,"public int sum3(int[] nums) +{ + int a = 0; + int b = 0; + int c = 0; + int[] nums = {a, b, c}; + sum = a + b + c; + return sum; +} +" +97dcb925d2f191ea99e1ce0ffa3684a827091e68,"public int sum3(int[] nums) +{ + for(int num : nums) + return num+num+num; +} +" +366f8f926fca4b3dc6a5b2ebcbafe5bd5489b74f,"public int sum3(int[] nums) +{ + for(int num : nums) + return num; +} +" +5ee256def945fd680840baef5d0a9bf5f4714404,"public int sum3(int[] nums) +{ + int a = 0; + int b = 0; + int c = 0; + int[] nums = new int[3]; + int[0] = a; + int[1] = b; + int[2] = c; + sum = a + b + c; + return sum; +} +" +fc66339c89f36b55f5aaad2d1ed423097a11b3fa,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +e52962f32879b9a629e8ac95e3118b3ac6cb8eca,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +a1c4bba5446d3308da525ade88a7e79c05bbae4e,"public int sum3(int[] nums) +{ + int a = 0; + int b = 0; + int c = 0; + int[] nums = new int[3]; + nums[0] = a; + nums[1] = b; + nums[2] = c; + sum = a + b + c; + return sum; +} +" +c2e59f8604976ab6063e687858e97e9ff1f30a1a,"public int sum3(int[] nums) +{ + int[] nums = new int[3]; + sum = nums[0] + nums[1] + nums[2]; + return sum; +} +" +807af4f677d9410ce3da0f94d0197313574a912a,"public int sum3(int[] nums) +{ + int[] newnums = new int[3]; + sum = nums[0] + nums[1] + nums[2]; + return sum; +} +" +e3364f8b7f4fd6eb09a7996e20210a41fb357997,"public int sum3(int[] nums) +{ + int[] newnums = new int[3]; + sum = newnums[0] + newnums[1] + newnums[2]; + return sum; +} +" +9f74d0d906351e3a3c5c64acbd2a08793ecdadfe,"public int sum3(int[] nums) +{ + int sum = 0; + int[] newnums = new int[3]; + sum = newnums[0] + newnums[1] + newnums[2]; + return sum; +} +" +2eaba680914e40431092b82c41872ff6496b6503,"public int sum3(int[] nums) +{ + int sum = 0; + int[] newnums = {a, b, c}; + sum = a + b + c; + return sum; +} +" +5d7432d33ad87a907b1948403e9789d1d8186233,"public int sum3(int[] nums) +{ + int a = 0; + int b = 0; + int c = 0; + int sum = 0; + int[] newnums = {a, b, c}; + sum = a + b + c; + return sum; +} +" +a4a4c0a79a6cd99e9d5affb51881b0ffcfcb6467,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < 3; i++) + { + sum += nums[i]; + } + return sum; +} +" +8d0c9b3d27d1f72930664bd985114791a895740f,"import java.util.stream.*; +public int sum3(int[] nums) +{ + int[] a; + a = new int[3]; + a[0] = nums[0]; + a[1] = nums[1]; + a[2] = nums[2]; + int sum = IntStream.of(a).sum(); +} +" +a1be09155db2c228ec6cc4de5576e7bd356d0593,"public int sum3(int[] nums) +{ + int[] a; + a = new int[3]; + a[0] = nums[0]; + a[1] = nums[1]; + a[2] = nums[2]; + int sum = IntStream.of(a).sum(); +} +" +ddc3866298c587c5753a0b133358e5962034ad8d,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +a44b3fbf1953efc55b11fa77efab83533fe105ae,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + return sum; + + +} +" +49231bc4d23e7ac99c00a33c02d8ccd0c2f7b52a,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +1fe3f97d3cdde877f09742a60c97a17799dcc89d,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + int length = nums.length; + while (i < length) + { + sum = sum + nums[i]; + i++; + } + return sum; +} +" +55f3ee69f0e4a7ba22f8c34c0897df52ebc7c136,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +ac791e33437b3b26bd56526f8f1a68c958771022,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +1d6975dfbb63930d51d7cc01e800412eb201cf87,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +93093609ba51169ebba9b1b01ed155e42ae0ed62,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +0c161c0ca7251d55f5e5b770315317e094a26707,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +7879534e21dac2571800e42ac173804859a57ed8,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +99a13f332482e45e01a13c4219f5f9d92bdd55ec,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2] +} +" +dea353e4fa8946278ebcfad2f8039a9f72b55b28,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +878ff7bad60a05dcff1307c30055add30915919c,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +f009f8f8ae555b1de600148f17412b857c9bafa6,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +5dd30c869dc49059697f7edf90861ac222ba14b6,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +d0ab21f3def2f9b404313f989e918945effca197,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +a641c5efbb7e5f53f92580571992aa0a53d6cdf6,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +c18184bdeaf61f35cd121706271d99b66ca69962,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +670ad07b3085d34750b517e797ec049de1af1df5,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +9b805adebb79a2fb014d356e98e62f865826c0b8,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +c7eda1780450e05d5abd79b6528b41f6477e01cd,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +346ee35740408cc7cc866bb37b11716fef3489bd,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +9e14eefdb69b4a73ec4765677a46738ca82cd370,"public int sum3(int[] nums) +{ + return 0; +} +" +b5efaaca79ac15a0459d9426f1315e162a4c5b2c,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +6ed8e936e1368b53ba439e62bade9b55c57d383a,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +23c4f03c6dc236e82e0ec766bf50b4d5d8c04624,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +6144baf284fc8e22ef51dfbd7b97ded424ca6348,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +2d0b1bd387d5ef1e2d6e154daaaf58e8c2bc51b2,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +e975557d13d0d5b4aa905f58f465352113e04e72,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +e04860a8ac9cade0dcc1905e9b11216adffd73c4,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +8ac866197ba1637efad1423a667c3cc88a5d2bde,"public int sum3(int[] nums) +{ + for (int sum3 : nums) + { + sum += nums; + } + return sum; +} +" +96edcb017707c35316e801c13b27d1a7bddfc512,"public int sum3(int[] nums) +{ + int sum = new int; + for (int sum3 : nums) + { + sum += nums; + } + return sum; +} +" +e859a56aeb5c500bfe823622a686b472127dc657,"public int sum3(int[] nums) +{ + int sum = new int; + for (int sum3 : nums) + { + sum += nums; + } + return sum; +} +" +7837c0e43afb8968d0d781286ef08be8a1b422a6,"public int sum3(int[] nums) +{ + int sum; + for (int sum3 : nums) + { + sum += nums; + } + return sum; +} +" +1221833b04c578807c344aa61337c36926a3b808,"public int sum3(int[] nums) +{ + int sum; + for (int sum3 : nums) + { + sum = sum + nums; + } + return sum; +} +" +413e3e16a6d4e18384c5e4689e6b40b0e26d6bba,"public int sum3(int[] nums) +{ + int sum; + for (int sum3 : nums) + { + sum += sum3.get(nums); + } + return sum; +} +" +2a84c95a2074c741074302f8252a56c219927dbb,"public int sum3(int[] nums) +{ + int sum; + for (int sum3 : nums) + { + sum += nums[sum3]; + } + return sum; +} +" +96cc374f55c459228a6b24684478cdfe9a463877,"public int sum3(int[] nums) +{ + int sum= 0; + for (int sum3 : nums) + { + sum += nums[sum3]; + } + return sum; +} +" +012581f9f9d0d1aa5fbdef54d00ff5c8bb2cc230,"public int sum3(int[] nums) +{ + int sum= 0; + for (int sum3 : nums) + { + sum = sum + nums[sum3]; + } + return sum; +} +" +777522c587b9100b407a1caac33730b42f035031,"public int sum3(int[] nums) +{ + int sum= 0; + for (int i : nums) + { + sum = sum + nums[i]; + } + return sum; +} +" +c848092eb33ee4afe72b7b2aa9e53369f5a3db63,"public int sum3(int[] nums) +{ + int sum= 0; + for (int i = 0; i < nums; i++) + { + sum = sum + sum3[nums]; + } + return sum; +} +" +80bd7b62bcf579c0d23c6204a459cb8f40d27abb,"public int sum3(int[] nums) +{ + int sum= 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + sum3[nums]; + } + return sum; +} +" +8df4084a87b609e07bbe165ba60e5ab3b81dc501,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +2fe73c7aa94a23490dfb3913d8e921037bedd4b1,"public int sum3(int[] nums) +{ + int sum= 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +37ea3654b307b36ccba9a98e6ec7bc3420b0a853,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < 3; i++) + { + sum = sum + sum3(i); + } + return sum + +} +" +dfed230bc58520a2cdff4f0fa6d78fbfa1773931,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < 3; i++) + { + sum = sum + sum3(i); + } + return sum; + +} +" +636c472d98487a9ba396f71d553092f5a4ffc5db,"public int sum3(int[] nums) +{ + int answer = nums[0] + nums[1] + nums[2]; + + return answer +} +" +a077ce19e02abbc62a6d5b77e4cc014b0eab04d2,"public int sum3(int[] nums) +{ + int answer = nums[0] + nums[1] + nums[2]; + + return answer; +} +" +7dee3c04f59583eb430b46154b92b9c67fc561bc,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < 3; i++) + { + sum = sum + nums(i); + } + return sum; + +} +" +92e3ccc77968eb13c50ec12f92f660eff047817e,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < 3; i++) + { + sum = sum + nums[i]; + } + return sum; + +} +" +2e6e9ad34cd7048f7fab77f7a0d389731abce6de,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +b4c43b8aea237d6bb7c406224ce4c3160011da29,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +3f98e2a54c98436a6cfb7c6bb6e1ccb486987034,"public int sum3(int[] nums) +{ + int sum = 0; + for (int num : nums) + { + sum = sum + num; + } + return sum; + +} +" +c08b285f89f14e0614689040cfa3748ac7388041,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +d1c938461ba5381ad40c4b01a91b1ad0d5011590,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +93593a0879f6e3fc151ad59d62986a2bc91384f9,"public int sum3(int[] nums) +{ + return (nums(1) + nums(2) + nums(3)) +} +" +049dfcf3eaf4eed9227614070f770be40367c96c,"public int sum3(int[] nums) +{ + return (nums(1) + nums(2) + nums(3)); +} +" +baf361c51f08ccb014700a0ea43eded707d63171,"public int sum3(int[] nums) +{ + return (nums[1] + nums[2] + nums[3]); +} +" +af7b41b5723af0394ba51cccf320ddf92657d26c,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +bfbbe6f5b80f3e6fd1ed2ab4d2c81d3471414e6b,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < sum3.length; i++) + { + sum = sum + sum3[i]; + } + return sum; +} +" +74e3d8039f6a7b1003b66e87a322c59006d7f1f2,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +5abf298b2087e30faaccc4033c2fc0c18df46969,"public int sum3(int[] nums) +{ + return nums[1] + nums[2] + nums[3]; +} +" +dec61c73a7ab031b4a3556806e9ba4441f80aa3f,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +29d19ca88651f5b5137f4b266e2509ca4f0c8dcc,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]) +} +" +3fbcc838ab9cd7a8c3685753d92712d15d5c030a,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +7a7e3bd7841dd042d1de384b58828a9aa3d26ad1,"public int sum3(int[] nums) +{ + int total = nums[0] + nums[1] + num[2] + return total; +} +" +9ce139194cf13b162e6f11b43a3e9ed231ebf42d,"public int sum3(int[] nums) +{ + int total = nums[0] + nums[1] + num[2]; + return total; +} +" +91f9aca6fefe17cedd2c176f7975aca4f003482b,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + num[2]; +} +" +06474949d2fad0fb0e0c7a355ae2c7875e824c4f,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +6295d998c89eb3e0111a109f0106d477cce4fb88,"public int sum3(int[] nums) +{ + return nums[1] + nums[2] + nums[3]; +} +" +1246d82dc38af3da4d77890172a9d1890cc382a1,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +4145f964f00d9e3e49dfed43d026438d93e1d0db,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length ; i++) + { + sum = sum + num[i]; + } + return sum; +} +" +bd4b466a119d5540a99140776e74c4bdf0b8ce53,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length ; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +f71c22a0c62d8ab55e362fb525991b95467f368c,"public int sum3(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.size(); i++) + { + x += nums(i); + } + return x; +} +" +b114192c892559040e707ce7df2ae4c1aa386e1c,"public int sum3(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length(); i++) + { + x += nums(i); + } + return x; +} +" +1cce50e6601e0fbed0ced996943f1c24065425ec,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < 3; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +9176ca529aa426a0b72b3739f0a2341af163f99b,"public int sum3(int[] nums) +{ + sum = 0; + for (int num: nums) + { + sum = sum + num; + } + +} +" +2fe0c57c6ddbcf61a29dbb8ad822e0c6dc70524c,"public int sum3(int[] nums) +{ + sum = 0; + for (int num: nums) + { + sum = sum + num; + } + return sum; +} +" +b3dea82151626dac539555754fabe5c9298fdf84,"public int sum3(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + return sum; +} +" +93785461afe973af0883ab62074ba4f88c1b5a41,"public int sum3(int[] nums) +{ + return sum(nums); +} +" +f019c40dd4229f23033daeee9d5d4784e7789534,"public int sum3(int[] nums) +{ + int sum = 0; + int i = 0; + int length = nums.length; + while (i < length) + { + sum = sum + nums[i]; + i++; + } + return sum; +} +" +e6ac09b624d6b5528ab07396e6c573a6399e5d0a,"public int sum3(int[] nums) +{ + return num[0] + num[1] + num[2]; +} +" +ac418ea820c0ba2e178ec38c700ff18c72f159b6,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +f8725df6a79db81bdd7a083b87f0d8460933ccc3,"public int sum3(int[] nums) +{ + return(nums[0] + nums[1] + nums[2]) +} +" +dcb919fe2317f931536af4c4ae9c6274fa131d98,"public int sum3(int[] nums) +{ + return(nums[0] + nums[1] + nums[2]); +} +" +8f4b1d405270785bc273da772427b1eb2cd2553e,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +8c1b3768eb9c75ba8de51e8946cf5533eedef2bd,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); + +} +" +3dfbdc94002bc4dca8f9b95dcfcd79e8ceb1436b,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i] + } + return sum; +} +" +a991f16fa48453dc9694fa1012c604d5870f783a,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + return sum; +} +" +2bc6224c6d864641adc76e92803ba8b015954d7f,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +9d270e3bbf4571c154189bd5c20100c1f5245b85,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int 1 = 0; i < nums.length; i++) + { + sum = sum + num[i]; + } +} +" +f62095d2ca6bce2a58468ebd63e81c58aacc8e89,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +9be5065a043a80e9ae90d36e6e522255eca2797b,"public int sum3(int[] nums) +{ + sum = 0; + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + } +} +" +2da64270e841ac4f8cc2aaf2a0baa948789fd373,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + sum += nums[i]; + } + return sum; +} +" +7403b7b75ecb86809a7fcabb5854d1f1bec6be46,"public int sum3(int[] nums) +{ + return 0; +} +" +d5587fba280f4e709326b3f263b84eb61ce2b431,"public int sum3(int[] nums) +{ + int sum = nums.getIndex(0) + nums.getIndex(1) + nums.getIndex(2); + + return 0; +} +" +0f70e0753914e3702cb386d90cd273dc1ecf2062,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.getLength; i++) + { + sum = sum + i; + } + + return sum; +} +" +5cff6f73eaf6bad593ce691fc5e0325f3c3fa88b,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.getLength(); i++) + { + sum = sum + i; + } + + return sum; +} +" +0a586c38a16cdaad5c1895a4d8d6f821c9a4d206,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + i; + } + + return sum; +} +" +ee6137eed19d15a098a0172e5e14d4924dada7ef,"public int sum3(int[] nums) +{ + int sum = nums.get(1); + + return sum; +} +" +08fa5ac960d3ab8ef2af29ef9f42e5d116bda6bf,"public int sum3(int[] nums) +{ + int sum = 0; + + for (int number : nums) + { + sum = sum + number; + } + return sum; +} +" +c613fca458cd65fa8fbafb2589624c97cb07b1e2,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i : nums) + { + sum = sum + i; + } + + return sum; +} +" +b4be98c5e3673d2f066efc846babec07349766cf,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +e0dff1e11aef87928169806a1bf3ffe813dc4edc,"public int sum3(int[] nums) +{ + int a = nums(0) + nums(1) + nums(2); + return a; +} +" +0c3349f03125dceaad14dfc92ff2ac944c7a682b,"public int sum3(int[] nums) +{ + int a = nums.get(0) + nums.get(1) + nums.get(2); + return a; +} +" +e20464a8ac2556636abf540af4a07aad02b32aa5,"public int sum3(int[] nums) +{ + int a = nums.getInt(0) + nums.getInt(1) + nums.getInt(2); + return a; +} +" +e46b0370987e551f316e63b04929ce081092371d,"public int sum3(int[] nums) +{ + int a = getInt(nums, 0) + nums.getInt(1) + nums.getInt(2); + return a; +} +" +2cf7f6cc7e807a260d51ba291f15f9326579a979,"public int sum3(int[] nums) +{ + int sum = int[0] + int[1] + int[2]; + return sum; +} +" +24c3fd44c7bbc50bb38faff6b67533acae364bfa,"public int sum3(int[] nums) +{ + int sum = nums[0] + nums[1] + nums[2]; + return sum; +} +" +907b2bd31c2bfe736f08d7284b01f97429cb036b,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +fbadf4ac22ffca60aae37a798cbcbce7d8439222,"public int sum3(int[] nums) +{ + int[3]nums = +} +" +c244356a0c2224dec50d9167b9f83022dbd5ba65,"public int sum3(int[] nums) +{ + sum = 0; + for (int i = 0, i < nums.length, i++) + { + sum = sum + int[i]; + } + return sum; +} +" +c5af2dccc5e23541ca631b22dd5a3b22b19d21a8,"public int sum3(int[] nums) +{ + sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + int[i]; + } + return sum; +} +" +9b6cda86d245ff9cd8e5545de317d814e30f2303,"public int sum3(int[] nums) +{ + sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +3fc93f083084e06b13104855d0c50eb65cb8a65a,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +93fdb64fd9627d6c42716a3d41749ae7cb1996c0,"public int sum3(int[] nums) +{ + return nums[0]+nums[1]+nums[2]; +} +" +0ae1f54f8cb335f3030b961ddda3156f3c02df59,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < 3; i++) + { + sum += int[i]; + } + return sum; +} +" +164873e5996719d7c65cc60de6e7ea57ddc1377f,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < 3; i++) + { + sum += nums[i]; + } + return sum; +} +" +26797267958482ac98ae010ac7a6e4e50d79b6a7,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int i = 1; i <= nums.length; i++) + { + sum = sum + nums[i] + } + return sum; +} +" +696802b81ff07daccad5fcc15e2bfdd44deb6b21,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int i = 1; i <= nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +94ecd1216af5ceb714936e464a5703b72f72e4ee,"public int sum3(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +568b424b0050899cb4c3a60925c40de608046afa,"public int sum3(int[] nums) +{ + int sum = int[0] + int[1] + int[2]; + return sum; +} +" +8ad08bd162a11b4179d7ac66947bd2e449a2bd0c,"public int sum3(int[] nums) +{ + int sum = nums[0] + nums[1] + nums[2]; + return sum; +} +" +9d1856dc3b382d3bae3acfdac80ff76d3fca1efd,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < 3; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +8f6e7605e30a16383a994d02551c1679e4e15e7e,"public int sum3(int[] nums) +{ + int sum = nums[0] + nums[1] + nums[2]; + return sum; +} +" +2ddad869b0deecb56d094c414ebc7d571ca2e9ba,"public int sum3(int[] nums) +{ + return sum3; +} +" +83e659328e8d3faba8c04422f8f6b6c9b4543ebf,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2] +} +" +708073e053068889622d8588b7bec2ceea644404,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +169cbd9e0290835605e6fffb56e30e40c3f0581a,"public int sum3(int[] nums) +{ + return int[1] + int[2] + int[3]; +} +" +2ce2bee2ac3f737e4c8aea8d6a0e5c81c5f180b9,"public int sum3(int[] nums) +{ + return (nums[1] + nums[2] + nums[3]); +} +" +12bedbe0dabd1858a766e65a00cc69317aaed5f2,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +ee330274468d340629fa734c1b5aec7fd435f1c2,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +78c07f974891bb0e56b4913eb67faeb499a4ba78,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +682b17e5f5ebb2a4d9a340191949be19f5101ffd,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + sums[i]; + } + return sum; +} +" +5673d2983f7079a7d946f1a0093b7002b0f84dc7,"public int sum3(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +1adf3211e0dc8526008f6f9eae147bb53e8c51d4,"public int sum3(int[] nums) +{ + return nums.get(0)+ nums.get(1)+ nums.get(2); +} +" +a4d257dcc382bfd9226faacaaae4609d3d4871ab,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +6d8fd8eee7ed205646e8c1269526c578fa9018c3,"public int sum3(int[] nums) +{ + int result = 0; + + for (int i = 0 i < nums.length; i++) + { + result += nums[i]; + } + + return result; +} +" +d2d6ae7c3d68cc2051ff903f9026634c84777771,"public int sum3(int[] nums) +{ + int result = 0; + + for (int i = 0; i < nums.length; i++) + { + result += nums[i]; + } + + return result; +} +" +fb3b878ff7c89e0940c66e22faadec79ac2996e7,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i: int[]) + { + sum = sum + i; + } + return sum; +} +" +33f2c70270ea4f802eecdca601b9e787c29f4aa3,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]) +} +" +5ccb6a9368f03d9a112aff2c4271a806a750e392,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +b41de8cda101d2f47084d3088b08fa7dc8dbab34,"public int sum3(int[] nums) +{ + return math.sum(nums); +} +" +d1c2cdfdbedce14a123930c7e3a88deb3d6a3a81,"public int sum3(int[] nums) +{ + return Math.sum(nums); +} +" +86578b428eb8ca460b44abdb8c4a6536388f13c1,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } +} +" +996e88c3adb2fca5daec22c2ba45a3e33038b8e3,"public int sum3(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + return sum; +} +" +0b9eb5c93b118fc4f20f93897017e792ab856ab7,"public int sum3(int[] nums) +{ + int sum = nums [0] + nums [1] + nums [2]; + return sum; +} +" +a40b6dd94f4e3f0ae05be74f1066bd42e708e78e,"public int sum3(int[] nums) +{ + return int[1] + int[2] + int[3]; +} +" +fa434fd33c63256b45654e53cf8fd582b4f621ed,"public int sum3(int[] nums) +{ + return int[0] + int[1] + int[2]; +} +" +49463b12fbb69cba9058b7f4cf47ff4f9209aea3,"public int sum3(int[] nums) +{ + int sum = int[0] + int[1] + int[2]; + return sum; +} +" +3ddb3c3880b3799dd29a79e6c9534533be6a73a5,"public int sum3(int[] nums) +{ + int sum1 = nums[0]; + int sum2 = nums[1]; + int sum33 = nums[2]; + int sum = sum1 + sum2 + sum33; + + return sum; +} +" +a771ac43042e567d5413849c0dba6c4504a138f1,"public int sum3(int[] nums) +{ + for (i = 0; i < int[].length; i++) + { + int sum += int[i] + } +} +" +9745d31b39433bbeccb4cab2efbbedb60078c156,"public int sum3(int[] nums) +{ + for (i = 0; i < int[].length; i++) + { + int sum += int[i]; + } +} +" +63e72acd817391606c9afa5d4d0dfbe78f55a949,"public int sum3(int[] nums) +{ + for (i = 0; i < int[].length(); i++) + { + int sum += int[i]; + } +} +" +89e6573b94e82f2267c73447e75adea03299c0b6,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2] +} +" +7f89970f2601fd6e0d0fb00bb95257beb40cef84,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +f1f0a6448bfe3ad005796a40633fc50d6ffa6023,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +317847ad7cc64899e9ab277d655f0d7be7c48874,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +609b74bfa427bf2ab66a75c1cf9b7771f47e57e3,"public int sum3(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + x += nums(i); + } + return x; +} +" +8ca1fa8b65d8341322f21f4bb8b9de141b5d276c,"public int sum3(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + x += nums.indexOf(i); + } + return x; +} +" +dd9d468c6c7e745bc9b14cda8f8ca9f27142b80c,"public int sum3(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + x += nums[i]; + } + return x; +} +" +6260e3264bed42fc8a2e40cbfa781cf4170672e2,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +a3f0a3e9057674de8461a521523b79ff133f6bfd,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +f24487bb83894fcd47f56729fd79e20ecdfeedd7,"public int sum3(int[] nums) +{ + int sum = nums[0] + nums[1] + nums[2]; + return sum; +} +" +7fc1ffa7d8fdc3cb3c3dadcb61bc801935a6bfdc,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +6454f055f2ac042a1a29ef031475bd69e14bd8c5,"public int sum3(int[] nums) +{ + int a = nums[0] + nums[1] + nums[2] + return a; +} +" +00c18d8e70759b14c12520f799554a8565eb3193,"public int sum3(int[] nums) +{ + int a = nums[0] + nums[1] + nums[2]; + return a; +} +" +9e077ac93582258bf52c665f6db42ed993570777,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +66d4e3c99cedf05681adf56bd1bd0d162f9a3b14,"public int sum3(int[] nums) +{ + int sum = 0; + for(int num: nums) + sum += num; + return sum; +} +" +73f5812129581e308755fc1f0718e0316e0cb337,"public int sum3(int[] nums) +{ + return (num[0] + num[1] + num[2]); +} +" +f2aac7f5ff174cf1d22caf25d70335fb84ed1b03,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +448bf3609241d43fe8a3e2f6199f48fdbc63d4a3,"public int sum3(int[] nums) +{ +return (nums[0] + nums[1] + nums[2]); +} + +" +324f0ed5e14972fd0c494aafd5b33f21dc3ed204,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +ce5d5d4b63c936ea033d431b14a544a4f9422d8a,"public int sum3(int[] nums) +{ + int[] nums = new int[3]; + return nums; +} +" +10ae6563fb9f8695ece9a6a3108a732f20597e91,"public int sum3(int[] nums) +{ + int sum = (nums(0) + nums(1) + nums(2)); + return sum; +} +" +bbbba987e1dee0bc4e35ee8382b47e1d6cd8f7e2,"public int sum3(int[] nums) +{ + int sum = (nums[0] + nums[1] + nums[2]); + return sum; +} +" +ac0a42dda7c9c4c839b281535b8b7ea488897382,"public int sum3(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +8e02e68161f8a804aa26dae69dc1de494527d4fe,"public int sum3(int[] nums) +{ + int total i = 0; + for (int i = 0; i < 3; i++) + { + total = total + nums[i]; + } + return total; +} +" +9840e9dd750dd5d4388fb917b1afdb8655776e02,"public int sum3(int[] nums) +{ + int total i = 0; + for (int i = 0; i < 3; i++) + { + total = total + nums[i]; + } + return total; +} +" +836a26bf414a38211362a75dcb0b29632753ed6e,"public int sum3(int[] nums) +{ + int total = 0; + for (int i = 0; i < 3; i++) + { + total = total + nums[i]; + } + return total; +} +" +ec5edad90376fe3e90faedc2c746e36e44eb3be6,"public int sum3(int[] nums) +{ + return int[0] + int[1] + int[2]; +} +" +53ac08e1659324f355ac9f64e48fcb03edde00c3,"public int sum3(int[] nums) +{ + return (int[0] + int[1] + int[2]); +} +" +2566b12df68a42a26cec8d85a98577429a8b72bc,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + sums[2]; +} +" +bd12ffb1789a3fe18616de8183d50d0f1cd97244,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +96ee9c92411f25cde91d9e0418dc8c93a8961e61,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +9c3f7e79d9c8ae57641f1c6372b2e1466910ade1,"public int sum3(int[] nums) +{ + int sum = 0; + for (int num : sum3) + { + sum = sum + num; + } + return sum; +} +" +cf7e7f862c255a307aca363effea9b76b4290788,"public int sum3(int[] nums) +{ + int sum = 0; + for (int num : nums) + { + sum = sum + num; + } + return sum; +} +" +105ff31d9c3a6488574f28c4380f5190439a2956,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +1dcfb655c5bc5348bc1ed1c40de462fd9ece1a27,"public int sum3(int[] nums) +{ + return int[1] + int[2] + int[3]; +} +" +d0a49e45f95533cf63b93bd8554d084a1ac081d9,"public int sum3(int[] nums) +{ + return int[1]; +} +" +f112e12874afda4bcc16bd77f1cb8c2d8257f5a5,"public int sum3(int[] nums) +{ + return int(1); +} +" +cd4862bd0758d9eecd581a252a1e2c3ef5bdd426,"public int sum3(int[] nums) +{ + return Arrays.stream(array).sum(); +} +" +f1bbcf7081cb167c9b149075c8b457e7d0a99735,"public int sum3(int[] nums) +{ + return Arrays.stream(nums).sum(); +} +" +e930dbfcddf1aae287088cf2eab9f905736c1c00,"public int sum3(int[] nums) +{ + int sum = 0; + for (int value : nums) { + sum += value; + } + return sum; +} +" +77a6b86fa296551e4dd649f894c7c717e1263c9b,"public int sum3(int[] nums) +{ + return nums[1]; +} +" +493228135ba974a87f4a61f7b45132f14e8e0fb1,"public int sum3(int[] nums) +{ + return nums[1] + nums[2] + nums[3]; +} +" +b1ffd079f8c4294a66e06ad7d2fb2a7a8fbe7344,"public int sum3(int[] nums) +{ + return nums[0] + nums[1] + nums[2]; +} +" +f084fa3c152e2ffd2418b998f0ed49b452883682,"public int sum3(int[] nums) +{ + int sum =0; + for(int i = 0; i= 8 || date >= 8) + { + 2 + } +} +" +ab96d57cdc7fa42d9926ece17247ffe019b00411,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } +} +" +38805cf74544d9e854aa3493126f09abad4b4a51,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 && you !< 2 && date!< 2) + { + return 2; + } + if (you +} +" +3b25ebeb6c206895ac44cbb5c43430c18e0d93aa,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +c948ed16f5d0386ac485fea6dfb9b199b14d41bf,"public int dateFashion(int you, int date) +{ + if ( you !< 2 && date!< 2) + return 0; + else if (you >= 8 || date >= 8 you !< 2 && date!< 2) + { + return 2; + } + else + return 0; +} +" +a9c7d099ac450ab9940c67ed0e765d274df3f0ef,"public int dateFashion(int you, int date) +{ + if ( you !< 2 || date!< 2) + return 0; + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 0; +} +" +d4bb25be814fb0d9e6312c75da21bd3bac31f066,"public int dateFashion(int you, int date) +{ + if ( you !< 2) + return 0; + if ( date!< 2) + return 0; + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 0; +} +" +076b17bed172e216eda672c6f2bfa8864027dd0f,"public int dateFashion(int you, int date) +{ + if ( you < 2) + return 0; + if ( date < 2) + return 0; + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 0; +} +" +318f06656916efe093d9368e03a3d4cb7416b99f,"public int dateFashion(int you, int date) +{ + if ( you <= 2) + return 0; + if ( date <= 2) + return 0; + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 0; +} +" +e3741d1a683ae395dc23218be7e2336b61bd4752,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 1; +} +" +c629c4b7bf3d71e37d37a3d3c9d534e91769becf,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >=8 || date >= 8) + return 2; + return 1; +} +" +38faa17f474f5b7b655162f3106edd2654412dcc,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + else return 1; +} +" +ed7593d76a4372380cd35b51a87816dc36742632,"public int dateFashion(int you, int date) +{ + if((you >= 8 && you>2) || (date >= 8 && date>2)){ + return 2; + }else if (you <= 2 || date <=2){ + return 0; + }else{ + return 1; + } +} +" +89c08eddb03e2fe34081c3118ac31a39d4e513ad,"public int dateFashion(int you, int date) +{ + if((you >= 8 && you>2) && (date >= 8 && date>2)){ + return 2; + }else if (you <= 2 || date <=2){ + return 0; + }else{ + return 1; + } +} +" +8aa11c788a427f8b2e165890c706516cb32a30d3,"public int dateFashion(int you, int date) +{ + if((you >= 8) && (date >= 8)){ + return 2; + }else if (you <= 2 || date <=2){ + return 0; + }else{ + return 1; + } +} +" +667b8bc2e3c61c43f01bbaccc1c38bed7396bdcf,"public int dateFashion(int you, int date) +{ + if((you >= 8) || (date >= 8)){ + return 2; + }else if (you <= 2 || date <=2){ + return 0; + }else{ + return 1; + } +} +" +2aec74bb2db4ee22ce5f9b159fde3dbb5f181e40,"public int dateFashion(int you, int date) +{ + if(((you >= 8) || (date >= 8)) && (you >2 && date >2)){ + return 2; + }else if (you <= 2 || date <=2){ + return 0; + }else{ + return 1; + } +} +" +b6058639adbb23d087c482ef75d4bee1ad1013ce,"public int dateFashion(int you, int date) +{ + while (you >= 8) + { + if (date <= 2) + { + return 0; + } + else + { + return 2; + } + } + while (date >= 8) + { + if (you <= 2) + { + return 0; + } + else + { + return 2; + } + } + return 1; +} +" +3c426cf70c4686413ff4b8bdf71e505b030aaea4,"public int dateFashion(int you, int date) +{ + while (you >= 8) + { + if (date <= 2) + { + return 0; + } + else + { + return 2; + } + } + while (date >= 8) + { + if (you <= 2) + { + return 0; + } + else + { + return 2; + } + } + while (you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +50acaef67880ec42f5ea04777112d1dfa8b99728,"public int dateFashion(int you, int date) +{ + if(you <= 2) + { + return 0; + } + + else if(you >=8 || you<=10) + { + return 2; + } + + return 1; +} +" +fc08a54a29a48b7a7c041140066f7b7a2483b523,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + else if(you >=8 || date<=10) + { + return 2; + } + + return 1; +} +" +6277f1537e05a83ae2e7e010a24b7fac2e09a79b,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + else if(you >=8 || date<=10) + { + return 2; + } + + else if(you>=3 || you<=7 || date>=3 || date<=7) + { + return 1; + } +} +" +a27aaa43759df02ccaab9f6c7bfe065761c44f58,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + else if(you >=8 || date<=10) + { + return 2; + } + + else if(you>=3 || you<=7 || date>=3 || date<=7) + { + return 1; + } + + return 1; +} +" +7ed5511ac27c6de5ff86d4f132e2b566d4f761f4,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + else if(you >=8 || date>=8) + { + return 2; + } + + else if + { + return 1; + } + + return 1; +} +" +cf29972f1bf6aeeba85d196171154fa3a2fed0a1,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + else if(you >=8 || date>=8) + { + return 2; + } + + else + { + return 1; + } + + return 1; +} +" +4fb27b2af8ad606099068364d9d48f1df2bd38eb,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + else if(you >=8 || date>=8) + { + return 2; + } + + else + { + return 1; + } + +} +" +d5b652bdbb2581fd132716fe8b8a28dee956c04c,"public int dateFashion(int you, int date) +{ + if(you <= 2 || data <= 2) + return 0; + if(you >= 8 || data >= 8) + return 2; + else + return 1; +} +" +7406de2457e34b7ede4afc88bf9823f0cb2bb8d4,"public int dateFashion(int you, int date) +{ + if(you <= 2 || data <= 2) + return 0; + if(you >= 8 || data >= 8) + return 2; + else + return 1; +} +" +3a51d29b4b86bc9049215b9b6c1d5395e48dd694,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +abb7b2cb89b01e02598f761751742c7094a3cb89,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 2) || (you >= 2 && date >=8)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +b7d1d92a5a400e081d91aab985f4cd575f1ddbd8,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2) || (you > 2 && date >=8)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +afaf612ed3535d4de5bd088c7f2e2e8b80fd442e,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) { + return 0; + } + else if (you > 7 || date > 7) { + return 2; + } + else { + return 1; + } +} +" +924159ce55906a4745658141f6980d2ec6b43393,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +e4d5cc19f740355c6a583590ee62096f3807160c,"public int dateFashion(int you, int date) +{ + if (you>=8 || date >=8) + { + return ""yes""; + } + else if (you<=2 || date<=2) + { + return ""no""; + } + else + { + return ""maybe""; + } +} +" +230c0153ff9abd7d57bc970a1fea92d599dab2b1,"public int dateFashion(int you, int date) +{ + if (you>=8 || date >=8) + { + return ""2""; + } + else if (you<=2 || date<=2) + { + return ""0""; + } + else + { + return ""1""; + } +} +" +22e6df63907a59a31287938468103cea1eee8f03,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return ""2""; + } + else if (you <= 2 || date <= 2) + { + return ""0""; + } + else + { + return ""1""; + } +} +" +a9a7ee0ab8baae301567357954e42ea7a23846a3,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +c85dce82d12eda2a03d92f2147c38f3e2ae35ab7,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +66ed5751cb8917dbf9102e21fb840dbeada28331,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +442285b363e1f98efe9a64c98d939a8a8451e148,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +a0493486f2d253cb412c3d3ba424771101918609,"public int dateFashion(int you, int date) +{ + return (you, date); +} +" +ffcce15ccf05667d29081ac72ff3dcd37e152ded,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +97a4e09135af67bfdc9434bdf6fc554f63b322cb,"public int dateFashion(int you, int date) +{ + if( you >= 8 || date>= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +56b659d775f80f84d9d319ca5a4f15630452acaa,"public int dateFashion(int you, int date) +{ + if( you >= 8 || date>= 8 && you >=2 && date >=2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +0deedc7a35c0ea84959a34dc8a9157eb27b16858,"public int dateFashion(int you, int date) +{ + if( you >= 8 && date>= 8 && you >=2 && date >=2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +b4e6fe4a3c16ba9dc12fb0981aaa56ad70e7abed,"public int dateFashion(int you, int date) +{ + if(you <=2 || date <=2) + return 0; + else if (you <= 8 || date <= 8) + return 2; + else + return 1; +} +" +c3d4f2f959e82b46c6d964be5b194ef3213601c1,"public int dateFashion(int you, int date) +{ + if(you <=2 || date <=2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +966ebcd73f63567f13897887911d43f57f3ffe21,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + + else + { + return 1; + } +} +" +1d55aabc82aa16a4b9ec00720ddf0d0d1357a6a9,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + return 0; + else + return 2; + } + else + return 1; +} +" +1aea4ff7fb755d4b376d152470bacc7d2e9c6f1a,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 1; +} +" +07e665b180d57d43fdef65969f94ae6d245a3222,"public int dateFashion(int you, int date) +{ + if (dateFashion <=2) + return 0; + else if (dateFashion <= 10) + return 2; + else + return 1; +} +" +8fd3f9af4b3224574401ece12deb82d5bc28383d,"public int dateFashion(int you, int date) +{ + if (you <=2 && date <=2) + return 0; + else if (you <=8 && date <=8) + return 2; + else + return 1; +} +" +f45d74c521f6be516e368932ec0e90640f82330d,"public int dateFashion(int you, int date) +{ + if (you <=2 && date <=2) + return 0; + else if (you <=8 && date <=8) + return 2; + else if (you <=10 && date <=10) + return 2; + else + return 1; +} +" +b3b768ce3a6b6d69f3374523734439febe0cc130,"public int dateFashion(int you, int date) +{ + if (you <=2 && date <=2) + return 0; + else if (you >=8 || date >=10) + return 2; + else + return 1; +} +" +c0047c2a7e25491329ad07448c9adcf66a630600,"public int dateFashion(int you, int date) +{ + if (you <=2 && date <=2) + return 0; + else if (you >=8 || date >=8) + return 2; + else + return 1; +} +" +ad33038dabc76a2cacda3444b8846816670e2e00,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + return 0; + else if (you >=8 || date >=8) + return 2; + else + return 1; +} +" +d99afddba3266ba735a7cc7a11923b28ca556654,"import java.util.*; + +import java.lang.*; + +import java.io.*; + +class Solution + +{ + +public int dateFashion(int you, int date){ + +if(you <= 2||date<=2) + +{ return 0; + +} + +if(you >= 8||date>=8) + +{ + +return 2; + +} + +else + +{ + +return 1; + +} + +} + +public static void main (String[] args) throws java.lang.Exception + +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + +} + +} + +ONLY FUNCTION + +public int dateFashion(int you, int date){ +if(you <= 2||date<=2) +{ return 0; +} +if(you >= 8||date>=8) +{ +return 2; +} +else +{ +return 1; +} +} + +" +59f37025c25b67b5b1a3c4ea82e20f1a11be56da,"public int dateFashion(int you, int date) +{ + if (you > 8 || date > 8) + return ""2""; + else if (you <= 2 || date <= 2) + return ""0""; + else + return ""1""; +} +" +598a6d7b028e5789aee02b8a9fbe935b76f50d3a,"public int dateFashion(int you, int date) +{ + if (you > 8 || date > 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +c8c28a5fb03102556e15e5960b72981064388692,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you > 8 || date > 8) + return 2; + return 1; +} +" +5f1c0dd11b4291b03f6b6a333c40972b10048e16,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +f5f7cee017babbadb00b30b97764d4d63d0f0f50,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +5d2f1c2844a84057b0a52062356691fc71d23891,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +9c497388d32d239383ebbadd089bcf2aeb3e80f1,"public int dateFashion(int you, int date) +{ + +if(you <= 2||date<=2) + +{ return 0; + +} + +if(you >= 8||date>=8) + +{ + +return 2; + +} + +else + +{ + +return 1; + +} + +} + +public static void main (String[] args) throws java.lang.Exception + +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + +} + +} + +ONLY FUNCTION + +public int dateFashion(int you, int date){ +if(you <= 2||date<=2) +{ return 0; +} +if(you >= 8||date>=8) +{ +return 2; +} +else +{ +return 1; +} +} + +" +f46547114dcc9d4e5f91cc53273c54e78024d895,"public int dateFashion(int you, int date) +{ + +if(you <= 2||date<=2) + +{ return 0; + +} + +if(you >= 8||date>=8) + +{ + +return 2; + +} + +else + +{ + +return 1; + +} + +} + +public static void main (String[] args) throws java.lang.Exception + +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + +} + +} + +public int dateFashion(int you, int date){ +if(you <= 2||date<=2) +{ return 0; +} +if(you >= 8||date>=8) +{ +return 2; +} +else +{ +return 1; +} +} + +" +3365ed6861e27d0bc61f17a8f5467f5ecb7e6843,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +public static void main (String[] args) throws java.lang.Exception +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + +} + +} + +public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} + +" +20731c1b382d2d400b0974024d5d033660068b7e,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +public static void main (String[] args) throws java.lang.Exception +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + +} + +} + +" +e574509a2f85db4f5764cec1d9896da5624104c5,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +public static void main (String[] args) throws java.lang.Exception +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + +} + +}" +e2d511173c5b40579f02392ac6191d11e65a1d49,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +public static void main (String[] args) throws java.lang.Exception +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + + } +}" +de0e6ed50f94265e0e3b05ba3d1724ea39343227,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +public static void main (String[] args) throws java.lang.Exception +{ + +Solution s = new Solution(); + +System.out.println(s.dateFashion(5,10)); + +System.out.println(s.dateFashion(5,2)); + +System.out.println(s.dateFashion(5,5)); + + } +" +9b49ef9ac73f79658422445c5002c8c973f3f09e,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { + return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +}" +dcd41a9bfb7291e3c4310d1c4d5ec60eade730b9,"public int dateFashion(int you, int date) +{ + if ( you < 3 || date < 3) + { + return 0; + } + else if ( you > 7 || date > 7) + { + return 2; + } + return 1; + +} +" +5ea3302041cf6c215db2985a4ef8e294fb98ddf4,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +5aec843640ea0bcee515d396e8822d69554af8b5,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date > 2) + { + return 2; + } + else + { + return 0; + } + } + else if (date >= 8) + { + if (you > 2) + { + return 2 + } + else + { + return 0 + } + } + else + { + return 1 + } +} +" +a289b1e86dedbb1805833948bcbb666f3a9727a8,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date > 2) + { + return 2; + } + else + { + return 0; + } + } + else if (date >= 8) + { + if (you > 2) + { + return 2; + } + else + { + return 0; + } + } + else + { + return 1; + } +} +" +1dd6551fb19276b676d4fa7f39d6dec9d99d05c0,"public int dateFashion(int you, int date) +{ + if (you > 2) + { + if (date >= 8) + { + return 2; + } + else + { + return 1; + } + } + else if (date > 2) + { + if (you >= 8) + { + return 2; + } + else + { + return 1; + } + } + else + { + return 0; + } +} +" +8ab89bc44cc9946d198978768abf19b1d6b9121d,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + } +} +" +420f655df5a90b0ad09645ff0d5e79bed1c56c3b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + + if (you <= 2 || date <= 2) + { + return 0; + } + + else + { + return 1; + } + +} +" +041786e867b93e0a45bc5fc1ec3e09a0a62e1bf7,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + if (you <= 2 && date <= 2) + { + return 0; + } + + else + { + return 1; + } + +} +" +264c8ae235412d1051c43f00b977c44b248332d6,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + + if (you <= 2 || date <= 2) + { + return 0; + } + + else + { + return 1; + } + +} +" +7727f1f0514bd22ae75a4c2dcb7317a99661399e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + + if (you >= 8 || date >= 8) + { + return 2; + } + + else + { + return 1; + } + +} +" +2428719a0cd53a5bff48e1e6a647a441d518366d,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +c711935bc0e519a282db504157d1cff3e38db548,"public int dateFashion(int you, int date) +{ + int val = 0; + if ( you <= 2 || date <= 2) + { + val = 0; + } + else if (you >= 8 || date >= 8) + { + val = 2; + } + else + { + val = 1; + } + return val; +} +" +cfa3a37efc4e9e74e4a3f9145549dad59b31a7eb,"public int dateFashion(int you, int date) +{ + if (date > 7 || you > 7) { + return 2; + } else if (date < 3 || you < 3) { + return 0; + } else { + return 1; + } +} +" +5ee8d81649ac050655b51bea783b61e9e70a4580,"public int dateFashion(int you, int date) +{ + if (date < 3 || you < 3) { + return 2; + } else if (date > 7 || you > 7) { + return 0; + } else { + return 1; + } +} +" +43ce835e61764ddc6cdc2e557fa8735efa58b0dc,"public int dateFashion(int you, int date) +{ + if (date < 3 || you < 3) { + return 0; + } else if (date > 7 || you > 7) { + return 2; + } else { + return 1; + } +} +" +f7fced45de32aa7f98e7f17a57bde9de32b0418b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else return 1; +} +" +57157e6201022ca737a3642924447e4e27104220,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else return 1; + if (you <= 2 || date <= 2) + { + return 0; + } + else return 1; +} +" +6ec6d9877eb78e979402a2c8b9d1350d5e1d6602,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else return 1; +} +" +64f30ae5d504f1474c6f58a6716aeea2b8df4f47,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else return 1; +} +else +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else return 1; +} +" +cc66fcc2ab4033b812f9f3be693befa7c14752fd,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } +else + { + if (you <= 2 || date <= 2) + { + return 0; + } + else return 1; +} +" +3afe46130b4f698f3c69ebe9d608dab5282cc0f4,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 2) + || (you >= 2 && date >= 8)) + return 2; + else if ((you >= 2 && you <= 8) + && (date >= 2 && date <=8)) + return 1; + else + return 0; + + +} +" +c2d0b7456b0c02e90c980b2fafc5cb3349cc834e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } +else + { + if (you <= 2 || date <= 2) + { + return 0; + } + else return 1; +} +} +" +17602dbe61e9935089edb5fa28c478bfd83fab02,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2) + || (you > 2 && date >= 8)) + return 2; + else if ((you >= 2 && you <= 8) + && (date >= 2 && date <=8)) + return 1; + else + return 0; + + +} +" +18f18d786035646539de1c8be3d50a7bda79019f,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2) + || (you > 2 && date >= 8)) + return 2; + else if ((you > 2 && you < 8) + && (date > 2 && date < 8)) + return 1; + else + return 0; + + +} +" +f2bdda8787e490dc9f1f14ff103e16aa2373fa23,"public int dateFashion(int you, int date) +{ + int getTable = 0; + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + getTable = 0; + } + else + { + getTable = 2; + } + } + else + { + getTable = 1; + } +} +" +8efa0401b87ef92c5d3b7e60620b998e9b86706c,"public int dateFashion(int you, int date) +{ + int getTable = 0; + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + getTable = 0; + } + else + { + getTable = 2; + } + } + else + { + getTable = 1; + } + return getTable; +} +" +03c66770f3dc28a9ebf6154b62e38d83a5168c62,"public int dateFashion(int you, int date) +{ + int getTable = 0; + if (you <= 2 || date <= 2) + { + getTable = 0; + } + else if (you >= 8 || date >= 8) + { + getTable = 2; + } + else + { + getTable = 1; + } + return getTable; +} +" +d81645234888a0f74c88d855d371347cb5815dbc,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return ""0"" +} +" +2a3151468cc8abcf39fc6c352794b2428bacc1bc,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return ""0""; +} +" +1594f84356ad2b7a8cc8451119171fa2a38543e7,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; +} +" +180fd267af2c657889c4120bde4c673446ce14a2,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +fba5b8db6b91fad9a80b04e5a1931dd19f428477,"public int dateFashion(int you, int date) +{ + if (((you >= 8 || date >= 8) && (!(you <= 2) || + !(date <= 2)) + return 2; + +} +" +fd6f9145e46a9cc481ee64ff9fdc4f9766bc8aaf,"public int dateFashion(int you, int date) +{ + if (((you >= 8 || date >= 8) && (!(you <= 2) || + !(date <= 2)) + { + return 2; + } + +} +" +0042683e17b75baed299955d9c3d38718d91cd78,"public int dateFashion(int you, int date) +{ + if (((you >= 8 || date >= 8) && (!(you <= 2) || + !(date <= 2))) + { + return 2; + } + +} +" +b7cc6fd693962114d1486ea8aa79f661f3c46ae7,"public int dateFashion(int you, int date) +{ + if (((you >= 8 || date >= 8) && (!(you <= 2) || + (!(date <= 2))) + { + return 2; + } + +} +" +d5bf9c0fc1ff766ab94112912297c542ebdd41a2,"public int dateFashion(int you, int date) +{ + if (((you >= 8 || date >= 8) && (!(you <= 2) || (!(date <= 2))) + { + return 2; + } + +} +" +66bb84bf67f9440f6f2fbaa68334e4d03bb872e1,"public int dateFashion(int you, int date) +{ + if (you >= 2 && date >= 2) && (you >= 8 || date >= 8)) + return 2; + if (you >= 2 && date >= 2) && !(you >= 8 || date >= 8)) + return 1; + return 0; +} +" +532a012b0ec202d27262b383dc13089aef7e1e3b,"public int dateFashion(int you, int date) +{ + if ((you >= 2 && date >= 2) && (you >= 8 || date >= 8)) + return 2; + if ((you >= 2 && date >= 2) && !(you >= 8 || date >= 8)) + return 1; + return 0; +} +" +c64c9e9c0a786ef3732a68209a390d30d8284fd4,"public int dateFashion(int you, int date) +{ + if ((you >= 2 || date >= 2) && (you >= 8 || date >= 8)) + return 2; + if ((you >= 2 || date >= 2) && !(you >= 8 || date >= 8)) + return 1; + return 0; +} +" +d05033e87f7c69fecd9b80971a9c8436459a5e7f,"public int dateFashion(int you, int date) +{ + if ((you >= 2 && date >= 2) && (you >= 8 || date >= 8)) + return 2; + if ((you >= 2 && date >= 2) && (you <= 8 && date <= 8)) + return 1; + return 0; +} +" +05b96a0f373dcddfd5176a9b7f9739c7a9e53b33,"public int dateFashion(int you, int date) +{ + if ((you >= 2 && date >= 2) && (you >= 8 || date >= 8)) + return 2; + if (you <= 2 || date <= 2) + return 0; + return 1; +} +" +e9737b47aa2785d94391a8b794a530ebfdc93b1f,"public int dateFashion(int you, int date) +{ + if ((you > 2 && date > 2) && (you >= 8 || date >= 8)) + return 2; + if (you <= 2 || date <= 2) + return 0; + return 1; +} +" +abb87707c787489c906f4db908f45b9cdb0f9564,"public int dateFashion(int you, int date) +{ + if (you > 8 || date > 8) && (you > 2 && date > 2) + { + return 2; + } + else if (you <= 2 || date <= 0) + { + return 0; + } + else + return 1; +} +" +3a81ea0a7061f87d017c34a03a0801fd63abf2cb,"public int dateFashion(int you, int date) +{ + if ((you > 8 || date > 8) && (you > 2 && date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + return 1; +} +" +045411de25d9082c7c3fd1720970a215d2434939,"public int dateFashion(int you, int date) +{ + if (you>=8 && date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +237e4c4c337a6ea5141f1ca270f337909f963089,"public int dateFashion(int you, int date) +{ + if (you>=8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +3a03f9980c2c619310b8857aa8ffa4fdc9339fea,"public int dateFashion(int you, int date) +{ + if (you>=8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +a1d5d8a5a2bff90d46b595bb5fd07fc57835434c,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +12d061741325e68ba6db8a3e69c571a5c3a8b799,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 2; + } + else if ((you >= 8 || date >= 8) + { + return 0; + } + else + { + return 1; + } +} +" +e0ea07bff2dc875c2bf583b10422489f37c218af,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + return 0; + } + else + { + return 1; + } +} +" +2b322a93bb4e854077000fc9d6526c345c67ad15,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +8960be183b4e3f7c604b4e47c01a25764a81f550,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +ef10c9dc0af04416c369710cfffed187391ad5e5,"public int dateFashion(int you, int date) +{ + if (you > 7 || date > 7) + return 2; + else if (you < 3 || date < 3) + return 0; + else + return 1; +} +" +81446c31d1a28645c87a8f8a47489c6838919b65,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + return 0; + else if (you > 7 || date > 7) + return 0; + else + return 1; +} +" +3a48b87665ecbdca8c8ed695645c1057baa39bd6,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + return 0; + else if (you > 7 || date > 7) + return 2; + else + return 1; +} +" +236c5ca317213286170fc5e977258d55c4544df8,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } +else + { + if (you <= 2 || date <= 2) + { + return 0; + } + else return 1; +} +} +" +242a5b9c26cfc869f1fe68c49ab14af4a6b20ab7,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) + return 2; + if (date >= 8 && you > 2) + return 2; + if (date <= 2) + return 0; + if (you <= 2) + return 0; + else + return 1; +} +" +db9bf69ddaa82a2799d6892cfa7fe0304a1ad783,"public int chance; + +public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + { + chance = 2; + } + else if (you >= 2 || date >= 2) + { + chance = 0; + } + else + { + chance = 1; + } + return chance; +} +" +b384ebe70dda38429b9a732cfb5651711d84357c,"public int chance; + +public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + return chance; +} +" +dd5f94c79afd5a94347e27cdc0eb62e6daf97d28,"public int chance; + +public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + { + chance = 2; + } + else if (you <= 2 && date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + return chance; +} +" +6f4b7f83e373a80fe447445ec3e338e8039047bb,"public int chance; + +public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + return chance; +} +" +20974c433a3aed55b32aeba13a6341b82cc78e45,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else { return 1; } + if (!(you <= 2 || date <= 2) && (you >= 8 || date >= 8) + { + return 2; + } + else { return 0; } +} +" +c4534c7eade1a5d7b6556ef1414db95aa1ad0ee6,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else { return 1; } + if (!(you <= 2 || date <= 2) && (you >= 8 || date >= 8)) + { + return 2; + } + else { return 0; } +} +" +f9508b4bac8df648f2aeb3061312ea9e409b6a4b,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else { return 1; } + if ((you >= 8 || date >= 8) && !(you <= 2) && !(date <= 2)) + { + return 2; + } + else { return 0; } +} +" +5102fa40920729515c61f65642c7de23fa643693,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else { return 1; } + if ((you >= 8 || date >= 8) && !(you <= 2) && !(date <= 2)) + { + return 2; + } + else { return 0; } +} +" +deff7a2726a3f057d60b3c1018ad43c3118a10be,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + if (you >= 8 || date >= 8) + { + return 2; + } + else return 1; + } + else return 1; +} +" +c84a469caaff8b6deee7dcd4974ac600deb0dcdd,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you <= 8 || date >= 8) + { + return 2; + } + return 0; + else return 1; + } + else + { + return 1; + } +} +" +4135061d191be9d056cfbccf40a1bbeec19233e3,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you <= 8 || date >= 8) + { + return 2; + } + return 0; + } + else + { + return 1; + } +} +" +70c90697a414f74c3c08c355cd9bc223f383fa98,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you <= 8 || date >= 8) + { + return 2; + } + return 0; + return 0; + } + else + { + return 1; + } +} +" +efba22d7b8762964ec4e8513290caf6579693bd6,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you <= 8 || date >= 8) + { + return 2; + } + } + return 0; + else + { + return 1; + } +} +" +bc826d7f613bb6933a9eca6e2afbafdee7203ff8,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you <= 8 || date >= 8) + { + return 2; + } + else return 1; + } + else + { + return 1; + } +} +" +ad3ffa230eaff6da3e748b540a09ec08c89ae661,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you <= 8 || date >= 8) + { + return 2; + } + else return 0; + } + else + { + return 1; + } +} +" +278b159555d48da0df1c625819afc21068a415b9,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +754c2c81f5240889c45781aa42c12cb3d5970f48,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + if ((you >= 8 || date >= 8) && !(you <= 2 || date <= 2)) + { + return 2; + } + else + { + return 1; + } +} +" +8903056cea5103d818c01504b10ecf579220e373,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + if ((you >= 8 || date >= 8) && !(you <= 2) && (date <= 2)) + { + return 2; + } + else + { + return 1; + } +} +" +1c5aa3887119d1c9b9aa5d2f33b2cd36749c4f81,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + if ((you >= 8) || (date >= 8) && !((you <= 2) && (date <= 2))) + { + return 2; + } + else + { + return 1; + } +} +" +0d6a480aabe843b181b0f6cad4aa90d7826dde0a,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + if (you >= 8) || (date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +3267c89838f18ff05ec862ded17f08200dae111d,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + if (you >= 8) || (date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +9c6f2ce0d4be5bbd16d4c467de98c430822d923c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + if (you >= 8) || (date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +db79f18d84dc20eb78f49d9276f4e232f2adeec6,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +f62ea0ee5bbbac4e46fde337a4628dbdf6d22196,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + } +} +" +b0ffcd1af97d18c150723f448268fb0b546f1360,"public int dateFashion(int you, int date) +{ + if(you < 3 || date < 3) + return 0; + else if(you > 8 || date > 8) + return 2; + return 1; +} +" +41fbb0ec3f09d19d78c9bae81f5a75e31cf74218,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 1; + } + else + { + return 0; + } +} +" +3bfb3ae26ec39cb8f053b3dbc8b4b0aada314a41,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 1; + } + else + { + return 1; + } +} +" +b6541aae5e7a533d805a3e9f2f99eff53e3d874b,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +b06e824d2e7d351fdce318182fef0046a3747aee,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >=8 || date <=8) + return 2; + return 1; +} +" +bd140f3c6890ebdbfb4c11fd79c7d584862dada1,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >=8 || date >=8) + return 2; + return 1; +} +" +9dac04bb2f7fda8903e5bfb22db24be22b58edc6,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +8b9144f93c9214b17e38444f2981e7182f1c8fb9,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + return 0; + if ( you >= 8 || date >= 8) + return 2; + else + return 0; + +} +" +1246e86f7ac0b82295023b3b8f5e78f2f064990b,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + return 0; + if ( you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +0afa2f7feed6eba44970cad4c4d7de5eb018b5eb,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 9) + return 2; + else if (you <= 2 || date <= ) + return 0; + else + return 1; +} +" +3e4b785d3d538cf21bac8ba370f7d66874fa7b70,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 9) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +c42c2838f00a92b4e47b6421d8b0166fe4636b19,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 9 && you !<= 2 && date !<= 2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +5ed08576d533531ad94ee58f88080fa7387342e2,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date !<= 2 || date >= 8 && you !<= 2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +53a35370f747f8db47a2c12dc89842642f7c7583,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date ~<= 2 || date >= 8 && you ~<= 2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +6a2ff589b2e97b94f515d8a85502b0bff09723f5,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date !<= 2 || date >= 8 && you !<= 2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +dd5e895d17bfda897c58c5853a2d79ddc23e1781,"public int dateFashion(int you, int date) +{ + if ((you >= 8) && (date !<= 2) || (date >= 8) && (you !<= 2)) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +ce1d77ef04db71a3f22e892b4c5af12860cc109d,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date !<= 2) + return 2; +} +" +f501a5e1a36f48b7d03fdc6c68c8f7fb9d5c359b,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date !<= 2); + return 2; +} +" +9a8e19cf22353a43a8bdf8d69323e6236fbe76db,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date <= 2) + return 2; +} +" +dcd906f645aa30cad0a6e54e82d153e6af83d365,"public int dateFashion(int you, int date) +{ + if (you >= 8 && !date <= 2) + return 2; +} +" +1fe6d509db695cc2e9b60567d18476f82bc4b682,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date = 8 && date !<= 2) + return 2; +} +" +77ce7969d9212a12143e5dd4b6c96b29ee04a0d9,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date = 8 && date > 2) + return 2; +} +" +7c1e598a08b27491eccb147cfa783169e04c01d4,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) + return 2; + else if (date >= 8 && date you > 2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +92bb955bcf7ffe9e940f52d086e3e6c90ac7ada2,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) + return 2; + else if (date >= 8 && you > 2) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +7ccd160da42b775254477045699a8be0b1a7e3ea,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2) { + return 0; + } + else { + return 1; + } + +} +" +5effc429b439722407b9c70c9e6e23a26bb2e586,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + else if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } + +} +" +2d0f37bcbf3447b77b78455879c87e43731309e1,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } + +} +" +d5da30a707fb150860db1bb1f1e9c6b9c0486844,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +b24586d584ce2011e6c6f949b270b96c73362dbb,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + return 1; +} +" +7579e4974ca18a47a5a207887bbaa2d5aeb94854,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +dea370a4dbbf286b57d6431cb54cca6fe02f7d91,"public int dateFashion(int you, int date) +{ + int x = 0; + if (you >= 8 || date >= 8) + { + return = 2; + } + else if (you <= 2 || date <= 2) + { + return = 0; + } + else + { + return = 1; + } +} +" +0ee61412e3a2c1866bea14c58469bab4f45ee1b9,"public int dateFashion(int you, int date) +{ + int x = 0; + if (you >= 8 || date >= 8) + { + x = 2; + } + else if (you <= 2 || date <= 2) + { + x = 0; + } + else + { + x = 1; + } + return x; +} +" +088203241c3c800394ad330068dc35da2527a57c,"public int dateFashion(int you, int date) +{ + int x = 0; + if (you >= 8 || date >= 8) + { + x = 2; + } + if (you <= 2 || date <= 2) + { + x = 0; + } + else + { + x = 1; + } + return x; +} +" +b7915efd4a8415e41f0508d95e9796f3873a3c4d,"public int dateFashion(int you, int date) +{ + int x = 0; + if (you >= 8 || date >= 8) + { + x = 2; + } + else if (you <= 2 || date <= 2) + { + x = 0; + } + else + { + x = 1; + } + return x; +} +" +e804d3ce675e731d0836ad0b3eba16dfbda79901,"public int dateFashion(int you, int date) +{ + int x = 0; + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + x = 0; + } + else + { + x = 2; + } + } + else if (you <= 2 || date <= 2) + { + x = 0; + } + else + { + x = 1; + } + return x; +} +" +6b7a6cf061b2d0b825b7f6750333ef036fb05ae2,"public int dateFashion(int you, int date) +{ + if ( you >= 8 && you<= 10 || date >= 8 && date<= 10) + { + return 2; + } + if ( you >= 0 && you<= 2 || date >= 0 && date<= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +1f7210290d7a0d4dcf1ecf47816d86de16a3e008,"public int dateFashion(int you, int date) +{ + if ( you >= 8 && you<= 10 || date >= 8 && date<= 10) + { + return 2; + } + else if ( you >= 0 && you<= 2 || date >= 0 && date<= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +8602056f894fe6e172606f082816b3a3e97d6f5f,"public int dateFashion(int you, int date) +{ + if ( you >= 0 && you<= 2 || date >= 0 && date<= 2) + { + return 0; + } + if ( you >= 8 && you<= 10 || date >= 8 && date<= 10) + { + return 2; + } + + else + { + return 1; + } + +} +" +e1de956368c382571513e12cb11a2cd4a52a104a,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8) + { + result = 2; + } + else if (you <= 2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + return result; +} +" +36faffbbb9bed6f322afa26e97fb246a591891af,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you <= 2 || date <= 2) + { + result = 0; + } + else if (you >= 8 || date >= 8) + { + result = 2; + } + else + { + result = 1; + } + return result; +} +" +4b155ecf0aaf2dd0a8d8c9a7ddd023afd1ed4e16,"public int dateFashion(int you, int date) +{ + int chance = 0; + if (you > 7 || date > 7) + { + + } + else if +} +" +15dad0c8fb6e8559930574171ad87b830a144c56,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 && date <= 2) + return 0; + else + { + return 1; + } + return 1; + +} +" +581e392fa23f01a620397a7ace5fb4211093bdf3,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 && date <= 2) + { + return 0; + } + else + { + return 1; + } + return 1; + +} +" +a51dc2072e68c03f86d0cde1b171c13dadddbfb9,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 && date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +a857e16a0287d3a64acac79d32051a1778327656,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + return 0; + } + else + { + return 1; + } + +} +" +d2ba7fc7c0ec88fdabac8130e4ec9e68b2b2eb74,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +f17075afe8b14a527874c1edf860f89632c3f8af,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you <= 2) || (date <= 2)) + { + return 0; + } + else if ((you >= 8) || (date >= 8)) + { + return 2; + } + else + { + return 1; + } +} +" +abcbfe489a86a30d832f3c5a8fa4e8f14a0ecf06,"public int dateFashion(int you, int date) +{ + int chance = 1; + if (you > 7 || date > 7) + { + if (you < 3 || date < 3) + { + chance = 0; + } + chance = 2; + } +} +" +ca554662617b94cd25451ee2f4e7e839e9b3dc5f,"public int dateFashion(int you, int date) +{ + int chance = 1; + if (you > 7 || date > 7) + { + if (you < 3 || date < 3) + { + chance = 0; + } + chance = 2; + } + return chance; +}" +5f3fab3e4aec004dff296155aeb11b4a9243756b,"public int dateFashion(int you, int date) +{ + int chance = 1; + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + chance = 0; + } + chance = 2; + } + return chance; +}" +58f5c97335937b8ef4a99b28b64262f8caafb24b,"public int dateFashion(int you, int date) +{ + int chance = 1; + if (you >= 8 || date >= 8) + { + chance = 2; + if (you <= 2 || date <= 2) + { + chance = 0; + } + } + return chance; +}" +d765a566ad041e2e7b39524069de08be660114cb,"public int dateFashion(int you, int date) +{ + int chance = 1; + if (you >= 8 || date >= 8) + { + chance = 2; + if (you <= 2 || date <= 2) + { + chance = 0; + } + } + if (you <= 2 || date <= 2) + { + chance = 0; + } + return chance; +}" +425b6c81af7cf69c250335ad9db562d086fac30f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0 + } + + return 2 + } + else + { + return 1 + } +} +" +0ef6cce4d61b6db7d2b072dc030029addcd77d7e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + + return 2; + } + else + { + return 1; + } +} +" +db821faa8bdf5c950a61ff2c5be70eae9a7316bf,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + if (you >= 8 || date >= 8) + { + return 2; + } + + return 0; + } + else + { + return 1; + } +} +" +0549358a8da7b317cf2ded323a167d7c2ea4fd88,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +0dfb3f7c54fc48618d3aab13e1992819990b6c7b,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you <= 2 || date <= 2)){ + return(0); + }else{ + if(you >= 8 || date >= 8){ + return(2); + }else{ + return(1); + } + } +} +" +6ddf44a385e3db0feb77e8e720b8beb60be578a7,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2){ + return(0); + }else{ + if(you >= 8 || date >= 8){ + return(2); + }else{ + return(1); + } + } +} +" +8f6a43567c659ce1b5622d85d2fdc074290fd031,"public int dateFashion(int you, int date) +{ + int no =0; + int maybe = 1; + int yes =2; + if(you>=8 || date>=8) + { + return yes; + } + else if(you<=2 || date<=2) + { + return no; + } + else + { + return maybe; + } +} +" +bed07e9c7cefd993231db869b6b9289632e2b055,"public int dateFashion(int you, int date) +{ + int no =0; + int maybe = 1; + int yes =2; + if(you>=8 || date>=8 && you>2 && date>2) + { + return yes; + } + else if(you<=2 || date<=2) + { + return no; + } + else + { + return maybe; + } +} +" +0e5ad5b5b2a201aafbf53ef1dfe4470dc1d1a03f,"public int dateFashion(int you, int date) +{ + int no =0; + int maybe = 1; + int yes =2; + if(you>=8 || date>=8 && (you>2 && date>2)) + { + return yes; + } + else if(you<=2 || date<=2) + { + return no; + } + else + { + return maybe; + } +} +" +e3cb777c812ec1a383bb9e45e4dc6e16ca20445d,"public int dateFashion(int you, int date) +{ + int no =0; + int maybe = 1; + int yes =2; + if(you>2 && date >2) + { + if(you>=8 || date>=8) + { + return yes; + } + } + else if(you<=2 || date<=2) + { + return no; + } + else + { + return maybe; + } +} +" +3cee6890c7a74c8fb1243ad1ba19d61cb364d9e1,"public int dateFashion(int you, int date) +{ + int no =0; + int maybe = 1; + int yes =2; + if(you>2 && date >2) + { + if(you>=8 || date>=8) + { + return yes; + } + } + else if(you<=2 || date<=2) + { + return no; + } + else + { + return maybe; + } + return maybe; +} +" +23b5843d924f7cf16c1a2307a52d8a2afdb85d2e,"public int dateFashion(int you, int date) +{ + if (you > 7 | date > 7) + { + return 2; + } + else if (you < 3 | date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +4ecdb9aace5abd683535191005bdfa1ce28eff5a,"public int dateFashion(int you, int date) +{ + if (you < 3 | date < 3) + { + return 0; + } + else + { + if (you > 7 | date > 7) + { + return 2; + } + else + { + return 1; + } + } +} + +" +bb76cfcbc264d47ed8b0d23796615c1bec8642af,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +0f69524b63409d72d2b3f1390c47e93ed406fca6,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +06d427df7b433c05d1256c495c02337a80caf6a5,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +57692c40a4e20da8deece92a776decf6703a2b2b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +133947c2fb29d480fe3febda257a9e171e415d87,"public int chance; + +public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8 && you >= 2 && date >= 2) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + return chance; +} +" +240309d99ae988531211ed22a0e11fa8a51b1742,"public int chance; + +public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 2) || (date >= 8 && you >= 2)) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else if (you >= 2 && + { + chance = 1; + } + return chance; +} +" +028dde6c094c3419fe16806c0a710732967f476c,"public int chance; + +public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 2) || (date >= 8 && you >= 2)) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else if (you >= 2 && date >= 2) + { + chance = 1; + } + return chance; +} +" +fa39e9bf95cd8e4f6a899c3950c92040755bbb1b,"public int chance; + +public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + chance = 0; + } + else if (you >= 8 || date >= 8) + { + chance = 2; + } + else + { + chance = 1; + } + return chance; +} +" +904a231dca4ee4f0c12a1b48e61f7597382d0104,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + int Table = 3; + + if ((you <= 2) || (date <= 2) + { + Table = no; + } + else if ((you >= 8) || (date >= 8) + { + Table = yes; + } + else + { + Table = maybe; + } + return Table; +} +" +a6c884f456e526499c1a1ac8f5305b24888e9138,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + int Table = 3; + + if ((you <= 2) || (date <= 2)) + { + Table = no; + } + else if ((you >= 8) || (date >= 8)) + { + Table = yes; + } + else + { + Table = maybe; + } + return Table; +} +" +a72a326de2bb51a171e305bd9d03cc965aa42b55,"public int dateFashion(int you, int date) +{ + if (you>=8 || date>=8) + return 2; + else if (you<=2 || date<=2) + return 0; + return 1; + +} +" +505549a8a75b47e6a508c9e96db1dc3483b2691e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + return 2; + else if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + else + return 1; +} +" +4a4455d229f8db5df499dd32e09c89efac4836fb,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; + else if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + else + return 1; +} +" +b59ef726248f483eddc15c8a499d4a1c13519faa,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + else + return 1; +} +" +2608f42ba5c7c443a55f291bf8aa142f140e946a,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +b6efeaa58646209c2cc2fc683ef9b80a3d4811b0,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; + else + return 1; +} +" +b4f1c41c2aa3efe042cc3ca4dd78a27c8486ce1e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; + else if + return 1; +} +" +21201878027522646a9ee60b27a8fbacee786437,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; +return 1; +} +" +75fd2b4579eb786a27aa3d87eb94e4d430bf43c0,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; +} +" +ae364f24763944af44def3249dc9617d08daedb4,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + return 0; + return 2; + if (you < 8 && you > 2 || date < 8 && date >2) + return 1; +} +" +34e1fb24523073ee0a14a8b9254ae3770a8a3137,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + { + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + { + return 0; + } + return 2; + } + else + { + return 1; + } +} +" +c747c0f4cfb049d6d9ba5f86a2a7e2b379b47266,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10 || date >= 8 && date <= 10) + { + if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + { + return 0; + } + return 2; + } + else if (you >= 0 && you <= 2 || date >= 0 && date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +acb48faece5228442574b3cfc5dfd98a9406ee4a,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you >=2 || date >= 8 && date >= 2) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0 + } + else + { + return 1; + } +} +" +910188197a429715c1a4b7c33566e1602df9f6ac,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you >=2 || date >= 8 && date >= 2) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +fa30eb04f738a17fffb4f449c2f1202ee20cbe42,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you >=2) || (date >= 8 && date >= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +296d712e71bb5cdacdc4169916b00a910748a3f1,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you >=2) && (date >= 8 && date >= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +49a2fdfc09f86d3c4aaf8125cef2f74c5b02dada,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you > 2) && (date >= 8 && date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +63667e056d4a0e6b5f2d556ac61738c78816c433,"public int dateFashion(int you, int date) +{ + + if( you <= 2||date<=2) + { + return 0; + } + + if (you >= 8 || date>=8) + { + return 2; + } + else + { + return 1; + } +} +" +f29cad62994bdfde276b26f3f1af4ab921b9907a,"public int dateFashion(int you, int date) +{ + + if( you <= 2 || date<=2) + { + return 0; + } + + if (you >= 8 || date>=8) + { + return 2; + } + else + { + return 1; + } +} +" +60a7449046a1ce3ed5614f19c366675752088b4e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you < 8 && date < 8) + { + return 1; + } + else if (you >= 8 || date >= 8) + { + return 2; + } +} +" +c1da12d7b38c8b4372f08b7141bf5253de619a3b,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you < 8 && date < 8) + { + return 1; + } + else if (you >= 8 || date >= 8) + { + return 2; + } +}" +6750499ef9d4d4dd313c01dbac64f02079cbd534,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you < 8 && date < 8) + { + return 1; + } + else if (you >= 8 || date >= 8) + { + return 2; + } +}" +e4c37a8c72e8d27b7b5219977a458f930b016b84,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you < 8 && date < 8) + { + return 1; + } + else + { + return 2; + } +}" +f4d65c9f1de82c6356d2383d367d8a89a63dfc45,"public int dateFashion(int you, int date) +{ + int myStyle = you; + int herStyle = date; + int table = 1; + if (myStyle <= 2 || herStyle <= 2) + { + table = 0; + } + else if (myStyle >= 8 || herStyle >= 8) + { + table = 2; + } + return (table); +} +" +20ad1bb09bef33b8c7399515d08495421c8797f7,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date < = 2) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +66b710ebc94fa1e2dc815dccfe201056fbd5c8d9,"public int dateFashion(int you, int date) +{ + + if( (you <= 2) || (date < = 2)) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +b92e29dafc3fff9de9c758ab6e7fb833a471d630,"public int dateFashion(int you, int date) +{ + + if( (you <= 2) || (date < = 2)) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +abb0a0a0935d214aaf88a5934dcb7324969e64ae,"public int dateFashion(int you, int date) +{ + + if ( you <= 2) || (date < = 2) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +61d35b8229c9a61ed1eb04828567e9ffdef05e46,"public int dateFashion(int you, int date) +{ + + if (you <= 2) || (date < = 2) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +99466ce26c2bdf96311e23a6e3a42921b845b3bd,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date < = 2) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +6e1a9d618aab08f5ced6fc394d1735eb612e58d1,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date < = 2) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + { + + return 0; + + + } + + + +}" +1faa4bcba6a7c1431f10554ae857255e0ce44a3b,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date < = 2) + { + + return 0; + } + + else if (you >= 8 || date >=8) + { + + return 2; + + } + + else + + + return 0; + + + + + + +}" +759928b5ea2c6a3992e02df9d87a6029209daa59,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date < = 2) + + + return 0; + + + else if (you >= 8 || date >=8) + + + return 2; + + + + else + + + return 0; + + + + + + +}" +a80aa232e52b5e77ba9d54275c6864a076129689,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date < = 2) + + + return 0; + + + if (you >= 8 || date >=8) + + + return 2; + + + + else + + + return 0; + + + + + + +}" +109daeda1b9c07df772f18fee3bfbafd8ebd5497,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) + + + return 0; + + + if (you >= 8 || date >=8) + + + return 2; + + + + else + + + return 0; + + + + + + +}" +735c4c215446cade43dad7fe2befbdda578cf1a7,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) + + + return 0; + + + if (you >= 8 || date >=8) + + + return 2; + + + + else + + + return 1; + + + + + + +}" +2fe208c995e775282bcc8d44e2d14419ef021cff,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +8dc7a9ec6212efad2b1f2978ba6c5b07719d4f72,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +c830b3f5a4bda9cc7066cce35da1a9cd3d5bc6e8,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 2; + } + else + { + if (you >= 8 || date >= 8) + { + return 0; + } + else + { + return 1; + } + } +} +" +a45420b69cce0ff13a5c92c17c683e31890c9ece,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + } +} +" +aac7a3b172ad924c9d53475723c4680bf31ba44f,"public int dateFashion(int you, int date) +{ + if (you > 7 || date > 7) + { + return 2; + } + else if(you > 2 && date > 2) + { + return 1; + } + else + { + return 0; + } +} +" +3648267d25d6d458866c61f5973f047dbbbc6421,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + { + return 0; + } + else if (you > 7 || date > 7) + { + return 2; + } + else if(you > 2 && date > 2) + { + return 1; + } +} +" +4c198c5992e4c8c72b25af1fb128db3b7eddcbb5,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + { + return 0; + } + else if (you > 7 || date > 7) + { + return 2; + } + else + { + return 1; + } +} +" +2d9094473e9b7e7eb34618ef93bd26bb7bb4950a,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +39beada6b336539c627c8eff1c807867adfb316a,"public int dateFashion(int you, int date) +{ + int result = 1; + + if (you >= 8 || date >= 8) + { + result = 2; + } + + else if (you <= 2 || date <= 2) + { + result = 0; + } + + return result; +} +" +3fb436ac2e79ae0abfa5c12413471b443f882500,"public int dateFashion(int you, int date) +{ + int result = 1; + + if (you <= 2 || date <= 2) + { + result = 0; + } + + else if (you >= 8 || date >= 8) + { + result = 2; + } + + + + return result; +} +" +45606f6deb020c4a1b4ebc21448a333ea2c9745d,"public int dateFashion(int you, int date) +{ + if(you >= 8) || (date >= 8) + return 2; + if(you <=2) || (date <=2) + return 0; + return 1; + +} +" +61617875178956c9d59a0d8661630dab2e2d029c,"public int dateFashion(int you, int date) +{ + if(you >= 8) || (date >= 8) + return 2; + if(you <=2) || (date <=2) + return 0; + return 1; + +} +" +a6b0fdb501b1a51f632c6ae9387214f5dab2395b,"public int dateFashion(int you, int date) +{ + if(you >= 8)||(date >= 8) + return 2; + if(you <=2)||(date <=2) + return 0; + return 1; + +} +" +02623804359a066b93e5998b989739ed1013b9ff,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +f4ce63701e101296addaad65192fcb6cd4237c2e,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 0; + return 1; + +} +" +891fe772826a13e27805b86ef094ab3a8d72e262,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +3ff38ddb80bdef923a7fcc5f04228039e95b517b,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date <= 2) + { + return 1; + } + else + { + return 2; + } + } + else if (date >= 8) + { + if (you <= 2) + { + return 1; + } + else + { + return 2; + } + } + else + { + return 0; + } + +} +" +c36d8e949921bdc6f700bca147a6407549d0d54a,"public int dateFashion(int you, int date) +{ + int min=Math.min(you, date); + int max=Math.max(you, date); + if(min<=2) + { + return 0; + } + else if(max>=8) + { + return 2; + } + else + } + return 1; + } +} +" +bb700cd2c3c09ba7415537c221b1362b7e7a04ce,"public int dateFashion(int you, int date) +{ + int min=Math.min(you, date); + int max=Math.max(you, date); + if(min<=2) + { + return 0; + } + else if(max>=8) + { + return 2; + } + else + { + return 1; + } +} +" +5c3c3a83773bce436870e726a2c4b8893cb04a73,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (date >= 8) + { + if (you <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } + +} +" +39f9e6625160da876215fefd4b0d7cf1f717e843,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (date >= 8) + { + if (you <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + if (you <= 2) + { + return 0; + } + else if (date <= 2) + { + return 0; + } + else + { + return 1; + } + } + +} +" +165781450b4dc9d0611409932078c27b8b24f474,"public int dateFashion(int you, int date) +{ + if (you > 8 && date > 2) + { + return(yes) + } +} +" +9d25244f934fefe872d36f5f015d09f6874b0e15,"public int dateFashion(int you, int date) +{ + if (you > 8 && date > 2) + { + return(yes); + } +} +" +28a6c3851e3305e99e90578cc33160d573b108b8,"public int dateFashion(int you, int date) +{ + if (you > 8 && date > 2) + { + return('yes'); + } +} +" +e0497f7dddddec910eaae79595ef898e4e0ea41c,"public int dateFashion(int you, int date) +{ + if (you > 8 || date > 8) + { + return 2; + } + else if (you < 2 || date < 2) + { + return 0; + } + else + return 1; +} +" +c4bc592aae99476cd64d5f1f2be1380dcbb2b468,"public int dateFashion(int you, int date) +{ + if (you > 8 || date > 8) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + return 1; +} +" +003796bb988ee8a7a5d5c746530079bde6f9ef5f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + return 1; +} +" +a5ab740080ce6ade658930b288f955b91006e885,"public int dateFashion(int you, int date) +{ + else if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + return 1; +} +" +0ab0478c7274bd504a399af5e196b6a0f1168226,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 1; +} +" +3f30929ae667e80f06ed5716490e4eb9b8dd0e2e,"public int dateFashion(int you, int date) +{ + if (you <= 8 && date <= 8) + { + return 2; + } + else if (you >= 2 || date >= 2) + { + return 0; + } + else + { + return 1; + } +} +" +925cf514daba0f62500e0528297fb2fbf48835cd,"public int dateFashion(int you, int date) +{ + if (you <= 8 || date <= 8) + { + return 2; + } + else if (you >= 2 || date >= 2) + { + return 0; + } + else + { + return 1; + } +} +" +3d88488ed4aa40468e8156f4353e07bcc6761eed,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2 + } + else if (you <= 2 || date <= 2) + { + return 0 + } + else + { + return 1 + } +} +" +55a22f0922e15c6f5b6b0a0739a27eb1c2007423,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +f5da28af747f60954fd302e32af2acb8f82765d5,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +3281db99e28086d895a5dc66ac539f97fe6a94d3,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + if (you >= 8 || date >= 8) { + return 2; + } + return 1; + +} +" +c891ee6ac8d10e435aa6a550ef1fb788b5f19588,"public int dateFashion(int you, int date) +{ + if (you <= 8 || date <= 8) + { + if (you >= 2 || date >= 2) + { + return 0; + } + else + { + return 2; + } + + } + else if (you >= 2 || date >= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +186d41acedf4c0d68ea8b77388114668c3716111,"public int dateFashion(int you, int date) +{ + if (you <= 8 || date <= 8) + { + if (you >= 2 || date >= 2) + { + return 0; + } + else + { + return 2; + } + + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +02332aa6257cb8741f4f54d91ab89d40e1f7d18c,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +5136683e733b8bb02052045245b9f6a0bfc236bf,"public int dateFashion(int you, int date) +{ + if (you == 2 || date == 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +faa6cc44696d72e0fa85cc561584a1de159a4aa5,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +2c3ca1700e40f2055b840967f89ef4957f001468,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 && date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +1d79915a6b6b6fb72f442113ddca9ba730d00bc5,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +76cf770d55531461d508a61f1eb2be30b0ed1326,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + return 1; + +} +" +bdd10f767a1234b4ee6afc48447d770d1942b996,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +2fb8f8f6f4ce588a13f4146a76ef6c025a59c9d3,"public int dateFashion(int you, int date) +{ + if(you>=8 && date>=8) + { + return 2; + } + else if ((you>2 && you<8) && (date>2 && date<8)) + { + return 1; + } + else + { + return 0; + } +} +" +8c2bcac2746d889a5bdb9e44700fac4883e7a69d,"public int dateFashion(int you, int date) +{ + if((you>=8 || date>=8) && (you>2 || date>2)) + { + return 2; + } + else if ((you>2 && you<8) && (date>2 && date<8)) + { + return 1; + } + else + { + return 0; + } +} +" +0e2f8c7d379bf87870bdd5f41237c4c9e1b3c25a,"public int dateFashion(int you, int date) +{ + if((you>=8 || date>=8) && (you>2 && date>2)) + { + return 2; + } + else if ((you>2 && you<8) && (date>2 && date<8)) + { + return 1; + } + else + { + return 0; + } +} +" +72c72d051590773056a71e67d0d7df08c7ccc742,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date >= 3) + { + return 2; + } + else + { + return 0; + } + } + else if (date >= 8) + { + if (you >= 3) + { + return 2; + } + else + { + return 0; + } + } + else + { + return 1; + } +}" +5eeacd37b7c9be69ac14a1251664ba132d96650c,"public int dateFashion(int you, int date) +{ + if (you == 2 || date == 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +fbb96580c6c47b3086fa6350e1d5fc5702f106d8,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date >= 3) + { + return 2; + } + else + { + return 0; + } + } + else if (date >= 8) + { + if (you >= 3) + { + return 2; + } + else + { + return 0; + } + } + else if (you <= 3 || date <= 3) + { + return 0; + } + else + { + return 1; + } +}" +df862a28b6765919c4f6e155444853331c8502e3,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date >= 2) + { + return 2; + } + else + { + return 0; + } + } + else if (date >= 8) + { + if (you >= 2) + { + return 2; + } + else + { + return 0; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +}" +f2aabb383a07c0a67bef2361492bf3e58e4c217e,"public int dateFashion(int you, int date) +{ + if (you >= 8) + { + if (date >= 3) + { + return 2; + } + else + { + return 0; + } + } + else if (date >= 8) + { + if (you >= 3) + { + return 2; + } + else + { + return 0; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +}" +e90c6ebbbb7b3165c74f517bf9432ff805bc28c5,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +9560eb8c0ccb30445a8117f261803091445f9621,"public int dateFashion(int you, int date) +{ + if (you<=2 || date<=2) + { + return 0; + } + else if (you>=8 || date>=8) + { + return 2; + } + else + { + return 1; + } +} +" +94a8b824aa1f806c562c05f4245b8e923a5317a2,"public int dateFashion(int you, int date) +{ +if(date <= 2 || you <= 2) +return 0; +if(date >= 8 || you >= 8) +return 2; +return 1; +} +" +fafa9b6a02577e814a1d0b3167946462965019c3,"public int dateFashion(int you, int date) +{ + if (you && date >= 8) { + return 2; + } + else if (you && date <= 2){ + return 0; + } + else { + return 0; + } + +} +" +d484c42ff5371948cd9547888a5ef63c38fd9404,"public int dateFashion(int you, int date) +{ + if (you && date >= 8) { + return 2; + } + else if (you && date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +b126792e1c5668d493a2982c244732da011ba36f,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) { + return 2; + } + else if (you <= 2 && date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +6b572322480dccce1e7b46b6318bf74d29268663,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +3bc7d8b7e2be376072416a49f52ebae6f8d4519f,"public int dateFashion(int you, int date) +{ + int table = 0; + if (you > 7 || date > 7) { + table = 2; + } + + else if (you < 3 || date < 3) { + table = 0; + } + + else { + table = 1; + } + + return table; +} +" +d98ab8ec045295ff7b069ee6c635f4f477a5bb2f,"public int dateFashion(int you, int date) +{ + int table = 0; + if ((you > 7 || date > 7) && (you > 2 && date >2)) { + table = 2; + } + + else if (you < 3 || date < 3) { + table = 0; + } + + else { + table = 1; + } + + return table; +} +" +87c23c7cc5118213e21548d6ff0f511aacc4f838,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date <= 8) { + return 2; + } + else if (you <= 2 || date >= 2){ + return 0; + } + else { + return 1; + } + +} +" +bc9fb1c6732f15996f1399aa837cc7add8c6c6b9,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +41ae1fd32d702cee5d2ca3ee45e3be2c58e9c75f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 || you <= 8 || date <= 8) { + return 2; + } + else if (you <= 2 || date <= 2 || you >= 2 || date >= 2){ + return 0; + } + else { + return 1; + } + +} +" +83364ffe7d531e89a2a4b2e5a040773e7fbed34e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +88cfb3cbb30c3920f40f094f410bfb20ef71ba5b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 && date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +12dceab6853f6017c26f24f57a393506ea79c393,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +291ddb32dacfd679fb1cd82943cfb4e9176faf86,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } + + if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +af7303b334f65958e580f9c981736c61880040e4,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } + + + if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +852a45407c4e9448bf14cc2893ef88fab56f9afa,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +1b125bd5e5228b0b57b5b2080f8d12f31c02b0df,"public int dateFashion(int you, int date) +{ + if (date >= 8 && you >= 8) + { + dateFashion = 2; + } + else if (date <=2 || you <= 2) + { + dateFashion = 0; + } + else + { + dateFashion = 1; + } + return dateFashion; +} +" +e476e7da4a39eb443f1b07bfcd9e8b4448aecc76,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date <= 8 && you <= 8 || date <= 8 ) { + return 2; + } + else if (you <= 2 || date <= 2 && you >= 2 || date >= 2){ + return 0; + } + else { + return 1; + } + +} +" +a19bc8cbf0197f1d7df1b82aa28d2fcc423dc534,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date <= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +e4bdf024037d243aa8e264737b4eac694eccfa67,"private int tableChances; +public int dateFashion(int you, int date) +{ + if (date >= 8 && you >= 8) + { + tableChances = 2; + } + else if (date <=2 || you <= 2) + { + tableChances = 0; + } + else + { + tableChances = 1; + } + return tableChances; +} +" +5c905fc146f791bb636985d0f3fd30c007754660,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +d3e5fa2f60c8c716700a8b061835accb8c620eb6,"private int tableChances; +public int dateFashion(int you, int date) +{ + if (date >= 8 || you >= 8) + { + tableChances = 2; + } + else if (date <=2 || you <= 2) + { + tableChances = 0; + } + else + { + tableChances = 1; + } + return tableChances; +} +" +d3140b68afbbb57766bda9ab4158e87b4d989c36,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + + + if (you <= 2 || date <= 2){ + return 0; + } + else { + return 1; + } + +} +" +83079cafe4ae6a959f35dc706bcb8499c6c7b7ae,"private int tableChances; +public int dateFashion(int you, int date) +{ + if (date <= 2 || you <= 2) + { + tableChances = 0; + } + else if (date >= 8 || you >= 8) + { + tableChances = 2; + } + else + { + tableChances = 1; + } + return tableChances; +} +" +8d1260486c45ed084c6584b663b5e7ee65ef2da8,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2){ + return 0; + } + + if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } + +} +" +e9b7c8755fc23082abae9b74db460bba6e2c6b95,"public int dateFashion(int you, int date) +{ + if (you<=2 || date<=2) + return 0; + else if(you>=8 && date>2) + return 2; + else if(you>2 && date>=8) + return 2; + else + return 1; +} +" +594aa8502d7aa15697311ed479e84985f23c35cb,"public int dateFashion(int you, int date) +{ + if (((you || date) > 7) && (!(you || date) < 3)) + { + return 2 + } +} +" +f92a931f01a514138b751abc098d79552285e28b,"public int dateFashion(int you, int date) +{ + if (((you || date) > 7) && (!(you || date) < 3)) + { + return 2; + } +} +" +8bdef2160d7b3a9ccdca9c5c9b3feb66217b56e3,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >=8) + return 2; + else if(you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +c6116799ddd06fe7d1d773fea7a4a512d3646807,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + else if(you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +c2bcafc00afd23c38572cea93c8dac270b6ed39b,"public int dateFashion(int you, int date) +{ + if(you >= 2 || date >= 2) + return 0; + else if(you <= 8 || date <= 8) + return 2; + else + return 1; +} +" +d286986e5f9d0d6b52e24f905b05a3ea957b633a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + if (you <= 2 || date <= 2) { + return 0; + } + return 2; + } else { + return 1; + } + +} +" +dafc39964692024a09a3489ea6b3e449f9d2c654,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + if ((you <= 2 || date <= 2) || (you <= 2 && date <= 2)) { + return 0; + } + return 2; + } else { + return 1; + } + +} +" +ac7dd5e561bf8d1051c59a28ecdbfc574a3b2f86,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + if (you <= 2) { + if (date <= 2) { + return 0; + } + return 0; + } + return 2; + } else { + return 1; + } + +} +" +93715ac5bb1ad930673ad0a800751ee034853346,"public int dateFashion(int you, int date) +{ + if (((you || date) >= 8) && (!(you || date) <= 2)) + { + return 2; + } +} +" +14163aa6389a71c13cc0da12bfdf4ba82d22f0ad,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + if ((you <= 2) || (date <= 2)) { + return 0; + } + return 2; + } else { + return 1; + } + +} +" +eeb9357e09b7787d7099fae8afef8424713d84e0,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + if ((you <= 2) || (date <= 2)) { + return 0; + } + return 2; + } else { + return 1; + } + +} +" +2bb6a18023e06e0ae9668f75ebe8643f1556040c,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (!(you <= 2 || date <= 2)) + { + return 2; + } +} +" +6049861a4768fe3aa08a3c1fe87109cb02e49a1a,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (!(you <= 2 || date <= 2)) + { + return 2; + } +} +" +1e607eef4a8dab2644f32e33b9fae7883bfcf211,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (!(you <= 2 || date <= 2))) + { + return 2; + } +} +" +5bd8d6c36076d958835a86a82e1d89e4d979770b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } else if ((you <= 2) || (date <= 2)) { + return 0; + } else { + return 1; + } + +} +" +b65dc9ae7cb04842685cdbea1f6410b17f0c6c1a,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (!(you <= 2 || date <= 2))) + { + return 2; + } +return 2;} +" +aff1a43e6d964e16c40bd4fba77634089bdcf032,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) { + return 2; + } else if ((you <= 2) || (date <= 2)) { + return 0; + } else { + return 1; + } + +} +" +3b9ea03f502d5d417f02f09e980f3e12ebaa1a82,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) { + if ((you <= 2) || (date <= 2)) { + return 0; + } + return 2; + } else { + return 1; + } + +} +" +c0d57e054edab6f2b92138bc229a242e89a073e9,"public int dateFashion(int you, int date) +{ + if(you >= 2 || date >= 2) + { + return 0; + } + else if(you <= 8 || date <= 8) + { + return 2; + } + else + { + return 1; + } +} +" +cf4df7b37bc476b1b168ba8e0892e73947c6469a,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +a929b7f6e9058f8880d4604ac903fa2d38e3ba2a,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) { + if ((you <= 2) || (date <= 2)) { + return 0; + } + return 2; + } else { + if ((you <= 2) || (date <= 2)) { + return 0; + } + return 1; + } + +} +" +08a15ff9df920d6a13827250d2b64ea0cf6ec695,"public int dateFashion(int you, int date) +{ + if (you>2 && date>2) + { + if (you>8 || date>8) + { + return 2; + } + return 1; + } + else + { + return 0; + } +} +" +81eab710f229d1097a5cc6d67abb8f381fe1c233,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +}" +831ed4e28f9f0f13738ec63d60d32dbc43f7e6ce,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you =< 2 || date =< 2) + { + return 0; + } + else + { + return 1; + } + +} +" +953a8b4d92451d705365c1be3e0bf89252e5c25d,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you =< 2 || date =< 2) + { + return 0; + } + else + { + return 1; + } + +} +" +a44100ff4f044a9dfbdad6b5400276ce6ab5f942,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +24c5f88cd5354915d7fda42a7ae469d047cbd7af,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +2b6f302b542223a587105543281647548a4eea91,"public int dateFashion(int you, int date) +{ + if (you > 7 || date >7) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +07f171482a0ce9c894517b15a1dc19c7cce2dfe6,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you > 2 || date >= 8 && date > 2) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +d04f3d42b3ac41991f890e016cf67a162f584f99,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +d20d018c96c5ad3b555cb5c2c0fc5bef328c3173,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2 || date >= 8 && you > 2) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +a31aa708afab9c6e86ef14c2dcef0e879575a2d6,"public int dateFashion(int you, int date) +{ + if (2 > you > 7 || 2> date >7) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +d531f521c9985015f289d55f5b1d34eadc5e626f,"public int dateFashion(int you, int date) +{ + if (2 > you && you > 7 || 2 > date && date >7) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +56e05705db996ae1cbeb7af0738b620273342bb1,"public int dateFashion(int you, int date) +{ + if (you > 7 && you > 2 || (date > 2 && date > 7)) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +2cd379336b0cb9964bed264bd6a52f808cc2251f,"public int dateFashion(int you, int date) +{ + if (you > 7 && you > 1 || (date > 1 && date > 7)) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +12e285e097ffb06b528c9dec092242982fea5e1d,"public int dateFashion(int you, int date) +{ + if (you > 7 && you > 2 || (date > 2 && date > 7)) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +5af031339b3286c8920aa2be8ebfd988f651c073,"public int dateFashion(int you, int date) +{ + if (you || date >= 8) + return 2 + else if (you || date <= 2) + return 0 + else + return 1 + + +} +" +6636b62bc0d2dfc3cf85b9ef30098101e8a618f8,"public int dateFashion(int you, int date) +{ + if (you || date >= 8) + return 2; + else if (you || date <= 2) + return 0; + else + return 1; + + +} +" +3da56a98a1fced071ccab3c4422a7b8078127ab0,"public int dateFashion(int you, int date) +{ + if (you || date <= 10) + return 2; + else if (you || date <= 2) + return 0; + else + return 1; + + +} +" +f2d746c95b99674a8d6782dbbf9286f0302829da,"public int dateFashion(int you, int date) +{ + if ( you >= 8 || date >=8) + { + return 2; + } + + else if ( you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} + +" +c69135194a5013d732a39fc11d4940237f1b67db,"public int dateFashion(int you, int date) +{ + if (you && date >= 8) + return 2; + else if (you && date <= 2) + return 0; + else + return 1; + + +} +" +555252104ed54175a30e20895230d250c1d25bac,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + + +} +" +b500c665fd5a3aa84b2934bd4cde9b07f8573c4d,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + { + return 0; + } + + else if ( you >= 8 || date >=8) + { + return 2; + } + else + { + return 1; + } +} + +" +30b0abdeb7d3e84b909c6b06e8d452bf90e59007,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + return 2; + else if (you <= 2 && date <= 2) + return 0; + else + return 1; + + +} +" +49dbf11837801c9b9f479cddc9c24fe430a2565c,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + + +} +" +e3a406254b72cad9ff9364a326d5c8a298ec264d,"public int dateFashion(int you, int date) +{ + if (you > 7 && date > 2) || you > 2 && date > 7) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +72c45a0d0485bc4bcd2aab1f18191dfbf5444380,"public int dateFashion(int you, int date) +{ + if (you >= 8) + return 2; + if (date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + + +} +" +0f78eb5556502b8416cc0b9f75d7bd6b5121194b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + + +} +" +7f1dd268b7fce13194b461af19aead9b2114b454,"public int dateFashion(int you, int date) +{ + if (you > 7 && date > 2 || (you > 2 && date > 7)) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +4577dfa792e90e3632cbfcb91933a47b7b1741eb,"public int dateFashion(int you, int date) +{ + if (you >= 8) + return 2; + else if (date >= 8) + return 2; + else if (you <= 2) + return 0; + else if (date <= 2) + return 0; + else + return 1; + + +} +" +4170f986c0852b18640662e17ccd5e7fbe0a6517,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 2; + else if (you >= 8 || date >= 8 ) + return 0; + else + return 1; + + +} +" +10649e479b417f813bd5a38e72131efd3145781b,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8 ) + return 2; + else + return 1; + + +} +" +5ebfc4d8674e8537e62b6cb197b57ac7a9e03aae,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +}" +3fde773c710a7972e8174429f1170da65ac54939,"public int dateFashion(int you, int date) +{ + if((you >= 8 || date >= 8) && (you > 2 && date > 2)) + return 2; + else if((you <= 2 || date <= 2)) + return 0; + else + return 1; +} +" +90dd8812b2bac9d1b4bf7854c11590092d1e2033,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you <= 2 || date <= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +855d44d36a1f6c78acc6dee0f5e72dde990c7238,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you >= 2 || date >= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +b964e5a12879bcd4dd5ff811cc62f8b630171350,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you > 2 || date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +53da5a4c4c1cf90b9357694e05b6d03683f70ab7,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you > 2 && date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +3ad3d2ddd82837f328baf78372b7bd1a01ee1422,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >=8) + { + if (you <= 2 || date >= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date >= 2) + { + return 0; + } + else + { + return 1; + } +} +" +101c4fdc592c02d58d6087b3c239c65ba2e35de3,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >=8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +8a5d86efa3976be1381579c4e299a04692e1996f,"public int dateFashion(int you, int date) +{ + if ( you >= 8 | date >= 8) + { + return 2; + } + else if ( you <= 2 | date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +d1490bf5c640169eb13eeaef3cd0cfd55e0c5056,"public int dateFashion(int you, int date) +{ + if ( you <= 2 | date <= 2) + { + return 0; + } + else if ( you >= 8 | date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +549277581a3fdcb3bf93c3fa5952a282213eae29,"public int dateFashion(int you, int date) +{ + if (you <= 2 && date <= 2) + return 0; + else if (you >= 8 && date >= 8) + return 2; + else + return 1; +} +" +3db7ec12900e730d3dca569fd5bf754e44b5c91a,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +f8918f7a85b5a5b00d87ecc2524600aa3bc06283,"public int dateFashion(int you, int date) +{ + int stylish = 0; + if (you >= 8 || date >= 8) + stylish = 2; + if (you <= 2 || date <= 2) + stylish = 0; + else + stylish = 1; + return stylish; +} +" +7f2d58804eaf6d1b6b8b5cbb504812ffd2a2c9ad,"public int dateFashion(int you, int date) +{ + int stylish = 0; + if (you >= 8 || date >= 8) + stylish = 2; + else if (you <= 2 || date <= 2) + stylish = 0; + else + stylish = 1; + return stylish; +} +" +fb76364995b122550accecd681d683d537b0050f,"public int dateFashion(int you, int date) +{ + int stylish = 0; + if (you >= 8 || date >= 8) + stylish = 2; + else + stylish = 1; + if (you <= 2 || date <= 2) + stylish = 0; + else + stylish = 1; + return stylish; +} +" +4bed6b64b02a0af8a00a558c7c9fc2d60a6f44de,"public int dateFashion(int you, int date) +{ + int stylish = 0; + if (you >= 8 || date >= 8) + stylish = 2; + else + stylish = 1; + else if (you <= 2 || date <= 2) + stylish = 0; + else + stylish = 1; + return stylish; +} +" +a87e94ae2d85a6b359fb370608caec2a4ac6c149,"public int dateFashion(int you, int date) +{ + int stylish = 0; + if (you >= 8 || date >= 8) + stylish = 2; + else + stylish = 1; + if (you <= 2 || date <= 2) + stylish = 0; + else + stylish = 1; + return stylish; +} +" +c9a300d95e65face4c6e8438a0254b96b016ff73,"public int dateFashion(int you, int date) +{ + int stylish = 0; + if (you >= 8 || date >= 8) + stylish = 2; + else + stylish = 1; + if (you <= 2 || date <= 2) + stylish = 0; + return stylish; +} +" +a9d9eccf73a459999c2566fdef4de5724576047c,"public int dateFashion(int you, int date) +{ + int chance = 0; + chance = you + date; + if (you <= 2 || date <= 2( + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +4ba531ea3f50ac1d651e97e0b8b1a86f9bc0d5ab,"public int dateFashion(int you, int date) +{ + int chance = 0; + chance = you + date; + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +538e38e2d4a14ff83c21e2ddd2fb824d0c758a93,"int table; +public int dateFashion(int you, int date) +{ + if (date<=2 || you<=2) + { + table = 0; + } + else if (date>=8||you>=8) + { + table = 2; + } + else + { + table = 1; + } + return table; + +} +" +d95e82777ac63cf14a32f98e5343f4ffb4f1cf93,"public int dateFashion(int you, int date) +{ + return 0; +} else if(you>=8 || date>=8) { + return 2; +} else { + return 0; +} +" +5bdd84ca4f81e9273e9468e80156aa6080be04f0,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 || date>=8) + chances =2; + else if (you<=2 || date<=2) + chances =0; + else + chances =1; + return chances; +} +" +09847ceb2f4c5840316c0b5d1a25a60df77928af,"public int dateFashion(int you, int date) +{ + if(you<=2 || date<=2) + {//just check date or you <=2 + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 0; + } +} +" +a67c13a75931cd9239edf421085d5186b1127d9b,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 && date>=8) + chances =2; + else if (you<=2 && date<=2) + chances =0; + else + chances =1; + return chances; +} +" +f86dadedb7d26975c98c02367d510a69194e3e79,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 || date>=8) + chances =2; + else if (you<=2 || date<=2) + chances =0; + else + chances =1; + return chances; +} +" +2ba7139237e561af8bcbd30e1f014ee92eeafb5d,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + {//just check date or you <=2 + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +4beb452eaff411c6e3309348200e0e5feaf647ab,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + return 1; +} +" +56b099207010e88283a24bf0e0f31047d8371fd2,"public int dateFashion(int you, int date) +{ + if (data >= 8 && data <= 10){ + you = 2; + }else if (data >= 0 && data <= 2){ + you = 0; + }else{ + you = 1; + } +} +" +05480861cc742ec95d54969dc7da63662478d3ed,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 8 || date >= 8) + { + return 2; + } + + else + { + return 1; + } +} +" +2c7574c33506b1172c8e086793347c29bc4afdf5,"public int dateFashion(int you, int date) +{ + if (data >= 8 || you >= 8){ + return 2; + }else if (data <= 2 || you <= 2){ + return 0; + }else{ + return 1; + } +} +" +38464b42c6390c7275865e358cd6862b42ba13c0,"public int dateFashion(int you, int date) +{ + if (data >= 8 || you >= 8){ + return 2; + }else if (data <= 2 || you <= 2){ + return 0; + }else{ + return 1; + } +} +" +41006512773932a35a5d1a42b34f8e9a733a0175,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +fa3c4abad4818f01e49556d4743f37f583670caa,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2){ + return 0; + }else if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +a2ef4a0d27e35d741be853075473ebe39c88b2ff,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2){ + return 0; + }else if(you >= 8 || date >= 8){ + return 2; + } + return 1; +} +" +9bb5e21f3a10d7ec32b3825e14061232985ba3c2,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2){ + return 0; + }else if(you >= 8 || date >= 8){ + return 2; + }else { + return 1; + } +} +" +7edab4c889f878d5b6d8527ffd0421f31a0b0056,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if ((you + date) >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +f1f9d94a0d30b1ed1293699c9a87e19cf5c98a22,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +0910209677e52bdbb435fb01e6539ad67081da14,"public int dateFashion(int you, int date) +{ + if (you <=2) + { + return 0; + } + else if(you >= 8 ) + { + return 2; + } + else + { + return 1; + } +} +" +e24f51b3266e4bc1a39ed203e1cd8e8e1bcd00e6,"public int dateFashion(int you, int date) +{ + if (you <=2 || date<=2) + { + return 0; + } + else if(you >= 8 || date >= 8 ) + { + return 2; + } + else + { + return 1; + } +} +" +181ac41d79a02ba2ea934a20ee3be4396101fdb3,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +ad3b9ab5c3ed3cf694871c5ad56da47a57421c66,"public int dateFashion(int you, int date) +{ + if (you >= 8 || you <= 10) + if (date >= 8 || date <= 10) + return 2; + else + return 1; + else if (you >= 0 || you <= 2) + if (date >= 0 || date <= 2) + return 0; + else + return 1; + else + return 1; +} +" +2ec0f54d37a2eb20f9d0bef04733758f635eb60a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || you <= 10) + if (date >= 0 || date <= 2) + return 0; + else + return 2; + else if (date >= 8 || date <= 10) + if (you >= 0 || you <= 2) + return 0; + else + return 2; + else + return 1; +} +" +c68f5f6aee474c490b4db55368e0cd2755914dac,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10) + if (date >= 0 && date <= 2) + return 0; + else + return 2; + else if (date >= 8 && date <= 10) + if (you >= 0 && you <= 2) + return 0; + else + return 2; + else + return 1; +} +" +57e1719230b73733fd7548bf60c52d7605683c5e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && you <= 10) + if (date >= 0 && date <= 2) + return 0; + else + return 2; + else if (date >= 8 && date <= 10) + if (you >= 0 && you <= 2) + return 0; + else + return 2; + else if (you >= 0 && you <= 2) + return 0; + else if (date >= 0 && date <= 2) + return 0; + else + return 1; +} +" +6a6cd7085289c1585196edc398a921c1ddd307ca,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + + return 1; + +} +" +82fbc7cc094bf98b789fb619483a4c57a13ee79c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + + + return 1; + +} +" +5202d820843d1712c0258b8c541082951cb62eec,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + {return 0;} + if (you >= 8 || date >= 8) + { return 2;} + + {return 1;} + +} +" +bd3232798e8d6df40da5d0bcc78193a9a1d23418,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + {return 0;} + if (you >= 8 || date >= 8) + { return 2;} + if (you >2 || date <2 && you <8 || date < 8) + {return 1;} + + return 0; + +} +" +8891d1047dfe327c44e6dc42275b83082c9817fb,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + {return 0;} + if (you >= 8 || date >= 8) + { return 2;} + if (you >2 || date <2 && you <8 || date < 8) + {return 1;} + + return 0; + +} +" +71266ada40b28a7b231850d300d2bd5cc552579b,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you <= 8 || date <= 8) + return 1; + else + return 2; +} +" +16be3c16a51f3c1561c5f569e81b490f38166e8f,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 1; + else + return 2; +} +" +4599a3046395300fbfa0d137d1c6ab75b8fcb9ee,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +3d806a5440137d666f2c8717efee9de11fdb882f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0 + } + else + { + return 2 + } + } + else + { + return 1 + } +} +" +11aa140c615e094699c4c2a9273276e7c234ff9f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +2eb8f56f6100033b40d75973a5fc752051cd921a,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +673dd3e9694f2fbb3bce27114fd0d0e0473fb505,"public int dateFashion(int you, int date) +{ + if (you <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +6810b79d393e12dc91b62054efb8a24424172b6e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +5cadeb937798d80de4cfc1bcbf18460a58c159c8,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + if (you < 2 || date < 2) + { + return no; + } + else if (you > 8 || date > 8) + { + return yes; + } + else + { + return maybe; + } +} +" +ca604810bc2f5b177f9c3906e37d7e1b33eaa66b,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + if (you <= 2 || date <= 2) + { + return no; + } + else if (you >= 8 || date >= 8) + { + return yes; + } + else + { + return maybe; + } +} +" +513e2b196b8c5791f2681d24af2eca6ff0720192,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <=2 || date <=2) { + return 0; + } + else { +return 1; + } +} +" +03277bb1bb116c5bbd6d3603c98c77109f024b58,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >=8 || date >=8) { + return 2; + } + else { +return 1; + } +} +" +7efae5480813ff5e5b31db15bb641d85ae4d7cff,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +4dd8580f8f6795fa9f49265edcc48eed10a1eabc,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +b082b314dd189a056eecf20f339e10115494702f,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + int result = 0; + if (you >= 8 | | date >= 8) + { + result = 2; + } + else if (you <= 2 | | date <= 2) + { + result = 0; + } + else + { + result = 1; + } +} +" +27e085f9778444fc94df5e4383e97a87b10d7111,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + int result = 0; + if (you >= 8 || date >= 8) + { + result = 2; + } + else if (you <= 2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + return result; +} +" +cbde6c5133c24541959aa9aa5751231283b583f4,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + int result = 0; + + if (you <= 2 || date <= 2) + { + result = 0; + } + else if (you >= 8 || date >= 8) + { + result = 2; + } + else + { + result = 1; + } + return result; +} +" +b1ab46af4c860fccca4ad39c8eb14adb52a51094,"public int dateFashion(int you, int date) +{ + int chance = 0; + + if (you <= 2 || date <= 2){ + chance = 0 + } + else if (you >= 8 && date > 2){ + chance = 2; + } + else if (you > 2 && date >= 8){ + chance = 2; + } + else if (you < 8 && you > 2){ + if (date < 8 && date >2){ + chance = 1; + } + } +} +" +c528ca78ed20e5645d499a45cad09bc30e71f60f,"public int dateFashion(int you, int date) +{ + int chance = 0; + + if (you <= 2 || date <= 2){ + chance = 0; + } + else if (you >= 8 && date > 2){ + chance = 2; + } + else if (you > 2 && date >= 8){ + chance = 2; + } + else if (you < 8 && you > 2){ + if (date < 8 && date >2){ + chance = 1; + } + } +} +" +9bfadaf61d7b3ce29818a9c21643e25d865f4ea0,"public int dateFashion(int you, int date) +{ + int chance = 0; + + if (you <= 2 || date <= 2){ + chance = 0; + } + else if (you >= 8 && date > 2){ + chance = 2; + } + else if (you > 2 && date >= 8){ + chance = 2; + } + else if (you < 8 && you > 2){ + if (date < 8 && date >2){ + chance = 1; + } + } + + return chance; +} +" +80cae2bb05cac65dd6320f501a936629eee5a2e5,"public int dateFashion(int you, int date) +{ + if ( you == 2 || date == 2 ) + { + return 0; + } + if ( you < 8 && > you > 2 ||date < 8 && > date > 2 ) + { + return 1; + } + return 2; +} +" +6cfc67c0b54b981f24506afd39bcebd7aae8aa7d,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + return 0; + if ( you > 2 || date > 2 ) + if (you < 8 || date < 8) + { + return 1; + } + return 2; +} +" +a26b743295aeb50dea13cb9f61ea87cc1804a519,"public int dateFashion(int you, int date) +{ + if((you >= 8) || (date >= 8)) + { + return 2; + } + if (yo <=2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +acd5940508da9ab36cf658a45d1f22db232d10c6,"public int dateFashion(int you, int date) +{ + if((you >= 8) || (date >= 8)) + { + return 2; + } + if (you <=2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +39976fa3588278e147f88317f464166a6928757d,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + return 0; + if ( you > 2 || date > 2 && you < 8 || date < 8 ) + return 1; + } + return 2; +} +" +ef08f9e02e555317a5ac4f14ce4b94b5c418b053,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + int table = 0; + return table; + } + else if(you >= 8 || date >= 8) + { + int table = 2; + return table; + } + else + { + int table = 1; + return table; + } +} +" +fe6871af509ca6bff9bbe37d9812aff0ad217379,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + return 0; + if ( (you > 2 || date > 2) && (you < 8 || date < 8) ) + { + return 1; + } + return 2; +} +" +bab4bd5c3527d8c507d9d9533b5a932c98c2c49b,"public int dateFashion(int you, int date) +{ + if((you >= 9) || (date >= 8)) + { + return 2; + } + if (you <=2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +62fe3d1dd14c75a64fe042b253df29b88deb761e,"public int dateFashion(int you, int date) +{ + if((you >= 8) || (date >= 8)) + { + return 2; + } + if (you <=2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +d9afc479ca2036529becb9f2f627c17fcb10f04e,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + { + return 0; + } + if ( (you > 2 && you < 8) && (date > 2 && date < 8) ) + { + return 1; + } + return 2; +} +" +9c1be26555cae0b27b5e57ff5768ee536735b5df,"public int dateFashion(int you, int date) +{ + int result =0; + if ((you > 2 && date >2) && (you < 8 && date<8 ) + { + result = 1; + } + else if (date<=2 || you<=2) + { + result = 0; + } + else + { + result = 2; + } + return result; +} +" +1026af699a7dbbc2954595af43ef3d2d503b7afd,"public int dateFashion(int you, int date) +{ + int result =0; + if ((you > 2 && date >2) && (you < 8 && date<8) ) + { + result = 1; + } + else if (date<=2 || you<=2) + { + result = 0; + } + else + { + result = 2; + } + return result; +} +" +e733fa074ac433966a89b3f59f7ee7c1fa089411,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + return 1; +} +" +e458255343e931eec48898c8f0a24fad06e26313,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + { + return 0; + } + if((you >= 8) || (date >= 8)) + { + return 2; + } + + else + { + return 1; + } +} +" +1f7b1793fcb7e267baa82c2d34670e570cb18923,"public int dateFashion(int you, int date) +{ + if(you > 2 && date > 2) + { + if((you >= 8 || you > 2) && (date >= 8 || date > 2)) + return 2; + if(you < 8 && date < 8) + return 1; + } + else + return 0; +} +" +573cb3eca992d778c52eebcec8aaeb52c697eaea,"public int dateFashion(int you, int date) +{ + if(you > 2 && date > 2) + { + if((you >= 8 || you > 2) && (date >= 8 || date > 2)) + return 2; + if(you < 8 && date < 8) + return 1; + } + else + return 0; + return you; +} +" +8b95655382e8abf641c6412702dbffbfba33b7be,"public int dateFashion(int you, int date) +{ + if(you > 2 && date > 2) + { + if((you >= 8) && (date >= 8)) + return 2; + if(you < 8 && date < 8) + return 1; + } + else + return 0; + return you; +} +" +698a8bb576b0bbbc5fcbf994e2b568dabe462fd7,"public int dateFashion(int you, int date) +{ + if(you > 2 && date > 2) + { + if((you >= 8) || (date >= 8)) + return 2; + if(you < 8 && date < 8) + return 1; + } + else + return 0; + return you; +} +" +743c0fe96c09e866be0fb8f4a0aec3d2e76b5bee,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +165112103382e8336e2683e2f481aaa2d0887038,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) return 0; + return (you >= 8 && date >= 2 || date >= 8 && you >= 2) ? 2 : 1; +} +" +db5120fd07897495090a967fe26f3fd88cb07b88,"public int dateFashion(int you, int date) +{ + dateFashion value = 2; + +} +" +65fa109d4b11d74aea328b82f08da8857bc49ebb,"public int dateFashion(int you, int date) +{ + int value = 2; + +} +" +91a3633f10b1002d347f2e57bb9a673c47f0623e,"public int dateFashion(int you, int date) +{ + int value = 2; + if (you <= 2 || date <=2) + { + value = 0; + } + else if (you >=8 || date >=8) + { + value = 2; + } + else + { + value = 1; + } + return value; +} +" +8ebb49a085a31f3a949bcd606355caf58e4ec66f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +caca6f8e2c56cbe43003bade6252c5c199f68e44,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 && !(you <= 2 || date <= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +6f299a091761cbd2445937a111fc79f8c6aba8c5,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && !(you <= 2 || date <= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +1de58d6a1ea59d1865ee5111d371d507aec81663,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +4dee82bf404d4d7f67a29dbb7b78227a84b64fc7,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + return 1; + } +} +" +5f82e636130b31b4030099e287d8d49fb8ffc6aa,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you > 2 && date > 2)) + { + return 2; + } + else if (you <=2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +a2ba83510123d8481cc6347253f07ecc4771fe61,"public int dateFashion(int you, int date) +{ + if(you == 2 || date == 2) + return 0; + if (you == 8 || date == 8) + return 2; + else + return 1; + +} +" +520b8913db2752b199ecd7f9a715bfb5e5cffd22,"public int dateFashion(int you, int date) +{ + if(you == 2 || date == 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +be1e486231617aaf1ba256fb9365231c45c4f1bc,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +2adbb39337217f673d1ee6e9632faef8d959ee31,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +8dac872b637cc03d3e91719648979635ff8de384,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +a0e084fc17a99bbbc5a221a62c9bc180fe63d410,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 && date > 2 && you > 2) + return 2; + else if (date > 2 || you > 2) + return 0; + else + return 1; + +} +" +54a7d52ed8c289bec7bd990fe63c3b874951f0d4,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + if (date > 2 && you > 2) + return 2; + else if (date < 2 || you < 2) + return 0; + else + return 1; + +} +" +21f65ab0636761ee6973d4ac468c4fd37d9ef468,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date > 8 && date > 2 && you > 2) + return 2; + else if (date < 2 || you < 2) + return 0; + else + return 1; + +} +" +6d693dc5f50925e61887531143050f296b79078c,"public int dateFashion(int you, int date) +{ + if (date < 2 || you < 2) + return 0; + else if if (you >= 8 || date > 8) + return 2; + else + return 1; + +} +" +7a33679361f706240a0d89266fb04c6f6719ce46,"public int dateFashion(int you, int date) +{ + if (date < 2 || you < 2) + return 0; + else if (you >= 8 || date > 8) + return 2; + else + return 1; + +} +" +df27f3194a21876dbd477d977171dbd1a3f154ed,"public int dateFashion(int you, int date) +{ + if (date <= 2 || you <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +3ddc5fab9495418f694c2f2e5fd1e40842b1bb94,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return ""0""; + } + + if(you >= 8 || date >= 8) + { + return ""2""; + } + + return ""1""; +} +" +5866db9e9526a3469aa4373aa7459e1450ba5739,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + + if(you >= 8 || date >= 8) + { + return 2; + } + + return 1; +} +" +3226f6b8adf383621f88ffe3928025e58a66a96a,"public int dateFashion(int you, int date) +{ + if (dateFashion > 8); + return 2; + if (dateFashion < 2); + return 0; + if (2 < dateFashion < 8); + return 1; +} +" +568428fe0a9887ce5dc26f9dedba5584fba1cc31,"public int dateFashion(int you, int date) +{ + if (you > 8); + return 2; + if (you < 2); + return 0; + if (2 < you < 8); + return 1; +} +" +f7f412e1a143c7e17d03453a214677ca71dc499d,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >== 8) + return 2; + else if (you <= 2 || date <== 2) + return 0; + else + return 1; +} +" +1ced8cd57ddc210b132dfd7aa23b1b2d063fdd12,"public int dateFashion(int you, int date) +{ + if(you > 3 || date > 3) + { + return 0; + } + else if(you > 7 || date > 7) + { + return 2; + } + else + { + return 1; + } +} +" +262c21552f553b18b5ae103f72945a6c585706bb,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >== 8) + return 2; + if (you <= 2 || date <== 2) + return 0; + else + return 1; +} +" +f35221d2494943a885eec037a13deb458ad9c801,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +66d68a66e81b45af542d4b462f2f1041d0c3440a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date => 8); + return 2; + if (you =< 2 || date =< 2); + return 0; + return 1; +} +" +5608ee6459c911afd7c1058e0d50225140b449c0,"public int dateFashion(int you, int date) +{ + if(you < 3 || date < 3) + { + return 0; + } + else if(you > 7 || date > 7) + { + return 2; + } + else + { + return 1; + } +} +" +2f14ed59453debd4fb22dccd14a1f4d461d57d3d,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2); + return 0; + if (you >= 8 || date => 8); + return 2; + return 1; +} +" +05740902de5685cdd3971c16de7e27a20b974f33,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + return 2; + } + if((you <= 2) || (date <= 2)) + { + return 0; + } + + return 1; + +} +" +052123ce8003de97795bd7b564bedca005184b7a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +e783ab31d7d467235f7517346efc2f4e4e88f735,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2); + return 0; + if(you >= 8 || date => 8); + return 2; + return 1; +} +" +2cad3fa4b16152bcd31af78d09ed6e6cb46a3bb9,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date => 8) + return 2; + return 1; +} +" +c1a8c3b003af96b1b4d8d914b110e2f4fe831fc6,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date => 8) + return 2; + return 1; +} +" +561269cb26562dc664f539cf0469be6e3e88ec2a,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + if((you <= 2) || (date <= 2)) + { + return 0; + } + } + + + return 1; + +} +" +320c316416d2a50275e24bec40bd50f4ff591c43,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + if((you <= 2) || (date <= 2)) + { + return 0; + } + } + + if((you <= 2) || (date <= 2)) + { + return 0; + } + + return 1; + +} +" +0cf8d539cdaa433393695d34e70175c400f8f0ff,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + if ((you < 8 && you > 2) || (date < 8 && > 2)) + return 1; + else + return 1; +} +" +796c3fc7b25ca63a2f30d529a4e2a48092a7ee79,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +ba108584ebffe94e994d6e925dc78e18d541c062,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + if ((you < 8 && you > 2) || (date < 8 && date > 2)) + return 1; + else + return 1; +} +" +a8da62d046bce678cffd6a2fb602b1fdf77190d6,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + if((you <= 2) || (date <= 2)) + { + return 0; + } + return 2; + } + + return 1; + +} +" +2827e24b2c3899d8c4ae5f85261973f458ea56dc,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2){ + return 0; + }else if(you >= 8 || date >= 8){ + return 2; + }else{ + return 1; + } +} +" +1b254a9259c8b7b46286e6b4fb143ce3feb1c420,"public int dateFashion(int you, int date) +{ + if((you <= 2) || (date <= 2)) + { + return 0; + } + + if ((you >= 8) || (date >= 8)) + { + return 2; + } + + return 1; + +} +" +2ce3d8fd77baaf46fb9af16700928da68591a4e2,"public int dateFashion(int you, int date) +{ + int table = 1; + if (you >= 8 || date >= 8) + { + table = 2; + } + else if (you <= 2 || date <= 2) + { + table = 0; + } +} +" +85c6576603b2320996d04c737d8edff028c2258e,"public int dateFashion(int you, int date) +{ + int table = 1; + if (you >= 8 || date >= 8) + { + table = 2; + } + else if (you <= 2 || date <= 2) + { + table = 0; + } + return table; +} +" +9bff3285c284f7f84628ef75aeb77704765e78ab,"public int dateFashion(int you, int date) +{ + int table = 1; + if (you >= 8 || date >= 8) + { + table = 2; + } + if (you <= 2 || date <= 2) + { + table = 0; + } + return table; +} +" +a063b51563db7e33861ffe95522e7c275eb6a2e9,"public int dateFashion(int you, int date) +{ + int table = 1; + if (you >= 8 || date >= 8) + { + table = 2; + } + if (you <= 2 || date <= 2) + { + table = 0; + } + return table; +} +" +9b5bfcea6ae3abc62c33ad643806eb472c70982a,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2) || (date >= 8 && you > 2) + return 2; + if (you <= 2 || date <= 2) + return 0; + if ((you < 8 && you > 2) || (date < 8 && date > 2)) + return 1; + else + return 1; +} +" +c3313617137bc215312c16a71a6b726902772b55,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2) || (date >= 8 && you > 2)) + return 2; + if (you <= 2 || date <= 2) + return 0; + if ((you < 8 && you > 2) || (date < 8 && date > 2)) + return 1; + else + return 1; +} +" +7f70d239a27a5fce41706fe366089c356314fce3,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + + +} +" +0ad6b82448b8c0fbc062515d84f3535b28f8a256,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +600ca10bc356b9bd6b6ec82233f489a079dc3aad,"public int dateFashion(int you, int date) +{ + if (you <= 8 && date <= 3) + { + return 2 + } + else if (you <= 3 && date <= 8) + { + return 2 + } + else if (you <= 3 && date <= 3) + { + return 1 + } + else + { + return 0 + } +} +" +0029b28db2cfd668e5c41c9c6479e0ffa122c0bd,"public int dateFashion(int you, int date) +{ + if (you <= 8 && date <= 3) + { + return 2; + } + else if (you <= 3 && date <= 8) + { + return 2; + } + else if (you <= 3 && date <= 3) + { + return 1; + } + else + { + return 0; + } +} +" +6c58b5a92d9a2c7735c1ef8d23dce6e5c0d3346a,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; + +} +" +513c19caf72fe126cc6aa1b1d87bd89b6334348a,"public int dateFashion(int you, int date) +{ + if (you > 7 && date > 2) + { + return 2; + } + else if (you > 2 && date > 7) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +3f7f5c47a4804ac10cf6a4e8aa50d6867630779e,"public int dateFashion(int you, int date) +{ + if (you >= 8) + {return 2; + } + + +} +" +4e0d2a9d78cfd3fb23a52edf989f27366135959c,"public int dateFashion(int you, int date) +{ + if (you >= 8|| date >= 8) + { + if(you <=2||date <= 2) + {return 0;} + else{return 2;} + } + return 1; + + +} +" +26c649a745211e9bb82f4c1d1f8396cb9fefca60,"public int dateFashion(int you, int date) +{ + if(you <=2||date <= 2) + {return 0;} + if (you >= 8|| date >= 8) + { + if(you <=2||date <= 2) + {return 0;} + else{return 2;} + } + + return 1; + + +} +" +85f4e8a49500ec65ad5541edba8039b68905ba09,"public int dateFashion(int you, int date) +{ + if(you <=2||date <= 2) + {return 0;} + if(you >= 8|| date >= 8) + { + else{return 2;} + } + + return 1; + + +} +" +f51d1eda646ea079e8ff2e67a16592326f16dc28,"public int dateFashion(int you, int date) +{ + if(you <=2||date <= 2) + {return 0;} + if(you >= 8|| date >= 8) + { + return 2; + } + + return 1; + + +} +" +e8c216ff29ea6e77575e011cecf83b3452736ddf,"public int dateFashion(int you, int date) +{ + if (you > 7) + { + if (date > 2) + { + return 2; + } + else + { + return 0; + } + } + else if (you > 2) + { + if (date > 7) + { + return 2; + } + else if (date > 2) + { + return 1; + } + else + return 0; + } +} +" +90514acb4488e41bc70da88b9599bdd15a2b9046,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + + else if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } +} +" +d696e2ed05d8e7d36a24ef819c8620176167c417,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + return 1; + +} +" +0fd53dd5ad2185bec4875aa55e694168f244b389,"public int dateFashion(int you, int date) +{ + if (you > 7) + { + if (date > 2) + { + return 2; + } + else + { + return 0; + } + } + else if (you > 2) + { + if (date > 7) + { + return 2; + } + else if (date > 2) + { + return 1; + } + else + { + return 0; + } + } +} +" +3440c6958e8b7f4ff1e37e884fd2f5837c7c51d7,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + return 1; + +} +" +128c000c943ad3a183366c5f25b61edb9ff450eb,"public int dateFashion(int you, int date) +{ + if (you > 7) + { + if (date > 2) + { + return 2; + } + else + { + return 0; + } + } + else if (you > 2) + { + if (date > 7) + { + return 2; + } + else if (date > 2) + { + return 1; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +c968660950880e12ea6765dfac9532e8a4908734,"public int dateFashion(int you, int date) +{ + if (you>=8||date>=8) + { + fashionScore = 2; + } + else if (you<=2||date<=2) + { + fashionScore = 0; + } + else + { + fashionScore = 1; + } +return fashionScore; +} +" +a07b0535fda6eaa2e1f1f9612065aa77bfe87781,"public int dateFashion(int you, int date) +int fashionScore = 0; +{ + if (you>=8||date>=8) + { + fashionScore = 2; + } + else if (you<=2||date<=2) + { + fashionScore = 0; + } + else + { + fashionScore = 1; + } +return fashionScore; +} +" +c23c04aa8834e4a5e312f0a0b91a7a3d5d032d46,"public int dateFashion(int you, int date); +int fashionScore = 0; +{ + if (you>=8||date>=8) + { + fashionScore = 2; + } + else if (you<=2||date<=2) + { + fashionScore = 0; + } + else + { + fashionScore = 1; + } +return fashionScore; +} +" +13516727b0a9f72f15f5895bffa390a82425c65e,"public int dateFashion(int you, int date); + +{ + if (you>=8||date>=8) + { + return 2; + } + else if (you<=2||date<=2) + { + return 0; + } + else + { + return 1; + } + +} +" +c1233ebfe8e59e6fcafb67739668784a86439e17,"public int dateFashion(int you, int date) + +{ + if (you>=8||date>=8) + { + return 2; + } + else if (you<=2||date<=2) + { + return 0; + } + else + { + return 1; + } + +} +" +35e15ba0eb747a979eac35c616596d5b0e5bebd7,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +a46f0953ac097bd47ff36d718e590d40dfc0a2ae,"public int dateFashion(int you, int date) +{ + if (you<=2||date<=2) + { + return 0; + } + else if (you>=8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +" +bd6d348179d234b222a8ae1c6806fbd85ab26a81,"public int dateFashion(int you, int date) +{ + comb = you + date; + if (comb > = 8) + { + return 2; + } + else if (you < = 2 || date < = 2) + { + return 0; + } + else + { + return 1; + } +} +" +f9c70d761dbbdc8d7fbbf6e8e2bb3f2b46017387,"public int dateFashion(int you, int date) +{ + comb = you + date; + if (comb >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +6a67480ca163de55fe3e53f5c442305f213f1ae3,"public int dateFashion(int you, int date) +{ + + if (you + date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +e5b4394fdcf02779d665615b186af543100e0ac1,"public int dateFashion(int you, int date) +{ + + if (you >= 8 || date >=8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +84c6e1ec4114035335664e278d30cbcbd51e3052,"public int dateFashion(int you, int date) +{ + int chance; + + if (you >= 8 || date >= 8) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + + return chance; +} +" +5d5ed40c6212794d4aea9353e51f00a7a9ec0f9e,"public int dateFashion(int you, int date) +{ + + if (you >= 8 || date >=8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +8a7eff65645a97516dc051a35a2856edb0961b31,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 8 || date >=8) + { + return 2; + } + + else + { + return 1; + } +} +" +0967df951b9ed1e962151484dee3d1b0d03a2645,"public int dateFashion(int you, int date) +{ + int chance; + + if (you >= 8 || date >= 8) + { + while (you > 2 && date > 2) + { + chance = 2; + } + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + + return chance; +} +" +f2ec7b0d32a0296127787571df96eaddc9e8f4db,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +} +} +" +6b9ca3e90e7372ead9864838918c080f8d7051da,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; + +} +" +fc6732190d87a193e2e9b47495a6940b03adf2da,"public int dateFashion(int you, int date) +{ + int chance = 0; + + if (you >= 8 || date >= 8) + { + while (you > 2 && date > 2) + { + chance = 2; + } + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + + return chance; +} +" +14441953089cffee6e88196b96280d1f6f8449db,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <=2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +3d43326dee371edda05d72f06584270628b5ceac,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +48061e160c2b371283561e82c9a7aeafdbd2f467,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + return 0; + } + else + { + return 1; + } +} +" +bd61a36e16425d2e26bed1792a6d8a2fd7b1df0d,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +c0d102e21854dfedc9fbf8662f3c4a76a7f8b812,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2 + } + if (you <= 2 || date <= 2) + { + return 0 + } + else + { + return 1 + } +} +" +965643b70dda51c1754d05d99d881f3c191e0feb,"public int dateFashion(int you, int date) +{ + int chance = 0; + + if (you >= 8 || date >= 8) + { + chance = 2; + } + else if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + chance = 1; + } + + return chance; +} +" +f05e4b654bbe69e33daa48397a4c79a3050047ab,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +629d85e000dcb2b35bba97fd304eeb2ae6bbb7f1,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +d05cccb96d4c7568661571d04a44561e97163722,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +5f8a85f32aa9eda23f8a3e70239bbf1bfb60cae0,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +a0760aa38653fd842ecffafbac419f7013b1b01b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else + if ( you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +0cd5f3189d02f10d3f7c9a51e84e505c16e9a8b9,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8)) + { + return 2; + } + if ((you >= 8 || date >= 8) && (you <= 2 || date <= 2)) + { + return 0; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +a67f9e1ffd925613e525d30cd03593e64fc0b4ff,"public int dateFashion(int you, int date) +{ + int chance = 0; + + if (you <= 2 || date <= 2) + { + chance = 0; + } + else if (you >= 8 || date >= 8) + { + chance = 2; + } + else + { + chance = 1; + } + + return chance; +} +" +6abd1ba764b9a41bdebfd221e252bbae9466b339,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 8)) + { + return 2; + } + if ((you >= 8 || date >= 8) && (you <= 2 || date <= 2)) + { + return 0; + } + if (you <= 2 && date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +54698b62fddce55c61c1c63efbaa25e63009a3db,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 8)) + { + return 2; + } + if ((you >= 8 || date >= 8) && (you <= 2 || date <= 2)) + { + return 0; + } + if (you <= 2 && date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +d87d5be8402efd9e95686ea2b18ff8a4b973be40,"public int dateFashion(int you, int date) +{ + int a=0; + if ((you<=10 && you>=8) || (date<=10 && date>=8)) + a=2; + else if ((you<=2 && you>=0) || (date<=2 && date>=0)) + a=0; + else + a=1; + return a; +} +" +f21186816ded8f521931461b7001392d25f635e5,"public int dateFashion(int you, int date) +{ + if (you >=8 || date>= 8) + return 2; + else if (you <= 2 and date <=2) + return 0; + else + return 1; + +} +" +28ffbfa912c0e0dc3594a72bde7a4d8994911874,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + if (!(you <= 2 || date <= 2) + { + return 1; + } + else + { + return 0; + } + } +} +" +838683b853d959255226d854068b57ac2a75067e,"public int dateFashion(int you, int date) +{ + if (you >=8 || date>= 8) + return 2; + else if (you <= 2 && date <=2) + return 0; + else + return 1; + +} +" +9f0aa5fc72a506cf7f1dc10da820632bf3f6c1c8,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + if (!(you <= 2 || date <= 2)) + { + return 1; + } + else + { + return 0; + } + } +} +" +c1cde736ad97afc9cd0903aaf47fda23a66d9661,"public int dateFashion(int you, int date) +{ + if (you >=8 || date>= 8) + return 2; + else if (you <= 2 || date <=2) + return 0; + else + return 1; + +} +" +491d2c122a30bf2633e3aa48c32fdd920681f5fb,"public int dateFashion(int you, int date) +{ + int chance = 1; + if (you <= 2 || date <= 2) + { + chance = 0; + } + else + { + if (you >= 8 || date >= 8) + { + chance = 2; + } + } + return chance; +} +" +b6235bf8c2f3932ce36fd01f3ac188f8867bc4f1,"public int dateFashion(int you, int date) +{ + if (you >=8 && date >= 8) + return 2; + else if (you <= 2 && date <=2) + return 0; + else + return 1; + +} +" +bebd0f6ef51c72fa3e5c8450ae33b98bd2d12d37,"public int dateFashion(int you, int date) +{ + int a=0; + if (you<=10 && you>=8) + a=2; + if(date<=10 && date>=8) + a=2; + if (you<=2 && you>=0) + a=0; + if (date<=2 && date>=0) + a=0; + if (you>2 && you < 8) + a=1; + if (date>2 && date < 8) + a=1; + return a; +} +" +db6b8cf28252dbd514ae54f47e43e625301ad3a3,"public int dateFashion(int you, int date) +{ + if (you >=8 || date >= 8) + return 2; + else if (you <= 2 && date <=2) + return 0; + else + return 1; + +} +" +b5f2ac067594bd6685060887f5660b152acb06b8,"public int dateFashion(int you, int date) +{ + if (you >=8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + +} +" +7543215cb0e02b7cdb36b3f58e0323039f393ec2,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you > 2 && date > 2)) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +4f54e73ab3ad5e81759bf1354f089e91e4e3d562,"public int dateFashion(int you, int date) +{ + int a=0; + if ((you<=10 || you>=8) || (date<=10 && date>=8)) + a=2; + else if ((you<=2 && you>=0) || (date<=2 && date>=0)) + a=0; + else + a=1; + +} +" +7297193d5f0cb1ad1c88954338e67a54cf69f5dd,"public int dateFashion(int you, int date) +{ + int a=0; + if ((you<=10 || you>=8) || (date<=10 && date>=8)) + a=2; + else if ((you<=2 && you>=0) || (date<=2 && date>=0)) + a=0; + else + a=1; + return a; +} +" +7efdfbb3a9c4c2440420904c59ca54edc58356e3,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + result = 0; + if (yours > 7 || theirs > 7) + { + if (yours !< 3 && theirs !< 3) + { + result = 2; + } + else + { + if (yours !< 3 && theirs !< 3) + { + result = 1; + } + } + return result; +} +" +e882887eaced7a788ebc379d10eed3b056289d02,"public int dateFashion(int you, int date) +{ + if (date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + +} +" +ed9e97a3ff452d29b0efa8f61e744a835c402a5a,"public int dateFashion(int you, int date) +{ + int a=0; + if ((you<=10 && you>=8) || (date<=10 && date>=8)) + a=2; + else if ((you<=2 && you>=0) || (date<=2 && date>=0)) + a=0; + else + a=1; + return a; +} +" +aa233ad7822b76c5ed4886685b1069cb2e3e0e3b,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours > 7 || theirs > 7) + { + if (yours !< 3 && theirs !< 3) + { + result = 2; + } + else + { + if (yours !< 3 && theirs !< 3) + { + result = 1; + } + } + return result; +} +" +10c14599c3fa360e1365fcaed0d3721939361644,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours > 7 || theirs > 7) + { + if (yours !< 3 && theirs !< 3) + { + result = 2; + } + } + else + { + if (yours !< 3 && theirs !< 3) + { + result = 1; + } + } + return result; +} +" +a4b95a739156c4903163c46d3cb431402a4bd6fa,"public int dateFashion(int you, int date) +{ + if (date >= 8) + if (you <= 2) + return 0 + else + return 2 + + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + +} +" +4c790dfad088855e6089861a76e1d00617e803e5,"public int dateFashion(int you, int date) +{ + if (date >= 8) + if (you <= 2) + return 0; + else + return 2; + + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + +} +" +5d9a3d7916df4c40fa67791689ea28b12e4a86c3,"public int dateFashion(int you, int date) +{ + int a=0; + if ((you<=10 && you>=8 && date>2) || (date<=10 && date>=8 && you>2)) + a=2; + else if ((you<=2 && you>=0 && date>2) || (date<=2 && date>=0 && you>2)) + a=0; + else + a=1; + return a; +} +" +6b1eb5f8c4fc203c202938b28e7289a9c94e7940,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + +} +" +87fdc61c2e82f5aeb3eb92727a2617e9e7ad6833,"public int dateFashion(int you, int date) +{ + int table = 0; + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + table = 0; + else + table = 2; + } + else + { + if (you <= 2 || date <= 2) + table = 0; + else + table = 1; + } + return table; + +} +" +2d4c3f60fba75966913431d23ed5f7c97f173ff5,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + return result; +} +" +dbbe03061c2334aa576fc6515206c2218962b02d,"public int dateFashion(int you, int date) +{ + int a=0; + if ((you<=10 && you>=8 && date>2) || (date<=10 && date>=8 && you>2)) + a=2; + else if ((you<=2 && you>=0 && date>=2) || (date<=2 && date>=0 && you>=2)) + a=0; + else + a=1; + return a; +} +" +8233ce6ed944325d3e30f2308039f171c8ddbe76,"public int dateFashion(int you, int date) +{ + if (date >= 8) + if (you <= 2) + return 0; + else + return 2; + else if (you >= 8) + if (date <=2) + return 0; + else + return 2; + + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + +} +" +e4dc80c7acb404d2adb31e57688e69d26afea746,"public int dateFashion(int you, int date) +{ + int result = 0; + + if (you >=8 || date >= 8) + { + result = 2; + } + else if (you <=2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + + return result +} +" +9b2e8caba2951420e39e5a45bd8d852d2da446e4,"public int dateFashion(int you, int date) +{ + int result = 0; + + if (you >=8 || date >= 8) + { + result = 2; + } + else if (you <=2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + + return result; +} +" +092476793fa96ea67f6c3cec56a66e61fdf41612,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours < 7) + { + if (theirs > 7) + { + result = 2; + } + else if (theirs > 2 && theirs < 8) + { + result = 1; + } + } + return result; +} +" +248ad1c5d8b880c526c26c6513a0106444c8530f,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours < 7) + { + if (theirs > 7) + { + result = 2; + } + else if (theirs > 2 && theirs < 8) + { + result = 1; + } + } + if (theirs < 7) + { + if (yours > 7) + { + result = 2; + } + else if (yours > 2 && yours < 8) + { + result = 1; + } + } + return result; +} +" +a0cf48b6bb0eafb3126545aebdaa41e49a4e3da8,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +0e5ed4c91a75bcaa03654775ec120f624c974efd,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; //no + if(you >= 8 || date >= 8) + return 2; //yes + else + return 1; //maybe +} +" +e167ad6493660318284c6520b9d16c0591d51027,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours < 7) + { + if (theirs > 7) + { + result = 2; + } + else if (theirs > 2 && theirs < 8) + { + result = 1; + } + } + if (theirs < 7) + { + if (yours > 2 && yours < 8) + { + result = 1; + } + } + return result; +} +" +d0967a0a8e8f620640ccc2632d4e759ff7471ad9,"public int dateFashion(int you, int date) +{ + int result = 0; + + if (you <=2 || date <= 2) + { + result = 0; + } + else if (you >=8 || date >= 8) + { + result = 2; + } + else + { + result = 1; + } + + return result; +} +" +2a1d25894470f96113ece569dd8f5eed132091da,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours < 7) + { + if (theirs > 7) + { + result = 2; + } + else if (theirs > 2 && theirs < 8) + { + result = 1; + } + } + if (yours > 7) + { + else if (theirs > 2) + { + result = 2; + } + } + return result; +} +" +119006576aab1d5fa3393bb72f64cd5530ed3e75,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours < 7) + { + if (theirs > 7) + { + result = 2; + } + else if (theirs > 2 && theirs < 8) + { + result = 1; + } + } + if (yours > 7) + { + if (theirs > 2) + { + result = 2; + } + } + return result; +} +" +cf2fa2e623a4650a44d6bd5e7db32c0f220143b5,"public int dateFashion(int you, int date) +{ + int yours = you; + int theirs = date; + int result = 0; + if (yours < 7 && yours > 2) + { + if (theirs > 7) + { + result = 2; + } + else if (theirs > 2 && theirs < 8) + { + result = 1; + } + } + if (yours > 7) + { + if (theirs > 2) + { + result = 2; + } + } + + return result; +} +" +8a598583c3e9ed628cd7956628a9e78c3b4e5be5,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +d5bbadfaf63cf34fce7bf65c09c06b8cae562519,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + return 1; + +} +" +60c09fdc13a5b12095ad18c08d2f79f485786bb1,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 && date >=8) + { + return 2; + } + if (you <= 2 && date <= 2) + { + return 0; + } + return 1; + +} +" +15e3557c1420a01191f053cebccf9f9a1848ccf5,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +9f8a5121623bb1eddc0e65ba8c360997325d4f6a,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +52bb2af79b798b2dd2ece24dbae8bdd6534bef6c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return(0); + } + else if (you >= 8 || date >= 8) { + return(2); + } + else { + return(1); + } +} +" +d9e3948feeaffbad2735697e785e72d9005b0416,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +1b3ef0253db493893d2ee09598450c9127b7edcd,"public int dateFashion(int you, int date) +{ + int chances = 0; + if ((you >= 8 && date > 2) || (date >= 8 && you > 2)) + { + chances = 2; + return chances; + } + else if ((you < 8 && date > 2) || (date < 8 && you > 2)) + { + chances = 1; + return chances; + } + else + { + return chances; + } + +} +" +47551968f9da3b608e2aeb08f3fcefab9ae12ce9,"public int dateFashion(int you, int date) +{ + int chances = 0; + if ((you >= 8 && date > 2)) + { + chances = 2; + return chances; + } + else if ((you < 8 && date > 2)) + { + chances = 1; + return chances; + } + else + { + return chances; + } + +} +" +cf32345e9f65099d9a28f898bc929e3de24c67e9,"public int dateFashion(int you, int date) +{ + public void tableChances + { + if (you <=2 || date <= 2) + return ""0""; + else if (you >= 8 || date >= 8) + return ""2""; + else + return ""0""; + } +} +" +2b5267f134383fe7e7f31a2337feab807bca5929,"public int dateFashion(int you, int date) +{ + public void tableChances() + { + if (you <=2 || date <= 2) + return ""0""; + else if (you >= 8 || date >= 8) + return ""2""; + else + return ""0""; + } +} +" +d2b90db7ca559371e8ce8dee884b1be325ca7440,"public int dateFashion(int you, int date) +{ + { + if (you <=2 || date <= 2) + return ""0""; + else if (you >= 8 || date >= 8) + return ""2""; + else + return ""0""; + } +} +" +f4397125e1414a5e4418c6c38c9bfca85bafd13c,"public int dateFashion(int you, int date) +{ + int chances = 0; + if ((you >= 8 && date > 2) || (date >= 8 && you > 2)) + { + chances = 2; + return chances; + } + else if (you <= 2 || date <= 2) + { + return chances; + } + else + { + chances = 1; + return chances; + } + +} +" +a863dd8b9b918dc5bbf1f4ebb6dd671fae70583f,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date >= 2) + return 0; + + if (you >= 8 || date >= 8) + return 2; + return 1; +} + + +} +" +8747b6fa6728df2dcda6e4f85813ced06c6b1a55,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date >= 2) + return 0; + + if (you >= 8 || date >= 8) + return 2; + return 1; +} + + + +" +684dba8de536ac5c67a14c30a1a3a9b0cfa18065,"public int dateFashion(int you, int date) +{ + + if (you <=2 || date <= 2) + return ""0""; + else if (you >= 8 || date >= 8) + return ""2""; + else + return ""0""; + +} +" +acaf2b8403c8b6ff7866fe4ab40c88e2367e6684,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} + + + +" +eac348afa990b3d02bf0a10207133221522cb45f,"public int dateFashion(int you, int date) +{ + + if (you <=2 || date <= 2) + print(""0""); + else if (you >= 8 || date >= 8) + print(""2""); + else + print(""1""); + +} +" +f82be9172a71619c288622f3ce74c12e95b449fa,"public int dateFashion(int you, int date) +{ + + if (you <=2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +23353b573fdefb3ae6c4a2b16a92727e0fdca2ab,"public int dateFashion(int you, int date) +{ + int dateFashion = 0; + if (you >=8 || date >= 8) + { + dateFashion = 2; + } + if ( you<=2 || date<=2) + { + dateFashion = 0; + } + else + { + dateFashion = 1; + } +} +" +1c37dc89a67afa737a373793b9d39d55fab9ad79,"public int dateFashion(int you, int date) +{ + if (you > 7 && date > 2) + { + return 2; + } + else if (you > 2 && date > 7) + { + return 2; + } + else if (you > 2 && date > 2) + { + retun 1; + } + else + { + return 0; + } +} +" +6c82924ab7964690ea6392c7efdc194bb038e788,"public int dateFashion(int you, int date) +{ + int dateFashion = 0; + if (you >=8 || date >= 8) + { + dateFashion = 2; + } + if ( you<=2 || date<=2) + { + dateFashion = 0; + } + else + { + dateFashion = 1; + } + return dateFashion; +} +" +e5a2ae08e5716ed1ce7e44365d21497a5c8c8b9e,"public int dateFashion(int you, int date) +{ + if (you > 7 && date > 2) + { + return 2; + } + else if (you > 2 && date > 7) + { + return 2; + } + else if (you > 2 && date > 2) + { + return 1; + } + else + { + return 0; + } +} +" +7481d34f484c3944e738bc0e4daa00d99571d3b2,"public int dateFashion(int you, int date) +{ + if (you < 8 || you > 2 && date >= 8) + return 2 + else if (you >= 8 && date < 8) + return 2 + else if (if ) + + +} +" +4d5bef8849e0ea6b231ec12b2972ad178c9a218d,"public int dateFashion(int you, int date) +{ + int dateFashion = 0; + if (you >=8 || date >= 8) + { + dateFashion = 2; + } + if ( you<=2 || date<=2) + { + dateFashion = 0; + } + else if (date >2 && date <8 && you >2 && you <8 ) + { + dateFashion = 1; + } + return dateFashion; +} +" +61ab526483c50003689c7d3bf3251d21401ed4be,"public int dateFashion(int you, int date) +{ + int answer = 1; + if (you>7 || date>7) + { + answer = 2; + } + if (you< 3 || date < 3) + { + answer = 0; + } + + +} +" +3a187d8c8210f7dc7c45fe3d1a5642c2531666fc,"public int dateFashion(int you, int date) +{ + int answer = 1; + if (you>7 || date>7) + { + answer = 2; + } + if (you< 3 || date < 3) + { + answer = 0; + } + return answer + +} +" +8470aa9ac5b66daaac8b4be2d74c8ae4ef2ac037,"public int dateFashion(int you, int date) +{ + int answer = 1; + if (you>7 || date>7) + { + answer = 2; + } + if (you< 3 || date < 3) + { + answer = 0; + } + return answer; + +} +" +c327f162461a97eb0f7169636fd430a1213f0835,"public int dateFashion(int you, int date) +{ + if (you < 8 && you > 2 && date >= 8) + return 2; + else if (you >= 8 && date < 8 && date > 2) + return 2; + else if (you < 8 && you > 2 && date < 8 && date > 2) + return 1; + else + return 0; + + +} +" +fb9f9490a276e48e9bd1ce5a07d05ad6178bb25e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +b62308b0dda2994cdcdb53c9e45f85a286bc5f7b,"public int dateFashion(int you, int date) +{ + if (you < 8 && you > 2 && date >= 8) + return 2; + else if (you >= 8 && date < 8 && date > 2) + return 2; + else if (you >= 8 && date >= 8) + return 2; + else if (you < 8 && you > 2 && date < 8 && date > 2) + return 1; + else + return 0; + + +} +" +0a1869f80229056830499bc559bd1adcef2665c0,"public int dateFashion(int you, int date) +{ + int 0 = no; + int 1 = maybe; + int 2 = yes; + + if (you >= 8 && date >= 8) + { + return 2; + } +} +" +b497261a262025fc9eb346ed2c24aa09c83af932,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } +} +" +bc4b89162ccb0995530e8ad5e7b3c299b69ad2c6,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + else + { + return 1; + } + return 0; +} +" +fb8d710a503a1972ea98d9f9971d8715d325a2da,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } + return 0; +} +" +36e1a7cbdb229aa17f820ca01238fd49082a0822,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +8836b30100265f73d3298c9618cee059eb9f4881,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >== 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +04330e779243565239218dfab099276fa97fc240,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +44aa48b8a9b98e80caef8c598a176bdba65c2c3f,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if(you >== 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +84b9a0c6344d1846782db137b59aa3220e472bfd,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +3017674f28212a714674e1baf6f6da618d67b921,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 1; + } + { + return 2; + } + } + else if (you == 2 && date == 2) + { + return 1; + } + else + { + return 0; + } +} +" +94946817d312a08dc6b9ef2a75ec9dd1f7563f6a,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + { + return 2; + } + } + else if (you == 2 && date == 2) + { + return 1; + } + else + { + return 0; + } +} +" +606dc3fb3335b0a8bc8b86f0c004fb56b26e9c9d,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + else + { + return 1; + } +} +" +e3c207cd8a663d5753681184317b8f5792a34e6e,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +e340e6f86b17edc5d662fd5126649117d710aa56,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2 + else (you >= 2 || date >= 2) + return 0 + else + return 1 +} +" +01c9803f1cc9b76b9ed0790245545859df1697ec,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else (you >= 2 || date >= 2) + return 0; + else if + return 1; +} +" +79172e65f22598e9d7440dd8e6dae5ce0c309657,"public int dateFashion(int you, int date) +{ + if(you > 8 || date > 8) + return 2; + if(you < 2 || date < 2) + return 0; + else + return 1; + +} +" +be805ab676c05984767a42074384bdd2278cbdc1,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +94d23e41d9a4a786cfbd23f59e37b1b6adfbca07,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + if(you =< 2 || date =< 2) + return 0; + else + return 1; + +} +" +69962a7c6a3192bdb47879ce17b152f47c20fd63,"public int dateFashion(int you, int date) +{ + int chance = 0; + if (you > 2 && date > 2) + { + chance = 1; + if (you >= 8 || date >= 8) + { + chance = 2; + } + else + { + chance = 0 + } + return chance; +} +" +8ba65cbff7d24a02147b308e4121094ee1594242,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 && date <= 2 || you <= 2 && date >= 8) + { + return 0; + } + else + { + return 1; + } +} +" +825ee82ecff0b75cfca61aed3276928ab1c7c4da,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + if(you =< 2 || date =< 2) + return 0; + else + return 1; + +} +" +bd2dcf633d24db606fd5f939a5bc07746d3a9678,"public int dateFashion(int you, int date) +{ + int chance = 0; + if (you > 2 && date > 2) + { + chance = 1; + if (you >= 8 || date >= 8) + { + chance = 2; + } + else + { + chance = 0; + } + } + return chance; +} +" +447b5162753b7960ee6d4296cb8b65baa8042e71,"public int dateFashion(int you, int date) +{ + if(you =< 2 || date =< 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +a669c904569c079c2d13be98a9603498ddf03436,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +a6e3d5c4744fab021642d4248e2f2367a7d2a6d9,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +c03f7632ab0db5f88213c6511e829b8113cec469,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +992d65a92e8223fcc64843bac25e6171a2acd2f1,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you > 7 || date > 7) + return 2; + else + return 1; +} +" +333ff17fb5804a0af8e32886d7d9bba6a05faeee,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >=8 || date >=8) + { + return 2; + } + return 1; +} +" +1d4d1ceb06b99f776ffe5d07f810391370c2710b,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +3cc80bdad2ecb4d7b967eac678d2e9c9246e3906,"public int dateFashion(int you, int date) +{ + if (date > 2 || you > 2) + if (date > 8 || you > 8) + return 2; + else + return 1; + else + return 0; +} +" +dc317bda3f7e4de4e7992ab0b01b09375e9f5943,"public int dateFashion(int you, int date) +{ + if (date > 2 && you > 2) + if (date > 8 || you > 8) + return 2; + else + return 1; + else + return 0; +} +" +eafa89cbe14c96e8fe57f2db9c87ebb9049b52ac,"public int dateFashion(int you, int date) +{ + if(you >= 8 && date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +5bd9cc90ed6aa319c4224d9f29d394665d963df1,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +8f1d36303e673e7852a6dd3551ef0395e6c037bd,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8 ) + if (you <=2 || date <= 2) + return 0; + else + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; + +} +" +627d2e50803fed959a1c4ad4e425c8329b837c9a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + return 2; + elseif (you<=2 || date <=2) + return 0; + else + return 1; + +} +" +cc9da7458c65c8e00eb2668960f0304e10c4f99e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + return 2; + elseif (you<=2 || date <=2) + return 0; + else + return 1; + +} +" +66fe3ab9f14455ff74a2b6986a80d84a26382f6a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 && date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +30e015b4b1d60e350928fa029c8ee5777d5a6ddf,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else (you <= 2 && date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +a22244927eb76570a440598650487d341b66bfcb,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 && date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +ce5a2facaa866c89b62c8c42763f674fb9c3f638,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + if (you <= 2 && date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +51ddc879118197d73c8998ea7399c947cb5ba73b,"public int dateFashion(int you, int date) +{ + if (you > 7 || date > 7) + { + if (you < 3 || date < 3) + { + return 0; + } + return 2; + } + return 1; +} +" +3f40705eef3118f8334f5bf5d6fd7bfdfbd96eb2,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + return 2; + else if (you<=2 || date <=2) + return 0; + else + return 1; + +} +" +a77d613083948b71c757aa65861a9fe355329648,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + if (you <= 2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +dfa23d5f607c1ccc4388c886084f9b71d079d520,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +f85ffe21381bea6008da6b950ec73ad84c24aee5,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + if (you <= 2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +b86cfcd6736ba9581e94ff371f197de923b4c624,"public int dateFashion(int you, int date) +{ + if (you > 7 || date > 7) + { + if (you < 3 || date < 3) + { + return 0; + } + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + return 1; +} +" +5c7357d94680514e24bbde4fcc63fee37909e2d7,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +4357d338336007fc72a08dea5ec384de3c50a075,"public int dateFashion(int you, int date) +{ + + if (you<=2 || date <=2) + return 0; + else if (you >= 8 || date >=8) + return 2; + else + return 1; + +} +" +c8678ad4ab7315bebee800e1a38240edc12c9dee,"public int dateFashion(int you, int date) { + if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +}" +347390290ebf92c4e28a34d031d9ad3afd91e85a,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +018d3619913a5a7e5288b7dd40bf14bd6385865c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >=8) + return 2; + else + return 1; + + + +} +" +d5b5ecd90f6491126b2bba22ad11df72edea278b,"public int dateFashion(int you, int date) +{ + if(you>=8 || date>= 8){ + if(you <= 2|| date<=2) + return 0; + return 2; + + } + return 1; +} +" +d1c9f3163b4a57605b3c85ab430d4cce4fa53922,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +a02e5e11705db49abb043224927bb9dfa496fe58,"public int dateFashion(int you, int date) +{ + if(you>=8 || date>= 8){ + if(you <= 2|| date<=2) + return 0; + return 2; + + } + if(you <= 2|| date<=2) + return 0; + return 1; +} +" +8e6a1e8988c72ff063257bd6b2b12913c6b84c54,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + { + return 2; + } + if(you <=2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +76b37709b4f54a45dab657676945bfa210ac3acd,"public int dateFashion(int you, int date) +{ + if(you <=2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + +} +" +341782283273e71343c55c21659bd50b631b313e,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && !(you <= 2 || date <= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + return 1; + +} +" +879a2110971b74bb31df79dc0bb58e04f98e40c5,"public int dateFashion(int you, int date) +{ + if (you < 3 || date <3) + { + return 0; + } + else if (you < 3 || date <3) + { + return 2; + } + else + { + return 1; + } +} +" +cd3dfc81f3cb8880a54735f545b5ef4d9be487c2,"public int dateFashion(int you, int date) +{ + if (you < 3 || date <3) + { + return 0; + } + else if (you > 7 || date < 7) + { + return 2; + } + else + { + return 1; + } +} +" +2d3457e86baf33e2e8a6d1c29ce4fa1b5d144628,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +4a09a1c472ef08d16fa426206590547ff9efaf63,"public int dateFashion(int you, int date) +{ + if (you < 3 || date <3) + { + return 0; + } + else if (you > 7 || date > 7) + { + return 2; + } + else + { + return 1; + } +} +" +a9e1b88293d3f4461a6056465b1a03838803286d,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + } + else if (you <= 2 || date <= 2) + { + score = 0; + } + else + { + score =1; + } +} +" +d6f5a967d82b8523092f68bdef0d3f94a7c7356f,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + } + else if (you <= 2 || date <= 2) + { + score = 0; + } + else + { + score =1; + } + return score; +} +" +35c0114f84deabad3f837e7fa754bcea628c5c6c,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + if (you <= 2 || date <= 2) + { + score = 0; + } + } + else + { + score =1; + } + return score; +} +" +180a729b075ab28e275ed82e96664a604abddd01,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +61dbf1086b96a64505aaa5c4a84ab8265f7a2f42,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + if (you <= 2 || date <= 2) + { + score = 0; + } + } + else if (you <= 2 && date <= 2) + { + score = 0; + } + else + { + score =1; + } + return score; +} +" +b5ef0456e9e1ca3dfbdbfb8d10c964115dd0b54e,"public int dateFashion(int you, int date) +{ + if (you > 2 && date > 2) + { + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + } + else + { + return 2; + } +} +" +61c8526b418f616b2000e3313c999bdd732ca68e,"public int dateFashion(int you, int date) +{ + if ( you >=8 || date >=8) + return 2; + if ( you <=2 || date <=2) + return 0; + else + return 1; + + +} +" +4bf69f6e815fa3af72d93d1f6c41d6d0d4a80006,"public int dateFashion(int you, int date) +{ + if ( you <=2 || date <=2) + return 0; + if ( you >=8 || date >=8) + return 2; + else + return 1; + + +} +" +4708760dd09935d9a12aed494e770db82dc6e512,"public int dateFashion(int you, int date) +{ + if (you > 2 && date > 2) + { + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + } + else + { + return 0; + } +} +" +fa121caf37d937c09097741bef0448e763c18215,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +0e6e173fdc0bcde462e3823aed85bec555019c11,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + return 1; +}" +e6699c3e83c8960c4964c29a3c71d48eeae8275e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + return (you >= 8 && date >= 2 || date >= 8 && you >= 2) ? 2 : 1; +} +" +8905f02b56db1d31b5fd0bdf6954a553b6164849,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 0; +} +" +8f65c02d1381670811080299fdb4d29089e1959c,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + return 1; +} +" +74c323e7c06a50f1eaba60cf1785ed18bd38d4bf,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return ""0""; + } + if (you >= 8 || date >= 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +0c7fe8a031224396b989e47bfd86748f6ccb8b95,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return ""0""; + } + if (you >= 8 || date >= 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +cdef3009ae6fad13c57c71fc7c30cb17587ab8b4,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +0679f66efff17a727343ba3991bd57311f76db03,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + if (you <= 2 || date <= 2) + { + return no; + } + else if (you >= 8 || date>= 8) + { + return yes; + } + else + { + return maybe; + } +} +" +a54b3f86ac5276a4816d7fafef6ffd5ac46d6952,"public int dateFashion(int you, int date) +{ + int dateFashion; + + if ((you >= 8) && (date >= 8)) + { + dateFashion = 2; + } + else if ((you <= 2) || (date <= 2)) + { + dateFashion = 0; + } + else if ((you >= 8) || (date >= 8)) + { + dateFashion = 2; + } + else + { + dateFashion = 1; + } +} +" +269b71315ac667199047d1f1bf4a3eb78b92c927,"public int dateFashion(int you, int date) +{ + int dateFashion; + + if ((you >= 8) && (date >= 8)) + { + dateFashion = 2; + } + else if ((you <= 2) || (date <= 2)) + { + dateFashion = 0; + } + else if ((you >= 8) || (date >= 8)) + { + dateFashion = 2; + } + else + { + dateFashion = 1; + } + return dateFashion; +} +" +4060f2dd60eddf100efbbea1014cce0a2ff616a5,"public int dateFashion(int you, int date) +{ + if (you+date=>8) + { + return 2; + } + else if (you<=2) + { + return 1; + } + else + { + return 0; + } +} +" +39c635206ede839f6080ce8d3efd189b219279c7,"public int dateFashion(int you, int date) +{ + if ( you>=8 || date>=8) + { + return 2; + } + else if ( you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } + +} +" +002ffd19921ad86d4c21cc386a9319c379515d3d,"public int dateFashion(int you, int date) +{ + if ( you<=2 || date<=2) + { + return 2; + } + else if ( you>=8 || date>=8) + { + return 0; + } + else + { + return 1; + } + +} +" +c0df350a447e5912e078295797e26cf4f76973c2,"public int dateFashion(int you, int date) +{ + if ( you<=2 || date<=2) + { + return 0; + } + else if ( you>=8 || date>=8) + { + return 2; + } + else + { + return 1; + } + +} +" +3e4c2637bfdfc09331feb40a1eef8d98a7004b5d,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + return 1; + +} +" +cc213301d8b1cf7f2119b725b5381b383457c7ff,"public int dateFashion(int you, int date) +{ + if (you>8 || date>8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 1; + } + else + { + return 0; + } +} +" +3e19325cf92aa69f1f6ccdb8703e503751aef3ab,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + return 1; + +} +" +ce47c058ef356dc4fb1be58167b2dcbccf91ada3,"public int dateFashion(int you, int date) +{ + if (you>8 || date>8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } +} +" +233353f64093079bf4e5e7a896a0bf548a3f33d9,"public int dateFashion(int you, int date) +{ + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } +} +" +439672ce235c18daa506a62b1ac71314a76436fc,"public int dateFashion(int you, int date) +{ + if (you>=8 && date>=8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } +} +" +b365a17fabb22683186023c0520633d56eb140e7,"public int dateFashion(int you, int date) +{ + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } +} +" +440f4fdde02f247f2284bc5f673c1220241b99ed,"public int dateFashion(int you, int date) +{ + if (you>=8 || date>=8) + { + return 2; + } + if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } +} +" +c8849295f4171628b1532dfe98ac6d4322db808e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return (2); + } + else if (you <= 2 || date <= 2) + { + return (0); + } + else + { + return (1); + } +} +" +293766579ff764ff376ba1fd7f8ec3016faf69ae,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || data >= 8) + return 2; + else + return 1; + +} +" +4c796e6585fa2d247590cbfe2f9023a7622ed796,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +632ec4371b6c08c5dccc86135643972a0dbe4ad7,"public int dateFashion(int you, int date) +{ + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } +} +" +a1d8906cbbcc087b4fe8f2d5f97968cca14378f9,"public int dateFashion(int you, int date) +{ + + if (you<=2 || date<=2) + { + return 0; + } + else if (you>=8 || date>=8) + { + return 2; + } + else + { + return 1; + } +} +" +a39e6a99e03fa0df12ef6278aefa5ff37beca2a0,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return (0); + } + else if (you >= 8 || date >= 8) + { + return (2); + } + else + { + return (1); + } +} +" +4f0f0417be156ceb2aa708c6ee61ee7deac2e787,"public int dateFashion(int you, int date) +{ + if(!(you || date <= 2)) + { + if(you || date >= 8) + { + return 2; + } + } + else + { + return 0; + } + return 1; +} +" +80b3c163dfd32dc5f43a574b27f4edda232e8705,"public int dateFashion(int you, int date) +{ + if(!(you OR date <= 2)) + { + if(you OR date >= 8) + { + return 2; + } + } + else + { + return 0; + } + return 1; +} +" +157ada2ae0868732066c4ee9920bd5c2112fc402,"public int dateFashion(int you, int date) +{ + if(!(you || date <= 2)) + { + if(you || date >= 8) + { + return 2; + } + } + else + { + return 0; + } + return 1; +} +" +0132f0821b4598959ab18ca45de1ba836cb53be3,"public int dateFashion(int you, int date) +{ + if(!(you | date <= 2)) + { + if(you | date >= 8) + { + return 2; + } + } + else + { + return 0; + } + return 1; +} +" +cacb7d5ef0e07c419cf217de469d2058e9f1b708,"public int dateFashion(int you, int date) +{ + if(!(you || date <= 2)) + { + if(you || date >= 8) + { + return 2; + } + } + else + { + return 0; + } + return 1; +} +" +968ea6d038a4187f6e95ba473d3bb721ad554c6d,"public int dateFashion(int you, int date) +{ + if(!(you <= 2 || date <= 2)) + { + if(you >= 8 || date >= 8) + { + return 2; + } + } + else + { + return 0; + } + return 1; +} +" +c6f6f782266852aed3583c21017e47874dfdf146,"public int dateFashion(int you, int date) +{ + if(date < 3 || you < 3) + { + return 0; + } + else if (date > 7 || you > 7) + { + return 2; + } + else + { + return 1; + } +} +" +54d2762e8976c8993e4465a0a3156031e23ed17f,"public int dateFashion(int you, int date) +{ + if (you >=8 || date >=8) + return 2; + if (you <=2 || date <=2) + return 0; + else + return 1; + + return 0; + +} +" +f25a34e7695ea20aeda5adbe467e84f171eeb63a,"public int dateFashion(int you, int date) +{ + if (you >=8 || date >=8) + return 2; + if (you <=2 || date <=2) + return 0; + else + return 1; + + +} +" +cf9ab6b18b52bcfca21af0b09e3c960bda5ae79f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8){ + return 2; + } + else if(you <= 2 || date <= 2){ + return 0; + } + return 1; +} +" +65c9cb1ddfb63601a8c4e8ce10d7b517aaf8ba98,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8){ + return 2; + } + if(you <= 2 || date <= 2){ + return 0; + } + return 1; +} +" +f98c684d69ba18743c81ed9dc1a52f52ef79b235,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + return 2; + else if (you >=8 || date >=8) + return 0; + else + return 1; + + +} +" +cc7ecc010b1e6943bafb43aef6c8fd14aeca87e2,"public int dateFashion(int you, int date) +{ + if((you >= 8 && date > 2) || (date >= 8 && you > 2)) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +e395f304176d4891661c1b7575ac86194aae1908,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + if(you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +b552d0f5ca554944603d898b38edc4a9ab6e2250,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if(you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +44a921db909aa2562ff480cd546c3e32d9bf9bef,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + else if(you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +7b7797b4c78a29d7732ca022c06c76fc6fc52224,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +1088a3ee4ddff171932ded7237ea54ee7020797e,"public int dateFashion(int you, int date) +{ + int sum = you + date; + + if (sum>=8) + { + return 2; + } + else if (sum>=3) + { + return 1; + } + else + { + return 0; + } + +} +" +7e7919647ca8680fba7369a9d223dc72c60cb170,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + return 0; + else if (you >=8 || date >=8) + return 2; + else + return 1; + + +} +" +e1c4e33f294b69d41905f15082a358f572e5797c,"public int dateFashion(int you, int date) +{ + int chance = 1; + + if (you >= 8 || date >= 8) + { + chance = 2; + } + if (you <= 2 || date <= 2) + { + chance = 0; + } + + return chance; +} +" +3b114fcd10cf989fb373f4599db643c27be14b07,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if(you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +4e8f4f2165768bb3d1b3bb429a150ea36ade366a,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 1; + } + else + { + return 0; + } + +} +" +33e9983095a1808ac732bc2c34a43632c431d3fd,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you>=2 || date>=2) + { + return 1; + } + else + { + return 0; + } + +} +" +a6b074868b2fbee844a507eeba281a178d73c790,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you <= 2 || date <=2)) + { + return 0; + } + + else if((you >= 8 && date > 2) && (you > 2 && date >= 8)) + { + return 2; + } + + return 1; + + +} +" +4d11a956b59d0d95e57679a99ba0cc542418e29a,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you>=3 || date>=3) + { + return 1; + } + else + { + return 0; + } + +} +" +b60e47c2db9c1d268b0572399ba4e26f5193c239,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you <= 2 || date <=2)) + { + return 0; + } + + else if((you >= 8 && date > 2) && (you > 2 && date >= 8)) + { + return 2; + } + + + + +} +" +a95eef9c2ee600eda09105a66e09f10a151208e8,"public int dateFashion(int you, int date) +{ + int chances; + if ((you > 8 || date > 8) && (you > 2 && date > 2)) + chances = 2; + else if (you > 2 || date > 2) + chances = 0; + else + chances = 1; + return chances; +} +" +a26ed562790a55d1b5b596209a42ec8920e0d38e,"public int dateFashion(int you, int date) +{ + int chances; + if ((you > 8 || date > 8) && (you > 2 && date > 2)) + chances = 2; + else if (you < 2 || date < 2) + chances = 0; + else + chances = 1; + return chances; +} +" +15a12cfa642b199d349efca5e208eba0cebbddf4,"public int dateFashion(int you, int date) +{ + int chances; + if ((you > 8 || date > 8) && (you > 2 && date > 2)) + chances = 2; + else if (you <= 2 || date <= 2) + chances = 0; + else + chances = 1; + return chances; +} +" +6dfa00cdbf68bb90baa24cd33c54a3798f3ec3bf,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you <= 2 || date <=2)) + { + return 0; + } + + else if((you >= 8 || date > 2) && (you > 2 || date >= 8)) + { + return 2; + } + + return 1 + + +} +" +6237362011888dc7203b2d3201dfa955faf41a34,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you <= 2 || date <=2)) + { + return 0; + } + + else if((you >= 8 || date > 2) && (you > 2 || date >= 8)) + { + return 2; + } + + return 1; + + +} +" +057708d05798548dcd3cf7408ac3e7596f6cffad,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 || date > 2) && (you > 2 || date >= 8)) + { + return 2; + } + + return 1; + + +} +" +c93f74c1717d274f1dd6bbb187b98217e49e5fee,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you>=8 || date >= 8) + return 2; + return 1; +} +" +c00f888fc400d240c9946325587890136e4a3008,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you>=8 || date >= 8) + return 2; + return 1; +} +" +8d851e4ee0f6b6400be2c72ec5b59487b4b2f36b,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you>=3 && you<=7) || (date>=3 && date<=7) + { + return 1; + } + else + { + return 0; + } + +} +" +107fa6032c0393fa8b2f66407b543e59c7f3aa6c,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; + +} +" +3ffc1cead143212c823f508a0fa7114bfee62513,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=7) || (date<=7) + { + return 1; + } + else + { + return 0; + } + +} +" +b8401ee669448074c5d0dea539326a6986fcfd42,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=7 || date<=7) + { + return 1; + } + else + { + return 0; + } + +} +" +6121fad3f2108cb90ac200a5eba003b14a6aa67e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 || (date > 2 && date < 8)) && ((you > 2 && date < 8) || date >= 8)) + { + return 2; + } + + return 1; + + +} +" +5d753dc1cf1f0b3ea4a69d853a978e011b328417,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 || (date > 2 && date < 8)) || ((you > 2 && date < 8) || date >= 8)) + { + return 2; + } + + return 1; + + +} +" +620ed3a394dde68bd26240e67f186a923dc8ea5c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 && (date > 2 && date < 8)) || ((you > 2 && date < 8) && date >= 8)) + { + return 2; + } + + return 1; + + +} +" +294cff972fd699951af886fd98d11264230caa90,"public int dateFashion(int you, int date) +{ + + if (you>=8 || date>=8) + { + return 2; + } + else if (you<=2 || date<=2) + { + return 0; + } + else + { + return 1; + } + +} +" +f70e0dfd0106cd1b355cb3e40e307c79ab7fa090,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 && (date > 2 && date < 8)) || ((you > 2 && date < 8) && date >= 8)) + { + return 2; + } + + else if(you >=8 && date >= 8) + { + return 2 + + } + + return 1; + + +} +" +01bd980d221799033a74bde27f745805a4acfbf7,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 && (date > 2 && date < 8)) || ((you > 2 && date < 8) && date >= 8)) + { + return 2; + } + + else if(you >=8 && date >= 8) + { + return 2; + + } + + return 1; + + +} +" +f2eca73c68ad05bc5f257066a8b782b812a9a811,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <=2) + { + return 0; + } + + else if((you >= 8 && (date > 2 && date < 8)) || ((you > 2 && date < 8) && date >= 8)) + { + return 2; + } + + else if(you >=8 || date >= 8) + { + return 2; + + } + + return 1; + + +} +" +7f5c7522a9f4936ed6f7be7183274f1bc8adf091,"public int dateFashion(int you, int date) +{ + + + if (you<=2 || date<=2) + { + return 0; + } + if (you>=8 || date>=8) + { + return 2; + } + else + { + return 1; + } + +} +" +adff607ed7e256f24a100169f8c9717a07ed00df,"public int dateFashion(int you, int date) +{ + if (you == 2 || date == 2) + { + return 0; + } + + else if (you > 8 || date > 8) + { + return 2; + } + + else + { + return 1; + } + + + +} +" +6be3889c3679023b5d5dbb66b6ee537f3ffd360e,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +de24cabb5b2e54cd346661a1c38d224cafae1f44,"public int dateFashion(int you, int date) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +b77a3a765d18fab9678333d9891806fdd715accf,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +6f77d78feec390a4874f39ee60dae522ccf79841,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +c8c5e64d1c1ad70930e7c042d417d34deb84269c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >=8) + { + return 2; + } + else + { + return 1; + } + +} +" +ed2bbd18f0acfc8d5b7bec4ef150edbe8b9917d7,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +2dfb76671589c575be685e1af5546154480f2625,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 || date>=8) + { + chances =2; + } + else if (you<=2 || date<=2) + { + chances =0; + } + else + { + chances =1; + } + return chances; +} +" +67bbc19861235900b6af5df1dfa53b97c6bb8195,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) +return 0; + +if(you >= 8 || date >= 8) +return 2; + +return 1; +} +" +a24011fd93770ca1cc73cb673bea2cff6300bb81,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 || date>=8 && !you<=2 || !date<=2) + { + chances =2; + } + else if (you<=2 || date<=2) + { + chances =0; + } + else + { + chances =1; + } + return chances; +} +" +ccb7d660c449722456d8188bc9cb66490de84c32,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 && you >2 || date>=8 && date >2) + { + chances =2; + } + else if (you<=2 || date<=2) + { + chances =0; + } + else + { + chances =1; + } + return chances; +} +" +4357dbb50838220ba4cefa399d0d64e49d1887d1,"public int dateFashion(int you, int date) +{ + int chances; + if (you >=8 && you >=2 || date>=8 && date >=2) + { + chances =2; + } + else if (you<=2 || date<=2) + { + chances =0; + } + else + { + chances =1; + } + return chances; +} +" +d4ed42d3b9ad678c01c49419e601b292ae17e83a,"public int dateFashion(int you, int date) +{ + int chances; + if (you<=2 || date<=2) + { + chances =0; + } + else if (you >=8 && you >2 || date>=8 && date >2) + { + chances =2; + } + else + { + chances =1; + } + return chances; +} +" +a6bc89ffc2fd17f03710a03e9e9c4ceeab272835,"public int dateFashion(int you, int date) +{ + int chances; + if (you<=2 || date<=2) + { + chances =0; + } + else if (you >=8 || date>=8) + { + chances =2; + } + else + { + chances =1; + } + return chances; +} +" +63ced527b12359ce7ddd324bab0390504e925ab4,"public int dateFashion(int you, int date) +{ + if (you + date >= 16) + { + return 2; + } + if (you + date <= 2) + { + return 0; + } + else + { + return 1; + } +}" +689699b72b60c60327a43c2d4e83da69867627b9,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you >= 2 || date >= 2) + { + return 0; + } + else + { + return 1; + } +}" +d98986b41545e64eeb358f18c6ef914d8b9c5b38,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +}" +e07c59e5fa6fcf6b624aa2a805c0d0f2957e697e,"public int dateFashion(int you, int date) +{ + int chance = 0; + if (you > 2 && date > 2) + { + chance = 1; + if (you >= 8 || date >= 8) + { + chance = 2; + } + } + else + { + chance = 0; + } + + return chance; +} +" +f1f37debe10cbdc2a6825a08e55644ce069cc5c1,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you >= 2 || date >= 2) + { + return 1; + } + else + { + return 0; + } +}" +18c4a7da9cd0eb79356417721430c24bd8469e66,"public int dateFashion(int you, int date) +{ + if (date >= 8 || you >= 8) + { + return 2; + } + if (date <= 2 || you <=2) + { + return 0; + } + else + { + return 1; + } +} +" +ad948ae8164b14d586d11381b24b35eb8f01247d,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +}" +70caaa72c502c640807311479ba31a2435ad73ee,"public int dateFashion(int you, int date) +{ + if ((date >= 8 && you > 2) || (date > 2 && you >=8)) + { + return 2; + } + if (date <= 2 || you <=2) + { + return 0; + } + else + { + return 1; + } +} +" +a79ed7869570d118f1756d6582d7c3935575310b,"public int dateFashion(int you, int date) +{ + + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +8c81caeb4f05d5da6fa6404ae665a0173f65fc5b,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +965d4b72a3153e19bbd6adcba98bb988968d979c,"public int dateFashion(int you, int date) +{ + if(you<=2 || date <= 2) + { + return 0; + } + else if (you>=8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +bc76952afed8f1c42e8a964fa4c71d7546282f03,"public int dateFashion(int you, int date) +{ + String answer = "" ""; + if (you <= 2 || date <= 2) + { + answer = ""no""; + } + else if (you >= 8 || date >= 8 && !date < 3 && !you < 3) + { + answer = ""yes""; + } + else + { + answer = ""maybe""; + } + return answer; +} +" +da74bb0fe1bd24f227c5ce88ca2375bec4ab8808,"public int dateFashion(int you, int date) +{ + String answer = "" ""; + if (you <= 2 || date <= 2) + { + answer = ""no""; + } + else if (you >= 8 || date >= 8 && date > 2 && you > 2) + { + answer = ""yes""; + } + else + { + answer = ""maybe""; + } + return answer; +} +" +057f640b7dd9ccd18253ebc92b707ea268791374,"public int dateFashion(int you, int date) +{ + String answer = "" ""; + if (you <= 2 || date <= 2) + { + answer = ""no""; + } + else if (you >= 8 || date >= 8 && date > 2 && you > 2) + { + answer = ""yes""; + } + else + { + answer = ""maybe""; + } + return String answer; +} +" +6909bbf40a2c8a7dd4669dd33a604ab4c5ad271b,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if (you >= 8 || date >= 8) + return 2; + + return 1; +} +" +7f4e91cf2bf2e86bcdfd4f6fe6ef94a515000331,"public int dateFashion(int you, int date) +{ + int answer = 0; + if (you <= 2 || date <= 2) + { + answer = 0; + } + else if (you >= 8 || date >= 8 && date > 2 && you > 2) + { + answer = 2; + } + else + { + answer = 1; + } + return answer; +} +" +9e07da55e5a81b68372ec337d092d31ab468f56b,"public int dateFashion(int you, int date) +{ + if (date <=2 || you <=2) + return 0; + if (date >= 8 || you >=8) + return 2; +} +" +429f729ffb8e6fa936c7a7838bd91618fecaace9,"public int dateFashion(int you, int date) +{ + if (date <=2 || you <=2) + return 0; + if (date >= 8 || you >=8) + return 2; + return 1; +} +" +19ca86f8c60bb0622ac49563f0448bec06f3c4ec,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + { + return 2; + } + else if(you <= 2 || date <= 2) + return 0; + return 1; +} +" +08279fb88fac75f4fb8f7d43fccd22cfced2b07d,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + if(you <= 2 || date <= 2) + return 0; + return 1; +} +" +bc1de2790495a3a1ce07378b7ea790b81abc1abb,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + { + return 2; + } + if(you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +4b96f056ac8184cd46334bd33bca9479a375d2ed,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +13ecd39f98f335df64af61138da1e76ebd92f341,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + return 1; +} +" +9ac43b1362b32d58b7e3398c8c7a8a5d172f140c,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } else if (you <= 2 || date <= 2) { + return 0; + } else { + return 1; + } +} +" +e82d7088898fb05ce2a5522ae8fc96ee7d06173e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 2) { + return 2; + } else if (date >= 8 && you >= 2) { + return 2; + } else if (you <= 2 && date <= 2) { + return 0; + } else { + return 1; + } +} +" +a8757b23825ba072bade9b65ddc1b18b5d4d8d5f,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) { + return 2; + } else if (date >= 8 && you > 2) { + return 2; + } else if (you <= 2 && date <= 2) { + return 0; + } else { + return 1; + } +} +" +0fe8e61bd758f2543d59cc793bd6563de3c23b94,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; + +} +" +8f4bb13d9190c39f5b05dae2d012ecc2bca6d6f3,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return(2); + } + else if (you <= 8 || date <= 8) + { + return(0); + } + else + { + return(1); + } +} +" +62c00610362759d464bb0dc0082cfd85f5d245f3,"public int dateFashion(int you, int date) +{ + if (you >= 8) + return 2; + else if (you <= 2) + return 0; + else + return 1; +} +" +bd0fcb7934bcb70d0558300434f2737f064ec376,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) { + return 2; + } else if (date >= 8 && you > 2) { + return 2; + } else if (you <= 2 && date <= 2) { + return 0; + } else if (you >= 8 && date <= 2) { + return 0; + } else if (you <=2 && date >=8) { + return 0; + } else { + return 1; + } +} +" +ca286fc19b61751d0c08d4fe50a875dbcbb3c9f9,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +9a289c279e3efe22587b2fc4621b96ce5f00c92a,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (!you <= 2 || !date <= 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +0c458174560b33e0994682094264efe464dc7ccb,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) { + return 2; + } else if (date >= 8 && you > 2) { + return 2; + } else if (you <= 2 ||date<= 2) { + return 0; + } else if (you >= 8 && date <= 2) { + return 0; + } else if (you <=2 && date >=8) { + return 0; + } else { + return 1; + } +} +" +c44e63a2f27fbe281ab53b7b641eda5b886e988e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +8d985e18dd61b1a748bf0b6ca447f2566a7fa6f5,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (you > 2 || date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +f142bb213836fa7900c84b1f44387ec8365f517e,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(2); + } + } + else if (you <=2 || date <= 2) + { + return(0); + } + else + { + return(1); + } +} +" +e7ce61176acf653d3b63432b324bf4f3a0e86855,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2 ) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +9de8a8229b9e60a58eeb8464bfbcbab33b113e32,"public int dateFashion(int you, int date) +{ + int value = 0; + + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <=2) + { + value = 0; + } + value = 2; + } + else + { + value = 1; + } + return value; +} +" +32fd8ecb43d1ea8577f832be93435f6775a9f8dd,"public int dateFashion(int you, int date) +{ + int value = 0; + + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <=2) + { + value = 0; + } + else + { + return 2; + } + } + else + { + value = 1; + } + return value; +} +" +68cbb37d356e651b4003b8e2088768d942be7d70,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) && (!(you <= 2 || date <= 2))) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +c3bebefd88f3840526dee2ec7382a835ebdbf2e5,"public int dateFashion(int you, int date) +{ + int value = 0; + + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <=2) + { + value = 0; + } + else + { + return 2; + } + } + else + { + if (you <= 2 || date <=2) + { + value = 0; + } + else + { + value = 1; + } + } + return value; +} +" +522fb144ecfe1f9f62d3c497ebed6266fa50ccd7,"public int dateFashion(int you, int date) +{ + return 0; +} +" +7fd1e472e37ecaeaa436ada98244ec80e1d0b370,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + + + + return 0; +} +" +d25b74debe7b50f615fe561ef5ee6ff7d88a5975,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + + + + return 0; +} +" +d4e4f9abca017e8de35974c2e2ac790f5752e823,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + + + + return 1; +} +" +21b93c42e15b8e94ee3c72741faed33ef91ac17f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(2); + } + } + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(1); + } +} +" +4e7616ae254429c40d4f0377368733689185883d,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 0 ) + { + return 2; + } + + else if (you >= 0 || date >= 8 ) + { + return 2; + } + + + + return 1; +} +" +08fbaeab79c02e4857a5c5dbb45fe028f76b29de,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +8c73afe809d5e6954c6215cd8cc2cdf57e957029,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + + return 0; + + if(you >= 8 || date >= 8) + + return 2; + + return 1; +} +" +f910de4e8f0e8ae23f38dc45155aa3f7075bbfc2,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +cd2a51d518fb7c198ea35b6248060b7f577bbd75,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + return 1; +} +" +567a7b9a5a866c09901517c6e9e71b62c16b3965,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + return 1; +} +" +3014925e881f4e078c1cb34bd784f12f53be955f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + + else if (date >= 8 || you >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + return 1; +} +" +3775e7869a17ff36825273ea16d9832eedb6471a,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + + + else if (you <= 2 || date <= 2) + { + return 0; + } + + return 1; +} +" +5f0ddee80a6303b72256f0f5d3f2855d63a590ef,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + + + else if (you <= 2 && date <= 2) + { + return 0; + } + + return 1; +} +" +39f3411e4cd5d7856ee77dcb305baf7bf1f1d0fe,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + return 1; +} +" +a26e4a1abbbf488dfdfbe5022aea00ec9cacd117,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + + + else if (you <= 2 || date <= 2) + { + return 0; + } + + return 1; +} +" +9b1c26011dbdccca8f243a0ac83a8bdf3049e0f3,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else { + return 1; + } +} +" +e2fb56b8a9af17e95653e8ea8c1a4625fa79ae2c,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 2 && date <= 8) + { + return 1; + } +} +" +feb8f326dfd47514aba68c324b7f6920d34d84cf,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 2 && date <= 8) + { + return 1; + } + return null; +} +" +1261bda63946324090ed5a522da379f530c144ed,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 2 && date <= 8) + { + return 1; + } + return 4; +} +" +a97dd52a9016cee89a33be8aa98dcc3c6b77d308,"public int dateFashion(int you, int date) +{ + if (you >= 8) || (date >= 8) + { + return 2 + } + else if (you <= 2) || (date <= 2) + { + return 0 + } + else + { + return 1 + } + +} +" +98629152ea0f7708abeea586ddffa7bd1c2bccaa,"public int dateFashion(int you, int date) +{ + if (you >= 8) || (date >= 8)) + { + return 2; + } + else if (you <= 2) || (date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +922e299f35b1e948b3a2f6f5fc063d09b6ce7541,"public int dateFashion(int you, int date) +{ + int rating; + if (you >= 8 || date >= 8) + { + rating = 2; + } + else if ((you > 2 && you < 8) || (date > 2 && date < 8)) + { + rating = 1; + } + else + { + rating = 0; + } + return rating; +} +" +62c62c2b35bd444c54959c776279bfb352a08834,"public int dateFashion(int you, int date) +{ + if (you >= 8) || (date >= 8)) + { + return 2; + } + else if (you <= 2) || (date <= 2)) + { + return 0; + } + else + { + return 1; + } + +} +" +cb710c649d8d2471982e6b5f056008159c8d91a0,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + { + return 0; + } + else if ( you < 8 && date < 8) + { + return 1; + } + else + { + return 2; + + } +} +" +b0395ffda2b08809e33874bfd2d3b3582ea48acd,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + return 2; + } + else if ((you <= 2) || (date <= 2)) + { + return 0; + } + else + { + return 1; + } + +} +" +7be3ca59e1d809674a6e4a54778e4a5940251100,"public int dateFashion(int you, int date) +{ + if ((you <= 2) || (date <= 2)) + { + return 0; + } + else if ((you >= 8) || (date >= 8)) + { + return 2; + } + else + { + return 1; + } + +} +" +3699b25a20ceaa76feb8d4dfcd135552f9f0852a,"public int dateFashion(int you, int date) +{ + int rating; + if (you >= 8 && date > 2) + { + rating = 2; + } + else if (you <= 2 || date <= 2) + { + rating = 0; + } + else + { + rating = 1; + } + return rating; +} +" +e82a6aa86c2cf5ad35fdd2d70ee0ebe2af364125,"public int dateFashion(int you, int date) +{ + int rating; + if (you >= 8 && date > 2) + { + rating = 2; + } + else if (you <= 2 || date <= 2) + { + rating = 0; + } + else if ((you > 2 && you < 8) && (date > 2 && date < 8)) + { + rating = 1; + } + return rating; +} +" +f6ef24fad2fa654f7f2b20c80690d9774bd6fa28,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if(you == 9 && date == 2) + { + return ""0""; + } + if(you == 4 && date == 5) + { + return ""1""; + } + if(you == 9 && date == 4) + { + return ""2""; + } +} +" +19b5520e4e0fbd1633882fbc46c12e7739db6b55,"public int dateFashion(int you, int date) +{ + int rating; + if (you >= 8 && date > 2) + { + rating = 2; + } + else if (you <= 2 || date <= 2) + { + rating = 0; + } + else + { + rating = 1; + } + return rating; +} +" +4f751695641937218f40d5bf4217bf1bb43cf4dd,"public int dateFashion(int you, int date) +{ + int time = 1; + if ((you >= 8 && date > 2) || (date >= 8 && you > 2)) + return time = 2; + if (you <= 2 || date <= 2) + return time = 0; + else + return time; + +} +" +92a64726b284293ba3ddf2fb105df5f3170a072b,"public int dateFashion(int you, int date) +{ + int rating; + if ((you >= 8 && date > 2) || (date >= 8 && you > 2)) + { + rating = 2; + } + else if (you <= 2 || date <= 2) + { + rating = 0; + } + else + { + rating = 1; + } + return rating; +} +" +ce2fb3fd0ddafd3c052580ab1c9b29a045994ff2,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if(you <= 2 || date <= 2) + { + return ""0""; + } + if else(you => 8 && date => 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +667dd1360a7d31188a19837aeb52d4f5434a9851,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if(you <= 2 || date <= 2) + { + return ""0""; + } + if(you => 8 && date => 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +e73b23eff9abf52563a96fb2131de583fb345430,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if(you <= 2 || date <= 2) + { + return ""0""; + } + if (you => 8 && date => 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +86459adb857973fc3e98d14902746b55cd7a43a2,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you <= 2 || date <= 2) + { + return ""0""; + } + if (you => 8 && date => 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +9f02eebcf675dff115de759be7c8213b7795a5fb,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you <= 2 || date <= 2) + { + return ""0""; + } + if (you >= 8 && date >= 8) + { + return ""2""; + } + else + { + return ""1""; + } +} +" +e055f364c314c47e094f07856fd6ec4d73c044ab,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 && date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +74add907eee57c4d1b60e37c9814ac5ba7fed2aa,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +df56695629e39641b7155d37c54575551214ce0f,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +04bbcbd00d968abe17774846c0dbd22cd42d364b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else (you <= 2 || date <= 2) + { + return 0; + } + return 1; + +} +" +5a2fc246d59e99981e060f0ed5b75dd3120e0595,"public int dateFashion(int you, int date) +{ + if ( you >= 8 && date >= 8) + {return 2;} + if ( you <= 8 && date <= 8) + { + return 0; + } + else + return 1; +} +" +8539b31560fb1a9b5e9265d002b3dddfbcfda59b,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + + +} +" +fea033e795633412437323eea80fceac81979321,"public int dateFashion(int you, int date) +{ + if ( you >= 8 && date >= 8) + { + return 2; + } + if ( you <= 2 && date <= 2) + { + return 0; + } + else + return 1; +} +" +30e582e274c1f6cae29f2543c13b9161eafa44af,"public int dateFashion(int you, int date) +{ + if ( you >= 8 || date >= 8) + { + return 2; + } + if ( you <= 2 || date <= 2) + { + return 0; + } + else + return 1; +} +" +e503bcd53b6c1b8e1f5bceead47b945857b50e9a,"public int dateFashion(int you, int date) +{ + if ( you >= 8 && date >= 8) + { + return 2; + } + if ( you <= 2 && date <= 2) + { + return 0; + } + if ( you >= 8 && date <= 8) + { + return 1; + } + if ( you <= 8 && date >= 8) + { + return 1; + } + } + else + return 1; +} +" +e470825abb6b044feaf2ceff3619e06edf845803,"public int dateFashion(int you, int date) +{ + if ( you >= 8 && date >= 8) + { + return 2; + } + if ( you <= 2 && date <= 2) + { + return 0; + } + if ( you >= 8 && date <= 8) + { + return 1; + } + if ( you <= 8 && date >= 8) + { + return 1; + } + } + else + { + return 1; + } +} +" +59bc682380ba372d6848787195cd33aea1dadf06,"public int dateFashion(int you, int date) +{ + public int dateFashion(int you, int date) + { + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; + } +" +23f5c77d401e14c58ed8d000abd41289d786b2cf,"public int dateFashion(int you, int date) + { + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; + } +" +0f712c280b1c62978f7d3bb08babc497fdc4c66e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2) + { + return 2; + } + else if (you > 2 && date >= 8) + { + return 2; + } + else if (you > 2 && date > 2) + { + return 1; + } + else + { + return 0; + } + + +} +" +56f145128b87d9f30c6b661121ad816649ad15cf,"public int dateFashion(int you, int date) +{ + if ((you >=8 && <=10) && (date >=8 && <=10)) + { + return 2; + } + + else if ((you <=2 && >=0) && (date >=2 && <=0)) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +888171ec951a215318978f44dadc4645c73f616e,"public int dateFashion(int you, int date) +{ + if (you > 8 || date > 8) + { + return 2; + } + else if (you < 2 || date < 2) + { + return 0; + } + else + { + return 1; + } +} +" +5a1d5234145e09608200dcb7738322a4731d02e8,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +ea5b2322e44a9ad1017d1d4493d1632fe69a63de,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return(0) + } + if (you >= 8 || date >= 8) + { + return(2) + } + else + { + return(1); + } + +} +" +65d07d26057598bada774fb3c520ca9f01aac98e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return(0); + } + if (you >= 8 || date >= 8) + { + return(2); + } + else + { + return(1); + } + +} +" +2712e50117f8704292614f3c51a0c76401f5dd71,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8) + result = 2; + else if (you <= 2 && date <= 2) + result = 0; + else + result = 1; + return result; + +} +" +c7ef3e5738721cfc18109b8db49d8139e67d5aea,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8) + result = 2; + else if (you <= 2 || date <= 2) + result = 0; + else + result = 1; + return result; + +} +" +a0bec10fb0915da30f42f452fcc1f92768c6f46b,"public int dateFashion(int you, int date) +{ + if ((you >=5 && <=10) && (date >=5 && <=10)) + { + return 2; + } + + else if ((you <=9 && >=2) && (date >=9 && <=2)) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +995dcd815d59d06eeefd2d4d665aa08985922517,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +0038ab2e3f5d43184fcc30c1056a208a259f3a2e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 2 && date <= 8) + { + return 1; + } + return 0; +} +" +0e4838462707c4c70134a96c82ff916f83dcd6b2,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <=2 || date <=2) + { + return 0; + } + else + { + return 1; + } +} +" +5dc7d0291f67c47092c1e351f114fc01c5f0a0de,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +bfabb770de1a52cff598a6c453cf1899ba288aae,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 2 && date <= 8) + { + return 1; + } + return 0; +} +" +be9e1100f31dc62291ac24c5c9d7552e82452788,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + if (date >= 8 && you >= 8) + { + return 2; + } + + + else if (you <= 2 || date <= 2) + { + return 0; + } + + else if (you >= 2 && date <= 8) + { + return 1; + } + return 0; +} +" +60916f18bf9ae93391e7e75bd0d9a55b4a37312a,"public int dateFashion(int you, int date) +{ + if ((you >= 5 && <= 10) && (date >= 5 && <= 10)) + { + return 2; + } + + else if ((you <= 9 && >= 2) && (date >= 9 && <= 2)) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +93137c9232f6d2cce4c8958b4af1c69492f5c584,"public int dateFashion(int you, int date) +{ + if ( (you >= 8 || date >=8) && (you > 2 || date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +319aa6f2026a7e0e29c0a7045aee84bf6eeefe5e,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date >= 3) || (date >= 8 && you >= 3)) + { + return 2; + } +} +" +6ef827da76e579d8223d89160581e0835c73f4ff,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +ea92dfb8ed1e5860becf39ba49a7af2913221a25,"public int dateFashion(int you, int date) +{ + if ( (you >= 8 || date >=8) && (you > 2 && date > 2)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } + +} +" +0ba2df6dc3ec93e41464ee3e8491c264b2e887ee,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8) + { + return 2; + } + + else if (you <= 2 || date <=2) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +0f281915529f54a221f5a6187e01bfd491828c72,"public int dateFashion(int you, int date) +{ + if (you >= 3) + { + return 2; + } +} +" +47d24d5ad132ba29b61c362cec708423652c5941,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + + else if (you <= 2 || date <=2) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +cc110fc7b12919b4d5cba121e516f6c174f291fb,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +0841ffe9f56bdae8e4c31e0670c7728d169639e8,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you <= 2 || date <= 2) + result = 0; + else if (you >= 8 || date >=8) + result = 2; + else + result = 1; + return result; + +} +" +38442f5445f2521dbfb27a1465dfef4b78fd944a,"public int dateFashion(int you, int date) +{ + if (you >= 3) + { + return 2; + } + return 0; +} +" +245c8d2ef8d89c19212cf8fa1f4a3adf7f2e8739,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +11dde0e44a044c1d7abd0c035919ae68c70add15,"public int dateFashion(int you, int date) +{ + if (you >= 3) + { + if (date >= 8) + { + return 2; + } + else if (date <= 2) + { + return 0; + } + return 1; + } + return 0; +} +" +847a9cdf0047d73a80c243aa803a6197e9e1153f,"public int dateFashion(int you, int date) +{ + if (you >= 3) + { + if (date >= 8) + { + return 2; + } + else if (date <= 2) + { + return 0; + } + return 2; + } + return 0; +} +" +cfdd987f295e6adbf32df776cdc3f5e30638472d,"public int dateFashion(int you, int date) +{ + if (you >= 3) + { + if (date >= 8) + { + return 2; + } + else if (date <= 2) + { + return 0; + } + return 1; + } + return 0; +} +" +3b882e69fe5760f418082b89f1c1611ebee90326,"public int dateFashion(int you, int date) +{ + if (you >=5 && you >= 10 || date >= 5 && date <= 10) + { + return 2; + } + + else if (you >=2 && you <=9 || date >=2 && date <=9) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +990475f5b9a5985c4784ad4805f42a9f5034dbbf,"public int dateFashion(int you, int date) +{ + if (you >= 3) + { + if (date >= 8 || you >= 8 && date >= 3) + { + return 2; + } + else if (date <= 2) + { + return 0; + } + return 1; + } + return 0; +} +" +a8463ebd9ebb665e233283552612e8318491b89c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +76afb0be9ce89c71e06dc92cbb7c55567a32ea6d,"public int dateFashion(int you, int date) +{ + if (you >=8 && you >= 10 || date >=8 && date <= 10) + { + return 2; + } + + else if (you <=2 && you >=0 || date <=2 && date >=0) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +d6e335d09c969000b4fa1fdc1129cbf5b342ca5a,"public int dateFashion(int you, int date) +{ + if (date <= 2 || you <= 2) + { + return 0; + } + if (date >=8 || you >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +3f9d6aff9cde11dd43a669bf9c2656498b116f00,"public int dateFashion(int you, int date) +{ + if ( you <= 2 || date <= 2) + return 0; + else if ( you >= 8 || date >=8) + return 2; + else + return 1; +} +" +9b070e420b94fc7bc5ad9ad0a0eb60e9234a956d,"public int dateFashion(int you, int date) +{ + if (you >=8 && you <= 10 || date >=8 && date <= 10) + { + return 2; + } + + else if (you <=2 && you >=0 || date <=2 && date >=0) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +ac10422ea5131dd7ae2e321fa1cd8d202fcf203f,"public int dateFashion(int you, int date) +{ + if( you <= 2 || date <= 2) + { + return 0; + } + else if ( you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +b8bb3374e4ac9f5f6b7fac8a04dc69bfce8b0944,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + return 2; + } + + else if (you <=2 && date <=2) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +b92146504de0090a5c679e8d906fdeb4ade176d3,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) && (date >=8 && date <=10)) + { + return 2; + } + + else if ((you <=2 && you >=0) && (date <=2 && date >=0)) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +891e74dd1f9bb0d35d340c9b7871d2dddb659834,"public int dateFashion(int you, int date) +{ + int chance = 1; + + if (you > 7 || date > 7) + { + + } +} +" +bb2950aeca20c9cda6136b4bc43008fc5546f3ca,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) || (date >=8 && date <=10)) + { + return 2; + } + + else if ((you <=2 && you >=0) || (date <=2 && date >=0)) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +d4e3eb82bbcdc5d5036928f06b4246445859f9d6,"public int dateFashion(int you, int date) +{ + int chance = 1; + + if (you > 7 || date > 7) + { + if (you > 2 && date > 2) + { + chance = 2; + } + else + { + chance = 0; + } + } + return chance; +} +" +907563e31906e1c199d4d9c707c054ca2c3825cc,"public int dateFashion(int you, int date) +{ + int fashion = 0; + if (((you >= 8) || (date >= 8)) && (!((you <= 2) || (date <= 2)))) + { + fashion = 2; + } + else if ((!((you >= 8) || (date >= 8))) && ((you <= 2) || (date <= 2))) + { + fashion = 0; + } + else if ((!((you >= 8) || (date >= 8))) && (!((you <= 2) || (date <= 2)))) + { + fashion = 1; + } + return fashion; + +} +" +0ac9ea13af6af9b621691d75c43cab8f95b75d98,"public int dateFashion(int you, int date) +{ + int chance = 1; + + if (you > 7 || date > 7) + { + if (you > 2 && date > 2) + { + chance = 2; + } + else + { + chance = 0; + } + } + else + { + chance = 0; + } + return chance; +} +" +1d1849a669c1fd2d2876dcb676f4f02c57f73505,"public int dateFashion(int you, int date) +{ + int tableChances + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + tableChances = 0; + } + else + { + tableChances = 2; + } + } + else + { + tableChances=1; + } + +} +" +66509b823d7ee967085a709b33f49364b182698c,"public int dateFashion(int you, int date) +{ + int tableChances; + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + tableChances = 0; + } + else + { + tableChances = 2; + } + } + else + { + tableChances=1; + } + +} +" +ec2e82db9ffd6dda67daac1959e75706dc148f95,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 1; + return 0; + +} +" +5ae8b0163c871aa19fa52427b2a6108ff916b8e4,"public int dateFashion(int you, int date) +{ + int tableChances; + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + tableChances = 0; + } + else + { + tableChances = 2; + } + } + else + { + tableChances=1; + } +} +" +b5c10ea74ae5b5740751dbdbc6176a2d578388ad,"public int dateFashion(int you, int date) +{ + int chance = 1; + + if (you > 7 || date > 7) + { + if (you > 2 && date > 2) + { + chance = 2; + } + else + { + chance = 0; + } + } + else if (you < 3 || date < 3) + { + chance = 0; + } + return chance; +} +" +dcc54cd6cd76500800d19e13ce2c4032407daf15,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +6a404b49626a7bda867841808e3fcdfe4e972082,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) || (date >=8 && date <=10)) + { + return 2; + } + + else if ((you <=2 && you >=0) || (date <=2 && date >=0)) + { + return 0; + } + else if (you <= 10 && you >= 2) || (date <= 10 && date >= 2) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +f51b9d985c615576eec1c61e8f9ffc67aefbc8f6,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) || (date >=8 && date <=10)) + { + return 2; + } + + if ((you <=2 && you >=0) || (date <=2 && date >=0)) + { + return 0; + } + + if (you <= 10 && you >= 2) || (date <= 10 && date >= 2) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +bfbfee526c44be2f4f867ecd500b7258764db18d,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) || (date >=8 && date <=10)) + { + return 2; + } + + if ((you <=2 && you >=0) || (date <=2 && date >=0)) + { + return 0; + } + + if (you <= 10 && you >= 2) || (date <= 10 && date >= 2) + { + return 0; + } + + else + { + return 1; + + } + + +} +" +18d28ee06845ecd7e933b4915fe46fbd524ba5f2,"public int dateFashion(int you, int date) +{ + if (you == 8 || you > 8 || date == 8 || date > 8) + { + if (you == 2 || you < 2 || date == 2 || date < 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } + +} +" +333d128382990f5264812bcdaa07eac734705137,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) || (date >=8 && date <=10)) + { + return 2; + } + + else if ((you <=2 && you >=0) || (date <=2 && date >=0)) + { + if (you <= 10 && you >= 2) || (date <= 10 && date >= 2) + { + return 0; + } + } + + + + + else + { + return 1; + + } + + +} +" +421616b6af8ec470c8a8e83c470cf13ad65875b6,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + else return 1; +} +" +b29e1ce6da609d27b5a3f6a32c10c3fc19eb2e37,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && you <=10) || (date >=8 && date <=10)) + { + return 2; + } + + else if ((you <=2 && you >=0) || (date <=2 && date >=0)) + { + return 0; + } + + + + else + { + return 1; + + } + + +} +" +78da163744bc614696f769973a47decc19eb30fe,"public int dateFashion(int you, int date) +{ + if (you == 2 || you < 2 || date == 2 || date < 2) + { + if (you == 8 || you > 8 || date == 8 || date > 8) + { + return 1; + } + else + { + return 0; + } + } + if (you == 8 || you > 8 || date == 8 || date > 8) + { + return 2; + } + else + { + return 1; + } +} +" +e52ea391ddbb0b65b4a492c638afae5f409f3b01,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + + return 1; +} +" +63b7e0b1dc4a5ebedad5611f1127fa6b51e50f0f,"public int dateFashion(int you, int date) +{ + if (you == 2 || you < 2 || date == 2 || date < 2) + { + return 0; + } + if (you == 8 || you > 8 || date == 8 || date > 8) + { + return 2; + } + else + { + return 1; + } +} +" +922be35696a71f169aae8dbd213c7c1c9f7ffcd0,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +c425643b04801ca81f716c2325d5af58d64cce30,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +c62f0fa5785a8ec65605dbfa1cfbc51173516311,"public int dateFashion(int you, int date) +{ + if ((you >= 8 || date >= 8 ) + { + return 2; + } + + else if ((you <= 2 || date <= 2 ) + { + return 0; + } + + + + else + { + return 1; + + } + + +} +" +8f561f9e525d909b32330d5b50a4fc5900b75b18,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + return 2; + else if (you <=2 || date <= 2) + return 0; + else + return 1; +} +" +33fa0e6bc3eba92552a9d44afca7d6f7dc55c7fd,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + else if (you <= 2 || date <= 2 ) + { + return 0; + } + + + + else + { + return 1; + + } + + +} +" +c58e6920d85ad57d1de131e09dbf9bd2badf90e1,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +31eedd327bef25df236c0084334947bd7d1177dc,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +49d9575d443c3bb110725460a8dcdb4e3dd2f703,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + return 2; + if (you <=2 || date <= 2) + return 0; + else + return 1; +} +" +8878316efeb4b9f1d34997b41e89073c82b10bc3,"public int dateFashion(int you, int date) +{ + if (you ==> 8 || date ==> 8) + return 2; + if (you <== 2 || date <== 2) + return 0; + return 1; + +} +" +deb8ee93c9812669bf7a0769389102806ba6fb5e,"public int dateFashion(int you, int date) +{ + if(you => 8 || date => 8) + return 2; + if(you <= 2 || date <= 2) + return 0; + return 1; + +} +" +01ba87cb4e9290f133b1544adb65f71b22d92b0b,"public int dateFashion(int you, int date) +{ + int noTable = 0; + int maybeTable = 1; + int yesTable = 2; + + if (you || date >= 8) + { + return yesTable; + } + else if (you || date <= 2) + { + return noTable; + } + else + { + return maybeTable; + } +} +" +3b1b2a531f6aa55734a1600202d1c4b2d165d1dc,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + if(you <= 2 || date <= 2) + return 0; + return 1; + +} +" +cec5515102f7f6694211cc128335b6a707050137,"public int dateFashion(int you, int date) +{ + int noTable = 0; + int maybeTable = 1; + int yesTable = 2; + + if (you >=8 || date >= 8) + { + return yesTable; + } + else if (you <= 2 || date <= 2) + { + return noTable; + } + else + { + return maybeTable; + } +} +" +1ce3f9a47a09f95d1a1ca35bc1930be42f6a28cb,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + else if ((you <= 2 || date <= 2 ) || (you = 9 || date = 2)|| + (you = 10 || date = 2) || (you = 2 || date = 9)) + { + return 0; + } + + + + else + { + return 1; + + } + + +} +" +52fcda83ae0efd15be5eedebeaf00a8086386fa8,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +6b53b91a4bb818682175c4f5c00c98bac8465426,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +980e04c0c0fb3e3cea9a772a7a4286c04f8c5997,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + else if ((you <= 2 || date <= 2 ) + return 0; + } + + + + else + { + return 1; + + } + + +} +" +652b8d2a7d6a2941bfd54cdeaea848d4a4be6fb5,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 ) + { + return 2; + } + + else if (you <= 2 || date <= 2 ) + { + return 0; + } + + + + else + { + return 1; + + } + + +} +" +a2374019d5d758285f15cb796ac762002e238523,"public int dateFashion(int you, int date) +{ + int tableChance = you +date; + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + tableChances = 0; + } + else + { + tableChances = 2; + } + } + else + { + tableChances=1; + } +} +" +436b85489f640bead7ec62d20fce5c262b54c15a,"public int dateFashion(int you, int date) +{ + int tableChances = you +date; + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + tableChances = 0; + } + else + { + tableChances = 2; + } + } + else + { + tableChances=1; + } +} +" +b2918fc81a3953cb7c4a4c9f01628edda07f21ba,"public int dateFashion(int you, int date) +{ + int noTable = 0; + int maybeTable = 1; + int yesTable = 2; + + if ((you >=8 && date <= 3) || (date >= 8 && you <= 3)) + { + return yesTable; + } + else if (you <= 2 || date <= 2) + { + return noTable; + } + else + { + return maybeTable; + } +} +" +c38994738168c7858d650153a25a0d44d51a2013,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + else if(you <= 2 || date <= 2) + return 0; + if(you >=3= + return 1; + +} +" +20cba5eced6be77c01f0483bdf24c123ea244f82,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + else if(you <= 2 || date <= 2) + return 0; + return 1; + +} +" +595279a239cd8ee40e5055a789f870e84bdbd4ab,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + else if(you <= 2 || date <= 2) + return 0; + return 1; + +} +" +4e6b4e9eca89d43708ce68e26108757746338ee7,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2 ) + { + return 0; + } + + else if (you >= 8 || date >= 8 ) + { + return 2; + } + + + + + else + { + return 1; + + } + + +} +" +0cda2f089372ffa7e7e28ca99f6f97dc0f5a6602,"public int dateFashion(int you, int date) +{ + int noTable = 0; + int maybeTable = 1; + int yesTable = 2; + + if ((you >=8 && date <= 3) || (date >= 8 && you <= 3) || (you >= 8 && date >= 8)) + { + return yesTable; + } + else if (you <= 2 || date <= 2) + { + return noTable; + } + else + { + return maybeTable; + } +} +" +50a86d604ee72cc354ef780159c73316e5a0c029,"public int dateFashion(int you, int date) +{ + if(you >= 8 || date >= 8) + return 2; + else if(you <= 2 || date <= 2) + return 0; + return 1; + +} +" +2fb105f6d50f977d47d9ba5f453f73a9a4b3a2a6,"public int dateFashion(int you, int date) +{ + if (you > 7 || date > 7) + return 2; + else if (you < 3 || date < 3) + return 0; + else + return 1; +} +" +fb5cf6fd9061c6357a3399dfc1c6d22f1622190c,"public int dateFashion(int you, int date) +{ + if ( you < 2 || date < 2) + return 0 + else if (you + date > 7) + return 2 + else + return 1 +} +" +bdf98eeec6d4d5457beb5e74d47e78dc38b404f9,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; + +} +" +5d9f82caeef2dbcbe213e6aaf8bb9587834bb240,"public int dateFashion(int you, int date) +{ + if ( you < 2 || date < 2) + return 0; + else if (you + date > 7) + return 2; + else + return 1; +} +" +69add18f807a811e3b8602447192e528cb0796a3,"public int dateFashion(int you, int date) +{ + if ( you < 3 || date < 3) + return 0; + else if (you + date > 7) + return 2; + else + return 1; +} +" +7c07b9b1a66228ea9dcf79526a422e7d9effd229,"public int dateFashion(int you, int date) +{ + int noTable = 0; + int maybeTable = 1; + int yesTable = 2; + + if ((you >=8 && date <= 3) || (date >= 8 && you <= 3) || (you >= 8 && date >= 8)) + { + return yesTable; + } + else if ((you <= 2 && date <= 7) || (date <= 2 && you <= 7) || (date <= 2 && you <= 2)) + { + return noTable; + } + else + { + return maybeTable; + } +} +" +dd01943f9b5bef06eaeea7d1282fe7b0dcba25f3,"public int dateFashion(int you, int date) +{ + result = 0; + if (you >= 8 || date >= 8) + { + result = 2; + } + + if (you <=2 || date <= 2) + { + result = 0; + } + + else + { + result = 1; + } + + return ""result""; +} +" +0a9695782588615c742713a12c630270b2b800f7,"public int dateFashion(int you, int date) +{ + if ( you < 3 || date < 3) + return 0; + else if (you > 7 || date > 7) + return 2; + else + return 1; +} +" +1a10b07b09df35ddbcbc4eef19c435d85b7ff53d,"public int dateFashion(int you, int date) +{ + int tableChance; + if (you >= 8 && date <= 2 || date >= 8 && you <= 2) + { + tableChance = 0; + } + else if (you >= 8 || date >= 8) + { + tableChance = 2; + } + else if (you <= 7 && you >= 3 && date <= 7 && date >= 3) + { + tableChance = 1; + } + else if (you <= 2 || date <= 2) + { + tableChance = 0; + } + return tableChance; +} +" +36d1c96ef6a3f87886a2f2212af3d6b2b1486799,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + return 0; + + else if (you > 7 || date > 7) + return 2; + + else + return 1; +} +" +9668313ff521058b0a37ef2218c98b0a49971428,"public int dateFashion(int you, int date) +{ + int noTable = 0; + int maybeTable = 1; + int yesTable = 2; + + if (you >= 8 || date >= 8) + { + return yesTable; + } + else if (you <= 2 || date <= 2) + { + return noTable; + } + else + { + return maybeTable; + } +} +" +69abe7029dd21166f3ad693a6b04bd25284c650c,"public int dateFashion(int you, int date) +{ + Integer result = 0; + if (you >= 8 || date >= 8) + { + result = 2; + } + + if (you <=2 || date <= 2) + { + result = 0; + } + + else + { + result = 1; + } + + return result; +} +" +598be4fe637da0c91544badc510be129698e6698,"public int dateFashion(int you, int date) +{ + int tableChance; + if (you >= 8 && date <= 2 || date >= 8 && you <= 2) + { + tableChance = 0; + } + // else if (you >= 8 || date >= 8) +// { + // tableChance = 2; + //} + // else if (you <= 7 && you >= 3 && date <= 7 && date >= 3) + // { +// tableChance = 1; + // } +// else if (you <= 2 || date <= 2) +// { +// tableChance = 0; +// } + return tableChance; +} +" +5cdf214193c808394a7aaee15b350ea7451d2ad0,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +e636e7021f6fcbf0767ac40e352b5d1111177d37,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) //no entry + return 0; + else if (you >= 8 || date >= 8) //yes entry + return 2; + else //maybe entry + return 1; + +} +" +d712f5851b53e3b902b58994fb89f2b5be736729,"public int dateFashion(int you, int date) +{ + private int tableChance; + if (you >= 8 && date <= 2 || date >= 8 && you <= 2) + { + tableChance = 0; + } + else if (you >= 8 || date >= 8) + { + tableChance = 2; + } + else if (you <= 7 && you >= 3 && date <= 7 && date >= 3) + { + tableChance = 1; + } + else if (you <= 2 || date <= 2) + { + tableChance = 0; + } + return tableChance; +} +" +cd3546b4f78e1660c2aec8f24c1bc95cafcbaa34,"public int dateFashion(int you, int date) +{ + private int tableChance; + if (you >= 8 && date <= 2 || date >= 8 && you <= 2) + { + tableChance = 0; + } + else if (you >= 8 || date >= 8) + { + tableChance = 2; + } + else if (you <= 7 && you >= 3 && date <= 7 && date >= 3) + { + tableChance = 1; + } + else + { + tableChance = 0; + } + + return tableChance; +} +" +d16979486be50aeebf7489646f64adef101892d2,"public int dateFashion(int you, int date) +{ + int tableChance; + if (you >= 8 && date <= 2 || date >= 8 && you <= 2) + { + tableChance = 0; + } + else if (you >= 8 || date >= 8) + { + tableChance = 2; + } + else if (you <= 7 && you >= 3 && date <= 7 && date >= 3) + { + tableChance = 1; + } + else + { + tableChance = 0; + } + + return tableChance; +} +" +c1962a1cc2ac2ebaa7f915df5785b0e5e57a4d1e,"public int dateFashion(int you, int date) +{ + + if (you >= 8 || date >= 8) + { + return 2; + } + + if (you <=2 || date <= 2) + { + return 0; + } + + else + { + return 1; + } + + +} +" +72a72508d3f1173bf764be700a6b962c662fbe3c,"public int dateFashion(int you, int date) +{ + + if (you >= 8 || date >= 8) + { + return 2; + } + + else if (you <=2 || date <= 2) + { + return 0; + } + + else + { + return 1; + } + + +} +" +02e631ac90925be249250adc3c36a206cbfc2287,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +7801f36e31b9a00a7a8824c067e02c6d281b6438,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +06d4c0ca376e18909008c3a03a1cbb093fba38a0,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <= 2) + { + return 0; + } + + else if (you >= 8 || date >= 8) + { + return 2; + } + + + + else + { + return 1; + } + + +} +" +ab648e9ee499d096ad7bef17dcc9c678327e05da,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >=8) + return 2; + if (you <=2 || date <= 2) + return 0; + return 1; +} +" +5c4b2aff6c1ca3d501aef84bdcd1fa8678132910,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + return 0; + } + else + { + return 2; + } + } + else if ((you <= 2 || (date <= 2)) + else + { + return 1; + } +} +" +268e25eba1855c0e7fbe02a61e9d615a24f174bf,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + if ((you <= 2) || (date <= 2)) + { + return 0; + } + else + { + return 2; + } + } + else if ((you <= 2) || (date <= 2)) + { + return 0; + } + + else + { + return 1; + } +} +" +59153b73a0bc3ee5568fbded218b11f42fb02780,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <= 2) + return 0; + else if (you >= 8 || date >=8) + return 2; + else + return 1; +} +" +15a848dcb740518850661cca6ef5319851a05e91,"public int dateFashion(int you, int date) +{ + int no = 0 + int maybe = 1 + int yes = 2 + if ((you >= 8) && (date >= 8)) + { + return yes; + } + else if ((you <= 2) && (date <= 2)) + { + return no; + } + else + { + return maybe; + } +} +" +96441180dd907a3011e72b52e1d2e587ee0a2304,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >= 8)) + { + return yes; + } + else if ((you <= 2) && (date <= 2)) + { + return no; + } + else + { + return maybe; + } +} +" +20ca438f4b34a43ff605ea66374365103062bb2b,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) || (date >= 8)) + { + return yes; + } + else if ((you <= 2) || (date <= 2)) + { + return no; + } + else + { + return maybe; + } +} +" +ac82032528416dea0eff043f20e1168f09e599c8,"public int dateFashion(int you, int date) { +if(you <= 2 || date = 8 || date >= 8) return 2; +else return 1; +}" +48f5c50c1cb25a43929f0e57134666858502e585,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >=2) || + (date >= 8) && (you >=2)) + { + return yes; + } + else if ((you <= 2) || (date <= 2)) + { + return no; + } + else + { + return maybe; + } +} +" +b5ffe401069adfd807d1b95f82615409900d3ce4,"public int dateFashion(int you, int date) { +if(you <= 2 || date = 8 || date >= 8) return 2; +else return 1; +}" +097d1fdbc3dc661ab97ea70bc644c9d2a4e1f419,"public int dateFashion(int you, int date) +{ + if(you == 2 || date == 2) + { + return 0; + } + else if (you == 8 || date == 8) + { + return 2; + }else + { + return 1; + } +} +" +ad664ed19a7989be7d91a0b558bf5c708bada496,"public int dateFashion(int you, int date) { +if(you <= 2 || date = 8 || date >= 8) return 2; +else return 1; +}" +e43f37ba8f68b7b0498500b33f60e419f24fb119,"public int dateFashion(int you, int date) { +if(you<3 || date7 || date>7) return 2; +return 1; +}" +28b2b81031893c550152b8049082033b5afe8ca0,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >=2) || + (date >= 8) && (you >=2)) + { + return yes; + } + else if ((you <= 2) && (date <=8) || + (date <= 2) && (you <=8)) + { + return no; + } + else + { + return maybe; + } +} +" +0972fefc924cd184d123b1cde354bcd406d9b9b7,"public int dateFashion(int you, int date) +{ + if(you == 2 || date == 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + }else + { + return 1; + } +} +" +16baf06b124bd1298a835e2125f7a265d3f65862,"public int dateFashion(int you, int date) { + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +}" +eb0877f0f22cde3dc54710cb5ec627fab696800f,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >2) || + (date >= 8) && (you >2)) + { + return yes; + } + else if ((you <= 2) && (date <8) || + (date <= 2) && (you <8)) + { + return no; + } + else + { + return maybe; + } +} +" +8a9ad1f522a9f4c94637f0805f32ed21b4dfdd2d,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >=2) || + (date >= 8) && (you >=2)) + { + return yes; + } + else if ((you <= 2) && (date <=8) || + (date <= 2) && (you <=8)) + { + return no; + } + else + { + return maybe; + } +} +" +bae20fbae452f087d44616187de5c1273ed809d9,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >=2) || + (date >= 8) && (you >=2)) + { + return yes; + } + else if ((you <= 2) || (date <= 2)) + { + return no; + } + else + { + return maybe; + } +} +" +59ca94d54f9dbdaa74c90d5da423bd05843fd7d1,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if ((you >= 8) && (date >2) || + (date >= 8) && (you >2)) + { + return yes; + } + else if ((you <= 2) || (date <= 2)) + { + return no; + } + else + { + return maybe; + } +} +" +35718f0ddb534352d05f8be150ca62b6431d70d9,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +6de7b4ac02a5523ae52368a50e9ec93be964987c,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else if (you >= 8 || date >= 8) + return 2; + else + return 1; +} +" +4930134a3892dacf9d5cc5f4d99aa6a127447329,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you >= 8 || date >= 8) + { + return yes; + } + else if (you >= 2 || date >= 2) + { + return no; + } + else if (you >= 3 && < 8 || date >= 3 && < 8) + { + return maybe; + } + return dateFashion; + +} +" +17a5e3122e5b33c40087b7c651e8aa881cd981dd,"public int dateFashion(int you, int date) +{ + if(you <= 2||date<=2) + { return 0; + } + if(you >= 8||date>=8) + { + return 2; + } + else + { + return 1; + } +} +" +dd061a13a4677300ddce33529ed01c54d4caebea,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you >= 8 || date >= 8) + { + return yes; + } + else if (you >= 2 || date >= 2) + { + return no; + } + return dateFashion; + +} +" +75624c00b00a4846bdeb824fbf3d74e781add5f3,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you >= 8 || date >= 8) + { + return yes; + } + else if (you >= 2 || date >= 2) + { + return no; + } + + +} +" +be24d3b4dd43708670cda9c15dd5207583cae2fb,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you >= 8 || date >= 8) + { + return yes; + } + else if (you >= 2 || date >= 2) + { + return no; + } +} +" +89642b87455ed047c31c7035dd7bca8c0facb6f5,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +} +" +f3d62f37c5149ea823731ffdf3405c3d64db93da,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + else + if (you >= 8 || date >= 8) + return 2; + else + return 1; + +} +" +9a09379f978d1dca3b3a064e7d0036c688edcde6,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +} +" +e6aaed435fe62f13fdf2129b4dc18f227cc1a88d,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2 || (date >= 8 && you > 2)) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +f44e58de629fed8da4c87e2289b703083c033790,"public int dateFashion(int you, int date) { + if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +033602f2cd43b54befde11d6b157aa2abd9f20b9,"public int dateFashion(int you, int date) +{ + if (you <=2 || date <=2){ + return 0; + } + else if (you >=8 || date >=8){ + return 2; + } + return 1; +} +" +6c0791a465c49ecef487575ef232e829312d96fe,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +7b4da6cf774c94af2e3daae7af24e2318d9cf161,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + if (you >= 8 || date >= 8) + { + return ""yes""; + } + else if (you >= 2 || date >= 2) + { + return ""no""; + } + +} +" +65c084840f105ab49e68faed4cc1199d111d06bf,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + else if(you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } + + + + + +} +" +6cc6de4a04f3d87bc4b787dcec988fc4c48f7dec,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +02f80a9a8a2eb35fa3e45a77098bd34e43778aef,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +388739431f3ee731a5afb9abd802ad4114a8fa80,"public int dateFashion(int you, int date) +{ + int styleHim = 0; + int styleHer = 0; + table = 0; + + if (styleHim >= 8 || styleHer >= 8) + { + if (styleHim <= 2 || styleHer <= 2) + { + table = 0; + } + else + { + table = 2; + } + } + else + { + table = 1; + } + + return table; +} +" +8c1d1e9c927323650eb0546c62d2abe43e4d9af0,"public int dateFashion(int you, int date) +{ + int styleHim = 0; + int styleHer = 0; + int table = 0; + + if (styleHim >= 8 || styleHer >= 8) + { + if (styleHim <= 2 || styleHer <= 2) + { + table = 0; + } + else + { + table = 2; + } + } + else + { + table = 1; + } + + return table; +} +" +f1043975ecdfce66083a5db8b2257a611a0011b2,"public int dateFashion(int you, int date) +{ + int table = 0; + + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + table = 0; + } + else + { + table = 2; + } + } + else + { + table = 1; + } + + return table; +} +" +d4847caccce3f921bc52d47741896e990f007f27,"public int dateFashion(int you, int date) +{ + int table = 0; + + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + table = 0; + } + else + { + table = 2; + } + } + else + { + table = 1; + } + + return table; +} +" +8520d1c4a425e3eb29979b812cd3420e89f2d04a,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2 || (date >= 8 && you > 2) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +6d13498002c740e77ab594899285ed35dcbc1118,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(2); + } + } + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(1) + } +} +" +622125bd847156e41bda30fc45602c0b40c6972a,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date >= 8) + { + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(2); + } + } + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(1); + } +} +" +46068ae0ef70773eae775a08032b4b9ec7bcc2b2,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(2); + } + } + if (you <= 2 || date <= 2) + { + return(0); + } + else + { + return(1); + } +} +" +4876f7b1ecca92355f4643ae2073d752da37f360,"public int dateFashion(int you, int date) +{ + int table = 0; + + if (you <= 2 || date <= 2) + { + if (you >= 8 || date >= 8) + { + table = 2; + } + else + { + table = 0; + } + } + else + { + table = 1; + } + + return table; +} +" +2e3a09c8f40635eadc727b71465a21b3a41ce4c7,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + { + return 0; + } + if (you > 7 || date > 7) + { + return 2; + } + return 1; +} +" +cd9dd4b125c4e223deaeb29a14c4735d59772f36,"public int dateFashion(int you, int date) +{ + int table = 0; + + if (you <= 2 || date <= 2) + { + table = 0; + } + else if (you >= 8 || date >= 8) + { + table = 2; + } + else + { + table = 1; + } + + return table; +} +" +85663bf5c70969703bf9e69a9917855ea17126a3,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2 || (date >= 8 && you > 2))) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +f7a0411346aaff538ba284293bc4605e6ae4edd7,"public int dateFashion(int you, int date) +{ + if ((you >= 8 && date > 2 || (date >= 8 && you > 2))) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +fcfe23bf0a53582de572ff141edb36a68d9c266a,"public int dateFashion(int you, int date) +{ + if(you<3 || date7 || date>7) return 2; +return 1; +} +" +b5923cc758870f1d7128549686f607cb58ee298d,"public int dateFashion(int you, int date) +{ + if ( you >= 8 || date >= 8) + { + if (you<=2 || date<= 2) + { + return 0; + } + else + { + return 2; + } + } + else + { + return 1; + } +} +" +b7ce22fc068ef9ef2110fa9b8e8e40320c6adab4,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) return 0; + return (you >= 8 && date >= 2 || date >= 8 && you >= 2) ? 2 : 1; +} +" +4e4d437b1f3068158ac6b01037a16787d6e40e97,"public int dateFashion(int you, int date) +{ + + if (date <= 2 || you <= 2) + return 0; + else if (date >= 8 || you >= 8) + return 2; + else + return 1; + +} +" +bc7c9aa48c9ed7fd78e1a6a7013a3cd4bfb034df,"public int dateFashion(int you, int date) +{ + if ( you >= 8 || date >= 8) + { + if (you<=2 || date<= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 0; + } +} +" +e731eb5c29829cb177779539df3da7e4ea5d6813,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if ( you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +ae91252a3dae4243c0b12a6f0102dee65ada35db,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +3f0bd5d02f4c508d5d48d64c635311387b010332,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +a9a25723048aa0ffd9d13c9a16221d36423f7130,"public int dateFashion(int you, int date) +{ + int value = -1 + if (you >= 8 || date >= 8) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 + } + else { + value = 1 + } + +} +" +7093cc5bb04018971686ce78845a917478171e9a,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +} +" +26b96e5f175a5dc60280db4088dec90f06616ad3,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return ""ye yeee""} +" +5f2f936bdd37a2801e082ee2b3b1daf0d9c54fe5,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return ""ye yeee"";} +" +800136ae800394a6611173d1f56b3b96db5750ae,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +36c571c100fa97983d9fa83f0c15072618bad928,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8) { + value = 2; + } + else if (you <= 2 && date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +413d48d04b2dbe0915f7abc983f2ee7c888a6745,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +9b64cbe6b1c922cbd2e3670803e909985d9fa182,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +7cecefe374b037388c469ac6622b34bddf586dbf,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +90fef3c4dc3198cd4b6986cd7eb6c81937c341d1,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2) { + return 0; + } + else { + return 1; + } +} +" +b387d53f4a56c2e65f013d8e223d58d75fdaac9b,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +1e125d920c9d90dfa6d90ff4fce562ff37dee6b4,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +eab67b839fb9d8c4c215b3e3ecfde71d1c556af5,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } +} +" +d8bdf81df8aa5079066bdd354ecf6b5fad1a47f4,"public int dateFashion(int you, int date) +{ + + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2) { + return 0; + } + else { + return 1; + } +} +" +6e201b5ac62d533ce7068ed54a73c319ffdcdfcb,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } +} +" +e0601676f81a30201ef2a5480676f319c14b3d75,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +0aca3d7061885a0b37e2339da9c654782b4a0467,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +69f28219a9d52081ce27bcca76ad2f5f93a006ab,"public int dateFashion(int you, int date) +{ if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; + +} +" +2dbd520b09832c2468954c2baac14d6df7581bfe,"public int dateFashion(int you, int date) +{ if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +0b1b6b0a0a2d27325fe17608e572be38e7404cd4,"public int dateFashion(int you, int date) +{ if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +e5a25f41959704284bd5aaad93bfe7d63ac677da,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +9e27ac08284c644875152d54f99449a3fc761299,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8 && you !<= 2 || date !<= 2) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +38e539a71013b9363adf2bbab327e296598fb5b7,"public int dateFashion(int you, int date) +{ + + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +61d79858c1b1108c5e3025550993539c9cbf0e81,"public int dateFashion(int you, int date) +{ + int t=0; + if (you<=8 || date<=8) + { + t=2; + } + else if (you>=2 || date>=2) + { + t=0; + } + else + { + t=1; + } + return t; +} +" +e9dfe194f87e97112d003c36174f9497c61dcf84,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +25f54a2e761a8f743a5be89e68b83e7383151099,"public int dateFashion(int you, int date) +{ + if (you > 2 && date > 2) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +cdeb2e713b7afae0c27eb1e4b16be51feb56f3e6,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if ((you >= 3 && you <= 7) || (date >= 3 && date <= 7)) + return 1; +} +" +af61f4d2f46175ef7af1418bc32aecda5e7c2e27,"public int dateFashion(int you, int date) +{ + if (you > 2 && you >= 8 || date > 2 && date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +b05c879ef36fe04b21ef0c5d3d79b39ecca0cdc8,"public int dateFashion(int you, int date) +{ + int t=0; + if (you<=8 || date!>=2) + { + t=2; + } + else if (you>=2 || date>=2) + { + t=0; + } + else + { + t=1; + } + return t; +} +" +1f815854760b345c59d13a3e6ed361b61e65d069,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + if else (you <= 2 || date <= 2) { + return 0; + } + else { + return 1; + } +} +" +c3d4a0e042aa35e9742457bf8bf74452d1c7bae3,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + return 1; +} +" +ddad986689df028e0f2bfd2f87c79ab4907be51d,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) { + return 2; + } + else if (you <= 2 || date <= 2) { + return 0; + } + else { + return 1; + } +} +" +f0d0e24944b5887e4d5678dcb592c312dd43f77b,"public int dateFashion(int you, int date) +{ + int t=0; + if (you<=8 && date>=2) + { + t=0; + } + else if (you>=2 || date>=2) + { + t=0; + } + else if (date<=8 && you>=2) + { + t=0; + } + else + { + t=1; + } + return t; +} +" +203cd85e44fa9814c413106c24542210972ae1a4,"public int dateFashion(int you, int date) +{ + int t=0; + if (you<=8 && date>=2) + { + t=2; + } + else if (you<=2 || date<=2) + { + t=0; + } + else if (date<=8 && you>=2) + { + t=2; + } + else + { + t=1; + } + return t; +} +" +b42961beea9c1eb56a1ee0487741a9fc44511c83,"public int dateFashion(int you, int date) +{ + int t=0; + if (you>=8 && date>=2) + { + t=2; + } + else if (you<=2 || date<=2) + { + t=0; + } + else if (date>=8 && you>=2) + { + t=2; + } + else + { + t=1; + } + return t; +} +" +5ef25ad564730cb8c31d3bd61e3b4ce046b6dd31,"public int dateFashion(int you, int date) +{ + int t=0; + if (you>=8 && date>=2.1) + { + t=2; + } + else if (you<=2 || date<=2) + { + t=0; + } + else if (date>=8 && you>=2.1) + { + t=2; + } + else + { + t=1; + } + return t; +} +" +5972a2ec793f3097f807d00f709f980bf027715d,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >= 8 || date >= 8) { + return 2; + } + else { + return 1; + } +} +" +a268fff107e752b366c7e94fa3df162f5f82da61,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if (3 <= you <=7 || 3 <= date <=7) + return 1; +} +" +7b53884cfbc1d40b777018d8abd271a7aa903937,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8 && you > 2 && date > 2) + { + result = 2; + } + else if (you <= 2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } +} +" +3afd21760a44f7e5225ec6f8f4a35a86023b7b04,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8 && you > 2 && date > 2) + { + result = 2; + } + else if (you <= 2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + return result; +} +" +ab2bc37e5f3587f804b7fe4268865391880062cf,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if (you < 8 && you > 2 || date > 2 && date < 8) + return 1; +} +" +b14eb69bbd15c7e3aac6f3bbb9c31893cb9482a0,"public int dateFashion(int you, int date) { + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +}" +4e5de6eeafa8fde7bc29c89e25b3a4846b2c0fa3,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8) + { + result = 2; + } + else if (you <= 2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + return result; +} +" +72aeecf03b8ac63e2c1b947e9b24ecbc0ee2bda8,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8 && you > 2 && date > 2) + { + result = 2; + } + else if (you <= 2 || date <= 2) + { + result = 0; + } + else + { + result = 1; + } + return result; +} +" +be193695bd51b32aef1b86dad8f474117874f75c,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if (you < 8 && you > 2 || date > 2 && date < 8) + return 1; +} +" +a762d740335584bc21a45bca405af6381fb78150,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if ((you < 8 && you > 2) || (date > 2 && date < 8)) + return 1; +} +" +c9a4bb08890a67dcc781a58d8d68ba924f83d1cc,"public int dateFashion(int you, int date) +{ + if (you > 7 || date > 7) + { + return 2; + } + else if (you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } +} +" +2d6afca4f1e7c96f6a1e82cc6999df0822281855,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if (you < 8 && you > 2) + return 1; + + if (date > 2 && date < 8) + return 1; +} +" +a82ef64ed77c78424e207f4f2eafde2140fdc6ee,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2); + return 0; + + if(you >= 8 || date >= 8); + return 2; + + return 1; + +} +" +337326173292af1ceddc280bb508859bfeaacb13,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + if (you <= 7 && you >= 3) + return 1; + + if (date >= 3 && date <= 7) + return 1; +} +" +763057b5306c63ec1d0e49d005620e8da4215355,"public int dateFashion(int you, int date) +{ + if (you < 3 || date < 3) + { + return 0; + } + else if (you > 7 || date > 7) + { + return 2; + } + else + { + return 1; + } +} +" +6f57454641f502f762ad2ed8863a2c3dcf8aa429,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + return 1; +} +" +fb882df0b90aeb81f7c51f86d33f6206a23bf6da,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +4e5517692731fd89e0b51c0d6d19f3b0e3367741,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + if (int dateFashion <= 7 && int date Fashion >= 3) + return 1; +} +" +aa08f0a7d1ad720c65b3c6af3dc578e1f5433665,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + if (dateFashion <= 7 && date Fashion >= 3) + return 1; +} +" +c64dc3518120ceeff70c855b9eef518cd720c4be,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + if (date <= 7 && date >= 3) + return 1; +} +" +8240e9cb0d3e414ba27d2200d41a32f0562381fd,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2 + else if (you <= 2 || date <= 2) + return 0 + else + return 1 +} +" +4edff3cd0b4682633a9761a9f8abef7735470e14,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 2; + } + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +1ecf8d4b241d54dc3c4454ce0e889ebe061fd2cc,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + else if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +23ddc164e20c43b7141d325f8836814a5f27a002,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + if (you <= 7 || date <= 7) + return 1; +} +" +9ba9e3fa7151201ba046f66699f7b2f9398c3293,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + if (you <= 2 || date <= 2) + return 0; + return 1; +} +" +04ce9bfabc8f8dc14780f13664e705153d867c89,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + if (you <= 7 || date <= 7) + return 1; + + if (you >= 3 || date >= 3) + return 1; +} +" +ac88ebdb0c24b64d274238b3a811fb60712d16a9,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + return 1; +} +" +f5f288de072cdea03fa5b7f5f63fef9bb6c804a6,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +c585ac4fda00fc10325c8e5f053b446658781a6e,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} +" +7c5c758e9e01174bbfa67187605a0d9cc49522dd,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 8 || date >= 8) + { + return 2; + } + return 1; + +} +" +c82a727d7057a7fdb39bfe84b5c8d81fad2fb490,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >= 8 || date >= 8) { + return 2; + } + else + return 1; +} +" +0dad528365e5f4a56125c3672cb9ca49b268e004,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2 || date >= 8 && date > 2){ + return 2; + } + else if (date <= 2 || you <= 2){ + return 0; + } + else{ + return 1; + } +} +" +af26d6f30a4c4794cee5f717b6ec4e887c97cb1e,"public int dateFashion(int you, int date) +{ + if (you >= 8 && date > 2 || date >= 8 && you > 2){ + return 2; + } + else if (date <= 2 || you <= 2){ + return 0; + } + else{ + return 1; + } +} +" +a578dcf722a874544f4918525e6e758a8ade4bfe,"public int dateFashion(int you, int date) +{ + if ((you >= 8) || (date >= 8)) + { + return 2; + } + else if ((you <=2) || (date <=2)) + { + return 0; + } + else + { + return 1; + } +} +" +569947d9390104fa9d539c441ba3bf32bd87d45f,"public int dateFashion(int you, int date) +{ + if ((you <=2) || (date <=2)) + { + return 0; + } + if ((you >= 8) || (date >= 8)) + { + return 2; + } + else + { + return 1; + } +} +" +781164cb1baaec9b9f5cd8e23897c0190b5c8568,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + if (you >= 8 || date >= 8) + { + return 2; + } + return 1; +} + +" +6ee61d8f32547daac327d73316d3231f1de8861f,"public int dateFashion(int you, int date) { + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +}" +b44f6267615aa51aee76f9249b5acd21c68fc0ab,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + if (you <= 7 || date <= 7) + return 1; + + if (you >= 3 || date >= 3) + return 1; +} +" +978d1f3946cbf6788b779a8ed8f5ed9dc651052a,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you >= 8 || date >= 8 && you > 2 && date > 2) + { + result = 2; + } + else if (you <= 7 && you > 2 && date <= 7 && date > 2) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +14e4d1da1894dad83699542941d4a22415645e88,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you > 8 || date >= 8 && you > 2 && date > 2) + { + result = 2; + } + else if (you <= 7 && you > 2 && date <= 7 && date > 2) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +287a5806aa77df43b1679928e63799b4b5f4c26b,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 9 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} + +} +" +249df11d2e208213ac8291896dc86e93cb72a8ca,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 9 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} + +} +} +" +b5266cc1d219b383c894acc658bc104c7ac78013,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +37608f5c6ea84f0e7366eb95c7a32fea8c1e3bd4,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you > 2 && date > 2 && you >= 8 || date >= 8) + { + result = 2; + } + else if (you <= 7 && you > 2 && date <= 7 && date > 2) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +577d78024accbf0b091f9d68882d10ccbe2a04af,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 || you > 2 || date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +cbace8ded5de22d9cabc0af205e1dfa52e373f2f,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you > 2 && date > 2 && you >= 8 && date >= 8) + { + result = 2; + } + else if (you <= 7 && you > 2 && date <= 7 && date > 2) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +3b30ef570c0cb4d183945036ce8b623f98a6ec3f,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 || you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +ab31ca227241e485d514625a20c90d370dcdb675,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 9 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} + +} +" +d3b12908790e09123ecbf66c5dda047533f27aff,"public int dateFashion(int you, int date) +{ + + if (you >= 8 && date >= 8) + { + return 2; + } + else if (you >= 8 && date > 2 || you > 2 && date >= 8) + { + return 1; + } + else + { + return 0; + } +} +" +a0978591beb1122c5e01aca62419bc9f1ad4c688,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + { + return 0; + } + if(you >= 9 || date >= 8) + { + return 2; + } + else + { + return 1; + } +} + +" +d007f05b298895b15771035f6582ccfbe53cbd1f,"public int dateFashion(int you, int date) +{ + int chance = 0; + if ((date > 7 || you > 7) && !(date < 3 || you < 3)){ + chance = 2; + } + else if (date < 3 || you < 3) + { + chance = 0; + } + else + { + chance = 1; + } + return chance; +} +" +e951712796af9b1e0400dd5a9de9a88af4c973dc,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +734eefb67628b9ca08d54c0c92a17c92c6a2925d,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +ac2138fa1a3d75f7d82534ee10ce1b767d248507,"public int dateFashion(int you, int date) +{ + int result = 0; + if (you > 2 && date > 2 && you >= 8 && date >= 8) + { + result = 2; + } + else if (you >= 8 && you > 2 && date > 2 || date >= 8 && you > 2 && date > 2) + { + result = 2; + } + else if (you <= 7 && you > 2 && date <= 7 && date > 2) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +0e14acf35a84edc600c36268307e77978298043d,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +3d08131b8584819fce4e020ac9c903f5c8b9d98d,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && you > 2 || date >= 8 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +18dd9c5994a893cfa784965fedf94990f60c46dc,"public int dateFashion(int you, int date) +{ + int value = -1; + if ((you >= 8 && you > 2) || (date >= 8 && date > 2)) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +b0099aa0eca01528cda57949712ae8ee426e89e8,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + if (you >= 8 || date >= 8) + return 2; + else + return 1; +}" +210e7c4c9dcd00b28ab7a2d4f63abfc58f80aa57,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 && you > 2 || date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +8845b815dd57051887d389a1f291b0532397ee4f,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + return 2; + + if (you <= 2 || date <= 2) + return 0; + + return 1; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + //if (you <= 7 || date <= 7) + // return 1; + + //if (you >= 3 || date >= 3) + // return 1; +} +" +15179473b0942a0672f89631d24c882ddf41c2bb,"public int dateFashion(int you, int date) +{if ((you >= 8 && date > 2) || (date >= 8 && you > 2)) + return 2; + if (you <= 2 || date <= 2) + return 0; + else + return 1; +} +" +b314f5447741e9b2af0e2ce7ee22e9ab3c2cc9ca,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 || date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +b64fcbc04d28a19bc7929b7246f8884da5400e16,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8 && you > 2 && date > 2) { + value = 2; + } + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +8d14d62aed50ad203d6592bb243b0e2685889709,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; + +} +" +f0a3aa47ebf1a87d7fcdc8c8e65ef764c61f2b9e,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8) { + value = 2; + } + else if (you <= 2 && date >= 8) { + return false;} + else if (you >= 8 && date <= 2) { + return false;} + + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +fc481e5db52a9b1adb6eac888fccee02942cae14,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8) { + value = 2; + } + else if (you <= 2 && date >= 8) { + return false; + } + else if (you >= 8 && date <= 2) { + return false; + } + + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +abdedd81a899816cc1b0c25393855cd3478f34f0,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +ce0403028777a9d1412e61c11b938f215325f22c,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8) { + value = 2; + } + else if (you <= 2 && date >= 8) { + value 0; + } + else if (you >= 8 && date <= 2) { + value 0; + } + + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +56abce774b6d33ecbfd3aa174ff465c8eecfc881,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8) { + value = 2; + } + else if (you <= 2 && date >= 8) { + value = 0; + } + else if (you >= 8 && date <= 2) { + value = 0; + } + + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +acb81b86d4d08482bec4b8848cc9f3f0433fd3ab,"public int dateFashion(int you, int date) +{ + if( you > 7 || date > 7) + { + return 2; + } + else if( you < 3 || date < 3) + { + return 0; + } + else + { + return 1; + } + +} +" +c58aa84d1cd14082974c954a93055f4587588375,"public int dateFashion(int you, int date) +{ + int value = -1; + if (you >= 8 && date >= 8) { + value = 2; + } + else if (you <= 2 && date >= 8) { + value = 0; + } + else if (you >= 8 && date <= 2) { + value = 0; + } + else if (you >= 8 && date > 2) { + value = 2; } + else if (you > 2 && date >= 8) { + value = 2; + } + + else if (you <= 2 || date <= 2) { + value = 0 ; + } + else { + value = 1; + } + +return value;} +" +80b4b35083a99fa22a6803a437ae7022790a5c16,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + + if (you >= 8 || date >= 8) + return 2; + + return 1; +} +" +334a9d7ddf298c460a801f1f7e37fddadffb89f5,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + if (you <= 2 || date <= 2) + { + score = 0; + } + } + + else + { + score =1; + } + return score; +} +" +95a573a7d5dc89b6c77225a4508f4f2dbf463763,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 9 || date >= 8) + return 2; + else + return 1; +} +" +35f60e5c35210b3637288a8fb031ddc15a435436,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + if (you <= 2 || date <= 2) + { + score = 0; + } + } + else if (you <= 2 && date <= 2) + { + score = 0; + } + else + { + score =1; + } + return score; +} +" +93b7afaa5694aeb73479675e6b2c49e62bef056a,"public int dateFashion (int you, int date) { + if (you <= 2 || date <= 2) { + return 0; + } + else if (you >= 8 || date >= 8) { + return 2; + } + return 1; + } +" +b95210e2bc48112639af772f73d19243dcac086a,"public int dateFashion(int you, int date) +{ + int score = 0; + if (you >= 8 || date >= 8) + { + score = 2; + + } + else if (you <= 2 || date <= 2) + { + score = 0; + } + else if (you <= 2 && date <= 2) + { + score = 0; + } + else + { + score =1; + } + return score; +} +" +f6f5ff2e57914cb7b27ef88dd4c9342fadb42c2d,"public int dateFashion(int you, int date) +{ + if (you > 2 && you >= 8 || date > 2 && date >= 8) + { + return 2; + } + if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +a92d60b25da97216491c5576a1060b9167d005cc,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + return 0; + + if (you >= 8 || date >= 8) + return 2; + + return 1; + + //if (you <= 7 && you >= 3) + // return 1; + + //if (date >= 3 && date <= 7) + // return 1; + + //if (you <= 7 || date <= 7) + // return 1; + + //if (you >= 3 || date >= 3) + // return 1; +} +" +546cf27a64854523c22f2cf129551b419700410e,"public int dateFashion(int you, int date) +{ + if ((you > 2 && you >= 8) || (date > 2 && date >= 8)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +165cbeb242541230852870852cb2fe91978ca992,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +079b1afeba561abea68d553684405de43f78a0c9,"public int dateFashion(int you, int date) +{ + if ((you > 2 || you >= 8) || (date > 2 || date >= 8)) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +d2ad442720db7d204b2248ff43296a769f419dbb,"public int dateFashion(int you, int date) +{ + if (you >= 8) || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +1681af7aa16ac3fb94528b92d2877cfb3db6c161,"public int dateFashion(int you, int date) +{ + if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +164a8548f43f63c96e317c7621e2dd11bde02c51,"public int dateFashion(int you, int date) +{ + int score = 0; + if ((you >= 8 || date >= 8) && !(you <= 2 || date <= 2)) + { + score = 2; + + } + else if (you <= 2 || date <= 2) + { + score = 0; + } + else if (you <= 2 && date <= 2) + { + score = 0; + } + else + { + score =1; + } + return score; +} +" +6feec086d2d9a843454b5cf968a6667792353530,"public int dateFashion(int you, int date) +{ + if(you <==2 || date <==2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +6e7339582a33568775c374fde95067bbcfc87aa2,"public int dateFashion(int you, int date) +{ + if(you <== 2 || date <== 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +8aacbb81353af88cb401a33ffdf661117b2fd5de,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + if(you >= 8 || date >= 8) + return 2; + return 1; +} +" +957a91e195bc509b1b5a43906c48844f214a3d2a,"public int dateFashion(int you, int date) +{ + if (you <= 2 || date <= 2) + { + return 0; + } + else if (you >= 8 || date >= 8) + { + return 2; + } + else if (you <= 2 || date <= 2) + { + return 0; + } + else + { + return 1; + } +} +" +c71257b2a2b93af097842b2515f50d901fcef814,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + if (you >= 8 || date >= 8) { return yes; } + else if (you <= 2 || date <= 2) {return no; } + return maybe; +} +" +6a54316c4765d8aab59a8a97d0cb13776e60349d,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + while(you >= 2 && date >= 2) { + return yes; + } + else if (you <= 2 || date <= 2) {return no; } + return maybe; +} +" +d45d9e61e7a2edcb4142d6e5aa44f0ccbd7c03fa,"public int dateFashion(int you, int date) +{ + if(you <= 2 || date <= 2) + return 0; + + if(you >= 8 || date >= 8) + return 2; + + return 1; +} +" +aa9f70a7d7eece7ddde9d620b69d2c5d465e4507,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + while(you >= 2 && date >= 2) { + return yes; + } + if (you <= 2 || date <= 2) {return no; } + return maybe; +} +" +8e78e08b4fbe4118ac9f4ecae424de6f8cf63a98,"public int dateFashion(int you, int date) +{ + int no = 0; + int maybe = 1; + int yes = 2; + + while(you > 2 && date > 2) { + return yes; + } + if (you <= 2 || date <= 2) {return no; } + return maybe; +} +" +5310b4e29146e9724dfa907d16a266fccdd9f295,"private int chances; +public int dateFashion(int you, int date) +{ + if((you < 3) || (date < 3)) + { + chances = 0; + return chances; + } + else + { + if((you > 7) || (date 7 3)) + { + chances = 2; + return chances; + } + else + { + chances = 1; + return chances; + } + } +} +" +e6a645518bc6f62e87d5608e161f2e6e902d827d,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + + if ((a > b) && (a > c)) + { + large = a; + + if (b > c) + { + med = b; + small = c; + } + + else + { + med = c; + small = b; + } + } + + if ((b > a) && (b > c)) + { + large = b; + + if (a > c) + { + med = a; + small = c; + } + + else + { + med = c; + small = a; + } + } + + if ((c > b) && (c > a)) + { + large = c; + + if (b > a) + { + med = b; + small = a; + } + + else + { + med = a; + small = b; + } + } + + if ((large - med) == (med - small)) + { + return true; + } + + return false; +} +" +e6e5fef8c68d8d0b0d77c17d7594228600305a01,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + + if ((a > b) && (a > c)) + { + large = a; + + if (b > c) + { + med = b; + small = c; + } + + else + { + med = c; + small = b; + } + } + + if ((b > a) && (b > c)) + { + large = b; + + if (a > c) + { + med = a; + small = c; + } + + else + { + med = c; + small = a; + } + } + + if ((c > b) && (c > a)) + { + large = c; + + if (b > a) + { + med = b; + small = a; + } + + else + { + med = a; + small = b; + } + } + + if (b == c) + { + return false; + } + + if ((large - med) == (med - small)) + { + return true; + } + + return false; +} +" +858f59fa5fd56245cec72637a5f2420b696e8a23,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + + if ((a > b) && (a > c)) + { + large = a; + + if (b > c) + { + med = b; + small = c; + } + + else + { + med = c; + small = b; + } + } + + if ((b > a) && (b > c)) + { + large = b; + + if (a > c) + { + med = a; + small = c; + } + + else + { + med = c; + small = a; + } + } + + if ((c > b) && (c > a)) + { + large = c; + + if (b > a) + { + med = b; + small = a; + } + + else + { + med = a; + small = b; + } + } + + if ((b == c) && (a != b)) + { + return false; + } + + if ((large - med) == (med - small)) + { + return true; + } + + return false; +} +" +c108b04e087ed3a72b5b7fe7ff4dc1615bd3f2ae,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean yeet = Math.abs(a-b) == Math.abs(b-c); + boolean yote = Math.abs(a-b) == 2 * Math.abs(b-c); + boolean yate = 2 * Math.abs(a-b) == Math.abs(b-c); + + + + return yeet || yote || yate; + +} +" +743927436e191db8507283e860438794e581e0e8,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean yeet = Math.abs(a-b) == Math.abs(b-c); + boolean yote = Math.abs(a-b) == 2 * Math.abs(a-c); + boolean yate = 2 * Math.abs(a-b) == Math.abs(a-c); + + + + return yeet || yote || yate; + +} +" +4bb3cc5d819877bd3238baebc34b877dc4dfb72f,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif = c-b; + return dif == b-a; +} +" +e4c0e875964720e01ee2e0ac89194eb71e245638,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b> c) + { + int x = a; + int y = b; + int z = c; + } + else if (b > a && a > c) + { + int x = b; + int y = a; + int z = c; + } + else if (c > a && b > a) + { + int x = c; + int y = b; + int z = a; + } + if (a > c && c> b) + { + int x = a; + int y = c; + int z = b; + } + else if (b > c && c > a) + { + int x = b; + int y = c; + int z = a; + } + else + { + int x = c; + int y = a; + int z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +4b6ebaf8e5858f67240a44173db13681be503269,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b> c) + { + int x = a; + int y = b; + int z = c; + } + else if (b > a && a > c) + { + int x = b; + int y = a; + int z = c; + } + else if (c > a && b > a) + { + int x = c; + int y = b; + int z = a; + } + if (a > c && c> b) + { + int x = a; + int y = c; + int z = b; + } + else if (b > c && c > a) + { + int x = b; + int y = c; + int z = a; + } + else + { + int x = c; + int y = a; + int z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +1581f2336759c14593113296de22bca80a0405d5,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int x = 1; + + if (a > b && b> c) + { + int x = a; + int y = b; + int z = c; + } + else if (b > a && a > c) + { + int x = b; + int y = a; + int z = c; + } + else if (c > a && b > a) + { + int x = c; + int y = b; + int z = a; + } + if (a > c && c> b) + { + int x = a; + int y = c; + int z = b; + } + else if (b > c && c > a) + { + int x = b; + int y = c; + int z = a; + } + else + { + int x = c; + int y = a; + int z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +09986769d66a1a95e07ce0a6c3f062ac58f82712,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int x = 1; + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > a && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +cb3c53bafcebf207b284c2bb32d6e555325f22e5,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int z = 1; + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > a && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +40ba847fc8e87e4caa6c60b596b953a7830f0bf8,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffA = a - b; + int diffB = a - c; + if (diffA.equals(Math.abs(b - c)) || diffB.equals(Math.abs(b - c))) { + return true; + } + else { + return false; + } + +} +" +71be83f98b9ff66a928dfdcacdaf944aaaea923d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffA = a - b; + int diffB = a - c; + if (diffA.equals(Math.abs(b - c)) || diffB.equals(Math.abs(b - c))) { + return true; + } + else { + return false; + } + +} +" +263500b4293c557243534f93b80ab7427bcfa5f9,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffA = a - b; + int diffB = a - c; + if (diffA == (Math.abs(b - c)) || diffB == (Math.abs(b - c))) { + return true; + } + else { + return false; + } + +} +" +8747f25df3b6a7692fc5e1e30d725b76436a55f8,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int z = 1; + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > b && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +87709d916700cf5e737d6f11796c3cd68055f75b,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffA = Math.abs(a - b); + int diffB = Math.abs(a - c); + if (diffA == (Math.abs(b - c)) || diffB == (Math.abs(b - c))) { + return true; + } + else { + return false; + } + +} +" +d2a916cad3e5ecb676e76b9d6460fc2bce068ebb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffA = Math.abs(a - b); + int diffB = Math.abs(a - c); + if (diffA == (Math.abs(b - c)) || diffB == (Math.abs(b - c)) || diffA == diffB) { + return true; + } + else { + return false; + } + +} +" +0d342dc6b1b8a95190cb02a4d467b037f4f76cde,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int z = 1; + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > b && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +04c485bd7b124fc70db88940ff56392ed5e9fc40,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) { + int big = a; + int med = b; + int small = c; + } + else if (a > b && a > c) { + int big = a; + int med = c; + int small = b; + } + else if (b > a && c > b) { + int big = c; + int med = b; + int small = a; + } + else if (b > c && c > a) { + int big = b; + int med = c; + int small = a; + } + else if (c > a && a > b) { + int big = c; + int med = a; + int small = b; + } + else { + int big = b; + int med = a; + int small = c; + } + int diffA = big - med; + int diffC = med - small; + if (diffA == diffC) { + return true; + } + else { + return false; + } + +} +" +de85ca7137acdab637a31b1a664266f451fb4302,"public boolean evenlySpaced(int a, int b, int c) +{ + int big; + int med; + int small; + if (a > b && b > c) { + big = a; + med = b; + small = c; + } + else if (a > b && a > c) { + big = a; + med = c; + small = b; + } + else if (b > a && c > b) { + big = c; + med = b; + small = a; + } + else if (b > c && c > a) { + big = b; + med = c; + small = a; + } + else if (c > a && a > b) { + big = c; + med = a; + small = b; + } + else { + big = b; + med = a; + small = c; + } + int diffA = big - med; + int diffC = med - small; + if (diffA == diffC) { + return true; + } + else { + return false; + } + +} +" +172e9ce63801551cd0d3170ad519a9e43afa65ca,"public boolean evenlySpaced(int a, int b, int c) +{ + int max = a; + int min = a; + if (max < b){ + max = b; + } + if(max < c){ + max = c; + } + if (min > b){ + min = b; + } + if(min > c){ + min = c; + } + if (min != a && max != a){ + return(max - a == a - min); + }else{ + if(min != b && max != b){ + return(max - b == b - min); + }else{ + return(max - c == c - min); + } + } +} +" +b838e033572143119a8842b9e1802b43c790d07e,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (a > c) + { + temp = a; + a = c; + c = temp; + } + return (b - a == c - b); +} + +" +eca94e6f4669dbd5eb44968c3a8a2cac99b168e3,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + diff1 = Math.abs(b - a); + diff2 = Math.abs(c - b); + diff3 = Math.abs (c - a); + + if (diff1 == diff2 || diff1 == diff3 || diff2 == diff3) + return true; + +} + +" +acff55107ff8e03432f3bef12110b1ad48c69221,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + diff1 = Math.abs(b - a); + diff2 = Math.abs(c - b); + diff3 = Math.abs (c - a); + + if (diff1 == diff2 || diff1 == diff3 || diff2 == diff3) + return true; +} + +" +a8f50f8c0e2244e6d887a771107ae0c9af9d111c,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + diff1 = Math.abs(b - a); + diff2 = Math.abs(c - b); + diff3 = Math.abs (c - a); + + if (diff1 == diff2 || diff1 == diff3 || diff2 == diff3) + return true; + return false; +} + +" +ea76a8711d0d4c644bdfee4896f2b190ce241ec2,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if (a ==b && a == c) + return true; + + diff1 = Math.abs(b - a); + diff2 = Math.abs(c - b); + diff3 = Math.abs (c - a); + + if (diff1 == diff2 || diff1 == diff3 || diff2 == diff3) + return true; + return false; +} + +" +6254913ddb64effcc5e75c8e9c437f938474956a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if (a ==b && a == c) + return true; + if(a == b || b == c || a == c) + return false; + + + diff1 = Math.abs(b - a); + diff2 = Math.abs(c - b); + diff3 = Math.abs (c - a); + + if (diff1 == diff2 || diff1 == diff3 || diff2 == diff3) + return true; + return false; +} + +" +362f26e1b042ddf6f12f3fc9a73a2feea22806aa,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + else + return false; +} +" +89c5fa92d7d12829ee76f94af695342decfd714d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + if (Math.abs(a - c) == Math.abs (c - b)) + return true; + else + return false; +} +" +29551d66d63da8b612cf497400ba7f412d5ae1e3,"public boolean evenlySpaced(int a, int b, int c) +{ + return ( Math.abs(a-b) == Math.abs(b-c) || Math.abs(a-c) == Math.abs(b-c) || Math.abs(c-a) == Math.abs(b-c)) +} +" +33b30d9145981d5c5d82839a07b555e8e48801a5,"public boolean evenlySpaced(int a, int b, int c) +{ + return ( Math.abs(a-b) == Math.abs(b-c) || Math.abs(a-c) == Math.abs(b-c) || Math.abs(c-a) == Math.abs(b-c)); +} +" +f1c388d9684c6c0da880a16ecedec8d1efce625b,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a == b && a == c); + return (a == b || b == c || a == c); +} + +" +4b4f3470ec8c6d08b062f3f29a44434c33a24247,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && a == c) + { + return true; + } + + if (a == b || b == c || a == c) + { + return false; + } +} + +" +5391546dae73c975e038865fb43e556ff63d3c7b,"public boolean evenlySpaced(int a, int b, int c) +{ + ab = Math.abs(a-b); + bc = Math.abs(b-c); + ac = Math.abs(a-c); + + return ( (ab == bc && ac = ab+bc) || (ab == ac && bc = ab+ac) || (bc == ac && ab == bc+ac)) +} + +" +4ed9ad4a0cad4053264066369b040bf4cdb77b15,"public boolean evenlySpaced(int a, int b, int c) +{ + ab = Math.abs(a-b); + bc = Math.abs(b-c); + ac = Math.abs(a-c); + + return ( (ab == bc && ac = ab+bc) || (ab == ac && bc = ab+ac) || (bc == ac && ab == bc+ac)); +} + +" +54ab59e051c2e68c4ff7ffe67af599c8ae48f4bb,"public boolean evenlySpaced(int a, int b, int c) +{ + int ab = Math.abs(a-b); + int bc = Math.abs(b-c); + int ac = Math.abs(a-c); + + return ( (ab == bc && ac = ab+bc) || (ab == ac && bc = ab+ac) || (bc == ac && ab == bc+ac) + ); +} + +" +089dde20d913342d6f3aa3e0e5f9d84e92fea507,"public boolean evenlySpaced(int a, int b, int c) +{ + int ab = Math.abs(a-b); + int bc = Math.abs(b-c); + int ac = Math.abs(a-c); + + return ( (ab == bc && ac == ab+bc) || (ab == ac && bc == ab+ac) || (bc == ac && ab == bc+ac)); +} + +" +90ae92b538611079c7f2210938e75d40cce6a642,"public boolean evenlySpaced(int a,int b,int c) + { + if(a-b==b-c) + return true; + else + return false; + } +" +45c23e07b9a5e0a0050ce408344ce369ce3fc24f,"public boolean evenlySpaced(int a,int b,int c) +{ + if(a - b == b - c) + { + return true; + } + else + { + return false; + } +} +" +7fd1efc3659836679a377fae42985fb5d08d5ae0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + { + return true; + } + else + { + return false; + } +} +" +aa5efa1133b3546e5aa675dad925e6e0a23924bd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + if (a == b || a == c || b == c) + { + return false; + } + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); +" +bb4c5fa68c995c34b35c6e80b33a6e27543dc57d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + if (a == b || a == c || b == c) + { + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); + } +} +" +e91d361865c93fa8b50e640ea4a283f534c1d526,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + if (a == b || a == c || b == c) + { + return false; + } +} +" +7160783f9a92c6348124e65aca9de4ffa653f64b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return 0; + } + + +} +" +80a91698590a07634686c25cd52cd1b871b4c441,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return 0; + } +} +" +e268117f84e3f89c76774b2eb6fd666f4e7132b0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } +} +" +097cfc5e472e4acaa39c7a1d9e1ce7e5985f8727,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else + { + return false; + } +} +" +f272c0b4335e3f6f10259bdadb4bd52ef3ad28f7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if ( a - b == b - c) + { + return true; + } + else + { + return false; + } +} +" +4514bbd4979298f738bf79a971b13a7b4a8c7359,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a - b == b - c) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +0ef1fa1a9afb345e3e7b144e65f2c19d2ef1f8df,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) ||(a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +a265fcdc1160536ac6badf23afb2f19dfd09b80e,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return true; + } + +} +" +c3b406eadf6a5d0fbae27bd588bb169e58ef9dd8,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +07d58811dac51c708fda4ff227a6461d883f1650,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; + return ((Math.abs(a-b)== Math.abs(b-c)) + || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs (b-c))); +} +" +26944a79f99a845f836f1b6d3489605636970556,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(a - b) == Math.abs(b - c)) + +} +" +53ad2b8b2bf32deded28b6cea99f4f88d7653212,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(a - b) == Math.abs(b - c)); + +} +" +98cfd961e3b709cbb8328d086e7a25536b82a1f8,"public boolean evenlySpaced(int a, int b, int c) +{ + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(a - c) == Math.abs(b - a))); + +} +" +de942417fb29a1cc11ececb49d8d5c0316d14bf3,"public boolean evenlySpaced(int a, int b, int c) +{ + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(b - a) == Math.abs(a - c)) + || (Math.abs(a - c) == Math.abs(c - b))); + +} +" +ac89d4a6a8c4043e8fae88e30d936e62f5f359ad,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(b - a) == Math.abs(a - c)) + || (Math.abs(a - c) == Math.abs(c - b))); + else + return false + +} +" +84103938feb96f288e4ebab6eda004c5694aee4e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(b - a) == Math.abs(a - c)) + || (Math.abs(a - c) == Math.abs(c - b))); + else + return false; + +} +" +2e7b2585b42dc77c2e4cdbd19bfd4b57a6232d41,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a != b && b != c && a != c) || (a == b && b == c)) + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(b - a) == Math.abs(a - c)) + || (Math.abs(a - c) == Math.abs(c - b))); + else + return false; + +} +" +141c4b6c583b842a39ff29d7fc62cbd207671774,"public boolean evenlySpaced(int a, int b, int c) +{ + int min; + int med; + int max; +} +" +c818cd013b6114f5d525fc0d34d81267ce7d50b0,"public boolean evenlySpaced(int a, int b, int c) +{ + int min; + int med; + int max; + return true; +} +" +271d7e73bf5bbb91ffd8890843382d46f01a4139,"public boolean evenlySpaced(int a, int b, int c) +{ + int min; + int med; + int max; + if (a >= b && a >= c) { + max = a; + if (b >= c) { + med = b; + min = c; + } + else (b <= c) { + min = b; + med = c; + } + } + else if (a <= b && a <=c) { + min = a; + if (b >= c) { + max = b; + med = c; + } + else (b <= c) { + med = b; + max = c; + } + } + else { + med = a; + if (b >= c) { + max = b; + min = c; + } + else (b <= c) { + min = b; + max = c; + } + } + if (max - med == med - min) { + return true; + } + else { + return false; + } +} +" +eafcc1b733ef4089412dccb5a61ae17d34bc5cfc,"public boolean evenlySpaced(int a, int b, int c) +{ + int min; + int med; + int max; + if (a >= b && a >= c) { + max = a; + if (b >= c) { + med = b; + min = c; + } + else { + min = b; + med = c; + } + } + else if (a <= b && a <=c) { + min = a; + if (b >= c) { + max = b; + med = c; + } + else { + med = b; + max = c; + } + } + else { + med = a; + if (b >= c) { + max = b; + min = c; + } + else { + min = b; + max = c; + } + } + if (max - med == med - min) { + return true; + } + else { + return false; + } +} +" +762a6bacf08c8e2e124a1f378301fa8f97bf37f2,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; +int diff2 = 0; +int diff3 = 0; + +if(a==b && a ==c) +return true; + +if(a == b || b == c || a == c) +return false; + +diff1 = Math.abs(a - b); +diff2 = Math.abs(a - c); +diff3 = Math.abs(b - c); + +if(diff1 == diff2) +return true; +if(diff1 == diff3) +return true; +if(diff2 == diff3) +return true; + +return false; +} +" +420ffc98c6f109f43a446ab9b6562e9d31f4b4b7,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if (a == b && a == c) + { + return true; + } + if (a == b || a == c || b ==c) + { + return false; + } + diff1 = Math.abs(a - b); + diff2 = Math.abs(b - c); + diff3 = Math.abs(a - c); + + if(diff1 == diff2) + { + return true; + } + if (diff1 == diff3) + { + return true; + } + if (diff2 == diff3) + { + return true; + } + return false; +} +" +3278c378aff71251c690b2deeed68b9209484a8e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && a>c) + { + if (b>c) + { + small = c; + mid= b; + big=a; + } + else + { + small = b; + mid= c; + big=a; + } + } + else if (b>c) + { + if (c>a) + { + small = a; + mid=c; + big=b; + } + else + { + small = c; + mid=a; + big=b; + } + } + else + { + if (b>a) + { + small = a; + mid=b; + big=c; + } + else + { + small = b; + mid=a; + big=c; + } + } + if (mid-small == big-mid) + { + return true; + } + else + { + return false; + } +} +" +4b7100375e1615708a44d7336a3cb6869926cf5c,"public boolean evenlySpaced(int a, int b, int c) +{ + int small; + int mid; + int big; + if (a>b && a>c) + { + if (b>c) + { + small = c; + mid= b; + big=a; + } + else + { + small = b; + mid= c; + big=a; + } + } + else if (b>c) + { + if (c>a) + { + small = a; + mid=c; + big=b; + } + else + { + small = c; + mid=a; + big=b; + } + } + else + { + if (b>a) + { + small = a; + mid=b; + big=c; + } + else + { + small = b; + mid=a; + big=c; + } + } + if (mid-small == big-mid) + { + return true; + } + else + { + return false; + } +} +" +5262767365cb9ceed77ef3dc35bb45f8b8d5f240,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffone = b - a; + int difftwo = c - b; + if (diffone = difftwo) { + return True; + } + else { + return False; + } + +} +" +c4a583c4ed7cf892050a5a8ff7134ab7df43284a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffone = b - a; + int difftwo = c - b; + if (diffone = difftwo) { + return true; + } + else { + return false; + } + +} +" +c44eb225c9af7769d99544c58f8badc9d15083c1,"public boolean evenlySpaced(int a, int b, int c) +{ + diffone = b - a; + difftwo = c - b; + if (diffone = difftwo) { + return true; + } + else { + return false; + } + +} +" +479f3b98a6f6da247de131ff9a3f65b5a7e4ff88,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffone = b - a; + int difftwo = c - b; + boolean question = false; + if (diffone = difftwo) { + question = true; + return question; + } + else { + return question; + } + +} +" +5331be5ebe22e6486ade6deb3cce28bc1bfc15bb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffone = b - a; + int difftwo = c - b; + boolean question = false; + if (diffone == difftwo) { + question = true; + return question; + } + else { + return question; + } + +} +" +46c6a4171c9466b2d68ab43ecd162510adf3e562,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +295795d7e8ea82ab1e44600cbc4537c264816234,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(a - b); + ind e = Math.abs(b - c); + if (d == e) + return true; + else + return false; +} +" +9b8f1f3ca96b455a89b82d6c701457c06ed5ea92,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(a - b); + int e = Math.abs(b - c); + if (d == e) + return true; + else + return false; +} +" +5c52350a9919722bef806d5f42447542c6c591fc,"public boolean evenlySpaced(int a, int b, int c) +{ + int f = Math.abs(a - c); + int d = Math.abs(a - b); + int e = Math.abs(b - c); + if (d == e || f == d || e == f) + return true; + else + return false; +} +" +0112c5ce66d7c52bea2fdf736400c34c2a93c2e1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b || b == c || a == c) + return false + else + int f = Math.abs(a - c); + int d = Math.abs(a - b); + int e = Math.abs(b - c); + + if (d == e || f == d || e == f) + return true; + else + return false; +} +" +dbf33657acbc16d757f7d2b76f65144e2fbfa3ba,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b || b == c || a == c) + return false; + else + int f = Math.abs(a - c); + int d = Math.abs(a - b); + int e = Math.abs(b - c); + + if (d == e || f == d || e == f) + return true; + else + return false; +} +" +cf5e60716d692eb127a80a74ecb0a5c96d81fbde,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) || (a - b < b - c) + || (a - b > b - c)) + { + return false; + } + else + { + return false; + } + +} +" +c0967c365b51d90c05581fc5097419f25102d80e,"public boolean evenlySpaced(int a, int b, int c) +{ + int f = Math.abs(a - c); + int d = Math.abs(a - b); + int e = Math.abs(b - c); + if (a == b || b == c || a == c) + return false; + else + + + if (d == e || f == d || e == f) + return true; + else + return false; +} +" +e744639b36380da6976b249fd6eba6744aaa475f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if ((a == b || a == c || b == c) || (a - b < b - c) + || (a - b > b - c)) + { + return false; + } + else + { + return false; + } + +} +" +ed917da0f8b35828cf520ba79e3feca76e552b0a,"public boolean evenlySpaced(int a, int b, int c) +{ + int f = Math.abs(a - c); + int d = Math.abs(a - b); + int e = Math.abs(b - c); + if (a == b && b == c) + return true; + else if (a == b || b == c || a == c) + return false; + else + if (d == e || f == d || e == f) + return true; + else + return false; +} +" +b29b343e60ca76fe060e04a5362093557037e954,"public boolean evenlySpaced(int a, int b, int c) +{ + int f = Math.abs(a - c); + int d = Math.abs(a - b); + int e = Math.abs(b - c); + + if (a == b && b == c) + return true; + else if (a == b || b == c || a == c) + return false; + else + if (d == e || f == d || e == f) + return true; + else + return false; +} +" +65fa0444326b0d2caf31e953039c244a3cf73361,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + return false; + } + else if ((a - b < b - c) || (a - b > b - c)) + { + { + return false; + } + +} +" +6d62e83c33bf40799d16a2aa6c7d01c4ed4c4458,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + return false; + } + else if ((a - b < b - c) || (a - b > b - c)) + { + return false; + } + else + { + return false; + } + +} +" +756f18fde91ed32d5f5019e1ae2f6edd6329aa75,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if ((a - b < b - c) || (a - b > b - c)) + { + return false; + } + else + { + return false; + } + +} +" +4aeffe7b5b7e2bf1d80327bba45451509f07653e,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b < b - c) || (a - b > b - c)) + { + return false; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else + { + return false; + } + +} +" +b1d4a4ef3c37c714e0dc1c2bb8d87c3881b5819a,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b < b - c) || (a - b > b - c)) + { + return false; + } + else if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } (a == b || a == c || b == c) + { + return false; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +a32e796ca4e78a995b3a4943542c817174597bfc,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b < b - c) || (a - b > b - c)) + { + return false; + } + else if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +b7e56c32aa51e5dc068c0f70038d92320ea42914,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else if ((a == b && b == c) || (a - b == b - c)) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +34c1aa96eb44417be3720a6443a994f3fb7225ee,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +f5341579ad83170cb3ec30d6a42d37dc00448885,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return true; + } + else if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else + { + return false; + } + +} +" +b2c41e3f54bbbedeffac553de24520b494d35f58,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return true; + } + else + { + return false; + } + +} +" +9e470ac8822c49f45f7bd2e41d143c85dfdea466,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else + { + return false; + } + +} +" +5a14cb353326ef42a45aa846a768ed942aac6721,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + + if (b > c) + { + temp = b; + b = c; + c = temp; + } + + if (a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +d45e7af57f8969e48cd9b76e2afd1757cb8d574e,"public boolean evenlySpaced(int a, int b, int c) +{ + boolea;n even = (a - b == b - c) || (a - c == c - b) || (a - b == c - a); + // choice 1 + return even; + + //choice 2 + if(even) + { + return true; + } + + else + { + return false + } + /* + + if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else + { + return false; + }*/ + +} +" +c7727a47533b767c93ce7e8ea7b1301ea5b8ce66,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean even = (a - b == b - c) || (a - c == c - b) || (a - b == c - a); + // choice 1 + return even; + + //choice 2 + if(even) + { + return true; + } + + else + { + return false + } + /* + + if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else + { + return false; + }*/ + +} +" +c80d05e7b123a25977f720591ae54029557890d9,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean even = (a - b == b - c) || (a - c == c - b) || (a - b == c - a); + // choice 1 + return even; + + //choice 2 + if(even) + { + return true; + } + + else + { + return false; + } + /* + + if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else + { + return false; + }*/ + +} +" +dadf70eda7698048a971aca4bac2108cc57b6bb6,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean even = (a - b == b - c) || (a - c == c - b) || (a - b == c - a); + // choice 1 + //return even; + + //choice 2 + if (even) + { + return true; + } + + else + { + return false; + } + /* + + if ((a == b && b == c) || ((a - b) == (b - c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + else if (((a - b) < (b - c)) || ((a - b) > (b - c))) + { + return false; + } + else + { + return false; + }*/ + +} +" +d11854cccdfab150aa7289f7031bdaca2512f94c,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff; + int diff2; + if (a > b > c) + { + diff = a - b; + diff2 = b - c; + } + else if (b > a > c) + { + diff = b - a; + diff2 = a - c; + } + else if (c > a > b) + { + diff = c - a; + diff2 = a - b; + } + else if (c > b > a) + { + diff = c - b; + diff2 = b - a; + } + else if (b > c > a) + { + diff = b - c; + diff2 = c - a; + } + else (a > c > b) + { + diff = a - c; + diff2 = c - b; + } + if (diff == diff2) + { + return true; + } + return false; +} +" +8e9974c394e9dc52c550f6573e8857a17e2dbbfb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff; + int diff2; + if (a > b > c) + { + diff = a - b; + diff2 = b - c; + } + else if (b > a > c) + { + diff = b - a; + diff2 = a - c; + } + else if (c > a > b) + { + diff = c - a; + diff2 = a - b; + } + else if (c > b > a) + { + diff = c - b; + diff2 = b - a; + } + else if (b > c > a) + { + diff = b - c; + diff2 = c - a; + } + else + { + diff = a - c; + diff2 = c - b; + } + if (diff == diff2) + { + return true; + } + return false; +} +" +424a590bbb456a5247c04fbb6a4bf61e0867c7bb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff; + int diff2; + if (a > b && b > c) + { + diff = a - b; + diff2 = b - c; + } + else if (b > a && a > c) + { + diff = b - a; + diff2 = a - c; + } + else if (c > a && a > b) + { + diff = c - a; + diff2 = a - b; + } + else if (c > b && b > a) + { + diff = c - b; + diff2 = b - a; + } + else if (b > c && c > a) + { + diff = b - c; + diff2 = c - a; + } + else + { + diff = a - c; + diff2 = c - b; + } + if (diff == diff2) + { + return true; + } + return false; +} +" +c8bbe499cbcbf85171d59eb558696e241a7c1e07,"public boolean evenlySpaced(int a, int b, int c) +{ + int replace + if (a > b) + { + replace = a; + a = b; + b = reaplce; + } + if (c > b) + { + replace = c; + c = b; + b = reaplce; + } + if (a > b) + { + replace = a; + a = b; + b = reaplce; + } + return a - c == a - b; + +} +" +81962d5ec682db2ebc5d1018f9cfc1c0a75fc188,"public boolean evenlySpaced(int a, int b, int c) +{ + int replace; + if (a > b) + { + replace = a; + a = b; + b = reaplce; + } + if (c > b) + { + replace = c; + c = b; + b = reaplce; + } + if (a > b) + { + replace = a; + a = b; + b = reaplce; + } + return a - c == a - b; + +} +" +b4d2b122474af29a38b4029b3eb0a61b23359f65,"public boolean evenlySpaced(int a, int b, int c) +{ + int replace; + if (a > b) + { + replace = a; + a = b; + b = replace; + } + if (c > b) + { + replace = c; + c = b; + b = reaplce; + } + if (a > b) + { + replace = a; + a = b; + b = reaplce; + } + return a - c == a - b; + +} +" +fbab8e5a59758b8a3d392886639a8f9b8ff95620,"public boolean evenlySpaced(int a, int b, int c) +{ + int replace; + if (a > b) + { + replace = a; + a = b; + b = replace; + } + if (c > b) + { + replace = c; + c = b; + b = replace; + } + if (a > b) + { + replace = a; + a = b; + b = replace; + } + return a - c == a - b; + +} +" +dc8189ef0da8c4694fe772d69c614b5e89603c55,"public boolean evenlySpaced(int a, int b, int c) +{ + int replace; + if (a > b) + { + replace = a; + a = b; + b = replace; + } + if (b > c) + { + replace = c; + c = b; + b = replace; + } + if (a > b) + { + replace = a; + a = b; + b = replace; + } + return b - a == c - b; + +} +" +32f4f0c253ad83dbd6bc26c5bcda0a2d41c31469,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c) == (a - c)) + return true; + else + return false; +} +" +1006890ab3a008faed06b85598d1afb35a627c5c,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff; + if (b > a) + { + diff = a; + a = b; + b = diff; + } + if (c > b) + { + diff = b; + b = c; + c = diff; + } + if (b > a) + { + diff = a; + a = b; + b = diff; + } + return ((b - a == (b - c)); +} +" +a0e7a9fb6758ca9f08b332d47f06e24ab2118a50,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff; + if (b > a) + { + diff = a; + a = b; + b = diff; + } + if (c > b) + { + diff = b; + b = c; + c = diff; + } + if (b > a) + { + diff = a; + a = b; + b = diff; + } + return ((b - a) == (b - c)); +} +" +4eeca4db9acb88fcbd8009b4e2f7706fb2ac82d7,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff; + if (b > a) + { + diff = a; + a = b; + b = diff; + } + if (c > b) + { + diff = b; + b = c; + c = diff; + } + if (b > a) + { + diff = a; + a = b; + b = diff; + } + return ((a - b) == (b - c)); +} +" +d705afcb8e0bebfa297b56b543f6eabcdd3a0655,"public boolean evenlySpaced(int a, int b, int c) +{ + return ((b - a) == (c - b)); +} +" +915ff912231f8f2be2495f79dc3229f16e5f6ef8,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +29687bfe74da23a9316ee9193b401f0f8bbb221f,"public boolean evenlySpaced(int a, int b, int c) +{ + int z; + if(b > a) + { + z = a; + a = b; + b = z; + } + if(c > b) + { + z = b; + b =c; + c = z; + } + if(b > a) + { + z = a; + a = b; + b = z; + } + return(a - b == b - c); +} +" +0a6d55096d83f2bd338b442632a31c4920087961,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return(true); + } + else + { + return(false) + } +} +" +d2d089a32addfa56a85ca99213396ca2d957a9be,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return(true); + } + else + { + return(false); + } +} +" +b325c2da3c0215e80806b7a1c2393af78bde9885,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return(true); + } + else if ((a - b) == (c - a)) + { + return(true); + } + else if ((c - a) == (b - c)) + { + return(true); + } + else if () + else + { + return(false); + } +} +" +8dcb8bdb56eea7290fa0d86703aa532bc4bb4544,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return(true); + } + else if ((a - b) == (c - a)) + { + return(true); + } + else if ((c - a) == (b - c)) + { + return(true); + } + else + { + return(false); + } +} +" +c5a1d3a6a7020796953001f35115a851e3c774d1,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int big = 0; + int middle = 0; + if (a > b && a > c) + big = a; + else if (a > b && a < c) + middle = a; + else + small = a; + + if (b > a && b > c) + big = b; + else if (b > a && b < c) + middle = b; + else + small = b; + if (c > b && c > a) + big = c; + else if (c > b && c < a) + middle = c; + else + small = c; + if (big - middle == middle - small) + return true; + else return false; +} +" +1a79d102ea9cb17e9ff4b12ddd0f9522509bcc08,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + + if (diff1 == diff2) + { + return true; + } + else if (diff1 == diff3) + { + return true; + } + else if (diff2 == diff3) + { + return true; + } + else + { + return false; + } +} +" +aa5887301024665465a0728f537765ada5a95007,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + return ( a - b == b - c); + } + if ( b > a && a > c) + { + return ( b - a == a - c); + } + if ( a > c && c > b) + { + return ( a - c == c - b); + } + +} +" +82eecac85ca8d78a87fa93f820b9dc7f304c50da,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if (a == b && a == c) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + + if (diff1 == diff2) + { + return true; + } + else if (diff1 == diff3) + { + return true; + } + else if (diff2 == diff3) + { + return true; + } + else + { + return false; + } +} +" +c7972a0c52578814fdc1e75cdf7b2b9b87eaaa39,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c || c > b && b > a) + { + return ( a - b == b - c); + } + else if ( b > a && a > c || c > a && a > b) + { + return ( b - a == a - c); + } + else + { + return ( a - c == c - b); + } + +} +" +709dfd967813634770fee798dff1b0e99e73c4bb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(c - b) || abs(b - a) == abs(c - a) || abs(a - c) == abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +618eb27e76b86d838ffc32621222530d574cbe57,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(c - b) || abs(b - a) == abs(c - a) || abs(a - c) == abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +582703be8ab67a4597268ba0e44b984395e59aaf,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(c - b) || abs(b - a) == abs(c - a) || abs(a - c) == abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +0293b09990da0593c536ee38583f41a484f472ad,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spaced = false; + int aMinusB = a - b; + int aMinusC = a - c; + if (Math.abs(aMinusB) = Math.abs(aMinusC)) + { + spaced = true; + } + return spaced; +} +" +825e36a1cfbc4c8f7c5de0f51b66fb17478570eb,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + return = b - a == c - b; + +} +" +8227c8bf87dd7fa4cd0f7c2f7052f8bd12819e74,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spaced = false; + int aMinusB = a - b; + int aMinusC = a - c; + if (aMinusB = aMinusC || aMinusB = -aMinusC) + { + spaced = true; + } + return spaced; +} +" +dc467e032df53172f98db8a628236c013a045ed1,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + return = b - a == c - b; + +} +" +e79a938a50a11c0b3a34ecb146159b4d9b487e3b,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spaced = false; + int aMinusB = a - b; + int aMinusC = a - c; + if (aMinusB = aMinusC || aMinusB = -aMinusC) + { + spaced = true; + } + return spaced; +} +" +666a7f0c20c29b5666745dfb4c61a7a881f21218,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spaced = false; + int aMinusB = a - b; + int aMinusC = a - c; + if (aMinusB == aMinusC || aMinusB == -aMinusC) + { + spaced = true; + } + return spaced; +} +" +5743a298042648f81c5dc36f02eb6c3db1ee7bc5,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + return = b - a == c - b; + +} +" +7b1e3a828f36f9ee64b2bfcc6bc3ce5e5c76d80d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(c - b) || abs(b - a) == abs(c - a) || abs(a - c) == abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +41905b21bb96e4cb4d25491931a5f5783187237d,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + return = b - a == c - b; + +} +" +95431b4f71538cab3676e5152999ba715d94c477,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return True + } +} +" +9be520c26f3785380080508c196bdafdb88e3263,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return True + } +} +" +3a6fbb2ed7669988aa9d9f8d6b8ab53ebf7021b3,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return True; + } +} +" +a30945762a381468e8606e4601d0c0164ad81bcc,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return True; + } +} +" +5b388c1c4c37a418cec277dfaeb9edc10b3d8dd5,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return True; + } +} +" +07d3ab67900e0249b24f4257c361134475b722d7,"public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +8107d818b09adb374a19aaf6afd2f8124d1be8fc,"public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +74d416ae9f6db4c0646c23e00b0a176016e8d188,"public boolean evenlySpaced(int a, int b, int c) +{ + return false; +} +" +b3a816f198541f722568bccf2069af56fc66972f,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spaced = false; + int aMinusB = a - b; + int aMinusC = a - c; + if (aMinusB == aMinusC || aMinusB == -aMinusC) + { + spaced = true; + } + return spaced; +} +" +c4e4e99a525afc7e611fbfb598712143de968724,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a-b = b-c) + { + return true; + } + + + } + + + return false; +} +" +32ca58aedf886151f36894d95e499a1f9bdc4b60,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a-b == b-c) + { + return true; + } + + + } + + + return false; +} +" +08d73662456d17d4efbb9e7302e5a355168adc67,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == c-b) + { + return true; + } + + + return false; +} +" +1a1f2262ad4f85de8be8680c44bce77bfcd7481b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == c-b) + { + return true; + } + + else if (b-a = a-c) + { + return true; + } + + + return false; +} +" +c6f7c56c7baa81ea72f17de21e86bb7e88000517,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == c-b) + { + return true; + } + + else if (b-a == a-c) + { + return true; + } + + + return false; +} +" +0729db71d62d6007e41387954d26bdcf9c1928b5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == c-b) + { + return true; + } + + else if (b-a == a-c) + { + return true; + } + + else if (a-c == c-b) + { + return true; + } + + + return false; +} +" +6f7206ab6b122777d06b56095b01f0e404841e85,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == c-b) + { + return true; + } + + else if (b-a == a-c) + { + return true; + } + + else if (a-c == c-b) + { + return true; + } + + else if (c-b == b-a) + { + return true; + } + + + return false; +} +" +93f6cb47ef1f7f7ac8f4b5c260ce27b9d4684676,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(c - b) || abs(b - a) == abs(c - a) || abs(a - c) == abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +8a60c083a6626da1f1f2ad7f2ee771d31f83aae5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b) || Math.abs(b - a) == Math.abs(c - a) || Math.abs(a - c) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +b3b50a11a77167ce4a963860c8b737b2bf2e2520,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + else + { + if (Math.abs(a - b) == Math.abs(c - b) || Math.abs(a - c) == Math.abs(b - c) || Math.abs(c - a) == Math.abs(b - a)) + { + return true; + } + else + { + return false; + } + } +} +" +5f07c6c7acb5186eb5d15e1ac7bfaf010e3dc0ca,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( (a < b && b < c) || (c < b && b < a)) + { + if (a-b == b-c) + { + return true; + } + else + { + return false; + } + } + else if (b < a && a < c) +} +" +8039f577001c22e060b3a3753a8b7dfed871c3a6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( (a < b && b < c) || (c < b && b < a)) + { + if (a-b == b-c) + { + return true; + } + else + { + return false; + } + } + else if ((b < a && a < c)||(ca) + { + y=b; + b=a; + a=y + } + if (c>b) + { + y=c; + c=b; + b=c; + } + if (c>a) + { + y=c; + c=a; + a=c; + } + if ((c-b) == (b-a)) + return true; + else + return false; +} +" +bd20938b9094f7b8aea863b8d6261ee3aba1ff21,"public boolean evenlySpaced(int a, int b, int c) +{ + int y; + if (b>a) + { + y=b; + b=a; + a=y; + } + if (c>b) + { + y=c; + c=b; + b=c; + } + if (c>a) + { + y=c; + c=a; + a=c; + } + if ((c-b) == (b-a)) + return true; + else + return false; +} +" +14591478cae501ff673421de615208a737ef3a2b,"public boolean evenlySpaced(int a, int b, int c) +{ + int y; + if (b b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +80f2ba7b9411ff3d82f09d8be994901fcc2d2465,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (Math.abs(a - b) == Math.abs(b - c)) + space = true; + else + space = false; + return space; + + +} +" +f21ea81654de80631d4e4b29cf10d896fb61692b,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (a > b && b > c) + { + if (Math.abs(a - b) == Math.abs (b - c)) + { + space = true; + } + } + if (c > b && b > a) + { + if (Math.abs(a - b) == Math.abs (b - c)) + { + space = true; + } + } + if (c > a && a > b){ + if (Math.abs(c - a) == Math.abs (a - b)){ + space = true; + } + } + if (a > c && c > b){ + if (Math.abs(a - c) == Math.abs (c - b)){ + space = true; + } + } + else + space = false; + + + +} +" +5c0e197ec5581d06bcd5cfc7e9a8da70987793c5,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (a > b && b > c) + { + if (Math.abs(a - b) == Math.abs (b - c)) + { + space = true; + } + } + if (c > b && b > a) + { + if (Math.abs(a - b) == Math.abs (b - c)) + { + space = true; + } + } + if (c > a && a > b){ + if (Math.abs(c - a) == Math.abs (a - b)){ + space = true; + } + } + if (a > c && c > b){ + if (Math.abs(a - c) == Math.abs (c - b)){ + space = true; + } + } + else + space = false; + + return space; + +} +" +c709761d33841c3d12b06dc0032ef6ba5c05eb6a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (Math.abs(a - b) == Math.abs(b - c)){ + space = true; + } + else + space = false; + return space; +}" +84c6b551db3c0b1c2b822cf498a678974742528c,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (Math.abs(a - b) == Math.abs(b - c)){ + space = true; + } + else if (a > c && c > b){ + if (Math.abs(a - c) == Math.abs(c - b)){ + space = true; + } + } + else if (b > a && a > b){ + if (Math.abs(b - a) == Math.abs(a - c)){ + space = true; + } + } + else + space = false; + return space; +}" +fdad31f617418e3f86de968563896d520ac82cbe,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (Math.abs(a - b) == Math.abs(b - c)){ + space = true; + } + else if (a > c && c > b){ + if (Math.abs(a - c) == Math.abs(c - b)){ + space = true; + } + } + else if (b > a && a > c){ + if (Math.abs(b - a) == Math.abs(a - c)){ + space = true; + } + } + else + space = false; + return space; +}" +f008df80def4f75edf3c0755ca48d345e0bae06a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + int large = Math.max(a, Math.max(b, c)); + int small = Math.min(a, Math.min(b, c)); + int medium = (a + b + c) - (large + small); + if ((large - medium) == (medium - small)) + return true; +}" +3a09d6c75332bd9cedb084987b5ac92cb76b1a27,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = Math.max(a, Math.max(b, c)); + int small = Math.min(a, Math.min(b, c)); + int medium = (a + b + c) - (large + small); + if ((large - medium) == (medium - small)) + { + return true; + } +}" +86df8cf0c4c3b6a85312859887e0e9b57175cc67,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (c > b && b > a && c > a){ + if (a + b == c){ + space = true; + } + } + else if (a > c && b > a && b > c){ + if (a + c == b){ + space = true; + } + } + else if (a > c && c > b && a > b){ + if (b + c == a){ + space = true; + } + } + else if (a > b && b > c && a > c){ + if (b + c == a){ + space = true; + } + } + else if (a < c && b > a && b > c){ + if (a + c == b){ + space = true; + } + } + else if (c > b && b < a && c > a){ + if (a + b == c){ + space = true; + } + } + else{ + space = false; + } + return space; + + +}" +f84ea6ec9fb9f011e462704e2c9804c452c6e043,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (c > b && b > a && c > a){ + if (a + b == c){ + space = true; + } + } + else if (a > c && b > a && b > c){ + if (a + c == b){ + space = true; + } + } + else if (a > c && c > b && a > b){ + if (b + c == a){ + space = true; + } + } + else if (a > b && b > c && a > c){ + if (b + c == a){ + space = true; + } + } + else if (a < c && b > a && b > c){ + if (a + c == b){ + space = true; + } + } + else if (c > b && b < a && c > a){ + if (a + b == c){ + space = true; + } + } + else if (a==b && b==c && a==c){ + space = false; + } + else{ + space = false; + } + return space; + + +}" +0e932d046bb68b776662ea6ee20c5d55f43bae24,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = true; + if (c > b && b > a && c > a){ + if (a + b == c){ + space = true; + } + } + else if (a > c && b > a && b > c){ + if (a + c == b){ + space = true; + } + } + else if (a > c && c > b && a > b){ + if (b + c == a){ + space = true; + } + } + else if (a > b && b > c && a > c){ + if (b + c == a){ + space = true; + } + } + else if (a < c && b > a && b > c){ + if (a + c == b){ + space = true; + } + } + else if (c > b && b < a && c > a){ + if (a + b == c){ + space = true; + } + } + else if (a==b && b==c && a==c){ + space = true; + } + else{ + space = false; + } + return space; + + +}" +dc63f7630fd2946cbb08f7cf32c0b196a087c9c8,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +}" +f5d0735848d618756a867376b024de7c37ed0563,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == c - a || a - c == b - a) + { + return true; + } + else if (b - a == c - b || b - c == a - b) + { + return true; + } + else if (c - a == b - c || c - b == a - c) + { + return true; + } + else + { + return false; + } + } +" +f4c3ab2d5356013b8fc1ebb586342fd396be4ae3,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return True; + } +} +" +c7fe701584eeaa67650b27c822bbca6aca4acb44,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a - b; + int dif2 = b - c; + if (dif1 == dif2) + { + return true; + } +} +" +109aedf6356c76c50b26c6fb03e105f4cb286370,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +6ca614a8a6cef9a82f76f559bfe7d5b30ef87440,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (int abs(varone) == int abs(vartwo)) + { + return True; + } +} +" +471bc207380f7964bbf88a54a8534c999257b813,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +71b8e930cb1c150fab4db4aa17bac3cd680496c0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a < b && b < c) || (c < b && b < a)) + { + int varone = b - a; + int vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + int varone = c - a; + int vartwo = c - b; + } + else + { + int varone = a - c; + int vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +74e4bd528dbbead83070cf92dd2d4d5011390708,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a < b && b < c) || (c < b && b < a)) + { + int varone = b - a; + int vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + int varone = c - a; + int vartwo = c - b; + } + else + { + int varone = a - c; + int vartwo = a - b; + } + if (Math.abs(int varone) == Math.abs(int vartwo)) + { + return True; + } +} +" +bad456932725af02c81f9dcdc766ea6e47c0e24e,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a < b && b < c) || (c < b && b < a)) + { + int varone = b - a; + int vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + int varone = c - a; + int vartwo = c - b; + } + else + { + int varone = a - c; + int vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +a20e69a1711f7de9ad795b32c6b129a8ff696969,"public boolean evenlySpaced(int a, int b, int c) + int varone = 0; + int vartwo = 0; +{ + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +a1b6fc72633496b462efc69eea502992815dff87,"public boolean evenlySpaced(int a, int b, int c) + int varone = 0; + int vartwo = 0; +{ + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +b89367652235768faec6476e8a08513625da5e00,"public boolean evenlySpaced(int a, int b, int c) + int varone = 0; + int vartwo = 0; +{ + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +c5f68c6f58bf1981e44beccce5453683eefea20f,"public boolean evenlySpaced(int a, int b, int c) +{ + int varone = 0; + int vartwo = 0; + + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return True; + } +} +" +2e75f155be56bf942afdd2eb0cace7058b24224c,"public boolean evenlySpaced(int a, int b, int c) +{ + int varone = 0; + int vartwo = 0; + + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return true; + } +} +" +6a114d87f22172f49be10e9d780ca7129734efb5,"public boolean evenlySpaced(int a, int b, int c) +{ + int varone = 0; + int vartwo = 0; + + if ((a < b && b < c) || (c < b && b < a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a < c && c < b) || (b < c && c < a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + if (Math.abs(varone) == Math.abs(vartwo)) + { + return true; + } + else + { + return false; + } +} +" +5ffd99fc18227cfaf26fe9f96a9dfbc88caa29a2,"public boolean evenlySpaced(int a, int b, int c) +{ + int varone = 0; + int vartwo = 0; + + if ((a =< b && b =< c) || (c =< b && b =< a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a =< c && c =< b) || (b =< c && c =< a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + + if (Math.abs(varone) == Math.abs(vartwo)) + { + return true; + } + else + { + return false; + } +} +" +9fc24513e6892716c3d8896ab0f7e0bbd309efda,"public boolean evenlySpaced(int a, int b, int c) +{ + int varone = 0; + int vartwo = 0; + + if ((a <= b && b <= c) || (c <= b && b <= a)) + { + varone = b - a; + vartwo = b - c; + } + else if ((a <= c && c <= b) || (b <= c && c <= a)) + { + varone = c - a; + vartwo = c - b; + } + else + { + varone = a - c; + vartwo = a - b; + } + + if (Math.abs(varone) == Math.abs(vartwo)) + { + return true; + } + else + { + return false; + } +} +" +f2aa407925ce8ef9731bca8d07148a206a8a2554,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a==b && a ==c) + { + return true; + } + if(a == b || b == c || a == c) + { + return false; + } + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if(diff1 == diff2) + { + return true; + } + if(diff1 == diff3) + { + return true; + } + if(diff2 == diff3) + { + return true; + } + return false; +} +" +ca7238265859ce02179fbaeebe1fc3bcbbab567e,"public boolean evenlySpaced(int a, int b, int c) +{ + int y; + int count = 0; + while (count < 3) + { + if (cb && a>c) + { + y=c; + c=a; + a=c + } + else if (b>a && b>c) + { + y=b; + b=c; + c=b; + } + + if (bb && a>c) + { + y=c; + c=a; + a=c; + } + else if (b>a && b>c) + { + y=b; + b=c; + c=b; + } + + if (bb && a>c) + { + y=c; + c=a; + a=c; + } + else if (b>a && b>c) + { + y=b; + b=c; + c=b; + } + + if (bb && a>c) + { + y=c; + c=a; + a=y; + } + else if (b>a && b>c) + { + y=b; + b=c; + c=y; + } + + if (b a) + { + value = a; + a = b + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b < a) + { + value = b; + b = a; + a = value; + } + return (a - b == c - b); + +} +" +2caaef2915196042a025450c39c9245b0bc1bf1f,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b < a) + { + value = b; + b = a; + a = value; + } + return (a - b == c - b); + +} +" +b55272cdb1a5b4bcf52be71e470c7db0a3e65480,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + return (a - b == c - b); + +} +" +e1335022b9779335d4f6dc7d50afd55c2f4229f9,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b > a) + { + value = a; + a = b; + b = value; + } + return (a - b == c - b); + +} +" +d59edce5d7e84f9d6c69e75df343c8c6dbe548bd,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b < a) + { + value = a; + a = b; + b = value; + } + return (a - b == c - b); + +} +" +d27a64c18ed807c63d4654899616ea6d307339dc,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b > a) + { + value = b; + b = a; + a = value; + } + return (a - b == c - b); + +} +" +b2d8cd3224deb480a0e7f3ba2aaf1c16c14cef37,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b > a) + { + value = b; + b = a; + a = value; + } + if (C > b) + { + value = c; + c = b; + b = value; + } + return (a - b == c - b); + +} +" +376a881fccbd50cd718f29be54581165f9835a5e,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b > a) + { + value = b; + b = a; + a = value; + } + if (c > b) + { + value = c; + c = b; + b = value; + } + return (a - b == c - b); + +} +" +cda930ca80dc900c3b179d0dad5134ba4634a0df,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + return = b - a == c - b; + +} +" +3c564dccd1d1758c8d0333ec8d81ad445aa46c7f,"public boolean evenlySpaced(int a, int b, int c) +{ + int value; + if (b > a) + { + value = a; + a = b; + b = value; + } + if (c > b) + { + value = b; + b = c; + c = value; + } + if (b > a) + { + value = b; + b = a; + a = value; + } + if (c > a) + { + value = c; + c = b; + a = value; + } + return (a - b == c - b); + +} +" +8abce87e0d920a873e3f7b245a2a131de53ca16f,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + + return = b - a == c - b; + + } + +} +" +1ff6a87430463dd393fa529a4b61e303cdd3d7ca,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + + return b - a == c - b; + + } + +} +" +b955a51b271bca885db5a517bd0fc2a4ee212951,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + + return (b - a == c - b); + + } + +} +" +b8f69bb775d2661235d7cbb6d52a0f1e51cbc9e4,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + + return (b - a == c - b); + + } + + return true; +} +" +99433298c1fbeed543c3598cab939b597f702420,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + + return (b - a == c - b); + + } + + return false; +} +" +4b58e8e7f0dc5884ee33ba86bca7e08397bd4146,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a>b) + { + temp = a; + a = b; + b = temp; + } + + if (b>c) + { + temp = b; + b = c; + c = temp; + } + + if (a>b) + { + temp = a; + a = b; + b = temp; + + } + + return (b - a == c - b); +} +" +776ad06a0a8bbe7903f7ea8347cc0595f298ac78,"public boolean evenlySpaced(int a, int b, int c) +{ + ac = a - c; + ab = a - b; + bc = b - c; + ba = b - a; + ca = c - a; + cb = c - b; + if (ac == ab || ac == bc || ab == bc) + return true; + else + return false; +} +" +a27cffe9a421edf3147f39ae05daba3e658df388,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (ac == ab || ac == bc || ab == bc) + return true; + else + return false; +} +" +2746063070629ff68427a74ea39d9ad84cc68838,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (ac == ab || ac == bc || ab == bc || ca == ba || ca == cb || ba == cb) + return true; + else + return false; +} +" +c1ee3c7ea0431a705314f00cfac188e17c58f048,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (ac == ab || ac == bc || ab == bc || ca == ba || ca == cb || ba == cb + || ac == cb || ac == bc || ab == bc) + return true; + else + return false; +} +" +bbf7f3dd606789e8f6c0ae9d4e8c2ece23fd72c4,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (ac == ab || ac == bc || ab == bc || ca == ba || ca == cb || ba == cb + || ac == cb || ba == ac || ab == bc) + return true; + else + return false; +} +" +10de03f0e12c023b0383c7c4fb1fcc4a83421c7e,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (ac == ab || ac == bc || ab == bc || ca == ba || ca == cb || ba == cb + || ac == cb || ba == ac || ab == bc && a != b && b !=c && c != a) + return true; + else + return false; +} +" +a9a00b6472fe5bcbec095983c17f4992e9daaedd,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (a == b || b == c || c == a) + return false; + else + { + if (ac == ab || ac == bc || ab == bc || ca == ba || ca == cb || ba == cb + || ac == cb || ba == ac || ab == bc) + return true; + else + return false; + } +} +" +dacc45dedbd0558ef3e10e49c218f75871e30c7a,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = a - c; + int ab = a - b; + int bc = b - c; + int ba = b - a; + int ca = c - a; + int cb = c - b; + if (a == b || b == c || c == a) + if (a == b && b == c && c == a) + return true; + else + return false; + else + { + if (ac == ab || ac == bc || ab == bc || ca == ba || ca == cb || ba == cb + || ac == cb || ba == ac || ab == bc) + return true; + else + return false; + } +} +" +bd42562672a1f4641e49419e159afaf1532d0320,"public boolean evenlySpaced(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + int small; + int medium; + int large; + if (a > b && a > c) + { + large = a; + if (b > c) + { + medium = b; + small = c; + } + else + { + medium = c; + small = b; + } + } + else if (b > c) + { + large = b; + if (a > c) + { + medium = a; + small = c; + } + else + { + medium = c; + small = a; + } + } + else + { + large = c; + if (a > b) + { + medium = a; + small = b; + } + else + { + medium = b; + small = a; + } + } + if ((large - medium) == (medium - small)) + { + return true + } + else + { + return false; + } + + +} +" +9238b900b64fda697f8ca430e0e68e174465fa87,"public boolean evenlySpaced(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + int small; + int medium; + int large; + if (a > b && a > c) + { + large = a; + if (b > c) + { + medium = b; + small = c; + } + else + { + medium = c; + small = b; + } + } + else if (b > c) + { + large = b; + if (a > c) + { + medium = a; + small = c; + } + else + { + medium = c; + small = a; + } + } + else + { + large = c; + if (a > b) + { + medium = a; + small = b; + } + else + { + medium = b; + small = a; + } + } + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + + +} +" +e043485fe9b5e006d11eacc97e35bf3eefb4aa4c,"public boolean evenlySpaced(int a, int b, int c) +{ + return false; + +} +" +ad136e2467686e66e1c32e1d4996a819f8fb624e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b = c - b) + { + return true; + } + return false; + +} +" +90890af8063336960e0b59a20aab49f26f00e0e6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == c - b) + { + return true; + } + return false; + +} +" +f9bf1f95e030e79819812b68947f9e14b4e421fd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == c - b) + { + return true; + } + if (b - a == c - a) + { + return true; + } + if (c - b == a - b) + { + return true; + } + if (b - c == a - c) + { + return true; + } + return false; + +} +" +0fc81c898ceb475247772758bcf2dd30a7231b22,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == c - b) + { + return true; + } + if (b - a == c - a) + { + return true; + } + + + return false; + +} +" +dbdeda7aeb479b715bab348a88955d6d90ba6851,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == c - b) + { + return true; + } + + + + return false; + +} +" +921dddb2a2904cd1fe002440e28ee5d9dc869892,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + return true; + } + if (a - b == c - a) + { + return true; + } + if (a - c == c - b) + { + return true; + } + if (b - c == c - a) + { + return true; + } + if (b - a == a - c) + { + return true; + } + if (a - b == b - c) + { + return true; + } + + return false; + +} +" +854cee90e8f10e8bd0f3406bd491ea7c4767a9ff,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + return true; + } + if (a - b == c - a) + { + return true; + } + if (a - c == c - b) + { + return true; + } + if (b - c == c - a) + { + return true; + } + if (b - a == a - c) + { + return true; + } + if (a - b == b - c) + { + return true; + } + + return false; + +} +" +df0a9b0a171fdd40b18d9cd0096365decf59f47a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b=b-c) + { + return true; + } + else if (a-c=c-b) + { + return true; + } + else if (b-a=a-c) + return true; + else if (b-c=b-a) + return true; + else if (c-a=a-b) + return true; + else if (c-b=b-a) + return true; + else + return false; +} +" +b151bc7da145b379d30d47e55d4f3e1ba356d93d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b=b-c) + +} +" +c452293284c354f008cfc80b86a7a6f1a7f88446,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true + } + else if (a>c&&c>b&&a-c=c-b) + +} +" +cb5a74c66adec686c8ffe88f8509e3f8171ef1e2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&a-c=c-b) + +} +" +8012b9914fbd6a737708707a072acf22de54faa6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&a-c==c-b) + +} +" +94d096dfced878bdcf6439cb0cdae88609901841,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&(a-c==c-b)) + +} +" +22106adb3c6abf599e8c7f7e27f1e28e4cb4b2a5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&(a-c)==(c-b)) + +} +" +7f883d7fd66d488f2203703e1033f8bde4ed51f2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + +} +" +20ffd7e619c4040b33b88e0fa68e50918260ab6e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true + } + +} +" +b20928cc0ff35ef90794be9b9114a3f2ee6e24c3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&a-b=b-c) + { + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true; + } + +} +" +21be1e7f575edfb1e3c537a237121daed7e52adf,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&(a-b)=(b-c)) + { + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true; + } + +} +" +1d83adb12e02f76b970927bdbcca55c2787ae5cb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&(a-b=b-c)) + { + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true; + } + +} +" +9bb609a0e2ec3e64c674bc38e855b04acddb4a9c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c&&(a-b==b-c)) + { + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true; + } + +} +" +856546aec59b719e67e42e470debbc229a4d4ec3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c) + { + if (a-b=b-c) + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true; + } + +} +" +1ddd097c80ac1023095013e1c9f5f5073acaa4a7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c) + { + if (a-b==b-c) + return true; + } + else if (a>c&&c>b&&(a-c)=(c-b)) + { + return true; + } + +} +" +1b9d5e0f47948e0b564b8c0bfd86932fde9dd70d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b&&b>c) + { + if (a-b==b-c) + return true; + } + else if (a>c&&c>b) + { + if (a-c=b-c) + return true; + } + +} +" +523dff19cedd8268b890e1f7f2e0ecd671f208eb,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = java.lang.Math.abs(a - c); + int ab = java.lang.Math.abs(a - b); + int bc = java.lang.Math.abs(b - c); + if ((ab == bc) || (ac == bc) || (ab == ac) + { + return true; + } + else + { + return false; + } + +} +" +5813fd19e741ec985286d2d0c4f7dcfd5943fdc0,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = java.lang.Math.abs(a - c); + int ab = java.lang.Math.abs(a - b); + int bc = java.lang.Math.abs(b - c); + if ((ab == bc) || (ac == bc) || (ab == ac)) + { + return true; + } + else + { + return false; + } + +} +" +2789b1e3a8a14fca992320d2248f2a2870838dcf,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((c>a&&a>b)||(b>a&&a>c)) + { + if (c-a=a-b) + return true; + } + else + { + return false; + } + +} +" +ef9568fd2daa35a5caef3bde22499b3c45b589f4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((c>a&&a>b)||(b>a&&a>c)) + { + if (c-a=a-b) + return true; + } + else + { + return false; + } +} +" +c927c83a47bf846e52538522ae84a783e89d5075,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((b>a&&a>c)||(c>a&&a>b)) + { + if (c-a=a-b) + return true; + } + else + { + return false; + } +} +" +0c7adfa00856b97f96ef09da78151c628e075672,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((b>a&&a>c)||(c>a&&a>b)) + { + if (c-a==a-b) + return true; + } + else + { + return false; + } +} +" +3f946c655c1ef668f64eaa2e0de4e3ec5fbc1ee1,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = java.lang.Math.abs(a - c); + int ab = java.lang.Math.abs(a - b); + int bc = java.lang.Math.abs(b - c); + if (ab == 0 || ac == 0 || bc == 0) + { + return false; + } + else if ((ab == bc) || (ac == bc) || (ab == ac)) + { + return true; + } + else + { + return false; + } + +} +" +060b1b0ab91fc8b9202911ce7b1e42c9d009ae3d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((b>a&&a>c)||(c>a&&a>b)) + { + if (c-a==a-b) + return true; + } + else + { + return false; + } +} +" +7a833ff16326742069c2750c911dd7146a3eedea,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((b>a&&a>c)||(c>a&&a>b)) + { + if (c-a==a-b) + return true; + } + else + { + return false; + } +} +" +5e165e5d2b55c4b069b66095c3e2ee243bd2fb72,"public boolean evenlySpaced(int a, int b, int c) +{ + int ac = java.lang.Math.abs(a - c); + int ab = java.lang.Math.abs(a - b); + int bc = java.lang.Math.abs(b - c); + if ((a == b) && (b == c)) + { + return true; + } + else if (ab == 0 || ac == 0 || bc == 0) + { + return false; + } + else if ((ab == bc) || (ac == bc) || (ab == ac)) + { + return true; + } + else + { + return false; + } + +} +" +463a53786184026ea8822d010ba985440104fd6b,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp =a + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; + +} +" +f2586e46ecbc88334b4f8bff5d6b49b4dc3cdfaf,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if ((a-b==b-c)||(c-b==b-a)) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if ((a-c==c-b)||(b-c==c-a)) + return true; + } + else if ((b>a&&a>c)||(c>a&&a>b)) + { + if ((c-a==a-b)||(b-a==a-c)) + return true; + } + else + { + return false; + } +} +" +4be1a24bc86a0d6c0becc17bbe60663c7c075a05,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; + +} +" +74749880ab057792ff00f7f8464cdce34b6634b3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + return false; +} +" +3b6bc5ee1e911b77f1fb6c45b1f4a75fa0c06b44,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>b&&b>c)||(c>b&&b>a)) + { + if (a-b==b-c) + return true; + } + else if ((a>c&&c>b)||(b>c&&c>a)) + { + if (a-c==c-b) + return true; + } + else if ((b>a&&a>c)||(c>a&&a>b)) + { + if (c-a==a-b) + return true; + } + else + { + return false; + } +} +" +17f7c3c21a08ad3d2e29faec7a936172505cdab6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + if (Math.abs(a - c) == Math.abs(b - a)) + return true; + return false; +} +" +980cb2ed1cdb90b9c9e4d1a30c67df5e07bd19cb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + if (Math.abs(a - c) == Math.abs(b - a)) + return true; + if (Math.abs(a - c) == Math.abs(b - c)) + return true; + return false; +} +" +e71026a0d9fec3b11b461d522b191f63737c5f1f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + else if (Math.abs(a - c) == Math.abs(b - a)) + return true; + else if (Math.abs(a - c) == Math.abs(b - c)) + return true; + return false; +} +" +c75cfa50256928536ac340171db0452ab3887c62,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; +} +" +6229ec1cd937074c0b60138c8c17d65276fd11f6,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; + return false; +} +" +b4944ae2ba03064c1e6e425ecca65fce924d36f1,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; + if ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))) + return false; +} + " +a72ed44d3d2c197be1d901f652ffa45f662833a4,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; + if ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))) + return false; + return false; +} + " +339de699e42e7db2654869bb0a1901c73f235c76,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; + if ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))) + return true; + return false; +} + " +124e6cfffb976fc8aa902d2d250a0cc64b69cf36,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + if (a > b) { + if (b > c) { + //then a is largest and c is smallest + largest = a; + middle = b; + smallest = c; + } + else if (c > a) { + //then c is largest and b is smallest + largest = c; + middle = a; + smallest = b; + } + else { + //c is in the middle and b is smallest + largest = a; + middle = c; + smallest = b; + } + } + else if (b > a) { + if (a > c) { + //c is smallest b is largest + largest = b; + middle = a; + smallest = c; + } + else if (c > b) { + largest = c; + middle = b; + smallest = a; + } + else { + largest = b; + middle = c; + smallest = a; + } + } + if (largest - middle = middle - smallest) { + return true; + } + return false; +} +" +151c34217d486ff8af099808f4bbdf2f3c41fa47,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + if (a > b) { + if (b > c) { + //then a is largest and c is smallest + largest = a; + middle = b; + smallest = c; + } + else if (c > a) { + //then c is largest and b is smallest + largest = c; + middle = a; + smallest = b; + } + else { + //c is in the middle and b is smallest + largest = a; + middle = c; + smallest = b; + } + } + else if (b > a) { + if (a > c) { + //c is smallest b is largest + largest = b; + middle = a; + smallest = c; + } + else if (c > b) { + largest = c; + middle = b; + smallest = a; + } + else { + largest = b; + middle = c; + smallest = a; + } + } + if ((largest - middle) = (middle - smallest)) { + return true; + } + return false; +} +" +1f01bf012ef4d059658387edb65b72e9afab303d,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + if (a > b) { + if (b > c) { + //then a is largest and c is smallest + largest = a; + middle = b; + smallest = c; + } + else if (c > a) { + //then c is largest and b is smallest + largest = c; + middle = a; + smallest = b; + } + else { + //c is in the middle and b is smallest + largest = a; + middle = c; + smallest = b; + } + } + else if (b > a) { + if (a > c) { + //c is smallest b is largest + largest = b; + middle = a; + smallest = c; + } + else if (c > b) { + largest = c; + middle = b; + smallest = a; + } + else { + largest = b; + middle = c; + smallest = a; + } + } + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} +" +237556eebb3592444e59d094c9be0f25e0455900,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + if (a > b) { + if (b > c) { + //then a is largest and c is smallest + largest = a; + middle = b; + smallest = c; + } + else if (c > a) { + //then c is largest and b is smallest + largest = c; + middle = a; + smallest = b; + } + else { + //c is in the middle and b is smallest + largest = a; + middle = c; + smallest = b; + } + } + else { + //(b>a) + if (a > c) { + //c is smallest b is largest + largest = b; + middle = a; + smallest = c; + } + else if (c > b) { + largest = c; + middle = b; + smallest = a; + } + else { + largest = b; + middle = c; + smallest = a; + } + } + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} +" +b85734947a9a918e857ea16bbc2265b4abfe2638,"public boolean evenlySpaced(int a, int b, int c) +{ + + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +a94571af8c9f569851607eba4a61840aef55dcba,"public boolean evenlySpaced(int a, int b, int c) +{ + int maxx; + int max2; + int min = 0; + int mid = 0; + maxx = Math.max(a, b); + max2 = Math.max(maxx, c); + + if (max2 == a) + { + min = Math.min(b, c); + if(min == b) + { + mid = c; + } + else + { + mid = b; + } + } + else if(max2 == b) + { + min = Math.min(a, c); + if (min == a) + { + mid = b; + } + else + { + mid = a; + } + } + if ((max2 - mid) == (mid - min)) + { + return true; + } + else + { + return false; + } +} +" +5e90ae7952e29cbe158446e82d8d5d4d41d4a81a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = b - c; + + if (diffOne == diffTwo) + { + return true; + } + else + { + return false; + } +} +" +b176181c1fdba814a874b9361c5e7efa928e34c2,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = abs(a - b); + int diffTwo = abs(b - c); + + if (diffOne == diffTwo) + { + return true; + } + else + { + return false; + } +} +" +aa6533853f035952bd48e20c40ee34471ddcf31e,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = Math.abs(a - b); + int diffTwo = Math.abs(b - c); + + if (diffOne == diffTwo) + { + return true; + } + else + { + return false; + } +} +" +8686667d092e99121a6c2b8d5e6b9131b8e16cc0,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing + if (a>b) + { + spacing = a; + a = b; + b = spacing; + } + else if ( b > c) + { + spacing = b; + b = c; + c = spacing; + } + return b-a == c-b; +} +" +ec58d6fb6f3e162bb665eef8e186a98fe6544168,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if (a>b) + { + spacing = a; + a = b; + b = spacing; + } + else if ( b > c) + { + spacing = b; + b = c; + c = spacing; + } + return b-a == c-b; +} +" +b803877f43a1cf91e02a743b68e22b526ba7fc29,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>=b&&b>=c)||(c>=b&&b>=a)) + { + if (a-b==b-c) + return true; + } + else if ((a>=c&&c>=b)||(b>=c&&c>=a)) + { + if (a-c==c-b) + return true; + } + else if ((b>=a&&a>=c)||(c>=a&&a>=b)) + { + if (c-a==a-b) + return true; + } + else + { + return false; + } +} +" +50ab515e4e4d9961d82da60d4e215456ba77d1ef,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if (a>b) + { + spacing = a; + a = b; + b = spacing; + } + else if ( b > c) + { + spacing = b; + b = c; + c = spacing; + } + else if (a>c) + { + spacing = a; + a = c; + c = spacing; + } + return b-a == c-b; +} +" +b1a8741d02e5327fd7f639a59b46eb3a4bdb53a0,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if (a>b) + { + spacing = a; + a = b; + b = spacing; + } + else if ( b > c) + { + spacing = b; + b = c; + c = spacing; + } + else if (a>b) + { + spacing = a; + a = b; + b = spacing; + } + return b-a == c-b; +} +" +b3f11ef5260a6c21bc2ac1f23a9f6034552e0b7f,"public boolean evenlySpaced(int a, int b, int c) +{ + int maxx; + int max2; + int min = 0; + int mid = 0; + maxx = Math.max(a, b); + max2 = Math.max(maxx, c); + + if (max2 == a) + { + min = Math.min(b, c); + if(min == b) + { + mid = c; + } + else + { + mid = b; + } + } + else if(max2 == b) + { + min = Math.min(a, c); + if (min == a) + { + mid = c; + } + else + { + mid = a; + } + } + else if (max2 == c) + { + min = Math.min(a, b); + if (min == a) + { + mid = b; + } + else + { + mid = a; + } + } + if ((max2 - mid) == (mid - min)) + { + return true; + } + else + { + return false; + } +} +" +f307f7398c5c0a9715799c33a51bf5076ef2aafc,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>=b&&b>=c)||(c>=b&&b>=a)) + { + if (a-b==b-c) + return true; + } + else if ((a>=c&&c>=b)||(b>=c&&c>=a)) + { + if (a-c==c-b) + return true; + } + else if ((b>=a&&a>=c)||(c>=a&&a>=b)) + { + if (c-a==a-b) + return true; + } + else + { + return false; + } +} +" +b3402ac5fe12e1a5630eb6de66f82fdef56fe90d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } +} +" +8bfb0ae665715eff11d29b311c76256318c8a9ed,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing1 = Math.abs (b-c); + int spacing2 = Math.abs (a-b); + int spacing3 = Math.abs (a-c); + if (a==b && b==c) + return true; + else if (a == b || b==c || a == c) + return false; + else if (spacing1 == spacing2 || spacing1 == spacing3 || + spacing2 == spacing3) + return true; + return false; +} +" +e3a97a8aaf5c6373d54876f3e36336ba22ec13fb,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest = Math.max(a, b, c); + int small = Math.min(a, b, c); + + if ((biggest - small) % 2 == 0) + return true; + else + return false; + +} +" +4ba98bd92b376a8d60897588a5ef8450499ebf90,"public boolean evenlySpaced(int a, int b, int c) +{ + List myList = new ArrayList(); + + if ((biggest - small) % 2 == 0) + return true; + else + return false; + +} +" +4e67a728bec59b2b6feace084ba75ba6ab0b3224,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = Math.max(a, b); + + if ((biggest - small) % 2 == 0) + return true; + else + return false; + +} +" +2031281d54b5b58aeb5317f7460a40530c692aa1,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = Math.max(a, b, c); + + if ((big - small) % 2 == 0) + return true; + else + return false; + +} +" +a42cd3e1af6d2109d241e9a588ba98caf23c2144,"public boolean evenlySpaced(int a, int b, int c) +{ + // feild initalization + int high; + int medium; + int low; + + // feild decaltion + + //feild declaration for a = high + if (a > b && a > c) + { + high = a; + } + else if (b > c) + { + medium = b; + low = c; + } + else + { + medium = c; + low = b; + } + //feild declaration for b = high + if (b > a && b > c) + { + high = b; + } + else if (a > c) + { + medium = a; + low = c; + } + else + { + medium = c; + low = a; + } + //feild declaration for c high + if (c > a && c > b) + { + high = c; + } + else if (a > b) + { + medium = a; + low = b; + } + else + { + medium = b; + low = a; + } +// end of feild decalation + + //method + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } +} +" +0816ee4c9d55aa5f206abd5aee8a18ddb0888963,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - a); + + if ( first == second || first / 2 == second || second / 2 == first) + return true; + else + return false; +} +" +479125cf3107134ec7de6866ae837db6680bd51d,"public boolean evenlySpaced(int a, int b, int c) +{ + // feild initalization + int high; + int medium; + int low; + + // feild decaltion + + //feild declaration for a = high + if (a > b && a > c) + { + high = a; + } + else if (b > c) + { + medium = b; + low = c; + } + else + { + medium = c; + low = b; + } + //feild declaration for b = high + if (b > a && b > c) + { + high = b; + } + else if (a > c) + { + medium = a; + low = c; + } + else + { + medium = c; + low = a; + } + //feild declaration for c high + if (c > a && c > b) + { + high = c; + } + else if (a > b) + { + medium = a; + low = b; + } + else + { + medium = b; + low = a; + } +// end of feild decalation + + //method + if ((high - medium) == (medium - low)) + { + return true; + } + else + { + return false; + } +} +" +00329dd9c822b314cbd3e891a73b76643cd20b7d,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + + if ( first == second || first / 2 == second || second / 2 == first) + return true; + else + return false; +} +" +5c4b1f07ef013e3e8588e729e5a07d372cf68108,"public boolean evenlySpaced(int a, int b, int c) +{ + // feild initalization + int high = null; + int medium = null; + int low = null; + + // feild decaltion + + //feild declaration for a = high + if (a > b && a > c) + { + high = a; + } + else if (b > c) + { + medium = b; + low = c; + } + else + { + medium = c; + low = b; + } + //feild declaration for b = high + if (b > a && b > c) + { + high = b; + } + else if (a > c) + { + medium = a; + low = c; + } + else + { + medium = c; + low = a; + } + //feild declaration for c high + if (c > a && c > b) + { + high = c; + } + else if (a > b) + { + medium = a; + low = b; + } + else + { + medium = b; + low = a; + } +// end of feild decalation + + //method + if ((high - medium) == (medium - low)) + { + return true; + } + else + { + return false; + } +} +" +1998166a80d6b2b65bbf5a2fddfee497086f80db,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + + if ( first == second || first % second == 0) + return true; + else + return false; +} +" +494db5d2125d925b2d23348e3abb33fd89469c6f,"public boolean evenlySpaced(int a, int b, int c) +{ + // feild initalization + int high = -1; + int medium = -1; + int low = -1; + + // feild decaltion + + //feild declaration for a = high + if (a > b && a > c) + { + high = a; + } + else if (b > c) + { + medium = b; + low = c; + } + else + { + medium = c; + low = b; + } + //feild declaration for b = high + if (b > a && b > c) + { + high = b; + } + else if (a > c) + { + medium = a; + low = c; + } + else + { + medium = c; + low = a; + } + //feild declaration for c high + if (c > a && c > b) + { + high = c; + } + else if (a > b) + { + medium = a; + low = b; + } + else + { + medium = b; + low = a; + } +// end of feild decalation + + //method + if ((high - medium) == (medium - low)) + { + return true; + } + else + { + return false; + } +} +" +18da5f29df7f5ed56a042d61460be8b34ada10bd,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + + if ( first == second || first % second == 0 || second % first == 0) + return true; + else + return false; +} +" +3f6fc8b83b317666fde2046f99f5b7b87e397027,"public boolean evenlySpaced(int a, int b, int c) +{ + // feild initalization + int high = 0; + int medium = 0; + int low = 0; + + // feild decaltion + + //feild declaration for a = high + if (a > b && a > c) + { + high = a; + } + else if (b > c) + { + medium = b; + low = c; + } + else + { + medium = c; + low = b; + } + //feild declaration for b = high + if (b > a && b > c) + { + high = b; + } + else if (a > c) + { + medium = a; + low = c; + } + else + { + medium = c; + low = a; + } + //feild declaration for c high + if (c > a && c > b) + { + high = c; + } + else if (a > b) + { + medium = a; + low = b; + } + else + { + medium = b; + low = a; + } +// end of feild decalation + + //method + if ((high - medium) == (medium - low)) + { + return true; + } + else + { + return false; + } +} +" +78bf8766f3953addba96bb6fd444924b70872e44,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 || second == 0) + return false; + + if ( first == second || first % second == 0 || second % first == 0) + return true; + else + return false; +} +" +f1dab0211c3202ce96bb3a1b2c3759f7ffa577d7,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 && second == 0) + return true; + else if ( first == 0 || second == 0) + return false; + + if ( first == second || first % second == 0 || second % first == 0) + return true; + else + return false; +} +" +7d6437943f575a28a42a8544cdc9468b64132f91,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 && second == 0) + return true; + else if ( first == 0 || second == 0) + return false; + + if ( first == second || first/2 == second || second/2 == first) + return true; + else + return false; +} +" +7b9ef486d2ac0df1d7026a4236f20445c2da24a2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a == c-b) + { + return true; + } +} +" +741761421f34ea5d666233e38530c4197f06f9cc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a == c-b) + { + return true; + } + else + { + return false; + } +} +" +0a77efeb137378a46792c9055065ab69d57e0cac,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a == c-b || c-b == c-a) + { + return true; + } + else + { + return false; + } +} +" +49a814b2165c17da2d0e355c9ef52c4dbcb7e1c6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a == c-b) + { + return true; + } + else + { + return false; + } +} +" +a4bae73890c13ed0b75144e70938e88791344c46,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b = b-c || (b-a = a-c) || (c-a == a-b)) + { + return true; + } + return false; +} +" +aa938f3e60667bc11005e2811e3d605678d45794,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b = b-c || b-a = a-c || c-a == a-b) + { + return true; + } + return false; +} +" +2d3e96a31ee414f76854bf15d0475e19348448bb,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( (a-b = b-c) || (b-a = a-c) || (c-a == a-b)) + { + return true; + } + return false; +} +" +b9787e5adbf940845fb0c59c55e016c1e297c0c4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b = b-c) || (b-a = a-c) || (c-a == a-b)) + { + return true; + } + return false; +} +" +a377390eb7592c971361f43118c063ba72531600,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b = b-c) || (b-a = a-c) || (c-a == a-b)) + { + return true; + } + return false; +} +" +1ae32af173289ad60126571d9d77f1763c320977,"public boolean evenlySpaced(int a, int b, int c) +{ + if () + { + return true; + } + return false; +} +" +ead7a3485ee4f2476545f53b8f0e16379ae78b23,"public boolean evenlySpaced(int a, int b, int c) +{ + if (2==2) + { + return true; + } + return false; +} +" +0048badf93e2a96b4978a6277199d5e0afe6a259,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b == b-c) || (b-a == a-c) || (c-a == a-b))) + { + return true; + } + return false; +} +" +6ef88a0bb6978c5ff490dd4578ba9d72d1c6d917,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( (a-b == b-c) || (b-a == a-c) || (c-a == a-b)) + { + return true; + } + return false; +} +" +3b4293cf568c55e4568512047c089c0fa6ff3ea9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( (a-b == b-c) || (b-a == a-c) || (c-a == a-b) || (a-c == c-b)) + { + return true; + } + return false; +} +" +be0532c59117239feb2c4e3e65576bc86aa8ff83,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a > b){ + space = a; + a = b; + b = space; + } + if (b>c) + { + space = b; + b = c; + c = space; + } + if (a>b){ + space = a; + a = b; + b = space; + } + return (b-a == c-b); + +} +" +6e25e2faf0c0441617af7025a1d7af9be26df994,"public boolean evenlySpaced(int a, int b, int c) +{ + int space1 = Math.abs(a-b); + int space2 = Math.abs(b-c); + int space3 = Math.abs(a-c); + + return (space1 == space2 && space1 == space3); +} +" +f6873e5d0497dd4c2a3e1019ce7635a48cf78c54,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int med = 0; + int large = 0; + + if (a < b && a < c) + { + small = a; + if (b < c) + { + med = b; + large = c; + } + else + { + med = c; + large = b; + } + } + + if (b < a && b < c) + { + small = b; + if (a < c) + { + med = a; + large = c; + } + else + { + med = c; + large = a; + } + } + + if (c < b && c < a) + { + small = c; + if (a < b) + { + med = a; + large = b; + } + else + { + med = b; + large = a; + } + } + + if (med - small == large - med) + { + return true; + } + else + { + return false; + } + +} +" +2450090dd512a11dfac4d76da23c94837825c5f4,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int med = 0; + int large = 0; + + if (a < b && a < c) + { + small = a; + if (b < c) + { + med = b; + large = c; + } + else + { + med = c; + large = b; + } + } + + if (b < a && b < c) + { + small = b; + if (a < c) + { + med = a; + large = c; + } + else + { + med = c; + large = a; + } + } + + if (c < b && c < a) + { + small = c; + if (a < b) + { + med = a; + large = b; + } + else + { + med = b; + large = a; + } + } + + if (med - small == large - med) + { + return true; + } + else if (a = b || b = c) + { + return false; + } + else + { + return false; + } + +} +" +30be73bbeac431013d86b50a0b55732a80da7e55,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c - b == b - a) + return true; +} +" +f3d532d7fc09631e9345ee855275d5a81b375583,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int med = 0; + int large = 0; + + if (a < b && a < c) + { + small = a; + if (b < c) + { + med = b; + large = c; + } + else + { + med = c; + large = b; + } + } + + if (b < a && b < c) + { + small = b; + if (a < c) + { + med = a; + large = c; + } + else + { + med = c; + large = a; + } + } + + if (c < b && c < a) + { + small = c; + if (a < b) + { + med = a; + large = b; + } + else + { + med = b; + large = a; + } + } + + if (med - small == large - med) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else + { + return false; + } + +} +" +623d6e756f65740512e96d662739d9bbc57aedb1,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int med = 0; + int large = 0; + + if (a < b && a < c) + { + small = a; + if (b < c) + { + med = b; + large = c; + } + else + { + med = c; + large = b; + } + } + + if (b < a && b < c) + { + small = b; + if (a < c) + { + med = a; + large = c; + } + else + { + med = c; + large = a; + } + } + + if (c < b && c < a) + { + small = c; + if (a < b) + { + med = a; + large = b; + } + else + { + med = b; + large = a; + } + } + + + if (a == b || b == c) + { + return false; + } + else if (med - small == large - med) + { + return true; + } + else + { + return false; + } + +} +" +e61585455644f20d6703ccae94ea8115a79b6385,"public boolean evenlySpaced(int a, int b, int c) +{ + return (c - b == b - a) +} +" +99962a3c42e68df35cd03bcb179fd53a98d6a6c9,"public boolean evenlySpaced(int a, int b, int c) +{ + return (c - b == b - a); +} +" +63b5f30b21fd02d567c7267f2e1823ec0abe64f2,"public boolean evenlySpaced(int a, int b, int c) +{ + return (|c - b| == |b - a|); +} +" +4d1f8ca49b4767e2d62876cb79177f1b1a493cde,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int med = 0; + int large = 0; + + if (a < b && a < c) + { + small = a; + if (b < c) + { + med = b; + large = c; + } + else + { + med = c; + large = b; + } + } + + if (b < a && b < c) + { + small = b; + if (a < c) + { + med = a; + large = c; + } + else + { + med = c; + large = a; + } + } + + if (c < b && c < a) + { + small = c; + if (a < b) + { + med = a; + large = b; + } + else + { + med = b; + large = a; + } + } + + if (a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if (med - small == large - med) + { + return true; + } + else + { + return false; + } + +} +" +916f6aca54a22d9e93f1fb704e496aa020f1f9b9,"public boolean evenlySpaced(int a, int b, int c) +{ + return (abs(c - b) == b - a); +} +" +57278f86356f11042fa08329890400755f4730d2,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = c-b + return (c - b == b - a); +} +" +8b67d89d15f8e4b98fcdcc375f126dbf6a93d973,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = c - b; + return (c - b == b - a); +} +" +3883778a7e3508f69faff412b4544f32cb8a81fd,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int med = 0; + int small = 0; + + if(a > b && a > c) + { + big = a; + if(b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if(b > a && b > c) + { + big = b; + if(a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if(c > b && c > a) + { + big = c; + if(a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + + if(big - med == med - small) + { + return true; + } + else + return false; +} +" +01e59ade300988a04b792b2c1d1e9d0acec8d3fa,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = c - b; + first = abs(first) + int second = b - a + second = abs(second) + return (second == first); +} +" +d2b386fa8a24ad66035cb24931fdd40f46881d37,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = c - b; + first = abs(first); + int second = b - a; + second = abs(second); + return (second == first); +} +" +8332af7ebd84804d17ca6b64ab84206a8b4856da,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int med = 0; + int small = 0; + + if(a > b && a > c) + { + big = a; + if(b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if(b > a && b > c) + { + big = b; + if(a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if(c > b && c > a) + { + big = c; + if(a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + + if(big%med == 0 && med%small == 0) + { + return true; + } + else + return false; + +} +" +e193a426af64a9d871304debd12afc233555b8e9,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int med = 0; + int small = 0; + + if(a > b && a > c) + { + big = a; + if(b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if(b > a && b > c) + { + big = b; + if(a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if(c > b && c > a) + { + big = c; + if(a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + + if(big%med == med%small) + { + return true; + } + else + return false; + +} +" +edeaeb6895089e24ce123448881a908e274fce56,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int med = 0; + int small = 0; + + if(a > b && a > c) + { + big = a; + if(b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if(b > a && b > c) + { + big = b; + if(a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if(c > b && c > a) + { + big = c; + if(a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + + if(big%small == med%small) + { + return true; + } + else + return false; + +} +" +91d379944905f799d8d127688eb30687d75ab12b,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int med = 0; + int small = 0; + + if(a > b && a > c) + { + big = a; + if(b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if(b > a && b > c) + { + big = b; + if(a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if(c > b && c > a) + { + big = c; + if(a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + + if(big - med == med - small) + { + return true; + } + else + return false; + +} +" +c5f98190039f8935d707ded37a3212d86b1d4012,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c > b) + { + first = c - b; + } + else + { + first = b - c; + } + if (b > a) + { + second = b - a; + } + else + { + second = a - b; + } +return (first == second); +} +" +73e2157cee7026e22d41c31c23ee674550cca424,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = 0; + int second = 0; + if (c > b) + { + first = c - b; + } + else + { + first = b - c; + } + if (b > a) + { + second = b - a; + } + else + { + second = a - b; + } +return (first == second); +} +" +2c4c85c105942d2d7e329739da17941daed68bc4,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +3d6e76de9786d26f4ca8a4beee9480047bcf7b6c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + if (b > c && b - a == c - b) + { + return true; + } + else if (c > b && c - a == b - c) + { + return true; + } + } +} +" +54b1f76453e82e3b77133dadc02cd6a350e9b02c,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = abs(b-a); + int dif2 = abs(b-c); + if(dif1 = dif2) + return true; + else return false; +} +" +f8f691a744ec56c4dc87f65248bbb77ff6dc12d3,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = java.lang.Math.abs(b-a); + int dif2 = java.lang.Math.abs(b-c); + if(dif1 = dif2) + return true; + else return false; +} +" +25b0ce107751b144638f18387b25110e3eb414a6,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = java.lang.Math.abs(b-a); + int dif2 = java.lang.Math.abs(b-c); + return (dif1 = dif2); +} +" +ddc1ffa4a7ac995bf5777e4adea34a523cac31d0,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = Math.abs(b-a); + int dif2 = Math.abs(b-c); + return (dif1 = dif2); +} +" +ed5d2285e7946182591255db9a2dc858b319a5b4,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b-a) = Math.abs(b-c)); +} +" +55b1ff08e442d87973392c1987fb985459f0f6b2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b-a) = Math.abs(b-c)) + return true; + else + return false; +} +" +54366ef39e7ddb2c198b740046d968e1df3ed6e2,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(b-a); + int e = Math.abs(b-c); + if (d == e) + return true; + else + return false; +} +" +9bf982a2e8e7b4b3708c701ad452786e7a524381,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a <= b <= c) + int d = Math.abs(b-a); + int e = Math.abs(b-c); + if (d == e) + return true; + else + return false; + else if (a <= c <= b) + int d = Math.abs(c-a); + int e = Math.abs(b-c); + if (d == e) + return true; + else + return false; + else + int d = Math.abs(a-b); + int e = Math.abs(a-c); + if (d == e) + return true; + else + return false; +} +" +e2b2b598bddf11e80380cb7714994bd237dd8095,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(b-a); + int e = Math.abs(b-c); + int f = Math.abs(c-a); + if (a <= b <= c) + if (d == e) + return true; + else + return false; + else if (a <= c <= b) + if (d == e) + return true; + else + return false; + else + if (d == e) + return true; + else + return false; +} +" +69ea442feb8347e60eb998157f4f3e26e35dde3c,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(b-a); + int e = Math.abs(b-c); + int f = Math.abs(c-a); + if (a < b < c) + if (d == e) + return true; + else + return false; + else if (a <= c <= b) + if (d == e) + return true; + else + return false; + else + if (d == e) + return true; + else + return false; +} +" +38bbbd895ea52815fa91b265d0bfcf33a1f8a953,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a - b == b - c) || (a - c == c - b) || (a - b == c - a); +} +" +192c9b6efd83c1c7348455e322e10e14ae751d16,"public boolean evenlySpaced(int a, int b, int c) +{ + is(c - b == b - a) + { + return true; + } + else + { + return false; + } +} +" +c618e3cd9bbec171a2d99f83b56d67a9e52ebd9e,"public boolean evenlySpaced(int a, int b, int c) +{ + if(c - b == b - a) + { + return true; + } + else + { + return false; + } +} +" +a4a2ed3a27f81457084579adb7e008fc75371d10,"public boolean evenlySpaced(int a, int b, int c) +{ + if(math.abs(c - b) == math.abs(b - a)) + { + return true; + } + else + { + return false; + } +} +" +80ce9ca81aad334327a8d3ced3424ddceb70692d,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(c - b) == Math.abs(b - a)) + { + return true; + } + else + { + return false; + } +} +" +5ee769f8a4ea4230c6e6ecdaf003094192b47c6b,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +857210c6d88745aae74047e4d9053b41e4df8241,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - b) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +b1a810ec9f1b246e9bfe419be4c330b827299c8c,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(a - b)) + { + return true; + } + else + { + return false; + } +} +" +bd9218ce3fcea29bb271bbe6caba5c664bba8f86,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a) && Math.abs(a - c) == Math.abs(a - b)) + { + return true; + } + else + { + return false; + } +} +" +5d084b085c2be7b1f1cc86104e05c02b07fb5f63,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + value = a; + a = b; + b = value; + } + if (b > c) + { + value = b; + b = c; + c = value; + } + if (a > b) + { + value = a; + a = b; + b = value; + } +return (c - b == b - a) +} +" +87f4e2808452328a7ab5a78078818b293d2de361,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + value = a; + a = b; + b = value; + } + if (b > c) + { + value = b; + b = c; + c = value; + } + if (a > b) + { + value = a; + a = b; + b = value; + } +return (c - b == b - a); +} +" +ce214b68fe3ac5b00a5f6bb2fac7eeb88d1c0b2b,"public boolean evenlySpaced(int a, int b, int c) +{ + int value = 0; + if (a > b) + { + value = a; + a = b; + b = value; + } + if (b > c) + { + value = b; + b = c; + c = value; + } + if (a > b) + { + value = a; + a = b; + b = value; + } +return (c - b == b - a); +} +" +e291cdfce8e687f9d993909b687e843078ba8902,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(c - a) == Math.abs(b - a)) + { + return true; + } + else + { + return false; + } +} +" +05e687b6c4e87e2f61a1a7334a1cfcf562b4e170,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } +} +" +50428e89680fb1a530b59cedebc8a43cda587ac2,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a) == Math.abs(a - c)) + { + return true; + } + else + { + return false; + } +} +" +3f4d93933b99c7fe9c9f494886f4c8421ce14ba4,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a)) + { + return true; + } + else + { + return false; + } +} +" +4e6dad6e5ad0fc1dfebaaf2a010bdbcf5a8872af,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a)) + { + return true; + } + else + { + return false; + } +} +" +37aeb2404c39a6f6210faeddec5d3bdd01ac4c04,"public boolean evenlySpaced(int a, int b, int c) +{ + + + if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(a - b)) + { + return true; + } + else + { + return false; + } +} +" +a867f199481f8efeab81eceb6a0d8e73de9ce78b,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b || b == c) + { + return false; + { + else if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(a - b) || Math.abs(c - a) == (a - c)) + { + return true; + } + else + { + return false; + } +} +" +37944cd996222923e1c594bc52e1ebe4ae7b746e,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b || b == c) + { + return false; + } + else if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(a - b) || Math.abs(c - a) == (a - c)) + { + + return true; + } + else + { + return false; + } +} +" +989f48d5e867e895804d95b69b249d6d14f6d405,"public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +2d47713294da3d208b2aa528e580993dca883d1a,"public boolean evenlySpaced(int a, int b, int c) +{ + a = small; + b = medium; + c = large; + if ( b - a == c - b) + return true; + else + return false; +} +" +c6d241ece9513d9046020c5d1efa437bfc2f625c,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b) + return true; + else + return false; +} +" +9037bc63bc23445a73b9a5d5f831e6c968a8ec19,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b || a - c == b - c + || b - a == a -c) + return true; + else + return false; +} +" +48652724512680285d702d8ed9183b9b2ae3bab0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) //a>b>c + { + if (a-b == b-c) + return true; + else + return false; + } + else if (a>c && c>b) //a>c>b + {if (a-c == c-b) + return true; + else + return false; + } + else if (b > a && a>c) //b>a>c + {if (b-a == a-c) + return true; + else + return false; + } + else if (b>c && c>a) //b>c>a + {if (b-c == c-a) + return true; + else + return false; + } + else if (c>a && a>b) //c>a>b + {if (c-a == a-b) + return true; + else + return false; + } + else if (c>b>a) //c>b>a + {if (c-b == b-a) + return true; + else + return false; + } +} +" +373f2d9a981c260675486df21c858d847e8b10fb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) //a>b>c + { + if (a-b == b-c) + return true; + else + return false; + } + else if (a>c && c>b) //a>c>b + {if (a-c == c-b) + return true; + else + return false; + } + else if (b > a && a>c) //b>a>c + {if (b-a == a-c) + return true; + else + return false; + } + else if (b>c && c>a) //b>c>a + {if (b-c == c-a) + return true; + else + return false; + } + else if (c>a && a>b) //c>a>b + {if (c-a == a-b) + return true; + else + return false; + } + else if (c>b && b>a) //c>b>a + {if (c-b == b-a) + return true; + else + return false; + } +} +" +ea5c8ab1a4ef2bcecd297ea599ea0e942dfe9a63,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) //a>b>c + { + if (a-b == b-c) + return true; + else + return false; + } + else if (a>c && c>b) //a>c>b + {if (a-c == c-b) + return true; + else + return false; + } + else if (b > a && a>c) //b>a>c + {if (b-a == a-c) + return true; + else + return false; + } + else if (b>c && c>a) //b>c>a + {if (b-c == c-a) + return true; + else + return false; + } + else if (c>a && a>b) //c>a>b + {if (c-a == a-b) + return true; + else + return false; + } + else if (c>b && b>a) //c>b>a + {if (c-b == b-a) + return true; + else + return false; + } + else + return false; +} +" +55d7f5a918c6cd82f8f5070c67aee1e6a089da00,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) //a>b>c + { + if (a-b == b-c) + return true; + else + return false; + } + else if (a>c && c>b) //a>c>b + {if (a-c == c-b) + return true; + else + return false; + } + else if (b > a && a>c) //b>a>c + {if (b-a == a-c) + return true; + else + return false; + } + else if (b>c && c>a) //b>c>a + {if (b-c == c-a) + return true; + else + return false; + } + else if (c>a && a>b) //c>a>b + {if (c-a == a-b) + return true; + else + return false; + } + else if (c>b && b>a) //c>b>a + {if (c-b == b-a) + return true; + else + return false; + } + else if (a==b && b==c) + return true; + else + return false; +} +" +1479936f05ac02fcf7bd93d1dfcad057e07df570,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 && second == 0) + return true; + else if ( first == 0 || second == 0) + return false; + else if (second = 2 * first) + return false; + + if ( first == second || first/2 == second || second/2 == first) + return true; + else + return false; +} +" +e1624fe0280c5522bf3f501da8ea03083da6b89a,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 && second == 0) + return true; + else if ( first == 0 || second == 0) + return false; + else if (second == 2 * first) + return false; + + if ( first == second || first/2 == second || second/2 == first) + return true; + else + return false; +} +" +69d13c647a74d44984dbdb966a3caf4e6c501896,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 && second == 0) + return true; + else if ( first == 0 || second == 0) + return false; + + if ( first == second || first/2 == second || second/2 == first) + return true; + else + return false; +} +" +46401f0ce37ce7db2ad1ba4134088189d37882eb,"public boolean evenlySpaced(int a, int b, int c) +{ + int first = Math.abs(a - b); + int second = Math.abs(c - b); + if (first == 0 && second == 0) + return true; + else if ( first == 0 || second == 0) + return false; + else if (b == 2 * a && c == 2 * b) + return false; + + if ( first == second || first/2 == second || second/2 == first) + return true; + else + return false; +} +" +f358cedea7d842afaf6285f19b14fdad479e6d0c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (|a - b| == |b - c|) + { + return true; + } + +} +" +35c83c89ccee6e431d5b012608ebce8cee341f77,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (c - b)) + { + return true; + } + else if ((a - b) == (c - b)) + { + return true; + } + else if ((b - a) == (b - c)) + { + return true; + } + else + { + return false; + } + +} +" +0e94d70b1e50e1874c9c7530df8ad383e261a730,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c) == (a - c)) + { + return true; + } + else if ((b - a) == (c - b) == (a - c)) + { + return true; + } + else if ((a - b) == (c - b) == (a - c)) + { + return true; + } + else if ((b - a) == (b - c) == (a - c)) + { + return true; + } + else + { + return false; + } + +} +" +9628b0804e8f078e5ca84085b46a2ecf6fff7bcc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) == (b - c)) && ((b - c) == (a - c))) + { + return true; + } + else if (((b - a) == (c - b)) && ((c - b) == (a - c))) + { + return true; + } + else if (((a - b) == (c - b)) && ((c - b) == (a - c))) + { + return true; + } + else if (((b - a) == (b - c)) && ((b - c) == (a - c))) + { + return true; + } + else + { + return false; + } + +} +" +a2df5881eae5161aee9a64c35b4961291953919b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) == (b - c)) && ((b - c) == (a - c))) + { + return true; + } + else if (((b - a) == (c - b)) && ((a - b) == (a - c))) + { + return true; + } + else if (((a - b) == (c - b)) && ((c - b) == (a - c))) + { + return true; + } + else if (((b - a) == (b - c)) && ((b - a) == (a - c))) + { + return true; + } + else + { + return false; + } + +} +" +f78271ed0e0c42e1fca2544c753741f3b71d6262,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) == (b - c)) && ((b - c) == (a - c))) + { + return true; + } + else if (((b - a) == (c - b)) && ((a - b) == (a - c))) + { + return true; + } + else if (((a - b) == (c - b)) && ((c - b) == (a - c))) + { + return true; + } + else if (((b - a) == (b - c)) && ((b - a) == (a - c))) + { + return true; + } + else if (((a - b) == (b - c)) && ((b - c) == (c - a))) + { + return true; + } + else if (((b - a) == (c - b)) && ((a - b) == (c - a))) + { + return true; + } + else if (((a - b) == (c - b)) && ((c - b) == (c - a))) + { + return true; + } + else if (((b - a) == (b - c)) && ((b - a) == (c - a))) + { + return true; + } + else + { + return false; + } + +} +" +c61db30e715899e7f2031b15fdc904847a3ba9a9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) != (b - c)) && ((b - c) != (a - c))) + { + return false; + } + else if (((b - a) != (c - b)) && ((a - b) != (a - c))) + { + return false; + } + else if (((a - b) != (c - b)) && ((c - b) != (a - c))) + { + return false; + } + else if (((b - a) != (b - c)) && ((b - a) != (a - c))) + { + return false; + } + else + { + return true; + } + +} +" +7819070b642fc483c206fb1635b873f84c568be8,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) != (b - c)) + { + return false; + } + else if ((b - a) != (c - b)) + { + return false; + } + else if ((a - b) != (c - b)) + { + return false; + } + else if ((b - a) != (b - c)) + { + return false; + } + else + { + return true; + } + +} +" +6161a9245d07b9d27eca7d45ed162e8f3158dfe9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) != (b - c)) + { + return false; + } + else if ((b - a) != (c - b)) + { + return false; + } + else if ((a - b) != (c - b)) + { + return false; + } + else if ((b - a) != (b - c)) + { + return false; + } + else if ((a - c) != (b - c)) + { + return false; + } + else if ((c - a) != (b - c)) + { + return false; + } + else + { + return true; + } + +} +" +3d6ed4365dcd5e7ea707e31aa81903e9fd7ee5d0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) != (b - c)) + { + return false; + } + else if ((b - a) != (c - b)) + { + return false; + } + else if ((a - b) != (c - b)) + { + return false; + } + else if ((b - a) != (b - c)) + { + return false; + } + else if ((a - c) != (b - c)) + { + return false; + } + else if ((c - a) != (b - c)) + { + return false; + } + else if ((a - c) != (c - b)) + { + return false; + } + else if ((c - a) != (c - b)) + { + return false; + } + else + { + return true; + } + +} +" +658e48e0d44fe5c9c1c4bfd0afa95e5fbbf1a089,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) != (b - c)) + { + return false; + } + else if ((b - a) != (c - b)) + { + return false; + } + else + { + return true; + } + +} +" +dac2015dcc0494466726be29cf0fe40ef3186942,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) != (b - c)) + { + return false; + } + else if ((b - a) != (c - b)) + { + return false; + } + else if ((a - c) != (b - c)) + { + return false; + } + else + { + return true; + } + +} +" +e498f58d9d584778aef39be25b97595478c272b5,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (c - b)) + { + return true; + } + else if ((a - c) == (b - c)) + { + return true; + } + else + { + return false; + } + +} +" +154c6f19bec148c17715f506af7d9dd991e69a79,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (c - b)) + { + return true; + } + else if ((a - c) == (b - c)) + { + return true; + } + else if ((a - c) == (b - c)) + { + return true; + } + else + { + return false; + } + +} +" +8eacc3b9a83559d2af01b2cd0335bdc6de83915d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (c - b)) + { + return true; + } + else if ((a - c) == (b - c)) + { + return true; + } + else if ((a - c) == (b - a)) + { + return true; + } + else + { + return false; + } + +} +" +b4e9c79717f6e875d3f650d04f7197cae09796ed,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (c - b)) + { + return true; + } + else if ((a - c) == (b - c)) + { + return true; + } + else if ((a - c) == (b - a)) + { + return true; + } + else if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + +} +" +e85f41df9ceb878e85447f7734e5bf3681e5eea0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a<=b&&b<=c) + { + if(a-b==b-c) + return true + } + else if (c<=b&&b<=a) + { + if (c-b==b-a) + return true + } + else if(b<=a&&a<=c) + { + if (b-a=a-c) + return true + } + else if(c<=a&&a<=b) + { + if (c-a==a-c) + return true + } + else if(a<=c&&c<=b) + { + if (a-c==c-b) + return true + } + else if(b<=c&&c<=a) + { + if (b-c==c-a) + return true + } + + + +} +" +cabb0581e8a988b527ad2edefcc8763f051b0e76,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a<=b&&b<=c) + { + if(a-b==b-c) + return true; + } + else if (c<=b&&b<=a) + { + if (c-b==b-a) + return true; + } + else if(b<=a&&a<=c) + { + if (b-a=a-c) + return true; + } + else if(c<=a&&a<=b) + { + if (c-a==a-c) + return true; + } + else if(a<=c&&c<=b) + { + if (a-c==c-b) + return true; + } + else if(b<=c&&c<=a) + { + if (b-c==c-a) + return true; + } + + + +} +" +451746928b97848627544f6ed731498ba2bc48ce,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == -((a - b) - c)) + { + return true; + } + else + { + return false; + } + +} +" +7a3d477b76a94cf4070c51fdb351c82d3c8635c9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a<=b&&b<=c) + { + if(a-b==b-c) + return true; + } + else if (c<=b&&b<=a) + { + if (c-b==b-a) + return true; + } + else if(b<=a&&a<=c) + { + if (b-a==a-c) + return true; + } + else if(c<=a&&a<=b) + { + if (c-a==a-c) + return true; + } + else if(a<=c&&c<=b) + { + if (a-c==c-b) + return true; + } + else if(b<=c&&c<=a) + { + if (b-c==c-a) + return true; + } + + + +} +" +7a9f2acc41c76c67e7e32009ffcc03b82f9f98e5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a<=b&&b<=c) + { + if(a-b==b-c) + return true; + } + else if (c<=b&&b<=a) + { + if (c-b==b-a) + return true; + } + else if(b<=a&&a<=c) + { + if (b-a==a-c) + return true; + } + else if(c<=a&&a<=b) + { + if (c-a==a-c) + return true; + } + else if(a<=c&&c<=b) + { + if (a-c==c-b) + return true; + } + else if(b<=c&&c<=a) + { + if (b-c==c-a) + return true; + } + else + { + return false + } + + + +} +" +bae3c3879d56d7da506a378e357f38c271bff6e2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a<=b&&b<=c) + { + if(a-b==b-c) + return true; + } + else if (c<=b&&b<=a) + { + if (c-b==b-a) + return true; + } + else if(b<=a&&a<=c) + { + if (b-a==a-c) + return true; + } + else if(c<=a&&a<=b) + { + if (c-a==a-c) + return true; + } + else if(a<=c&&c<=b) + { + if (a-c==c-b) + return true; + } + else if(b<=c&&c<=a) + { + if (b-c==c-a) + return true; + } + else + { + return false; + } + + + +} +" +9d41473918aedc2d3d1d92f8a802e6305f6b186d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == -((a - b) + c)) + { + return true; + } + else + { + return false; + } + +} +" +e7dc1d34c60f200754e9677d608f2d640d43f616,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c) || Math.abs(b-a) == Math.abs(a-c) || Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + return false; +} +" +2eb7979b9d3ac68482f30077564f84689c2915a7,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b || a - c == b - c + || b - a == a - c) + return true; + else + return false; +} +" +c8af916f1c57e2957ad6600bba39055f2d349eee,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b || b == c || c == a) + { + return false; + } + if (Math.abs(a-b) == Math.abs(b-c) || Math.abs(b-a) == Math.abs(a-c) || Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + return false; +} +" +7cf3c2d2ecf339c3cbcbab4b9373d65c5ad965de,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b || a - c == b - c + || a - c == c - b ) + return true; + else + return false; +} +" +323e58f759bb85461568e99c3b4766484191e842,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + if (a == b || b == c || c == a) + { + return false; + } + if (Math.abs(a-b) == Math.abs(b-c) || Math.abs(b-a) == Math.abs(a-c) || Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + return false; +} +" +552d1033efffd5228b5af84f45d80c89a91e7f5e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a == b || b == c || c == a) + { + return false; + } + else if (Math.abs(a-b) == Math.abs(b-c) || Math.abs(b-a) == Math.abs(a-c) || Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +cf22ddb196a0fc3b59fc485f83d24d5f46e826dd,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b || a - c == b - c + || a - c == c - b || b - a == a - c) + return true; + else + return false; +} +" +cc0e4b0bfc6aee0cd208e675b4a9e7383a5a1777,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b || a - c == b - c + || a - c == c - b || b - a == a - c) + return true; + if else ( a == b ) + return false; + else + return false; + +} +" +311ac9b93ebe186d9bc856ddaafb1acd29187a54,"public boolean evenlySpaced(int a, int b, int c) +{ + + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); + +} +" +80f3f31837a0951d0629c2d8fe3f428c1aa79db8,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ( b - a == c - b || a - c == b - c + || a - c == c - b || b - a == a - c) + return true; + if ( a == b) + return false; + + return false; + +} +" +e810c2aac4435d8bd5bc3ad781f0581f0f530d5d,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); + +} +" +fd83162e0b9e7134c5278caea5f05214a40b2f16,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); + +} +" +3058cb4a15c4ca0179d7ab9a921370b0df44905a,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if ( a < b ) + { + if( b < c) + { + small = a; + medium = b; + large = c; + } + else + { + if( a < c) + { + small = a; + medium = c; + large = b; + } + else + { + small = c; + medium = a; + large = b; + } + } + else + { + if( c < b ) + { + small = c; + medium = b; + large = a; + } + else + { + if( a < c ) + { + small = b; + medium = a; + large = c; + } + else + { + small = b; + medium = c; + large = a; + } + } + } + } + if( medium - small == large - medium ) + { + return true; + } + else + { + return false + } + +} +" +e120f892b27f61be8c17faa21ad99560bb5ab915,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b > a) + { + if (a > c) + { + a = b; + b = a; + } + else + { + a = b; + b = c; + c = a; + } + } + else if (c > a) + { + if (b > c) + { + a = c; + c = a; + } + else + { + a = c; + c = b; + b = a; + } + } + else + { + //nothing needed to be done + } + + return a - b == b - c; +} +" +0dd7c6cccbed79ff7e8fe2007af5b674a23457e4,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b > a) + { + if (a > c) + { + a = b; + b = a; + } + else + { + a = b; + b = c; + c = a; + } + } + else if (c > a) + { + if (b > c) + { + a = c; + c = a; + } + else + { + a = c; + c = b; + b = a; + } + } + else + { + //nothing needed to be done + } + + return b - a == c - b; +} +" +7b66086da48c2baf42bc2ef397f47bdd0477d06b,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if ( a < b ) + { + if( b < c) + { + small = a; + medium = b; + large = c; + } + else + { + if( a < c) + { + small = a; + medium = c; + large = b; + } + else + { + small = c; + medium = a; + large = b; + } + } + } + else + { + if( c < b ) + { + small = c; + medium = b; + large = a; + } + else + { + if( a < c ) + { + small = b; + medium = a; + large = c; + } + else + { + small = b; + medium = c; + large = a; + } + } + } + if( medium - small == large - medium ) + { + return true; + } + else + { + return false + } + +} +" +fd782b7e8b5dca9e66b29ee0b194cdee77a6142f,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if ( a < b ) + { + if( b < c) + { + small = a; + medium = b; + large = c; + } + else + { + if( a < c) + { + small = a; + medium = c; + large = b; + } + else + { + small = c; + medium = a; + large = b; + } + } + } + else + { + if( c < b ) + { + small = c; + medium = b; + large = a; + } + else + { + if( a < c ) + { + small = b; + medium = a; + large = c; + } + else + { + small = b; + medium = c; + large = a; + } + } + } + if( medium - small == large - medium ) + { + return true; + } + else + { + return false; + } + +} +" +e1fa0457c8a104bd2572c4b9b20fd65818ba9f62,"public boolean evenlySpaced(int a, int b, int c) +{ + int placeHolder = 0; + + if (a > b) + { + placeHolder = a; + a = b; + b = placeHolder; + } + + if (b > c) + { + placeHolder = b; + b = c; + c = placeHolder; + } + + if (a > b) + { + placeHolder = a; + a = b; + b = placeHolder; + } + + return b - a == c - b; +} +" +f73062a67bf95872eb4296a1c044ed30c2072b35,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a - b); + int y = Math.abs(b - c); + int z = Math.abs(a - c); + if (x == y && ((b > a && b < c) || (b < a && b > c))) + return true; + else if (x == z && ((a > b && a < c) || (a < b && a > c))) + return true; + else if (z == y && ((c > a && c < b) || (c < a && c > b))) + return true; + else + return false; +} +" +8ad784df290775b419d85b89ecf5da999f1cec1d,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a - b); + int y = Math.abs(b - c); + int z = Math.abs(a - c); + if (a == b && c == b && a == c) + return false; + else if (x == y && ((b > a && b < c) || (b < a && b > c))) + return true; + else if (x == z && ((a > b && a < c) || (a < b && a > c))) + return true; + else if (z == y && ((c > a && c < b) || (c < a && c > b))) + return true; + else + return false; +} +" +0249267bfaac6a735e9813d325ddecf09d534bf8,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a - b); + int y = Math.abs(b - c); + int z = Math.abs(a - c); + if (x == 0 && y == 0 && z == 0) + return false; + else if (x == y && ((b > a && b < c) || (b < a && b > c))) + return true; + else if (x == z && ((a > b && a < c) || (a < b && a > c))) + return true; + else if (z == y && ((c > a && c < b) || (c < a && c > b))) + return true; + else + return false; +} +" +0f388ed8e881b20ddbca326eac114866afef1678,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a - b); + int y = Math.abs(b - c); + int z = Math.abs(a - c); + if (x == 0 && y == 0 && z == 0) + return true; + else if (x == y && ((b > a && b < c) || (b < a && b > c))) + return true; + else if (x == z && ((a > b && a < c) || (a < b && a > c))) + return true; + else if (z == y && ((c > a && c < b) || (c < a && c > b))) + return true; + else + return false; +} +" +1f62cd319ba94bcc1905cfb3cd4b507f05e78639,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int a = 0; + int b = 0; + int c = 0; + + if (a == b && a == c) + { + return true; + } + + a = Math.abs(a - b); + b = Math.abs(a - c); + c = Math.abs(b - c); + + if(diff1 == diff2) + { + reesult = true; + } + + if(diff1 == diff3) + { + result = true; + } + + if(diff2 == diff3) + { + result = true; + } + + return result; + +} +" +a3f583030f9cee482a036346ef587bce0a364cd1,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + return true; + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + reesult = true; + } + + if (x == z) + { + result = true; + } + + if (y == z) + { + result = true; + } + + return result; + +} +" +a31d43cec8f0cb3c02914681fd00ceba8de0851b,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + return true; + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + if (x == z) + { + result = true; + } + + if (y == z) + { + result = true; + } + + return result; + +} +" +743c7a3742d6b4b000a05ba611e306788ad6b302,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + return true; + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + return result; + +} +" +7cb7b064e312efe87909750b11338a6d863f1b40,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + return true; + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + return result; + +} +" +91085d1bc76860161ea290e518ca16ed32b2b137,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + result = true; + } + + //else if (a == b || b == c || a == c) + { + + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + return result; + +} +" +d29071b9c2343075aee443678d7abf1181de0349,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + result = true; + } + + else if (a == b || b == c || a == c) + { + result = false; + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + return result; + +} +" +36c75296dad08cc45ebe284f84513f0efc35b033,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b && a == c) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + return result; + +} +" +dbd8745e887902ad9e31b60e1a752f6ef26a2cce,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + if (a == b || b == c || a == c) + { + result = false; + } + + else if (a == b && a == c) + { + result = true; + } + + + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + return result; + +} +" +c4d1eb4fe5475f381f317cd7bc78f6faa6072f15,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + + + if (a == b && a == c) + { + result = true; + } + + + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + return result; + +} +" +81559cc739f7f7834f78a1aa560ddb6a56a27082,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + + + if (a == b && a == c) + { + result = true; + } + + + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + else if (a == b && b == c && == c) + { + result = true; + } + + return result; + +} +" +6a418417733a963b18f32449ad8a7cddfabb38dc,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + + + if (a == b && a == c) + { + result = true; + } + + + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + else if (a == b && b == c && a == c) + { + result = true; + } + + return result; + +} +" +fa88aa888b90e7827deff1f05741012b7267ef0f,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + + + if (a == b && a == c) + { + result = true; + } + + + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + if (a == b && b == c && a == c) + { + result = true; + } + + return result; + +} +" +cfd20110ca4df5901c9946b30962ccab8d9a809c,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = 0; + int y = 0; + int z = 0; + + + x = Math.abs(a - b); + y = Math.abs(a - c); + z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + if (a == b && b == c && a == c) + { + result = true; + } + + return result; + +} +" +a672b232cf6cd7db9575f370c2a356da4712f768,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = false; + + int x = Math.abs(a - b); + int y = Math.abs(a - c); + int z = Math.abs(b - c); + + if (x == y) + { + result = true; + } + + else if (x == z) + { + result = true; + } + + else if (y == z) + { + result = true; + } + + if (a == b || b == c || a == c) + { + result = false; + } + + if (a == b && b == c && a == c) + { + result = true; + } + + return result; + +} +" +c42c096f3260b19dbb841df031ae51e539e0828e,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int z = 1; + if ( a == 2 && b == 4 && c ==6) + { + return True; + } + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > b && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +8ad3fca0b2bdac5778d8f33b3707f6f036c8dda0,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int z = 1; + if ( a == 2 && b == 4 && c ==6) + { + return true; + } + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > b && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +3e699c83d8a447da95e78264046e2eccfb344307,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 1; + int y = 1; + int z = 1; + if ( a == 2 && b == 4 && c ==6) + { + return true; + } + if ( a == 9 && b == 10 && c == 11) + { + return true; + } + + + if (a > b && b> c) + { + x = a; + y = b; + z = c; + } + else if (b > a && a > c) + { + x = b; + y = a; + z = c; + } + else if (c > b && b > a) + { + x = c; + y = b; + z = a; + } + if (a > c && c> b) + { + x = a; + y = c; + z = b; + } + else if (b > c && c > a) + { + x = b; + y = c; + z = a; + } + else + { + x = c; + y = a; + z = b; + } + if ((x-y) == (y-z)) + { + return true; + } + else + { + return false; + } + +} +" +a2c1187491a0be6bd2b38fb118b753446ea1adbe,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + x = a; + a = b; + b = x; + } + if (b > c) + { + x = b; + b = c; + c = x; + } + if (c - b == b - a) + { + return true; + } +} +" +c66c950a16d0b87bd0596ac0762bd15c5e63e744,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + int x = a; + a = b; + b = x; + } + if (b > c) + { + int y = b; + b = c; + c = y; + } + if (c - b == b - a) + { + return true; + } +} +" +14c2275d122d1a3a3e40daf5349e2924100701e6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + int x = a; + a = b; + b = x; + } + if (b > c) + { + int y = b; + b = c; + c = y; + } + if (c - b == b - a) + { + return true; + } + else + { + return false; + } +} +" +1da4f93d5d811f257e822a63c10525519ebbfaf4,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + int x = a; + a = b; + b = x; + } + if (b > c) + { + int y = b; + b = c; + c = y; + } + if (a > b) + { + int z = a; + a = b; + b = z; + } + if (c - b == b - a) + { + return true; + } + else + { + return false; + } +} +" +11add4db4dce0bbb0c5fbf006dea7f61cbac402f,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +c4928ec1aee507f2a01265225417e6cb9a7dcc03,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); +} +" +8183946f56100b33d7146579f73493743b56a42e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false + } +} +" +cb8aad74649f8d9a2c65a990760a126f443eb6f6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +9a30131b7af1e5cadb9c598df4f88eb9fca9e8f2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(a-b)) + else + { + return false; + } +} +" +33335c579d171cabde94cc820e2da9767e9960c8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(a-b)) + { + return true; + } + else + { + return false; + } +} +" +d17911523c47d6a273c46d222ce3e1029db48fd8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(a-b)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(b-c)) + { + return true; + } + else + { + return false; + } +} +" +a319bace2ad68740b08e8ee97d0b0d7c50ca14f3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else if (Math.abs(c-a) == Math.abs(a-b)) + { + return true; + } + else + { + return false; + } +} +" +83e464d4da6668ea8af60df8920c2a279727b6ee,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + + else if (Math.abs(c-a) == Math.abs(a-b)) + { + return true; + } + else + { + return false; + } +} +" +53eb824806df2c1d346a5103d28dab7eeeb6181c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b> c && a-b == b-c) + { + return true; + } + else if(b > a && a > c && b-a == a-c) + { + return true; + } + else if(c> a && a > b && a-c == a-b) + { + return true; + } + else if (a > c && c> b && a-c == c-b) + { + return true; + } + else if(b> c && c > a && b-c == c-a) + { + return true; + } + else if(c> b && b > a && c-b == b-a) + { + return true; + } + else + { + return false; + } +} +" +720c3e29a7c5683cd5858823c69a0f2181d975f4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b> c && a-b == b-c) + { + return true; + } + else if(b > a && a > c && b-a == a-c) + { + return true; + } + else if(c> a && a > b && c-a == a-b) + { + return true; + } + else if (a > c && c> b && a-c == c-b) + { + return true; + } + else if(b> c && c > a && b-c == c-a) + { + return true; + } + else if(c> b && b > a && c-b == b-a) + { + return true; + } + else if (a == b && b== c) + { + return true; + } + else + { + return false; + } +} +" +bc1951c5cf965aacfebd478425d22622a0fcd9f7,"public boolean evenlySpaced(int a, int b, int c) +{ + int i = (a + b + c) / 3; + if (i == a || i == b || i == c) + { + return(true); + } + else + { + return(false); + } +} +" +5d25ac2cad3a06c1dbc29dfd88242b9eb5f2321f,"public boolean evenlySpaced(int a, int b, int c) +{ + int i = a + b + c; + if (i == a * 3 || i == b * 3 || i == c * 3) + { + return(true); + } + else + { + return(false); + } +} +" +4a5fbb5bcf40e4e76768600c2b994c424c14bfbf,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c - b = b - a) + { + return true; + } + else + { + return false; + } +} +" +bb43dbd8ef4ba68023497b8342241d48b05f7d83,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c - b == b - a) + { + return true; + } + else + { + return false; + } +} +" +2f3d99eac872bf1d7c6de57928b623e2bc876510,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((c - b == b - a) || (a - c == b - a) || (c - b == a - c)) + { + return true; + } + else + { + return false; + } +} +" +39377320d5d1570aafecc673a8d16f46e0ec299e,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == c) { + if (b == c) { + return true; + } + } + if (a > b && a > c) { + if (b > c) { + if ((a - b) == (b - c)) { + return true; + } + } else { + if ((a - c) == (c - b)) { + return true; + } + } + } + if (b > a && b > c) { + if (a > c) { + if ((b - a) == (a - c)) { + return true; + } + } else { + if ((b - c) == (c - a)) { + return true; + } + } + } + if (c > a && c > b) { + if (a > b) { + if ((c - a) == (a - b)) { + return true; + } + } else { + if ((c - b) == (b - a)) { + return true; + } + } + } + return false; +}" +1fe7cc172e16a8e4006e697a60d05a6c9e7c6224,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean isEven = false; + int difference1 = 0; + int difference2 = 0; + if (a > b && a > c) + { + large = a; + } + if (b > a && b > c) + { + large = b; + } + if (c > a && c > b) + { + large = c; + } + if (large == a && b > c) + { + medium = b; + small = c; + } + if (large == a && c > b) + { + medium = c; + small = b; + } + if (large == b && a > c) + { + medium = a; + small = c; + } + if (large == b && c > a) + { + medium = c; + small = a; + } + if (large == c && b > a) + { + medium = b; + small = a; + } + if (large == c && a > b) + { + medium = a; + small = b; + } + difference1 = large - medium; + difference2 = medium - small; + if ( difference1 == difference2) + { + isEven = true; + } + return isEven; +} +" +eb887ffa703cb22543afa63fb60164b6440ed728,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean isEven = false; + int difference1 = 0; + int difference2 = 0; + if (a >= b && a >= c) + { + large = a; + } + if (b >= a && b >= c) + { + large = b; + } + if (c >= a && c >= b) + { + large = c; + } + if (large == a && b > c) + { + medium = b; + small = c; + } + if (large == a && c > b) + { + medium = c; + small = b; + } + if (large == b && a > c) + { + medium = a; + small = c; + } + if (large == b && c > a) + { + medium = c; + small = a; + } + if (large == c && b > a) + { + medium = b; + small = a; + } + if (large == c && a > b) + { + medium = a; + small = b; + } + difference1 = large - medium; + difference2 = medium - small; + if ( difference1 == difference2) + { + isEven = true; + } + return isEven; +} +" +537480b753d8f2c81c351d75ddd3f01963e38494,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean isEven = false; + int difference1 = 0; + int difference2 = 0; + if (a >= b && a >= c) + { + large = a; + } + if (b >= a && b >= c) + { + large = b; + } + if (c >= a && c >= b) + { + large = c; + } + if (large == a && b >= c) + { + medium = b; + small = c; + } + if (large == a && c >= b) + { + medium = c; + small = b; + } + if (large == b && a >= c) + { + medium = a; + small = c; + } + if (large == b && c >= a) + { + medium = c; + small = a; + } + if (large == c && b >= a) + { + medium = b; + small = a; + } + if (large == c && a >= b) + { + medium = a; + small = b; + } + difference1 = large - medium; + difference2 = medium - small; + if ( difference1 == difference2) + { + isEven = true; + } + return isEven; +} +" +c83600a4ab4174e48d3be468fd1ef189b583f7c9,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } +} +" +26e84c52422b4b8cf3f44cb8ee61e0817cb9f195,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } +} +" +0778d0cf5488115ec0d1d4065362fac6d1d60d0e,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} +" +a0aa60cb3013d3879b781ba217f3aaa75ed76483,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } + + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} +" +37ef93183576bf7a6364f0a5111df1ee24a8f7f0,"public boolean evenlySpaced(int a, int b, int c) +{ + + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } + + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} +" +295a445e391eee285d75402edb1d94342f268c41,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } + + int first = largest - middle; + int second = middle - smallest; + + if (first == second) { + return true; + } + return false; +} +" +f6d0a9de331177f26969e6cc89877c29d2789a63," + public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } + + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} + +" +4e1499d82f7a8e9c561a2bb37db7bc89dadf5202,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + return true; + } + else if (c - b == a - c) + { + return true; + } + else if (a - c == b - a) + { + return true; + } + return false; +} +" +3aad289ac7468c7de53d38eafede4b55d13634b4,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest; + int smallest; + int middle; + + if (a > b) { + if (b > c) { + largest = a; + middle = b; + smallest = c; + } + else if (c > a){ + largest = c; + middle = a; + smallest = b; + } + else { + largest = a; + middle = c; + smallest = b; + } + } + + if ((largest - middle) == (middle - smallest)) { + return true; + } + return false; +} + +" +e6210e38e202ce2b8d60cc5ef24da9e1c4d0dcbd,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == c) { + if (b == c) { + return true; + } + } + if (a > b && a > c) { + if (b > c) { + if ((a - b) == (b - c)) { + return true; + } + } else { + if ((a - c) == (c - b)) { + return true; + } + } + } + if (b > a && b > c) { + if (a > c) { + if ((b - a) == (a - c)) { + return true; + } + } else { + if ((b - c) == (c - a)) { + return true; + } + } + } + if (c > a && c > b) { + if (a > b) { + if ((c - a) == (a - b)) { + return true; + } + } else { + if ((c - b) == (b - a)) { + return true; + } + } + } + return false; +}" +c12f275257113bd2acd0594f09fbb172f3459d92,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +5eb648c54d0929777217a1eea1b6f732949f73fc,"public boolean evenlySpaced(int a, int b, int c) +{ + int test; + if (a > b) + a = temp; + a = b; + b = temp; + if (b > c) + b = temp; + b = c; + c = temp; + if (a > b) + a = temp; + a = b; + b = temp; + return b - a == c - b; +} +" +79c8de18b04d42bc3b5ca3ba8a820d2662e17795,"public boolean evenlySpaced(int a, int b, int c) +{ + int test; + if (a > b) + a = test; + a = b; + b = test; + if (b > c) + b = test; + b = c; + c = test; + if (a > b) + a = test; + a = b; + b = test; + return b - a == c - b; +} +" +3d324409ea863f41f10064a37728225494f981c3,"public boolean evenlySpaced(int a, int b, int c) +{ + int test; + if (a > b) + test = a; + a = b; + b = test; + if (b > c) + test = b; + b = c; + c = test; + if (a > b) + test = a; + a = b; + b = test; + return b - a == c - b; +} +" +59bebcd088301929257db42d63f0cac33c239cf3,"public boolean evenlySpaced(int a, int b, int c) +{ + int test; + if (a > b) + test = a; + a = b; + + if (b > c) + test = b; + b = c; + + if (a > b) + test = a; + a = b; + + return b - a == c - b; +} +" +8e69b934b7e72a7dccadba2602cd26ad7600cbad,"public boolean evenlySpaced(int a, int b, int c) +{ + int test; + if (a > b) + test = a; + a = b; + b = test; + if (b > c) + test = b; + b = c; + c = test; + if (a > b) + test = a; + a = b; + b = test; + return b - a == c - b; +} +" +c56256f70e7b633e1519d66d097eeb82a6987c0c,"public boolean evenlySpaced(int a, int b, int c) +{ + int test; + if (a > b) + { + test = a; + a = b; + b = test; + } + if (b > c) + { + test = b; + b = c; + c = test; + } + if (a > b) + { + test = a; + a = b; + b = test; + } + return b - a == c - b; +} +" +750c215829082ec91770daf81371b26c0c1f5f1d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if(a==b && a==c) + return true; + if(a==b || b==c || a==c) + return false; + + diff1 = Math.abs(a-b); + diff2 = Math.abs(a-c); + diff3 = Math.abs(b-c); + + if(diff1 == diff2) + return true; + if(diff1 == diff3) + return true; + if(diff2 == diff3) + return true; + return false; +} +" +fe75c88b1627879e71838c98b641b01546437b35,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) && (Math.abs(b - c) == Math.abs(c - a))) + { + return true; + } + else + { + return false; + } +} +" +98534fbc6c33f29784ac9946c9c18e2436817a2c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) && + (Math.abs(b - c) == Math.abs(c - a)) && + (Math.abs(a - b) == Math.abs(c - a))) + { + return true; + } + else + { + return false; + } +} +" +c17eaaf005474b95967277723420477be07d44b7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b & b > c) + { + if ((a-b)==(b-c)) + { + return true; + } + else + { + return false; + } + } + else if (b > a & a > c) + { + if ((b-a)==(a-c)) + { + return true; + } + else + { + return false; + } + } + else if (a > c & c > b) + { + if ((a-c)==(c-b)) + { + return true; + } + else + { + return false; + } + } + else if (b > c & c > a) + { + if ((b-c)==(c-a)) + { + return true; + } + else + { + return false; + } + } + else if (c > a & a > b) + { + if ((c-a)==(a-b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b & b > a) + { + if ((c-b)==(b-a)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +286ce1da530e6799010dd6c137ffe2908baaa99f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b & b >= c) + { + if ((a-b)==(b-c)) + { + return true; + } + else + { + return false; + } + } + else if (b >= a & a >= c) + { + if ((b-a)==(a-c)) + { + return true; + } + else + { + return false; + } + } + else if (a >= c & c >= b) + { + if ((a-c)==(c-b)) + { + return true; + } + else + { + return false; + } + } + else if (b >= c & c >= a) + { + if ((b-c)==(c-a)) + { + return true; + } + else + { + return false; + } + } + else if (c >= a & a >= b) + { + if ((c-a)==(a-b)) + { + return true; + } + else + { + return false; + } + } + else if (c >= b & b >= a) + { + if ((c-b)==(b-a)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +1393fc13f82251f87ad673b3d922f3881bab6589,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b < a) && (a < c)) + { + if (Math.abs(b - a) == Math.abs(c - a)) + { + return true; + } + else + { + return false; + } + } + if ((a < b) && (b < c)) + { + if (Math.abs(b - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } + if ((a < c) && (c < b)) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } +} +" +8fb4b58ed5fab5fe9adcb604a53305c72c1e800c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b < a) && (a < c)) + { + if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else + { + return false; + } + } + else if ((a < b) && (b < c)) + { + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } + } + else if ((a < c) && (c < b)) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } +} +" +e997f643bff8ca4b6999b9c79e1a7bc86360745b,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } +}" +295756337dc06aea6b6d492ee68b2446b6f5fbf0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b < a) && (a < c)) + { + if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else + { + return false; + } + } + else if ((a < b) && (b < c)) + { + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } + } + else if ((a < c) && (c < b)) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +62028e3c851eea2e3bdbfaf37a17968b4412f5cf,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((b < a) && (a < c)) || + ((c < a) && (a < b))) + { + if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else + { + return false; + } + } + else if (((a < b) && (b < c)) || + ((c < b) && (b < a))) + { + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } + } + else if (((a < c) && (c < b)) || + ((b < c) && (c < a))) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +fb567b237bdc8e85595c4ef34a5555707a6edbfb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((b < a) && (a < c)) || + ((c < a) && (a < b))) + { + if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else + { + return false; + } + } + else if (((a < b) && (b < c)) || + ((c < b) && (b < a))) + { + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } + } + else if (((a < c) && (c < b)) || + ((b < c) && (c < a))) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else if ((a == b) && (b == c)) + { + return true; + } + else + { + return false; + } +} +" +62d6d7d4b74f3ef6fbe74a651e0d4ea9f6fc2141,"public boolean evenlySpaced(int a, int b, int c) +{ + int a[] = {10, 12, 5}; + + Arrays.sort(a); + + for (int i = 0; i < 3; i++) + System.out.print( a[i] + "" ""); +} +" +2ef1431e40a80427e21c8ff6ea9aa98a9b64217d,"public boolean evenlySpaced(int a, int b, int c) +{ + int d[] = {a, b, c}; + + Arrays.sort(d); + + for (int i = 0; i < 3; i++) + System.out.print( d[i] + "" ""); +} +" +d780393760626ec89072a14359cce6a47e628f0d,"public boolean evenlySpaced(int a, int b, int c) +{ + int d[] = {a, b, c}; + + arrays.sort(d); + + for (int i = 0; i < 3; i++) + System.out.print( d[i] + "" ""); +} +" +1025ed84095823ebf85cb2c79541717434691fb2,"public boolean evenlySpaced(int a, int b, int c) +{ + int evenlySpaced; + + if (a > b) + { + evenlySpaced = a; + a = b; + b = evenlySpaced; + } + + else if (b > c) + { + evenlySpaced = b; + b = c; + c = evenlySpaced; + } + + return b - a == c - b; +} +" +4f52cc2505080b74b257939b3bc3300f28ac2804,"public boolean evenlySpaced(int a, int b, int c) +{ + int evenlySpaced; + + if (a > b) + { + evenlySpaced = a; + a = b; + b = evenlySpaced; + } + + else if (b > c) + { + evenlySpaced = b; + b = c; + c = evenlySpaced; + } + + else if (c > a) + { + evenlySpaced = c; + c = a; + a = evenlySpaced; + } + + return b - a == c - b; +} +" +b91d7e8843b7ba993fe2f15ebbe0e31861672f49,"public boolean evenlySpaced(int a, int b, int c) +{ + evenspeed = (a+b+c)%2 + if(evenspeed =2) + { + return True + } + else + { + false + } +} +" +f767a760648cb848940d93971f634b5ac6e75db9,"public boolean evenlySpaced(int a, int b, int c) +{ + evenspeed = (a+b+c)%2 + if(evenspeed =2) + { + return True; + } + else + { + false; + } +} +" +55fe28a719ecc527099d1ff67d1aeb757e5234d4,"public boolean evenlySpaced(int a, int b, int c) +{ + evenspeed = (int a+int b+int c)%2 + if(evenspeed =2) + { + return True; + } + else + { + false; + } +} +" +110ccb67bbfd255a359116cfcb8915456398f29e,"public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +1f333566361c9a96bb7ac1a4057b4b67d485775b,"public boolean evenlySpaced(int a, int b, int c) +{ + int evenlySpaced; + + if (a > b) + { + evenlySpaced = b; + b = a; + a = evenlySpaced; + } + + else if (b > c) + { + evenlySpaced = c; + c = b; + b = evenlySpaced; + } + + else if (c > a) + { + evenlySpaced = a; + a = c; + c = evenlySpaced; + } + + return a - b == b - c; +} +" +1e20f0706de440d025e8f50c67c773408dce1ce8,"public boolean evenlySpaced(int a, int b, int c) +{ + int evenlySpaced; + + if (a > b) + { + evenlySpaced = b; + b = a; + a = evenlySpaced; + } + + else if (b > c) + { + evenlySpaced = c; + c = b; + b = evenlySpaced; + } + + else if (c > a) + { + evenlySpaced = a; + a = c; + c = evenlySpaced; + } + + return (a - b == b - c); +} +" +f1e38d5ae486b2602eb93c78c107bab05899092d,"public boolean evenlySpaced(int a, int b, int c) +{ + int evenlySpaced; + + if (a > b) + { + evenlySpaced = b; + b = a; + a = evenlySpaced; + } + + else if (b > c) + { + evenlySpaced = c; + c = b; + b = evenlySpaced; + } + + else if (c > a) + { + evenlySpaced = a; + a = c; + c = evenlySpaced; + } + + return (a - b == c - b); +} +" +8daceab4d4f2b22d4fb096d6450caf25c05c2d32,"public boolean evenlySpaced(int a, int b, int c) +{ + int evenlySpaced; + + if (a > b) + { + evenlySpaced = b; + b = a; + a = evenlySpaced; + } + + else if (b > c) + { + evenlySpaced = c; + c = b; + b = evenlySpaced; + } + + else if (c > a) + { + evenlySpaced = a; + a = c; + c = evenlySpaced; + } + + return (a - b == b - c); +} +" +e7e481b8429c51e0a2e3e5cf259b564e33e60bc1,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a > b) + { + temp = b; + b = a; + a = temp; + } + + else if (b > c) + { + temp = c; + c = b; + b = temp; + } + + else if (c > a) + { + temp = a; + a = c; + c = temp; + } + + return (a - b == b - c); +} +" +41626d9df8f0113b593937e75fcc72db4c527201,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + + if (a > b) + { + num = b; + b = a; + a = num; + } + + else if (b > c) + { + num = c; + c = b; + b = num; + } + + else if (c > a) + { + num = a; + a = c; + c = num; + } + + return (a - b == b - c); +} +" +03a3346fa6f2d13738670ecad67fd6f42c09365f,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + + if (a > b) + { + num = b; + b = a; + a = num; + } + + else if (c > b) + { + num = b; + b = c; + c = num; + } + + else if (c > a) + { + num = a; + a = c; + c = num; + } + + return (a - b == b - c); +} +" +5aee2b42265af673498cea3ee44eda138c4246bf,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + + if (b > a) + { + num = a; + a = b; + b = num; + } + + else if (c > b) + { + num = b; + b = c; + c = num; + } + + else if (b > a) + { + num = a; + a = b; + b = num; + } + + return (a - b == b - c); +} +" +941c231fba305cb2fdd0c91e6cfe2dad66d7a998,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + + if (b > a) + { + num = a; + a = b; + b = num; + } + + if (c > b) + { + num = b; + b = c; + c = num; + } + + if (b > a) + { + num = a; + a = b; + b = num; + } + + return (a - b == b - c); +} +" +cfe04fd11b30f7c121c06cc1b89ebc1d668f7637,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + +} +" +f219d047d274acddd66df550072c5bc56ecd437a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diff CB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diff CB) + { + return true; + } + else + { + return false; + } + } + +} +" +4b82fd6592986437cc9a7f19fbde285828eb32ce,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diff CB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diff CB) + { + return true; + } + else + { + return false; + } + } + +} +" +9a6aa2e9e027e6911ece880535f3a752695c3d1d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diff CB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diff CB) + { + return true; + } + else + { + return false; + } + } + +} +" +0a096bf94b7898ec773b510065ee5bf3d3cff0be,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + +} +" +c550b51fc21805924485e6fa473e6b87d7286612,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +b069a34f24e570c54ce0dfff8465fcfff65ed92c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +e4f570a0265fa381dc5a553630fdbe472db2f914,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > b) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-b); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +d456f11c7d7707aaf3739b1f10ee0b4f12917a3b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-b); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +acc5c042a4f248438a27c8862172d212238e0043,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +5f52d298e6e0c5724b427aa9a6acf99d35e39a8f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + +} +" +b484622b8357ba67128ca501449dff00dfa8c261,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + +} +" +adbb0e739da95bd85460ad185bf3f60221920eea,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c > b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + +} +" +0ffaa2116a5804ee3159f3f74f40cb77f1b7874d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c >= b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + +} +" +7fa904d26bc6dd9f376871a7524e48be57c7bbed,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c >= b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b <= c) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + +} +" +c228081c0ac15a9a91ba2b052045531fa7ca5bc8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b < c) + { + int diffBA = Math.abs(b-a); + int diffCB = Math.abs(c-b); + if (diffBA == diffCB) + { + return true; + } + else + { + return false; + } + + } + else if (a > c && c >= b) + { + int diffAC = Math.abs(a-c); + int diffCB = Math.abs(c-b); + if (diffAC == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int diffBA = Math.abs(b-a); + int diffAC = Math.abs(a-c); + if (diffBA == diffAC) + { + return true; + } + else + { + return false; + } + } + else if (a > b && c > a) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-a); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else if (a < b && b <= c) + { + int diffAB = Math.abs(a-b); + int diffCB = Math.abs(c-b); + if (diffAB == diffCB) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + +} +" +6b5061a90326d2e988efd3fc7e024dc17883958b,"public boolean evenlySpaced(int a, int b, int c) +{ + int d; + if (a > b) + { + d = a; + a = b; + b = d; + } + + if (b > c) + { + d = b; + b = c; + c = d; + } + + if (a > b) + { + d = a; + a = b; + b = d; + } + + return b - a == c - b; + +} +" +52d392bd440c2a763391b88a68376dec2299ef27,"public boolean evenlySpaced(int a, int b, int c) +{ + return b-a == c-b; +} +" +e079bdf1f7f002a33efb49f395eb82f6e736d15c,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x; + if (a-b == b-c) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +6767ade925ac39cef25cf4b21df2eb1e281439e8,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x; + if (a-b == b-c || a-c == c-b || c-a == a-b) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +c2d59c17c1a7d0727edf3062c3cd665eabb09a12,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a = c - b) + { + return true + } + else + { + return false + } + } + +} +" +48ac5a394b0ccf1788fb500e78f54fdf7754c64a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a = c - b) + { + return true; + } + else + { + return false; + } + } + +} +" +7ae9d23105cfff4b723f56f91c4c4a63520842c3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + +} +" +50ab96ec317d09488049f6461d8aa7a37d1e2d1a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a = c - b) + { + return true; + } + else + { + return false; + } + } +} +" +ee59d55d42c638d769fd620bb1c052f93a219269,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } +} +" +1fb3a4f12831adfbdc011bcd9806dd937139de14,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + return diffOne == diffTwo; + +} +" +6675b92f7e91748123a65d07fca7287cf9b7e901,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +91f0f47824ec2f003e67b8180a1ef77a7ba5705c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + else + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } +} +" +abe47fe7de19851e02cef03c052dcfaac7fad6c9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + else + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } +} +" +3876cd9e9006e158370b08a40066845362f9a7d5,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne = difftwo) + { + return true; + } + +} +" +9a9ac30df5876cb9e318fa15cebb3ec54245664f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } +} +" +6231ee228e00db36ca75d48f154c92856b712864,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne = diffTwo) + { + return true; + } + +} +" +580132f7d3919e069fd3bdd25a0b318a48719029,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else if ((b - a) == (a - c)) + { + return true; + } + else if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +e7a52f1ff4854f0dc1f073ddb97cf2068965b1e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + +} +" +caf082fafb364b4684012ef0b7726a9c24ce9bbd,"public boolean evenlySpaced(int a, int b, int c) +{ + +} +" +f5b8232aabea1a1a92c90765929724501701489d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +eff41b36f0b383e26acb5cd35210b3ad3b38de2c,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +66d85cf0a88bd29710d927fcc5ef0a8a5866b68e,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +ba3afc32f55f8859a8e84ab2aed7dcbe07dbd326,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +a17a538e39d9ecfd336caa77f17c30d35c6d32bb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +a0d714c67b86e8064f0c7c2f5ec54d2190b87357,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +c04352d2b78a3dd32b1cf624ae7ab6c4981e3c89,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +dc49bf9851e15ade85873ab6952a0ee8fb1911db,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +9db2536fc9bad387cfaa7db8f910e717a7702ea0,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +90f05a8c1bc877101e6d19bab0489c3ff19eb7f2,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = a - b; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +86464ee2f0fd3f85c865b091ad4bb54c538c1ff6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + if (c-a == b-c) + { + return true + } + else + { + return false + } + } +} +" +bd5c70ae5680bb75b639f78494f551ec5cec5d23,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + if (c-a == b-c) + { + return true; + } + else + { + return false; + } + } +} +" +a19d3f31c12215f14789367dbded41d37a78f53d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + if (c-a == b-c) + { + return true; + } + else + { + return false; + } + } +} +" +c69ab0b16ed563d7b7d150071f1e5fd463119cd6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + if (c-a == a-b) + { + return true; + } + else + { + return false; + } + } +} +" +8187bb0e32cdc0a27c285cbeb02e1dd3e71d7043,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + if (diffOne == diffTwo) + { + return true; + } + else + return false; + +} +" +daada552d4769189638ae2286a71fb5e7ebce385,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a + if (diffOne == diffTwo == diffThree) + { + return true; + } + else + return false; + +} +" +f44c3166beb9ce5b7c251858b9bfe06189f6ca0f,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + if (diffOne == diffTwo == diffThree) + { + return true; + } + else + return false; + +} +" +52608684a27c069a521f01636e45489ef0c187d8,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return (diffOne == diffTwo == diffThree); +} +" +8c3448d130fbabd8247c18b28841627f06ae1c52,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return diffOne == diffTwo; +} +" +4923921ddeedb87a3b52da23e5739369624af849,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return diffOne == diffTwo; + return diffOne == diffThree; + return diffTwo == diffThree; +} +" +38490e43cc3e862102dde73b1483be1cddd9f0d6,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return diffOne == diffTwo; + return diffOne == diffThree; + +} +" +64e6a1b1c2176532ea3545edbf85eecc952dbf18,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return diffOne == diffTwo; +} +" +f9497921d8d3b0f886f829c395cd5cbdf5389b0d,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(a - b) || Math.abs(c - a) == (a - c)) + { + + return true; + } + else + { + return false; + } +} +" +9ca6f06685d3e1fd7ab103cb7fe06237089e6416,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(a - b)) + { + + return true; + } + else + { + return false; + } +} +" +402e3e2ecd5bcc2cac0c22430be0ce827b7f9db1,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + int firstGap = large - medium; + int nextGap = medium - small; + return firstGap == nextGap; + +} +" +86b651d463a578e1f8b53ec051bf8d197b093d92,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a >= b && a >= c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b >= a && b >= c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c >= a && c >= b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + int firstGap = large - medium; + int nextGap = medium - small; + return firstGap == nextGap; + +} +" +e7edfd408d530f4ae1eb51866969320fcb94c43a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c)) + if (diffAB == diffBC && diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +6374c9e0680dbd8d16848036f4ee6176b5c5dcc5,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c)); + if (diffAB == diffBC && diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +ad3b4bf6a6f67f7fdf23d9ca569bb3afc62591a1,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC && diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +7d73965fafefb7995e88fce1c6238221567fccfe,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +8478ea8b88cdf3315166cf59d9beab04c169d365,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + if (c - a == c - b) + { + return true; + } + } + else + return false; +} +" +cc898d58a7af7f379cd7306e999b80ebae839d4e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (a > c && c > b) + { + if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > c && c > a) + { + if ((b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b && b > a) + { + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +a8cbac28f8c64af2ca84a36f4f161561c08f3056,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + if (c - a == c - b) + { + return true; + } + } + else + { + return false; + } +} +" +5ccf5cfb609bd2c41e88f7fd00ca3a4d4bd1aa9d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAC == diffBC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +7bbb23a3f4abe47ceaf016ddb33281683b7566bd,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC && diffAC == diffBC && diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +98760ba3c3be5f3ee618423f97abb28787e96403,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAC == diffBC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +246881e697a6cb35d96a6d5c5bf625a9a89d6ca6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (a > c && c > b) + { + if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > c && c > a) + { + if ((b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b && b > a) + { + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + } + else if (a == b && b != c) + { + return false; + } + else if (a == c && b != c) + { + return false; + } + else if (c == b && a != c) + { + return false; + } + else + { + return true; + } +} +" +945c01f99b82604b44c8bb314a2d586ba49e58f1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + if (c - a == c - b) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +bbb0889196b6843d74b63aba2350c2067077b953,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(b - a) == abs(c - b)) + { + if (abs(c - a) == abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +db7e865491bb88e7831a2a64430f845ed0a95a63,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return a == b && b == c; + if (a == b || a == c || b == c) + { + return false; + } + return ((Math.abs(diffOne) == Math.abs(diffTwo)) || + (Math.abs(diffThree) == Math.abs(diffOne)) || + (Math.abs(diffThree) == Math.abs(diffTwo))) +} +" +3883653f1bd837f0f7654875dc118ed128cfe414,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return a == b && b == c; + if (a == b || a == c || b == c) + { + return false; + } + return ((Math.abs(diffOne) == Math.abs(diffTwo)) || + (Math.abs(diffThree) == Math.abs(diffOne)) || + (Math.abs(diffThree) == Math.abs(diffTwo))); +} +" +5636769eeb7fc62de14f181d9cf016ca0a6afed9,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAC == diffBC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } + + if (a == b || a == c || b == c) + { + return false; + } +}" +5b04d59b5d76314a68d4da6491a1d9f9ede999c2,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffOne = b - a; + int diffTwo = c - b; + int diffThree = c - a; + return a == b && b == c; + } + return ((Math.abs(diffOne) == Math.abs(diffTwo)) || + (Math.abs(diffThree) == Math.abs(diffOne)) || + (Math.abs(diffThree) == Math.abs(diffTwo))); +} +" +677fbb2c5184ad034acd62c6303f9fdf6cbce459,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + //if (diffAB == diffBC || diffAC == diffBC || diffAB == diffAC) + if (a == b || b == c || a == c) + { + return false; + } + else + { + return true; + } +}" +eb0395bbad5cbec7ddf2b486d8dcacaa32740415,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAC == diffBC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +77d2dbc4b9f59531060552b54cdfee5489dfde9e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(b - a) == abs(c - b)) + { + if (abs(c - a) == abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +8f838552a7163e30af6f923c27e984691a2390e8,"java.lang.Math.abs(); +public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(b - a) == abs(c - b)) + { + if (abs(c - a) == abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +8cf94fb4919a1e84228dc72c0739b964a545b050,"import java.lang.Math.abs(); +public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(b - a) == abs(c - b)) + { + if (abs(c - a) == abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +87b7c4a4a22354a765145f50f93518a123d8fcf7,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(c - b) == Math.abs(b - a) || Math.abs(a - c) == Math.abs(c - b)) + { + + return true; + } + else + { + return false; + } +} +" +09ab79da62402142558efad38391513aafe506ba,"import java.lang.*; +public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(c - b)) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +4cded89aa7f63d02c0feca4cf1b4ddbcd104f5a2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(c - b)) + { + if (Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +abad70b9755715cc790bdd77fb6a546d1976ac1e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a-b)&&abs(c-b)) + return true; +} +" +4b39b72cd5e7c82d8bc0479c7857a79cbf7bc59c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } +} +" +60bf89c9a9f53f5c14ea43757951371aa2784270,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Java.lang.Math.abs(a-b)&&Java.lang.Math.abs(c-b)) + return true; +} +" +2e2ebb26deb60e6ddd865a28205b0ac2a3fc3c06,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); +} +" +1997bb9e501b7286e35fdf596bd9dd39563cf0ab,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +5d34bf41782ebf970e514cd456c8fc09c59e3d79,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(b - a) == Math.abs(c - b)) || (Math.abs(c - a) == Math.abs(c - b))) + { + return true; + } + else + { + return false; + } +} +" +27b96f2defbbe1d54e8f19e86d759a27a78fe4a6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(b - a) == Math.abs(c - b)) || (Math.abs(c - a) == Math.abs(c - b)) || (Math.abs(c - a) == Math.abs(a - b))) + { + return true; + } + else + { + return false; + } +} +" +ccc35d966c7fd9fa4d0a5b873e814450d2fc0664,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +d5f56efbd5a51258880927782ef173115986d2e7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(b - a) == Math.abs(c - b)) || (Math.abs(c - a) == Math.abs(a - b))) + { + return true; + } + else + { + return false; + } +} +" +5918b4ae065ce43343d760945d2a36128ebd8fbe,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(b - a) == Math.abs(c - b)) || (Math.abs(c - a) == Math.abs(a - b))) + { + return true; + } + else + { + return false; + } +} +" +893ad3a1a2fbaf3375388c29cfe9039de9e51c9d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } +}" +ed14b7524e1f027360f04d2f017a0195c1b8353b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } +} +" +545cbf14c1d39cbfbcf22515e685c6d5f841f262,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b || a != c || b != c) + { + return false; + } + else + { + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } + } +}" +9d0d2f0ae252fc7ae979080272454b1a44a65036,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b || a != c || b != c) + { + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } + } +}" +f183e68e4a06f30cf99636a3725f4e546ed0b06f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b || a != c || b != c) + { + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +}" +57c2953777e0bd61819de88515f9b18119b32105,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } +}" +d057831f407c3c912b2ac3aece3570d39dbb9707,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC && diffAB == diffAC && diffBC == diffAC) + { + return true; + } + else + { + return false; + } +}" +15eff11b2e6e14f6453f7b14e6106b0c7be15c52,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC && diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } +}" +5f3a3ebe2673c091ed9a5faec5f9e309f28ac583,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffAB == diffAC || diffBC == diffAC) + { + return true; + } + else + { + return false; + } +}" +87e8d4c73318fd55ea41bdf3075373408f84f5a5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b)) + { + return (true); + } + else + { + return (false); + } +} +" +b3685db03e80783f9e4593d7c903fc52d95a55fe,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if (a > b) + { + num = a; + a = b; + b = num; + } + if (b > c) + { + num = b; + b = c; + c = num; + } + if (a > b + { + num = b; + a = b; + b num; + } + return b - a == c - b; +} +" +f9cabab38f6e61530691674bfc83c5f46776f0e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if (a > b) + { + num = a; + a = b; + b = num; + } + if (b > c) + { + num = b; + b = c; + c = num; + } + if (a > b) + { + num = b; + a = b; + b num; + } + return b - a == c - b; +} +" +22f5aed2631188e8f01d1c9963096bcbe562cd1d,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if (a > b) + { + num = a; + a = b; + b = num; + } + if (b > c) + { + num = b; + b = c; + c = num; + } + if (a > b) + { + num = b; + a = b; + b = num; + } + return b - a == c - b; +} +" +bcd7ef86fb5cf585689909f9837e6937263df4a7,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +0107290e8af8918571a6352d7419c603580b04bc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c) || Math.abs(a-c) == Math.abs(b-c) || Math.abs(a-c) == Math.abs(a-b)) + { + return (true); + } + else + { + return (false); + } +} +" +635882a7b05a90a663b1b0d1ca47b4ca808436e2,"public boolean evenlySpaced(int a, int b, int c) +{ + // big or small + if (a < b && b < c){ + if (a - b == b - c ){ + return true; + } + } + else if (a < c && c < b){ + if (a - c == c - b){ + return true; + } + } + else if (b < a && a < c ){ + if (b - a == a - c){ + return true; + } + } + else if (b < c && c < a ){ + if ( b - c == c - a){ + return true; + } + } + else if (c < a && a b && a>c) + { + large = a + if (b>c) + { + b = med; + c = small; + } + else if (c>b) + { + c = med; + b = small; + } + else + { + c = med; + b = small; + } + } + else if (b>a && b>c) + { + large = b + if (a>c) + { + a = med; + c = small; + } + else if (c>a) + { + c = med; + a = small; + } + else + { + c = med; + a = small; + } + } + else if (c>a && c>b) + { + large = c + if (a>b) + { + a = med; + b = small; + } + else if (b>a) + { + b = med; + a = small; + } + else + { + c = med; + a = small; + } + } + else + { + return (false); + } + if (Math.abs(large - med) == Math.abs(med - small)) + { + return (true); + } +} +" +161bce7cc4f142442b0fd5c92c72c81cde2849e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + if (a=b && b=c) + { + return (true); + } + else if (a>b && a>c) + { + large = a + if (b>c) + { + med = b; + small = c; + } + else if (c>b || c == b) + { + med = c; + small = b; + } + } + else if (b>a && b>c) + { + large = b + if (a>c) + { + med = a; + small = c; + } + else if (c>a || c == a) + { + med = c; + small = a; + } + } + else if (c>a && c>b) + { + large = c + if (a>b) + { + med = a; + small = b; + } + else if (b>a || b == a) + { + med = b; + small = a; + } + } + else + { + return (false); + } + if (Math.abs(large - med) == Math.abs(med - small)) + { + return (true); + } +} +" +82783d15ef1e23af81a0e5f0b99eed5cc0af65bf,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + if (a=b && b=c) + { + return (true); + } + else if (a>b && a>c) + { + large = a; + if (b>c) + { + med = b; + small = c; + } + else if (c>b || c == b) + { + med = c; + small = b; + } + } + else if (b>a && b>c) + { + large = b; + if (a>c) + { + med = a; + small = c; + } + else if (c>a || c == a) + { + med = c; + small = a; + } + } + else if (c>a && c>b) + { + large = c; + if (a>b) + { + med = a; + small = b; + } + else if (b>a || b == a) + { + med = b; + small = a; + } + } + else + { + return (false); + } + if (Math.abs(large - med) == Math.abs(med - small)) + { + return (true); + } +} +" +49fa3e1442e002baa9399856dc106884deb83c8d,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + if (a==b && b==c) + { + return (true); + } + else if (a>b && a>c) + { + large = a; + if (b>c) + { + med = b; + small = c; + } + else if (c>b || c == b) + { + med = c; + small = b; + } + } + else if (b>a && b>c) + { + large = b; + if (a>c) + { + med = a; + small = c; + } + else if (c>a || c == a) + { + med = c; + small = a; + } + } + else if (c>a && c>b) + { + large = c; + if (a>b) + { + med = a; + small = b; + } + else if (b>a || b == a) + { + med = b; + small = a; + } + } + else + { + return (false); + } + if (Math.abs(large - med) == Math.abs(med - small)) + { + return (true); + } +} +" +15a208c2b1e3b0dbf7801c328701cc61f9cd8f4c,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int med = 0; + int small = 0; + if (a==b && b==c) + { + return (true); + } + else if (a>b && a>c) + { + large = a; + if (b>c) + { + med = b; + small = c; + } + else if (c>b || c == b) + { + med = c; + small = b; + } + } + else if (b>a && b>c) + { + large = b; + if (a>c) + { + med = a; + small = c; + } + else if (c>a || c == a) + { + med = c; + small = a; + } + } + else if (c>a && c>b) + { + large = c; + if (a>b) + { + med = a; + small = b; + } + else if (b>a || b == a) + { + med = b; + small = a; + } + } + else + { + return (false); + } + return (Math.abs(large - med) == Math.abs(med - small)); +} +" +f21d72fbd0959805b3a50cb0b0e367c6a626117b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b) + { + if (b < c) // a c && a < c) // a c) // c b) + { + if (c > a) //b b) //b c && a < c) // a c) // c b) + { + if (c > a) //b b) //b c && a < c) // a c) // c b) + { + if (c > a) //b b) //b c && a < c) // a c) // c b + { + if (c > a) //b b) //b c && a < c) // a c) // c= b) + { + if (c > a) //b b) //b c && a < c) // a c) // c= b) + { + if (c > a) //b b) //b c && a < c) // a c) // c= b) + { + if (c > a) //b b) //b c && a < c) // a c) // c b) + { + if (c > a) //b b) //b a) + { + middle = b; + } + + + if( + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(a - b) == Math.abs(b - c) || Math.abs(b - c) == Math.abs(b - a)) + { + + return true; + } + else + { + return false; + } +} +" +30e472044a3cd9eff067d3aedd0d2ab71db397c9,"public boolean evenlySpaced(int a, int b, int c) +{ + int middle = a; + if(b > a) + { + middle = b; + } + + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(a - b) == Math.abs(b - c) || Math.abs(b - c) == Math.abs(b - a)) + { + + return true; + } + else + { + return false; + } +} +" +bed83446841aa412a6b50b8e03105b59bbd48490,"public boolean evenlySpaced(int a, int b, int c) +{ + int middle = a; + if(b > a) + { + middle = b; + } + + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(a - b) == Math.abs(a - c) || Math.abs(b - c) == Math.abs(b - a)) + { + + return true; + } + else + { + return false; + } +} +" +b1a9ec1d40057791ea5c2906c115b0e9ce08ac06,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(a - b) == Math.abs(a - c) || Math.abs(b - c) == Math.abs(c - a)) + { + + return true; + } + else + { + return false; + } +} +" +64e75300f3dae3ef3e592c715fc59624d8385d30,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC && diffBC == diffAC) + { + return true; + } + else if (diffAB == diffAC && diffBC == diffAB) + { + return true; + } + else + { + return false; + } +}" +dc973af083b7c772fef49562173ddf06d51b0a1a,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if(Math.abs(a - b) == Math.abs(a - c) || Math.abs(b - c) == Math.abs(c - a) || Math.abs(b - c) == Math.abs(b - a) ) + { + + return true; + } + else + { + return false; + } +} +" +64e5595cfda2cf41739d2d6f01bbfffc8492fdcd,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC && diffBC == diffAC) + { + return true; + } + else if (diffAB == diffAC && diffBC == diffAB) + { + return true; + } + else if (diffAB != diffBC && diffBC != diffAC) + { + return false; + } + else + { + return false; + } +}" +28196b040367e69dfa8bea014dba20a2d914cc53,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + if (c-a == a-b) + { + return true; + } + else + { + return false; + } + } +} +" +895e00fac855ec8fe22b8e6547785f633fd78154,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else if (c-a == a-b) + { + return true + } + else + { + return false + } +} +" +9a34a8a097f2aa5a07adb176946abb37e5d518c2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c) + { + if (b - a == c - b) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else if (c-a == a-b) + { + return true; + } + else + { + return false; + } +} +" +f36a919fa1071826c28fbaa83f0857ec53139965,"public boolean evenlySpaced(int a, int b, int c) +{ + int n; + if(b > a) + { + n = a; + a = b; + b = n; + } + if(c > b) + { + n = b; + b =c; + c = n; + } + if(b > a) + { + n = a; + a = b; + b = n; + } + return(a - b == b - c); +} +" +d48288d5ffba93ffa88e46e587dc9a004d1f8227,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + return true; + else + return false; +} +" +50702cada3085648f77f6a40cfce28c4427ee077,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a + b + c)/3 = a || (a + b + c)/3 = b || (a + b + c)/3 = c) + return true; + else + return false; +} +" +a45f86e803403579cdf9383255378e746be6372a,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a + b + c)/3 == a || (a + b + c)/3 == b || (a + b + c)/3 == c) + return true; + else + return false; +} +" +593edf7fc39d6dba438fe51fa155ad26bb4e2629,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a + b + c)/3 == a || (a + b + c)/3 == b || (a + b + c)/3 == c) && (a+b+c)%3 == 0) + return true; + else + return false; +} +" +ffce1a1849af12f95fcaa484e0863633cc678894,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +975514f41e1affbbfb084f0615423e025bb74ce2,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; +int diff2 = 0; +int diff3 = 0; +if(a==b && a ==c) +return true; + +if(a == b || b == c || a == c) +return false; + +diff1 = Math.abs(a - b); +diff2 = Math.abs(a - c); +diff3 = Math.abs(b - c); + +if(diff1 == diff2) +return true; +if(diff1 == diff3) +return true; +if(diff2 == diff3) +return true; +return false; +} +" +9f9c3060e984c9c1aeb25746f07a6419f9c8faae,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +e2aecf3b6944c6299f5a039a48c62741dff8fd88,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a > b) + space = a; + a = b; + b = space; + if (b > c) + space = b; + b = c; + c = space; + if (a > b) + space = a; + a = b; + b = temp; + return b - a == c - b; +} +" +63c3873f797cd2f57c3856cdbebcbea6260d230a,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a > b) + space = a; + a = b; + b = space; + if (b > c) + space = b; + b = c; + c = space; + if (a > b) + space = a; + a = b; + b = space; + return b - a == c - b; +} +" +94bbc6500924846b78f655e9acc7095c62b6252f,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (b > a) + space = a; + a = b; + b = space; + if (b > c) + space = b; + b = c; + c = space; + if (b > a) + space = a; + a = b; + b = space; + return b - a == c - b; +} +" +a040532398de2d31cda35d669ddf82515b4e87da,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (b > a) + { + space = a; + a = b; + b = space; + } + if (b > c) + { + space = b; + b = c; + c = space; + } + if (b > a) + { + space = a; + a = b; + b = space; + } + return b - a == c - b; +} +" +6a0b002d82f948387f260862111cb3569d5bc96d,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (b > a) + { + space = a; + a = b; + b = space; + } + if (b > c) + { + space = b; + b = c; + c = space; + } + if (b > a) + { + space = a; + a = b; + b = space; + } + return a - b == b - c; +} +" +9df845aac3a6957b12920b6e7958dd30a63d49e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a > b) + { + space = a; + a = b; + b = space; + } + if (b > c) + { + space = b; + b = c; + c = space; + } + if (a > b) + { + space = a; + a = b; + b = space; + } + return b - a == c - b; +} +" +bb712ab457a28650f4c64c480c701e02b1dcb0cb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + int diffAC = Math.abs(a-c); + if (diffAB == diffBC && diffBC == diffAC && diffAC == diffAB) + { + return true; + } + else + { + return false; + } + +} +" +fb2e2db5af0d78495f568e6fa43a706e08d317ec,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c-b == b-c) + return true; + else + return false; + +} +" +441972e5d57a6642ad00e32bcedb11401b59dc37,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(c-b) == Math.abs(b-c)) + return true; + else + return false; + +} +" +44e1ffa4a457259818ff4d298cdea51a8b7ca25a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(c-b) == Math.abs(b-a)) + return true; + else + return false; + +} +" +92940e98c116586359bed211654f23719ecfe7f7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(c-b) == Math.abs(b-a)) || + Math.abs(c-a) == Math.abs(b-c) || + Math.abs(c-a) == Math.abs(b-a)) + return true; + else + return false; + +} +" +8acab3b064f27d5ba44e53169864be546b4352ff,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((Math.abs(c-b) == Math.abs(b-a)) && a!=b!=c) || + (Math.abs(c-a) == Math.abs(b-c) && a!=b!=c) || + (Math.abs(c-a) == Math.abs(b-a) && a!=b!=c) || + a==b==c) + return true; + else + return false; + +} +" +59ca28b192a1199a5df067e54247058e4f98fb0f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((Math.abs(c-b) == Math.abs(b-a)) && (a!=b && b!=c)) || + (Math.abs(c-a) == Math.abs(b-c) && (a!=b && b!=c)) || + (Math.abs(c-a) == Math.abs(b-a) && (a!=b && b!=c)) || + (a==b && b==c)) + return true; + else + return false; + +} +" +a0c2316cffd5d659fcb9cf1c9251f35e522acc1a,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(c - b)) || (Math.abs(b - a) == Math.abs(a - c))) && (a != b && b != c && a != c) { + return true; + } + else { + return false; + } +} +" +fb2518a203cf66ac6ee5a37981927da21c11eab3,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(c - b)) || (Math.abs(b - a) == Math.abs(a - c))) && (a != b && b != c && a != c)) { + return true; + } + else { + return false; + } +} +" +f8152f7eb3049120c75434e23cb4fb87b6ba8491,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +}int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +" +c762734db1962b8b6fb862401636a1f3bdfdcffc,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(c - b)) || (Math.abs(b - a) == Math.abs(a - c))) { + return true; + } + else { + return false; + } +} +" +76ef9ae676450753608ec87f4cb7a3e3629b075d,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(c - b)) || (Math.abs(b - a) == Math.abs(a - c)))) { + return true; + } + else { + return false; + } +} +" +c07de2f0fc3b6ecbe23a46221e9c3a0bec1ecef9,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > a) + { + temp = a; + a = b; + b = temp; + } + return (a - b == b - c) +} +" +7d1f0122f17adcfc056955c10c862edf6a1f08ff,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > a) + { + temp = a; + a = b; + b = temp; + } + return (a - b == b - c); +} +" +4ab5133840d539eeecd4b6c1a6bdeec1c5ade6be,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(c - b)) || (Math.abs(b - a) == Math.abs(a - c))) && ((a != b && b != c) || (b != c && a != b) )) { + return true; + } + else { + return false; + } +} +" +97e352a488c22d45f5ec7aa3ae4aa6c578c317c4,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffone = b - a; + int difftwo = c - b; + boolean question = false; + if (diffone == difftwo) { + question = true; + } + return question; +} +" +b833a4ae78dfe7b1990dfe5959122943227af67e,"public boolean evenlySpaced(int a, int b, int c) +{ +int diff1 = 0; + +int diff2 = 0; + +int diff3 = 0; + +if(a==b && a ==c) + +return true; + +if(a == b || b == c || a == c) + +return false; + +diff1 = Math.abs(a - b); + +diff2 = Math.abs(a - c); + +diff3 = Math.abs(b - c); + +if(diff1 == diff2) + +return true; + +if(diff1 == diff3) + +return true; + +if(diff2 == diff3) + +return true; + +return false; + +} +" +8784e923063d81a3222f3300176568fbe152c9fc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + boolean question = false; + if (diffone == difftwo) { + question = true; + } + return question; +} +" +d82919d90bbd2eeaff20e31c014d716d484455c0,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + boolean question = false; + if (diffone == difftwo) { + question = true; + } + return question; +} +" +e22c031e757a7dd59182c3bba876aa41587d289b,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean question = false; + if (a == b || b == c || a == c) { + question = false; + } + else if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + if (diffone == difftwo) { + question = true; + } + return question; +} +" +fa1ddc6070ac401a112396e3348230b856633fed,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean question = false; + + else if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + if (a == b || b == c || a == c) { + question = false; + } + if (diffone == difftwo) { + question = true; + } + return question; +} +" +cf8821b5a3799493d9b66512a9e0c6926b41ff7d,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean question = false; + + if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + if (a == b || b == c || a == c) { + question = false; + } + if (diffone == difftwo) { + question = true; + } + return question; +} +" +9370a3032c98cb6e91166c02f1ec1a6aeba7e866,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean question = false; + + if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + if (diffone == difftwo) { + question = true; + } + if (a == b || b == c || a == c) { + question = false; + } + return question; +} +" +99d2cc881f51628fd13368ebf7a59934c74d3a3e,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = 0; + int medium = 0; + int small = 0; + boolean question = false; + + if (a > b && a > c) { + large = a; + if (b > c) { + medium = b; + small = c; + } + else { + medium = c; + small = b; + } + } + else if (b > a && b > c) { + large = b; + if (a > c) { + medium = a; + small = c; + } + else { + medium = c; + small = a; + } + } + else if (c > a && c > b) { + large = c; + if (a > b) { + medium = a; + small = b; + } + else { + medium = b; + small = a; + } + } + + int diffone = large - medium; + int difftwo = medium - small; + if (diffone == difftwo) { + question = true; + } + if (a == b && b == c) { + question = true; + } + else if (a == b || b == c || a == c) { + question = false; + } + return question; +} +" +51c5a3ee0b09735de72af767454fc8f73cfa1848,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == ((a - b) - c)) + { + return true; + } + else + { + return false; + } + +} +" +ddfb8c6c5a7d8c07d33d7828449857d40e2f87ec,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == ((a - b) - c)) + { + return true; + } + else if ((a - (b - c)) == -((a - b) - c)) + { + return true; + } + else + { + return false; + } + +} +" +10b7188bfdbb9075658ab6694e118f97db4b84a6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == ((a - b) - c)) + { + return true; + } + else if ((a - (b - c)) == -((a - b) + c)) + { + return true; + } + else + { + return false; + } + +} +" +7f1e94e0a3674d1728000495cf6926cb03779bf5,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == ((a - b) - c)) + { + return true; + } + else if ((a - (b - c)) == ((a - b) + c)) + { + return true; + } + else + { + return false; + } + +} +" +3de17993eca9b0e3f82f0daaca13f6ed174bc520,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - (b - c)) == ((a - b) - c)) + { + return true; + } + else if ((a - (b - c)) == ((a - b) + c)) + { + return true; + } + else if ((a - (b - c)) == -((a - b) + c)) + { + return true; + } + else + { + return false; + } + +} +" +11923ba0050054c7d3e469b291ad27d4f2c2b9b4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a > b) && (b > c)) + { + if ((a - b) == (b - c)) + { + return true; + } + } + else + { + return false; + } + +} +" +c3a26bd22b5e14935c84b589be38c8758a389d68,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == ((a - (b - c))) + { + return true; + } + else + { + return false; + } + +} +" +d409d76dd4c73339b58b5fa4d68d9a55345f1149,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else + { + return false; + } + +} +" +edc5906acba0132b1e264d4fe42a53eca5292995,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else + { + return false; + } + +} +" +57d1c790a9d2eb6f8fa9f22f36d71a4e83f67358,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else if ((c + b + a) == (c + b + a)) + { + return true; + } + else + { + return false; + } + +} +" +3d6fb1b4d84495759b6d3a3650a68e6167b46a8f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else if ((c = b) && (b == a)) + { + return true; + } + else + { + return false; + } + +} +" +745be42b557c0b438b1186b11ecee323d2826bdb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else if ((c == b) && (b == a)) + { + return true; + } + else + { + return false; + } + +} +" +57f2b980b0f8998e6ca48c471675624fe38db09d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1; + int diff2; + int diff3; + + diff1 = Math.abs(a - b); + diff2 = Math.abs(b - c); + diff3 = Math.abs(a - c); + + if (diff1 == diff2 || diff1 == diff3 || diff2 == diff3) + { + return true; + } + else + { + return false; + } + +} +" +2bca05e2904d13fc1c7d6a024de66d5038753b11,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else if (((c - b) - a) == ((c - b) - a)) + { + return true; + } + else if ((c == b) && (b == a)) + { + return true; + } + else + { + return false; + } + +} +" +744b2e70d0b38f742e52d36eb0bc2aad01449fe7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else if ((c == b) && (b == a)) + { + return true; + } + else + { + return false; + } + +} +" +943acdc341049cbde74a071331b48a5e87e196f7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) - c) == (a - (b - c))) + { + return true; + } + else if (((c - b) - a) == (c - (b - a))) + { + return true; + } + else if ((c == b) && (b == a)) + { + return true; + } + else if (((c - b) - a) == ((c - b) - a)) + { + return true; + } + else + { + return false; + } + +} +" +0fbc181cbc7ab0870f3c25b2ec6f8d7c0f441fa9,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1; + int diff2; + int diff3; + + diff1 = Math.abs(a - b); + diff2 = Math.abs(b - c); + diff3 = Math.abs(a - c); + + return diff1 == diff2 || diff1 == diff3 || diff2 == diff3; + +} +" +e4075571fa67fa9048525b9083f7bc3fc022a80b,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) && (Math.abs(a - c) == Math.abs(b -a))) + { + return true; + } + else + { + return false; + } + +} +" +6f614f75d2f3b73cc37555cc1605ec15086911b3,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1; + int diff2; + int diff3; + + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + + if(diff1 == diff2) + { + return true; + } + else if(diff2 == diff3) + { + return true; + } + else if(diff1 == diff3) + { + return true; + } + else + { + return false; + } + + +} +" +4bb79e0e241331a787eebb875a45c6050051693b,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(b -a))) + { + return true; + } + else + { + return false; + } + +} +" +70e8fe1e1559c1588960e28f03cfb0569868a17f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(b -a))) + { + return true; + } + else + { + return false; + } + +} +" +871d64799a1ac8258e6ae82bf538ebb033066fa9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(b -a)) || (Math.abs(a - c) == Math.abs(c - b))) + { + return true; + } + else + { + return false; + } + +} +" +b3d902dd18bdfcd27f40d0df9a45d78bfe4cbffd,"public boolean evenlySpaced(int a, int b, int c) +{ + + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +08ce8488245b99db35e0973790888be3edb5bb1c,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] nums = {a, b, c}; + + sort(nums); + + int diff1 = num[2] - num[1]; + int diff2 = num[1] - num[0]; + + return diff1 == diff2; + +} + +public int sort(int[] numbers) +{ + for (int i = numbers.length()-1; i >= 0; i--) + { + for (int j = 1; j <= i; j++) + { + if (numbers[j-1] > numbers[j]) + { + int temp = numbers[j-1]; + numbers[j-1] = numbers[j]; + numbers[j] = temp; + } + } + } + + return numbers; +} +" +79d4571e3ff28be3833faccc06ea1962e86edd82,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] nums = {a, b, c}; + + sort(nums); + + int diff1 = nums[2] - nums[1]; + int diff2 = nums[1] - nums[0]; + + return diff1 == diff2; + +} + +public int sort(int[] numbers) +{ + for (int i = numbers.length()-1; i >= 0; i--) + { + for (int j = 1; j <= i; j++) + { + if (numbers[j-1] > numbers[j]) + { + int temp = numbers[j-1]; + numbers[j-1] = numbers[j]; + numbers[j] = temp; + } + } + } + + return numbers; +} +" +54d61b50738afd09f08c1fb409b0217293898085,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] nums = {a, b, c}; + + sort(nums); + + int diff1 = nums[2] - nums[1]; + int diff2 = nums[1] - nums[0]; + + return diff1 == diff2; + +} + +public int sort(int[] numbers) +{ + for (int i = numbers.length-1; i >= 0; i--) + { + for (int j = 1; j <= i; j++) + { + if (numbers[j-1] > numbers[j]) + { + int temp = numbers[j-1]; + numbers[j-1] = numbers[j]; + numbers[j] = temp; + } + } + } + + return numbers; +} +" +6b54068894f0ab5733974504cb8d1e9c89690693,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] nums = {a, b, c}; + + sort(nums); + + int diff1 = nums[2] - nums[1]; + int diff2 = nums[1] - nums[0]; + + return diff1 == diff2; + +} + +public int[] sort(int[] numbers) +{ + for (int i = numbers.length-1; i >= 0; i--) + { + for (int j = 1; j <= i; j++) + { + if (numbers[j-1] > numbers[j]) + { + int temp = numbers[j-1]; + numbers[j-1] = numbers[j]; + numbers[j] = temp; + } + } + } + + return numbers; +} +" +6de02331c943858f4d019a1125dadb968666dff8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else + if (a - b == c - b) + return true; + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else + if (b - a == c - a) + return true; + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else + if (c - a == b - a) + return true; + return false; + return false; + + +} +" +12e8bc88060250170c354c7d8ae623cc550fd4ad,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (c - a == b - a) + return true; + else + return false; + + +} +" +4c435b9c7f039c13c93cd9345740ba28f98edf1f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (c - a == b - a) + return true; + else + return false; + +return false; +} +" +c8a3771cec0c8a4352d254488f561dc8348290ce,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (a - b == c - b) + return true; + else + return false; + + +return false; +} +" +1f2b6fb27f6e3600b5336d30c14073fdfd100de0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (c - a == b - a) + return true; + else + return false; + + +return false; +} +" +8914e739f8810f9d692d23266e725875c6ec8c76,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (c > b) + if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (c > a) + if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (b > a) + if (c - a == b - a) + return true; + else + return false; + + +return false; +} +" +5728b7c396f1252731d7c8ebef3058a523fc6fcb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (c > b) + if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (c > a) + if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (b > a) + if (c - b == b - a) + return true; + else + return false; + + +return false; +} +" +0bae0f0f74b799c1847d09560895df46ef26b0d4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + return true; + return false; +} +" +7699a535b512ac4c17035f3cc17e6b87f2b061c3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (c > b) + if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (c > a) + if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (b > a) + if (c - b == b - a) + return true; + else + return false; + + +return false; +} +" +80798c5a4a3595a45a73b45b3bcf431b7fe5e53c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else if (c > b) + if (a - b == c - b) + return true; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else if (c > a) + if (b - a == c - a) + return true; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else if (b > a) + if (c - b == b - a) + return true; +return false; +} +" +b9d64c89c39914edf05d5874be25c1713babe6d9,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(b-a) == Math.abs(a-c)) + { + return true; + } + else if(Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if(Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + return false; +} +" +4689e3f38ad78769ac74c6253a15f003d8a24be3,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + return true; + if ((c - a) == (b - c)) + return true; + if ((c - b) == (a - c)) + return true; + if ((a - b) == (c - a)) + return true; + if ((b - c) == (a - b)) + return true; + if ((a - c) == (b - a)) + return true; + return false; +} +" +9280fcc6e77acfdfef0f3b9c73225d727eef8706,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == a - c) + { + return true; + } + else if ( b - a == b - c) + { + return true; + } + else if ( c - a == c - b) + { + return true; + } + else + { + return false; + } +} +" +85884fb67639276504c1c23c9beefea3c8d44106,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else if ( Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else if ( c - a == c - b) + { + return true; + } + else + { + return false; + } +} +" +73ff036cf174de68d4bf834a43eecf73046ebe7d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else if ( Math.abs(c - a) == Math.abs(c - b) + { + return true; + } + else + { + return false; + } +} +" +7df387f31ea36dceec91502e8903957e5d48ed2c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else if ( Math.abs(c - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } +} +" +2f71f694a17e0e76033a6b7bc6cef62b6f31d832,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +76f2fe1a6edba13e3787f864bbe932522af61a7f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs (a - b)) + { + return true; + } + else if (Math.abs(c - a) == Math.abs (c - b)) + { + return true; + } + else + { + return false; + } +} +" +f7b67957ddb64a8c1e4a20b408d4ef7bbcf79352,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(b - c)) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + else if (Math.abs(a - c) == Math.abs (a - b)) + { + return true; + } + else if (Math.abs(c - a) == Math.abs (c - b)) + { + return true; + } + else + { + return false; + } +} +" +5b891b36914779e7c11bfbac8fecb655cc465727,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (Math.abs (b -a) == Math.abs(c - b)) + return true; + + +} +" +5417ea7bb807e1f27b20b8941c6b337ffa13f16f,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +db94514443166350441ac0285c6b68ad0fd5faa4,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (Math.abs (b -a) == Math.abs(c - b) || Math.abs(c -a) == Math.abs(c - b)) + return true; + else + return false; + + + +} +" +28a2683b83bc28025255670be197cf90cb27ec25,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(b-a) == Math.abs(a-c)) + { + return true; + } + else if(Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else if(Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + return false; +} +" +9e3bf0a8e03c6c1c386527325fce5b595085b49a,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (Math.abs (b -a) == Math.abs(c - b) || Math.abs(c -a) == Math.abs(c - b) || Math.abs(c - a) == Math.abs( b -c)) + return true; + else + return false; + + + +} +" +9389d924eed5adef548a31b09bc6724f0d9b4ecf,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (Math.abs (b -a) == Math.abs(c - b) || Math.abs(c -a) == Math.abs(c - b) || Math.abs(c - a) == Math.abs( b - a)) + return true; + else + return false; + + + +} +" +acadb0d5b52e5a6f05ba17f4bafe62431bc64cd0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return false; + + else if (Math.abs (b -a) == Math.abs(c - b) || Math.abs(c -a) == Math.abs(c - b) || Math.abs(c - a) == Math.abs( b - a)) + return true; + else + return false; + + + +} +" +7bdb3f4a29772e6bf1fc96031380f3b8398faa2b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + else if (a == b || a == c || b == c) + return false; + + else if (Math.abs (b -a) == Math.abs(c - b) || Math.abs(c -a) == Math.abs(c - b) || Math.abs(c - a) == Math.abs( b - a)) + return true; + else + return false; + + + +} +" +b672bd443470b545142f97928e64c215708df54d,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b - a) && Math.abs(c - b) + || Math.abs(a - b) && Math.abs(c - b) + || Math.abs(c - a) && Math.abs(b - c) ); +} +" +15fa9bb69db79ff4102c1d2e8429d66de8d75e91,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a > b && a < c) || (a > c && a < b)) + { + if(Math.abs(b-a) == Math.abs(a-c)) + { + return true; + } + } + else if((b > a && b < c) || (b > c && b < a)) + { + else if(Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + } + else if((c > a && c < b) || (c > b && c < a)) + { + else if(Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + } + return false; + +} +" +749af17f7805c9b559d56f2183025c27c9e49d8a,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b - a) == Math.abs(c - b) + || Math.abs(a - b) == Math.abs(c - b) + || Math.abs(c - a) == Math.abs(b - c) ); +} +" +86bc5104c0bb5dc3a21f9da4173353226eb18aab,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a > b && a < c) || (a > c && a < b)) + { + if(Math.abs(b-a) == Math.abs(a-c)) + { + return true; + } + } + else if((b > a && b < c) || (b > c && b < a)) + { + if(Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + } + else if((c > a && c < b) || (c > b && c < a)) + { + if(Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + } + return false; + +} +" +4b1c55e9575f66477c13f0f5c369657c0fb4fc32,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a >= b && a <= c) || (a >= c && a <= b)) + { + if(Math.abs(b-a) == Math.abs(a-c)) + { + return true; + } + } + else if((b >= a && b <= c) || (b >= c && b <= a)) + { + if(Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + } + else if((c >= a && c <= b) || (c >= b && c <= a)) + { + if(Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + } + return false; + +} +" +76cb82e0e288490e33605fc6ad26eed30042eb0c,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b - a) == Math.abs(c - b) || Math.abs(b - a) == Math(c - a) + || Math.abs(a - b) == Math.abs(c - b) + || Math.abs(c - a) == Math.abs(b - c) ); +} +" +ae04eabe30e1ab53e5567db6c2712ba65306c2a6,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b - a) == Math.abs(c - b) + || Math.abs(b - a) == Math.abs(c - a) + || Math.abs(a - b) == Math.abs(c - b) + || Math.abs(c - a) == Math.abs(b - c) ); +} +" +b8c119c667e36132f25df0fd31ba102f94d1c6df,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return (Math.abs(b - a) == Math.abs(c - b) + || Math.abs(b - a) == Math.abs(c - a) + || Math.abs(a - b) == Math.abs(c - b) + || Math.abs(c - a) == Math.abs(b - c) + || a == b && b == c); + } + return false; +} +" +a2e5813f7856e8202781406b03279ee4a6ab9fbb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return (Math.abs(b - a) == Math.abs(c - b) + || Math.abs(b - a) == Math.abs(c - a) + || Math.abs(a - b) == Math.abs(c - b) + || Math.abs(c - a) == Math.abs(b - c)); + } + else if (a == b && b == c) + { + return true; + } + return false; +} +" +378d2d0068ff32b789008fb299e774e71661bce5,"public boolean evenlySpaced(int a, int b, int c) +{ + return abs(a-b) == abs(a-c) || abs(a-c) == abs(b-c); +} +" +8ac56d4d84468e85d3773af709f8ecb6bbdec85b,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = (a-b).absolute(); + int dif2 = (b-c).absolute(); + int dif3 = (a-c).absolute(); +} +" +d5857d168615d1dfdc561e1c0c17e36f0c2355b4,"public boolean evenlySpaced(int a, int b, int c) +{ + double dif1 = (a-b).absolute(); + double dif2 = (b-c).absolute(); + double dif3 = (a-c).absolute(); + + return true; +} +" +0f9bc8bbed99d7f3534a47c9bdbac32e9ba1e25f,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = absolute(a-b); + int dif2 = absolute(b-c); + int dif3 = absolute(a-c); + + return true; +} +" +b50d56d641f86e65cc7e0add462f4a47d9a19f62,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = this.absolute(a-b); + int dif2 = absolute(b-c); + int dif3 = absolute(a-c); + + return true; +} +" +ae8d1411cd1142b904579474bebe74bf21723f19,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1 = a-b; + int dif2 = b-c; + int dif3 = a-c; + + if (dif1 == dif2) + { + return true; + } + else if (dif2 == dif3) + { + return true; + } + else if (dif1 == dif3) + { + return true; + } + else { + return false; + } +} +" +d734ef4cddc4206a5452d37aee38918634d8ffb9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +0d9329522f7af62276e18aeb5c0455cfc34069cb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (|a - b| == |c - b|) + { + return true; + } + else + { + return false; + } +} +" +b4949f01142be2f0433969f92779eb95f244654d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +95f54319da09b4b21e299a14f2ac21e3cfcddf93,"public boolean evenlySpaced(int a, int b, int c) +{ + if (|(a - b)| == |(c - b)|) + { + return true; + } + else + { + return false; + } +} +" +14c2b922a9af16871829aac664ea589501f1d444,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(b -a)) || (Math.abs(a - c) == Math.abs(a - b))) + { + return true; + } + else + { + return false; + } + +} +" +b4c81e5c8f2d4f65421e64eace0df2449519d024,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +65e25e84404a6773978455de532a6001529a0670,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +4c090b13823f5525382d3fccaa7636b3b1ad132c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (c - b) || (b - a) == (c - a)) + { + return true; + } + else + { + return false; + } +} +" +4c49b84490b12fde74e5de3f63c64d0775120a47,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - b) == (c - b)) || ((b - a) == (c - a))) + { + return true; + } + else + { + return false; + } +} +" +cce4dc8cadb52fec1b5f114d41971574f053c98f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +6c87c359f8a398687d389ac7f6b8ae09015d17fd,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(b -a)) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(b - c) == Math.abs(c - a))) + { + return true; + } + else + { + return false; + } + +} +" +23f2e717c86a35b9f19e4ca7bcc04ed4ef4030ee,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } +} +" +7a696e27c2d24a2ae2c02e38797966f2aeaf036f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(b -a)) || (Math.abs(a - c) == Math.abs(a - b)) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +59fcd6afd97bdf1c01b4d666b45becd59292447f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(c - b)) || (Math.abs(a - c) == Math.abs(b - c))) + { + return true; + } + else + { + return false; + } +} +" +3a4943d49cc79f794dc4f0b3580e1bd543389184,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == b - a) || (Math.abs(a - c) == Math.abs(a - b)) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +d6f1d79bbb57ce242b07ff591c1ea549ca4214b6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(a - c) == Math.abs(a - b)) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +1ee594eb96c8e00b9a9be28e4f3217e230803451,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(c - b)) || (Math.abs(a - c) == Math.abs(b - c)) || (Math.abs(a - b) == Math.abs(c - a))) + { + return true; + } + else + { + return false; + } +} +" +cd785387c822194ddcd86e7087809b5b13aff9df,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(a - c) == a - b) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +1f0f8f84528c5c7978492c04817bfd21850eb80f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(c - a) == a - b) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +85a85cb4be5a39e6cc23da13259c59b35cf57847,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(c - b)) || (Math.abs(a - c) == Math.abs(b - c)) || (Math.abs(a - b) == Math.abs(c - a)) && ((a != b) && (b != c) && (a != c))) + { + return true; + } + else + { + return false; + } +} +" +c10f72d887eba8c382911cf8a682f22416e2451a,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(c - a) == b - a) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +0878add8e185b1d204bb8fad9b0821c893b89d8b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b >= c && b >= a) + { + if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } +} + +" +2733101bdff0490c9ceee80f4601d2745df27aed,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b >= c && b >= a)) + { + if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } +} + +" +492d50492e7cd1f7f47aebb8b997c17097bc4c41,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == b || b == c || a == c) + { + return false; + } + + else if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(c - a) == b - a) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +7d09f09c516e14fdb5278d2761c31e91243f0c49,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b >= c && b >= a)) + { + if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} + +" +697abd12e6945123d2333cb9ca4525b6ea9ffa11,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == b || b == c || a == c) + { + return false; + } + else if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(c - a) == b - a) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +d4bd8608460b9cca67a0842295f25f906208affa,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) { + return true; + } + if ((Math.abs(a - b) == Math.abs(c - b) || Math.abs(a - c) == Math.abs(b - c) || Math.abs(a - b) == Math.abs(c - a)) || ((a == b) && (b != c) || (a == c) && (a != b)) + { + return true; + } + else + { + return false; + } +} +" +43da3f6c6abcdc1801f8512fe02d58553c68c4a0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == b || b == c) + { + return false; + } + else if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(c - a) == b - a) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +09465091af439443bb4a901b3253f9a4dbb9cbc0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) { + return true; + } + if ((Math.abs(a - b) == Math.abs(c - b) || Math.abs(a - c) == Math.abs(b - c) || Math.abs(a - b) == Math.abs(c - a)) || ((a == b) && (b != c) || (a == c) && (a != b))) + { + return true; + } + else + { + return false; + } +} +" +88508a83a3f91e6b671800b628d0df5c42bc0118,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b <= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b >= c && b >= a)) + { + if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} + +" +5d058483b73931fd3ecc22a8cc2a3dbef62a9e66,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) { + return true; + } + if ((Math.abs(a - b) == Math.abs(c - b) || Math.abs(a - c) == Math.abs(b - c) || Math.abs(a - b) == Math.abs(c - a)) ||( (a == b) && (b != c)) || ((a == c) && (a != b))) + { + return true; + } + else + { + return false; + } +} +" +163655948ed94db75b242a96500722a04cea7498,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == b && b == c) + { + return true; + } + else if (a == b || b == c) + { + return false; + } + else if ((Math.abs(a - b) == Math.abs(b - c)) || (a - c == b - a) || (Math.abs(c - a) == b - a) || (b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + +} +" +f8ecb224eaa767ac1f6ea39d901d2f4e7c64380f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b <= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b <= c && b <= a)) + { + if (Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} + +" +e079043956cde9cebca339c1125885db8048136a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) { + return true; + } + if (((a == b) && (b != c)) || ((a == c) && (a != b))) { + return false; + } + if ((Math.abs(a - b) == Math.abs(c - b) || Math.abs(a - c) == Math.abs(b - c) || Math.abs(a - b) == Math.abs(c - a))) + { + return true; + } + else + { + return false; + } +} +" +562ef97d829f7e826a7175e9f4c4fd9d52b7d16d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (math.Abs(a - b) == math.Abs(b - c)) + return true; + else if (math.Abs(b - c) == math.Abs(a - c)) + return true; + else if (math.Abs(a - c) == math.Abs(b - a)) + return true; + else + return false; +}" +3016013c09d3c3c0be0a34828e7ee328a887f936,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) { + return true; + } + if (((a == b) && (b != c)) || ((a == c) && (a != b)) || ((b == c) && (a != b))) { + return false; + } + if ((Math.abs(a - b) == Math.abs(c - b) || Math.abs(a - c) == Math.abs(b - c) || Math.abs(a - b) == Math.abs(c - a))) + { + return true; + } + else + { + return false; + } +} +" +2eb591b33b0a8c34411e8530844729859616ff9b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + else if (math.Abs(b - c) == math.Abs(a - c)) + return true; + else if (math.Abs(a - c) == math.Abs(b - a)) + return true; + else + return false; +}" +228895c15dc33e21e5b16780c171b4bacb71bcbc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; + else if (Math.abs(b - c) == Math.abs(a - c)) + return true; + else if (Math.abs(a - c) == Math.abs(b - a)) + return true; + else + return false; +}" +2096931719380858ce3e99705dbde8024798fbb3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b <= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b <= c && b <= a)) + { + if (Math.abs(a-c) == Math.abs(c-b) || (Math.abs(a-c) == Math.abs(a-b)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} + +" +93de0d8ea5ee28704d7654a2dc4f2c59eb086c28,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >= b && b >= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if (a <= b && b <= c) + { + if (Math.abs(a-b) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } + } + else if ((b >= c && b >= a) || (b <= c && b <= a)) + { + if (Math.abs(a-c) == Math.abs(c-b) || (Math.abs(a-c) == Math.abs(a-b))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} + +" +a0bd63d53a16fd62045405bb6d413b6c549d0a80,"public boolean evenlySpaced(int a, int b, int c) +{ + return true; +} +" +888aa6aca063351cb8e6a177f61345e0929efc9d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == b && b == c) + return true; + else if ( a == b || b == c) + return false; + else if (Math.abs(a - b) == Math.abs(b - c)) + return true; + else if (Math.abs(b - c) == Math.abs(a - c)) + return true; + else if (Math.abs(a - c) == Math.abs(b - a)) + return true; + else + return false; +}" +995ca1d8d660202da7378b92d09c59bc89d6b1f7,"public boolean evenlySpaced(int a, int b, int c) +{ + int aToB = (a - b); + int bToC = (b - c); + int aToC = (a - c); + return true; +} +" +91924fc83c32be5e96fa5e6dc7f992e9f0dd2e31,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1; + int dif2; + + if (a > b) + { + if (b > c) + { + dif1 = a - b; + dif2 = b - c; + } + else { + if (a > c) + { + dif1 = a - c; + dif1 = c - b; + } + else { + dif1 = c - a; + dif2 = a - b; + } + } + } + else if (b > c) + { + if (a > c) + { + dif1 = b - a; + dif2 = a - c; + } + else { + dif1 = b - c; + dif2 = c - a; + } + } + else { + dif1 = c - b; + dif2 = b - a; + } + return dif1 == dif2; +} +" +6bb64365aa705ba295f886366ab9fe15913ee88e,"public boolean evenlySpaced(int a, int b, int c) +{ + int dif1; + int dif2; + + if (a > b) + { + if (b > c) + { + dif1 = a - b; + dif2 = b - c; + } + else { + if (a > c) + { + dif1 = a - c; + dif2 = c - b; + } + else { + dif1 = c - a; + dif2 = a - b; + } + } + } + else if (b > c) + { + if (a > c) + { + dif1 = b - a; + dif2 = a - c; + } + else { + dif1 = b - c; + dif2 = c - a; + } + } + else { + dif1 = c - b; + dif2 = b - a; + } + return dif1 == dif2; +} +" +c49b53446128b4aef9424e7304d38b8afdc3a03b,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)){ + return true; + }else{ + return false; + } +} +" +611c3c3c5de2984638fe606db9dafc3fb8e1f684,"public boolean evenlySpaced(int a, int b, int c) +{ + int aToB = (a - b); + int bToC = (b - c); + int aToC = (a - c); + + return (ab == bc && ac == ab + bc) || (ab == ac && bc == ab + ac) || (bc == ac && ab == ac + bc); +} +" +ecc3cecd57ca62c81c2aeb1b6b149b13ac4804b7,"public boolean evenlySpaced(int a, int b, int c) +{ + int aToB = (a - b); + int bToC = (b - c); + int aToC = (a - c); + + return (aToB == bTOc && aToC == aToB + bToC) || (aToB == aToC && bToC == aToB + aToC) || (bToC == aToC && aToB == aToC + bToC); +} +" +872bde087c9d73512853de405235626122982e37,"public boolean evenlySpaced(int a, int b, int c) +{ + int aToB = (a - b); + int bToC = (b - c); + int aToC = (a - c); + + return (aToB == bToC && aToC == aToB + bToC) || (aToB == aToC && bToC == aToB + aToC) || (bToC == aToC && aToB == aToC + bToC); +} +" +db11f419b5bcb85e301e08b51e397c8e42c43afa,"public boolean evenlySpaced(int a, int b, int c) +{ +int ab = Math.abs(a - b); +int bc = Math.abs(b - c); +int ac = Math.abs(a - c); +return (ab == bc && ac == ab + bc) || (ab == ac && bc == ab + ac) || (bc == ac && ab == ac + bc); +} +" +0dfa6c45d21f3876c22d8b524e1a6047d80fe43d,"public boolean evenlySpaced(int a, int b, int c) +{ +int aTob = Math.abs(a - b); +int bToc = Math.abs(b - c); +int aToc = Math.abs(a - c); +return (aTob == bToc && aToc == aTob + bToc) || (aTob == aToc && bToc == aTob + aToc) || (bToc == aToc && aTob == aToc + bToc); +} +" +a029efcd28e5a0cff28e685fd10be943bed46db7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } +} +" +de815a38a8f382e26295710d4eac8173d327eb11,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a >b ) { + temp =a; + a = b; + b = temp; + } + if (b > c) { + temp = b; + b = c; + c = temp; + } + return b - a == c - b; +} +" +ac3ecd55e54ff0000643f51a73a8149f60809c79,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a >b ) { + temp =a; + a = b; + b = temp; + } + if (b > c) { + temp = b; + b = c; + c = temp; + } + if (a > b) { + temp =a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +47a5c4ee6d8be6869494176c2adc21d9ccac07e6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b) && (a == c)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else if ((Math.abs(a - b) == Math.abs(b - c)) + { + return true; + } + else if Math.abs(a - c) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +be63897e8d9a44fedc7f2030b507629e16287a05,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b) && (a == c)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(b - c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +ef68e4464e09eb2bab424c35d7b43582ed37ad6b,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a == b) && (a == c)) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + else if (Math.abs(a - b) == Math.abs(a - c)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(b - c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +e00c4f026316d504bf388a92da6ad74414def063,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if (b > a) + { + num = a; + a = b; + b = num; + } + if (b < c) + { + num = b; + b = c; + c = num; + } + if (b > a) + { + num = b; + a = b; + b = num; + } + return (b - a == c - b); +} +" +cef5b1be7fca9c558b4f88803b58a3b463cf4c0d,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if (b > a) + { + num = a; + a = b; + b = num; + } + if (b < c) + { + num = b; + b = c; + c = num; + } + if (b > a) + { + num = b; + a = b; + b = num; + } + return (a - b == b - c); +} +" +ae829147182af66db2494c12f942dc8e0fa54dd7,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if (b > a) + { + num = a; + a = b; + b = num; + } + if (c > b) + { + num = b; + b = c; + c = num; + } + if (b > a) + { + num = b; + a = b; + b = num; + } + return (a - b == b - c); +} +" +f4efdb6ad18bbbf068e3b166479c6159e74dbc8c,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a == b && b ==c) + return ((Math.abs(a - b) == Math.abs(b - c) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); + +} +" +88bac22495e910afc7b8952d61afc0106f2c23ce,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a == b && b ==c); + return ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); + +} +" +0501c4b02a14a8fc51f110ee213f18078fdf6105,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a == b && b ==c); + if ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))) + { + return true; + } + +} +" +46f996080a88517552e1b068e043b9b0c0c002a5,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a == b && b ==c); + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || (Math.abs(c-a) == Math.abs(b-c))) + { + return true; + } + +} +" +a5ef4e9ae777060ed56015c4182bbe5b63e80d69,"public boolean evenlySpaced(int a, int b, int c) +{ + return (a == b && b ==c); + return ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || (Math.abs(c-a) == Math.abs(b-c))); +} +" +6a52d73c8ac908058b576e7e60245ec12ea3aba7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || (Math.abs(c-a) == Math.abs(b-c))) + { + return true; + } + return (a == b && b ==c); +} +" +0313056c73f6897a784b40b49d252418f5a83dbc,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || (Math.abs(c-a) == Math.abs(b-c))) + { + return true; + } + if else (a == b || a == c || b == c) + { + return false; + } + return (a == b && b ==c); + +} +" +6838f3a0ca0a4ce80030a9271bafd074a9cf9877,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || (Math.abs(c-a) == Math.abs(b-c))) + { + return true; + } + else if (a == b || a == c || b == c) + { + return false; + } + return (a == b && b ==c); + +} +" +294758e63c323a82044732e0699a3bbd986cc2d9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || (Math.abs(c-a) == Math.abs(b-c))) + { + return true; + } + if (a == b && b ==c) + { + return true; + } + else + { + return false; + } +} + +" +0514572f74c4e94ff5a7e3a76b8d56177c025ee6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } +} + +" +ba36e912a83c8baf50ca0214526072af56e98f76,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c))) + { + return true; + } + else + return false; + +} + +" +728518e25d3aa8b2a8b375a2adbb580630ea0a34,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} + +" +71c9333cf5205d5e42378ca0a8e2ef1ddb3df0c8,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + if(c < b) + { + temp = c; + c = b; + b = temp; + } + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + return a - b == b - c; + +} + +" +8893029ea395e89e13223e0429932e37d0ca2c38,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(c < b) + { + temp = c; + c = b; + b = temp; + } + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + return a - b == b - c; + +} + +" +03e087622840a3ac6091cfa7c82e5bc9e96c3ff0,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(c < b) + { + temp = c; + c = b; + b = temp; + } + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + return a - b == b - c; + +} + +" +43c5917229fa276c918fa415fa6ee70ab32518e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + if(c < b) + { + temp = c; + c = b; + b = temp; + } + + if(b < a) + { + temp = b; + b = a; + a = temp; + } + + return a - b == b - c; + +} + +" +a02360a8cd6e7cdaa386e994ee1ed0348b652fc7,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (b < a) //when b lss than a + { + temp = b; + b = a; + a = temp; + } + + if (c < b) //when c less than b + { + temp = c; + c = b; + b = temp; + } + + if (b < a) //when b less than a + { + temp = b; + b = a; + a = temp; + } + + return a - b == b - c; //difference between a and b is equal to the difference b and c + +} + +" +30817942476c24a674a6128f871b73ad3d94fb05,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(b-c)) + { + return true; + } + return false; +} +" +290062214b5a90335ab8584a01a07fae8ce6cfdd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + { + return true; + } + return false; +} +" +def2c13dc81dd01093178e2a320af778c97ae33e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b)==Math.abs(b-c)||Math.abs(a-c)==Math.abs(a-b)||Math.abs(c-a)==Math.abs(c-b)) + { + return true; + } + return false; +} +" +c9447f44e6a074a054d93634a5977f055f42cded,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b || b==c || c==a) + { + return false; + } + else if (Math.abs(a-b)==Math.abs(b-c)||Math.abs(a-c)==Math.abs(a-b)||Math.abs(c-a)==Math.abs(c-b)) + { + return true; + } + return false; +} +" +2044c1eb4a707171c55614ff561dac914a0e3f3d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c) + { + return true; + } + else if (a==b || b==c || c==a) + { + return false; + } + else if (Math.abs(a-b)==Math.abs(b-c)||Math.abs(a-c)==Math.abs(a-b)||Math.abs(c-a)==Math.abs(c-b)) + { + return true; + } + return false; +} +" +642f39c79be0195fffd0252ccd4f043d76eb8be9,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); + +} +" +287d14aeda9b2a35e017e52dc43b955d6e70daa3,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a-b = b-c && a-c = 2*(a-b)) + { + return true + } + +} +" +fcf838c4448482221f70565357164f6faa664aca,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a-b = b-c && a-c = 2*(a-b)) + { + return true; + } + +} +" +60c908866330c254b14845077c284bc46b4107be,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a-b = b-c) + { + return true; + } + +} +" +25f764d30761db03252012b4caf1e4796f5231e6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b==b-a) + { + return true; + } + +} +" +ca6f6455a3303fcf036270c693626609221e1242,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b==b-a) + { + return true; + } + return value; +} +" +3d12f577fd4b4d479205f9158684dd92292c1060,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b==b-c) + { + return true; + } + + return value; +} +" +2771c8e89594f9c563f8ab73512b793205e07541,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c) + { + value = true; + } + else + { + value = false + } + + return value; +} +" +544dc7f6adc496b954b8ea08e1de50d7474b042f,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c) + { + value = true; + } + else + { + value = false; + } + + return value; +} +" +0da7a4bd8104b76c7385a9bf507c147c6a59f84e,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c && c-b == b-a) + { + value = true; + } + else + { + value = false; + } + + return value; +} +" +f4b7643301dd3337744a8204b1ecd7cfc1d15f40,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c && c-b == b-a && b-c == b-a) + { + value = true; + } + else + { + value = false; + } + + return value; +} +" +60e6b0c1ac95670e6a7cba111d5f300739de1d12,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c && c-b == b-a) + { + value = true; + } + else + { + value = false; + } + + return value; +} +" +5f61e0660af18c53a5ff1cb2514629b958a9bb03,"public boolean evenlySpaced(int a, int b, int c) +{ + //feild declaration + int small; + int medium; + int large; + //feild intialization of large + if (a > b && a > c) + { + large = a; + } + else if (b > a && b > c) + { + large = b; + } + else + { + large = c; + } + //feild intialization of small + if (a < b && a < c) + { + small = a; + } + else if (b < a && b < c) + { + small = b; + } + else + { + small = c; + } + //feild initialization of medium + if ((large = b || large = c) && (small = b || small = c)) + { + medium = a; + } + else if ((large = a || large = c) && (small = a || small = c)) + { + medium b; + } + else + { + medium = c; + } + // method + if ((medium - small) == (large - medium)) + { + return true; + } + else + { + return false; + } +} +" +dd85df52bf3f5cb1957544f78b5f4669d008f087,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +8643e2874b7d12ba2f57e838fb4aba41a783ece0,"public boolean evenlySpaced(int a, int b, int c) +{ + //feild declaration + int small; + int medium; + int large; + //feild intialization of large + if (a > b && a > c) + { + large = a; + } + else if (b > a && b > c) + { + large = b; + } + else + { + large = c; + } + //feild intialization of small + if (a < b && a < c) + { + small = a; + } + else if (b < a && b < c) + { + small = b; + } + else + { + small = c; + } + //feild initialization of medium + if ((large == b || large == c) && (small == b || small == c)) + { + medium = a; + } + else if ((large == a || large == c) && (small == a || small == c)) + { + medium b; + } + else + { + medium = c; + } + // method + if ((medium - small) == (large - medium)) + { + return true; + } + else + { + return false; + } +} +" +47953789f046b4d28fde1e98a12ebcc6a9a0526a,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a-b) == (b-c)) + { + return true; + } + return false; +} +" +88a6f2838761abaeacc6fe2fbf4cfb182521517c,"public boolean evenlySpaced(int a, int b, int c) +{ + //feild declaration + int small; + int medium; + int large; + //feild intialization of large + if (a > b && a > c) + { + large = a; + } + else if (b > a && b > c) + { + large = b; + } + else + { + large = c; + } + //feild intialization of small + if (a < b && a < c) + { + small = a; + } + else if (b < a && b < c) + { + small = b; + } + else + { + small = c; + } + //feild initialization of medium + if ((large == b || large == c) && (small == b || small == c)) + { + medium = a; + } + else if ((large == a || large == c) && (small == a || small == c)) + { + medium b; + } + else + { + medium = c; + } + // method + if ((medium - small) == (large - medium)) + { + return true; + } + else + { + return false; + } +} +" +a35918de9cfc27cec7a8765508bdac689f6e6a57,"public boolean evenlySpaced(int a, int b, int c) +{ + //feild declaration + int small; + int medium; + int large; + //feild intialization of large + if (a > b && a > c) + { + large = a; + } + else if (b > a && b > c) + { + large = b; + } + else + { + large = c; + } + //feild intialization of small + if (a < b && a < c) + { + small = a; + } + else if (b < a && b < c) + { + small = b; + } + else + { + small = c; + } + //feild initialization of medium + if ((large == b || large == c) && (small == b || small == c)) + { + medium = a; + } + else if ((large == a || large == c) && (small == a || small == c)) + { + medium = b; + } + else + { + medium = c; + } + // method + if ((medium - small) == (large - medium)) + { + return true; + } + else + { + return false; + } +} +" +441d5fe707bbac4e300bcc78d71e736a9cd58c90,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((a-b) == (b-c)) || ((b-a) == (a-c)) ) + { + return true; + } + return false; +} +" +aaaf1ed11cb7c1a6e08d0ef32d8cbb64f9847039,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((a-b) == (b-c)) || ((b-a) == (a-c)) || (c-b) == (a-c)) + { + return true; + } + return false; +} +" +a1861fcad1e8559d978bed7130c443ffd69c23e9,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((a-b) == (b-c)) || ((b-a) == (a-c)) || (c-b) == (a-c))) + { + return true; + } + return false; +} +" +c3327e0887f4f53a17d1d6f8f721ad1a358a1ace,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((a-b) == (b-c)) || ((b-a) == (a-c)) || (c-b) == (a-c)) + { + return true; + } + return false; +} +" +a4912ae5bffb5c5c6d6a5e6ebb3a771c3ea37172,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b) + { + temp = a; + a = b; + b = temp; + } + else if (b > c) + { + temp = b; + b = c; + c = temp; + } + else if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +bbeb321cbe833c04e214293479a1555c1c8a20be,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp = 0; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + else if (b > c) + { + temp = b; + b = c; + c = temp; + } + else if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +19a351e6cbb4327f932068541d1927273db7f3f1,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp = 0; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +2c302526988387bb74f37fa40c25ea7092af8892,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + else + { + return b - a == c - + } +} +" +f15d0785b301b5acea893e2846b8840f045b5883,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - + +} +" +af2512372d2a4a85329e0f3a424a9ecf1db40837,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b + +} +" +6c57b40d93bb3f33a607165332c84bb98a3b2e94,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b-a== c-b; + +} +" +4b62009b896e0fd2c074f1436b1973278c14af91,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(b - c) || abs(c - a) == abs(a - b) || abs(b - c) == abs(c-a)) + return true; + return false; +} +" +e129fa3f992c9811359ff63aba2d7194f4e5bb8a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c) || Math.abs(c - a) == Math.abs(a - b) || Math.abs(b - c) == Math.abs(c-a)) + return true; + return false; +} +" +ad30ec625550ca0a7754b957fde162af37651327,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a != b && b != c && c != a) + { + if (Math.abs(a - b) == Math.abs(b - c) || Math.abs(c - a) == Math.abs(a - b) || Math.abs(b - c) == Math.abs(c-a)) + return true; + return false; + } + else + { + return false; + } +} +" +4cfe4024be0e0aa94aa96fb09221ae3f3f8beca8,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a != b && b != c && c != a) + { + if ( a == b && b == c) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(b - c) || Math.abs(c - a) == Math.abs(a - b) || Math.abs(b - c) == Math.abs(c-a)) + return true; + return false; + } + else + { + return false; + } +} +" +34187002b7854e34709731ed19431a21100bbaa3,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a != b && b != c && c != a) + { + else if (Math.abs(a - b) == Math.abs(b - c) || Math.abs(c - a) == Math.abs(a - b) || Math.abs(b - c) == Math.abs(c-a)) + return true; + return false; + } + else if ( a == b && b == c) + { + return true; + } + else + { + return false; + } +} +" +2457563bbfd7d2c7fdc684bf27123c706296bd6d,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a != b && b != c && c != a) + { + if (Math.abs(a - b) == Math.abs(b - c) || Math.abs(c - a) == Math.abs(a - b) || Math.abs(b - c) == Math.abs(c-a)) + return true; + return false; + } + else if ( a == b && b == c) + { + return true; + } + else + { + return false; + } +} +" +2a8a6991003c475a22c619ac8ccab7154a54af5d,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + if( b - a == c - b) + return true; + if( c- a = b - c) + return true; +} +" +2dfc125f31cf9a3dac331748f5bc903aa3592346,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + if( b - a == c - b) + return true; + if( c- a = b - c) + return true; +} +" +a61fabff6eb1f188a168fb4c2626e649c8187663,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + if( b - a == c - b) + return true; + if( c- a = b - c) + return true; +} +" +12208025b933ea5895894fecdfbd19aeb2f8f7a9,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + if( b - a == c - b) + return true; + if( c- a = b - c) + return true; +} +" +ada02f7290e0843728c26e8358cf456c0d850350,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + if( b - a == c - b) + return true; + if(c - a = b - c) + return true; +} +" +a3bfecb8d2a37fa41d6ed9820afeb65c7462fa8e,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + else if( b - a == c - b) + return true; + else if(c - a = b - c) + return true; +} +" +dec0710b741285c4a92c90a3b82bd9551dd9c743,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + else if( b - a == c - b) + return true; + else if(c - a == b - c) + return true; +} +" +a55ac9d45ae670fe377ea88a661f71cb9fe50df6,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + else if( b - a == c - b) + return true; + else if(c - a == b - c) + return true; + return true; +} +" +25e7167fd9b821bbb262e08b918948385587111a,"public boolean evenlySpaced(int a, int b, int c) +{ + if( a - b == c - a) + return true; + else if( b - a == c - b) + return true; + else if(c - a == b - c) + return true; + return false; +} +" +42cb71e8a67e3fa7f7a346691945b63a3a58c5da,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = Math.max (a, Math.max(b, c)); + int small = Math.min (a, Math.min(b, c)); + int medium = a + b + c - large - small; + + return (large - medium) == (medium - small); + +} +" +c32e8df18759f85c9ca9cc1ff3051aa396bf5a33,"public boolean evenlySpaced(int a, int b, int c) +{ + int[3] arrInOrder; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + + int small; + int med, big; + /** + if ((a > b) && (a > c)) // if a is the biggest + { + if (b > c) + { + big = a; + med = b; + small = c; + } + else + { + + } + + } + */ +} +" +fcf63b0b800c8182107ed6de4106f4688d845e0d,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + + int small; + int med, big; + /** + if ((a > b) && (a > c)) // if a is the biggest + { + if (b > c) + { + big = a; + med = b; + small = c; + } + else + { + + } + + } + */ +} +" +37e9c97de949c3607e5622a34ca321f1994d1912,"public boolean evenlySpaced(int a, int b, int c) +{ + /**int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + Arrays.sort(arrInOrder, 0, 3); */ + int small; + int med, big; + if ((a > b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if ((b > a) && b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if ((c > a) && c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + else + return false; + if (big - med == med - small) + return true; + else + return false; +} +" +98a128f3b7c8663e884b300e4c5d1cbc03993d20,"public boolean evenlySpaced(int a, int b, int c) +{ + /**int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + Arrays.sort(arrInOrder, 0, 3); */ + int small; + int med, big; + if ((a > b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + if ((b > a) && (b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + if ((c > a) && (c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + else + return false; + if (big - med == med - small) + { + return true; + } + else + return false; +} +" +3748ff353f10d42f5f12e161f0d6fad5ee4b7aad,"public boolean evenlySpaced(int a, int b, int c) +{ + /**int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + Arrays.sort(arrInOrder, 0, 3); */ + int small; + int med, big; + if ((a > b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + else if ((b > a) && (b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + else if ((c > a) && (c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + else + { + return true; + } + if (big - med == med - small) + { + return true; + } + else + return false; +} +" +04577dbb0eb1b572b996357ca727e2c69fbb2260,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +64c64b90c4bcb2556482bc4d7ff90ff658d9e6a8,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal; + if (a > b) + goal = a; + a = b; + b = goal; + if (b > c) + goal = b; + b = c; + c = goal; + if (a > b) + goal = a; + a = b; + b = goal; + return b - a == c - b; + +} +" +0c4fe0d088837c4889ddb8b6a2683c537496eb6c,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal - 1; + if (a > b) + goal = a; + a = b; + b = goal; + if (b > c) + goal = b; + b = c; + c = goal; + if (a > b) + goal = a; + a = b; + b = goal; + return b - a == c - b; + +} +" +39c53edfdad343592cd3ecf13970df9bfa85131e,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal = 1; + if (a > b) + goal = a; + a = b; + b = goal; + if (b > c) + goal = b; + b = c; + c = goal; + if (a > b) + goal = a; + a = b; + b = goal; + return b - a == c - b; + +} +" +024025df2a0b50b4c1602a0376653f93fdc9659d,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal = 1; + if (a > b) + goal = a; + a = b; + b = goal; + if (b > c) + goal = b; + b = c; + c = goal; + if (a > b) + goal = a; + a = b; + b = goal; + if (b - a == c - b) + return true; + else + return false; + +} +" +e3b6863da5125a4343dfed16cb78aaeb63a8fa22,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal; + if (a > b) + temp = a; + a = b; + b = goal; + + + if (b > c) + temp = b; + b = c; + c = goal; + + + if (a > b) + temp = a; + a = b; + b = goal; + + + return b - a == c - b; +} +" +0e813007f989c1441941e29c05be8718d0cef859,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal; + if (a > b) + goal = a; + a = b; + b = goal; + + + if (b > c) + goal = b; + b = c; + c = goal; + + + if (a > b) + goal = a; + a = b; + b = goal; + + + return b - a == c - b; +} +" +cbc4bb5d3bc5f2e9009b79abb3b9a12a34f8f469,"public boolean evenlySpaced(int a, int b, int c) +{ + int goal; + if (a > b) { + goal = a; + a = b; + b = goal; + } + + if (b > c) { + goal = b; + b = c; + c = goal; + } + + if (a > b) { + goal = a; + a = b; + b = goal; + } + + return b - a == c - b; +} +" +8edbf3b94f85833d92cc33f83e61a524294442d7,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a - b == b - c) + { + return true; + } + + else + { + return false; + } +} +" +a37bdfa94076b0a2f8faf7db967a17041f4f33d8,"public boolean evenlySpaced(int a, int b, int c) +{ + diff1 = abs(a-b); + diff2 = abs(b-c); + + if (diff1 == diff2) + { + return true + } + else + { + return false + } +} +" +7abb9bae1e10b293d170d3e1b655aac7ef439c20,"public boolean evenlySpaced(int a, int b, int c) +{ + int tem; + if (b > a) + { + tem = a; + a = b; + b = tem; + } + if (c > b) + { + tem = b; + b = c; + c = tem; + } + if (b > a) + { + tem = a; + a = b; + b = tem; + } + return (a - b == b - c); +} +" +9514f7fcd2a2fc05760c1fc2050b2f6df70d61d3,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + temp = b; +} + if (c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > c) + { + temp = a; + a = b; + b = temp; + } + return ( a - b == b - c);" +881f804655af7d8fbe3940adbd293beb3a1da010,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + temp = b; +} + if (c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > c) + { + temp = a; + a = b; + b = temp; + } + return ( a - b == b - c); +}" +6b9d142ebba5d19aa61942cab9360a6bf6fd6682,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + temp = b; +} + if (c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > a) + { + temp = a; + a = b; + b = temp; + } + return ( a - b == b - c); +}" +761157599c2e9406bc12400b0e4e6455c7405256,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; +} + if (c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > a) + { + temp = a; + a = b; + b = temp; + } + return ( a - b == b - c); +}" +853d1229c7dfd2b330e41f47fc64b2eef73b974b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b > c) + { + if (a - b == b - c) + { + return true; + } + } + else if (a > c > b) + { + if (a - c == c - b) + { + return true + } + } + else if (b > c > a) + { + if (b - c == c - a) + { + return true + } + } + else if (b > a > c) + { + if (b - a == a - c) + { + return true + } + } + else if (c > a > b) + { + if (c - a == a - b) + { + return true + } + } + else if (c > b > a) + { + if (c - b == b - a) + { + return true + } + } + else + { + return false; + } +} +" +d9220b378baadca0b08a2aef372f8207e2ab827f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b > c) + { + if (a - b == b - c) + { + return true; + } + } + else if (a > c > b) + { + if (a - c == c - b) + { + return true; + } + } + else if (b > c > a) + { + if (b - c == c - a) + { + return true; + } + } + else if (b > a > c) + { + if (b - a == a - c) + { + return true; + } + } + else if (c > a > b) + { + if (c - a == a - b) + { + return true; + } + } + else if (c > b > a) + { + if (c - b == b - a) + { + return true; + } + } + else + { + return false; + } +} +" +7f1913af43bf5c42a8f8a6264a68538599ee8af2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a >> b >> c) + { + if (a - b == b - c) + { + return true; + } + } + else if (a > c > b) + { + if (a - c == c - b) + { + return true; + } + } + else if (b > c > a) + { + if (b - c == c - a) + { + return true; + } + } + else if (b > a > c) + { + if (b - a == a - c) + { + return true; + } + } + else if (c > a > b) + { + if (c - a == a - b) + { + return true; + } + } + else if (c > b > a) + { + if (c - b == b - a) + { + return true; + } + } + else + { + return false; + } +} +" +f579b80f907f6948c863cfc97374278c420fc68d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + } + else if (a > c > b) + { + if (a - c == c - b) + { + return true; + } + } + else if (b > c > a) + { + if (b - c == c - a) + { + return true; + } + } + else if (b > a > c) + { + if (b - a == a - c) + { + return true; + } + } + else if (c > a > b) + { + if (c - a == a - b) + { + return true; + } + } + else if (c > b > a) + { + if (c - b == b - a) + { + return true; + } + } + else + { + return false; + } +} +" +b6317cdcb52b1c605b9555760224408ba9c790a7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + } + else if (a > c && c > b) + { + if (a - c == c - b) + { + return true; + } + } + else if (b > c && c > a) + { + if (b - c == c - a) + { + return true; + } + } + else if (b > a && a > c) + { + if (b - a == a - c) + { + return true; + } + } + else if (c > a && a > b) + { + if (c - a == a - b) + { + return true; + } + } + else if (c > b && b > a) + { + if (c - b == b - a) + { + return true; + } + } + else + { + return false; + } +} +" +dd8fa9df5f72000929a5841beff530e41c556b50,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean bool; + if (abs(b - a) == abs(b - c)) { + bool = true; + } + else { + bool = false; + } +} +" +115ff1896e4a49421111eac305a753fe13226786,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean bool; + if ((b - a) == (c - b)) { + bool = true; + } + else { + bool = false; + } +} +" +cf85648932fb1020abf1ed0f25cd6e31924dba1a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + } + else if (a > c && c > b) + { + if (a - c == c - b) + { + return true; + } + } + else if (b > c && c > a) + { + if (b - c == c - a) + { + return true; + } + } + else if (b > a && a > c) + { + if (b - a == a - c) + { + return true; + } + } + else if (c > a && a > b) + { + if (c - a == a - b) + { + return true; + } + } + else if (c > b && b > a) + { + if (c - b == b - a) + { + return true; + } + } + else + { + return true; + } +} +" +b6f142466bd08a2963bdcd3fa793f12deb5f4ba4,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean bool; + if ((b - a) == (c - b)) { + bool = true; + } + else { + bool = false; + } + return bool; +} +" +4b760e10b27f5f2bfae92344ffa57e24eb4db099,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + return false; + } + else if (a > c && c > b) + { + if (a - c == c - b) + { + return true; + } + return false; + } + else if (b > c && c > a) + { + if (b - c == c - a) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + if (b - a == a - c) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + if (c - a == a - b) + { + return true; + } + return false; + } + else if (c > b && b > a) + { + if (c - b == b - a) + { + return true; + } + return false; + } + else + { + return true; + } +} +" +b7ade29b1473d2a17777b423e708fb69076b366e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + return false; + } + else if (a > c && c > b) + { + if (a - c == c - b) + { + return true; + } + return false; + } + else if (b > c && c > a) + { + if (b - c == c - a) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + if (b - a == a - c) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + if (c - a == a - b) + { + return true; + } + return false; + } + else if (c > b && b > a) + { + if (c - b == b - a) + { + return true; + } + return false; + } + else + { + return false; + } +} +" +395f5443bb2aaaff918b3b3b3374c5ebd8b3ba09,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + else if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + return false; + } + else if (a > c && c > b) + { + if (a - c == c - b) + { + return true; + } + return false; + } + else if (b > c && c > a) + { + if (b - c == c - a) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + if (b - a == a - c) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + if (c - a == a - b) + { + return true; + } + return false; + } + else if (c > b && b > a) + { + if (c - b == b - a) + { + return true; + } + return false; + } + else + { + return false; + } +} +" +d01f2ce77c325cfb7b12794362c038f0232b6799,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean bool; + if ((b - a) == (c - b)) { + bool = true; + } + else if ((b - a) == (a - c)) { + bool = true; + } + else if ((c - b) == (b - c)) { + bool = true; + } + else { + bool = false; + } + return bool; +} +" +8b24eb2986590e4173579ef642358be6eae08139,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean bool; + if ((b - a) == (c - b)) { + bool = true; + } + else if ((b - a) == (a - c)) { + bool = true; + } + else if ((c - b) == (a - c)) { + bool = true; + } + else { + bool = false; + } + return bool; +} +" +b91d7c07e206ec914c5d2992e90e0173b5dbbc1b,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +58ee6f8b5be70131ffb36a471edc86f092d6413b,"public boolean evenlySpaced(int a, int b, int c) +{ + +} +" +4a1257e58149408c6ea6bebd59867ffadd2e7d77,"public boolean evenlySpaced(int a, int b, int c) +{ + return true; +} +" +b8b1ad2d601e2c204664552837b0a46b079802f9,"public boolean evenlySpaced(int a, int b, int c) +{ + for(int i; i <= 13; i++) + { + if(i%2 == 0) + {return true;} + else + {return false;} + } +} +" +717a3491e37f2bbc7ab30ace16d3d59f28ea0888,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>b && b>a && c-b == b-a) + return true; + else if (c>b && a>b && c-b == a-b) + return true; + else if (b>c && c>a && b-c == c-a) + return true; + else if (b>c && a>c && b-c == a-c) + return true; + else + return false; +} +" +65df816311d64e1fdaf6fc7eb516dba427dde74f,"public boolean evenlySpaced(int a, int b, int c) +{ + for(int i; i <= 13; i++) + { + if(i%2 == 0) + {return true;} + else + {return false;} + } +return false; +} +" +a2003e819db89efa8480bd63d7f06efe22dabe78,"public boolean evenlySpaced(int a, int b, int c) +{ + for(int i=1; i <= 13; i++) + { + if(i%2 == 0) + {return true;} + else + {return false;} + } +return false; +} +" +2408a9a5331469418e2b783957bcc5cd3bbe76c7,"public boolean evenlySpaced(int a, int b, int c) +{ + for(int i=1; i <= 13; i++) + { + if(i%2 == 0) + {return true;} + else + {return false;} + } +return false; +} +" +bf551496d231540578f7e61d02a65027d2976001,"public boolean evenlySpaced(int a, int b, int c) +{ + for(int i=1; i <= 13; i++) + { + if(i%2 == 0) + {return true;} + else + {return false;} + } +return false; +} +" +9f0e6eb32e68345c92b291307dac895e9759e0c3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>b && b>a && c-b == b-a) + return true; + else if (c>b && a>b && c-b == a-b) + return true; + else if (b>c && c>a && b-c == c-a) + return true; + else if (b>c && a>c && b-c == a-c) + return true; + else if (a>b && b>c && b-c == a-b) + return true; + else if (a>b && b>c && c-b == a-b) + return true; + else if (b>a && c>a && b-a == c-a) + return true; + else if (b>a && a>c && b-a == a-c) + return true; + else + return false; +} +" +3c59360bf7443ddf2517f11cac8ace8bea2084ef,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>=b && b>=a && c-b == b-a) + return true; + else if (c>=b && a>=b && c-b == a-b) + return true; + else if (b>=c && c>=a && b-c == c-a) + return true; + else if (b>=c && a>=c && b-c == a-c) + return true; + else if (a>=b && b>=c && b-c == a-b) + return true; + else if (a>=b && c>=b && c-b == a-b) + return true; + else if (b>=a && c>=a && b-a == c-a) + return true; + else if (b>=a && a>=c && b-a == a-c) + return true; + else if (a>=c && b>=c && a-c == b-c) + return true; + else if (a>=c && c>=b && a-c == c-b) + return true; + else if (c>=a && b>=a && c-a == b-a) + return true; + else if (c>=a && a>=b && c-a == a-b) + return true; + else + return false; +} +" +8e334c64808f9b85367c50f7d3f5f4d915a84a28,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>=b && b>=a && c-b == b-a) + return true; + else if (c>=b && a>=b && c-b == a-b) + return true; + else if (b>=c && c>=a && b-c == c-a) + return true; + else if (b>=c && a>=c && b-c == a-c) + return true; + else if (a>=b && b>=c && a-b == b-c) + return true; + else if (a>=b && c>=b && a-b == c-b) + return true; + else if (b>=a && c>=a && b-a == c-a) + return true; + else if (b>=a && a>=c && b-a == a-c) + return true; + else if (a>=c && b>=c && a-c == b-c) + return true; + else if (a>=c && c>=b && a-c == c-b) + return true; + else if (c>=a && b>=a && c-a == b-a) + return true; + else if (c>=a && a>=b && c-a == a-b) + return true; + else + return false; +} +" +8463caff90827aa1fd582c7f1fac353af053c05b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>=b && b>=a && c-b == b-a) + return true; + else if (c>=b && a>=b && c-b == a-b) + return true; + else if (b>=c && c>=a && b-c == c-a) + return true; + else if (b>=c && a>=c && b-c == a-c) + return true; + else if (a>=b && b>=c && a-b == b-c) + return true; + else if (a>=b && c>=b && a-b == c-b) + return true; + //else if (b>=a && c>=a && b-a == c-a) + //return true; + else if (b>=a && a>=c && b-a == a-c) + return true; + else if (a>=c && b>=c && a-c == b-c) + return true; + else if (a>=c && c>=b && a-c == c-b) + return true; + else if (c>=a && b>=a && c-a == b-a) + return true; + else if (c>=a && a>=b && c-a == a-b) + return true; + else + return false; +} +" +d256fd00ce6072aeb8c81cdc50ff06937fe96a82,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>=b && b>=a && c-b == b-a) + return true; + else if (c>=b && a>=b && c-b == a-b) + return true; + else if (b>=c && c>=a && b-c == c-a) + return true; + else if (b>=c && a>=c && b-c == a-c) + return true; + else if (a>=b && b>=c && a-b == b-c) + return true; + else if (a>=b && c>=b && a-b == c-b) + return true; + //else if (b>=a && c>=a && b-a == c-a) + //return true; + else if (b>=a && a>=c && b-a == a-c) + return true; + else if (a>=c && b>=c && a-c == b-c) + return true; + else if (a>=c && c>=b && a-c == c-b) + return true; + //else if (c>=a && b>=a && c-a == b-a) + //return true; + else if (c>=a && a>=b && c-a == a-b) + return true; + else + return false; +} +" +3c86e7f4039a5d210aeecec2e45e4a20845fe70b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>=b && b>=a && c-b == b-a) + return true; + else if (c>=b && a>=b && c-b == a-b) + return true; + else if (b>=c && c>=a && b-c == c-a) + return true; + else if (b>=c && a>=c && b-c == a-c) + return true; + else if (a>=b && b>=c && a-b == b-c) + return true; + else if (a>=b && c>=b && a-b == c-b) + return true; + else if (b>=a && a>=c && b-a == a-c) + return true; + else if (a>=c && b>=c && a-c == b-c) + return true; + else if (a>=c && c>=b && a-c == c-b) + return true; + else if (c>=a && a>=b && c-a == a-b) + return true; + else + return false; +} +" +e4cadf214197301e28c7b8bf35f7db974b1fe10c,"public boolean evenlySpaced(int a, int b, int c) +{ +int testba; int testcb; + + if (a>b) + {testba = a-b;} + else + {testba = b-a;} + + if(b>c) + {testcb = b-c;} + else + {testcb = cb;} + + if(testba == testcb) + {return true;} + else + {return false;} + return false; +} +" +5c7376a608f5a00cadf8e9b208fa8284ba0fbb06,"public boolean evenlySpaced(int a, int b, int c) +{ +int testba; int testcb; + + if (a>b) + {testba = a-b;} + else + {testba = b-a;} + + if(b>c) + {testcb = b-c;} + else + {testcb = c-b;} + + if(testba == testcb) + {return true;} + else + {return false;} + return false; +} +" +63f52c6ca9e2314d4779bf1cac918322d51f5832,"public boolean evenlySpaced(int a, int b, int c) +{ +int testba; int testcb; + + if (a>b) + {testba = a-b;} + else + {testba = b-a;} + + if(b>c) + {testcb = b-c;} + else + {testcb = c-b;} + + if(testba == testcb) + {return true;} + else + {return false;} + +} +" +ab8f04879ba2c22a6cd4848e51259700f5633038,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + lowMid = b - a; + midHigh = c - b; + } + else if (c > b && b > a) + { + lowMid = b - c; + midHigh = a - b; + } + else if (b > a && a > c) + { + lowMid = a - b; + midHigh = c - a; + } + else if (c > a && a > b) + { + lowMid = a - c; + midHigh = b - a; + } + else if (a > c && c > b) + { + lowMid = c - a; + midHigh = b - c; + } + else + { + lowMid = c - b; + midHigh = a - c; + } + + if (lowMid == midHigh) + { + return true; + } + else + { + return false; + } +}" +b22976e5efde208fce193d5d46e664ea32cc811a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int lowMid = b - a; + int midHigh = c - b; + } + else if (c > b && b > a) + { + int lowMid = b - c; + int midHigh = a - b; + } + else if (b > a && a > c) + { + int lowMid = a - b; + int midHigh = c - a; + } + else if (c > a && a > b) + { + int lowMid = a - c; + int midHigh = b - a; + } + else if (a > c && c > b) + { + int lowMid = c - a; + int midHigh = b - c; + } + else + { + int lowMid = c - b; + int midHigh = a - c; + } + + if (lowMid == midHigh) + { + return true; + } + else + { + return false; + } +}" +36ec142e74ccf2fc61aa91a3e10ea701205d40d5,"public boolean evenlySpaced(int a, int b, int c) +{ + int lowMid = 0; + int midHigh = 0; + + if (a > b && b > c) + { + lowMid = b - a; + midHigh = c - b; + } + else if (c > b && b > a) + { + lowMid = b - c; + midHigh = a - b; + } + else if (b > a && a > c) + { + lowMid = a - b; + midHigh = c - a; + } + else if (c > a && a > b) + { + lowMid = a - c; + midHigh = b - a; + } + else if (a > c && c > b) + { + lowMid = c - a; + midHigh = b - c; + } + else + { + lowMid = c - b; + midHigh = a - c; + } + + if (lowMid == midHigh) + { + return true; + } + else + { + return false; + } +}" +16b99823721b154409dd95f4b64329ddb7151b8c,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a - b == b - c) || (b - a == b - c) || (c - a == c - b)) + { + return true; + } + + else + { + return false; + } +} +" +84b76c3f44f82ecd69f2691987f5579d7c7e4ffc,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a - b == b - c)) + { + return true; + } + + else + { + return false; + } +} +" +8fe0efbd246a12a55cc24872a63bd57e9a04ef4a,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +d6edec41e0f8551b2fc47b29fd85063c60f75b70,"public boolean evenlySpaced(int a, int b, int c) +{ + int x; + if (a > b) + { + x = a; + a = b; + b = x; + } + if (b > c) + { + x = b; + b = c; + c = x; + } + if (a > b) + { + x = a; + a = b; + b = x; + } + return b - a == c - b; +} +" +3ff70f77861d2256dbcd3aaaec987bb4855f67a8,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int smallest; + int mid; + + if(a > b) + { + if(b > c) + { + biggest = a; + mid = b; + smallest = c; + } + + else if(c > a) + { + biggest = c; + mid = a; + smallest = b; + } + + else + { + biggest = a; + mid = c; + smallest = b; + } + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + + return false; +} +" +d5a4fc669244d7df0d6e1091bf28b182a01ddb0b,"public boolean evenlySpaced(int a, int b, int c) +{ + new int biggest; + new int smallest; + new int mid; + + if(a > b) + { + if(b > c) + { + biggest = a; + mid = b; + smallest = c; + } + + else if(c > a) + { + biggest = c; + mid = a; + smallest = b; + } + + else + { + biggest = a; + mid = c; + smallest = b; + } + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + + return false; +} +" +7bf6d379844b432a347891ae43111ca54971578d,"public boolean evenlySpaced(int a, int b, int c) +{ + public int biggest; + public int smallest; + public int mid; + + if(a > b) + { + if(b > c) + { + biggest = a; + mid = b; + smallest = c; + } + + else if(c > a) + { + biggest = c; + mid = a; + smallest = b; + } + + else + { + biggest = a; + mid = c; + smallest = b; + } + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + + return false; +} +" +6ddc2a5c802e19da604952bcf49cc142632e5965,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int smallest; + int mid; + + if(a > b) + { + if(b > c) + { + biggest = a; + mid = b; + smallest = c; + } + + else if(c > a) + { + biggest = c; + mid = a; + smallest = b; + } + + else + { + biggest = a; + mid = c; + smallest = b; + } + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + + return false; +} +" +3fe599760ca873f21398e5aac3aadf1830ad9c0e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-c)==Math.abs(b-c)||Math.abs(a-b)==Math.abs(b-c)||Math.abs(a-b)==Math.abs(a-c)) + { + return true; + } + return false; +} +" +624737e0e443b6e2759393241c1372fb70cc04cc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-c)==Math.abs(b-c)) + { + if (Math.abs(a-b)!= Math.abs(a-c)) + { + return true; + } + } + return false; +} +" +9d246fa56a6615538bf112be336f9fb088b050be,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if(a==b && a==c) + return true; + + if(a==b || b==c|| a==c) + return false; + + diff1 = Math.abs(a-b); + diff2 = Math.abs(a-c); + diff3 = Math.abs(b-c); + + if(diff1 == diff2) + return true; + if(diff1 == diff3) + return true; + if(diff2 == diff3) + return true; + else + return false; +} +" +1f04ba2655e985171fef05f540c9518409ab72f6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-c)==Math.abs(b-c)) + { + if (Math.abs(a-b)!= Math.abs(a-c)) + { + return true; + } + } + if (Math.abs(b-c)==Math.abs(a-b)) + { + if (Math.abs(a-c)!= Math.abs(b-c)) + { + return true; + } + } + return false; +} +" +c4c90170815287ec028d55a98453f17b3c973253,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-c)==Math.abs(b-c)) + { + if (Math.abs(a-b)!= Math.abs(a-c)) + { + return true; + } + } + if (Math.abs(b-c)==Math.abs(a-b)) + { + if (Math.abs(a-c)!= Math.abs(b-c)) + { + return true; + } + } + return false; +} +" +9e7a9697b45bbd95ac2196744581f270152eb3e8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-c)==Math.abs(b-c)) + { + if (Math.abs(a-b)!= Math.abs(a-c)) + { + return true; + } + } + if (Math.abs(b-c)==Math.abs(a-b)) + { + if (Math.abs(a-c)!= Math.abs(b-c)) + { + return true; + } + } + if (Math.abs(b-a)==Math.abs(a-c)) + { + if (Math.abs(b-c)!= Math.abs(a-c)) + { + return true; + } + } + return false; +} +" +1ae2f56e421efcefabd9b1bf20e0d568ac5d0d5a,"public boolean evenlySpaced(int a, int b, int c) +{ + public boolean evenlySpaced(int a, int b, int c) { +if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + + +} +" +f97ed1ed48076aa5ec26e0af9fd846e607753c31,"public boolean evenlySpaced(int a, int b, int c) +{ +public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) + { + return true; + } + if(a==b || a==c || b==c) + { + return false; + } +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + + +} +" +dd4a0606a0ee7f4feac8ccfca7becb3dbfefcb3b,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) + { + return true; + } + if(a==b || a==c || b==c) + { + return false; + } +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + + +} +" +b51cb457be210b9d9f98cc541701c6f033ba318e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>b) + { + if (b>a) + { + return(b-a==c-b); + } + } + else if (b>c) + { + if (c>a) + { + return(c-a==b-c); + } + } + else if (a>b){ + if (b>c) + { + return (a-b==b-c); + } + } + else + { + return false; + } + +} +" +c4d07231623e8fd9cf4abe886b9b7e46ee753b00,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c>b) + { + if (b>a) + { + return(b-a==c-b); + } + } + else if (b>c) + { + if (c>a) + { + return(c-a==b-c); + } + } + else if (a>b){ + if (b>c) + { + return (a-b==b-c); + } + } + else + { + return false; + } + return false; + +} +" +d92114973c2208504573f9be0eddc082247b1054,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b&&b==c) + { + return true; + } + if(a==b&&b!=c||b==c&&a!=b) + { + return false; + } +} +" +47f7ff5d113bb37f138632f30d5ec15aa827ffcc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b&&b==c) + { + return true; + } + if(a==b&&b!=c||b==c&&a!=b) + { + return false; + } + return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); +} +" +7a2d6d682c8c4aecd1b477822bed7025e78f12fa,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + if (abs(a - b) != abs(b - c)) + { + x = false; + } + return x; +} +" +9edea490cc42c847d9c58f89d0bda3097ee02303,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + if (Math.abs(a - b) != Math.abs(b - c)) + { + x = false; + } + return x; +} +" +ff18b796efc55cf6d90f48935b793501b8be9f75,"public boolean evenlySpaced(int a, int b, int c) +{ + int yes; + if(b > a) + { + yes = a ; + a = b; + b = yes; + } + if(c > b) + { + yes = b; + b = c; + b = yes; + } + if (b > a) + { + yes = a; + a = b; + b = yes; + } + return(a - b == b - c); +} +" +12fb910f068b251a1bbc6a869dbe136ef3b6de63,"public boolean evenlySpaced(int a, int b, int c) +{ + int yes; + if(b > a) + { + yes = a ; + a = b; + b = yes; + } + if(c > b) + { + yes = b; + b = c; + b = yes; + } + if (b > a) + { + yes = a; + a = b; + b = yes; + } + return(a - b = b - c); +} +" +d563c957ff87efa06aad62a4356738aca41cbe53,"public boolean evenlySpaced(int a, int b, int c) +{ + int yes; + if(b > a) + { + yes = a ; + a = b; + b = yes; + } + if(c > b) + { + yes = b; + b = c; + b = yes; + } + if (b > a) + { + yes = a; + a = b; + b = yes; + } + return(a - b == b - c); +} +" +d93645f7800386440cbf447551c7852420449499,"public boolean evenlySpaced(int a, int b, int c) +{ + int yes; + if(b > a) + { + yes = a ; + a = b; + b = yes; + } + if(c > b) + { + yes = b; + b = c; + c = yes; + } + if (b > a) + { + yes = a; + a = b; + b = yes; + } + return(a - b == b - c); +} +" +080aef0c9849081741982de843af2bbb1a34731e,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int[] ints = [a, b, c]; + Arrays.sort(ints); + a = ints(0); + b = ints(1); + c = ints(2); + if (Math.abs(a - b) != Math.abs(b - c)) + { + x = false; + } + return x; +} +" +adde3e60797fc1b880ed6ab421f252b9406c2b78,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int[] ints = {a, b, c}; + Arrays.sort(ints); + a = ints(0); + b = ints(1); + c = ints(2); + if (Math.abs(a - b) != Math.abs(b - c)) + { + x = false; + } + return x; +} +" +8f6b6edfa003ec74fd56c453f4969f01d0c49131,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int small = 0;; + int medium = 0;; + int large = 0; + if (a > b && a > b && b < c) + { + a = large; + b = small; + c = medium; + } + if (a > b && a > b && b > c) + { + a = large; + b = medium; + c = large; + } + if (b > a && b > c && a > c) + { + a = medium + b = large; + c = small; + } + if (b > a && b > c && a < c) + { + a = small; + b = large; + c = medium; + } + if (c > a && c > b && a > b) + { + a = medium; + b = small; + c = large; + } + if (c > a && c > b && a < b) + { + a = small; + b = medium; + c = large; + } + + if (Math.abs(small - medium) != Math.abs(medium - large)) + { + x = false; + } + return x; +} +" +b7778d27950be7311edb338f4911702a6ff2793e,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int small = 0;; + int medium = 0;; + int large = 0; + if (a > b && a > b && b < c) + { + a = large; + b = small; + c = medium; + } + if (a > b && a > b && b > c) + { + a = large; + b = medium; + c = large; + } + if (b > a && b > c && a > c) + { + a = medium; + b = large; + c = small; + } + if (b > a && b > c && a < c) + { + a = small; + b = large; + c = medium; + } + if (c > a && c > b && a > b) + { + a = medium; + b = small; + c = large; + } + if (c > a && c > b && a < b) + { + a = small; + b = medium; + c = large; + } + + if (Math.abs(small - medium) != Math.abs(medium - large)) + { + x = false; + } + return x; +} +" +a7fd58f73aa945d722e51e264b67f09ce4bc17b2,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int small = 0;; + int medium = 0;; + int large = 0; + if (a > b && a > b && b < c) + { + a = large; + b = small; + c = medium; + } + else if (a > b && a > b && b > c) + { + a = large; + b = medium; + c = large; + } + else if (b > a && b > c && a > c) + { + a = medium; + b = large; + c = small; + } + else if (b > a && b > c && a < c) + { + a = small; + b = large; + c = medium; + } + else if (c > a && c > b && a > b) + { + a = medium; + b = small; + c = large; + } + else if (c > a && c > b && a < b) + { + a = small; + b = medium; + c = large; + } + + else if (Math.abs(small - medium) != Math.abs(medium - large)) + { + x = false; + } + return x; +} +" +b32d331fb870999af3b7da85d550f240c626b563,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int small = 0;; + int medium = 0;; + int large = 0; + if (a > b && a > b && b < c) + { + a = large; + b = small; + c = medium; + } + else if (a > b && a > b && b > c) + { + a = large; + b = medium; + c = large; + } + else if (b > a && b > c && a > c) + { + a = medium; + b = large; + c = small; + } + else if (b > a && b > c && a < c) + { + a = small; + b = large; + c = medium; + } + else if (c > a && c > b && a > b) + { + a = medium; + b = small; + c = large; + } + else if (c > a && c > b && a < b) + { + a = small; + b = medium; + c = large; + } + + if (Math.abs(small - medium) != Math.abs(medium - large)) + { + x = false; + } + return x; +} +" +68f882e3762b692d28a0f641ea05f9fbe276b137,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > b && b < c) + { + a = large; + b = small; + c = medium; + } + else if (a > b && a > b && b > c) + { + a = large; + b = medium; + c = large; + } + else if (b > a && b > c && a > c) + { + a = medium; + b = large; + c = small; + } + else if (b > a && b > c && a < c) + { + a = small; + b = large; + c = medium; + } + else if (c > a && c > b && a > b) + { + a = medium; + b = small; + c = large; + } + else if (c > a && c > b && a < b) + { + a = small; + b = medium; + c = large; + } + + if (Math.abs(small - medium) != Math.abs(medium - large)) + { + x = false; + } + return x; +} +" +0449fde0a52761f251c3f63f5e14c60a5393b62f,"public boolean evenlySpaced(int a, int b, int c) +if ((c - b) == (b - a)) { +return true; +} else { +return false; +" +ac13c668c4064d5b3c5601d64dab9f94964de7f2,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + if (c - b) == (b - a)) + { + return true; + } + else + { + return false; + } +} +" +2bbeb1a8b9f88c01b4c7ece496970d582120dc6f,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + if (c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + return x; +} +" +8c598237752a4dae3be3e824c263d14cf17f3178,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + return x; +} +" +29b381f8d37acab5ae5051c73a9ec452dc675676,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean x = true; + if ((c - b) == (b - a)) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +05161d04ee294bff885a6b46878125ddcd59cc71,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b == c) + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); +} +" +ffcaf8787032a3320b419c9940848ebcc3d75bae,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b == c) + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); +} +" +dbafd7c4607c54ef80c810ccb1636ecc7480d8b2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b == c) + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); +} +" +b98d88871d4f97c32a711f50e172a89862dbf2ff,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +8bf94cbc69d65f5c0b7ee67c5f6cae33fbf97a7b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c || c < b && b < a) + { + if (a - b == b - c) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a || a < c && c < a)) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b || b < a && a < c) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +81848b2fc78805d2b8a28baf86dd2939ffa448b5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c || c < b && b < a) + { + if (a - b == b - c) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a || a < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b || b < a && a < c) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +cc14fa1d97cd228b436dd826257d0fbf4033fc55,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c || c < b && b < a) + { + if (a - b == b - c) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a || a < c && c < a) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b || b < a && a < c) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +b0de03e2f7128cf8cddcc0c309d3d256fa631b8a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c || c < b && b < a) + { + if (a - b == b - c) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a || a < c && c < b) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else if (c < a && a < b || b < a && a < c) + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +636bf1582a03a98eaac7d9a32b0010549f439f36,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b && b < c || c < b && b < a) + { + if (a - b == b - c) + { + return true; + } + else + { + return false; + } + } + else if (b < c && c < a || a < c && c < b) + { + if (c-b == a-c) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a - c == b-a) + { + return true; + } + else + { + return false; + } + } +} +" +35ab941c913195c3486ab091b30c1623cef36f01,"public boolean evenlySpaced(int a, int b, int c) +{ + if |a-b| == |c-b| + return true; + else + return false; + +} +" +35455ae682a39e0b85dc514b42973ce0ad108879,"public boolean evenlySpaced(int a, int b, int c) +{ + if (|a-b| == |c-b|) + return true; + else + return false; + +} +" +40cd90a5b9a5a10005b567fff0f3010c3fe6c484,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == c-b) + return true; + else + return false; + +} +" +5fbc84c2fd55e44c01b0d5c04284dd8fe1b2447d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a-b) == abs(c-b)) + return true; + else + return false; + +} +" +f888002dc55632b0dc9713936636ab25bb9f51a5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b)) + return true; + else + return false; + +} +" +45e193bfda302f06617c72641b7cd05c26852521,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b)) + return true; + else if (Math.abs(a-c) == Math.abs(b-a)) + return false; + +} +" +a905d620b3411d4c297abb220e6d81d858cf3234,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b)) + return true; + else if (Math.abs(a-c) == Math.abs(b-a)) + return true; + else + return false; + +} +" +4a827aa5844ccc4a39c2587c5fd35480d9f8c1b6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b)) + return true; + else if (Math.abs(a-c) == Math.abs(b-a)) + return true; + else if (Math.abs(c-b) == Math.abs(c-a)) + return true; + else + return false; + +} +" +521abf6f7c431449743de53b8695a9f57c29b8a8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b>a && ba && cb && aa && ba && cb && aa && ba && cb && a b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +88cbfd9ba509f951094434c8b9967cfaed377dd5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b>a && ba && cb && aa && ba && cb && aa && ba && cb && a b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + else if ((b > a) && (b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + else if ((c > a) && (c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + else if (a == b && a !=c) + { + return false; + } + else + { + return false; + } + if (big - med == med - small) + { + return true; + } + else + return false; +} +" +ef534ae3c90bd3d8eabe54cc5d46ccdc684b8c7d,"public boolean evenlySpaced(int a, int b, int c) +{ + /**int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + Arrays.sort(arrInOrder, 0, 3); */ + int small; + int med, big; + if ((a > b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + else if ((b > a) && (b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + else if ((c > a) && (c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + else if (a == b || a == c || b == c) + { + return false; + } + + if (big - med == med - small) + { + return true; + } + else + return false; +} +" +7c85d6e926ace40943f3d3a172658e8746e9d7f9,"public boolean evenlySpaced(int a, int b, int c) +{ + /**int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + Arrays.sort(arrInOrder, 0, 3); */ + int small; + int med, big; + if (a == b || a == c || b == c) + { + return false; + } + else if ((a > b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + else if ((b > a) && (b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + else //if ((c > a) && (c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + if (big - med == med - small) + { + return true; + } + else + return false; +} +" +c8a56d4e0f5c66003cdbb67a2c2764b9cf6d5a46,"public boolean evenlySpaced(int a, int b, int c) +{ + /**int[] arrInOrder = new int[3]; + arrInOrder[0] = a; + arrInOrder[1] = b; + arrInOrder[2] = c; + Arrays.sort(arrInOrder, 0, 3); */ + int small; + int med, big; + if (a == b && a == c && b == c) + return true; + else if (a == b || a == c || b == c) + { + return false; + } + else if ((a > b) && (a > c)) // if a is the biggest + { + big = a; + if (b > c) + { + med = b; + small = c; + } + else + { + med = c; + small = b; + } + } + else if ((b > a) && (b >c)) // if b is the biggest + { + big = b; + if (a > c) + { + med = a; + small = c; + } + else + { + med = c; + small = a; + } + } + else //if ((c > a) && (c > b)) // if c is the biggest + { + big = c; + if (a > b) + { + med = a; + small = b; + } + else + { + med = b; + small = a; + } + } + if (big - med == med - small) + { + return true; + } + else + return false; +} +" +dd1d1d30cd3b5a9935852f6f643ce6bff727f926,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } +} +" +838780549084af8b69a432ece40dd09df495f887,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +0a3445f307bb3402898d9d8de45ee114fa38846f,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + if ((a - c) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +f93b2992fe81f89a26ba88918130fde0e3505f83,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + if ((a - c) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + if ((b - a) == (a - c)) + { + return true; + } + if ((c - a) == (c - b)) + { + return true; + } + if ((a - b) == (c - a)) + { + return true; + } + if ((c - a) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +f8dd5b1fa172f1951537aeb6de2d6ade2e9b531b,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((c - a) == (c - b)) + { + return true; + } + if ((b - a) == (c - b)) + { + return true; + } + if ((a - c) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + if ((b - a) == (a - c)) + { + return true; + } + if ((a - b) == (c - a)) + { + return true; + } + if ((c - a) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +951bd35abf4a6a43f12d4481cd54882217e8247e,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + if ((a - c) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + if ((b - a) == (a - c)) + { + return true; + } + if ((a - b) == (c - a)) + { + return true; + } + if ((c - a) == (c - b)) + { + return true; + } + if (a == b) + { + return true; + } + else + { + return false; + } +} +" +073f6828272521d726074cf401eeaf097c6d5d49,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a > b) + { + if(b > c) + { + int biggest = a; + int mid = b; + int smallest = c; + } + + else if(c > a) + { + int biggest = c; + int mid = a; + int smallest = b; + } + + else + { + int biggest = a; + int mid = c; + int smallest = b; + } + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + + return false; +} +" +e2f911760c8ad16f0f9ac6517d22535503c072b7,"public boolean evenlySpaced(int a, int b, int c) +{ + + if(a > b) + { + if(b > c) + { + int biggest = a; + int mid = b; + int smallest = c; + } + + else if(c > a) + { + int biggest = c; + int mid = a; + int smallest = b; + } + + else + { + int biggest = a; + int mid = c; + int smallest = b; + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + } + + return false; +} +" +19a6880fe04f0fd89067b7b153b729ea4ac3e30e,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int mid; + int smallest; + + if(a > b) + { + if(b > c) + { + int biggest = a; + int mid = b; + int smallest = c; + } + + else if(c > a) + { + int biggest = c; + int mid = a; + int smallest = b; + } + + else + { + int biggest = a; + int mid = c; + int smallest = b; + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + } + + return false; +} +" +e46e94f34e37686afb89f9fa4e4064b81db9188d,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int mid; + int smallest; + + if(a > b) + { + if(b > c) + { + biggest = a; + mid = b; + smallest = c; + } + + else if(c > a) + { + biggest = c; + mid = a; + smallest = b; + } + + else + { + biggest = a; + mid = c; + smallest = b; + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + } + + return false; +} +" +09fadc642abf8157f0a1577cd22f8dbb16e92fdc,"public boolean evenlySpaced(int a, int b, int c) +{ +{ +if ( a == c) { +if (b == c) { +return true; +} +} +if (a > b && a > c) { +if (b > c) { +if ((a - b) == (b - c)) { +return true; +} +} else { +if ((a - c) == (c - b)) { +return true; +} +} +} +if (b > a && b > c) { +if (a > c) { +if ((b - a) == (a - c)) { +return true; +} +} else { +if ((b - c) == (c - a)) { +return true; +} +} +} +if (c > a && c > b) { +if (a > b) { +if ((c - a) == (a - b)) { +return true; +} +} else { +if ((c - b) == (b - a)) { +return true; +} +} +} +return false; +} +} +" +37b05022d07c8660abc45df3a60b2182c1a4dbee,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +3187813be2157356795006deafd99a4b5846aa18,"public boolean evenlySpaced(int a, int b, int c) +{ + +}" +4aeb21e80009eab041132f250b3ece0b0e80907b,"public boolean evenlySpaced(int a, int b, int c) +{ + int variable; + if (a > b) + { + variable = b; + b = a; + a = variable; + } + if (c > a) + { + variable = a; + a = c; + c = variable; + } + return (b - a == a- c); +}" +31e9053a4d8d16ea992498ac562450262fd6acdf,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b == (2*a) && c == (3*a)) + { + return true; + } + else if (c == (2*a) && b == (3*a)) + { + return true; + } + else if (a == (2*b) && c == (3*b)) + { + return true; + } + else if (c == (2*b) && a == (3*b)) + { + return true; + } + else if (a == (2*c) && b == (3*c)) + { + return true; + } + else if (b == (2*c) && a == (3*c)) + { + return true; + } + else + { + return false; + } +} +" +59bb1582de919559175031c8b629709fd57ab93d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b == (2*a) && c == (3*a)) + { + return true; + } + else if (c == (2*a) && b == (3*a)) + { + return true; + } + else if (a == (2*b) && c == (3*b)) + { + return true; + } + else if (c == (2*b) && a == (3*b)) + { + return true; + } + else if (a == (2*c) && b == (3*c)) + { + return true; + } + else if (b == (2*c) && a == (3*c)) + { + return true; + } + else if ((a-b) == (b-c)) + else + { + return false; + } +} +" +ecd647317a79ddf976a78fa123f1749b927ddb37,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b == (2*a) && c == (3*a)) + { + return true; + } + else if (c == (2*a) && b == (3*a)) + { + return true; + } + else if (a == (2*b) && c == (3*b)) + { + return true; + } + else if (c == (2*b) && a == (3*b)) + { + return true; + } + else if (a == (2*c) && b == (3*c)) + { + return true; + } + else if (b == (2*c) && a == (3*c)) + { + return true; + } + else if ((a-b) == (b-c)) + { + return true; + } + else + { + return false; + } +} +" +a547a5c15f7fd307546b252b7b9bbcd4b1adcaa6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b == (2*a) && c == (3*a)) + { + return true; + } + else if (c == (2*a) && b == (3*a)) + { + return true; + } + else if (a == (2*b) && c == (3*b)) + { + return true; + } + else if (c == (2*b) && a == (3*b)) + { + return true; + } + else if (a == (2*c) && b == (3*c)) + { + return true; + } + else if (b == (2*c) && a == (3*c)) + { + return true; + } + else if ((a-b) == (b-c)) + { + return true; + } + else if ((b-a) == (a-c)) + { + return true; + } + else if ((a-c) == (c-a)) + { + return true; + } + else if ((b-c) == (c-a)) + { + return true; + } + else + { + return false; + } +} +" +051137fa8bdf199c800314c5f523dc34c6d55cc8,"public boolean evenlySpaced(int a, int b, int c) +{ + if(((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(c - b)) || (Math.abs(b - a) == Math.abs(a - c))) && ((a != b && b != c) || (b != c && a != b) ) || (a == b && a == c && b == c)) { + return true; + } + else { + return false; + } +} +" +91fffc05152b415080877c0e2af864995bdb4288,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else + { + return false; + } +} +" +a8ff3e3b660a2c2d21ef2b1b750c605d21c72762,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(b - a) == Math.abs(c - b)) + { + return true; + } + else + { + return false; + } +} +" +d2ea457cef3fa066b163f379bc276277b8a31d75,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b) || (a - b) == (c - b) || (a - b) == (b - c)) + { + return true; + } + else + { + return false; + } +} +" +a2381e9a3c8b3ba9e8a0eeb27c5b87b440a86463,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else if ((a - b) == (c - b)) + { + return true; + } + else if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (b - c)) + { + return true; + } + else + { + return false; + } +} +" +e4494da951e1c8361f922b42127bf9e0aacb1d00,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else if ((a - b) == (c - b)) + { + return true; + } + else if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (b - c)) + { + return true; + } + else if ((c - b) == (a -c)) + { + return true; + } + else + { + return false; + } +} +" +5cdddcc2414c7cac5f6fa3ff9d218b820c0e5024,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else if ((a - b) == (c - b)) + { + return true; + } + else if ((a - b) == (b - c)) + { + return true; + } + else if ((b - a) == (b - c)) + { + return true; + } + else if ((c - b) == (a -c)) + { + return true; + } + else if ((a - b) == (a - c)) + { + return true; + } + else + { + return false; + } +} +" +5fec209f43a3e936321c4a9076c6433968bcb588,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else + return false; + else if (c > b) + if (a - b == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else + return false; + else if (c > a) + if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else + return false; + else if (b > a) + if (c - b == b - a) + return true; + else + return false; +return false; +} +" +f81a9025cf9b28b3b9507c8841f5972e14f84a64,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - c) == (b - c)) + { + return true; + } + else if ((b - c) == (a - c)) + { + return true; + } + else if ((a - c) == (c - b)) + { + return true; + } + else if ((c - b) == (b - a)) + { + return true; + } + + else + { + return false; + } +} +" +69eab438a4f2d13456a1acde33b899ab8abfc595,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else + return false; + else if (c > b) + if (a - c == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else + return false; + else if (c > a) + if (b - a == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else + return false; + else if (b > a) + if (c - b == b - a) + return true; + else + return false; +return false; +} +" +8e376c003e57e1696dfeac1821c03eb40a7b8e13,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - c) == (b - c)) + { + return true; + } + else if ((b - c) == (a - c)) + { + return true; + } + else if ((a - c) == (c - b)) + { + return true; + } + else if ((c - b) == (b - a)) + { + return true; + } + else if ((c - b) == (a - b)) + { + return true; + } + else if ((b - a) == (a - c)) + { + return true; + } + + else + { + return false; + } +} +" +157c963dee99a33661a5fc767ef202f00a93987b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a > b && a > c) + if (b > c) + if (a - b == b - c) + return true; + else + return false; + else if (c > b) + if (a - c == c - b) + return true; + else + return false; + if (b > a && b > c) + if (a > c) + if (b - a == a - c) + return true; + else + return false; + else if (c > a) + if (b - c == c - a) + return true; + else + return false; + if (c > a && c > b) + if (a > b) + if (c - a == a - b) + return true; + else + return false; + else if (b > a) + if (c - b == b - a) + return true; + else + return false; +return false; +} +" +11ee597e1b47026158b2f213e01572c4a320a5e4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - c) == (b - c) && a != b) + { + return true; + } + else if ((b - c) == (a - c)) + { + return true; + } + else if ((a - c) == (c - b)) + { + return true; + } + else if ((c - b) == (b - a)) + { + return true; + } + else if ((c - b) == (a - b)) + { + return true; + } + else if ((b - a) == (a - c)) + { + return true; + } + + else + { + return false; + } +} +" +19f6d1d351ab380c907e62a2622618109488bfd2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - c) == (b - c)) && (a != b)) + { + return true; + } + else if ((b - c) == (a - c)) + { + return true; + } + else if ((a - c) == (c - b)) + { + return true; + } + else if ((c - b) == (b - a)) + { + return true; + } + else if ((c - b) == (a - b)) + { + return true; + } + else if ((b - a) == (a - c)) + { + return true; + } + + else + { + return false; + } +} +" +488175cd1a31faad7966cb38ca7b78cfc34e4371,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a - c) == (b - c)) && (a != b)) + { + return true; + } + else if ((a - c) == (c - b)) + { + return true; + } + else if ((c - b) == (b - a)) + { + return true; + } + else if ((c - b) == (a - b)) + { + return true; + } + else if ((b - a) == (a - c)) + { + return true; + } + + else + { + return false; + } +} +" +23b5b58a53d7368e7788b1f443aa35e54836fea2,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if(a > b) { + space = a; + a = b; + b = space; + } + + if(b > c) { + space = b; + b = c; + c = space; + } + + if(a > b) { + space = a; + a = b; + b = space; + } + + return b - a == c - b; + +} +" +1ef02a0146c1d14c104f4bcefb2aae6ca982d1b7,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + if(b > c) + { + temp = b; + b = c; + c = temp; + } + + if(a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +f289240b15bcc1bd962db62b916f35367b571548,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c && c-b == b-a) + { + value = true; + } + else if (a-c == b-a) + value = true; + else + { + value = false; + } + + return value; +} +" +f5326e69466ff7e52e548a73cabfbca833406051,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value = true; + if (a-b == b-c && c-b == b-a) + { + value = true; + } + else if (a-c == b-a) + value = true; + else if (c-b == a-c) + value = true; + else + { + value = false; + } + + return value; +} +" +eb343dae959c42d724938c0a26437cef7ac88584,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +300f69b7e47e51090ead14ea83199ebc11883395,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a = c - b) + { + return true; + } + else if (c - a = b - c) + { + return true; + } + else if (a - b = c - a) + { + return true; + } + else if (c - b = a - c) + { + return true; + } + else if (b - c = a - b) + { + return true; + } + else + { + return false; + } +} +" +d417fe5e201eb7975265d6f69e031a610d6a495b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b - a == c - b) + { + return true; + } + else if (c - a == b - c) + { + return true; + } + else if (a - b == c - a) + { + return true; + } + else if (c - b == a - c) + { + return true; + } + else if (b - c == a - b) + { + return true; + } + else + { + return false; + } +} +" +8c2b3c664a068b28cb99d7f54a335cb45215d99c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c) + { + return true; + } +} +" +7a36f0e770e75bbc67c8e55cafa0fd89c3723208,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } +} +" +5cff97bc858e8675fd0031ede4363ac2a15ab92b,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + return false; +} +" +3db3f8825e91ff415c36900ea4b77eaf65be0e75,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + return false; +} +" +111dd5eae6694bf2b3bfd572aa3e829398e6fb9a,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a - b) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + if ((c - a) == (a - b)) + { + return true; + } + return false; +} +" +35524dcd42850f68a7105cae34e626fe8e55382a,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b = c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +872d498d240a75f59b5f7cd6e911bec722a243e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +304ac61bc7b3036cb29818ff8872ead7b447cf04,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b || c) + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(a - b)) || Math.abs(c - a) == Math.abs(b - c))); +} +" +c59a957e0fdb558b4ef0203c4812a29c4975d521,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b || c) + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == Math.abs(a - b)) || (Math.abs(c - a) == Math.abs(b - c))); +} +" +2cc91f078e434cf96f2c9d2fa3e8287cc4f28527,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b || c) + return false; + return ((Math.abs(a - b) == Math.abs(b - c)) || (Math.abs(a - c) == (Math.abs(a - b)) || Math.abs(c - a) == Math.abs(b - c))); +} +" +16d7ecbd30393e93b501826ac8b9ef943d318744,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c){ + if (a - b == b - c){ + return true; + } + } + else if (a > b && a > c && b < c){ + if (a - c == c - b){ + return true; + } + } + else if (b > a && a > c){ + if (b - a == a - c){ + return true; + } + } + else if (b > a && b > c && a < c){ + if (b - c == c - a){ + return true; + } + } + else if (c > a && a > b){ + if (c - a == a - b){ + return true; + } + } + else + { + if (c - b == b - a){ + return true; + } + } +} +" +e633fc53f1c77b2e346aa03d1fb11dcc140b731f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c){ + if (a - b == b - c){ + return true; + } + } + else if (a > b && a > c && b < c){ + if (a - c == c - b){ + return true; + } + } + else if (b > a && a > c){ + if (b - a == a - c){ + return true; + } + } + else if (b > a && b > c && a < c){ + if (b - c == c - a){ + return true; + } + } + else if (c > a && a > b){ + if (c - a == a - b){ + return true; + } + } + else + { + if (c - b == b - a){ + return true; + } + } +} +} +" +1c76ca52ea6ef1300764186b32450f26be81d6dc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c){ + if (a - b == b - c){ + return true; + } + } + else if (a > b && a > c && b < c){ + if (a - c == c - b){ + return true; + } + } + else if (b > a && a > c){ + if (b - a == a - c){ + return true; + } + } + else if (b > a && b > c && a < c){ + if (b - c == c - a){ + return true; + } + } + else if (c > a && a > b){ + if (c - a == a - b){ + return true; + } + } + else + { + if (c - b == b - a){ + return true; + } + } +} +" +9632f4d0780d0b9603cf4e4f81f1a88f8e8d6fe8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c){ + if (a - b == b - c){ + return true; + } + } + else if (a > b && a > c && b < c){ + if (a - c == c - b){ + return true; + } + } + else if (b > a && a > c){ + if (b - a == a - c){ + return true; + } + } + else if (b > a && b > c && a < c){ + if (b - c == c - a){ + return true; + } + } + else if (c > a && a > b){ + if (c - a == a - b){ + return true; + } + } + else + { + if (c - b == b - a){ + return true; + } + } +} +" +49fc50748c703cfc6e652829f6e709b2ca0a2c60,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c){ + if (a - b == b - c){ + return true; + } + } + else if (a > b && a > c && b < c){ + if (a - c == c - b){ + return true; + } + } + else if (b > a && a > c){ + if (b - a == a - c){ + return true; + } + } + else if (b > a && b > c && a < c){ + if (b - c == c - a){ + return true; + } + } + else if (c > a && a > b){ + if (c - a == a - b){ + return true; + } + } + else + { + if (c - b == b - a){ + return true; + } + } +} +" +0b336c96b3b5984c3da3a32c0a25275bc1f4e5bb,"public boolean evenlySpaced(int a, int b, int c) +{ + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)) + +} +" +79d90ecfd05263a30a74be63f51ee566c12782cc,"public boolean evenlySpaced(int a, int b, int c) +{ + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + +} +" +e948e19b31e04b7cdac3fe2c8600a6d3fcb4d487,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + } +} +" +ee0be80311da4da249628fa07320f22e69e9cafe,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +b961353a6efe4a7ff53a4f241e62736273d5a049,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return true; + } + else + { + return false; + } + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + +} +" +fe51915d823a79f9bf5f66efefc7cfc638b54eee,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return true; + } + else if (a == b || b == c || a == c){ + return false; + } + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + +} +" +1428a68b90bd8356992dc362035cc0afd53a406c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b || b == c || a == c){ + return false; + } + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + +} +" +49485c5e09231f5fc200d91b8d92c8a3b7aba31b,"public boolean evenlySpaced(int a, int b, int c) +{ + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + +} +" +e7aaf5f36c36890e1ecbf7cdc1554e19585b54b7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b){ + if (b == c){ + return true; + } + else + { + return false; + } + } + else if ( a != b && b == c){ + return false; + } + else if ( a != b && a == c){ + return false; + } + return(Math.abs(a - b) == Math.abs(b - c) || + Math.abs(a - b) == Math.abs(a - c) || + Math.abs(a - c) == Math.abs(b - c)); + +} +" +5e42c429fe79f0f0b830c89b3a8fa755833fd85a,"public boolean evenlySpaced(int a, int b, int c) +{ + int flip; + if(b > a) + { + flip = a; + a = b; + b = flip; + } + if(c > b) + { + flip = b; + b =c; + c = flip; + } + if(b > a) + { + flip = a; + a = b; + b = flip; + } + return(a - b == b - c); +} +" +8030006813865b660d416889985010a0cc40ba33,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( b - a == c - b) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +3b12dda3e602ad39d66b6724440424ce651b1a04,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( b - a == c - b) + { + result = true; + } + else if( b - c == a - b) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +ad39f0e3dc167acbce0ac5e335e429899e71c103,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + { + return true; + } + else + return false; +} +" +5bb2c9642370e90ff65aa11addb40a9680ba7c1c,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +ee8405891cb87458dad6d6b3b69aaf80f55f1842,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + { + return true; + } + else if (b-a == a-c) + { + return true; + } + else if (c-a == a-b) + { + return true; + } + else + return false; +} +" +1e6d3f32c8cea71a8636bfe6372fb01af9b36e48,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == b-c) + { + return true; + } + else if (a-c == c-b) + { + return true; + } + else if (b-a == a-c) + { + return true; + } + else if (c-a == a-b) + { + return true; + } + else + return false; +} +" +fe799d169667d3949337cca214b331ab7fce66d1,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else if (Math.abs(a - b) == Math.abs(c - a)) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +ef5ccec996ca91869f9973005274350b36415a02,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else if (Math.abs(a - b) == Math.abs(c - a)) + { + result = true; + } + else if (Math.abs(c - a) == Math.abs(b - c)) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +111bb0a47d0578910156aec0c499e9ffc803197a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else if (Math.abs(a - b) == Math.abs(c - a)) + { + result = true; + } + else if (Math.abs(c - a) == Math.abs(b - c)) + { + result = true; + } + else if ( a == b || b == c || a == c) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +eab8e866483e7de642f458261f74717c6cafabf3,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; +} +" +3967d408641e3daffb75469bf7d45c0cd6c90d2f,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; +} +} +" +5bd849d430f53a3939f8e887d26934660533d8aa,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +98cd8b2ac13da7658724ad34ecd3620ff3944ecc,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else if (Math.abs(a - b) == Math.abs(c - a)) + { + result = true; + } + else if (Math.abs(c - a) == b - c) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +c8b476d11222cdd8019a0ec333083de64c14b22a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( a == b || b == c || c == a) + { + result = false; + } + else if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else if (Math.abs(a - b) == Math.abs(c - a)) + { + result = true; + } + else if (Math.abs(c - a) == Math.abs(b - c)) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +802d87f3b58e941769698c3f6c6efd3c9f49618a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean result = true; + + if ( a == b && b == c && c == a) + { + result = true; + } + else if ( a == b || b == c || c == a) + { + result = false; + } + else if ( Math.abs(b - a) == Math.abs(c - b)) + { + result = true; + } + else if (Math.abs(a - b) == Math.abs(c - a)) + { + result = true; + } + else if (Math.abs(c - a) == Math.abs(b - c)) + { + result = true; + } + else + { + result = false; + } + + return result; + +} +" +363ccdba50a4c12e5de3635bec652121951e6c6e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b || b == c) + return true; + else + ((Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c) || Math.abs(a-b) == Math.abs(b-c)); +} +" +90ccd950f917f060ec242002146295ce0f1fe99f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b || b == c) + return true; + else + return ((Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c) || Math.abs(a-b) == Math.abs(b-c)); +} +" +9497925e02e5830a04c6f9d68a27f17036e05643,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b || b == c) + return true; + else + return ((Math.abs(a-c)==Math.abs(a-b))) ||( Math.abs(c-a)==Math.abs(b-c) || Math.abs(a-b) == Math.abs(b-c)); +} +" +9eb233b4442526c98e5181cbd698f5839c08adb3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b || b == c) + return true; + else + return ((Math.abs(a - c)==Math.abs(a - b))) ||( Math.abs(c - a)==Math.abs(b - c) || Math.abs(a - b) == Math.abs(b - c)); +} +" +65a3fc1a672b73cdfaa9e5449a6d7a82884a5316,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b || b == c) + return true; + else + return (((a - c) == (a - b))) ||((c - a) == (b - c) || (a - b) == (b - c)); +} +" +09f2b9a4681f7d8007fdf14029fdae4271540d29,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b && b == c) + return true; + else + return ((a - c) == (a - b)) || (c - a) == (b - c) || (a - b) == (b - c)); +} +" +89e93a28f579c72a454664f194967966e0c5a8c2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b && b == c) + return true; + else + return ((a - c) == (a - b) || (c - a) == (b - c) || (a - b) == (b - c)); +} +" +b0cc0bb74ef8adf922e2f2636b978e95f1217866,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b && b == c) + return true; + else + return Math.abs((a - c) == (a - b) || (c - a) == (b - c) || (a - b) == (b - c)); +} +" +00df096fb1ff088e3cf171d76bf45dde5abaad99,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == c || b == c || a == c) + return false; + if (a == b && b == c) + return true; + else + return ((a - c) == (a - b) || (c - a) == (b - c) || (a - b) == (b - c)); +} +" +99121121392969dfd27f3857a4fb625a934dc5e1,"public boolean evenlySpaced(int a, int b, int c) +{ + int theTemp; + if(b > a) + { + theTemp = a; + a = b; + b = theTemp; + } + if(c > b) + { + theTemp = b; + b =c; + c = theTemp; + } + if(b > a) + { + theTemp = a; + a = b; + b = theTemp; + } + return(a - b == b - c) +} +" +db10b51a46791cbb3c08cf09dcda4f3ebb2b7250,"public boolean evenlySpaced(int a, int b, int c) +{ + int theTemp; + if(b > a) + { + theTemp = a; + a = b; + b = theTemp; + } + if(c > b) + { + theTemp = b; + b =c; + c = theTemp; + } + if(b > a) + { + theTemp = a; + a = b; + b = theTemp; + } + return(a - b == b - c); +} +" +401e7b96be1592be9a0fa5345f9b9141492589e4,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((c - a) == (c - b)) + { + return true; + } + if ((b - a) == (c - b)) + { + return true; + } + if ((a - c) == (b - c)) + { + return true; + } + if ((a - c) == (c - b)) + { + return true; + } + if ((b - a) == (a - c)) + { + return true; + } + if ((a - b) == (c - a)) + { + return true; + } + if (a == b) + { + return true; + } + else + { + return false; + } +} +" +34cddbdff197d20bf2308cff56e0a4477259b8c2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == c - b) + { + return true; + } + else if (b - a == c - a) + { + return true; + } + else if (a - c == b - c) + { + return true; + } + else + { + return false; + } +} +" +4682f0ec2cb29aa51332044ce4ed5cd0b39683bd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c)) + { + return true; + } + else + { + return false; + } +} +" +7b4fee0aef9d87093bd76716de8631b18ddc784e,"public boolean evenlySpaced(int a, int b, int c) +{ + int small=0; + int large=0; + int mid=0; + int diff1=0; + int diff2=0; + if((a>b)&&(a>c)) + { + large=a; + } + if((b>a)&&(b>c)) + { + large=b; + } + if((c>b)&&(c>a)) + { + large=c; + } + + if((ab)&&(b>c))||((aa)&&(a>c))||((bc)&&(c>b))||((cb)&&(a>c)) + { + large=a; + } + if((b>a)&&(b>c)) + { + large=b; + } + if((c>b)&&(c>a)) + { + large=c; + } + + if((ab)&&(b>c))||((aa)&&(a>c))||((bc)&&(c>b))||((c a && c > b) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && a > b && c > a) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && c > a && b > c)) + { + return true; + } + else + { + return false; + } +} +" +478f01347df647cfd17cfb1c383a2bca0d2f77ad,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b) && (b > a) && (c > b)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (a > b) && (c > a)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (c > a) && (b > c)) + { + return true; + } + else + { + return false; + } +} +" +530b6a120928dc0209ca382600d3c9cba20005e8,"public boolean evenlySpaced(int a, int b, int c) +{ + a % b = d; + b % c = e; + if ( d = e ) + { + return true; + } +} +" +2542aa219a0f09132a3573ef4cd9fff5898c581e,"public boolean evenlySpaced(int a, int b, int c) +{ + a % b = d; + b % c = e; + if (d = e) + { + return true; + } +} +" +ce6f2ae1ce3accc95749d2acbd6a556f31244c27,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b) && (b > a) && (c > b)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(c - b) && (a > b) && (c > b)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (a > b) && (c > a)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (b > a) && (c > a)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (c > a) && (b > c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (a > c) && (b > c)) + { + return true; + } + else + { + return false; + } +} +" +3809550b2fe614e62a034519c8d7c101faed190f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b) && (b > a) && (c > b)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(c - b) && (a > b) && (c > b)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (a > b) && (c > a)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (b > a) && (c > a)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (c > a) && (b > c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (a > c) && (b > c)) + { + return true; + } + else + { + return false; + } +} +" +8f8c9069648791377f97f7305a6d16525091f03e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a % b == b % c) + { + return true; + } +} +" +b68f2174c54c9685afd07271aacc86e52b29b355,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b) && (b > a) && (c > b)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(c - b) && (a > b) && (c < b)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (a > b) && (c > a)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (b > a) && (c < a)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (c > a) && (b > c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (a > c) && (b < c)) + { + return true; + } + else + { + return false; + } +} +" +343f43c95d066b01b41d9a2e109408689731e44e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a % b == b % c) + { + return true; + } + else + { + return false; + } +} +" +ae2b0bbca3158c935c523f6f688bcb7ab7f308c0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(c - b) && (b > a) && (c > b)) + { + return true; + } + else if (Math.abs(a - b) == Math.abs(c - b) && (a > b) && (c < b)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (a > b) && (c > a)) + { + return true; + } + else if (Math.abs(b - a) == Math.abs(c - a) && (b > a) && (c < a)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (c > a) && (b > c)) + { + return true; + } + else if (Math.abs(a - c) == Math.abs(b - c) && (a > c) && (b < c)) + { + return true; + } + else if (a == b && b == c) + { + return true; + } + else + { + return false; + } +} +" +a3281b37f9f6b775c550bd0407ce76e81ee1f1b5,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c -b)) + { + return true; + } + else + { + return false; + } +} +" +7229c8e5d7ef0657be633c477370756f6c7e13cb,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a / b) == (b / c)) + { + evenlySpaced = true; + } + else + { + evenlySpaced = false; + } + return evenlySpaced; +} +" +467ce5bd4ba19a96e94966dc2b784eac4a2434bb,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean evenlySpaced; + + if ((a / b) == (b / c)) + { + evenlySpaced = true; + } + else + { + evenlySpaced = false; + } + return evenlySpaced; +} +" +8008552e4323b0d4d6ec95d65339f1728d6a97d4,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean evenlySpaced; + + if ((a / b) == (b / c)) + { + if ((a / c) == (c / b)) + { + evenlySpaced = true; + } + else + { + evenlySpaced = false; + } + } + else + { + evenlySpaced = false; + } + return evenlySpaced; +} +" +456e3950b8e51be837d8dd063afef9ef33db5f49,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && a == c) + { + return true; + } + if (a == b || b ==c || a == c) + { + return false; + } + int ab = Math.abs(a - b); + int ac = Math.abs(a - c); + int bc = Math.abs(b - c); + if (ab == ac) + { + return true; + } + else if (ab == bc) + { + return true; + } + else if (ac == bc) + { + return true; + } + else + { + return false; + } +} +" +792e5f7a2830ac37326cf4e71c66f65f4b0038b1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((b-a)==(c-b))||((a-b)==(c-a))||((b-c)==(a-b))) + { + return true; + } + else + { + return false; + } +} +" +613cc7b17252fa9278cd724cc83c86c76587500d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((b-a)==(c-b))||((a-b)==(c-a))||((b-c)==(a-b))||((c-b)==(a-c))) + { + return true; + } + else + { + return false; + } +} +" +9634f56cf17b9bce31d478447d9134a9734dbd82,"public boolean evenlySpaced(int a, int b, int c) +{ + int max1, max2, min = 0, mid = 0; + +max1 = Math.max(a, b); +max2 = Math.max(max1, c); + +if(max2 == a) { +min = Math.min(b, c); +if(min == b) { +mid = c; +} else { +mid = b; +} +} else if(max2 == b) { +min = Math.min(a, c); + +if(min == a) { +mid = c; +} else { +mid = a; +} +} else if(max2 == c) { +min = Math.min(a, b); + +if(min == a) { +mid = b; +} else { +mid = a; +} +} + +if((max2 - mid) == (mid - min)) { +return true; +} else { +return false; +} +} +" +7a00d9a8aa1e9379b77d1e1eb5066943fc1378ed,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } +} +" +25b9a466fd2245a66810740d9fcc84d2759276ef,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } +return 0; +} +" +ef13057180f930df4eff07c6ab14fb17aec74a7e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } +} +} +" +57ea7d677a9d9f7aae51faf84533f27dbfc1e253,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } +} +} +" +2dcd5eb9eaf4a46d9f0d63845fa0c10df4cc3b57,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else + { + return false; + } +} +" +a9aecef948f5d717b7530fe42ceab1ae692aa857,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else + { + return false; + } +" +db830d6aa0ec26933208192e865d3436eab55cb9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else + { + return false; + } +} +" +08e9dfe686db89636137e2383655018ed3e6d06c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else + { + return false; + } +return true; +} +" +04d091af0da22eb63cef3ee8b0d6d96054bbdd4a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + else + { + return false; + } +}" +0aa7741d7a047037479160d8bc144b0782c9c8bf,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + if (a == b || b == c || a == c) + { + return false; + } + else + { + return false; + } +}" +34c754da702a36475dc3f77a66bf6681acbe08a2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return false; + } + else + { + return true; + } +}" +d335f4b84ec98a786a2900a28d8e569edadc4c79,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + } + +return true; +} +" +23d174f7a2ffc4ee50e80ef1749956b941f4e2d5,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + } +else +{ + return false; +} +} +" +7fb65eca31375bd50708d5cd43c09187b3195c6b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + } +else +{ + return false; +} +return true; +} +" +8a2d4097cd9ee18d15bec3545b225113b993b8d8,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b || b == c || a == c) + { + return false; + } + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } +}" +f023316e532789eeb736afe96262628ed296b1c8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + } + else if (a==b || b==c) + { + return false; + } + else +{ + return false; +} +return true; +} +" +1770e23ce1eaabc119a675885b056f53527c5101,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b || b == c || a == c) + { + return false; + } + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +7606bd14ff56302b3161c79fcb8ed36cd3f741bd,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b || b == c || a == c) + { + return false; + } + else if (a == b && b == c) + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +4fe32c72c1587e51e567e154a50dca19d59c9e4b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + } + else if (a==b && b==c) + { + return true; + } + else +{ + return false; +} +return true; +} +" +52e7f4431b4192a9ff345b9f40542650c0a1ff0f,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b || b == c || a == c) + { + return false; + } + else if (a == b && b == c) + { + return false; + } + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +83c4d7dc1532b4cdc53c3b19d274a5cfc9d57ca5,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b || b == c || a == c) + { + return false; + } + else if (a == b && b == c) + { + return true; + } + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +d1a16ecf1bbb94c17f36850a2881417c15286c32,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b && a == c) + { + return false; + } + else if (a == b && b == c) + { + return true; + } + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +71c30076560689028e50516c16a5b9370c440239,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a - b); + int diffBC = Math.abs(b - c); + int diffAC = Math.abs(a - c); + if (a == b && b == c && a == c) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + else if (diffAB == diffBC || diffBC == diffAC || diffAB == diffAC) + { + return true; + } + else + { + return false; + } +}" +58a83f59c8bbb98e517db827af4b4a8cf349e6d3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + else + { + return false; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + else + { + return false; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + else + { + return false; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + else + { + return false; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + else + { + return false; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + else + { + return false; + } + } + else if (a==b && b==c) + { + return true; + } + else +{ + return false; +} +return true; +} +" +25516844390ec80c0e9f9a4c623e858e520e2290,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +badf4277ffa2771766618e1a2e799b8f955812aa,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c) + { + if (a-b == b-c) + { + return true; + } + else + { + return false; + } + } + else if (b>a && a>c) + { + if (b-a == a-c) + { + return true; + } + else + { + return false; + } + } + else if (b>c && c>a) + { + if (b-c == c-a) + { + return true; + } + else + { + return false; + } + } + else if (a>c && c>b) + { + if (a-c == c-b) + { + return true; + } + else + { + return false; + } + } + else if (c>b && b>a) + { + if (c-b == b-a) + { + return true; + } + else + { + return false; + } + } + else if (c>a && a>b) + { + if (c-a == a-b) + { + return true; + } + else + { + return false; + } + } + else if (a==b && b==c) + { + return true; + } + else +{ + return false; +} +} +" +ca8619ebc7b0f1d655d908b70f9fc5554653cfdd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c && c == a) { + return true; + } + else { + return false; + } +} +" +78ad234a4fae45ffea6d781933514bab58384f11,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b < c) + { + if ((b - a) == (c - b)) + return true; + else + return false; + } + else if (b < c < a) + { + if ((c - b) == (a - c)) + return true; + else + return false; + } + else if (c < a < b) + { + if ((a - c) == (b - a)) + return true; + else + return false; + } + else if (a < c < b) + { + if ((c - a) == (b - c)) + return true; + else + return false; + } + else if (b < a < c) + { + if ((a - b) == (c - a)) + return true; + else + return false; + } + else + { + // c < b < a + if ((b - c) == (a - b)) + return true; + else + return false; + } +} +" +4a258a2d63b65bda51d0605297e994ff72d20a51,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffab = abs(b - a); + int diffac = abs(a - c); + int diffbc = abs(b - c); + + if (diffab == diffac) + { + return true; + } + else if (diffab == diffbc) + { + return true; + } + else if (diffac == diffbc) + { + return true; + } + else + { + return false; + } + +} +" +68ad86b17aaa54508f7e0aa326d46fe20c2c8f06,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffab = java.lang.Math.abs(b - a); + int diffac = abs(a - c); + int diffbc = abs(b - c); + + if (diffab == diffac) + { + return true; + } + else if (diffab == diffbc) + { + return true; + } + else if (diffac == diffbc) + { + return true; + } + else + { + return false; + } + +} +" +dabfbf3e04bb25bf20b7bedc2cfa33938c64194d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffab = java.lang.Math.abs(b - a); + int diffac = java.lang.Math.abs(a - c); + int diffbc = java.lang.Math.abs(b - c); + + if (diffab == diffac) + { + return true; + } + else if (diffab == diffbc) + { + return true; + } + else if (diffac == diffbc) + { + return true; + } + else + { + return false; + } + +} +" +8b91424656e6c96570e496685ff802231a8e2e85,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffab = java.lang.Math.abs(b - a); + int diffac = java.lang.Math.abs(a - c); + int diffbc = java.lang.Math.abs(b - c); + + if (a == b && b == c) + { + return true; + } + else if (((a==b) || (a==c) || (c==b))) + { + return false; + } + else if (diffab == diffac) + { + return true; + } + else if (diffab == diffbc) + { + return true; + } + else if (diffac == diffbc) + { + return true; + } + else + { + return false; + } + +} +" +98b7c194080ffc262677d58b6d431cffeff0387e,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + if (b > a) + { + ordering = a; + a = b; + b = ordering; + } + + if (c > b) + { + ordering = b; + b = c; + c = ordering; + } + + return(a - b == b - c); +} +" +a0f5c692b7a845d4abde59033e8c051332d63597,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + if (b > a) + { + swap = a; + a = b; + b = swap; + } + + if (c > b) + { + swap = b; + b = c; + c = swap; + } + + return(a - b == b - c); +} +" +2dbe0bdc62dcb9c87f40d91679af587e56c217a2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c && c == a) { + return true; + } + else if (b == a && c == b && a == c) { + return true; + } + else { + return false; + } +} +" +72c3a89e79e1aa59402e7ad46e9d5887b4741e0d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c && c == a) { + return true; + } + else { + return false; + } +} +" +b50d5f33ee39cc8b4c11ff2f87d41223bf306d4a,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + + if (b > a) + { + swap = a; + a = b; + b = swap; + } + + if (c > b) + { + swap = b; + b = c; + c = swap; + } + + if (b > a) + { + swap = a; + a = b; + b = swap; + } + + return(a - b == b - c); +} +" +73024aafd6cc59a5523fbf6d5c1facbe6470a9a3,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)){ + return true; + }else if ((b-a) == (a - c)){ + return true; + }else if ((c-a) == (a - b)){ + return true; + }else{ + return false; + } +} +" +9c7326b911d8c12d06a852c0366774f5b3d4b2f7,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)){ + return true; + }else if ((b-a) == (a - c)){ + return true; + }else if ((c-a) == (a - b)){ + return true; + }else if ((a - c) == (c - b)){ + return true; + }else{ + return false; + } +} +" +7d0f5fe95d5b25c6ca6a0f432ce159e53ef134b3,"public boolean evenlySpaced(int a, int b, int c) +{ + int pHold; + if (a > b) { + pHold = a; + a = b; + b = pHold; + } + else if (b > c) { + pHold = b; + b = c; + c = pHold; + } + else { + return a - b == b - c; + } +} +" +3917e0aedc55ceb8aa877fe543bf8d41689b5493,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + + if (b > a) //trying to swtich the numbers so when subtracting, nothing becomes negative + { + swap = a; + a = b; + b = swap; + } + + if (c > b) + { + swap = b; + b = c; + c = swap; + } + + if (b > a) // reverses the numbers again to make sure it is not negative + { + swap = a; + a = b; + b = swap; + } + + return(a - b == b - c); +} +" +7ee9a7642782f73c6b3a5e94ce22c1ac3f5d98e5,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + + if (b > a) //trying to swtich the numbers so when subtracting, nothing becomes negative + { + swap = a; + a = b; + b = swap; + } + + if (c > b) + { + swap = b; + b = c; + c = swap; + } + + if (b > a) // reverses the numbers again to make sure it is not negative + { + swap = a; + a = b; + b = swap; + } + + return(a - b == b - c); + return true; +} +" +0baeffb20170d6084a7d263af1da3231a3a77c21,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + + if (b > a) //trying to swtich the numbers so when subtracting, nothing becomes negative + { + swap = a; + a = b; + b = swap; + } + + if (c > b) + { + swap = b; + b = c; + c = swap; + } + + if (b > a) // reverses the numbers again to make sure it is not negative + { + swap = a; + a = b; + b = swap; + } + + return(a - b == b - c); +} +" +e09c52367894f1940df5ea8294f7d3a1d031c240,"public boolean evenlySpaced(int a, int b, int c) +{ + int pHold; + if (a > b) { + pHold = a; + a = b; + b = pHold; + } + else if (b > c) { + pHold = b; + b = c; + c = pHold; + } + else if ( a > b) { + pHold = a; + a = b; + b = pHold; + } + else { + return a - b == b - c; + } +} +" +16002849f9e1298ea46f668f75a18fb06fc8c9a1,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a == b && b == c && c == a) { + return true; + } + else { + return false; + } +} +" +7edd7abf5844a78f4da90684d72d42cba0aedb71,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +5acc10f7bf939cef1718e3a637a1c586343b9a71,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a == a-b == b-c) + { + return true; + } +} +" +f87c668693cce03cc1de42f06d6b439d4ddfd1b6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b-a) == (a-b) == (b-c)) + { + return true; + } +} +" +b10b00db4a10c22e63c3d9b35e8bf75a0a4f1bdc,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (c > a) + { + temp = c; + c = a; + a = temp; + } + return b - a == c - b; +} +" +71e707453acfeafb09ab9cce02e48b46f2f529e4,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b = c; + c = temp; + } + if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +6f0712cce079e96805433ac9c609eb4abd7d1b65,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b-a) == (a-b) == (b-c)) + { + return true; + } + return false; +} +" +5e622917874a72e0e88667ae36b202f80edfb541,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b-a) == true) + { + return true; + } + return false; +} +" +26d36fe97aec5980f5197f2df2cf02d921db165b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (true) + { + return true; + } + return false; +} +" +71f23b66d2027ac308a76995a1f883d3d176692f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a <= b <= c) + int small = a; + int medium = b; + int big = c; + else if (a <= c <= b) + int small = a; + int medium = c; + int big = b; + else if (b <= c <= a) + int small = b; + int medium = c; + int big = a; + else if (b <= a <= c) + int small = b; + int medium = a; + int big = c; + else if (c <= a <= b) + int small = c; + int medium = a; + int big = b; + else + int small = c; + int medium = b; + int big = a; + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +e1d2dd0ed71e51c5a9fc83ab070262ce8829d8df,"public boolean evenlySpaced(int a, int b, int c) +{ + if (true && true && true) + { + return true; + } + return false; +} +" +ee39f486d6511ec9a83cbc78b21c395d7210edc1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (true) + { + return true; + } + else + { + return false; + } +} +" +72c0cf5a2edd34e3b6a7eaa7af3f5af5cd0ade93,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a <= b <= c) + { + int small = a; + int medium = b; + int big = c; + } + else if (a <= c <= b) + { + int small = a; + int medium = c; + int big = b; + } + else if (b <= c <= a) + { + int small = b; + int medium = c; + int big = a; + } + else if (b <= a <= c) + { + int small = b; + int medium = a; + int big = c; + } + else if (c <= a <= b) + { + int small = c; + int medium = a; + int big = b; + } + else + { + int small = c; + int medium = b; + int big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +643288f44cb18ce5b86ddb05c39d93c3954bee85,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == true) + { + return true; + } + else + { + return false; + } +} +" +456b9a7b241fcfaee051f7716e07a2b8e2158e98,"public boolean evenlySpaced(int a, int b, int c) +{ + if (true) + { + return true; + } + else + { + return false; + } +} +" +e0f4d95de4b39a9ff001ee009f0970217a0f2141,"public boolean evenlySpaced(int a, int b, int c) + b=a; +{ + if (true) + { + return true; + } + else + { + return false; + } +} +" +f1b22eee436c67a4d00961ebed6b5d917f53ce9e,"public boolean evenlySpaced(int a, int b, int c) +{ + b=a; + if (true) + { + return true; + } + else + { + return false; + } +} +" +6a4e7bdd9ad8e8f8991642e3502f61e3fcc2e795,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b < c) + { + int small = a; + int medium = b; + int big = c; + } + else if (a < c < b) + { + int small = a; + int medium = c; + int big = b; + } + else if (b < c < a) + { + int small = b; + int medium = c; + int big = a; + } + else if (b < a < c) + { + int small = b; + int medium = a; + int big = c; + } + else if (c < a < b) + { + int small = c; + int medium = a; + int big = b; + } + else + { + int small = c; + int medium = b; + int big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +31785345dc4ffbe6c699e733fead32247ecadee1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a =< b && b =< c) + { + int small = a; + int medium = b; + int big = c; + } + else if (a =< c && c =< b) + { + int small = a; + int medium = c; + int big = b; + } + else if (b =< c && c =< a) + { + int small = b; + int medium = c; + int big = a; + } + else if (b =< a && a =< c) + { + int small = b; + int medium = a; + int big = c; + } + else if (c =< a && a =< b) + { + int small = c; + int medium = a; + int big = b; + } + else + { + int small = c; + int medium = b; + int big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +95a9e924161a0a97837ea92c4500552278951fbc,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a =< b) && (b =< c)) + { + int small = a; + int medium = b; + int big = c; + } + else if (a =< c && c =< b) + { + int small = a; + int medium = c; + int big = b; + } + else if (b =< c && c =< a) + { + int small = b; + int medium = c; + int big = a; + } + else if (b =< a && a =< c) + { + int small = b; + int medium = a; + int big = c; + } + else if (c =< a && a =< b) + { + int small = c; + int medium = a; + int big = b; + } + else + { + int small = c; + int medium = b; + int big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +5af52a56b0934c7050565c062a620e0e0b8a2619,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a =< b) && (b =< c)) + { + int small = a; + int medium = b; + int big = c; + } + else if ((a =< c) && (c =< b)) + { + int small = a; + int medium = c; + int big = b; + } + else if ((b =< c) && (c =< a)) + { + int small = b; + int medium = c; + int big = a; + } + else if ((b =< a) && (a =< c)) + { + int small = b; + int medium = a; + int big = c; + } + else if ((c =< a) && (a =< b)) + { + int small = c; + int medium = a; + int big = b; + } + else + { + int small = c; + int medium = b; + int big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +59080ed5c82e1382fd79ae66fbbeb23a4c682ade,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a <= b) && (b <= c)) + { + int small = a; + int medium = b; + int big = c; + } + else if ((a <= c) && (c <= b)) + { + int small = a; + int medium = c; + int big = b; + } + else if ((b <= c) && (c <= a)) + { + int small = b; + int medium = c; + int big = a; + } + else if ((b <= a) && (a <= c)) + { + int small = b; + int medium = a; + int big = c; + } + else if ((c <= a) && (a <= b)) + { + int small = c; + int medium = a; + int big = b; + } + else + { + int small = c; + int medium = b; + int big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +1861841469e3d68bd600475b5788e63247612472,"public boolean evenlySpaced(int a, int b, int c) +{ + int small; + int medium; + int big; + + if ((a <= b) && (b <= c)) + { + small = a; + medium = b; + big = c; + } + else if ((a <= c) && (c <= b)) + { + small = a; + medium = c; + big = b; + } + else if ((b <= c) && (c <= a)) + { + small = b; + medium = c; + big = a; + } + else if ((b <= a) && (a <= c)) + { + small = b; + medium = a; + big = c; + } + else if ((c <= a) && (a <= b)) + { + small = c; + medium = a; + big = b; + } + else + { + small = c; + medium = b; + big = a; + } + + if ((medium - small) == (big - medium)) + return true; + else + return false; +}" +73f0637722ceae1a39addd7267096315be69926b,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +d220d0e0a6b8d2bb524ebc9dd6d1ee850989faaf,"public boolean evenlySpaced(int a, int b, int c) +{ + int ba; + int cb; + ba = b - a; + cb = c - b; + + if (ba == cb) + { + return true; + } +} +" +bc016d555660c8257c640206cbedcb5b21050e9b,"public boolean evenlySpaced(int a, int b, int c) +{ + int ba; + int cb; + ba = b - a; + cb = c - b; + + if (ba == cb) + { + return true; + } + else + { + return false; + } +} +" +fa30f249eb9c8733200d31a1c197f127c9e568c5,"public boolean evenlySpaced(int a, int b, int c) +{ + b=a; + if ((a-b) == (b-c) && (b-a) == (c-b) && (a-c) == (c-a)) + { + return true; + } + else + { + return false; + } +} +" +cbb5ce7d42ee3c8679fb5c4e8645dc47408194ad,"public boolean evenlySpaced(int a, int b, int c) +{ + int ba; + int cb; + ba = b - a; + cb = c - b; + + if (ba == cb) + { + return true; + } + else + { + return; + } +} +" +45f569220ff25d79439c409ee37fa461f50016c9,"public boolean evenlySpaced(int a, int b, int c) +{ + int ba; + int cb; + ba = b - a; + cb = c - b; + + if (ba == cb) + { + return true; + } + else + { + return false; + } +} +" +a21ea7a4caaf5e80778309a02295fd09cdb83b00,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c == a - c) + { + return true; + } + else + { + return false; + } + +} +" +3a13a30a970fd3ea1314d87c3f0c47bef89e1288,"public boolean evenlySpaced(int a, int b, int c) +{ + int ba; + int cb; + ba = -1(b - a); + cb = -1(c - b); + + if (ba == cb) + { + return true; + } + else + { + return false; + } +} +" +d3882fa8b5b0f0b569e0f906ac5faff92a2aa711,"public boolean evenlySpaced(int a, int b, int c) +{ + int ba; + int cb; + ba = (b - a); + cb = (c - b); + + if (ba == cb) + { + return true; + } + else + { + return false; + } +} +" +2db8e2b24a97662d207beca76c48a5ff8bac14f1,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (b - a == c - b) + { + return true; + } + else + { + return false; + } +} +" +1073c8a4a14c0be3a60cf4e3b4138f90af90598c,"public boolean evenlySpaced(int a, int b, int c) +{ + b=a; + if ((a-b) == (b-c) && (b-a) == (c-b) && (a-c) == (c-a) && (b-a) == (b-c) && (c-a) == (a-b)) + { + return true; + } + else + { + return false; + } +} +" +94b40010ae8abf0b1131125369a4a1aecb463dd9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a > b && b > c)||(c > b && b > a)) + { + int diffa = a - b; + int diffb = b - c; + if (diffa == diffb) + { + return true; + } + } + + else if ((b > a && a > c)||(c > a && a > b)) + { + int diffa = b - a; + int diffb = a - c; + if (diffa == diffb) + { + return true; + } + } + else if ((a > c && c > b)||(b > c && c > a)) + { + int diffa = b - c; + int diffb = c - a; + if (diffa == diffb) + { + return true; + } + } + else + { + return false; + } + +} +" +257bd2ba317c362ace32c54170ecadcda7a7e604,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = a - b; + int diff2 = b - c; + int diff3 = a - c; + + if (diff1 = diff2 = diff3) + { + return true; + } + else + { + return false; + } + +} +" +da1d0cd0753d5e63c54807cb704ac637eaba09c2,"public boolean evenlySpaced(int a, int b, int c) +{ + b=a; + if ((a-b) == (b-c) && (b-a) == (c-b) && (a-c) == (c-a) && (b-a) == (b-c) && (c-a) == (a-b) && (c-a) = (b-a)) + { + return true; + } + else + { + return false; + } +} +" +ffe664061b2fe8688b8c4392865043bbceae7655,"public boolean evenlySpaced(int a, int b, int c) +{ + b=a; + if ((a-b) == (b-c) && (b-a) == (c-b) && (a-c) == (c-a) && (b-a) == (b-c) && (c-a) == (a-b) && (c-a) == (b-a)) + { + return true; + } + else + { + return false; + } +} +" +4be1a4d5a9c61abac323649a0471095c64da2d23,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + return true; + else + return false; +} +" +06794943fd710f14d13118f6b0306e26e1d71074,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = Math.abs(a - b); + int diff2 = Math.abs(b - c); + int diff3 = Math.abs(a - c); + + if (diff1 = diff2) + { + return true; + } + if (diff1 == diff3) + { + return true; + } + if (diff2 == diff3) + { + return true; + } + else + { + return false; + } + +} +" +1e397edd4c9547f350fb75c681726f54a702987f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b > 0 && b - c < 0) + if (a - b == -(b - c)) + return true; + else + return false; + else if (a - b < 0 && b - c > 0) + if (-(a - b) == b - c) + return true; + else + return false; + else if (a - b == b - c) + return true + else + return false +} +" +fae1e16f8f4c4692dde6ffe62120c3b1d856390b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b > 0 && b - c < 0) + if (a - b == -(b - c)) + return true; + else + return false; + else if (a - b < 0 && b - c > 0) + if (-(a - b) == b - c) + return true; + else + return false; + else if (a - b == b - c) + return true; + else + return false; +} +" +cecf0993f5d9def6a72fccf85cd39488107734da,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + + if(a==b && a ==c) + { + return true; + } + + if(a == b || b == c || a == c) + { + return false; + } + + diff1 = Math.abs(a - b); + diff2 = Math.abs(b - c); + diff3 = Math.abs(a - c); + + if (diff1 = diff2) + { + return true; + } + if (diff1 == diff3) + { + return true; + } + if (diff2 == diff3) + { + return true; + } + else + { + return false; + } + +} +" +932267ab2c5f014f58a833ed2ca49d86c8263775,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1; + int diff2; + if (a > b) + { + diff1 = a-b; + } + if (b > c) + { + diff2 = b-c; + } + return diff1 == diff2; + +} +" +089657eeb31b21a5e2e2993fad53a323d9f74d2a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa; + int diffb; + if (a > b) + { + diffa = a-b; + } + if (b > c) + { + diffb = b-c; + } + return diffa == diffb; + +} +" +2f54a42c6e40b3a5b92c66a545c22f21d3c9e558,"public boolean evenlySpaced(int a, int b, int c) +{int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +504acb1e71feed834069bc7c3a2094d17cebf1a5,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +6ddc5b2184e78861103608a99046c1c12375a0d0,"public boolean evenlySpaced(int a, int b, int c) +{int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return( b - a == c - b); +} +" +6e52b6c5d251641a9026ea1f6cb71e0db9f9a97e,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + return b - a == c - b; +} +" +fd092ce609a9f371cd678d6139c91a343cecd5d9,"public boolean evenlySpaced(int a, int b, int c) +{ + + int s; + int m; + int l; + + if (a > b && a > c) + { + l = a; + } + else if (b > a && b > c) + { + l = b; + } + else + { + l = c; + } + if (a < b && a < c) + { + s = a; + } + else if (b < a && b < c) + { + s = b; + } + else + { + s = c; + } + if (a > s && a < l) + { + m = a; + } + else if (b > s && b < l) + { + m = b; + } + else + { + m = c; + } + if (m - s == l - m) + { + return true; + } + else + { + return false; + } +} +" +d946cf63b3009fc9e15eb395c0984ad2e1dd7fd9,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + + if(a > b) + { + num = a; + a = b; + b = num; + } + + if(b > c) + { + num = b; + b = c; + c = num; + } + + if(a > b) + { + num = a; + a = b; + b = num; + } + + return( b - a == c - b); +} +" +37a3caec7438a5f2d790bc1a914f63b942db8033,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 0; + int y= 0; + int z = 0; + if (a == b && b == c) + { + return true; + } + if (a == b|| b == c ||a == c) + { + return false; + } + x = a - b; + y = b - c; + z = a - c; + if (x == y) + { + return true; + } + else if (y == z) + { + return true; + } + else if (x == z) + { + return true; + } + else + { + return false; + } + +} +" +1224b43d397ef95602d85d707eca0227e2a82f34,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = 0; + int y= 0; + int z = 0; + if (a == b && b == c) + { + return true; + } + if (a == b|| b == c ||a == c) + { + return false; + } + x = Math.abs(a - b); + y = Math.abs(b - c); + z = Math.abs(a - c); + if (x == y) + { + return true; + } + else if (y == z) + { + return true; + } + else if (x == z) + { + return true; + } + else + { + return false; + } + +} +" +d8b1b4f29204df17ac4c1956526fd6d6aceb11c9,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +8c01f1c49a7d31a8c67d30c549617defab29f487,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = b-a; + int e = c-b; + if ( d == e) + { + return true; + } + return false; +} +" +63a6630106e3f67d11a3021bd549396a832680e6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b > c) + if (a - b == b - c) + return true; + else + return false; + if (a > c > b) + if (a - c == c - b) + return true; + else + return false; + if (b > a > c) + if (b - a == a - c) + return true; + else + return false; + if (b > c > a) + if (b - c == c - a) + return true; + else + return false; + if (c > b > a) + if (c - b == b - a) + return true; + else + return false; + if (c > a > b) + if (c - a == a - b) + return true; + else + return false; +} +" +16aedf90d33214c39c5d64230a72ac232a3b70e8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + if (a > c && c > b) + if (a - c == c - b) + return true; + else + return false; + if (b > a && a > c) + if (b - a == a - c) + return true; + else + return false; + if (b > c && c > a) + if (b - c == c - a) + return true; + else + return false; + if (c > b && b > a) + if (c - b == b - a) + return true; + else + return false; + if (c > a && a > b) + if (c - a == a - b) + return true; + else + return false; +} +" +1c1ecec29abb7b41c087308c10902dd3a937c9e1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a - c == c - b) + return true; + else + return false; + else if (b > a && a > c) + if (b - a == a - c) + return true; + else + return false; + else if (b > c && c > a) + if (b - c == c - a) + return true; + else + return false; + else if (c > b && b > a) + if (c - b == b - a) + return true; + else + return false; + else if (c > a && a > b) + if (c - a == a - b) + return true; + else + return false; +} +" +30baf4b0de4fa1021d9c392ea2a3c5551abf5d4a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a - c == c - b) + return true; + else + return false; + else if (b > a && a > c) + if (b - a == a - c) + return true; + else + return false; + else if (b > c && c > a) + if (b - c == c - a) + return true; + else + return false; + else if (c > b && b > a) + if (c - b == b - a) + return true; + else + return false; + else if (c > a && a > b) + if (c - a == a - b) + return true; + else + return false; + else + return false +} +" +8449c323d188a035bdecab9e6325b87508f94c78,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a - c == c - b) + return true; + else + return false; + else if (b > a && a > c) + if (b - a == a - c) + return true; + else + return false; + else if (b > c && c > a) + if (b - c == c - a) + return true; + else + return false; + else if (c > b && b > a) + if (c - b == b - a) + return true; + else + return false; + else if (c > a && a > b) + if (c - a == a - b) + return true; + else + return false; + else + return false; +} +" +851f627f072c31be83544a63c6be2556175af467,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a - c == c - b) + return true; + else + return false; + else if (b > a && a > c) + if (b - a == a - c) + return true; + else + return false; + else if (b > c && c > a) + if (b - c == c - a) + return true; + else + return false; + else if (c > b && b > a) + if (c - b == b - a) + return true; + else + return false; + else if (c > a && a > b) + if (c - a == a - b) + return true; + else + return false; + else if (a == b && b == c) + return true; + else + return false; +} +" +178e29c5179ab3191ab7db9cbbc7c5fb1e781697,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int d = b-c; + int e = a-b; + if ( d == e) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + int d = a-c; + int e = b -a; + if (d == e) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + int d = a-b; + int e = c-a; + if (d == e) + { + return true; + } + return false; + + } +return false; + + } +} +" +6e800c21aba2b8023ade1101838696ac871e31fd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int d = b-c; + int e = a-b; + if ( d == e) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + int d = a-c; + int e = b -a; + if (d == e) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + int d = a-b; + int e = c-a; + if (d == e) + { + return true; + } + return false; + + } +return false; + +} +" +54f2f56b43fb9a5d96334150558e70e10f8418cc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int d = b-c; + int e = a-b; + if ( d == e) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + int d = a-c; + int e = b -a; + if (d == e) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + int d = a-b; + int e = c-a; + if (d == e) + { + return true; + } + return false; + } + else if ( c > b && b > a) + { + int d = c-b; + int e = b-a; + if (d==e) + { + return true; + } + return false; + } + +} +" +0d343fbf45dc13683523e986c5d9034b6e7c80f7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int d = b-c; + int e = a-b; + if ( d == e) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + int d = a-c; + int e = b -a; + if (d == e) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + int d = a-b; + int e = c-a; + if (d == e) + { + return true; + } + return false; + } + else if ( c > b && b > a) + { + int d = c-b; + int e = b-a; + if (d==e) + { + return true; + } + return false; + } + return false; + +} +" +1addafcfd3a356f0ce5af8ff28b69b6f5e4c2a3c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int d = b-c; + int e = a-b; + if ( d == e) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + int d = a-c; + int e = b -a; + if (d == e) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + int d = a-b; + int e = c-a; + if (d == e) + { + return true; + } + return false; + } + else if ( c > b && b > a) + { + int d = c-b; + int e = b-a; + if (d==e) + { + return true; + } + return false; + } + else if ( a == b && b == a) + { + return true; + } + else if (a > c && c > b) + { + int d = a-c; + int e = c-b; + if (d==e) + { + return true; + } + return false; + } + return false; + +} +" +edf057675518e0c5ce3768de46a681bcf97b59dc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int d = b-c; + int e = a-b; + if ( d == e) + { + return true; + } + return false; + } + else if (b > a && a > c) + { + int d = a-c; + int e = b -a; + if (d == e) + { + return true; + } + return false; + } + else if (c > a && a > b) + { + int d = a-b; + int e = c-a; + if (d == e) + { + return true; + } + return false; + } + else if ( c > b && b > a) + { + int d = c-b; + int e = b-a; + if (d==e) + { + return true; + } + return false; + } + else if ( a == b && b == c) + { + return true; + } + else if (a > c && c > b) + { + int d = a-c; + int e = c-b; + if (d==e) + { + return true; + } + return false; + } + return false; + +} +" +09cbffe712f947c8a6c0ff713b2021b7c5464204,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a-b)==(b-c)) + return true; + else + return false; +} +" +a9c5b83294950a2a858b101fcf42e0b4112af7f1,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a-b)==(b-c)) + return true; + else if((a-c) == (c-b)) + return true; + else + return false; +} +" +6bd39d443234412b1303592be516ce2238a1e109,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a-b)==(b-c)) + return true; + else if((a-c) == (c-b)) + return true; + else if ((b-a) == (a-c)) + return true; + else + return false; +} +" +62412fc667613abca744f842fa2677e306553a1d,"public boolean evenlySpaced(int a, int b, int c) +{ + if(abs(a - b) == abs(b - c) == abs(a - c)) + { + return true; + } + else + { + return false; + } +} +" +72057c5201a230d09b435ed9a1aadc999987f552,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if(a > b) { + + temp = a; + + a = b; + + b = temp; + + } + + + + if(b > c) { + + temp = b; + + b = c; + + c = temp; + + } + + + + if(a > b) { + + temp = a; + + a = b; + + b = temp; + + } + + + + return b - a == c - b; +} +" +ad1634b49c9362176cf1f9bbe92e014c3232b29a,"public boolean evenlySpaced(int a, int b, int c) +{ + + int s; + int m; + int l; + + if (a > b && a > c) + { + l = a; + } + else if (b > a && b > c) + { + l = b; + } + else + { + l = c; + } + if (a < b && a < c) + { + s = a; + } + else if (b < a && b < c) + { + s = b; + } + else + { + s = c; + } + if (a > s && a < l) + { + m = a; + } + else if (b > s && b < l) + { + m = b; + } + else + { + m = c; + } + if (m - s == l - m && a != b) + { + return true; + } + else + { + return false; + } +} +" +bbbcd0fc2a395945a1f3acbeb7e0209305eeff38,"public boolean evenlySpaced(int a, int b, int c) +{ + + int s; + int m; + int l; + + if (a > b && a > c) + { + l = a; + } + else if (b > a && b > c) + { + l = b; + } + else + { + l = c; + } + if (a < b && a < c) + { + s = a; + } + else if (b < a && b < c) + { + s = b; + } + else + { + s = c; + } + if (a > s && a < l) + { + m = a; + } + else if (b > s && b < l) + { + m = b; + } + else + { + m = c; + } + if (m - s == l - m) + { + return true; + } + else + { + return false; + } +} +" +933e140168f5fb661a098c63283fe558450ea2d5,"public boolean evenlySpaced(int a, int b, int c) +{ + + int s; + int m; + int l; + + + if (a < b && a < c) + { + s = a; + } + else if (b < a && b < c) + { + s = b; + } + else + { + s = c; + } + + + + if (a > b && a > c) + { + l = a; + } + else if (b > a && b > c) + { + l = b; + } + else + { + l = c; + } + + + + + + + + if (a > s && a < l) + { + m = a; + } + else if (b > s && b < l) + { + m = b; + } + else + { + m = c; + } + + + + if (m - s == l - m) + { + return true; + } + else + { + return false; + } +} +" +ce55802038baea24c527ae63ef4f811976540fb9,"public boolean evenlySpaced(int a, int b, int c) +{ + + int s; + int m; + int l; + + if (a > b && a > c) + { + l = a; + } + else if (b > a && b > c) + { + l = b; + } + else + { + l = c; + } + + if (c < b && c < a) + { + s = c; + } + else if (b < a && b < c) + { + s = b; + } + else + { + s = a; + } + + + + + + + + if (a > s && a < l) + { + m = a; + } + else if (b > s && b < l) + { + m = b; + } + else + { + m = c; + } + + + + if (m - s == l - m) + { + return true; + } + else + { + return false; + } +} +" +7e5b6b0d79be66e1382b0952842d3cf1c691770b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else + { + return false; + } +} +" +5ac0c0aa45265981ce7f6d1b7cc2ac5863ea9b5c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(b-c) == Math.abs(c-a)) + { + return true; + } + else + { + return false; + } +} +" +e5b276cd5d6e83468a89d7b63258d310cf40d6bd,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(b-c) == Math.abs(c-a))) + { + return true; + } + else + { + return false; + } +} +" +4ed5e81d40dca262145c7d2ed4988af7cecbf914,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(b-c) == Math.abs(c-a)) || (Math.abs(c-a) == Math.abs(a-b))) + { + return true; + } + else + { + return false; + } +} +" +6b65c45e495b8751714df25fcf5a2470dbb8df2a,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) { + return true; + } + if(a==b || a==c || b==c) { + return false; + } + return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + +} +} +" +f160ebcb14b72ad602e0f533f64e84a8868b3927,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) { + return true; + } + if(a==b || a==c || b==c) { + return false; + } + return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + +} + +" +08ccc78dc1ca9595e6bd235b0f71cfdd04bb4a47,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b || b==c || c==a) + { + return false; + } + else if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(b-c) == Math.abs(c-a)) || (Math.abs(c-a) == Math.abs(a-b))) + { + return true; + } + else + { + return false; + } +} +" +0b90d2a3e4bf85771d4f17cdfb979b621cdc74d0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c) + { + return true; + } + else if (a==b || b==c || c==a) + { + return false; + } + else if ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(b-c) == Math.abs(c-a)) || (Math.abs(c-a) == Math.abs(a-b))) + { + return true; + } + else + { + return false; + } +} +" +fad09b10ef1f7663f927c6f3d5f84af2faeb7362,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((medium - small) == (large - medium)) + { + return true; + } + else + { + return false; + } +}" +e101a326e3b014522de5a51212080ac2abb470eb,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b)) + { + return true; + } + else + { + return false; + } +}" +3678c77eff10035b97037f060d64e0980be3d6f9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b - a) == (c - b) || + (a - b) == (c - a) || + (c - a) == (b - c) || + (c - b) == (a - c) || + (b - c) == (a - b) || + (a - c) == (b - a)) + { + return true; + } + else + { + return false; + } +}" +61d33452d67b47592412859d98e76d2eae11f80b,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && ca && cb && ab && ca && cb && ab) { + spacing = a; + b = a; + a = spacing; + } + if (b>a) { + spacing = b; + a = b; + b = spacing; + } + if (c>b) { + spacing = c; + b = c; + c = spacing; + } + return (a-b == b-c); + +}" +76cd7343e2cb1c52bbcbc5f1eaef66b72c4413bc,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +9094b9526f592b7d292f3dc90023464fb8c7f191,"public boolean evenlySpaced(int a, int b, int c) +{ + return 3; +} +" +4f97af6711e9cd9e141736f3c88b0aa8c98a2f2d,"public boolean evenlySpaced(int a, int b, int c) +{ + return false; +} +" +4ceda522258aa7431fb2e79e64f3f06597015cc3,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(a-b); + int e = Math.abs(a-c); + int f = Math.abs(b-c); + return false; +} +" +45b9ba19e78ea7286ebcd855fe1befbfb97d4691,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(a-b); + int e = Math.abs(a-c); + int f = Math.abs(b-c); + if ((d == e && e == f) || (d == e && d == f)) + { + return true; + } + return false; +} +" +9d2590677ca7ccc43b13904d1842ebbc72d57bc4,"public boolean evenlySpaced(int a, int b, int c) +{ + int d = Math.abs(a-b); + int e = Math.abs(a-c); + int f = Math.abs(b-c); + if ((d == e && e == f) || (d == e && d == f)) + { + return true; + } + return false; +} +" +73190ae02053c2f06a1f2320a652a7eeecc6a198,"public boolean evenlySpaced(int a, int b, int c) +{ + int val; + if (b > a) + val = a; + a = b; + b = val; + if (c > b) + val = b; + b = c; + c = val; + return (a - b == b - c); +} +" +1fe8d5b599bab6ed219f1a10e868b31487a9514a,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest =0; + int smallest =0; + int medium =0; + if(a>b && a>c) + { + largest = a; + } + else if(b>a && b>c) + { + largest = b; + } + else + { + largest = c; + } + if(ab && a>c) + { + largest = a; + } + else if(b>a && b>c) + { + largest = b; + } + else + { + largest = c; + } + if(ab && a>c) + { + largest = a; + } + else if(b>a && b>c) + { + largest = b; + } + else + { + largest = c; + } + if(a a) + { val = a; + a = b; + b = val; + } + if (c > b) + { + val = b; + b = c; + c = val; + } + return (a - b == b - c); +} +" +b1ea377328158c007c035a927716071bcb6f4026,"public boolean evenlySpaced(int a, int b, int c) +{ + int val; + if (b > a) + { val = a; + a = b; + b = val; + } + if (c > b) + { + val = b; + b = c; + c = val; + } + if (b > a) + { val = a; + a = b; + b = val; + } + return (a - b == b - c); +} +" +193b4c2138322cd56d965192f598f0cb2e65b394,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value; + if(a > b) + { + if(c > b) + { + if((a-c) == (c-b)) + return true; + } + else + { + if((a-b) == (b-c)) + return true; + } + } + else + { + if(a > c) + { + if((b-a) == (a-c)) + return true; + } + else + { + if((b-c) == (c-a)) + return true; + } + } + return false; +} +" +c8cc922a97155925a154d75456c4bd72dff374fb,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean value; + if(a > b) + { + if(c > b) + { + if((a-c) == (c-b)) + return true; + } + else + { + if((a-b) == (b-c)) + return true; + } + } + else if(b>a) + { + if(a > c) + { + if((b-a) == (a-c)) + return true; + } + else + { + if((b-c) == (c-a)) + return true; + } + } + else + return false; +} +" +fe21556dc7c9b84d3436ae20bafbfa83adc4702d,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spaced = false; + int aMinusB = a - b; + int aMinusC = a - c; + int bMinusC = b - c; + if (Math.abs(aMinusB) == Math.abs(aMinusC) && + Math.abs(aMinusB) == Math.abs(bMinusC)) + { + spaced = true; + } + return spaced; +} +" +ec1b681f5b93bd2802f6c90192e27e9b15ea4068,"public boolean evenlySpaced(int a, int b, int c) +{ + if(abs(a-b) == abs(b-c)) + return true; +} +" +d15d94e5466a193bcdf0258ab418dc76bd74f10c,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(a-b) == Math.abs(b-c)) + return true; +} +" +278b0b9d594b6291684791292e0d0f391b8957e5,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(a-b) == Math.abs(b-c)) + return true; + if(Math.abs(a-b) == Math.abs(a-c)) + return true; + if(Math.abs(c-a) == Math.abs(c-b)) + return true; + return false; +} +" +485163a697bdd82c0ec89c65b60898a081bc691d,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a == b && a != c || a==c && a!= b || c==b && c!=a) + return false; + + if(Math.abs(a-b) == Math.abs(b-c)) + return true; + if(Math.abs(a-b) == Math.abs(a-c)) + return true; + if(Math.abs(c-a) == Math.abs(c-b)) + return true; + return false; +} +" +d0dabbf2150d52b6b80362b171e5827e4b1f6bd2,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a == b && a != c || a==c && a!= b || c==b && c!=a) + return false; + + if(Math.abs(a-b) == Math.abs(b-c)) + return true; + if(Math.abs(a-b) == Math.abs(a-c)) + return true; + if(Math.abs(c-a) == Math.abs(c-b)) + return true; + return false; +} +" +a5e1fb4159222a1702ecb3efd43fcabbafc928b2,"public boolean evenlySpaced(int a, int b, int c) +{ + if( Math.abs(a-b) == Math.abs(b-c)) + { + return true; + } + else + { + return false; + } + + +} +" +2aba0cd23bc838bfe1f9226aaad248d84d174f35,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i; i < array.length(); i ++) + { + if( array[i] > max) + { + max = array(i) + } + if( array[i] < min) + { + min = array(i) + } + } + if( array.contains((min+(max -min)/2))) + { + return true; + } + else + { + return false; + } + + +} +" +4a72471c1266768e61b660b11fa16638bf48db40,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i; i < array.length(); i ++) + { + if( array[i] > max) + { + max = array(i); + } + if( array[i] < min) + { + min = array(i); + } + } + if( array.contains((min+(max -min)/2))) + { + return true; + } + else + { + return false; + } + + +} +" +6b66209b05b8506d4ccf5ba5f02f9fd7a37a2c17,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array(i); + } + if( array[i] < min) + { + min = array(i); + } + } + if( array.contains((min+(max -min)/2))) + { + return true; + } + else + { + return false; + } + + +} +" +08c7a6f263288bdb8c2fd2ff4ac1ff33ddf4970d,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array[i]; + } + if( array[i] < min) + { + min = array[i]; + } + } + if( array.contains((min+(max -min)/2))) + { + return true; + } + else + { + return false; + } + + +} +" +807db2dff20a821b6efead84c3e7fefe892dcc8e,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array[i]; + } + if( array[i] < min) + { + min = array[i]; + } + } + + for (int i = 0; i < 3; i ++) + { + if(array.contains((min+(max -min)/2))) + { + return true; + } + } + return false; + + +} +" +576fab1d9f588cf7df38e27c8da0293f9ce3fbe7,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array[i]; + } + if( array[i] < min) + { + min = array[i]; + } + } + + for (int i = 0; i < 3; i ++) + { + if(array[i] == ((min+(max -min)/2))) + { + return true; + } + } + return false; + + +} +" +a8914ff18aeeb6a20cacf3588227ff1f82d7abe5,"public boolean evenlySpaced(int a, int b, int c) +{ + if(c > b && b > a) + if(c - b == b - a) + return true; + if(b > a && a > c) + if(b - a == a - b) + return true; + if(a > b && b > c) + if(a - b == b - c) + return true; + if(c > a && a > b) + if(c - a == a - b) + return true; +} +" +7878b2975981dcbbe9664ee2b7bdc437ad3a3143,"public boolean evenlySpaced(int a, int b, int c) +{ + if(c > b && b > a) + if(c - b == b - a) + return true; + if(b > a && a > c) + if(b - a == a - b) + return true; + if(a > b && b > c) + if(a - b == b - c) + return true; + if(c > a && a > b) + if(c - a == a - b) + return true; + if(a > c && c > b) + if(a - c == c - b) + return true; +} +" +84593484671be026f2f54fe1a0f516c8fe876287,"public boolean evenlySpaced(int a, int b, int c) +{ + if(c > b && b > a) + if(c - b == b - a) + return true; + if(b > a && a > c) + if(b - a == a - b) + return true; + if(a > b && b > c) + if(a - b == b - c) + return true; + if(c > a && a > b) + if(c - a == a - b) + return true; + if(a > c && c > b) + if(a - c == c - b) + return true; + if(b > c && c > a) + if(b - c == c - a) + return true; +} +" +626506a6bdbe429ef43ce13fa167b1745089779a,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int small = 0; + int medium = 0; + if(a > b) + { + if(b > c) + { + big = a; + medium = b; + small = c; + } + else + { + big = a; + medium = c; + small = b; + } + } + else + { + if(a > c) + { + big = b; + medium = a; + small = c; + } + else + { + big = b; + medium = c; + small = a; + } + } + if((big - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } +} +" +a2bb2dca66570a17707dfd082079ad3c0588e392,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = c; + int small = b; + int medium = a; + if(a > b && a > c) + { + if(b > c) + { + big = a; + medium = b; + small = c; + } + else + { + big = a; + medium = c; + small = b; + } + } + else + { + if(a > c) + { + big = b; + medium = a; + small = c; + } + else + { + big = b; + medium = c; + small = a; + } + } + if((big - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } +} +" +a3e11778f60437299c8219b5aa1941b2b26652a0,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = c; + int small = b; + int medium = a; + if(a > b) + { + if(b > c) + { + big = a; + medium = b; + small = c; + } + else + { + big = a; + medium = c; + small = b; + } + } + else + { + if(a > c) + { + big = b; + medium = a; + small = c; + } + else + { + big = b; + medium = c; + small = a; + } + } + if((big - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } +} +" +0558e43c77a14e7b8cd6a69a5df6d7dd15ad9df3,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array[i]; + } + if( array[i] < min) + { + min = array[i]; + } + } + + for (int i = 0; i < 3; i ++) + { + if(double(array[i]) == ((double(min)+(double(max -min))/2))) + { + return true; + } + } + return false; + + +} +" +24163f7ccbcec99757f472929932ce3d18af6e47,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b) == (b-a) && (b-c) == (c-b) && (c-a) == (a-c)) + { + return true; + } + else + { + return false; + } +} +" +9bc35d9e121103a95a86aca7d58adc7e658b8a6a,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a==b && a ==c) + { + return true; + } + if(a == b || b == c || a == c) + { + return false; + } + + + +} +" +7d22ed9fbcf47032821d76b0398656cea38ced7b," +public boolean evenlySpaced(int a, int b, int c) { + +int diff1 = 0; + +int diff2 = 0; + +int diff3 = 0; + + + +if(a==b && a ==c) + +return true; + + + +if(a == b || b == c || a == c) + +return false; + + + +diff1 = Math.abs(a - b); + +diff2 = Math.abs(a - c); + +diff3 = Math.abs(b - c); + + + +if(diff1 == diff2) + +return true; + +if(diff1 == diff3) + +return true; + +if(diff2 == diff3) + +return true; + + + +return false; + +} +" +72e4aa4e9d30c51d79158b24e7c587457415c72d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b) != (b-a) && (b-c) != (c-b) && (c-a) != (a-c)) + { + return false; + } + else + { + return true; + } +} +" +8b4d1c524d49d8eab7f5012088e6a72ba9e15ef1,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int small = 0; + int medium = 0; + if(a > b && a > c) + { + big = a; + if(b > c) + { + medium = b; + small = c; + } + else + { + medium = c; + small = b; + } + } + else if(b > a && b > c) + { + big = b; + if(a > c) + { + medium = a; + small = c; + } + else + { + medium = c; + small = a; + } + } + else + { + big = c; + if(b > a) + { + medium = b; + small = a; + } + else + { + medium = a; + small = b; + } + } + if((big - medium) == (medium - small)) + return true; + else + return false; +} +" +a415fe91820865e2c91d966952de77489b26deec,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b) == (b-a) && (b-c) == (c-b) && (c-a) == (a-c)) + { + return true; + } + else + { + return false; + } +} +" +fe0fdcf79902a707dd1f2ee705536242e9eece1e,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a==b && a ==c) + { + return true; + } + if(a == b || b == c || a == c) + { + return false; + } + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + + if(diff1 == diff2) + { + return true; + } + + if(diff1 == diff3) + { + return true; + } + if(diff2 == diff3) + { + return true; + } + + return false; + +} +" +2a5aeb2a4fbb374f3cefdf6d50a5d80d7d8afd1c,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + int min_indc = 0; + int max_indc = 0; + int mid_indc; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array[i]; + max_indc = i; + } + if( array[i] < min) + { + min = array[i]; + min_indc = i; + } + } + if (min_indc + max_indc == 2) + { + mid_indc = 1; + } + else if (min_indc + max_indc == 1) + { + mid_indc =2; + } + else if (min_indc + max_indc == 3) + { + mid_indc =0; + } + + if ((max - array[mid_indc]) == (array[mid_indc]-min)) + { + return true; + } + else + { + return false; + } + +} +" +2f762cd83fde54aea20fdf112d6e7ee69e8afeac,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] array = {a,b,c}; + int max = array[0]; + int min = array[0]; + int min_indc = 0; + int max_indc = 0; + int mid_indc =0; + + for (int i = 0; i < 3; i ++) + { + if( array[i] > max) + { + max = array[i]; + max_indc = i; + } + if( array[i] < min) + { + min = array[i]; + min_indc = i; + } + } + if (min_indc + max_indc == 2) + { + mid_indc = 1; + } + else if (min_indc + max_indc == 1) + { + mid_indc =2; + } + else if (min_indc + max_indc == 3) + { + mid_indc =0; + } + + if ((max - array[mid_indc]) == (array[mid_indc]-min)) + { + return true; + } + else + { + return false; + } + +} +" +61e754b89cfd8dc92fe48c30aad0374f671de041,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0 + int diff2 = 0 + int diff3 = 0 + if(a == b && a == c) + return true; + if(a == b || b == c || c == a) + return false; + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if(diff1 == diff2) + return true; + if(diff1 == diff3) + return true; + if(dif2 == diff3); + return true; + return false; +}" +7e145379350a9bd8256612b7424e36824cbd2f2e,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a == b && a == c) + return true; + if(a == b || b == c || c == a) + return false; + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if(diff1 == diff2) + return true; + if(diff1 == diff3) + return true; + if(dif2 == diff3); + return true; + return false; +}" +c123180cff3f3a915b5b22a2f9eb851f10926707,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a == b && a == c) + return true; + if(a == b || b == c || c == a) + return false; + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if(diff1 == diff2) + return true; + if(diff1 == diff3) + return true; + if(diff2 == diff3); + return true; + return false; +}" +ed407008b61b2a6bc36d8d83d770af26149803ab,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a == b && a == c) + return true; + if(a == b || b == c || c == a) + return false; + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if(diff1 == diff2) + return true; + if(diff1 == diff3); + return true; + if(diff2 == diff3); + return true; + return false; +}" +b9fba5da25865a35cbbb2b5b985f88e73c4c5260,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if(a == b && a == c) + return true; + if(a == b || b == c || c == a) + return false; + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if(diff1 == diff2) + return true; + if(diff1 == diff3) + return true; + if(diff2 == diff3) + return true; + return false; +}" +567bb4846bb52156e3e19116c880f56efb68e59b,"public boolean evenlySpaced(int a, int b, int c) +{ + public boolean evenlySpaced(int a, int b, int c) { + int spacing; + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + if(b > c) { + spacing = b; + b = c; + c = spacing; + } + + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + return b - a == c - b; +} +}" +46704ba4e86e6335b95dd51236786c486a868e30,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + if(b > c) { + spacing = b; + b = c; + c = spacing; + } + + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + return b - a == c - b; +} +}" +6f5400b1679348ce83e4033528d5497776e7839b,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + if(b > c) { + spacing = b; + b = c; + c = spacing; + } + + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + return b - a == c - b; +} +} +}" +0534afc95f1bd0c4aedb3a944a37e31c90df01ec,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + if(b > c) { + spacing = b; + b = c; + c = spacing; + } + + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + return b - a == c - b; +} +}" +a28f6a4b14d24c73745a58891ff96f41cf6435b5,"public boolean evenlySpaced(int a, int b, int c) +{ + int spacing; + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + if(b > c) { + spacing = b; + b = c; + c = spacing; + } + + if(a > b) { + spacing = a; + a = b; + b = spacing; + } + + return b - a == c - b; +}" +6b18ea922265841baabfa288c8e8a8051ea903f2,"public boolean evenlySpaced(int a, int b, int c) +{ + if(abs(a-b))return 1; +} +" +ba72b3e7e14eae8e1a2efca804ea4f44778fb7ad,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(a-b))return 1; +} +" +d07e4d9fd21fe805b6c9ff207524bdf18930cf03,"public boolean evenlySpaced(int a, int b, int c) +{ + return(Math.abs(a-b)==Math.abs(b-c)||math.abs(a-b)==2*Math.abs(b-c)||2*math.abs(a-b)==Math.abs(b-c)); +} +" +5c5894334efbfa22ffae1a30e8de47007569ee6a,"public boolean evenlySpaced(int a, int b, int c) +{ + return(Math.abs(a-b)==Math.abs(b-c)||Math.abs(a-b)==2*Math.abs(b-c)||2*Math.abs(a-b)==Math.abs(b-c)); +} +" +c5a7cc38a52d0d169a626fd2702fb9c0a6cb84d7,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-a) && Math.abs(b-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +da3b8b74aa370752bb7ef211d81ae355d5d5687b,"public boolean evenlySpaced(int a, int b, int c) +{ + return(Math.abs(a-b)==Math.abs(b-c)||Math.abs(a-c)==Math.abs(b-c)||2*Math.abs(a-c)==Math.abs(b-c)); +} +" +39ffe1c7133998c1b73b7d4fa06ddb521d55f7d9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b) == (b-c) && (c-b) == (b-a) && (c-a) == (a-b)) + { + return true; + } + else + { + return false; + } +} +" +1c36ae7bd4737936886571369bc663e5dc51068e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a) && Math.abs(c-a) == Math.abs(a-b)) + { + return true; + } + else + { + return false; + } +} +" +d2b8bdf68c1dac488ab02e16a9ff0f53cac77a20,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] order = {a,b,c} + return true +} +" +7f00ab650a83d591b2f780c9146c3579a001c1f3,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] order = {a,b,c}; + return true; +} +" +8d26b272900df20dce4ec7d8199f3de0f375cb37,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a) ) + { + return true; + } + else + { + return false; + } +} +" +a2a55c89344701b359743511026649a95e5fd004,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else + { + return false; + } +} +" +85c4c9d212b11de7349f700e346b7df00b16e914,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else + { + return false; + } +} +" +3f9d67a94d0c18dbbd0ea7715fc9bf1537bd58cc,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean evenlySpaced; + + if ((a / b) == (b / c)) + { + if ((c / b) == (b / c)) + { + evenlySpaced = true; + } + else + { + evenlySpaced = false; + } + } + else + { + evenlySpaced = false; + } + return evenlySpaced; +} +" +3b75f6f1117feccaeb7e971ad27a22da9a07575c,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else + { + return false; + } +} +" +0e4a313f947c2824d22179ace956de4c9bc72ee0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +c25e0cd8d5ea5b4b2c6c5235add98c2896f05c13,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] list = {a,b,c}; + for (i = 0; i < 3; i++) + { + int minValue = list[i]; + int minIndex = i; + for (j = i; j < list.size(); j++){ + if (list.get(j) < minValue){ + minValue = list[j]; + minIndex = j; + } + } + if (minValue < list.get(i)){ + int temp = list[i] + list[i] = list[minIndex]; + list[minIndex] = temp; + } + return(Math.abs(list[0]-list[1])==Math.abs(list[1]-list[2])); +} +" +9eb15a694ac780790eab84d9a36ac203633b2d5f,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] list = {a,b,c}; + for (i = 0; i < 3; i++) + { + int minValue = list[i]; + int minIndex = i; + for (j = i; j < list.size(); j++){ + if (list.get(j) < minValue){ + minValue = list[j]; + minIndex = j; + } + } + if (minValue < list.get(i)){ + int temp = list[i]; + list[i] = list[minIndex]; + list[minIndex] = temp; + } + } + return(Math.abs(list[0]-list[1])==Math.abs(list[1]-list[2])); +} +" +c0e85bc398a38dbd30b645f1810d6c02d314ca9c,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) + { + retrun true; + } + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +e8e0db8cb5dbe9cea46d66302bf4e38e0fe8e832,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] list = {a,b,c}; + for (int i = 0; i < 3; i++) + { + int minValue = list[i]; + int minIndex = i; + for (int j = i; j < list.size(); j++){ + if (list.get(j) < minValue){ + minValue = list[j]; + minIndex = j; + } + } + if (minValue < list.get(i)){ + int temp = list[i]; + list[i] = list[minIndex]; + list[minIndex] = temp; + } + } + return(Math.abs(list[0]-list[1])==Math.abs(list[1]-list[2])); +} +" +630bc68e3d4d879f8c718a3a3c31d15a0a84ca55,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) + { + retrun true; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +aff2087182202a75b2def3ac29029d4015e2af3d,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean evenlySpaced; + + if ((a - b) == (b - c)) + { + evenlySpaced = true; + } + else if ((c - b) == (b - a)) + { + evenlySpaced = true; + } + else if ((b - c) == (c - a)) + { + evenlySpaced = true; + } + else + { + evenlySpaced = false; + } + return evenlySpaced; +} +" +6e833e6aa30d449ec70cc3f74c65b3ad74c81a55,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) + { + return true; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +42bf46156d917b62da16778a0f54bae0485fed36,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] list = {a,b,c}; + for (int i = 0; i < 3; i++) + { + int minValue = list[i]; + int minIndex = i; + for (int j = i; j < 3; j++){ + if (list.get(j) < minValue){ + minValue = list[j]; + minIndex = j; + } + } + if (minValue < list[i]){ + int temp = list[i]; + list[i] = list[minIndex]; + list[minIndex] = temp; + } + } + return(Math.abs(list[0]-list[1])==Math.abs(list[1]-list[2])); +} +" +6c711e5561febc13c3d6ceab392bbfe452cf45ee,"public boolean evenlySpaced(int a, int b, int c) +{ + int[] list = {a,b,c}; + for (int i = 0; i < 3; i++) + { + int minValue = list[i]; + int minIndex = i; + for (int j = i; j < 3; j++){ + if (list[j] < minValue){ + minValue = list[j]; + minIndex = j; + } + } + if (minValue < list[i]){ + int temp = list[i]; + list[i] = list[minIndex]; + list[minIndex] = temp; + } + } + return(Math.abs(list[0]-list[1])==Math.abs(list[1]-list[2])); +} +" +47193fdb8ef4cb9e7e2521c43bd59f7cb1a3ec52,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) + { + return false; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +ab9687584e464697ae8977a55e3efbb74be06b8f,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean evenlySpaced; + + if ((a - b) == (b - c)) + { + evenlySpaced = true; + } + else if ((c - b) == (b - a)) + { + evenlySpaced = true; + } + else if ((b - c) == (c - a)) + { + evenlySpaced = true; + } + else if ((a - b) == (c - a)) + { + evenlySpaced = true; + } + else + { + evenlySpaced = false; + } + return evenlySpaced; +} +" +d77be47694558c94443b5a56508b4b63c4789ef7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +dfd4583d5ddb12b68f80aeb83ed233af12a78e7d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(b-a)) + { + return true; + } + else + { + return false; + } +} +" +0e27c5e00e47a3ddbe5e57bba816a53b1be58728,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-b)) + { + return true; + } + else + { + return false; + } +} +" +833399eb735aab043d7a7e8706ca59295235ed54,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(b-c)) + { + return true; + } + else + { + return false; + } +} +" +dc0002c4fc35d449e1dd0c4ab9c32e80d058e9cb,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + else + { + return false; + } +} +" +643ee1acb0260fa4d3fb365d4189444f0267c35a,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == (c-a)) + { + return true; + } + else + { + return false; + } +} +" +8cad196da0a2ac2ccc9456580fe45dbd40257a67,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + else if ((a==b) || (b==c)) + { + return false; + } +} +" +13e032e26fe133c118c510240275b743bbf5d5d7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + else if ((a==b) || (b==c)) + { + return false; + } + return false; +} +" +9e88ddfac06244cfecda9a5e7e7e024faa0a0b73,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a==b) || (b==c)) + { + return false; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + return false; +} +" +8cd30810ef5b6b7a13447956543d95f4efed7138,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a==b) || (b==c)) + { + return false; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else + { + return true; + } + +} +" +9cae9b9b0f6ec226a257c212d7185ee85753c228,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a==b) || (b==c)) + { + return false; + } + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + return false; + +} +" +912b95e85f700c4c0367e0305403b01289f098fd,"public boolean evenlySpaced(int a, int b, int c) +{ + + else if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + return false; + +} +" +1b56801dd634e6167dd9cd4393ee6f0661902352,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && Math.abs(a-c) == Math.abs(c-b) && Math.abs(c-a) == Math.abs(c-a)) + { + return true; + } + return false; + +} +" +0e5e1d5f70d369b730986e42bb10a76cb563c101,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ((a<=b && b<=c) && Math.abs(a-b) == Math.abs(b-c) && Math.abs(c-b) == Math.abs(b-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (c-b) && (c-a) == (c-a)) + { + return true; + } + return false; + +} +" +465e885334caec1c86eec4c367462a5f841e4608,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ((a<=b && b<=c) && (a-b) == (b-c) && (c-b) == (b-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (c-b) && (c-a) == (c-a)) + { + return true; + } + return false; + +} +" +cca07385b67501028d9dd3305c60338063a7e8ab,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ((a<=b && b<=c) && (a-b) == (b-c) && (c-b) == (b-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (c-b) && (c-a) == (c-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (a-b) && (b-a) == (a-c)) + { + return true; + } + return false; + +} +" +f9e1454c8fbb8ab9fb32d1e5cc21d4496fc6543f,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ((a<=b && b<=c) && (a-b) == (b-c) && (c-b) == (b-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (c-b) && (c-a) == (c-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (b-a) && (a-b) == (c-a)) + { + return true; + } + return false; + +} +" +0cf0a3857b631b0d2bc831561e9fba8e0c0ac6b8,"public boolean evenlySpaced(int a, int b, int c) +{ + + if ((a<=b && b<=c) && (a-b) == (b-c) && (c-b) == (b-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (c-b) && (c-a) == (c-a)) + { + return true; + } + else if ((a>=b && b<=c) && (a-c) == (b-a) && (a-b) == (c-a)) + { + return true; + } + else if ((a<=b && b>=c) && (a-c) == (b-a) && (a-b) == (c-a)) + { + return true; + } + return false; + +} +" +f260515067293c6c7e15f3de6d215e918c3452bd,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a < b && b < c) { + if ( Math.abs(b - c) == Math.abs(b - a)) { + return true; + } + } + if ( a > c && c > b) { + if ( Math.abs(c - a) == Math.abs(c - b)) { + return true; + } + } + if ( b > a && a > c) { + if ( Math.abs(a - c) == Math.abs(a - b)) { + return true; + } + } + if ( c > a && a > b) { + if ( Math.abs(a - c) == Math.abs(a - b)) { + return true; + } + } + if ( a == b && b == c) { + return true; + } + return false; +} +" +397f5c0542a70fc8a8987b7de11c58fb92ba41f5,"public boolean evenlySpaced(int a, int b, int c) +{ + int swap; + + if (b > a) //trying to swtich the numbers so when subtracting, nothing becomes negative + { + swap = a; + a = b; + b = swap; + } + + if (c > b) + { + swap = b; + b = c; + c = swap; + } + + if (b > a) // reverses the numbers again to make sure it is not negative + { + swap = a; + a = b; + b = swap; + } + + return(a - b == b - c); //when you check if the numbers are evenly spaced +} +" +362e284e4bf5d5bf3f17ff492acb9fd1f06cc0d8,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; + if(a==b || a==c || b==c) return false; + return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a- c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); +} +" +e18a817f0f7e575c4e3ebcdf2db6ca36c5a38bd9,"public boolean evenlySpaced(int a, int b, int c) +{ + diffa = a - b; + diffb = b- c; + if (diffa == diffb) + { + return true; + } +} +" +baa7e32bb0da2c2a962cddfdafee5c8fd9f3097b,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa = a - b; + int diffb = b- c; + if (diffa == diffb) + { + return true; + } +} +" +33858a1da9eb9c095215753665dfb14d6116fcbf,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa = a - b; + int diffb = b - c; + if (diffa == diffb) + { + return true; + } + else + { + return false; + } +} +" +8016eaeaf2edfc8bd8a0b2560835c5646e519a82,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa = a - b; + int diffb = b - c; + if (abs(diffa) == abs(diffb)) + { + return true; + } + else + { + return false; + } +} +" +c9efa6a2b8dd7c8bfc4a9c2ac2278529ece00a0d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa = a - b; + int diffb = b - c; + if (Math.abs(diffa) == Math.abs(diffb)) + { + return true; + } + else + { + return false; + } +} +" +c782fb2dee82be11ecf1b95c62a5788a106c6f64,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa = a - b; + int diffb = b - c; + int diff c = a - c; + if (Math.abs(diffa) == Math.abs(diffb) || Math.abs(diffa) == Math.abs(diffc)) + { + return true; + } + else + { + return false; + } +} +" +cad33216de3c5a2bc01eae11b97be74ecd8394ce,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffa = a - b; + int diffb = b - c; + int diffc = a - c; + if (Math.abs(diffa) == Math.abs(diffb) || Math.abs(diffa) == Math.abs(diffc)) + { + return true; + } + else + { + return false; + } +} +" +5c37f0887f7ff2eb8363ae0bef6b74fc9a2a623d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && a == c) + { + return true; + } + int diffa = a - b; + int diffb = b - c; + int diffc = a - c; + if (Math.abs(diffa) == Math.abs(diffb) || Math.abs(diffa) == Math.abs(diffc) || Math.abs(diffb) == Math.abs(diffc)) + { + return true; + } + else + { + return false; + } +} +" +510d08967ac7ef1dc773b3db343ed6283695202f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && a == c) + { + return true; + } + if (a == b || b == c || a == c_ + { + return false; + } + int diffa = a - b; + int diffb = b - c; + int diffc = a - c; + if (Math.abs(diffa) == Math.abs(diffb) || Math.abs(diffa) == Math.abs(diffc) || Math.abs(diffb) == Math.abs(diffc)) + { + return true; + } + else + { + return false; + } +} +" +7f3b2aafdb358cd92118f7a3bdecf878979c3aa0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +ef8e82bccc1ba1897b4af379676eee8a21c5cacd,"public boolean evenlySpaced(int a, int b, int c) +{ + if (ab && b>c &&a-b == b-c) + { + return true; + } + else if (b>c && c>a && b-c == c-a) + { + return true; + } + else if (c>a && a>b && c-a == a-b) + { + return true; + } + else if (a>c && c>b && a-c == c-b) + { + return true; + } + else if (b>a && a>c && b-a==a-c) + { + return true; + } +} +" +3bcaeabc5a8ad8f309bf6cded714d13490d7ae27,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c &&a-b == b-c) + { + return true; + } + else if (b>c && c>a && b-c == c-a) + { + return true; + } + else if (c>a && a>b && c-a == a-b) + { + return true; + } + else if (a>c && c>b && a-c == c-b) + { + return true; + } + else if (b>a && a>c && b-a==a-c) + { + return true; + } + else + { + return false; + } +} +" +504ac97260a71567c07f5e7cc9031a8c609d0770,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c &&a-b == b-c) + { + return true; + } + else if (b>c && c>a && b-c == c-a) + { + return true; + } + else if (c>a && a>b && c-a == a-b) + { + return true; + } + else if (a>c && c>b && a-c == c-b) + { + return true; + } + else if (b>a && a>c && b-a==a-c) + { + return true; + } + else if (c>b && b>a && c-b==b-a) + { + return true; + } + else + { + return false; + } +} +" +34104e98943043dfec22c7c02207b258844bf0cc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c &&a-b == b-c) + { + return true; + } + else if (b>c && c>a && b-c == c-a) + { + return true; + } + else if (c>a && a>b && c-a == a-b) + { + return true; + } + else if (a>c && c>b && a-c == c-b) + { + return true; + } + else if (b>a && a>c && b-a==a-c) + { + return true; + } + else if (c>b && b>a && c-b==b-a) + { + return true; + } + else if (a==b, b==c) + { + return true; + } + else + { + return false; + } +} +" +e78a50892a4c9cc42fc64f9e7f87532091b12367,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a>b && b>c &&a-b == b-c) + { + return true; + } + else if (b>c && c>a && b-c == c-a) + { + return true; + } + else if (c>a && a>b && c-a == a-b) + { + return true; + } + else if (a>c && c>b && a-c == c-b) + { + return true; + } + else if (b>a && a>c && b-a==a-c) + { + return true; + } + else if (c>b && b>a && c-b==b-a) + { + return true; + } + else if (a==b && b==c) + { + return true; + } + else + { + return false; + } +} +" +ab9e943f94a7a38a5d878243af4edcc504111366,"public boolean evenlySpaced(int a, int b, int c) +{ + if(Math.abs(a - b) == Math.abs(b - c) &&Math.abs(b - c) == Math.abs(a - c)) + { + return true; + } + else + { + return false; + } +} +" +359b1f20301637a23d09636d148d2a95f7042f6e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + if (a - b == b - c) + { + return true; + } + else + return false; + } + else if (a > b && c > b) + { + if (a-b == c-b) + return true; + else + return false; + } + else if (b > a && a > c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (b > c && c > a) + { + if (b-c == c-a) + return true; + else + return false; + } + else if (c > a && a > b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (c > b && b > a) + { + if (c-b == b-a) + return true; + else + return false; + } + else + { + return false; + } +} +" +dc5a15cc34033dfb178e881ca37765ba42ea0af6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a-b == c-b) + return true; + else + return false; + else if (b > a && a > c) + if (b-a == a-c) + return true; + else + return false; + else if (b > c && c > a) + if (b-c == c-a) + return true; + else + return false; + else if (c > a && a > b) + if (c-a == a-b) + return true; + else + return false; + else if (c > b && b > a) + if (c-b == b-a) + return true; + else + return false; + else + return false; +} +" +ad4a2aad862ac32d1fe626e0576e8e9d826dc3d9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a-c == c-b) + return true; + else + return false; + else if (b > a && a > c) + if (b-a == a-c) + return true; + else + return false; + else if (b > c && c > a) + if (b-c == c-a) + return true; + else + return false; + else if (c > a && a > b) + if (c-a == a-b) + return true; + else + return false; + else if (c > b && b > a) + if (c-b == b-a) + return true; + else + return false; + else + return false; +} +" +48ae56a606c0b7b39a3a225d33ec8de08e499df1,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a <= b && b <= c) || (c <= b && b <= a)) + { + return abs(b-a) == abs(c-b); + } + else if ((b <= a && a <= c)) || (c <= a && a <= b)) + { + return abs(b-a) == abs(c-a); + } + else + { + return abs(c-a) == abs(c-b); + } + +} +" +94a6c18bf9de75ea23264efadecd398974a2554d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a <= b && b <= c) || (c <= b && b <= a)) + { + return abs(b-a) == abs(c-b); + } + else if ((b <= a && a <= c) || (c <= a && a <= b)) + { + return abs(b-a) == abs(c-a); + } + else + { + return abs(c-a) == abs(c-b); + } + +} +" +1150bb2e7f4ed47bb9d11687bf903808ac43fe22,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + if (a - b == b - c) + return true; + else + return false; + else if (a > c && c > b) + if (a-c == c-b) + return true; + else + return false; + else if (b > a && a > c) + if (b-a == a-c) + return true; + else + return false; + else if (b > c && c > a) + if (b-c == c-a) + return true; + else + return false; + else if (c > a && a > b) + if (c-a == a-b) + return true; + else + return false; + else if (c > b && b > a) + if (c-b == b-a) + return true; + else + return false; + else if (a - b == b - c && b - c == 0) + return true; + else + return false; +} +" +49e26a44eec53d5ca6723f85cf21f57c2816e041,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a <= b && b <= c) || (c <= b && b <= a)) + { + return Math.abs(b-a) == Math.abs(c-b); + } + else if ((b <= a && a <= c) || (c <= a && a <= b)) + { + return Math.abs(b-a) == Math.abs(c-a); + } + else + { + return Math.abs(c-a) == Math.abs(c-b); + } + +} +" +f0f3c08029dfe3a50173204eea7ecb3f1153148d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; +int diff2 = 0; +int diff3 = 0; +if(a==b && a ==c) +return true; +if(a == b || b == c || a == c) +return false; +diff1 = Math.abs(a - b); +diff2 = Math.abs(a - c); +diff3 = Math.abs(b - c); +if(diff1 == diff2) +return true; +if(diff1 == diff3) +return true; +if(diff2 == diff3) +return true; +return false; +} +" +3a2cf1260da2808df861d326bb7a4a6fe4fcc79d,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +0dafe7c392194737e509d5114acb3ac7ff161ec1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (math.abs(a-b) == math.abs(c-b) || math.abs(b-c) == math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +1bebb0b56943e5c404392e5209ca2787c78c8afa,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b) || Math.abs(b-c) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +904805cc2cbcf5e07ac702b980fd56b6d52651d3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b) && Math.abs(b-c) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +fb6565dfe7dff7ccdd9e7ed468143bd5bea22a4f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b) || Math.abs(b-c) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +d0f486d3ba293a761e9b650196a9fdd44bf019e2,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + else if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + else if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else + middle = c; + + if((middle-smallest) == (largest-middle)) + return true; + else + return false; + } +} +" +fe9d728d85f5260c6e11f140ec7b906e8b81ccc0,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + else if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + else if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else + middle = c; + + if((middle-smallest) == (largest-middle)) + return true; + else + return true; + } +} +" +245cf57fd3fcb840621c173758eb66440061aff3,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + else if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + else if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else + middle = c; + + if((middle-smallest) == (largest-middle)) + return false; + else + return true; + } +} +" +813d9747011fd3880dda526c0655251887dc0c2b,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + else if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + else if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else + middle = c; + + if((middle-smallest) == (largest-middle)) + return true; + else + return false; + } +} +" +7808051e4759b09c0834a4a4a63229ed21eeb219,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + else if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + else if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else if ((c > a && c < b) || (c < a && c > b)) + middle = c; + + if((middle-smallest) == (largest-middle)) + return true; + else + return false; + } +} +" +134c6c02aa60759e555c5d344450da8e1b0dd9d2,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + else if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + else if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else if ((c > a && c < b) || (c < a && c > b)) + middle = c; + + if((middle-smallest) == (largest-middle)) + return true; + else + return false; + } +} +" +6243b293db9836e422016a8c67f2067a84e723c7,"public boolean evenlySpaced(int a, int b, int c) +{ + int largest = 0; + int smallest = 0; + int middle =0; + if( a==b && b==c && c==a) + return true; + else + { + if(a < b && a < c) + smallest = a; + else if (a > b && a > c) + largest = a; + else if ((a > b && a < c) || (a < b && a > c)) + middle = a; + //for b replace a with b + if(b < a && b < c) + smallest = b; + else if (b > a && b > c) + largest = b; + else if ((b > a && b < c) || (b < a && b > c)) + middle = b; + // for c + if(c < b && c < a) + smallest = c; + else if (c > b && c > a) + largest = c; + else if ((c > a && c < b) || (c < a && c > b)) + middle = c; + + if((middle-smallest) == (largest-middle)) + return true; + else + return false; + } +} +" +504e62b016892b968569de29e062664a91f3b1f8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a-b) == Math.abs(c-b) || Math.abs(b-c) == Math.abs(a-c) || Math.abs(a-b) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +5cd7d54febebefffa77858f3c33b2e57584d66df,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (a == b && a == c) + { + return true; + } + + if (a == b || a == c) + { + return false; + } + + if (Math.abs(a-b) == Math.abs(c-b) || Math.abs(b-c) == Math.abs(a-c) || Math.abs(a-b) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +d33659afc6e7e4d4185e9c0ceb3f4c41a691a508,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (a == b && a == c) + { + return true; + } + + if (a == b || a == c || b == c) + { + return false; + } + + if (Math.abs(a-b) == Math.abs(c-b) || Math.abs(b-c) == Math.abs(a-c) || Math.abs(a-b) == Math.abs(a-c)) + { + return true; + } + else + { + return false; + } +} +" +a69c3972ddd7b829eb7b0c1ff5787f057be5c5f0,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +e39c70e7a13015c91a8da39ec12a19d9ed3479fc,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(b - c)) + return true +} +" +8ca1e218f7e60d39deb891483a0fc66e05a823ba,"public boolean evenlySpaced(int a, int b, int c) +{ + if (abs(a - b) == abs(b - c)) + return true; +} +" +592465bdef9ffc681c9077aa3b53e5e2523e4ae1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (Math.abs(a - b) == Math.abs(b - c)) + return true; +} +" +55bdd5dfce37c0c47fd5bf36fcc973a30d601e81,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spacing; + if (Math.abs(a - b) == Math.abs(b - c)) + spacing = true; + return spacing; +} +" +70d69602da63aec9c72bed37b9042f5887439d52,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spacing = false; + if (Math.abs(a - b) == Math.abs(b - c)) + spacing = true; + return spacing; +} +" +12189792fd29766f2a2cbcf75634aa859e101354,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean spacing = false; + if ((Math.abs(a - b) == Math.abs(b - c)) + || (Math.abs(a-c) == Math.abs(c-b))) + spacing = true; + return spacing; +} +" +863e832f75b30d34f771d407ecc21b0e5e5e2cb0,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +7807a80b681ce9872a447872d87bc49cc82c0288,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( b - a == c - b) { +return true; + } + else { + return false; + } +} +" +9f0468f2d52275e71bbdd7832d7c7625fa784345,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a < b && a > c) + { + medium = a; + } + else if (a > b && a < c) + { + medium = a; + } + else + { + small = a; + } + + if (b > a && b > c) + { + large = b; + } + else if (b < a && b > c) + { + medium = b; + } + else if (b > a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +1eaa290ced3529ade748fc0a348a08f4bdbc27aa,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a <= b && a >= c) + { + medium = a; + } + else if (a => b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b > a && b > c) + { + large = b; + } + else if (b < a && b > c) + { + medium = b; + } + else if (b > a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +5ea0ce1e0b4cbf0ce81148ce3e4f1c8601c7174e,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( b - a == c - b || b - a == a - c) { +return true; + } + else { + return false; + } +} +" +43dd4a719cdeb718b67ce3366128543663811e7d,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a <= b && a >= c) + { + medium = a; + } + else if (a >= b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b > a && b > c) + { + large = b; + } + else if (b < a && b > c) + { + medium = b; + } + else if (b > a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +9e73dfab194957ec03d2d839314a64dc4eb1138b,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a <= b && a >= c) + { + medium = a; + } + else if (a >= b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b >= a && b >= c) + { + large = b; + } + else if (b =< a && b => c) + { + medium = b; + } + else if (b => a && b =< c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +747e4352bd8f9a8973407ae4fdd7e76de77037d8,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( b - a == c - b || b - a == a - c || a - c == c - b) { +return true; + } + else { + return false; + } +} +" +9cc8c4bbca8f0540d1a95c4fc1c39feefccce3bf,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a <= b && a >= c) + { + medium = a; + } + else if (a >= b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b >= a && b >= c) + { + large = b; + } + else if (b <= a && b >= c) + { + medium = b; + } + else if (b >= a && b <= c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +5f72bbc520577c0d5c80bc20519212a3703c01ac,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a <= b && a >= c) + { + medium = a; + } + else if (a >= b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b >= a && b >= c) + { + large = b; + } + else if (b < a && b > c) + { + medium = b; + } + else if (b > a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +9658516fd2135e687288e55ba86a385e2bf7846e,"public boolean evenlySpaced(int a, int b, int c) +{ + int small; + int medium; + int large; + if (a > b) { + small = a; + a = b; + b = small; + } + if (b > c) { + medium = b; + b = c; + c = medium; + } + if ( a > b) { + large = a; + a = b; + b = large; + } + if (b - a == c - b) { + return true; + } + else { + return false; + } + return b - a == c - b; +} +" +80b8b697699be50344231d353fbb76870cbc777f,"public boolean evenlySpaced(int a, int b, int c) +{ + int small; + int medium; + int large; + if (a > b) { + small = a; + a = b; + b = small; + } + if (b > c) { + medium = b; + b = c; + c = medium; + } + if ( a > b) { + large = a; + a = b; + b = large; + } + if (b - a == c - b) { + return true; + } + else { + return false; + } +} +" +e4631a9b84f3698d6abc8748d5bc163df112657f,"public boolean evenlySpaced(int a, int b, int c) +{ +if (a>b && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (a b) + { + temp = a; + a = b; + b = temp; + } + else if (b > c) + { + temp = b; + b = c; + c = temp; + } + else if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +ccae3b800dd42b21aa673e81224aae2adc86b922,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b-a) <= 1 && Math.abs(c-a) >= 2 + && Math.abs(c-b) >= 2 || Math.abs(c-a) <= 1 + && Math.abs(b-a) >= 2 && Math.abs(b-c) >= 2); +} +" +c817e9f826ec6fdcfe89e64a13fe30963c611a57,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c-b == b-a) + return true; + return false; + +} +" +fe9e8a5d9331dae2478b795e9011d1b76a985c9a,"public boolean evenlySpaced(int a, int b, int c) +{ + return (Math.abs(b-a) <= 1 && Math.abs(c-a) >= 2 && Math.abs(c-b) >= 2 + || Math.abs(c-a) <= 1 && Math.abs(b-a) >= 2 && Math.abs(b-c) >= 2); +} +" +ae78673ceadeb052b055f1fe3a4b5d5bcdf223b3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || c-a <= 1 && b-a >= 2 && b-c >= 2) + return true; +} +" +bc5f10e254dcfe5d9ac13cb05bf636f0951ac52d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || c-a <= 1 && b-a >= 2 && b-c >= 2) + return true; +} +" +dcde1d1a953c5373bd04cc5cd6ce49538ab6ab4f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || c-a <= 1 && b-a >= 2 && b-c >= 2) + return true; + return false; +} +" +f8a273be0fdffc2c30edc5f534fb517b1e14939a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (c-b == b-a || c-a == a-b || a-b == b-c || a-c == c-b || b-c == c-a || b-a == a-c) + return true; + return false; + +} +" +cde7248dc2ddcbe4df65dff628e093a4722866d1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || c-a <= 1 && b-a >= 2 && b-c >= 2 + || c-b <= 1 && b-a >= 2 && b-c >= 2) + return true; + return false; +} +" +ed49542a7496851fdc64a26e5c329445c9d163ed,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || c-a <= 1 && b-a >= 2 && c-b >= 2 + || c-b <= 1 && b-a >= 2 && b-a >= 2) + return true; + return false; +} +" +77af6a72e2a7e1f35e166fba50d4b6d2fa433ad4,"public boolean evenlySpaced(int a, int b, int c) +{ +if (a>b && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (a= 2 && c-b >= 2 + || c-a <= 1 && b-a >= 2 && c-b >= 2 + || c-b <= 1 && b-a >= 2 && c-a >= 2) + return true; + return false; +} +" +85acb10f0fa8ee290143abfb91055eb56082854e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a = c-a = c-b) + return true; + return false; +} +" +b03f6ee58d1c2efbc298c1b090d888a47d5425a9,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || b-a >= 2 && c-a <= 1 && c-b >=2 + || b-a >=2 && c-a >= 2 && c-b <= 1) + return true; + return false; +} +" +fa3deca9268d57bf777f17eb3655ddbf117038f6,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || b-a >= 2 && c-a <= 1 && c-b >=2 + || b-a >= 2 && c-a >= 2 && c-b <= 1 + || b-a >= 2 && c-a >= 2 && c-b >= 2 + || b-a <= 1 && c-a <= 1 && c-b <= 1) + return true; + return false; +} +" +f09b5d96f7729139141b2ef96f33a41cde1d3166,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b-a <= 1 && c-a >= 2 && c-b >= 2 + || b-a >= 2 && c-a <= 1 && c-b >=2 + || b-a >= 2 && c-a >= 2 && c-b <= 1 + || b-a >= 2 && c-a >= 2 && c-b >= 2 + || b-a <= 1 && c-a <= 1 && c-b <= 1 + || b-a <= 1 && c-a <= 1 && c-b >= 2 + || b-a <= 1 && c-a >= 2 && c-b <= 1 + || b-a >= 2 && c-a <= 1 && c-b <= 1) + return true; + return false; +} +" +905e661f01c7bb0a8c17a311ecc5206d54410d08,"public boolean evenlySpaced(int a, int b, int c) +{ + /*int[] temp= new int[3]; + temp[0]= a; + temp[1]=b; + temp[2] = c; + int[] sorted = new int[3]; + for(int x=*/ + return Math.abs(b-a) == Math.abs(c-b); +} +" +8402a1291a2bb77aee93601aca3b5ac93974b9f3,"public boolean evenlySpaced(int a, int b, int c) +{ +/*if (a>b && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (a= 2 && c-b >= 2 + || b-a >= 2 && c-a <= 1 && c-b >=2 + || b-a >= 2 && c-a >= 2 && c-b <= 1 + || b-a >= 2 && c-a >= 2 && c-b >= 2 + || b-a <= 1 && c-a <= 1 && c-b <= 1 + || b-a <= 1 && c-a <= 1 && c-b >= 2 + || b-a <= 1 && c-a >= 2 && c-b <= 1 + || b-a >= 2 && c-a <= 1 && c-b <= 1) + return true; + return false; +} +" +5d582a341259f1d0ffa9dff0530ce74855e00f6f,"public boolean evenlySpaced(int a, int b, int c) +{ + /*int[] temp= new int[3]; + temp[0]= a; + temp[1]=b; + temp[2] = c; + int[] sorted = new int[3]; + int min =0; + for (int x: temp) + if a*/ + return (Math.abs(b-a) == Math.abs(c-b) )||( Math.abs(a-c)== Math(a-b)) ||( Math.abs(a-c)== Math.abs(b-c)); +} +" +fe8e413661f14057b4b237806cd73432e09ad57a,"public boolean evenlySpaced(int a, int b, int c) +{ + /*int[] temp= new int[3]; + temp[0]= a; + temp[1]=b; + temp[2] = c; + int[] sorted = new int[3]; + int min =0; + for (int x: temp) + if a*/ + return (Math.abs(b-a) == Math.abs(c-b) ); +} +" +0ccbe09595f9a2d4244d6cf8071a00ec339984b1,"public boolean evenlySpaced(int a, int b, int c) +{ + /*int[] temp= new int[3]; + temp[0]= a; + temp[1]=b; + temp[2] = c; + int[] sorted = new int[3]; + int min =0; + for (int x: temp) + if a*/ + return (Math.abs(b-a) == Math.abs(c-b) ) ||( Math.abs(a-c)== Math(a-b)); +} +" +f2364167c136b21a41ffea4b4dec2942c6fe4b82,"public boolean evenlySpaced(int a, int b, int c) +{ + /*int[] temp= new int[3]; + temp[0]= a; + temp[1]=b; + temp[2] = c; + int[] sorted = new int[3]; + int min =0; + for (int x: temp) + if a*/ + return (Math.abs(b-a) == Math.abs(c-b) ) ||( Math.abs(a-c)== Math.abs(a-b)) ||( Math.abs(a-c)== Math.abs(b-c)); +} +" +b7f5899ac745ff7545399fcd98f131d8f21c7857,"public boolean evenlySpaced(int a, int b, int c) +{ +/*if (a>b && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (ab && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (ab && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (ab && a>c) +{ + if (b>c) + { + if (a-b == b-c) + return true; + else + return false; + } + else if (ba && b>c) +{ + if (a>c) + { + if (b-a == a-c) + return true; + else + return false; + } + else if (aa && c>b) +{ + if (a>b) + { + if (c-a == a-b) + return true; + else + return false; + } + else if (a b) + { + temp = a; + a =b ; + b= temp; + } + if (b>c) { + temp = b; + b=c; + c= temp; + } + if (a > b) { + temp = a; + a =b ; + b= temp; + } + return b-a == c-b; +} +" +203d17757259f72769322e9caa0951ef50f38915,"public boolean evenlySpaced(int a, int b, int c) +{ + if (b>a && ba && cb && aa && ba && cb && aa && ba && cb && a b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +}" +6f87840b227e461d194f55fcf423ee75e082b0ef,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +b995564dc53a9d2684a4aa864a0defd5bbb601f5,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff = Math.abs(a-b); + int diff2 = Math.abs(b-c); + int diff3 = Math.abs(a-c); + + if(diff1==diff2 || diff2==diff3 || diff3==diff1) + { + return true; + } + else + { + return false; + } +} +" +6f3794b825ad27ab3457b4b45d2d461369d8a251,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = Math.abs(a-b); + int diff2 = Math.abs(b-c); + int diff3 = Math.abs(a-c); + + if(diff1==diff2 || diff2==diff3 || diff3==diff1) + { + return true; + } + else + { + return false; + } +} +" +55263ad68b9294851252f2ae591f5b97c06267fb,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = Math.abs(a-b); + int diff2 = Math.abs(b-c); + int diff3 = Math.abs(a-c); + + if(diff1==diff2 && diff2==diff3) + return true; + } + else + { + return false; + } +} +" +51fedc647b249b0e977aef8441a2fa2e90178fa1,"public boolean evenlySpaced(int a, int b, int c) +{ + int letter; + if(b > a) + { + letter = a; + a = b; + b = letter; + } + if(c > b) + { + letter = b; + b =c; + c = letter; + } + if(b > a) + { + letter = a; + a = b; + b = letter; + } + return(a - b == b - c); +} +" +4dce8a5fb56c5605b143a53728953a2ff99c3c43,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = Math.abs(a-b); + int diff2 = Math.abs(b-c); + int diff3 = Math.abs(a-c); + + if(diff1==diff2 && diff2==diff3) + { + return true; + } + else + { + return false; + } +} +" +5b726799f8f98fac4e68944e421d3b22cafce978,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + if (abs(a-b)==abs(b-c)) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +780d37652e0986dc516391fb17bd9b883c62d501,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = Math.abs(a-b); + int diff2 = Math.abs(b-c); + int diff3 = Math.abs(a-c); + + if(diff1==diff2 && diff2==diff3 || (diff2==diff3 && diff3 == diff1)) + { + return true; + } + else + { + return false; + } +} +" +3f2bb9d11893f77db1758dfbad28e1877036870a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + if (abs(one)==abs(two)) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +47c7514dcd94f5d586b19fdb7a6c22261cd0c138,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = Math.abs(a-b); + int diff2 = Math.abs(b-c); + int diff3 = Math.abs(a-c); + + if((diff1==diff2 && diff2==diff3) || (diff2==diff3 && diff3 == diff1)) + { + return true; + } + else + { + return false; + } +} +" +4b2279c7f2df81b47f1732ff5f0e7e99253326af,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + if (Math.abs(one)==Math.abs(two)) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +c14fefb1fb614ba6c86db0475ec7331723cd9f3f,"public boolean evenlySpaced(int a, int b, int c) +{ +int ab = Math.abs(a - b); +int bc = Math.abs(b - c); +int ac = Math.abs(a - c); +return (ab == bc && ac == ab + bc) || (ab == ac && bc == ab + ac) || (bc == ac && ab == ac + bc); +} +" +489e9d014bfcb75a190e353ca9a25470c2675f02,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if ((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(two))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +d01d660d71405e77d563d404617949cb0a80a597,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if ((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +e1d71e1da558fb70128b78a9da4314bd22f1f74d,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if ((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one)) || (Math.abs(two)==Math.abs(thr))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +32b564176fe12eab73fd535d3109adaeb2c50207,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; + } + else if (c > b) + { + temp = b; + b = c; + c = temp; + } + else if (b > a) + { + temp = a; + a = b; + b = temp; + } + return b - a == c - b; +} +" +b191257d7c0c5145b6421ba8aca8719cc1a18afd,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if (((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one)) || (Math.abs(two)==Math.abs(thr))) && ((a==b && a!=c) || (a==c && a!=b))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +7fb77621b663e89feab31421c34a675b37b1f2fc,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; + } + else if (c > b) + { + temp = b; + b = c; + c = temp; + } + else if (b > a) + { + temp = a; + a = b; + b = temp; + } + return a - b == b - c; +} +" +e60da27f83431c793da3d4454d97aac33fb109dd,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if (((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one)) || (Math.abs(two)==Math.abs(thr))) && !((a==b && a!=c) || (a==c && a!=b))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +b1a1bdd9a83659f3ccde94357c3a1f38d77b4dac,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a < b && a >= c) + { + medium = a; + } + else if (a > b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b >= a && b >= c) + { + large = b; + } + else if (b <= a && b > c) + { + medium = b; + } + else if (b >= a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +44156104989792728f8aa86e18e1d11fa3bf6917,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; + } + else if (c > b) + { + temp = b; + b = c; + c = temp; + } + else if (b > a) + { + temp = a; + a = b; + b = temp; + } + return (a - b == b - c); +} +" +dfa2d309faaa2d29f2d29ace19b2d744e3be6e2d,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if (((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one)) || (Math.abs(two)==Math.abs(thr))) && (!(a==b && a!=c) || !(a==c && a!=b))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +2a0d1e8a040157ace4b805bcdbf644c9d0cf0669,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + { + return true; + } + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a < b && a >= c) + { + medium = a; + } + else if (a > b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b >= a && b >= c) + { + large = b; + } + else if (b <= a && b > c) + { + medium = b; + } + else if (b >= a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +9272f3795320579ae274042a98e0031b8f497044,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if (((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one)) || (Math.abs(two)==Math.abs(thr))) && (!(a==b && a!=c) && !(a==c && a!=b))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +dc56b95391854273a583eb9c98045c96c4ef898b,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int mid = 0; + int small = 0; + if ((a < b) && (b < c)) + { + big = c; + mid = b; + small = a; + } + + if ( (a > b) && (b > c)) + { + big = a; + mid = b; + small = c; + } + + if ( (b > a) && (a > c)) + { + big = b; + mid = a; + small = c; + } + if ( (a > c) && (c > b)) + { + big = a; + mid = c; + small = b; + } + if ( (b > c) && (c > a)) + { + big = b; + mid = c; + small = a; + } + + int difBM = big - mid; + int difMS = mid - small; + if (difBM == difMS) + { + return true; + } + return false; +} +" +b87484cd44486863e24c84f503e08d5ea2f60f1e,"public boolean evenlySpaced(int a, int b, int c) +{ + int small = 0; + int medium = 0; + int large = 0; + if (a > b && a > c) + { + large = a; + } + else if (a < b && a >= c) + { + medium = a; + } + else if (a > b && a <= c) + { + medium = a; + } + else + { + small = a; + } + + if (b >= a && b >= c) + { + large = b; + } + else if (b <= a && b > c) + { + medium = b; + } + else if (b >= a && b < c) + { + medium = b; + } + else + { + small = b; + } + if (large == 0) + { + large = c; + } + else if (medium == 0) + { + medium = c; + } + else + { + small = c; + } + + if ((large - medium) == (medium - small)) + { + return true; + } + else + { + return false; + } + +} +" +eb65b7be950ec2dbebe9c1fcb901418220cca780,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean k=true; + int one = a-b; + int two = b-c; + int thr = a-c; + if (((Math.abs(one)==Math.abs(two)) || (Math.abs(thr)==Math.abs(one)) || (Math.abs(two)==Math.abs(thr))) && (!(a==b && a!=c) && !(a==c && a!=b) && !(c==b && a!=c))) + { + k = true; + } + else + { + k = false; + } + return k; +} +" +efc27776f87b6e593de18df9ddaad018bbb3b7e9,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int mid = 0; + int small = 0; + if ((a < b) && (b < c)) + { + big = c; + mid = b; + small = a; + } + if (b < a) && (a < c)) + { + big = c; + mid = a; + small = b; + } + + if ( (a > b) && (b > c)) + { + big = a; + mid = b; + small = c; + } + + if ( (b > a) && (a > c)) + { + big = b; + mid = a; + small = c; + } + if ( (a > c) && (c > b)) + { + big = a; + mid = c; + small = b; + } + if ( (b > c) && (c > a)) + { + big = b; + mid = c; + small = a; + } + + int difBM = big - mid; + int difMS = mid - small; + if (difBM == difMS) + { + return true; + } + return false; +} +" +e581edfd66e997bb6a331be1a86bba6a04f43662,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int mid = 0; + int small = 0; + if ((a < b) && (b < c)) + { + big = c; + mid = b; + small = a; + } + if ((b < a) && (a < c)) + { + big = c; + mid = a; + small = b; + } + + if ( (a > b) && (b > c)) + { + big = a; + mid = b; + small = c; + } + + if ( (b > a) && (a > c)) + { + big = b; + mid = a; + small = c; + } + if ( (a > c) && (c > b)) + { + big = a; + mid = c; + small = b; + } + if ( (b > c) && (c > a)) + { + big = b; + mid = c; + small = a; + } + + int difBM = big - mid; + int difMS = mid - small; + if (difBM == difMS) + { + return true; + } + return false; +} +" +4fea5531a754fed15d958641ab743dbe6a349c2e,"public boolean evenlySpaced(int a, int b, int c) +{ + int big = 0; + int mid = 0; + int small = 0; + if ((a < b) && (b < c)) + { + big = c; + mid = b; + small = a; + } + else if ((b < a) && (a < c)) + { + big = c; + mid = a; + small = b; + } + + else if ( (a > b) && (b > c)) + { + big = a; + mid = b; + small = c; + } + + else if ( (b > a) && (a > c)) + { + big = b; + mid = a; + small = c; + } + else if ( (a > c) && (c > b)) + { + big = a; + mid = c; + small = b; + } + else if ( (b > c) && (c > a)) + { + big = b; + mid = c; + small = a; + } + else + { + big = a; + mid = b; + small = c; + } + + int difBM = Math.abs(big - mid); + int difMS = Math.abs(mid - small); + if (difBM == difMS) + { + return true; + } + return false; +} +" +209c68ba0e78fc4a3a4046e9aba8648e7498f79b,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (b > a) + { + temp = a; + a = b; + b = temp; + } + if (c > b) + { + temp = b; + b = c; + c = temp; + } + if (b > a) + { + temp = a; + a = b; + b = temp; + } + return (a - b == b - c); +} +" +4e65d08486586bc4002bde1092a1d8bda533d5f6,"public boolean evenlySpaced(int a, int b, int c) +{ + int d1 = 0; + int d2 = 0; + int d3 = 0; + + if(a==b && a ==c) + return true; + + if(a == b || b == c || a == c) + return false; + + d1 = Math.abs(a - b); + d2 = Math.abs(a - c); + d3 = Math.abs(b - c); + + if(d1 == d2) + return true; + + if(d1 == d3) + return true; + + if(d2 == d3) + return true; + return false; + + +}" +e51ed7a8cfdc6ff189d5d0673856411f25602f1f,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + + if (c > b) + { + temp = b; + b = c; + c = temp; + } + + if(b > a) + { + temp = a; + a = b; + b = temp; + } + + return(a - b == b - c); +} +" +770c15e9d97f10317d2801a84602c1f1d5eeb3d7,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if(b > a) + space = a; + a = b; + b = space; + if(c > a) + space = a; + a = c + c = space + if(b > c) + space = c; + c = b + b = space; + return(a - b == b - c) + +} +" +360876fbdea4bf52d3385576d9ddc33538324b7a,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if(b > a) + space = a; + a = b; + b = space; + if(c > a) + space = a; + a = c; + c = space; + if(b > c) + space = c; + c = b; + b = space; + return(a - b == b - c); + +} +" +1e6cd7b3f107a37dcad25da8cbee436b76f5ed43,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +// We want make a package of goal kilos of chocolate. We have small bars (1 kilo each) and big bars (5 kilos each). Return the number of small bars to use, assuming we always use big bars before small bars. Return -1 if it can't be done. +public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +4d7501a68d703e713a7f91f45d2313fce7f37d12,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} + + +" +1eed3cf36700866a53ac000dbab90eff7f6b4b96,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((b-a) = (c-b)) + return true; +} +" +742c317d05acdd448f44d8d787db5d0ec53e4d00,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = c + int medium = b + int small = a + + if ((medium-small) = (large-medium)) + return true; +} +" +0e9ca8c36469f1d973f1c833fc205864d2fde8da,"public boolean evenlySpaced(int a, int b, int c) +{ + int large = c; + int medium = b; + int small = a; + + if ((medium-small) = (large-medium)) + return true; +} +" +5d9fbf68ff436d4a2022467271b918100372dc04,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a==b) && (b==c)) + return true; +} +" +8c095f932417392d946e8dc914b057967e7a24a3,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a==b) && (b==c)) + return true; + if ((a==b) || (a==c) || (b==c)) + return false; +} +" +41966bba6f90a194fe672dcaf6ecbce2bc5fcf15,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b == b-c == a-c) { + return true; + } else { + return false; + } +} +" +ceeebdf6544dad99bd322ac853959b865988817a,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a-b && b-c && a-c) { + return true; + } else { + return false; + } +} +" +d760fbd8a939306b39dcb0fd7c2b1c51ea039991,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b) == (b-c) == (a-c)) { + return true; + } else { + return false; + } +} +" +64fadbd2147e020b070188ddeaeaf7b71b2481b2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (((a-b) == (b-c)) == (a-c)) { + return true; + } else { + return false; + } +} +" +315bdad09c193c705b81afd7e1f84521cd7e0007,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b == b-c) && (b-c == a-c)) { + return true; + } else { + return false; + } +} +" +e965eb9c7a195c7da3d4056fb96fd2be20719eed,"public boolean evenlySpaced(int a, int b, int c) +{ + if (-1*(a-b == b-c) && -1*(b-c == a-c)) { + return true; + } else { + return false; + } +} +" +c99273a3e94cff4083e4ccda56baa8bc1f56c228,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b == b-c) && (b-c == a-c)) { + return true; + } else { + return false; + } +} +" +e188dcddc884ee6ae8ca450a0ebdc0e86290b8a9,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; +03 +int diff2 = 0; +04 +int diff3 = 0; +05 + +06 +if(a==b && a ==c) +07 +return true; +08 + +09 +if(a == b || b == c || a == c) +10 +return false; +11 + +12 +diff1 = Math.abs(a - b); +13 +diff2 = Math.abs(a - c); +14 +diff3 = Math.abs(b - c); +15 + +16 +if(diff1 == diff2) +17 +return true; +18 +if(diff1 == diff3) +19 +return true; +20 +if(diff2 == diff3) +21 +return true; +22 + +23 +return false; + +} +" +38a4be984b7df4c09c3db53a954adc9082f864cb,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b == b-c) && (b-c == a-c)) { + return true; + } else if ((b-a == c-b) && (c-b == c-a)) { + return true; + } else { + return false; + } +} +" +b8740489e0275700879f8960f6e5e4365de72fa4,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + +int diff2 = 0; + +int diff3 = 0; + +if(a==b && a ==c) + +return true; + + + +if(a == b || b == c || a == c) + +return false; + + + +diff1 = Math.abs(a - b); + +diff2 = Math.abs(a - c); + +diff3 = Math.abs(b - c); + + + +if(diff1 == diff2) + +return true; + +if(diff1 == diff3) + +return true; + +if(diff2 == diff3) + +return true; + + + +return false; + +} +" +702e2f5ab3eeefc381bbcf6aa68b20fa1a676747,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a-b) = (b-c)) + { + return true; + } + else + { + return false; + } + + + +} +" +79fa16f2ecd361ed0b9b0ea3f94df961917570e0,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a-b) = (b-c)) + { + return true; + } + else + { + return false; + } + } + + + +} +" +853d3eb1c9c9b958aa12a9800bfadc526dc83a23,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + + + +} +" +ea0d52f0241a4a59a5565f4b7a73699c60d1fd07,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + + + + +} +" +1737e2925a0cd39fe6be5a0cfa3ec8366029235d,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b && b > a) + { + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + } + + + + +} +" +05c689db75be1e6bc93ede649e87b585490fe5f1,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b && b > a) + { + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + } + else if (a > c && c > b) + { + if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } + } + else if (b > c && c > a) + { + if ((b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + } + + + + +} +" +3946811e7e7e7ea1d0406669f2364e77166c0220,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b && b > a) + { + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + } + else if (a > c && c > b) + { + if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } + } + else (b > c && c > a) + { + if ((b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + } + + + + +} +" +28a096cf6afd96e0ed306dbc698cf475439de5ea,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a > b && b > c) + { + if ((a - b) == (b - c)) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + if ((b - a) == (a - c)) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + if ((c - a) == (a - b)) + { + return true; + } + else + { + return false; + } + } + else if (c > b && b > a) + { + if ((c - b) == (b - a)) + { + return true; + } + else + { + return false; + } + } + else if (a > c && c > b) + { + if ((a - c) == (c - b)) + { + return true; + } + else + { + return false; + } + } + else + { + if ((b - c) == (c - a)) + { + return true; + } + else + { + return false; + } + } + + + + +} +" +bdd888993f1f8925fb29ce83cf8715e5a5ac8c88,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +060664dfbd70ae897472248d65a1eb6bd2515d3e,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + temp = a; + a = b; + b = temp; + if(b > c) + temp = b; + b = c; + c = temp; + if(a > b) + temp = a; + a = b; + b = temp; + return b - a == c - b; +} + +" +27c8e8aa07eeaf63b035f5b14a73a2c2f75db183,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + temp = a; + a = b; + b = temp; + + if(b > c) + temp = b; + b = c; + c = temp; + + if(a > b) + temp = a; + a = b; + b = temp; + return b - a == c - b; +} +" +3c159b6d178aec48d819d81e0ce76f0bb5f252f4,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp = 0; + if(a > b) + temp = a; + a = b; + b = temp; + if(b > c) + temp = b; + b = c; + c = temp; + if(a > b) + temp = a; + a = b; + b = temp; + return b - a == c - b; +} + +" +1c016e1d1b46d59a4bcb335f7124683c01211d44,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +4cb343ea4e8792c3a0f1d80f224aa3d737528d54,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + { + return true; + } + +} +" +5dedf3d934f54f8405748f6efec6803b18758418,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + { + return true; + } + else + { + return false; + } + +} +" +362e91be114903e6dac2b3804e7964ad32cda670,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + { + return true; + } + else if ( b - a == a - c) + { + return true; + } + else if (c - a == a - b) + { + return true; + } + else if ( c - b == b - a) + { + return true; + } + else if ( b - c == c - b) + { + return true; + } + else + { + return false; + } + +} +" +3aef8a6fae877937843fd654eb8c6901128cef42,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); +} +" +e6e0ef6d04b8b099a08ea9af310fa3e01cd8fe2e,"public boolean evenlySpaced(int a, int b, int c) +{ +if(a==b && b==c) + return true; +if(a==b || a==c || b==c) + return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); +} +" +00c97828b33f87351b4396684314b6949059c821,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + { + return true; + } + else if ( b - a == a - c) + { + return true; + } + else if (c - a == a - b) + { + return true; + } + else if ( c - b == b - a) + { + return true; + } + else if ( b - c == c - b) + { + return true; + } + else if (a - c == c - b) + { + return true; + } + else + { + return false; + } + +} +" +5e1e9d4c09ff615f657d1b1a28ddd089bfe3b66d,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a < b) + { + space = b - a; + } + else + { + space = a - b; + } + if (space == b-c || space == c-b || space == c-a || space || a-c) + { + return true; + } + return false; + +} +" +c05b572c93c0d75321633c58835ff12de9fbad2a,"public boolean evenlySpaced(int a, int b, int c) +{ + int num; + if(a > b) + { + num = a; + a = b; + b = num; + } + + if(b > c) + { + num = b; + b = c; + c = num; + } + + if(a > b) + { + num = a; + a = b; + b = num; + } + + return b - a == c - b; +} +" +81846f716ee283fb5b7c3cee24ed8a9bbef6c973,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a < b) + { + space = b - a; + } + else + { + space = a - b; + } + if (space == b-c || space == c-b || space == c-a || space == a-c) + { + return true; + } + return false; + +} +" +a47ab0f1fe8281ece1671ae1444355d58d958e65,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + { + return true; + } + else if ( b - a == a - c) + { + return true; + } + else if (c - a == a - b) + { + return true; + } + else if ( c - b == b - a) + { + return true; + } + else if ( b - c == c - a) + { + return true; + } + else if (a - c == c - b) + { + return true; + } + else + { + return false; + } + +} +" +f06be95d674e68b8a3c5ffea3b924000bf162abe,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if (a < b) + { + space = b - a; + } + else + { + space = a - b; + } + if (space == b-c || space == c-b || space == c-a || space == a-c) + { + return true; + } + if (space == (b-c)*2 || space == (c-b)*2) + { + return true; + } + return false; + +} +" +79803a8ad4bddd6d98cb230adaab470f4de2cc8d,"public boolean evenlySpaced(int a, int b, int c) +{ + return true +}" +1a303f43d5f88e266c35087bf1aad072fa508c32,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a == b && b == c) + return true; + if(Math.abs(a-b) == Math.abs(a-c)) + return true; +}" +b6deb7d8e36b73e35d639c7e97b1e0cb6d14a84f,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a == b && b == c) + return true; + if(Math.abs(a-b) == Math.abs(a-c)) + return true; + +}" +68e6ef7aa9091884b5a104a7620473516c678bf9,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a==b) && (b==c)) + { + return true; + } + else + { + return false; + } +} +" +9ed12f1b9eea0196503a6c8a78913caa32a283c7,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a == b && b == c) + return true; + if(Math.abs(a - b) == Math.abs(a - c)) + return true; + if(Math.abs(a - b) == Math.abs(b - c)) + return true; + if(Math.abs(a - c) == Math.abs(b - c)) + return true; + return false; +}" +70d3de2543a1ed4d9e386c45541e83164b6e8062,"public boolean evenlySpaced(int a, int b, int c) +{ + + if (a-b==b-c || b-a == a-c || b-c == c-a || a-c == c-b || c-a == a-b || c-b==b-a) { + return true; + } + else { + return false; + } +} +" +de2736038dcdc537657cf1b16db35d10d0b6135b,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a == b && b == c) + return true; + if(a == b || b == c || c == a) + return false; + if(Math.abs(a - b) == Math.abs(a - c)) + return true; + if(Math.abs(a - b) == Math.abs(b - c)) + return true; + if(Math.abs(a - c) == Math.abs(b - c)) + return true; + return false; +}" +72acded47dc1a77d8c2dbc008599197e25afa412,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if (a > b) + { + temp = a; + a = b; + b = temp; + } + if (b > c) + { + temp = b; + b =c; + c = temp; + } + if (a > b) + { + temp = a; + a = b; + b = temp; + } + return b -a == c - b; +} +" +3a5d8d626c71062644c2d2cd302ff7cfd516a82c,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)) + return true; + else + return false; + +} +" +045db482748a4fafe8b860327f70862e1c25aff1,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)) + return true; + else if ((a-b) == (c-a)) + return true; + else + return false; + +} +" +166d3293ae09d2e451826aa0e38cccca0115c373,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)) + return true; + else if ((a-b) == (c-a)) + return true; + else if ((a-b) == (c-b)) + return true; + else + return false; + +} +" +c86460de8294b1170a2166b58cfc21fd302eb9ff,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)) + return true; + else if ((a-b) == (c-a)) + return true; + else if ((a-c) == (c-a)) + return true; + else + return false; + +} +" +77e3b6032bc089b8e70ec808f2486dc2faa1f64a,"public boolean evenlySpaced(int a, int b, int c) +{ + if((b-a) == (c-b)) + return true; + else if ((a-b) == (c-a)) + return true; + else if ((a-c) == (c-b)) + return true; + else + return false; + +} +" +05434ded4816bafcc3c57f43dc2a0c2ad3c37d56,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + +} +" +a36800657786535ab28d848421372c1a93277a0f,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +d5a4b520c9b88480a3d8a45926e6564c988700fa,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +dffd003a940e8c1229984e6ef041897c3058c329,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +bdee01511064f1826eef818b3f858dfa8b673c8f,"public boolean evenlySpaced(int a, int b, int c) { +if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + +} +" +e496befb4595e880df6bb07cc1625b5e6c206eab,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + else if (a-b == b-a) + {return true;} + else + {return false;} +} +" +b6d764773634b400559a63cd794e74d9f463680f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + else if (a-b == c-a) + {return true;} + else if (b-a == a-c) + {return true;} + else + {return false;} +} +" +5663cd1d1219ac9716d193bf72b58e280efa77ca,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + else if (a-b == c-a) + {return true;} + else if (b-a == a-c) + {return true;} + else if (b-c == a-c) + {return true;} + else if (c-b == a-b) + {return true;} + else + {return false;} +} +" +e9d2cf8c24b0e01fc66c3a2b288fd4155a38166e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + else if (a-b == c-a) + {return true;} + else if (b-a == a-c) + {return true;} + else if (b-c == a-c) + {return true;} + + else + {return false;} +} +" +e4fd9bd793d6c6e3b5f2b567587e553f323d63fa,"public boolean evenlySpaced(int a, int b, int c) +{ + int min = Math.min(Math.min(a, b), c); + int mid = Math.max(Math.min(a, b), c); + int mid2 = Math.min(Math.max(a, b), c); + int max = Math.max(Math.max(a, b), c); + return Math.abs(mid - min) == Math.abs(mid - max) + || Math.abs(mid2 - min) == Math.abs(mid2 - max); +} +" +f008979a8e3f1a4c2e70ac331e4e1259b5c5abe2,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + + else + {return false;} +} +" +88d61b06ed9cab4e90ad4f36c583015d5204ba87,"public boolean evenlySpaced(int a, int b, int c) +{ + int highNum; + int mediumNum; + int lowNum; + + if (a > b && a > c) + { + highNum = a; + if (b > c) + { + mediumNum = b; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = b; + } + } + + if (b > a && b > c) + { + highNum = b; + if (a > c) + { + mediumNum = a; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = a; + } + } + + if (c > a && c > b) + { + highNum = c; + if (a > b) + { + mediumNum = a; + lowNum = b; + } + else + { + mediumNum = b; + lowNum = a; + } + } + + if ((highNum-mediumNum) = (mediumNum-lowNum)) + { + return true; + } + else + { + return false; + } + + +} +" +8ffbd7b6d62dc3df7876a878bd56445b24d976f8,"public boolean evenlySpaced(int a, int b, int c) +{ + int highNum; + int mediumNum; + int lowNum; + + if (a > b && a > c) + { + highNum = a; + if (b > c) + { + mediumNum = b; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = b; + } + } + + if (b > a && b > c) + { + highNum = b; + if (a > c) + { + mediumNum = a; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = a; + } + } + + if (c > a && c > b) + { + highNum = c; + if (a > b) + { + mediumNum = a; + lowNum = b; + } + else + { + mediumNum = b; + lowNum = a; + } + } + + if ((highNum-mediumNum) == (mediumNum-lowNum)) + { + return true; + } + else + { + return false; + } + + +} +" +589247d5053d1b8b26cb8b37e087fd086eea866e,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a>b&&a>c&&b>c)&&(a-b==b-c)){return True} + else if((a>b&&a>c&&c>b)&&(a-c==c-b)){return True} + else if((b>a&&b>c&&a>c)&&(b-a==a-c)){return True} + else if((b>a&&b>c&&c>a)&&(b-c==c-a)){return True} + else if((c>a&&c>b&&b>a)&&(c-b==b-a)){return True} + else if((c>a&&c>b&&a>b)&&(c-a==a-c)){return True} + +} +" +467b8701afdbabf62d99abdd97b4abdd9a236b4f,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a>b&&a>c&&b>c)&&(a-b==b-c)){return True;} + else if((a>b&&a>c&&c>b)&&(a-c==c-b)){return True;} + else if((b>a&&b>c&&a>c)&&(b-a==a-c)){return True;} + else if((b>a&&b>c&&c>a)&&(b-c==c-a)){return True;} + else if((c>a&&c>b&&b>a)&&(c-b==b-a)){return True;} + else if((c>a&&c>b&&a>b)&&(c-a==a-c)){return True;} + +} +" +b6536e9d582dc3e2a8ac1d56ce5ceb2934898afa,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a>b&&a>c&&b>c)&&(a-b==b-c)){return true;} + else if((a>b&&a>c&&c>b)&&(a-c==c-b)){return true;} + else if((b>a&&b>c&&a>c)&&(b-a==a-c)){return true;} + else if((b>a&&b>c&&c>a)&&(b-c==c-a)){return true;} + else if((c>a&&c>b&&b>a)&&(c-b==b-a)){return true;} + else if((c>a&&c>b&&a>b)&&(c-a==a-c)){return true;} + +} +" +70b25897b9fc7c66c650efe0bfd98b73729ec1b3,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a>b&&a>c&&b>c)&&(a-b==b-c)){return true;} + else if((a>b&&a>c&&c>b)&&(a-c==c-b)){return true;} + else if((b>a&&b>c&&a>c)&&(b-a==a-c)){return true;} + else if((b>a&&b>c&&c>a)&&(b-c==c-a)){return true;} + else if((c>a&&c>b&&b>a)&&(c-b==b-a)){return true;} + else if((c>a&&c>b&&a>b)&&(c-a==a-c)){return true;} + return false; +} +" +8279672a014b40f26dbf206acf414a88b60e287e,"public boolean evenlySpaced(int a, int b, int c) +{ + int highNum; + int mediumNum; + int lowNum; + + if (a > b && a > c) + { + highNum = a; + if (b > c) + { + mediumNum = b; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = b; + } + } + + if (b > a && b > c) + { + highNum = b; + if (a > c) + { + mediumNum = a; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = a; + } + } + + if (c > a && c > b) + { + highNum = c; + if (a > b) + { + mediumNum = a; + lowNum = b; + } + else + { + mediumNum = b; + lowNum = a; + } + } + int highNum; + int mediumNum; + int lowNum; + + if ((highNum - mediumNum) == (mediumNum - lowNum)) + { + return true; + } + else + { + return false; + } + + +} +" +8d0beafc0892bf6095a7c62e6415f612d15e2d63,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + { + return true; + } + else if (b - a == a - c) + { + return true; + } + else if (a - c == c - b) + { + return true; + } + else if (b - c == c - a) + { + return true; + } + else if (c - a == a - b) + { + return true; + } + else if (c - b == b - a) + { + return true; + } + else + { + return false; + } +} +" +84a3a0dc124cca825a7f7a655a20427be4f7b9de,"public boolean evenlySpaced(int a, int b, int c) +{ + int highNum; + int mediumNum; + int lowNum; + + if (a > b && a > c) + { + highNum = a; + if (b > c) + { + mediumNum = b; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = b; + } + } + + if (b > a && b > c) + { + highNum = b; + if (a > c) + { + mediumNum = a; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = a; + } + } + + if (c > a && c > b) + { + highNum = c; + if (a > b) + { + mediumNum = a; + lowNum = b; + } + else + { + mediumNum = b; + lowNum = a; + } + } + + int highSpace = highNum - mediumNum; + int lowSpace = mediumNum - lowNum; + if (highSpace == lowSpace) + { + return true; + } + else + { + return false; + } + + +} +" +c5a9f6b947811d6969445845bb2cb6516db032c2,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a>=b&&a>=c&&b>=c)&&(a-b==b-c)){return true;} + else if((a>=b&&a>=c&&c>=b)&&(a-c==c-b)){return true;} + else if((b>=a&&b>=c&&a>=c)&&(b-a==a-c)){return true;} + else if((b>=a&&b>=c&&c>=a)&&(b-c==c-a)){return true;} + else if((c>=a&&c>=b&&b>=a)&&(c-b==b-a)){return true;} + else if((c>=a&&c>=b&&a>=b)&&(c-a==a-c)){return true;} + return false; +} +" +7595ec56720c3a69e40330710686516d0b1e7ace,"public boolean evenlySpaced(int a, int b, int c) +{ + if((a>=b&&a>=c&&b>=c)&&(a-b==b-c)){return true;} + else if((a>=b&&a>=c&&c>=b)&&(a-c==c-b)){return true;} + else if((b>=a&&b>=c&&a>=c)&&(b-a==a-c)){return true;} + else if((b>=a&&b>=c&&c>=a)&&(b-c==c-a)){return true;} + else if((c>=a&&c>=b&&b>=a)&&(c-b==b-a)){return true;} + else if((c>=a&&c>=b&&a>=b)&&(c-a==a-b)){return true;} + return false; +} +" +6915f96be73d674bc23277f10da8f52de4aa3fc8,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a > b) + { + temp = a; + a = b; + b = temp; + } + + if (b > c) + { + temp = b; + b = c; + c = temp; + } + + if (a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +c49cb39a00e4beb5a541842a2dc2be355ce38b18,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if (a > b) + { + temp = a; + a = b; + b = temp; + } + + if (b > c) + { + temp = b; + b = c; + c = temp; + } + + if (a > b) + { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +f23dc8527f08246b7b8033e1ec30219f83d47695,"public boolean evenlySpaced(int a, int b, int c) +{ + int highNum; + int mediumNum; + int lowNum; + + if (a > b && a > c) + { + highNum = a; + if (b > c) + { + mediumNum = b; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = b; + } + int highSpace = highNum - mediumNum; + int lowSpace = mediumNum - lowNum; + } + + if (b > a && b > c) + { + highNum = b; + if (a > c) + { + mediumNum = a; + lowNum = c; + } + else + { + mediumNum = c; + lowNum = a; + } + int highSpace = highNum - mediumNum; + int lowSpace = mediumNum - lowNum; + } + + if (c > a && c > b) + { + highNum = c; + if (a > b) + { + mediumNum = a; + lowNum = b; + } + else + { + mediumNum = b; + lowNum = a; + } + int highSpace = highNum - mediumNum; + int lowSpace = mediumNum - lowNum; + } + + + + if (highSpace == lowSpace) + { + return true; + } + else + { + return false; + } + + +} +" +c9f40a63b497d14b5dc8fe6cc800c8bbdc0f1ecd,"public boolean evenlySpaced(int a, int b, int c) +{ + int order; + if(a > b) + { + order = a; + a = b; + b = order; + } + + if(b > c) + { + order = b; + b = c; + c = order; + } + + if(a > b) + { + order = a; + a = b; + b = order; + } + + return b - a == c - b; +} + +} +" +3680183f55c500688e5add211030e7b197673d39,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((c >= b && b >= a) || (c >= a && a >= b) || (a >= b && b >= c) || (a >= c && c >= b) || (b >= a && a >= c) || (b >= c && c >= a)) + { + if ((c - b == b - a) || (c - a == a - b) || (a - b == b - c) || (a - c == c - b) || (b - a == a - c) || (b - c == c - a)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +ae2bb1dbeaab334b6df7e573ec903b009cc9d424,"public boolean evenlySpaced(int a, int b, int c) +{ + int order; + if(a > b) + { + order = a; + a = b; + b = order; + } + + if(b > c) + { + order = b; + b = c; + c = order; + } + + if(a > b) + { + order = a; + a = b; + b = order; + } + + return b - a == c - b; +} + +" +3e322e01c74755ddb8ef1ee3180211370f1bacf3,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + + else + {return false;} +} +" +c5dbe18344197d028fb34879216c4db2828a74fb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + if (b-a) == (c-b) + {return true;} + else + {return false;} +} +" +9737b4dd5aab5dab36feabc06a9614ff6aea859e,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + if ((b-a) == (c-b)) + {return true;} + + else + {return false;} +} +" +01be0b7a6bbfedb34e905e869ad56a553f58117f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + if ((b-a) == (c-b)) + {return true;} + + if ((a-b) == (c-b)) + {return true;} + + else + {return false;} +} +" +04c8eea7c8291f5c92c61b1c49100679bb731104,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +ec225a59a02f366b6b37dbadf2f52dc0cbfbf1b8,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a < b) + { + orinum = a; + a = b; + b= orinum; + } + else if (b < c) + { + orinum = b; + b = c; + c = orinum; + } + return (a - b == b - c); +} +" +1693a4cf1d5d72fd2899c13b536aa1ad1ec1f728,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (a < b) + { + orinum = a; + a = b; + b= orinum; + } + else if (b < c) + { + orinum = b; + b = c; + c = orinum; + } + return (a - b == b - c); +} +" +4c5631534211c1c1cb255f6c8865b6d07394cf5d,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + if ((b-a) == (c-b)) + {return true;} + + if ((c-a) == (b-a)) + {return true;} + + if ((a-c) == (c-b)) + {return true;} + + else + {return false;} +} +" +2b46e126ade4cebeffb17ef732591d97cf868af2,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (a < b) + { + orinum = a; + a = b; + b= orinum; + } + else if (b < c) + { + orinum = b; + b = c; + c = orinum; + } + else if (a < b) + { + orinum = a; + a = b; + b= orinum; + } + return (a - b == b - c); +} +" +58f460887ca2c3a83337574c59276a628ca8e715,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (a < b) + { + orinum = a; + a = b; + b= orinum; + } + else if (b < c) + { + orinum = b; + b = c; + c = orinum; + } + else if (a > b) + { + orinum = a; + a = b; + b= orinum; + } + return (a - b == b - c); +} +" +ef7653f5b4cc58428a9e685b35555f8f5a7e58fb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + if ((b-a) == (c-b)) + {return true;} + + if ((c-a) == (b-a)) + {return true;} + + if ((a-c) == (c-b)) + {return true;} + + if ((b-a) == (b-c)) + {return true;} + + else + {return false;} +} +" +94f3228ecb733bbd82a198256ff0909a3814071d,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (b > a) + { + orinum = a; + a = b; + b= orinum; + } + else if (c > b) + { + orinum = b; + b = c; + c = orinum; + } + else if (a > b) + { + orinum = a; + a = b; + b= orinum; + } + return (a - b == b - c); +} +" +4d227f2f9f8475ae712a08269496083ea1033851,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (b > a) + { + orinum = a; + a = b; + b= orinum; + } + else if (c > b) + { + orinum = b; + b = c; + c = orinum; + } + else if (b > a) + { + orinum = a; + a = b; + b= orinum; + } + return (a - b == b - c); +} +" +78984ba90a59237cea82eeb32c9f42b44f6dc8da,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (b > a) + { + orinum = a; + a = b; + b= orinum; + } + else if (c > b) + { + orinum = b; + b = c; + c = orinum; + } + else if (b < a) + { + orinum = a; + a = b; + b= orinum; + } + return (a - b == b - c); +} +" +9bc0ef87608c24ff8feefdfc676775b89b53d216,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (b > a) + { + orinum = a; + a = b; + b= orinum; + } + if (c > b) + { + orinum = b; + b = c; + c = orinum; + } + if (b < a) + { + orinum = a; + a = b; + b= orinum; + } + return (a - b == b - c); +} +" +b93f98176c7769add5cdf9a6a153a4eb3ae9b9a9,"public boolean evenlySpaced(int a, int b, int c) +{ + int orinum; + if (b > a) + { + orinum = a; + a = b; + b= orinum; + } + else if (c > b) + { + orinum = b; + b = c; + c = orinum; + } + return (a - b == b - c); +} +" +faf6053802eaff563706a2da2c253e340e485144,"public boolean evenlySpaced(int a, int b, int c) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +} +" +256434915d6c02acd4f4d69ed3304b7857504d6c,"public boolean evenlySpaced(int a, int b, int c) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} + +" +144172deb5ce13483ce4aff2b6b6f5111b7c92aa,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a==b && b==c && a==c) + {return true;} + + if (Math.abs(a-b) == Math.abs.(a-c)) + {return true;} + if (Math.abs(a-b) == Math.abs.(b-c)) + {return true;} + if (Math.abs(a-c) == Math.abs.(b-c)) + {return true;} + else + {return false;} +} +" +c33772de4008ccda239b19c029580b353e202aa7,"public boolean evenlySpaced(int a, int b, int c) +{ + + return a-b == b-c; +} + +" +0c2835a823154469058cf07f531526219f098e75,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +}" +e8598a386927a98ac3df2d5fd58b9397089ff61a,"public boolean evenlySpaced(int a, int b, int c) +{ + int ab = a - b; + int bc = b - c; + int ba = b - a; + int cb = c - c; + if (ab == bc) + { + return true; + } + else if (ab == cb) + { + return true; + } + else if (ba == bc) + { + return true; + } + else if (bc == cb) + { + return true; + } + +} +" +9a7c638d3bbb3734218772adc25dcbed33325a8a,"public boolean evenlySpaced(int a, int b, int c) +{ + int ab = a - b; + int bc = b - c; + int ba = b - a; + int cb = c - c; + if (ab == bc) + { + return true; + } + else if (ab == cb) + { + return true; + } + else if (ba == bc) + { + return true; + } + else if (bc == cb) + { + return true; + } + return false; + +} +" +c13d86864d3d09be096eb2bb86d6b352f38c31d9,"public boolean evenlySpaced(int a, int b, int c) +{ + int ab = a - b; + int bc = b - c; + int ba = b - a; + int cb = c - c; + if (ab == bc) + { + return true; + } + else if (ab == cb) + { + return true; + } + else if (ba == bc) + { + return true; + } + else if (ba == cb) + { + return true; + } + return false; + +} +" +c160d1dbd5d04c573dae498d6e2b761add1c6938,"public boolean evenlySpaced(int a, int b, int c) +{ + if(b > a) + return a; + a = b; + return b; + if(c < b) + return b; + b = c; + return c; + if(b > a) + return a; + a = b; + return b; + return b - a == c - b; +} + +" +7ca98d5a921184696d59dd14b5aa79c0e5860dcb,"public boolean evenlySpaced(int a, int b, int c) +{ + sum1 = (Math.abs(a-b)) + sum2 =(Math.abs(a-c)) + sum3 =(Math.abs(b-c)) + + if (a==b && b==c && a==c) + {return true;} + + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +9aa6a28aae7857a8fc9a0b77efb4868446ad1fc3,"public boolean evenlySpaced(int a, int b, int c) +{ + sum1 = (Math.abs(a-b)); + sum2 =(Math.abs(a-c)); + sum3 =(Math.abs(b-c)) ; + + if (a==b && b==c && a==c) + {return true;} + + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +c8e61eb973166b3ab5c3fb3a91b3db2c52459db9,"public boolean evenlySpaced(int a, int b, int c) +{ + sum1 =(Math.abs(a-b)); + sum2 =(Math.abs(a-c)); + sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +cdcfb26976c2aa9a1558ac4d9112bc1dbba2213d,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +b425b4b8de5d712c529610693ea98ba8fddac653,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +7c02a529a3f4d221f506c04ba21387da43450715,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + + else if (sum1 == sum2) + {return true;} + else if (sum1 == sum3) + {return true;} + else if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +cfd3251b34f2832a81695ffa8c5dd9b1dfc22119,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c ) + {return true;} + + else if (sum1 == sum2) + {return true;} + else if (sum1 == sum3) + {return true;} + else if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +f13eb5d8f4bf64c3ff602e867e1a2f5ed16551a8,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + if (a==b || b==c || a==c) + if + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +6e07584e83ae54c74a01c164fe61927d6277a730,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + if (a==b || b==c || a==c) + {return false;} + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +d1fcee5cd9556258fc46a77fa9428de0e609691d,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + if (a==b || b==c || a==c) + {return false;} + + else + {return false;} +} +" +aed99838a8fca358cf4013bc6217949f9577d458,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + if (a==b || b==c || a==c) + {return false;} + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +c6179f84c66bf00ac556bffd6a8fb5bf72e7f529,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + if (a==b || b==c || a==c) + {return false;} + if (b-a == c-a) + {return true;} + if (b-a == c-b) + {return true;} + if (c-a == c-b) + {return true;} + else + {return false;} +} +" +06c4d8028617e8d864fde5f9678cc4fc35b35d7f,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum1 =(Math.abs(a-b)); + int sum2 =(Math.abs(a-c)); + int sum3 =(Math.abs(b-c)); + + if (a==b && b==c && a==c) + {return true;} + if (a==b || b==c || a==c) + {return false;} + if (sum1 == sum2) + {return true;} + if (sum1 == sum3) + {return true;} + if (sum2 == sum3) + {return true;} + else + {return false;} +} +" +89ba66cf39ec606c392af7f4781bd823fcd1ba45,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + temp = a; + a = b; + b = temp; + if(c > b) + temp = b; + b =c; + c = temp; + if(b > a) + temp = a; + a = b; + b = temp; + return(a - b == b - c); +} + +" +3f57c3f5b470f8955d4af1625f9f5fdec92bf73a,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp = 0; + if(b > a) + temp = a; + a = b; + b = temp; + if(c > b) + temp = b; + b =c; + c = temp; + if(b > a) + temp = a; + a = b; + b = temp; + return(a - b == b - c); +} + +" +646b015e51e321bd214299c9089bb207922b9024,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +a8a86ad903def1d09d0065ec2f5293c86b549572,"public boolean evenlySpaced(int a, int b, int c) +{ + return ( a * 3 == a + b + c || b * 3 == a + b + c || c * 3 == a + b + c ); +} + +" +fbe5afccd00d7524fe5953f0929c0826494ed62b,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum = a + b + c; + int avg = sum/3; + int x = abs(a-avg); + int y = abs(b-avg); + int z = abs(c-avg); + + + if (x==y || z==x || y==z) + return true; + else + return false; +} +" +3945e33270ecc81370f382adb82f4f54085652ad,"public boolean evenlySpaced(int a, int b, int c) +{ + int sum = a + b + c; + int avg = sum/3; + int x = Math.abs(a-avg); + int y = Math.abs(b-avg); + int z = Math.abs(c-avg); + + + if (x==y || z==x || y==z) + return true; + else + return false; +} +" +dd219f22ac7ac2e470b9d4b0df97d91f41b588e7,"public boolean evenlySpaced(int a, int b, int c) +{ + if ((a-b) == (b-c)) + { + return true; + } + else if ((a-c) == (c-b)) + { + return true; + } + else if ((b-a) == (a-c)) + { + return true; + } + else if ((b-c) == (c-a)) + { + return true; + } + else if ((c-b) == (b-a)) + { + return true; + } + else if ((c-a) == (a-b)) + { + return true; + } + else + { + return false; + } +} +" +c473c79229d294d06a29cba52c1772246f193a7b,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + if (a == avg || b == avg || c == avg) + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if ( j == k || k==g || j==g) + return true; + else + return false; +} +" +2852abe98618c92c8b18a5cafb61692c0ef30fc3,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + + if ( j == k || k==g || j==g) + return true; + else + return false; +} +" +9da5f95f2dd8ec408a93cbaa0cb7e3e8347c54dc,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + } + else + return false; +} +" +1d23567997dee1579d24ab7307142f510527df6e,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + } + else + return false; +} +return false;" +4b696de11a3b2c49abd2ae51ff80fe75b69b733e,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + } + else + return false; + return falsse; +" +156cdeeb740ef81fc7d71a5e445502dfdc1f4673,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + } + else + return false; + return false; +" +2df33d24a6a25867d1798ec9bda0bc6a83a9723f,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + } + else + return false; + return false; +}" +a7449e028010c6e1d172fc9401bdbd1a08326ea8,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + } + else + return false; + return true; +}" +bb02eb4d5e039d03ec133d8b256df47df0a09389,"public boolean evenlySpaced(int a, int b, int c) +{ + int x = Math.abs(a-b); + int y = Math.abs(b-c); + int z = Math.abs(a-c); + + int sum = x+y+z; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + else return false; + } + else + return false; + +}" +fa5281c60623d2a45acf1ca1264b5bd40a312a38,"public boolean evenlySpaced(int a, int b, int c) +{ + //t x = Math.abs(a-b); + //t y = Math.abs(b-c); + //t z = Math.abs(a-c); + + int sum = a+b+c; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + else return false; + } + else + return false; + +}" +68ac4d372659783ff5c0953e068872a3805768f7,"public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +}" +adc278e1e6d1794c46e576383737734da65333c6,"public boolean evenlySpaced(int a, int b, int c) +{ + //t x = Math.abs(a-b); + //t y = Math.abs(b-c); + //t z = Math.abs(a-c); + + if((a==b && b !=c)|| (b==c && a!=c)|| (c==a && b!=c)) + return false; + int sum = a+b+c; + int avg = sum/3; + int j = Math.abs(avg - a); + int k = Math.abs(avg - b); + int g = Math.abs(avg - c); + + if (a == avg || b == avg || c == avg) + { + + if ( j == k || k==g || j==g) + return true; + else return false; + } + else + return false; + +}" +af739b6b77289a7a63ec633b4c9c57a9c61b27fc,"public boolean evenlySpaced(int a, int b, int c) +{ + int lm = 0; + int ms = 1; + if (a > b && a > c) + { + if (c > b) + { + ms = c -b; + lm= a-c; + } + else + { + ms = b-c; + lm= a-b; + } + } + else if (b > a && b > c) + { + if (a > c) + { + ms = a-c; + lm = b-a; + } + else + { + ms = c-a; + lm= b-c; + } + } + else + { + if (a > b) + { + ms = a-b; + lm = c-a; + } + else + { + ms = b-a; + lm = c-b; + } + } + if (lm == ms) + { + return true; + } + else + { + return false; + } + +} +" +b353112c97736b976f9e8b8fb55379e7afde2db8,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + + if(b > a) + + { + + temp = a; + + a = b; + + b = temp; + + } + + if(c > b) + + { + + temp = b; + + b =c; + + c = temp; + + } + + if(b > a) + + { + + temp = a; + + a = b; + + b = temp; + + } + + return(a - b == b - c); +} +" +cd71e8cb2e793b2a75a6add250a2c8051acb909d,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + int diffAC = Math.abs(a-c); + if (diffAB == diffBC && diffBC == diffAC) + { + return true; + } + else + { + return false; + } + +} +" +e55fe879d569fb1f6d7488672806f4df2255a03c,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + int diffAC = Math.abs(a-c); + if (diffAB == diffBC) + { + return true; + } + else + { + return false; + } + +} +" +aea1f65f0507b9bc65b376a0a80447d000c1af20,"public boolean evenlySpaced(int a, int b, int c) { +if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + +}" +9a4dfdcf2589854752d651f49560aab87944b973,"public boolean evenlySpaced(int a, int b, int c) +{ + int diffAB = Math.abs(a-b); + int diffBC = Math.abs(b-c); + int diffBA = Math.abs(b-a); + int diffCA = Math.abs(c-a); + if (diffAB == diffBC || diffBA == diffCA) + { + return true; + } + else + { + return false; + } + +} +" +5d91da2bed47336506ac2e6474b525b4a07d3991,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat; + if (a > b && b > c) + { + if ((a-b) == (b-c)) + { + wat = true; + } + } + return wat; +} +" +8bb7694766376871acb55c3cefa542c9c11966d5,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if ((a-b) == (b-c)) + { + wat = true; + } + } + return wat; +} +" +13bbe7ecabe9caa2355294f9c253db727ed42fee,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +aab6b9320d9a6532ad3dc532874e1ae1975e0b38,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; +} +" +05619c763eaa211a6f7f00861c4af6d22b270a4d,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; +} +" +cbac7ec204c7c4ebada88fae733bbd8b47485ba3,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if ((a-b) == (b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if ((c-b) == (b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if ((b-a) == (a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +5a6fc1ff33432742d5fa73ff825542d9895624c8,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if (num1=num2 || num1=num3) + return true; + if (num2=num3 || num2=num1) + return true; + return false; +} +" +f35e03d42d62b7e554a7464d5cde0d42f35e4acf,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if (Math.abs(a-b) == Math.abs(b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if ((c-b) == (b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if ((b-a) == (a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +35e9f269a879af5ece4e126fee6b400b39fdb868,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if (num1=num2 || num1=num3) + return true; + if (num2=num3 || num2=num1) + return true; + return false; +} +" +3e250957d8f9af00d0163b42b418a14c5b102953,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if (Math.abs(a-b) == Math.abs(b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if (Math.abs(c-b) == Math.abs(b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if (Math.abs(b-a) == Math.abs(a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +fe062ebc31bcd912a5958bbf28091e8d2302ad72,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if ((num1=num2) || (num1=num3)) + return true; + if (num2=num3 || num2=num1) + return true; + return false; +} +" +b3a30d8e33bde8213640124875112bd735130c1b,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if (Math.abs(a-b) == Math.abs(b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if (Math.abs(c-b) == Math.abs(b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if ((b-a) == (a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +3f74754d0ed70dc32ae65b5b1c543712ebab75cb,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if ((num1==num2) || (num1==num3)) + return true; + if (num2==num3 || num2==num1) + return true; + return false; +} +" +9acc1d315f8406b8f837cdf5856a27d1817efd9a,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if (Math.abs(a-b) == Math.abs(b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if (Math.abs(c-b) == Math.abs(b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if ((b-a) == Math.abs(a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +f1cc59a5667356d95e9ab67b70d796eb414205c4,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + return false; +} +" +16b71ee7f383e841fa9f681e1e7437c27b18ed40,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if (Math.abs(a-b) == Math.abs(b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if (Math.abs(c-b) == Math.abs(b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if ((b-a) == (a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +b6be5ffd9c83081f6d2ffb5db9e3c77fdf3a8cea,"public boolean evenlySpaced(int a, int b, int c) +{ + int curr; + if(a > b) { + curr = a; + a = b; + b = curr; + } + + if(b > c) { + curr = b; + b = c; + c = curr; + } + + if(a > b) { + curr = a; + a = b; + b = curr; + } + + return b - a == c - b; +} +" +2085ee2c4863fd352a4acc1b55239b2428cd23cf,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean wat = true; + if (a > b && b > c) + { + if ((a-b) == Math.abs(b-c)) + { + wat = true; + } + else + { + wat = false; + } + } + else if (c>b && b>a) + { + if (Math.abs(c-b) == Math.abs(b-a)) + { + wat = true; + } + else + { + wat = false; + } + } + else + { + if ((b-a) == (a-c)) + { + wat = true; + } + else + { + wat = false; + } + } + return wat; +} +" +3e5c30c176e005a20e79e4f799e07e551c396e52,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if(true) + return; + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + return false; +} +" +4912db1394055b187ac0c420f9c1d8504853cb11,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + if(true) return; + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + return false; +} +" +9ca141a0089b6851d6ddcb6774c94b635cc79a8c,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + return false; +} +" +5824356ee5b25fbca2c62e3ca328c2fdb617abcf,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + if (a==b && b==c) + return true; + if (a==b || b==c || a==c) + return false; + return false; + return false; + +} +" +69527595165af35a2f0d6d282385bdf2db56824a,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + if (a==b || b==c || a==c) + return false; + return false; + return false; + +} +" +d03cbcfa1ac674af8616c15d1b9cba363e140293,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + if (a==b && b==c) + return true; + + return false; + return false; + +} +" +a330edcf177e498520a76708678f3602dc4be426,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + return false; + +} +" +1c26dd6164b555eebd22594c59e0c12062fe5857,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + if (num1==0 || num2==0 || num3==0) + return true; + return false; + +} +" +74c6856ac073a7df46ea759ee1b33b12666dd79c,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + if (num1==0) + return true; + if (num2==0) + return true; + if (num2==0) + return true; + return false; + +} +" +b1076a23c885b93b6128ca5edb1fda0f5a24310b,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + if (num1==0) + return true; + if (num2==0) + return true; + if (num3==0) + return true; + return false; + +} +" +eed6bd430202a5ece493c1901d1d5f68ac136583,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = Math.abs(a-b); + int num2 = Math.abs(a-c); + int num3 = Math.abs(b-c); + if (num1==0) + return true; + if (num2==0) + return true; + if (num3==0) + return true; + if (num1==num2 || num1==num3) + return true; + if (num2==num3 || num2==num1) + return true; + + return false; + +} +" +e73b7122fe74f5816c8cd3a45af67aa5e070f4d2,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; + +} +" +2465c91e1efc93f14a8f7685ec9014aa3b546471,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +f0744dc2792ccf34965d1351c3fe2994c4d48ecc,"public boolean evenlySpaced(int a, int b, int c) +{ + Int difference_medium_small = b - a; + +Int differennce_medium_large = c - b; + +If (difference_medium_small == differennce_medium_large) { + +Return true; + +} else { + +Return false; + +} + + +} +" +0fd6b0fc33ceff6074c16460403826d808cc5f31,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) + { + temp = a; + a = b; + b = temp; + } + else if(b > c) + { + temp = b; + b = c; + c = temp; + } + else if(a > b) + { + temp = a; + a = b; + b = temp; + } + else + return b - a == c - b; +} +" +47f9b2c1fc643228e938a40bbf787ec8ea696a78,"public boolean evenlySpaced(int a, int b, int c) +{ + int difference_medium_small = b - a; + + int differennce_medium_large = c - b; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +f7d7bcab15797465445a09092f5dff11c49c43a8,"public boolean evenlySpaced(int a, int b, int c) +{ + int diff1 = 0; + int diff2 = 0; + int diff3 = 0; + if (a==b && a ==c) + { + return true; + } + if(a == b || b == c || a == c) + { + return false; + } + diff1 = Math.abs(a - b); + diff2 = Math.abs(a - c); + diff3 = Math.abs(b - c); + if (diff1 == diff2) + { + return true; + } + if (diff1 == diff3) + { + return true; + } + if (diff2 == diff3) + { + return true; + } + return false; +} +" +ac7418f9980f48bede3404b1af0231fae6b87f39,"public boolean evenlySpaced(int a, int b, int c) +{ + public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +} +" +b8dfe963d50767e0f19c191ce5b3187ccecacf43," + public boolean evenlySpaced(int a, int b, int c) { + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} + +" +e095d5f982a605060dc4d465ea6230efb95cda51,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + long side3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + + if ( longside1-longside2 = longside2-longside3) + { + return true; + } + else + { + return false; + } +} +" +b33e60f94fedc8e1f1aa19a05ebd7b57196910c2,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + long side3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + + if ( longside1 - longside2 == longside2-longside3) + { + return true; + } + else + { + return false; + } +} +" +bc47cdc82869067f4da9e7d68171e2a4826e01b7,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + long side3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + + if ( longside1 - longside2 == longside2 - longside3 ) + { + return true; + } + else + { + return false; + } +} +" +969574ea0439a1dcc8b0f29ee7743e7d87fbbe0c,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + long side3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + int diff = longside1 -longside2 + int diff2 = longside2 - longside3; + if (diff == diff2); + { + return true; + } + else + { + return false; + } +} +" +9c0e23d623fd35af3c61e8a485e0bf0724fd3cf8,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + long side3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + int diff = longside1 - longside2; + int diff2 = longside2 - longside3; + + if (diff == diff2); + { + return true; + } + else + { + return false; + } +} +" +31b698920326797ddfe7efb65ef6777575d848c0,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + long side3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + int diff = longside1 - longside2; + int diff2 = longside2 - longside3; + if (diff == diff2) + { + return true; + } + else + { + return false; + } + +} +" +0400bc2a03703d55f328b4162f60d0b6e3ac0523,"public boolean evenlySpaced(int a, int b, int c) +{ + int longside1; + int longside2; + int longside3; + if(a >= b && a >= c) + { + longside1 = a; + if (b > c) + { + longside2 = b; + longside3 = c; + } + else + { + longside2 = c; + longside3 = b; + } + } + else if(b >= a && b >= c) + { + longside1 = b; + if ( a > c ) + { + longside2 = a; + longside3 = c; + } + else + { + longside2 = c; + longside3 = a; + } + } + else + { + longside1 = c; + if ( a >= b ) + { + longside2 = a; + longside3 = b; + } + else + { + longside2 = b; + longside3 = a; + } + } + int diff = longside1 - longside2; + int diff2 = longside2 - longside3; + if (diff == diff2) + { + return true; + } + else + { + return false; + } + +} +" +e7323c314ce112feba622b98317a4b35c63aba7f,"public boolean evenlySpaced(int a, int b, int c) +{ + int Diff1 = Math.abs(a-b); + int Diff2 = Math.abs(b-c); + int Diff3 = Math.abs(a-c); + + if (Diff1 == Diff2 || Diff2 == Diff3 || Diff1 == Diff3) + { + return true; + } +} +" +2951512f9236ab3cb13ad7ef5c35035a18280727,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a > c) + { + int difAC = (a - c); + } + else + { + int difAC = (c - a); + } + if(a > b) + { + int difAB = (a - b); + } + else + { + int difAB = (b - a); + } + if((difAC == difAB) || (difAC*2 == difAB) || (difAC == difAB*2)) + { + return true; + } + else + { + return false; + } +} +" +a6e312e484dbf55f72c11aab685f22bc15e9b6b2,"public boolean evenlySpaced(int a, int b, int c) +{ + int Diff1 = Math.abs(a-b); + int Diff2 = Math.abs(b-c); + int Diff3 = Math.abs(a-c); + + if (Diff1 == Diff2 || Diff2 == Diff3 || Diff1 == Diff3) + { + return true; + } + else + { + return false; + } +} +" +18e0c1cb782ddb8cadfa35b623cdd6bb9e727309,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a > c) + { + int difAC = (a - c); + } + else + { + int difAC = (c - a); + } + if(a > b) + { + int difAB = (a - b); + } + else + { + int difAB = (b - a); + } + if((difAC = difAB) || (difAC*2 = difAB) || (difAC = difAB*2)) + { + return true; + } + else + { + return false; + } +} +" +9064f9dcd6ca2974f449ae09ea64af87dde2a4cf,"int difAC = 0; +int difAB = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a > c) + { + int difAC = (a - c); + } + else + { + int difAC = (c - a); + } + if(a > b) + { + int difAB = (a - b); + } + else + { + int difAB = (b - a); + } + if((difAC = difAB) || (difAC*2 = difAB) || (difAC = difAB*2)) + { + return true; + } + else + { + return false; + } +} +" +e5e4d43ffd63bb10c577ff0bcaed4d0da3d1ce93,"int difAC = 0; +int difAB = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a > c) + { + int difAC = (a - c); + } + else + { + int difAC = (c - a); + } + if(a > b) + { + int difAB = (a - b); + } + else + { + int difAB = (b - a); + } + if((difAC = difAB) || ((difAC*2) = difAB) || (difAC = (difAB*2))) + { + return true; + } + else + { + return false; + } +} +" +1c8d0bdb760576464fa5cb9b6c39e1b83ef5e6b5,"int difAC = 0; +int difAB = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a > c) + { + int difAC = (a - c); + } + else + { + int difAC = (c - a); + } + if(a > b) + { + int difAB = (a - b); + } + else + { + int difAB = (b - a); + } + if((difAC == difAB) || ((difAC*2) == difAB) || (difAC == (difAB*2))) + { + return true; + } + else + { + return false; + } +} +" +51d2a6c01cc4284a9f4caedcf5e5e0884fb3d6f6,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b > a) + { + temp = a; + a = b; + b = temp; + } + if(c > b) + { + temp = b; + b =c; + c = temp; + } + if(b > a) + { + temp = a; + a = b; + b = temp; + } + return(a - b == b - c); +} +" +66badc007820c878a11db2f5f0af8005e960e9ab,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = 0; + int num2 = 0; + int num3 = 0; + + if (a == b && a == c) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + int num1 = Math.abs(a - b); + int num2 = Math.abs(a - c); + int num3 = Math.abs(b - c); + + if(num1 == num2) + { + return true; + } + else if(num1 == num3) + { + return true; + } + else if(num2 == num2) + { + return true; + } + return false; +} +" +9c81fc7e9c4d62487cae3f4222fde5bec8d387d3,"public boolean evenlySpaced(int a, int b, int c) +{ + int num1 = 0; + int num2 = 0; + int num3 = 0; + + if (a == b && a == c) + { + return true; + } + else if (a == b || b == c || a == c) + { + return false; + } + num1 = Math.abs(a - b); + num2 = Math.abs(a - c); + num3 = Math.abs(b - c); + + if(num1 == num2) + { + return true; + } + else if(num1 == num3) + { + return true; + } + else if(num2 == num3) + { + return true; + } + return false; +} +" +60cb79deb431dff1dc6db0491dbbbdf86b2ed142,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == small && b == medium && c == large) + { + if (a - b == b - c) + { + return true; + } + + +} +" +ac24eb0ea4433d3f8816694b0a0c5f6e39b95d4f,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == small && b == medium && c == large) + { + if (a - b == b - c) + { + return true; + } + } + +} +" +07e81405580093c14e9ff9fac9812753dc4c30d0,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + { + return true; + } +} +" +fcff804204dd45767400fa6483568359e11ab2c4,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle; + int lowest; + if (a < b) { + lowest = a; + } else { + if (b < C) { + lowest = b; + } + lowest = c; + } + + if (a < b && b < c) { + + if (a > b) { + biggest = a; + } else { + if (c > b) { + biggest = c; + } + biggest = b; + } + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +1b60937c300567b344b27f15b3c91c632c29f26c,"int num1 = 0; +int num2 = 0; +int num3 = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a <= b) + { + if(b <= c) + { + int num1 = a; + int num2 = b; + int num3 = c; + } + else + { + if(a <= c) + { + int num1 = a; + int num2 = c; + int num3 = b; + } + else + { + int num1 = c; + int num2 = a; + int num3 = b; + } + } + } + else + { + if(c <= b) + { + int num1 = c; + int num2 = b; + int num3 = a; + } + else + { + if(a <= c) + { + int num1 = b; + int num2 = a; + int num3 = c; + } + else + { + int num1 = b; + int num2 = c; + int num3 = a; + } + } + } + if((num2 - num1) == (num3 - num2)) + { + return true; + } + else + { + return false; + } +} +" +99644a759e5d57ff70e8b00acac62d7c8a81b0cd,"public boolean evenlySpaced(int a, int b, int c) +{ + int x; + if(a > b) { + x = a; + a = b; + b = x; + } + + if(b > c) { + x = b; + b = c; + c = x; + } + + if(a > b) { + x = a; + a = b; + b = x; + } + + return c - b == b - a; +}" +8671d5fda0515f1c37b5120d6e7885d0774136c1,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a - b == b - c) + { + return true; + } + return false; +} +" +a6f06cebb56d5539707cbd29d9afb7aebbfd88bb,"int num1 = 0; +int num2 = 0; +int num3 = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a <= b) + { + if(b <= c) + { + int num1 = a; + int num2 = b; + int num3 = c; + } + else + { + if(a <= c) + { + int num1 = a; + int num2 = c; + int num3 = b; + } + else + { + int num1 = c; + int num2 = a; + int num3 = b; + } + } + } + else + { + if(c <= b) + { + int num1 = c; + int num2 = a; + int num3 = b; + } + else + { + if(a <= c) + { + int num1 = b; + int num2 = a; + int num3 = c; + } + else + { + int num1 = b; + int num2 = c; + int num3 = a; + } + } + } + if((num2 - num1) == (num3 - num2)) + { + return true; + } + else + { + return false; + } +} +" +a647c50720f10b43661ec4bc2c82fefde80a315a,"int num1 = 0; +int num2 = 0; +int num3 = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a <= b) + { + if(b <= c) + { + int num1 = a; + int num2 = b; + int num3 = c; + } + else + { + if(a <= c) + { + int num1 = a; + int num2 = c; + int num3 = b; + } + else + { + int num1 = c; + int num2 = a; + int num3 = b; + } + } + } + else + { + if(c <= b) + { + int num1 = c; + int num2 = a; + int num3 = b; + } + else + { + if(a <= c) + { + int num1 = b; + int num2 = a; + int num3 = c; + } + else + { + int num1 = b; + int num2 = c; + int num3 = a; + } + } + } + if((num2 - num1) = (num3 - num2)) + { + return true; + } + else + { + return false; + } +} +" +89befb1694d755ffa8b233140140906cf1f30046,"int num1 = 0; +int num2 = 0; +int num3 = 0; +public boolean evenlySpaced(int a, int b, int c) +{ + if(a <= b) + { + if(b <= c) + { + int num1 = a; + int num2 = b; + int num3 = c; + } + else + { + if(a <= c) + { + int num1 = a; + int num2 = c; + int num3 = b; + } + else + { + int num1 = c; + int num2 = a; + int num3 = b; + } + } + } + else + { + if(c <= b) + { + int num1 = c; + int num2 = a; + int num3 = b; + } + else + { + if(a <= c) + { + int num1 = b; + int num2 = a; + int num3 = c; + } + else + { + int num1 = b; + int num2 = c; + int num3 = a; + } + } + } + if((num2 - num1) == (num3 - num2)) + { + return true; + } + else + { + return false; + } +} +" +39863f95d4d54397fcda92894fd533a6deeec4bb,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle = b; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +6f2eba18ac8add8e6c0b076543b14fc7e2313c08,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + int middle; + + if (a > b && a < c) { + middle = a; + } else { + if (b > a && b < c) { + middle = b; + } + middle = c; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +1e0473c68205bcde4a6ce6c3b070d3fe51887bd0,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +4ecb28a702d369b304d2d289592751ebf623eb6a,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle = a; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +145fc353164030d946213e2ee70925b4418176a6,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle = a; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +6cc27e5eb6dea5138541abb24e7b41b28b9aa941,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle = c; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +a0ca955e7c408fdf3f8f914e18776ba1e625ec5e,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle = b; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +33d33c2f70d0566dea6e4ea7a56590114013d244,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a == b && b == c) + return true; + if (a == b || a == c || b == c) + return false; + return ((Math.abs(a-b) == Math.abs(b-c)) || (Math.abs(a-c) == Math.abs(a-b)) || + (Math.abs(c-a) == Math.abs(b-c))); +} +" +d55f80fccaa8515316c5b59d7fe709939bf424d1,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b >a) + { + temp = a; + a = b; + b = temp; + } + if (c>b) + { + temp = b; + b = c; + c = temp; + } + if (b>a) + { + temp = a; + a = b; + b = temp; + } + else + { + return (a - b == b -c) + } +} +" +75efc72634060c56f4c8f0bbacf6e6c59935c927,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b >a) + { + temp = a; + a = b; + b = temp; + } + if (c>b) + { + temp = b; + b = c; + c = temp; + } + if (b>a) + { + temp = a; + a = b; + b = temp; + } + else + { + return (a - b == b -c); + } +} +" +f302437b3ef7860d4e96f7bf4c9d1fb43aae4dcb,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a < c) return a - b == c - a; + if (a > c && a < b) return a - c == b - a; + + if (b > a && b < c) return b - a == c - b; + if (b > c && b < a) return b - c == a - b; + + if (c > b && c < a) return c - b == a - c; + if (c > a && c < b) return c - a == b - c; +} +" +307b6a8a24b4f5d559649e077f1ea485e1b6bbcf,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a < c) return a - b == c - a; + if (a > c && a < b) return a - c == b - a; + + if (b > a && b < c) return b - a == c - b; + if (b > c && b < a) return b - c == a - b; + + if (c > b && c < a) return c - b == a - c; + if (c > a && c < b) return c - a == b - c; + + return a == b && b == c; +} +" +4df4718400d9f4701646fdf2f3afb53bda1ea80a,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(b >a) + { + temp = a; + a = b; + b = temp; + } + if (c>b) + { + temp = b; + b = c; + c = temp; + } + if (b>a) + { + temp = a; + a = b; + b = temp; + } + return (a - b == b -c); +} +" +da0685f8ed29f253768fc672832fd1617eb079e6,"public boolean evenlySpaced(int a, int b, int c) +{ + int biggest; + int middle; + int lowest; + if (a - c < 0 && a - b < 0) { + lowest = a; + } else { + if (b - c < 0 && b - a < 0) { + lowest = b; + } + lowest = c; + } + if (a - c > 0 && a - b > 0) { + biggest = a; + } else { + if (b - c > 0 && b - a > 0) { + biggest = b; + } + biggest = c; + } + + if ((a == biggest || a == lowest) && (b == biggest || b == lowest)) { + middle = c; + } else { + if ((a == biggest || a == lowest) && (c == biggest || c == lowest)) { + middle = b; + } + middle = a; + } + + int difference_medium_small = middle - lowest; + + int differennce_medium_large = biggest - middle; + + if (difference_medium_small == differennce_medium_large) { + + return true; + + } else { + + return false; + +} + + +} +" +64b708125079c6f2ad738bd49bc47e91528b2a72,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a < c) return a - b == c - a; + if (a > c && a < b) return a - c == b - a; + + if (b > a && b < c) return b - a == c - b; + if (b > c && b < a) return b - c == a - b; + + if (c > b && c < a) return c - b == a - c; + if (c > a && c < b) return c - a == b - c; + + return false; +} +" +99bcfff8075691bdab25898b0f49ecca1fdc5359,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && a < c) return a - b == c - a; + if (a > c && a < b) return a - c == b - a; + + if (b > a && b < c) return b - a == c - b; + if (b > c && b < a) return b - c == a - b; + + if (c > b && c < a) return c - b == a - c; + if (c > a && c < b) return c - a == b - c; + + return a == b && b == c; +} +" +f41bebe111957ef0d382e3a79fb05cb0959cf565,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +5502dbd56b6b13f167c87581115b018f5c1cea17,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +dfb99286a840f80c6fbdbedc7a13cde2326bbfe6,"public boolean evenlySpaced(int a, int b, int c) +{ + int space = a; + if(b > a) + space = a; + a = b; + b = space; + if(c > a) + space = a; + a = c; + c = space; + if(b > c) + space = c; + c = b; + b = space; + return(a - b == b - c); + +} +" +55054a6ac0510386effc0690402a6665651dc228,"public boolean evenlySpaced(int a, int b, int c) +{ + int temp; + if(a > b) { + temp = a; + a = b; + b = temp; + } + + if(b > c) { + temp = b; + b = c; + c = temp; + } + + if(a > b) { + temp = a; + a = b; + b = temp; + } + + return b - a == c - b; +} +" +3e4cb47ec1785430ac5a580d53cc6f33754bbed6,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean answer = true; + if (a > b && b > c && a - b == b - c) + { + answer = true; + } + else if (b > c && c > a && b - c == c - a) + { + answer = true; + } + else if (c > b && b > a && c - b == b - a) + { + answer = true; + } + else if (a > c && c > b && a - c == c - b) + { + answer = true; + } + else if (c > a && a > b && c - a == a - b) + { + answer = true; + } + else + { + answer = false; + } + + + return answer; +} +" +7c30f15f728625406eda7667a53b6eac937d47b5,"public boolean evenlySpaced(int a, int b, int c) +{ + if(a==b && b==c) return true; +if(a==b || a==c || b==c) return false; +return ((Math.abs(a-b)== Math.abs(b-c)) || (Math.abs(a-c)==Math.abs(a-b)) ||( Math.abs(c-a)==Math.abs(b-c))); + + +} +" +df91e186c9b7ea2521e66a040776be74e2dd1cc4,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean answer = true; + if (a > b && b > c && a - b == b - c) + { + answer = true; + } + else if (b > c && c > a && b - c == c - a) + { + answer = true; + } + else if (c > b && b > a && c - b == b - a) + { + answer = true; + } + else if (a > c && c > b && a - c == c - b) + { + answer = true; + } + else if (c > a && a > b && c - a == a - b) + { + answer = true; + } + else if (b > a && a > c && b - a == a - c) + { + answer = true; + } + else + { + answer = false; + } + + + return answer; +} +" +7ec2e2718193c8e20f97e37be6281f3e54ea0227,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean answer = true; + if (a > b && b > c && a - b == b - c) + { + answer = true; + } + else if (b > c && c > a && b - c == c - a) + { + answer = true; + } + else if (c > b && b > a && c - b == b - a) + { + answer = true; + } + else if (a > c && c > b && a - c == c - b) + { + answer = true; + } + else if (c > a && a > b && c - a == a - b) + { + answer = true; + } + else if (b > a && a > c && b - a == a - c) + { + answer = true; + } + else if (a == b && b == c) + { + answer = true; + } + else + { + answer = false; + } + + + return answer; +} +" +11f75aa56c8ae6c05239585bad5052e4049d36c8,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( a - b == b - c) + return true; + return false; +} +" +0b4b5f656effc0ce4d6e94c3b600d48f7f3a40e6,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( num.abs(a - b) == num.abs(b - c)) + return true; + return false; +} +" +41919c7a13db09ce53c46e3611784e3d178fbe64,"public boolean evenlySpaced(int a, int b, int c) +{ + if ( Math.abs(a - b) == Math.abs(b - c)) + return true; + return false; +} +" +03fa2b592a4f29f56255d4f0f258822cd7b5aeb2,"public boolean evenlySpaced(int a, int b, int c) +{ + int x, y, z; + if (a > b && a > c) + { + x = a; + } + else if (a > b || a > c) + { + y = a; + } + else + { + z = a; + } + + if (b > a && b > c) + { + x = b; + } + else if (b > a || b > c) + { + y = b; + } + else + { + z = b; + } + + if (c > a && c > b) + { + x = c; + } + else if (c > a || c > b) + { + y = c; + } + else + { + z = c; + } + + if ( y - x == z - y) + { + return true; + } + else + { + return false; + } +} +" +d5eccb505dec548b88158eda93a6047127ef4a1b,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if ((c - b = b - a)) + { + return true; + } +} +" +53e2371ba5d6d50439b668e0153c7e92e8633226,"public boolean evenlySpaced(int a, int b, int c) +{ + int x; + int y; + int z; + if (a > b && a > c) + { + x = a; + } + else if (a > b || a > c) + { + y = a; + } + else + { + z = a; + } + + if (b > a && b > c) + { + x = b; + } + else if (b > a || b > c) + { + y = b; + } + else + { + z = b; + } + + if (c > a && c > b) + { + x = c; + } + else if (c > a || c > b) + { + y = c; + } + else + { + z = c; + } + + if ( y - x == z - y) + { + return true; + } + else + { + return false; + } +} +" +9c414f8c5869d4957bf544e50a0d2eedd30442de,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b >c) + { + int ab = a - b; + int bc = b - c; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (a > c > b) + { + int ab = a - c; + int bc = c - b; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (b > a > c) + { + int ab = b - a; + int bc = a - c; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (b > c > a) + { + int ab = b - c; + int bc = c - a; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (c > a > b) + { + int ab = c - a; + int bc = a - b; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else + { + int ab = c - b; + int bc = b - a; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } +} +" +de3fac2b460630776ec95c00c6986503308c3511,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if ((c - b == b - a)) + { + return true; + } +} +" +67cf02114b3bfe337265bdec063d142febba7a23,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b > c) + { + int ab = a - b; + int bc = b - c; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (a > c > b) + { + int ab = a - c; + int bc = c - b; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (b > a > c) + { + int ab = b - a; + int bc = a - c; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (b > c > a) + { + int ab = b - c; + int bc = c - a; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (c > a > b) + { + int ab = c - a; + int bc = a - b; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else + { + int ab = c - b; + int bc = b - a; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } +} +" +ce7a5c44248befdb4974171c65ffaf35635e91bc,"public boolean evenlySpaced(int a, int b, int c) +{ + int space; + if ((c - b == b - a)) + { + space = true; + } + return space; +} +" +8128967a4a724ad7bfe12b5929f686fc3364b13c,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space; + if ((c - b == b - a)) + { + space == true; + } + return space; +} +" +68d6f22d0b7b8a22bb1ad40f303d287aadd19b99,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space; + if ((c - b == b - a)) + { + space = true; + } + return space; +} +" +c51c4ebd921e0511335fff82c72add451de3e91e,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean space = false; + if ((c - b == b - a)) + { + space = true; + } + return space; +} +" +2605d988a28fa62ed715980403ea11413179b25c,"public boolean evenlySpaced(int a, int b, int c) +{ + if (a > b && b > c) + { + int ab = a - b; + int bc = b - c; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (a > c && c > b) + { + int ab = a - c; + int bc = c - b; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (b > a && a > c) + { + int ab = b - a; + int bc = a - c; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (b > c && c > a) + { + int ab = b - c; + int bc = c - a; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else if (c > a && a > b) + { + int ab = c - a; + int bc = a - b; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } + else + { + int ab = c - b; + int bc = b - a; + if (ab == bc) + { + return true; + } + else + { + return false; + } + } +} +" +5f268d3f0db443bd6bb6f99d73f4224865ad4640,"public boolean evenlySpaced(int a, int b, int c) +{ + boolean els = true; + if (a == b && b == c) + { + els = true; + } + if (a == b || b == c || a == c) + { + els = false; + } + return els; +} +" +44af36e9f72da38e57fa55fbe98795e37d01a044,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a == b || a == c) + { + return 10; + } + else if (b == c) + { + return 10; + } + else + { + return 0; + } +} +" +1ffcb1daa8b997e5fd3214121143e61940795b80,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + return 20; + if (a != b && b != c && c!= a) + return 0; + if ((a == b, a!=c) || (b==c && a!=c)) + return 10; +} +" +4abe214af550ce038f8165822be6a863a5b7551d,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + return 20; + else if (a != b && b != c && c!= a) + return 0; + else if ((a == b, a != c) || (b == c && a != c)) + return 10; +} +" +97ce9f0a62efa5f1c5b20b226011f1b58eb1936c,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + return 20; + else if (a != b && b != c && c!= a) + return 0; + else if ((a == b a != c) || (b == c && a != c)) + return 10; +} +" +3b0b69b4a9fcf3e9f928f5bd2ad293e396ca384f,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + return 20; + else if (a != b && b != c && c!= a) + return 0; + else if ((a == b a != c) || + (b == c && a != c)) + return 10; +} +" +ba6112d82cb9c08dc91bf66cafb5d56d94d003c5,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + return 20; + else if (a != b && b != c && c!= a) + return 0; + else + return 10; +} +" +e0a2d62881c5d98aeb065f70ef297ebedc1c5846,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +7bbb5f0b623c95a41248115a997cdbffc067546a,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + return 20; + if (a = b || b = c || a = c) + return 10; + return 0; +} +" +4f4364fde2ba28b7c698ca58ebdd88c2830b3f55,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (a = b || b = c || a = c) + return 10; + return 0; +} +" +5779d6eb566c6514a29b0552ce52fd51cdbc7a76,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || b == c || a == c) + return 10; + return 0; +} +" +a33d5f96ee797b86553cffa978a946dad31a84ac,"public int greenTicket(int a, int b, int c) +{ + while (a = b) + { + if (c = b) + { + return 20; + } + else + { + return 10; + } + } + while (b = c) + { + if (a = c) + { + return 20; + } + else + { + return 10; + } + } + return 0; +} +" +4b49ab347abf63017a655542a488b117147aee5d,"public int greenTicket(int a, int b, int c) +{ + while (a == b) + { + if (c = b) + { + return 20; + } + else + { + return 10; + } + } + while (b = c) + { + if (a = c) + { + return 20; + } + else + { + return 10; + } + } + return 0; +} +" +95893dc6d8efc114cbe838d3a37f3e35d0281198,"public int greenTicket(int a, int b, int c) +{ + while (a == b) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + while (b == c) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + return 0; +} +" +33efa66d93452922140163a8439e264f331b5e47,"public int greenTicket(int a, int b, int c) +{ + while (a == b) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + while (b == c) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + while (a == c) + { + if (b == c) + { + return 20; + } + else + { + return 10; + } + } + return 0; +} +" +05efe4fab033a50a8b520937511731c3f784ee7b,"public int greenTicket(int a, int b, int c) +{ + if((a != b) && (a !=c) && (b != c)){ + return 0; + }else if ( a == b || a ==c || b == c){ + return 10; + }else{ + return 20; + } +} +" +0c41d346837cb64a172f11f94261655c0e96a70c,"public int greenTicket(int a, int b, int c) +{ + if((a != b) && (a !=c) && (b != c)){ + return 0; + }else if (( a == b || a ==c) && (b == c)){ + return 10; + }else{ + return 20; + } +} +" +e70266ca30212b812adf7203d57045dd039e1c35,"public int greenTicket(int a, int b, int c) +{ + if((a != b) && (a !=c) && (b != c)){ + return 0; + }else if (( a == b && a ==c) && (b == c)){ + return 20; + }else{ + return 10; + } +} +" +62188528fb446e1d5a4a4c65a47f4ea7aa3a015a,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + return 20; + } + + else if(a ==b || b == c|| c == a) + { + return 10; + } + + else + { + return 0; + } +} +" +02fa6e6da84e0f4b431f05b4e3e48bd75b931c92,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + else + return 10; + } + if (a == c || b == c) + return 10; + else + return 0; + +} +" +677fc4ae92f5686bb37e9975e0faeb55c7590ece,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a ==c) + { + return 10; + } + else + { + return 0; + } +} +" +19717844b0b79cdd12b2bc2af2ad62f6aeee1fc9,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a ==c) + { + return 10; + } + else + { + return 0; + } +} +" +6618f8f48c115c209372989def19b6afeb3d2a7d,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) { + return 20; + } + else if (a == b || b == c || a == c) { + return 10; + } + else { + return 0; + } +} +" +61dcb553cd641e51b0de1f5b6ace5035a2d3a2f4,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if (a == b || b == c || a == c) { + return 10; + } + else { + return 0; + } +} +" +97b76afccadbf96ebf173e2e5de21536fe780d3b,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +ff0c4bd5461f2987f752ff9fb12dc1a51ecc9efb,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + return 20; + else if (a == b || a == c || b == c) + return 10; + else + return 0; + +} +" +f651238d2d977b479cf2450dd790863333ab6e41,"public int greenTicket(int a, int b, int c) +{ + if (a != b !=c) + return true; + else if (a == b == c) + return 20; + else if (a == b || b == c || c ==a) + return 10; +} +" +c11c173b839ac49330d1965ffcbeb9265768e4b3,"public int greenTicket(int a, int b, int c) +{ + + if (a == b == c) + return 20; + else if (a == b || b == c || c ==a) + return 10; + else + return 0; +} +" +e7c9c6a1546821f7071f87c7155ff477a81c5155,"public int greenTicket(int a, int b, int c) +{ + + if (a = b = c) + return 20; + else if (a = b || b = c || c = a) + return 10; + else + return 0; +} +" +0bc84ed1ee23ea23cb03cc2c7eb77a0b0309ea71,"public int greenTicket(int a, int b, int c) +{ + + if (a == b && b == c) + return 20; + else if (a = b || b = c || c = a) + return 10; + else + return 0; +} +" +26c559a396714dce7c3e47c0c77aa2fb070ae7de,"public int greenTicket(int a, int b, int c) +{ + + if (a == b && b == c) + return 20; + else if (a = b || b = c || c = a) + return 10; + else + return 0; +} +" +fc2a7976156e64a99016d11a54dd0432855b95e0,"public int greenTicket(int a, int b, int c) +{ + + if (a == b && b == c) + return 20; + else if (a = b || b = c) + return 10; + else + return 0; +} +" +0d81e3ae24ee0eae049bd8dfda7f127bcda118f2,"public int greenTicket(int a, int b, int c) +{ + + if (a == b && b == c) + return 20; + else if (a = b || b = c) + return 10; + else + return 0; +} +" +4211ec8d582a525d732d5b9251519d859949ee09,"public int greenTicket(int a, int b, int c) +{ + + if (a == b && b == c) + return 20; + else if (a = b||b = c) + return 10; + else + return 0; +} +" +010668f41f0b9218ca691f92f1478d441f85cd45,"public int greenTicket(int a, int b, int c) +{ + + if (a == b && b == c) + return 20; + if (a = b || b = c) + return 10; + else + return 0; +} +" +9e2ffa6ce7df498e4666152093b5246d457e2f88,"public int greenTicket(int a, int b, int c) +{ + + if (a == b) + { + if (b == c) + return 20; + return 10; + } + else + return 0; +} +" +b99ee4d550c842e4736f66fbb61bd5ebef87b663,"public int greenTicket(int a, int b, int c) +{ + + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if ( a == c || b == c) + return 10; + else + return 0; +} +" +5e9ef525fabdf05ac3e6a572a30adc877f4a4ed3,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } + } + else + { + return 0; + } +} +" +b63f4fed4f3be17f670e0b2572d48876d5594909,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if (a == b && b == c && a == c) + return 20; + else + return 10; +} +" +415ed442f1c8538d16d06a4a8017ed18d3148f36,"public int greenTicket(int a, int b, int c) +{ + if (a !== b || b !== c) + return 0; +} +" +b39a47bdf43e6993006413bc617deb8efbc7207f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; +} +" +085c90128653ad2d02262a5079a336364fa0a7cb,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || b==c || a == c) + return 10; + else + return 0; +} +" +a66826635f66cd303c063e160a5e6e5f64d842b3,"public int greenTicket(int a, int b, int c) +{ + int ret = 0; +if(a == b || b == c || a == c) +{ + ret = 10; + +} +if(a == b && b == c) +{ + ret = 20; +} + + return ret; +} +" +c7b58dc6a52f92e1f364688fbd498f0ba008f482,"public int greenTicket(int a, int b, int c) +{ + if(int a != b || int b != c) + { + return int 0) + } + return vacation ? ""10:00"" : ""7:00""; +} +" +e84b8c5c49e17ebe14283f37bcec3b63ddbf9751,"public int greenTicket(int a, int b, int c) +{ + if greenTicket (int a = int b = int c) + { + return 20; + } + +} +" +d4507ff764b082473050427bef9715af2630aa1c,"public int greenTicket(int a, int b, int c) +{ + if greenTicket (a = b = c) + { + return 20; + } + +} +" +6fc5da5a2009cf8cb49aaf7d2cb19ccbbff80755,"public int greenTicket(int a, int b, int c) +{ + if greenTicket ((a = b = c)) + { + return 20; + } + +} +" +987ff580b9e144775a87c9ebeeb3aae160d6966e,"public int greenTicket(int a, int b, int c) +{ + if greenTicket(int a != b || int b != c) + { + return 0; + } + return vacation ? ""10:00"" : ""7:00""; +} +" +4ed7912faf8a0ec570d2d92b733015686218d271,"public int greenTicket(int a, int b, int c) +{ + if greenTicket (a = 1 && b = 1 && c = 1) + { + return 20; + } + +} +" +95e740d68e80d3676b7ef5260f355c455afdb636,"public int greenTicket(int a, int b, int c) +{ + if (greenTicket(int a != int b || int b != int c)) + { + return 0; + } + return vacation ? ""10:00"" : ""7:00""; +} +" +03a8fdefb52ba4f419c58b2ef86bf65b60ec10e4,"public int greenTicket(int a, int b, int c) +{ + if (greenTicket(a != b || b != c)) + { + return 0; + } + return vacation ? ""10:00"" : ""7:00""; +} +" +1941a7e46ffdceb2e5524a09be40f213ceec5d9e,"public int greenTicket(int a, int b, int c) +{ + if (a != b || b != c) + { + return 0; + } + return vacation ? ""10:00"" : ""7:00""; +} +" +78681c6f8ed96e87eab843f38bec18d924de08e7,"public int greenTicket(int a, int b, int c) +{ + if (a != b || b != c) + { + return 0; + } + +} +" +913bc22c73e243f4e329f6b7f9c2f93172ab8d60,"public int greenTicket(int a, int b, int c) +{ + if (a != b || b != c) + { + return 0; + } + + +" +f3e3b75ef4ad4130f4bcb19ae944388536ca801e,"public int greenTicket(int a, int b, int c) +{ + if (a != b || b != c) + { + return 0; + } +} + + +" +d8d0a3d2f02d03c93d3e65610d9db4392a73497a,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b !=c) + return 0; + if (a == b == c) + return 20; + else + return 10; +} +" +5e7e5854cb9dafd43bb5f890a8721b8de8aabf60,"public int greenTicket(int a, int b, int c) +{ + if (a != b || b != c) + { + return 0; + } + return 10; +} + + +" +d03e795cc35cc0a96eddb398da5a83c018404626,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b !=c) + return 0; + if (a == b && b == c && a ==c) + return 20; + else + return 10; +} +" +4ba85f576f0ba402a85ae4d1f255d4c9bf543de1,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; +} + + +" +87cd06f88be652ee4ce01d9699c21367225798a9,"public int greenTicket(int a, int b, int c) +{ + if greenTicket (a = b || b = c) + { + return 20; + } + +} +" +00e41ae0f45d0c2f9e30e2c30a24215c9359a173,"public int greenTicket(int a, int b, int c) +{ + if greenTicket a = b || b = c + { + return 20; + } + +} +" +39570a1a02270e585dbf43b55d71c4182ade2d55,"public int greenTicket(int a, int b, int c) +{ + if greenTicket (a = b || b = c) + { + return 20; + } + +} +" +f39c0c6109d5db8529b4c078c5311bc5e80ae74d,"public int greenTicket(int a, int b, int c) +{ + if greenTicket ( a = b || b = c ) + { + return 20; + } + +} +" +61ddb09fa32f3d40c1ecd64045c2a986a3dd929a,"public int greenTicket(int a, int b, int c) +{ + if ((a != b && b != c) + || (a == b || b == c || a = c)) + { + return 0; + } + return 10; +} + + +" +613d4324d1ca13bbee2df8383b50cc4feb54a306,"public int greenTicket(int a, int b, int c) +{ + if ((a != b && b != c) + || + (a == b || b == c || a = c)) + { + return 0; + } + return 10; +} + + +" +0eeaec91b5a5236cf4b12e93e9248a7d8398d7a9,"public int greenTicket(int a, int b, int c) +{ + if ( a = b || b = c ) + { + return 20; + } + +} +" +130f4a71b815c6f6a24b92cc70fb5ab6aec75fe9,"public int greenTicket(int a, int b, int c) +{ + if ((a != b && b != c) + { + return 0; + } + return 10; + if (a == b && b == c (( a = c) + { + return 20; + } + return 10; + } + } + + + + +" +264535cb5e65795bbd7046a5699fedea25bd1ba9,"public int greenTicket(int a, int b, int c) +{ + if (a = b) + { + return 20; + } + +} +" +0bcd2e22789f0401e444c1f91c8912092a229d9c,"public int greenTicket(int a, int b, int c) +{ + if ((a != b && b != c) + { + return 0; + } + return 10; + if (a == b && b == c && a = c) + { + return 20; + } + return 10; + } + } + + + + +" +0f0f26485c67fb8d81b5136839f7724cd921ddd0,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + return 20; + } + +} +" +6c3cc91ab916ffd25e663b02b485364418a20602,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; + if (a == b && b == c && a = c) + { + return 20; + } + return 10; + + } + + + + +" +6fe949973e454b29887c4b999370cf9e78893a43,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; + if (a == b && b == c) + { + return 20; + } + return 10; + + } + + + + +" +341f76caef70086a38157eeef020295aa6c71524,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + } +} +" +22e23589b5121f0f1dc3a9debcafa3c957476814,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; + return 20; + + } + + + + +" +8686a3c0709bbc53ccfa8ed0fea82d44021c33ac,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + } + else + { + return 0; + } +} +" +6f1ec0a4dda18844a3b146650d114f55342ad3c3,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; +} + return 20; + + } + + + + +" +952c15fff3554f01c0857ffe4354af286d59d334,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; +} + + + + + +" +ba8fa2350e6ab5d61a06c95831d3fff0d8afbd6d,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + return 10; +} + + + + +" +7b150ba12db5d4989e5bd40757642c1ac75b7981,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + else + { + return 0; + } +} +" +b4a687de289e2049dcb80f437e1ede91a1860096,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + return 20; + } +} + + + + + + + +" +e32b005074645877143b4f86eab19052c74334c3,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + return 20; + } +}" +dae3919ccd36c35ad2e9e041db61abf762e7c649,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + if (a == b || b == c) + { + return 0; + } +} +" +b2de63deb89bf5f5e5a9c61d500c47dc05e34ca0,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + return 20; + } +}" +c5f8e41b787f46a9eb50323ff4f44896222b2063,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + if (a == c || b == c) + { + return 0; + } +} +" +7f25321a41d63612e1ff8a92c079a936bcf84d9b,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + { + return 20; + } +}" +d6a89810e02783fa9d6fc4281179f58bf0d13ffa,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + { + return 20; + } +}" +1c65f253ecb77cce22b12b2d2ec870694b58f5f2,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + { + return 20; + } +" +6b2d1552a9eeec365a150f5e961a9dd1dde03c73,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +9153937f1814507d2f63f904d9e732dd531317fd,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b !=c) + { + return 10; + } + else if (a == b && b == c) + { + return 20; + } + } +" +c0650c1692e650dc2f97b9c63c996b648cb83e0f,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +eb065643e968b6f5e11fe885b3d676ec60ccbfc0,"public int greenTicket(int a, int b, int c) +{ + if (a=1 && b=2 && c=3) + return 0; + if (a=2 && b=2 && c=2) + return 20; + if (a=1 && b = 1 && c = 1) + return 10; +} +" +5842bc54cca2d49341e6b687a03f33ab69caceb6,"public int greenTicket(int a, int b, int c) +{ + if (a=b) + if (b=c) + return 20; + else + return 10 +} +" +789bbc9b3c7863d7e38430f4a23a2d93a9e0f3b4,"public int greenTicket(int a, int b, int c) +{ + if (a=b) + if (b=c) + return 20; + else + return 10; +} +" +a09333a87ff4ca4cec73d4b67cb1b391c2c4fced,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + if (b==c) + return 20; + else + return 10; + return 0; +} +" +b8186b53f34efb5149dafa388decaa33997fdd05,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + if (b==c) + return 20; + return 10; + if (a==c || b==c) + return 10; + return 0; +} +" +d5e2924e406b4daf5eda157777897d8a5bc94c04,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + if (b==c) + return 20; + return 10; + else if (a==c || b==c) + return 10; + return 0; +} +" +8328f801833e8b8fc773bca9c8bdf2d29e4a88d1,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + if (b==c) + return 20; + return 10; + else if (a==c || b==c) + return 10; + else + return 0; +} +" +06fbe535af4fc5fc7e3cbbec4d84655e166600f4,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + if (b==c) + return 20; + return 10; + else if (a==c || b==c) + return 10; + else + return 0; +} +" +4c7f9ed1112e67944b71ea8fc8f37f1f593b785c,"public int greenTicket(int a, int b, int c) +{ + if (a==b){ + if (b==c) + return 20; + return 10; + } + if (a==c || b==c){ + return 10; + } + return 0; +} +" +020c3bd770c4fd2f9f7bc72de587d635b65d4e28,"public int greenTicket(int a, int b, int c) +{ + boolean AB = (a == b ); + if ( a == b && b == c) + { + return 20; + } + +} +" +a6b7a65b40d998384e55a1a07026be17f9dc2ee8,"public int greenTicket(int a, int b, int c) +{ + boolean AB = (a == b ); + if ( a == b && b == c) + { + return 20; + } + return 0; +} +" +edec67fdae7e6710876cd08e0ced335ee54baadc,"public int greenTicket(int a, int b, int c) +{ + boolean AB = (a == b); + boolean BC = (b == c); + boolean AC = (a == c); + if (AB && BC) + { + return 20; + } + else if (AB || BC || AC) + { + return 10; + } + else + { + return 0; + } +} +" +9e29a5dd69110bda18a2d5f29ca94b70280aa8e9,"public int greenTicket(int a, int b, int c) +{ + if (int a = int b = int c) + { + return 20; + } + else if (int a != int b != int c) + { + return 0; + } + else + { + return 10; + } +} +" +7adde529c0f399eaf6dfb1f2f2421763c5d17dfe,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (a != b != c) + { + return 0; + } + else + { + return 10; + } +} +" +33064ee82933ba2963e7019175f2a4a7a511f68f,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a != b != c) + { + return 0; + } + else + { + return 10; + } +} +" +8f91ca737660b6d58cf2af6b555b030d3384d845,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +f7b1e276caffbaa4eea1ac5175b366542a993baf,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + + if ( a != b && b != c && c!=a) + { + return 0; + } + + if ( a == b || a == c || b==c) + { + return 10; + } + +} +" +26638d39852a01c37e40c54504864ecf86966f01,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + + if ( a != b && b != c && c!=a) + { + return 0; + } + + if ( a == b || a == c || b==c) + { + return 10; + } + + return 50 +} +" +7c2bffeb8951bc3fe250ea4e083b177b0729c15e,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + + if ( a != b && b != c && c!=a) + { + return 0; + } + + if ( a == b || a == c || b==c) + { + return 10; + } + + return 50; +} +" +c591549726fd57ba47af0da4f5602300a001ce35,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 20; + } + else if (((a == b) && (a == c)) || ((b == c) && (b == a)) + || ((c == a) && (c == b))) + { + return 10; + } + else + { + retun 0; + } +} +" +e5260a17d6732a10453e6fcf03eee7ab2a0c4581,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 20; + } + else if (((a == b) && (a == c)) || ((b == c) && (b == a)) + || ((c == a) && (c == b))) + { + return 10; + } + else + { + return 0; + } +} +" +d1cdb9f6200a7b1ccd3ee858da8bd925e94b8f6a,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 20; + } + else if (((a == b) && (a == c)) || ((b == c) && (b == a)) + || ((c == a) && (c == b))) + { + return 10; + } + else if ((a != b) && (b != c) && (a != c)) + { + return 0; + } + else + { + return 5; + } +} +" +d7dd9e934032bbd16fc068832fa53b5f950a902e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (((a == b) && (a == c)) || ((b == c) && (b == a)) + || ((c == a) && (c == b))) + { + return 10; + } + else if ((a != b) && (b != c) && (a != c)) + { + return 0; + } + else + { + return 5; + } +} +" +e93f93f6b62e07c5a659a77df0cecb2fdbc9655e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (((a == b) && (a == c)) || ((b == c) && (b == a)) + || ((c == a) && (c == b))) + { + return 10; + } + else + { + return 0; + } +} +" +0a835a41fa180be7a7b6f41e729e780e26a61517,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (((a == b) && (a == c)) || ((b == c) && (b == a)) + || ((c == a) && (c == b))) + { + return 10; + } + else + { + return 0; + } +} +" +be942cc987ed6c7e837de9624b8aa1beb5666eab,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if ((a == b) && (a == c)) + { + return 10; + } + else if ((b == c) && (b == a)) + { + return 10; + } + else if ((c == a) && (c == b)) + { + return 10; + } + else + { + return 0; + } +} +" +d576bc5b2f6809215dddc5a6348e33d1c020ea3b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if ((a == b) && (a == c)) + { + return 10; + } + else if ((b == c) && (b == a)) + { + return 10; + } + else if ((c == a) && (c == b)) + { + return 10; + } + else if (a!=b && b!=c && a!=c) + { + return 0; + } +} +" +59ede6b9a502e8c0bf7dc523b0b651a018019c3c,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if ((a == b) && (a == c)) + { + return 10; + } + else if ((b == c) && (b == a)) + { + return 10; + } + else if ((c == a) && (c == b)) + { + return 10; + } + else if (a!=b && b!=c && a!=c) + { + return 0; + } + else + { + return 5; + } +} +" +ad912a92207dabe5f35f863a8a9ca1fd2223a8be,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if ((a == b) || (a == c) || (b == c)) + { + return 10; + } + else if (a!=b && b!=c && a!=c) + { + return 0; + } + else + { + return 5; + } +} +" +7008d7296ed6ff394f02c8a95e5d80ce19f56c1c,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if ( a == b && a == c) + { + result = 20; + } + else if ( a == b || a == c || b == c) + { + result = 10: + } + } +" +1de172c285a26fdb8583dcb8413e4c061598f655,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if ( a == b && a == c) + { + result = 20; + } + else if ( a == b || a == c || b == c) + { + result = 10; + } + } +" +58a2cdbe21e9af69a5c495266b57d9f16aac4d50,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if ( a == b && a == c) + { + result = 20; + } + else if ( a == b || a == c || b == c) + { + result = 10; + } + return result; + } +" +d70f4617f911f5c1d757e363acda53514f611584,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + else + { + return 10; + } + } + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +7043069a7f5d41bc6ca2630b30c165e0f511f588,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } else if (a == b || b == c) { + return 10; + } else { + return 0; + } +} +" +e9349211a8f20bde89312f024338172949a43f14,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } else if (a == b || b == c || a == c) { + return 10; + } else { + return 0; + } +} +" +7ff39aefddece03cca20dbf4d561bc158b4c2d6c,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a != b != c) + return 0; + else + return 10; + +} +" +1a25b871b949d747d4d55bc0846f80a74273bd14,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a != b != c) + return 0; + else + return 10; + +} +" +5f3b58278c526157d72fdb18741997cb6bc2983c,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + return 20; + else if ((a != b) && (b!= c) && (a != c)) + return 0; + else + return 10; + +} +" +f515e84fb122fa784468ddcfdd622c22aef4f1f6,"public int greenTicket(int a, int b, int c) +{ + if (a== b && b==c) + return ""20""; +} +" +86915419818e16e3222f5878b85a026d036487c1,"public int greenTicket(int a, int b, int c) +{ + if (a== b && b==c) + return 20; + else if (a == b || b==c || c==a) + return 10; + else + return 0; +} +" +a161e71486644b7c09e30954b852f206730cce8c,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 10; + } + else + retuen 0; +} +" +c50afe1beb36008d94eff25cb08949e936ae6206,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 10; + } + else + return 0; +} +" +ab2ea96a6f3cf724252049f645a5dc0cbdf0e061,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + else + return 10; + } + else if (a == c || b == c) + { + return 10; + } + else + return 0; +} +" +9dded02fcabac19403d89ec7718264103e94395d,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20 + } + else if(a==b || b=c || a=c) + { + return 10 + } + else + { + return 0 + } +} +" +11cb374e871ed9b26f37132f9b5ed67fd73a856f,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + else if(a==b || b=c || a=c) + { + return 10; + } + else + { + return 0; + } +} +" +bb570db7db96bdaaad44a5bba944d38a08382e42,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + else if(a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +c573a5d5645bb1ae33a44b59a7cdf7bd833a69c5,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c && b == c ) + return 20; + if ( a == b || a ==c || b == c ) + return 10; + else + return 0; +} +" +b5c297d0170f64a95823e252f1fb45d7b7e259f8,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && b ==c) + return 20; + if (a == b || a == c || b ==c) + return 10; + return 0; +} +" +c4d99d761cb706b4f84599ca54d3ef2553f80c24,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +e342404631d8ee1c5108cfdd8f79491d274ad715,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +db20ec6ba61cdc1a91eb2f94f80aa4afca83dfd8,"public int greenTicket(int a, int b, int c) +{ + if (a != b ! = c) + { + return 0; + } + else + { + if (a == b == c) + { + return 20; + } + else + { + if (((a || b) == c) || ((c || a) == b)) || ((b || c)) + { + return 10; + } + } + } +} +" +ddd12d6f245b0914a9b3859b1befcbb7e093b96c,"public int greenTicket(int a, int b, int c) +{ + if ((a != b ! = c)) + { + return 0; + } + else + { + if (a == b == c) + { + return 20; + } + else + { + if (((a || b) == c) || ((c || a) == b)) || ((b || c)) + { + return 10; + } + } + } +} +" +5cc0394813dde715ce3a10a210a16cd360726ca3,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if (a == b == c) + { + return 20; + } + else + { + if (((a || b) == c) || ((c || a) == b)) || ((b || c)) + { + return 10; + } + } + } +} +" +252bfbc462ac86d28b8a7d1b1ec75b92652db73e,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if (a == b == c) + { + return 20; + } + else + { + if (((a || b) == c) || ((c || a) == b)) || ((b || c) == a)) + { + return 10; + } + } + } +} +" +50abd012062d240b6a2a0f4de832a7c2dadb9ada,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if (a == b == c) + { + return 20; + } + else + { + if (((a || b) == c)) + { + return 10; + } + } + } +} +" +a586f26b34bdbfdd612ac9d77b1a887337c56898,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if (a == b == c) + { + return 20; + } + else + { + if (a || b == c); + { + return 10; + } + } + } +} +" +2fa8874db49c7d12333398c537e1cec9253b288f,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if ((a == b) && (b == c) + { + return 20; + } + else + { + if (a || b == c); + { + return 10; + } + } + } +} +" +454717e7c40ccbd6676fee881c72e68ae1acc4a7,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if ((a == b) && (b == c)) + { + return 20; + } + else + { + if (a || b == c); + { + return 10; + } + } + } +} +" +005f14858e343924e58aa21258154431666b212e,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c)) + { + return 0; + } + else + { + if ((a == b) && (b == c)) + { + return 20; + } + else + { + if ((a == b) || (b == c) || (a == c)); + { + return 10; + } + } + } +} +" +eb1ffef5ef9ab2727004cde128e8108ec79c5d2d,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c) && (c != a)) + { + return 0; + } + else + { + if ((a == b) && (b == c)) + { + return 20; + } + else + { + if ((a == b) || (b == c) || (a == c)); + { + return 10; + } + } + } +} +" +2d862740a21931b585d2e1949a934bd607aba9e0,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a =/= c) + return 10; + if (a == c && b =/= c) + return 10; + if (a == b && a == c) + return 20; + else + return 0; +} +" +2d05b3d31e784b374313ddff83035a03e8e8cd41,"public int greenTicket(int a, int b, int c) +{ + if (a = b && a =/= c) + return 10; + if (a = c && b =/= c) + return 10; + if (a = b && a = c) + return 20; + else + return 0; +} +" +0762ae83ddd9a8a60b985fa41da1825eed70d2a5,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c && b == c ) + return 20; + if ( a == b || a ==c || b == c ) + return 10; + else + return 0; +}" +26166d3053cf3e664bf3992af66ee8bc1dd2ef73,"private int result; + +public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + result = 20; + } + else if (a == b || b == c || c == a) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +4ef62d34506e9ab10b3592736b89e4ac193f0216,"private int greenTicket; + +public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + greenTicket = 20; + } + else if (a == b || b == c || c == a) + { + greenTicket = 10; + } + else + { + greenTicket = 0; + } + return result; +} +" +7f494a9469b95e046348b47c1f63a01b3a433b8c,"private int greenTicket; + +public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + greenTicket = 20; + } + else if (a == b || b == c || c == a) + { + greenTicket = 10; + } + else + { + greenTicket = 0; + } + return result; +} +" +41a633b22bd70ae2dfb48646c2af66375ca19920,"private int greenTicket; + +public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + greenTicket = 20; + } + else if (a == b || b == c || c == a) + { + greenTicket = 10; + } + else + { + greenTicket = 0; + } + return greenTicket; +} +" +b61fce578bb6d370c6e8b818e2707716777fb202,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + else if(a == b || b==c || c == a) + return 10; + return 0; +} +" +494b7c9088909be2b4505c58a0e2d60df75a6785,"public int greenTicket(int a, int b, int c) +{ + if(a = b = c) + return 20; + if(a=b || b=c || a=c) + return 10; + else + return 0; +} +" +201ffb7878dc642fe0af30efed0a3fe58cbafd79,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if(a == b || b == c || a == c) + return 10; + else + return 0; +} +" +ae12457cd4b99d4b29714fc273185c5114be89e2,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } +} +" +4969ff57664d96172e1d837e2441b526164e9da1,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } +} +" +a8a22a9a1bd3b22feb2e886a03267bb53c143cbc,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + { + return 20; + } + + else if ( a == b || b == c || a == c) + { + return 10; + } + + else + { + return 0; + } + +} +" +cd00fc65f9e2e71e471ed88caf5430dcdb5386ae,"public int greenTicket(int a, int b, int c) +{ + if ( a == b & b == c & a == c) + { + return 20; + } + + else if ( a == b || b == c || a == c) + { + return 10; + } + + else + { + return 0; + } + +} +" +f2a0f1a110fd4e301a2a8e92bbd35e75ebe14925,"public int greenTicket(int a, int b, int c) +{ + if (a !== b && b !== c) + else if (a == b && b == c) + else if (a == b || b == c || a == c) +} +" +53913bc74205b529ce72253006b661b10da484c6,"public int greenTicket(int a, int b, int c) +{ + if (a !== b && b !== c) + return 0; + else if (a == b && b == c) + else if (a == b || b == c || a == c) +} +" +7f02fe05d267a9d198804f1bf345eee369a8a7d4,"public int greenTicket(int a, int b, int c) +{ + if (a !== b && b !== c) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; +} +" +dcab3ebcdc40c29f39dbb071a44da6302f8aca51,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; +} +" +6172165a8e9ef6bb620f6b73a8d6560d9642c487,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + return 0; + else if (a == b && b == c) + return 20; + else + return 10; +} +" +f557aebe321fa7121ce82fc2bd6d7a19146a47f6,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + return 0; + else if (a == b && b == c && a == c) + return 20; + else + return 10; +} +" +05b2055770a83524409e9d0de3a7389d20f841f6,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if (a == b && b == c && a == c) + return 20; + else + return 10; +} +" +14e233d2babea7cc5c5650ad1c06b0e92b0b704b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if (a == b && b != c) { + return 10; + } + else { + return 0; + } + +} +" +4166cb2a6e6e3b41889f55116cd3bd7c6948c8c9,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if ((a == b && b != c) || (a == c && c != b) || (a != b && b == c)) { + return 10; + } + else { + return 0; + } + +} +" +7e0bad893ddd8ef5f6a812c91ef82fa0f1b7077a,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +18a7384de7353d345b250d9bc9198b7d2aa6d4f5,"public int greenTicket(int a, int b, int c) +{ + if(a!=b && b!=c && a!=c){ + return 0; + } + else if(a==b && b==C && a==c){ + return 20; + } + else{ + return 10; + } +} +" +f80d04bd1440cdc636152320006e39b2915f1857,"public int greenTicket(int a, int b, int c) +{ + if(a!=b && b!=c && a!=c){ + return 0; + } + else if(a==b && b==C && a==c){ + return 20; + } + else{ + return 10; + } +} +" +7c2f80ef8b4676c6f076c88c7ce7f18a19960085,"public int greenTicket(int a, int b, int c) +{ + if(a==b){ + if(b==c){ + return 20; + } + return 10; + } + else if(a==b || a==c) + { + return 10; + } + return 0; +} +" +e518688366d4859e5d642c9ad4728753a09ac471,"public int greenTicket(int a, int b, int c) +{ + if(a==b){ + if(b==c){ + return 20; + } + return 10; + } + if(a==b || a==c) + { + return 10; + } + return 0; +} +" +f9bce90676a3c8731c0030dbbb0961481164f6ec,"public int greenTicket(int a, int b, int c) +{ + if(a==b){ + if(b==c){ + return 20; + } + return 10; + } + if(a==b || a==c || b==c) + { + return 10; + } + return 0; +} +" +d977635ebb992a3a1302bd098410961fa4b4cbd5,"public int greenTicket(int a, int b, int c) +{ + if (a==b || a==c || b==c) + { + return 10; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 0; + } +} +" +3565d3fb8cf17f23defd9f8ada9df8f80d96ba92,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 10; + } + else if (a==b || a==c || b==c) + { + return 20; + } + else + { + return 0; + } +} +" +b21271e79419b123e5e2d4ff29ca2f214f3fb90e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a==b || a==c || b==c) + { + return 10; + } + else + { + return 0; + } +} +" +96997c3fd8523f20dadf4decb2a15e9ba58e696c,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return 0; + } + else if (a == b && a == c && b == c) + { + return 20; + } + else + { + return 10; + } + +} +" +8332af3da924ffa45fac87d09d586077b648eb4d,"public int greenTicket(int a, int b, int c) +{ + int x = 0; + if (a == b || b == c || a == c) + { + if (a == b && b == c) + { + x = 20; + } + else + { + x = 10; + } + } + else + { + x = 0; + } + return x; +} +" +3e008a5ab933d9eabb98865a1817c55f84e9f1ec,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + { + return 20; + } +} +" +472cdd6f7486dc38dd2c86f5d4b99f0841591891,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c && a == c) + { + return 20; + } + + else if ( a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +0c3e6d71b963e85fdcb2b0ffdf9c073455f9b659,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) + { + result = 20; + } + else if (a == b || a == c || b == c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +c6c4d71bcd2a6d61c837556e8559becae7415b3a,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && a !=c && b != c) + { + result = 0; + } + + else if (a == b && a != c) + { + result = 10; + } + else if (a == c && a != b) + { + result = 10; + } + else if ( a == b && b == c) + { + result = 20; + } + return result; +} +" +25ef1e6ea3e7a004089cfd480cd422293674f611,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && a !=c && b != c) + { + result = 0; + } + + else if (a == b && a != c) + { + result = 10; + } + else if (a == c && a != b) + { + result = 10; + } + else if (b == c && b != a) + { + result = 10; + } + else if ( a == b && b == c) + { + result = 20; + } + return result; +} +" +679d8770391f09b14be53bd336e4ed236c81760a,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c && a==c) + { + return 20; + } + else if ( (a == b) || (b == c) || (c==a)) + { + return 10; + } + else + { + return 0; + } + +} +" +dc52f658cd593e2e13418996f42f20fcd671a049,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (a == c) && (b == c)) + { + return 20; + } + else if ((a == b) || (a == c) || (b == c)) + { + return 10; + } + else + { + return 0; + } +} +" +b1c666c38ef6fe926b96b80e7d55384574565fcb,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +c288564862d1a124ccd17356f1e510600bfe08d9,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +248dce1c5e8a2344f908990f3c644bc390e7580d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +149fe0638d39348fac026e8c3b8974f90111ced3,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c){ + return(20); + }else{ + if (a == b || b == c || a == c){ + return(10); + }else{ + return(0); + } + } +} +" +0e6b9b7a88655ca66fa078e8d331ef1d1d1c78d7,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c){ + return(20); + }else{ + if (a == b || b == c || a == c){ + return(10); + }else{ + return(0); + } + } +} +" +a477cd78826624f350d5a40850d4921a4bda7c5b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c){ + return(20); + }else{ + if (a == b || b == c || a == c){ + return(10); + }else{ + return(0); + } + } +} +" +4a9806e5d979032eadab4c8d23dec29284441f09,"public int greenTicket(int a, int b, int c) +{ + int result = 10; + if (a != b && b != c && a != c) + { + result = 0; + } + else if (a == b && b == c) + { + result = 20; + } + return result; +} +" +5bf89a58ddade2df98025fd3ddaabe9e3b1ed886,"public int greenTicket(int a, int b, int c) +{ + int zeroo = 0; + int ten = 10; + int twenty = 20; + if( a!= b && a!=c && b!=c) + { + return zeroo; + } + else if(a==b && a==c && b==c) + { + return twenty; + } + else + { + return ten; + } +} +" +68ddb516a6061b0e8d6a563513e25a0e838c79cd,"public int greenTicket(int a, int b, int c) +{ + if (a != b & a != c) + { + return 0; + } + else if (a = b & a = c) + { + return 2; + } + else + { + return 1; + } +} +" +2b5eeae6f9a479919f9fa9333e99f0fffc86098d,"public int greenTicket(int a, int b, int c) +{ + if (a != b & a != c) + { + return 0; + } + else if (a == b & a == c) + { + return 2; + } + else + { + return 1; + } +} +" +f10c2ac8502d10b7b10cda88edcad3e66d0f4b0c,"public int greenTicket(int a, int b, int c) +{ + if (a != b & a != c) + { + return 0; + } + else if (a == b & a == c) + { + return 20; + } + else + { + return 10; + } +} +" +33be0a467e09630b4de26569634c9bd3228926ca,"public int greenTicket(int a, int b, int c) +{ + if (a != b & a != c & b != c) + { + return 0; + } + else if (a == b & a == c) + { + return 20; + } + else + { + return 10; + } +} +" +b379a39e64ee5b828e0a12ff6174ec5c6ee26f79,"public int greenTicket(int a, int b, int c) +{ + if (a==b==c) + +} +" +866b2351f97fdee1f9a91df03dfefa3dea5e30fb,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + return 20; + } + +} +" +d8f71fcdafd049da5765e54be461a1ff9e8a2c31,"public int greenTicket(int a, int b, int c) +{ + if (a==b==c) + { + return 20; + } + +} +" +0125d48ce398ddc4afc2482f97234b42c7de090b,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + return 20; + } + +} +" +ec2938ea6831919b4a11fd41e3ee750fc22ae574,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c&&a==c) + { + return 20; + } + else if (a!=b && a!=c && b!=c) + { + return 0; + } + else + { + return 10; + } + + +} +" +80cf2681a0c580afb575749c2b9c8d7f5fdb1b25,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (a = b || a = c || b = c) + { + return 10; + } + else + { + return 0; + } +} +" +cd7d0e5d665ea5e5194dbe372dd81889bce0aab1,"public int greenTicket(int a, int b, int c) +{ + if (int a = int b = int c) + { + return 20; + } + else if (a = b || a = c || b = c) + { + return 10; + } + else + { + return 0; + } +} +" +5831e63984cb459fa0ee11b8141f12019ea2584a,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +4a972cd258cdd4409b8e794da4e133a8caab4c1d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +7d3ec22c0ad884f2c9653275e850dc791b08986a,"private int result; + +public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + result = 20; + } + else if (a == b || b == c || c == a) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +68e7a3af3ddea9d55094de828263a358ec61f5f3,"private int result; + +public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && c == a) + { + result = 20; + } + else if (a == b || b == c || c == a) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +534ae91f115368552481a9aaef0efd8fd371fdf5,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + else if (a==b || b==c || a=c) + return 10; + return 0; +} +" +49fb573b599cce982f68bcdb154373fb66c5bccd,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + else if (a==b || b==c || a==c) + return 10; + return 0; +} +" +8105579c50f157623fb02100aa26426681a9dfce,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +ad16b458796ef579de4056b833befb41cda01506,"public int greenTicket(int a, int b, int c) +{ + int lose = 0; + int smallWin = 10; + int bigWin = 20; + int Ticket = 1; + + if (a = b = c) + { + Ticket = bigWin; + } + else if ((a = b) || (b = c) || (a = c)) + { + Ticket = smallWin; + } + else + { + Ticket = lose; + } + return Ticket; +} +" +3a7f4862e0fde7eac92e61f432f2e58a3133ad30,"public int greenTicket(int a, int b, int c) +{ + int lose = 0; + int smallWin = 10; + int bigWin = 20; + int Ticket = 1; + + if ((a = b) && (b = c) && (a = c)) + { + Ticket = bigWin; + } + else if ((a = b) || (b = c) || (a = c)) + { + Ticket = smallWin; + } + else + { + Ticket = lose; + } + return Ticket; +} +" +548c4f2de078e28dac995ca5c2d6f146cc17da30,"public int greenTicket(int a, int b, int c) +{ + int lose = 0; + int smallWin = 10; + int bigWin = 20; + int Ticket = 1; + + if ((a = b) && (b = c)) + { + Ticket = bigWin; + } + else if ((a = b) || (b = c) || (a = c)) + { + Ticket = smallWin; + } + else + { + Ticket = lose; + } + return Ticket; +} +" +366826b5974c1b4b5cfb7b396658e18a21ab8ff8,"public int greenTicket(int a, int b, int c) +{ + int lose = 0; + int smallWin = 10; + int bigWin = 20; + int Ticket = 1; + + if ((a == b) && (b == c)) + { + Ticket = bigWin; + } + else if ((a == b) || (b == c) || (a == c)) + { + Ticket = smallWin; + } + else + { + Ticket = lose; + } + return Ticket; +} +" +65ec2d02feef5c1bb09552201eec8af9d2843984,"public int greenTicket(int a, int b, int c) +{ + if (int a == int b == int c) + { + return 20; + } +} +" +ad371c195f7327fc201c9cc514d0a44f9c8163ef,"public int greenTicket(int a, int b, int c) +{ + if (int a == int b) + { + return 20; + } +} +" +8541717e65f97459559c07be6114ac80df4659a8,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } +} +" +bd3e566d3804ea94a6aff7fbf07705a1a5ccd72f,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + return 20; + } +} +" +ffd54e8be2e334fa7940481ad898d28706725197,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +219d9708f6b20ee6875f8fc90a08d4509bb6eef3,"public int greenTicket(int a, int b, int c) +{ + if ( a = b = c) + { + return 20; + } +} +" +7c0231028c0c3b3931712d26bd1729f3959ed655,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + { + return 20; + } +} +" +73e4ef1e30a2f714ebbac5152bdfb95669088265,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } +} +" +8cb665c4b065a3858356df95be82fbdf6a46fea4,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +c0531c9d234b82cf2cd4899ea1ac859dd10d76cb,"public int greenTicket(int a, int b, int c) +{ + int numberA = a; + int numberB = b; + int numberC = c; + int result = 0; + if (numberA == numberB == numberC) + { + result = 20; + } + else if (numberA == numberB || numberA == numberC || numberB == numberC) + { + result = 10; + } + return (result); +} +" +150965f75acda2ed760fe9845f090a8c219ebbe6,"public int greenTicket(int a, int b, int c) +{ + int numberA = a; + int numberB = b; + int numberC = c; + int result = 0; + if (numberA = numberB = numberC) + { + result = 20; + } + else if (numberA = numberB || numberA = numberC || numberB = numberC) + { + result = 10; + } + return (result); +} +" +7e472ac1a5d716aff40b27d8c7541e2be0555f4e,"public int greenTicket(int a, int b, int c) +{ + int numberA = a; + int numberB = b; + int numberC = c; + int result = 0; + if (numberA == numberB && numberB == numberC) + { + result = 20; + } + else if (numberA == numberB || numberA == numberC || numberB == numberC) + { + result = 10; + } + return (result); +} +" +15933e8f802244e8836b3aea2c348a805db3e43e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + else; + { + return 0; + } +} +" +d0222e4956bed8b80d852c5476029c70c85c9870,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + return 0; + if ( a == b && b == c && a == c) + return 20; + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b)) + return 10; +} +" +f023b2d0de949aba8e0845dedca8bedaa8155338,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + return 0; + if ( a == b && b == c && a == c) + return 20; + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + return 10; +} +" +9d17f2adab9d87d43652d4ccc148239474a4fe01,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + { + return 0; + } + if ( a == b && b == c && a == c) + { + return 20; + } + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } +} +" +fabfc5613ca08e969b175844590ea6a2a2e457c9,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + { + return 0; + } + if ( a == b && b == c && a == c) + { + return 20; + } + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } +}} +" +d76443365feab20384c738f93ef08c9c21f8438e,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + { + return 0; + } + if ( a == b && b == c && a == c) + { + return 20; + } + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } +} +" +49e5180ca14735788fa1dd5e2ac29b2d91569289,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + { + return 0; + } + if ( a == b && b == c) + { + return 20; + } + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } +} +" +9a5a14d565b7b7f3db438de9cbafde004fe40302,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + { + return 0; + } + if ( a == b && b == c) + { + return 20; + } + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } + else +} +" +bc000b64b40cfc44e1934c5e4f8438f01fee6e04,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else + { + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } + else + { + if ( a != b && a != c && b != c) + { + return 0; + } + } + }" +4cb0bca4dff5788a95ce65e5461020bae4704756,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else + { + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } + else + { + if ( a != b && a != c && b != c) + { + return 0; + } + } + }" +2bcc7e96a0444007d7ca1fca60e771e987da8788,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else + { + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } + else + { + if ( a != b && a != c && b != c) + { + return 0; + } + } + } + }" +a9d88104a771da36cc7a67f75aa6e33e3a85a12e,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else + { + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } + else + { + return 0; + } + } + } +}" +b3f453f0e7803983db29dea97f79264be72624cf,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else + { + if ( (a == b && a != c) || (b == c && b != a) || (a == c && a != b) ) + { + return 10; + } + else + { + return 0; + } + } +}" +080a64465e02f6f459c48dd8f1338dedf759cf56,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + return 20; + else if (a == b || a == c) + return 10; + else if (b == c) + return 10; + else + return 0; +} +" +ac1f4b99f665e77671e3c692e7e37521e759a418,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b ==c) + return 10; + return 0; +} +" +874faf9e151c39bc9c1a06c1b1dfd52a6dafc680,"public int greenTicket(int a, int b, int c) +{ + int result = 10; + + if (a == b && b == c && a == c) + { + result = 20; + } + + else if (a != b && b != c && a != c) + { + result = 0; + } + + return result; +} +" +0412f4e1dedda5319d14de793ace754060fd8e40,"public int greenTicket(int a, int b, int c) +{ + int result = 10; + + if (a == b && b == c && a == c) + { + result = 20; + } + + else if (a != b && b != c && a != c) + { + result = 0; + } + + return result; +} +" +8f27a6b050542ad5cbf53e82424a9b133b98d33a,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; + +} +" +49bb5ba1bf76ce9b3fc455e26d632964c65a2b4b,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a == b || b == c || a ==c) + return 10; + else + return 0; +} +" +d8d335c3774c4e84bab877b191bac4fc5176eb91,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a != c) + { + if (b != c) + { + return 0; + } + return 10; + } + return 10; + } + else + { + if (a = c) + { + if (b = c) + { + return 20; + } + return 10; + } + return 10; + } +} +" +d8f0b3e6ea976fe19bc1450f22a30a1898c7deed,"public int greenTicket(int a, int b, int c) +{ + if (int a == int b == int c) + return 20; + else if (a == b || b == c || a ==c) + return 10; + else + return 0; +} +" +2d3c596e70f57c95793108f92a558c5b01e4b4e3,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a != c) + { + if (b != c) + { + return 0; + } + return 10; + } + return 10; + } + else + { + if (a == c) + { + if (b == c) + { + return 20; + } + return 10; + } + return 10; + } +} +" +ff851dc4f6848efd03996020ec593f25ca766877,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +da1370b2bc70ce9d4ee9936fea300a911b2b44e9,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + else + return 10; + } + else if (b == c || a == c) + return 10; + else + return 0; + +} +" +7dbab7518e5f8bc71e0f71e1fc03a56166ae2996,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + if (a == b && b == c) + { + return 20; + } + return 10; +} +" +a38e8f4268635070be33d5457e7eeddd548541c6,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } +} +" +931bdaaf31f894404e5b5a484f746f1c9d3bd27d,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } +} +" +23cfbcecfe4160d6589ba27297404fc1899c0a27,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + if (a == b && b == c) + { + return 20; + } + if ((a != b && b == c) || ( a == b && b != c)) + { + return 10; + } + return """"; +} +" +f5034d60198a1fc434d4548ebd061537ee083464,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + if (a == b && b == c) + { + return 20; + } + if ((a != b && b == c) || ( a == b && b != c)) + { + return 10; + } +} +" +dce1c6b1b1f4de99a1e21ad014a165e1e5b486f3,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + if (a == b && b == c) + { + return 20; + } + if ((a != b && b == c) || ( a == b && b != c)) + { + return 10; + } + return 10; +} +" +3c32183ba71c705dc734191646b62171b0ed431f,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + return 0; + else if ( a = b && b =c && a = c) + return 20; + else + return 10; +} +" +abd918178ec6840c1f5bf48fbcaf7e3d01275110,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + return 0; + else if ( a == b == c + return 20; + else + return 10; +} +" +4abd1272ad25e02767208704c70f5f5223128af9,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + return 0; + else if ( a == b == c) + return 20; + else + return 10; +} +" +6d11fa8ec4407184b2fa2dacfe4beb4c3d865bb5,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + return 0; + else if ( a == b && b== c && a == c) + return 20; + else + return 10; +} +" +6978fd7c0d4cc2f82882f250d6dd817071872a68,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if (a == b || b == c) + return 10; + return 0; + +} +" +f57edc2be293e8a71074b660c80a414ef9dcccac,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if (a == b || a == c) + return 10; + return 0; + +} +" +cbdb3f1a83c45fff04240d874d892a9bce1c9951,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if (b == c || a == c) + return 10; + return 0; + +} +" +4e1aaa096d0ec984ca15f52ffe8658cb370649c3,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20 + } + else + { + return 10; + } + } + else if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +ceaa277915018cf5df9c5534f0942206d218a34c,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + else + { + return 10; + } + } + else if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +d1378b91664caff12c977377a7fe216292407e27,"public int greenTicket(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 20; + } + if ( a != b && b != c) + { + return 0; + } + return 10; + +} +" +edeeb029c1e973f212acce1644fb3a7aabada448,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c) + { + return 10: + } + else + { + return 0; + } +} +" +92e1a7a8bc86691080e1705763f002a132f6954f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +4fd2fb217cf2ce8cf90336421652f81853cfd3c2,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +387e1df97118b4b548024785aee6408d6453aafb,"public int greenTicket(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 20; + } + else if ( a != b && b != c && a =!c ) + { + return 0; + } + return 10; + +} +" +92b676b8620d08b32db65225c18b39ac19836ca7,"public int greenTicket(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 20; + } + else if ( a != b && b != c && a =! c) + { + return 0; + } + return 10; + +} +" +f8c1eca065449dfea8dc6deba717f48c93bbcabb,"public int greenTicket(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 20; + } + else if ( a != b && b != c && a != c) + { + return 0; + } + return 10; + +} +" +d2053f65eedf978a8f143c0c9a9edff4122c13ae,"public int greenTicket(int a, int b, int c) +{ + if(b==c) + { + if(b=a) + return 10; + return 20; + } + if(b==c || a==c) + return 0; + return 10; + + +} +" +833f3aa6d19fa4fd13fb4b264af21f1cc9c33928,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b=c) + return 10; + return 20; + } + if(b==c || a==c) + return 0; + return 10; + + +} +" +4f2c1522a820eb007386ceef48e6782e97c8b5d9,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b=c) + return 10; + return 20; + } + else(b==c || a==c) + return 0; + return 10; + + +} +" +11a4d68d025842735c36a4dff9ed764b8f391816,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b=c) + return 20; + return 10; + } + else(b==c || a==c) + return 10; + return 0; + + +} +" +d998f32fe2020442a79c943a199b4e92738566a1,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a==b || a==c || b==c) + { + return 10; + } + else + { + return 0; + } +} +" +c8a23543bd0345e09c8a9b1fd74ecab614f3e80e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + return 20; + { + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +5cbd8f2e96c051673307fc197ca033f81084f934,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + return 20; + { + else if (a == b || a == c || b == c) + { + return 10; + } + else + return 0; +} +" +44207370fe449e70333ce7c49e8204d5079b642d,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if ( a != b && b != c && a != c) { + ticket = 0; + } + + else if (a == b && b==c && c==a) { + ticket = 20; + } + + else { + ticket = 10; + } + return ticket; +} +" +fa316e9dfeedb724f74be7753bb027452ce03927,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + return 20; + { + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +75ce8eb9938dbf4d550615a5a75b2924e62b2307,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + return 20; + { + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } + } +" +f084868ef94df2d823154ea1cac67dba884ee9de,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + return 20; + { + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } + return 0; + } +" +93594ff3423b4b38c31c5dbf43c328dc6b137458,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } + } +" +dfc2c5879638e071925ee7cd79463e983f020e44,"private int result; +public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + result = 20; + } + else if (a == b || a == c || b == c) + { + result = 10; + } + else + { + result = 0; + } +" +b60282ea0e9d1512492f8715e1316b019266f959,"private int result; +public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + result = 20; + } + else if (a == b || a == c || b == c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +93a2faf4f8445457ae40b97fa97f3cb6c0649df2,"private int result; +public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + result = 20; + } + else if (a == b || a == c || b == c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +e2428564a0b9b997c61560a970771c5a9df6b552,"public int greenTicket(int a, int b, int c) +{ + if(a==b&&b==c) + { + return 20; + } + else if((a==b||b==c)||a==c) + { + return 10; + } + else + { + return 0; + } +} +" +165bc4796ef1b8b684fa6dd422b4f31b1e3c57cf,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 20; + } + if (a!=b && b!=c && a!=c) + { + return 0; + } + return 10; +} +" +9faa077ed7ed01f4f76c835d9feecf0e91525986,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 20; + } + if (a!=b && b!=c) + { + return 0; + } + return 10; +} +" +92b4507667a82ebb9022f958ad1af426f0603eef,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 20; + } + if (a!=b && b!=c) + { + return 0; + } + return 10; +} +" +86b4d2b0b08e893d8faeb833ed41973eb1c8e466,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && b == c) { + return 20; + } else if (a == b || a == c || b == c) { + return 10; + } + return 0; +} +" +be429c57414c27adb5e188540b75e91b486c162e,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 20; + } + if (a!=b && b!=c && a!=c) + { + return 0; + } + return 10; +} +" +56f75775aa61d6df60c8ff3b0540bc0fea094d4b,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + return 20; + } + else if(a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +ed17990ed4f13acd1d4836285d489a7edc9b5b1a,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + + } + else + { + 0 + } +} +" +c3c9383d773b824d0034799c9a56dd226f7f94a8,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 1; + } + else + { + return 0; + } +} +" +a7bb2537c85de9afb19226f91e4ce41de8f18bfa,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 1; + } + else + { + return 0; + } +} +" +9ab2c9b16cc37cd2dcef8cae28baf8f95876e070,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +7f33ac97353695c1b3945beb3d76030b83fb75ae,"public int greenTicket(int a, int b, int c) +{ + if ( a = b && b = c && c = a) + { + return 20; + } + else if ( a = b || b = c || c = a) + { + return 10; + } + else + { + return 0; + } +} +" +85b4b521a3c8543ae37c599e6491be872c7e53e0,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c && c == a) + { + return 20; + } + else if ( a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +eecda999bd074b8f2afa55d5667f07bf643b9ca8,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + else if (a != b && a != c && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +6b20aaa80816ef47db119cb6bd74465eb113040d,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + + else if ( a == b || a == c) + { + reutrn 10; + } + + else + { + return 0; + } + +} +" +d30fe3a397de49e23d161bb2fde5f96c1895bf95,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + + else if ( a == b || a == c) + { + return 10; + } + + else + { + return 0; + } + +} +" +2cd8ce4a26f481e80a7097c200d40125fdbc9100,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + + else if ( a == b || a == c || b == c) + { + return 10; + } + + else + { + return 0; + } + +} +" +2d00f8067db15e10235d53eb1a5402fbce29b4dc,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a = b && !b = c || (!a = b && b = c) + { + return 10; + } + else + { + return 0; + } +} +" +a71a1ecc2ecd16152f21295950126ca0f4d513c7,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a = b && !b = c || (!a = b && b = c)) + { + return 10; + } + else + { + return 0; + } +} +" +da269adc8c7e4512496875fe86de2aa7a649ed24,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b && !b == c || (!a == b && b == c)) + { + return 10; + } + else + { + return 0; + } +} +" +bc118ed7286f0e50512f4a6abfc8702bd1d48da9,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b && ! b == c || (! a == b && b == c)) + { + return 10; + } + else + { + return 0; + } +} +" +f5cc8074cc515d489f2fe5c0f347095680faf419,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b && (!b == c) || ((!a == b) && b == c)) + { + return 10; + } + else + { + return 0; + } +} +" +3a2722fd2c8bf3b36a2d19a4244538fc20aa12b2,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (!a == b && b == c || (!a == b && b == c)) + { + return 0; + } + else + { + return 10; + } +} +" +af45526c600b9f516cdc4ee213c5efa29b5627c8,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (!a == b && !b == c || (!a == b && !b == c)) + { + return 0; + } + else + { + return 10; + } +} +" +d98bb327669a729b8192ce2c0e757b9d86a14698,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +b486e00cb986545480f0ab487dd34ad41779259d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +c996bbf39afdc2da4f3ae9afada5a05db954ccb7,"public int greenTicket(int a, int b, int c) +{ + if(a == b && c == a) + { + return 20; + }else if(a == b || a == c || b == c) + { + return 10; + }else + return 0; +} +" +0053e43cab0460a2931040b287f631501faa4364,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!= c) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b && b != c) + return 10; +} +" +f51e51af643f3ac65776c85beeb1276341d5a47f,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!= c) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b && b != c) + return 10; + else if (a == c && c != b) + return 10; + else + return 10; +} +" +de5929e80b4dda5458bb5188fa6197fd95f7fd0f,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!= c) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b && b != c) + return 10; + else if (a == c && c != b) + return 10; + else if (b == c && c!= a) + return 10; + else + return 10; +} +" +81088b30fef13ba14a441974b53de722b51f046f,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!= c && c!=a) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b && b != c) + return 10; + else if (a == c && c != b) + return 10; + else if (b == c && c!= a) + return 10; + else + return 10; +} +" +32d70b39893cada04967ab98f1713139baf2ea67,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!= c && c!=a) + return 0; + else if (a == b && b == c) + return 20; + else if (a == b && b != c) + return 10; + else if (a == c && c != b) + return 10; + + else + return 10; +} +" +0e286ccffc1b500793858970dd3a2222007103af,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + else if((a == b) || (a == c) || (c == b)) + return 10; + else if((a != b) && (b != c) && (a != c)) + return 0; + else + return 0; +} +" +8387125a06602016bc8947a645ca85b862879948,"public int greenTicket(int a, int b, int c) +{ + if (a != b != c) + return 0; + if (a == b == c) + return 20; + if (a == b || a ==c || b == c) + return 10; + +} +" +40929660edd5e54c62a244e87ed914429a7840a0,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + if (a == b == c) + return 20; + if (a == b || a ==c || b == c) + return 10; + +} +" +264969cb5b4fba0b12f9edd3c1d999ae9bf62fd6,"public int greenTicket(int a, int b, int c) +{ + if (int a != int b && int b != int c && int a != int c) + return 0; + if (int a == int b == int c) + return 20; + if (int a == int b || int a == int c || int b == int c) + return 10; + +} +" +5d655b91db4f2a47449c76434f9d0320f40974c2,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if ( a == b && b== c) + return 20; + else + return 10; + +} +" +fd7a050aad3c87794e5a7737bc4be8f95399f41e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +9d8b281091a78bb2d2bd15623f051430a04da06e,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + { + return 20; + } + else if (a == b || a == b || b == c) + { + return 10; + } + else + { + return 0; + } + return 6; +} +" +48a6cb1ddfc4ada3e9b57ec799c3675ed73a54cf,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + { + return 20; + } + else if (a == b || a == b || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +38bafa7d3fd5c6e55ecedaf6167dbcb8d2b185c5,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c) + { + return 20; + } + else if (a == b || a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +7ec1dcf15521298748503c6c58494fd1161857ff,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b=c) + return 20; + return 10; + } + else(b==c || a==c) + return 10; + return 0; + + +} +" +8a4989e4eb08e09ff60870100583d67e06f0efc8,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b=c) + return 20; + return 10; + + else(b==c || a==c) + return 10; + return 0; + + +} +}" +aa9d52f92ccaab5906075c08b9d4e336aa59a53b,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if ( a == b && b== c) + return 20; + else + return 10; + +} +" +ea56435180fb028d85a406da9986d8d77ca37905,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a != b && b != c && a != c) + return 0; + else + return 10; +} +" +d3eb8d5c1ccc47bc3697c75df56da59b05487df3,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + return 20; + } + else if(a == b || a == c || b == c) + { + return 10; + } + else + { + return c; + } +} +" +08d274d08c06c048b260d52f06d1177767d1d1dd,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + return 20; + } + else if(a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +f3d0b06d443a69e9deb0b4100c3d165016892c43,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b != c) + result = 0; + if (a = b = b) + result = 20; + else + result = 10; + return result; +} +" +acaf9cbabe6fe97fac77a5d9dcf4cd5e64a9864f,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b != c) + result = 0; + if (a == b == c) + result = 20; + else + result = 10; + return result; +} +" +5dc7cc05794f18693b398b0146278243a565e271,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b != c) + result = 0; + if (a == b && b == c && a == c) + result = 20; + else + result = 10; + return result; +} +" +d38bf43704ae8e3e4078f805cd2f904d59348953,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && b != c && a != c) + result = 0; + if (a == b && b == c && a == c) + result = 20; + else + result = 10; + return result; +} +" +18d99810e8d1bd96f3313db43b075f67472a2c3a,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && b != c && a != c) + result = 0; + else + result = 10; + if (a == b && b == c && a == c) + result = 20; + else + result = 10; + return result; +} +" +d8014f9695ec9a97eb231c124d45aa17165d5ee8,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && b != c && a != c) + result = 0; + else + result = 10; + if (a == b && b == c && a == c) + result = 20; + return result; +} +" +0f434204c74e4fc19a99c93d772edbd391623176,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a != b != c) + { + return 0; + } + else + { + return 10; + } + +} +" +57e5d79267f207c1d96ff796b4aeb4aacd804c56,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a != b & b!= c & c!=a) + { + return 0; + } + else + { + return 10; + } + +} +" +160d552eadfeb12ff183f8a1958a8ea6b800eae0,"public int greenTicket(int a, int b, int c) +{ + if (a == b & b == c & c == a) + { + return 20; + } + else if (a != b & b!= c & c!=a) + { + return 0; + } + else + { + return 10; + } + +} +" +3219654c76885c5fe09616b4a29b92d39c4a1f40,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +2ca8694fa72bf4d2062d021af1bcd9286d6047ab,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b== c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +6486d7dd12f0ca796081f885aa145b1f75f5f8d1,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + result = 20; + } + if (a=/=b=/=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +dcd464d0ccc8ab4190070ac9948d1d318fdf4c13,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + result = 20; + } + if (!(a=b=c)) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +72b41ee13bbaf6c1a6ff0f047e01da9ec596c8db,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + result = 20; + } + if ( a=/=b && a=/=c && b=/=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +86d153f332cb5a3b7069c1881af2e0696cc52807,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + result = 20; + } + if ( !(a=b) && !(a=c) && !(b=c)) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +5b0a76dce7d515ddb48d2c21341777d58df7d8e4,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + { + result = 20; + } + if ( a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +8c3c62c615fb8e7a0411bfa96dd76d2b6e1c4dd0,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b && a=c && b=c) + { + result = 20; + } + if ( a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +45f327137df4baa42cf48d2d01ea1b0df512bffd,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b && a=c && b=c) + { + result = 20; + } + if (a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +27aff760e4bc6ffb416bdbdd596b076272343b69,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a=b&&a=c&&b=c) + { + result = 20; + } + if (a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +9dd469eae90163104e413f36462cfd35fcadd11a,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a==b && a==c && b==c) + { + result = 20; + } + if (a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +e74046cf37cbd596616133cfdd12ee304962eb4b,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a==b && a==c && b==c) + { + result = 20; + } + if (a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +d59995231d6fc120bdcf54ea974e8ce893d29b2f,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + else + { + return 10; + } + } + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +09413f182149921acd61965b9d0d5d8d8022cb2e,"public int greenTicket(int a, int b, int c) +{ + Integer int2 = 0; + if (a == b && b == c) + { + return int2 = 20; + } + else (a !== b && a !== c && b !== c) + { + return int2 = 0; + } + else ((a == b && b !== c) || (a !== b && b == c)) + { + return int2 = 10; + } + return int2 = 0; +} +" +9df4ecd3e92d12a68fc7e3d50010399115659667,"public int greenTicket(int a, int b, int c) +{ + Integer int2 = 0; + if (a == b && b == c) + { + return int2 = 20; + } + else (a != b && a !== c && b !== c) + { + return int2 = 0; + } + else ((a == b && b !== c) || (a !== b && b == c)) + { + return int2 = 10; + } + return int2 = 0; +} +" +b1926643f9a18ef672871fb628d93283f589e763,"public int greenTicket(int a, int b, int c) +{ + Integer int2 = 0; + if (a == b && b == c) + { + return int2 = 20; + } + else (a != b && a != c && b != c) + { + return int2 = 0; + } + else ((a == b && b !== c) || (a !== b && b == c)) + { + return int2 = 10; + } + return int2 = 0; +} +" +b24840d5925943a0d71cfd3a4530ef518ebdeb7b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +2ef952cea4a416dbefa3dcd88cfca67207b60022,"int result; +public int greenTicket(int a, int b, int c) +{ + if (a==b && a==c && b==c) + { + result = 20; + } + else if (a!=b && a!=c && b!=c) + { + result = 0; + } + else + { + result = 10; + } + return result; +} +" +81751a12c5ec992c144276982e9c0355c20cd858,"public int greenTicket(int a, int b, int c) +{ + if ( a== b && b == c && a == c) + { + return 20; + } + + else if (a == b || b == c || c == a) + { + return 10; + } + + else + { + return 0; + } +} +" +826cf6aec0816f193c168652df09206cd1327520,"public int greenTicket(int a, int b, int c) +{ + if (a != b != c){ + return 0; + } else if (a = b = c){ + return 20; + } else if (a = b || b = c || a = c){ + return 10; + } +} +" +efd6644e608aac173ee590d9550552f809cccf96,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } else if (a = b = c){ + return 20; + } else if (a = b || b = c || a = c){ + return 10; + } +} +" +d712f73cd2ff59cf0f0bf8a6cec9c75303fc681e,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } else if (a = b && a = c && b = c){ + return 20; + } else if (a = b || b = c || a = c){ + return 10; + } +} +" +e9a6c4ed0ca2d9f3df587d9ed9c6e690b0dcfcbb,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } else if (a = b && b = c){ + return 20; + } else if (a = b || b = c || a = c){ + return 10; + } +} +" +f7f94b76c5946706d4cceabfb32d1c562f9af9b8,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } else if (a == b && b == c){ + return 20; + } else if (a = b || b = c || a = c){ + return 10; + } +} +" +b692ca4caa5688bc3bd3751a0650c735ee372b22,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } else if (a == b && b == c){ + return 20; + } else if (a == b || b == c || a == c){ + return 10; + } +} +" +d3acfb963365a8b076d67a81f3f8a3a7fcdd6512,"public int greenTicket(int a, int b, int c) +{ + +} +" +7d6e1e17219e32ed762107718d93c1ee332e67e7,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } else if (a == b && b == c){ + return 20; + } else if (a == b || b == c || a == c){ + return 10; + } +} +" +c0dbc4d8e7248361a8572bc2edab98f5b3c74203,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c){ + return 0; + } + if (a == b && b == c){ + return 20; + } + if (a == b || b == c || a == c){ + return 10; + } +} +" +abf203f02a8e6355f71ebc0195c9c4f08db3dca9,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c){ + return 20; + } + if (a == b || b == c || a == c){ + return 10; + } + return 0; +} +" +3c665973f8236f30b719cfab980b408bd5ac02b3,"public int greenTicket(int a, int b, int c) +{ + if (a==b || b==c || a==c) + { + if (a==b && b==c && a==c) + { + return 20; + } + else + { + return 10; + } + } + else + { + return 0; + } +} +" +006191fec9651d53b71aeb5ff64d860b1f2a2b2c,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +452cfd8cd5310b09b68e31d091678f3328f28cde,"public int greenTicket(int a, int b, int c) +{ + if (a=b, b=c) + { + return 20; + } + else if (a=b || b=c) + {return 10; + } + else + { + return 0; + } + +} +" +9e640f3efa7900a7d8890a89fbe158031a46e304,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a = b || b=c) + { + return 10; + } + else + { + return 0; + } +} +" +98a24c6fa92202be92111e4ec0bbb6f8810e1d7d,"public int greenTicket(int a, int b, int c) +{ + if (a = b && a = c) + { + return 20; + } + else if (a = b || b=c) + { + return 10; + } + else + { + return 0; + } +} +" +283b0e4c536663d4e744237d9f0be1e038f751c2,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a = b || b=c) + { + return 10; + } + else + { + return 0; + } +} +" +9aece9e7d33bfdb55923fd5862ab4637e0226e34,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a == b || b==c) + { + return 10; + } + else + { + return 0; + } +} +" +a1a4d52ee915a7b38450646205c57304f35bbf62,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && b == c) + { + return 20; + } + else if (a == b || b==c || a ==c) + { + return 10; + } + else + { + return 0; + } +} +" +69bfa9da511d02b80814e33c2c28100c9a0e8393,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a != b && b == c) + return 10; + else if (a == b && b!= c) + return 10; + else if (a == c && b != c) + return 10; + else + return 0; +} +" +3fa9470a1bb56891e4a939ef2bab18411a3b222f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + + return 20; + + + } + + + else if ( a == b || a == c || b == c) + { + + return 10; + + + } + + else + return 0; + + + + +} +" +f64dae1b32851148b2c78504c0e2473b2b788d85,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!= c) + {return 0;} + if (a==b && b==c && a == c) + {return 20;} + else + {return 10;} + +} +" +f5c12dd2a014250e32d279638471a3b93315100f,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!= c) + {return 0;} + if (a==b && b==c && a == c) + {return 20;} + else + {return 10;} + +} +" +aaed06f364304915a75df0f8d497ddaf9149758f,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) { + return 0; + } + else if (a == b && b == c) { + return 20; + } + else { + return 10; + } +} +" +af0c8aef6b03398cea7225775c9b75a0e784b28f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if (a != b && b != c) { + return 0; + else { + return 10; + } +} +" +9d06e3982c66e90000cd2c29d97dac50ca2e4866,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if (a != b && b != c) { + return 0; + } + else { + return 10; + } +} +" +eb8b49f5461889a857eda3842c806b157fdfdd43,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if (a != b || b != c) { + return 0; + } + else { + return 10; + } +} +" +abc6a7e898d0c49b50e015219b74e2ab20139b28,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } + else if (a == b || b == c || a == c) { + return 10; + } + else { + return 0; + } +} +" +6e0dcb4d16f5154833e9567ce3f9143e7da5ffa5,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!= c) + {return 0;} + if (a==b && b==c && a == c) + {return 20;} + else + {return 10;} + +} +" +b7ca1d27c0abb788cbb0150be71c95ea0e77df33,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +a54b299d44f68665e22b0afd67e5ba957e6d29d4,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +c3fa1f19cb4021565240429e21a43a0d0752c5ae,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + + if (a == b || b == c || a == c) + { + return 10; + } + + else + { + return 0; + } +} +" +b71bb0a4c8ee6c045a5035144d5c4db4e634ef35,"public int greenTicket(int a, int b, int c) +{ + if ((a/b == 1) && (a/c == 1) && (b/c == 1)) + { + return 20; + } + else if ((a/b == 1) || (a/c == 1) || (b/c == 1)) + { + return 10; + } + else + { + return 0; + } +} +" +e2e009e8c96b452e4bc912baf180560e1005cb76,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +351082bc6e701510ceea3a97ef665917576bd8b6,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (a == c)) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +3d907dea987473f01b56677dec8f1c36e2d54c73,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) { + return 0; + } + else if (a == b && b == c) { + return 20; + } + else { + return 10; + } +} +" +ab11d46eb70d7dc6783a25da3ec0b6c61ec4ba8c,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +df5c342d6cf942511cdb85274e948113fc3c245d,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + if else (a == b && b == c) + return 20; + else + return 0 +} +" +01b8ab2ce653c0c59f578a5fd2b89a22455f195f,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + if else (a == b && b == c) + return 20; + else + return 0; +} +" +a89ed4a3d23a76ba74ca7ae0742e0ed23068c8a0,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + else if (a == b && b == c) + return 20; + else + return 0; +} +" +c093e3c205591a9d5b5d73a0ee84959febe4223a,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + if (a == b && b == c) + return 20; + else + return 0; +} +" +74e1fad796688016fac31d1d4419811da9e349d6,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a = b && b = c && c = a) + { + result = 20; + } + else if ( a = b || b = c || a = c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +2290bbb8ec01b78b9201cda587b589e70e18113f,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a = b = c) + { + result = 20; + } + else if ( a = b || b = c || a = c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +9adcd756abc52238ea310f6f820c581e5610eb35,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 20; + return 10; + else + return 0; +} +" +70ce44be94b14e8a7af4178bdfeb07e98f79312c,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 20; + return 10; + return 0; +} +" +2f20bc091fc1a8e4e347c18c2359e2fc3845ce15,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a = b && b = c) + { + result = 20; + } + else if ( a = b || b = c || a = c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +afa30f83e5d562fe1515c81bf8d6fda244178580,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 20; + return 10; + if (a == c || b == c) + return 10; + return 0; +} +" +e98b7bd7e427f6e416259fc16e6db0b769d184a3,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) + { + result = 20; + } + else if ( a = b || b = c || a = c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +1057050e02b8de24127d17419c32add80625718b,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + if(a == c) + return 20; + return 10; + if(a == c || b == c) + return 10; + return 0; +} +" +b7bd5b36c3e9b6bab8d32b98f24fde0bf0f610b1,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) + { + result = 20; + } + else if ( a == b || b == c || a == c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +1e2cbaf55af1936bad21267299bcf8016e92b279,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +5325111a0dd595c7ec8e1c4de9670a670ea49288,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + if (b == c){ + result = 20; + } + } + + return result; +} +" +7c77e6e3fc1b988356518cad44b8ccc44e6c7032,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + if (a == c){ + result = 10; + } + else if (b == c){ + result = 20; + } + } + + return result; +} +" +a457e813b62121d4bee7f0cd63ba678e9441866c,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + if (a == c && b == c){ + result = 10; + } + } + else if ( c == b){ + result == 10; + } + + + return result; +} +" +a0895f84a6874ede9150b2fa9efd6369752ba6a4,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + } + else if ( c == b){ + result == 10; + } + else if (c == a){ + result = 10; + } + else if (a == c && b == c){ + result = 10; + } + + return result; +} +" +e7bbf547bfe5beaee32aacc48df5b85651b99cb2,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + } + else if (c == b){ + result = 10; + } + else if (c == a){ + result = 10; + } + else if (a == c && b == c){ + result = 10; + } + + return result; +} +" +78a2eaf8672b98e080bfc31db1e3517660ce585d,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + } + else if (c == b){ + result = 10; + } + else if (c == a){ + result = 10; + } + + if (a == c && b == c){ + result = 10; + } + + return result; +} +" +0ca28326f09c1eb5e5a06062a8915aa9f43afa25,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b){ + result = 10; + } + else if (c == b){ + result = 10; + } + else if (c == a){ + result = 10; + } + + if (a == c && b == c){ + result = 20; + } + + return result; +} +" +6366f5f54dc090be07ea6e6c604dbb23045d44e8,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if(a == b || b == c || a == c) + { + return 10; + } + else + { + return 20; + } +} +" +a85e62874bab383282a3d38ef7f825dfe5dc17e7,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if(a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +7bc5199a9d32bb38a1af56d8c3c327cc39655909,"public int greenTicket(int a, int b, int c) +{ + if(a!=b && b!=c) + { + return 0; + } + if(a==b && b==c) + { + return 20; + } + if((a==b && b!=c) || (a==c && b!=c) || (b==c && c!=a) + { + return 10; + } +} +" +9c4fd38780909be0f0095b4bf6d135b053833a88,"public int greenTicket(int a, int b, int c) +{ + if(a!=b && b!=c) + { + return 0; + } + if(a==b && b==c) + { + return 20; + } + if((a==b && b!=c) || (a==c && b!=c) || (b==c && c!=a)) + { + return 10; + } +} +" +470ab86bc2c5a05c9abe0abd9586e666eead1236,"public int greenTicket(int a, int b, int c) +{ + if(a==b || b==c ||a==c) + { + return 10; + } + if(a==b && b==c && a==c) + { + return 20; + } + else + { + return 0; + } +} +" +5ce493133e83c005cb81c2762ce60b3d39dc54c0,"public int greenTicket(int a, int b, int c) +{ + if(a==b || b==c ||a==c) + { + return 10; + } + if(a==b && b==c && a==c) + { + return 20; + } + else + { + return 0; + } +} +" +b21fd04c63015924b61d2f2d2b8054c468fc8e68,"public int greenTicket(int a, int b, int c) +{ + if(a==b || b==c ||a==c) + { + return 10; + } + if(a==b && b==c) + { + return 20; + } + else + { + return 0; + } +} +" +8e76e6ad5f7816886066065118c04272c9ac8fbb,"public int greenTicket(int a, int b, int c) +{ + if(a==b || b==c ||a==c) + { + return 10; + } + if(a==b && b==c) + { + return 20; + } + else + { + return 0; + } +} +" +c97661988164da1f8f5aa8c8e8227ec76c134a55,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + { + return 20; + } + return 10; + } + if(a == c || b == c) + { + return 10; + } + return 0; +} +" +f1980c5d213a86980eae40c9899ff246f537c792,"public int greenTicket(int a, int b, int c) +{ + + if(a==b && b==c) + { + return 20; + } + if(a==b || b==c ||a==c) + { + return 10; + } + else + { + return 0; + } +} +" +c89c7efa081d5e7c470b6897160d59ae21987ed7,"public int greenTicket(int a, int b, int c) +{ + + if(a==b || b==c ||a==c) + { + return 10; + } + else if(a==b && b==c) + { + return 20; + } + + else + { + return 0; + } +} +" +c940c170554238a561d22b6cb1a36b39d5a579ac,"public int greenTicket(int a, int b, int c) +{ + if(a==b && b==c) + { + return 20; + } + + if(a==b || b==c ||a==c) + { + return 10; + } + + else + { + return 0; + } +} +" +97329e73062d2cc5cdcb269eb0b24b4901bd63d8,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b ==c) + { + } + return result; +} +" +1954df09ab1282ed8f433fe1f37f481ca1c22c78,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b ==c) + { + result = 20; + } + else if (a != b && b!= c) + { + result = 0; + } + else + { + result =1; + } + return result; +} +" +41fb8d16e068d355a6e12a4d15deb3e0ec6f5235,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b ==c) + { + result = 20; + } + else if (a != b && b!= c) + { + result = 0; + } + else + { + result =10; + } + return result; +} +" +e5f0101b444024ca0c68f01c6425266f5ae7d8a7,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b ==c) + { + result = 20; + } + else if (a != b && b!= c && c != a) + { + result = 0; + } + else + { + result =10; + } + return result; +} +" +560530b209456bb4ee6807f4c669bf9412bd0b7b,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c && b != c) + { + return 0; + } + if ( a == b && a == c) + { + return 20; + } + return 10; +} +" +f90728cf2f890808b74bebef7d087ee340f103e1,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +3e7281d79d735266eaef3864bcc3e8a9f1ee2f0c,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!=c && a != c) + return 0; + else if(a == b && a == c && b == c) + return 20; + else if(a == b || a == c || b == c) + return 10; + return null; +} +" +75a3cb4a55aaffb92236bb875aa2aed4011f2f11,"public int greenTicket(int a, int b, int c) +{ + if(a != b && b!=c && a != c) + return 0; + else if(a == b && a == c && b == c) + return 20; + else if(a == b || a == c || b == c) + return 10; + return 0; +} +" +0b458e717553f25e27538706c7b555a834eebab0,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return 0; + } + if (a == b == c) + { + return 20; + } + else + { + return 10; + } +} +" +2906c9241275b422deb1bbd34b10b5e26ee13176,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return 0; + } + if (a == b && b == c && a == c) + { + return 20; + } + else + { + return 10; + } +} +" +2726a532c16be55ac26be4213a4e6d03769689db,"public int greenTicket(int a, int b, int c) +{ + if(a == b || b == c || a == c) + return 10; + if(a == b && b == c) + return 20; + else + return 0; +} +" +37f3b70c367d322ebb2ff49b40f42ee0c4d6547a,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if(a == b || b == c || a == c) + return 10; + else + return 0; +} +" +3934bfb6a1f96a3e5d364466d33e0e8e53dc6984,"public int greenTicket(int a, int b, int c) +{ + if (int a != int b && int b != int c && int a != int c) + return 0; + else if (int a == int b && int b == int c && int a == int c) + return 20; + else + return 10; + +} +" +b3b8c89e30ea4a90d09478907b2cfec483d58f17,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if (a == b && b == c && a == c) + return 20; + else + return 10; + +} +" +742242a214ae9b1d2f62dfd2034f263bde43460d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +e4448ff2c7a30667bc137395476397561d4cae39,"public int greenTicket(int a, int b, int c) +{ + if(a == b == c) + { + return 20; + } + + else if(a != b != c) + { + return 0; + } + + else + { + return 10; + } +} +" +d006e6c22bf12bfe697aded2595cc026b81a2bb8,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c ) + { + return 20; + } + + else if(a != b && b != c && a != c) + { + return 0; + } + + else + { + return 10; + } +} +" +5bd41755317ce0ba9667ed54f3af02e467699e56,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +14a6fda68d6a71ebd829348c46c383fd33b33cfa,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + { + return 20; + } + else + { + return 10; + } + } + if(a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +26dd444359aad9fab0f82df7e318edc9de8edf90,"public int greenTicket(int a, int b, int c) +{ + if(a==b && b==c) + { + return 20; + } + else if (a!=b && b!=c) + { + return 0; + } + else + { + return 10; + } +} +" +5b3bdb643680cfe1d4620d79f22c1195b277236f,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + return 0; + +} +" +ff5744ae8f6f6cd7f1772a85de38a8967f14fd6c,"public int greenTicket(int a, int b, int c) +{ + if(a==b && b==c) + { + return 20; + } + else if (a!=b && b!=c && a!=c) + { + return 0; + } + else + { + return 10; + } +} +" +6438c2724c26864896911b65eb1503471882d584,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + return 0; + +} +" +78d430b0b20d84d398a569f3d6ad514e644a3a33,"public int greenTicket(int a, int b, int c) +{ + +} +" +9409ae697f4b756bc49a04925638e5204a18b3bf,"public int greenTicket(int a, int b, int c) +{ + retrn 1; +} +" +fecfb4d08144f01f4694c3e4ec71924e37720c74,"public int greenTicket(int a, int b, int c) +{ + return 1; +} +" +99dcc211afffa411b05668be2a0525d793920c02,"public int greenTicket(int a, int b, int c) +{ + int matches 0; + int[] set = {a,b,c,a}; + for(int i = 0; i < 3; i++){ + if (set[i] == set[i+1]){ + matches ++; + } + } + switch(matches){ + case 0: + return 0; + break; + case 1: + return 10; + break; + case 2: + return 20; + break; +} +" +fbc7551c84ae57654a149e44f674c776d933ab25,"public int greenTicket(int a, int b, int c) +{ + int matches = 0; + int[] set = {a,b,c,a}; + for(int i = 0; i < 3; i++){ + if (set[i] == set[i+1]){ + matches ++; + } + } + switch(matches){ + case 0: + return 0; + break; + case 1: + return 10; + break; + case 2: + return 20; + break; +} +" +35f412a936a52c47bae8a8016d26b8b17fc0784c,"public int greenTicket(int a, int b, int c) +{ + int matches = 0; + int[] set = {a,b,c,a}; + for(int i = 0; i < 3; i++){ + if (set[i] == set[i+1]){ + matches ++; + } + } + switch(matches){ + case 0: + return 0; + break; + case 1: + return 10; + break; + case 2: + return 20; + break; + } +} +" +61e885191e571c567c71fb5f6a7a0f6e434aa153,"public int greenTicket(int a, int b, int c) +{ + int matches = 0; + int[] set = {a,b,c,a}; + for(int i = 0; i < 3; i++){ + if (set[i] == set[i+1]){ + matches ++; + } + } + int value = 0; + switch(matches){ + case 0: + value 0; + break; + case 1: + value = 10; + break; + case 3: + value = 20; + break; + } + return value; +} +" +1bd130aef65110b017db7e21de0f262baa3f715c,"public int greenTicket(int a, int b, int c) +{ + int matches = 0; + int[] set = {a,b,c,a}; + for(int i = 0; i < 3; i++){ + if (set[i] == set[i+1]){ + matches ++; + } + } + int value = 0; + switch(matches){ + case 0: + value = 0; + break; + case 1: + value = 10; + break; + case 3: + value = 20; + break; + } + return value; +} +" +f999a99a0ad841317544639f6f50f1e24a1754a4,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else if ( a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } + +} +" +4943ab53abc2224697559a6a8812771f040b80fd,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if (!(a=b=c) + return 0; + else + return 10; +} +" +0e759ddd8f33b946475af21797662183cbf4aa1d,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if (!(a=b=c)) + return 0; + else + return 10; +} +" +8b6adf3c675699b0f84daacd476debce45c8fe03,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if (!(a=b) || !(b=c)) + return 0; + else + return 10; +} +" +217c3d2d8521b508c1c12817f3ecafaa6cd898d6,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if (a =/= c) + return 0; + else + return 10; +} +" +a4762453c3207126271fddb9048131db1ad17a00,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if !(a=c || a=b || a=c) + return 0; + else + return 10; +} +" +90a9f363500d2f55ec06dafbdb3aee8e7524caac,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if (!(a=c || a=b || a=c)) + return 0; + else + return 10; +} +" +caeb83371d4f60184c124595bcfeccf28733139f,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (!(a = b) + return 0; + else + return 10; +} +" +7c9456342bee4e714c374c05820f88509fc9054b,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (!(a = b)) + return 0; + else + return 10; +} +" +b9737b997d25d337f174c8ff5b18a51986b97305,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (!(a = b) || !(b = c)) + else + return 10; +} +" +0542e4b3d4e0bce59a72cc95c48b080c5ace3050,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (!(a = b) || !(b = c)) + return 0; + else + return 10; +} +" +235791259509a52ac57f7ecba04f4e49fa519634,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (a != b || a != b) + return 0; + else + return 10; +} +" +4534e3417e8d814e3bc6b430db6f710a95357572,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if ((a != b) && (a != c)) + return 0; + else + return 10; +} +" +81a09c8d49a8588b147c42758ed1a68eb1ac3b14,"public int greenTicket(int a, int b, int c) +{ + if ((a = b) && (b = c)) + return 20; + if ((a != b) && (a != c)) + return 0; + else + return 10; +} +" +22306dd1f6bb138b251521da5fd1df17b8291154,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + return 0; + if (a == b == c) + return 20; + else + return 10; +} +" +5790d6e910f7433fba931077dab69201abd73589,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + if (a == b && a == c) + return 20; + else + return 0; +} +" +19a5b90083c799114b8bccdc97fb09a69be2aba1,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + if (a == b && a == c || b == c) + return 20; + else + return 0; +} +" +f7e5b984992e801bf234222e70c8076c54bcd999,"public int greenTicket(int a, int b, int c) +{ + if (a == b || a == c || b == c) + return 10; + if (a == b && a == c && b == c) + return 20; + else + return 0; +} +" +cc47e54cf6cb7db8b686eb7ccb52331e68b6222b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +3cc145a0d321d18066cab0a22441d3391d4895f7,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + return 20; + if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +dcdfd26466454cc2714cd353d06d40df5f46796d,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + if (!(a = b =c)); + { + return 0; + } + else + { + return 10; + } + +} +" +6091bc5a990c4f2e6caeb1ff55da2917c1970cb9,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (!(a = b =c)); + { + return 0; + } + else + { + return 10; + } + +} +" +66a893601b67cad5b7d4769b57efa7d7f683a8cb,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + if (a = b || a =c || b = c) + { + return 10; + } + if (!(a = b =c)); + { + return 0; + } + + +} +" +2e1e65964e2c472c09abe3f88fb5f3ba5ec4fc91,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + if (!(a = b =c)); + { + return 0; + } + + +} +" +c513378562cab4adca009877ad6fe8fa18070edb,"public int greenTicket(int a, int b, int c) +{ + if(a == c) + { + if(b == c) + return 20; + } + else if(a == b || b == c) + return 10; + return 0; +} +" +ce2217dcb5a8c8179657183c4da658461401e4b2,"public int greenTicket(int a, int b, int c) +{ + if(a == c) + { + if(b == c) + return 20; + } + else if(a == c || b == c) + return 10; + return 0; +} +" +20d4ed9f60e41d9297206107cd015540e15bbeac,"public int greenTicket(int a, int b, int c) +{ + if(a == c) + { + if(b == c) + return 20; + return 10; + } + else if(a == c || b == c) + return 10; + return 0; +} +" +1d3ee2a8039def69268c4bf84fe22a25daaa3057,"public int greenTicket(int a, int b, int c) +{ + if(a == c) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +3151bb61a715351ae50d041fe1a712666e10e7f6,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +85373941d7eb048738b1d9278227096566d6733d,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) { + return 20; + } + + else if(a != b && a != c && b != c) { + return 0; + } + else { + return 10; + } +} +" +946978381c25bc9bd5e7ed26cb30e49a6a2a52cb,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +25de672807e3152eb70de8fdaed2542f054e898a,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c && a = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +9b3a71e3649ab3b38988afea50870272b6c404ca,"public int greenTicket(int a, int b, int c) +{ + if (a = b & b = c & a = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +c03af1d072eae1ee3926c36f2ead667dde805372,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c && a = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +bcace462248aeb19a114d990003ebaf7d6606f51,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +366c4253a83236dc21d39d97c13bae1c63b1852c,"public int greenTicket(int a, int b, int c) +{ + if (a = b) + { + if (c = a) + { + return 20; + } + else + { + return 10; + } + } + else + { + if (c = a) + { + return 10; + } + else if (c = b) + { + return 10; + } + else + { + return 0; + } + } +} +" +7fd999336e52db511628e013dc66d4dbe6edf5de,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (c == a) + { + return 20; + } + else + { + return 10; + } + } + else + { + if (c == a) + { + return 10; + } + else if (c == b) + { + return 10; + } + else + { + return 0; + } + } +} +" +d23f10cb82188f126d0d9f956418548692667e62,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + {return 20; + } + if ( a == b || a == c || c == b) + {return 10; + } + else + {return 0; + } + + +} +" +78251f4aeac2d735e1c8d1aa4517bdf725a4f2ff,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && c == b) + {return 20; + } + if ( a == b || a == c || c == b) + {return 10; + } + else + {return 0; + } + + +} +" +0ab7a757e9d9af049d8dfbcfa1eb95b4efa1707a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + + return 20; + + if (a == b || a == c || b == c) + + return 10; + + else; + + return 0; + +} +" +2554eeb47eff798f95489f11ca0d72a2fefd4e79,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +e556af774e99478ed87a5169b640a828dc893e6c,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +799aaff36f796413e851ea1c4d707a5814b84093,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +ede750e98b05cc1e69a332c181b00d1d42bf9f7d,"public int greenTicket(int a, int b, int c) +{ +if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +247ffd31da16d8a7709eb194d3e35a3ebbd1aa0b,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + return 10; + else if (a == b == c) + return 20; + else + return 0; +} +" +10c56c482f63059798a84259b67e4c6054d2887a,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + return 10; + else if (a == b && b == c) + return 20; + else + return 0; +} +" +f9f0eba8b96c5590dfdb03acd9db9de6c2370a92,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c); + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } + + +} +" +2729eae9033b9eafdbad3f99166a8cbe236c78de,"public int greenTicket(int a, int b, int c) +{ + if (!a == b && ! b ==c && !a == c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10 + } +} +" +3a9c2e2b108ea5546cdc2fc215ab4aea4cb4fd04,"public int greenTicket(int a, int b, int c) +{ + if (!a == b && ! b ==c && !a == c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } +} +" +8197feac60191c4803540981c50e87d47207b77d,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || a == c || c == b) + { + return 10; + } + else + { + return 0; + } +} +" +8a47bcb222c6a684e9f1eac9901aad97c6435618,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +b2b6e593e82d5ed6264e1e16ed3f514b22d259c3,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } +} +" +37ae0d4e2c86a7f1a7221ba5782dd6d800b8e366,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } + + + +} +" +d7067ee4a3b24d004105be9dd3eefa7f1033dffc,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (c == b) + { + return 20; + } + return 10; + } + if (a == c) || (b == c) + { + return 10; + } + return 0; + +} +" +dae6782d300805fd26a410fe51d07b06f3377217,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (c == b) + { + return 20; + } + return 10; + } + if ((a == c) || (b == c)) + { + return 10; + } + return 0; + +} +" +bd275c4f00bba9e7ac61ce0ee60b12687a6c35f1,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || c == b) + { + return 10; + } + else + { + return 0; + } +} +" +8446efcb8e08f1e6ed3dfcac37dedef7aee10af3,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + } + else if (a == b || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +4e6f018b6559ddbf825de102a779e1f8e0d92e2a,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + } + if (a == b || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +2f9578613e8d1645cf6891c2561af6d7513d9301,"public int greenTicket(int a, int b, int c) +{ + int winnings = 0; + if (a == b && a == c) + { + winnings = 20; + } + else + { + if (a == b || b == c || a == c) + { + winnings = 10; + } + } + return winnings; +} +" +6bd50af822f01ceb517cb46696ed9db2e31b29c9,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + } + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +91d0449488bbb2a4a519aa6b8f2ce4352ec99117,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + } + if (a == c || b == c || a == b) + { + return 10; + } + else + { + return 0; + } +} +" +0a00bb5a090f76dd107f67dbd6018d7f7037696a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20 + } + if (a == b || b == c || a == c) + { + return 10 + } + if (a != b && a != c && b != c) + { + return 0 + } +} +" +b424a901a386aef5c45d069b8603ddae796c1360,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && a == c) + result = 20; + if (a == b || a == c || b == c) + result = 10; + else + result = 0; + +} +" +cd3e4f11edcc9ce72cb06caa1d8ef0634fef8849,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a == b || b == c || a == c) + { + return 10; + } + if (a != b && a != c && b != c) + { + return 0; + } +} +" +fb63e4d9b9f844eb6f3145768fe6bd59fda4c682,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && a == c) + result = 20; + if (a == b || a == c || b == c) + result = 10; + else + result = 0; + return result; + +} +" +703260aaa3ab4d87fbf692b95d7d3e1311133d9b,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && a == c && b == c) + result = 20; + if (a == b || a == c || b == c) + result = 10; + else + result = 0; + return result; + +} +" +f39f735ac2ad465eaf5bc036f67d31d9e6560cd4,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && a == c && b == c) + result = 20; + else if (a == b || a == c || b == c) + result = 10; + else + result = 0; + return result; + +} +" +d6c8a7baec768567ba113823891b7bfbaa3589c2,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; + +} +" +7e8c300275097c21abf6e6779967ce8d158349f0,"public int greenTicket(int a, int b, int c) +{ + if(a!=b!=c) + return 0; + else if (a=b=c) + return 20; + else + return 10; +} +" +dbc31f096b258f29c0d1376ff702208880f7f5d4,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b==c) + return 20; + return 10; + + else(b==c || a==c) + return 10; + return 0; + + +} +}" +208eba6dcd077f1a14e9e8d901493c88edeb6d2b,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b==c) + return 20; + } return 10; + + if(b==c || a==c) + return 10; + return 0; + + +} +}" +6d441a36b7a197787a84d155551fec3c834f9a95,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b==c) + return 20; + } return 10; + + if(b==c || a==c) + return 10; + return 0; + + +} +" +f2149386792f0bc925b394f94abb1e8ae4412899,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + if (a != b != c) + return 0; + if (a = b != c || a = c != b || a != b = c) + return 10; +} +" +1a7dcff9b149378f13d0918626603acc58bdc62a,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b==c) + return 20; + } return 10; + + if(a==c || b==c) + return 10; + return 0; + + +} +" +d9276442c62744827ef05af17f9f22d011dd369a,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b==c) + return 20; + } return 10; + + if(a==c || b==c) + return 10; + return 0; + + +} +" +6e8e23d195cdd80bb20de655100f22184c189544,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return(20); + } + else if (a == b || a == c || b == c) { + return(10); + } + else { + return(0); + } +} +" +880f04db2e9097b92c2df2f44c7a2bff2f67c6be,"public int greenTicket(int a, int b, int c) +{ + int result; + + if ( a == b == c) + { + result = 20; + } + + else if (a == b || b == c || a == c) + { + result = 10; + } + + else + { + result = 0; + } + + + return result; +} +" +f645b32551edfbdea23c0ab6871569d29f99782d,"public int greenTicket(int a, int b, int c) +{ + int result; + + if ( a = b = c) + { + result = 20; + } + + else if (a = b || b = c || a = c) + { + result = 10; + } + + else + { + result = 0; + } + + + return result; +} +" +4c1358af13bc66bf9d869e5f2930128491fcf5d9,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return 0; + } + + if (a == b && a == c && b == c) + { + return 20; + } + + if (a == b && a == c && b != c) + { + return 10; + } + + if (a != b && a == c && b == c) + { + return 10; + } + + if ( a == b && a != c && b == c) + { + return 10; + } +} +" +c2e597e7b4982ee3a3b4413fb33c4f97060b986d,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +ce1b1f543085ef3753cc6f6d02eec0a105822e57,"public int greenTicket(int a, int b, int c) +{ + int result; + + if ( a == b && b == c) + { + result = 20; + } + + else if (a = b || b = c || a = c) + { + result = 10; + } + + else + { + result = 0; + } + + + return result; +} +" +3ec48f6efdff426260c946e314259da7ffadb3fb,"public int greenTicket(int a, int b, int c) +{ + if(a==b) && b==c) + return 20; + + if(b==c || a==c ||a==b) + return 10; + else; + return 0; + + +} +" +5b65bd919daac473400ce589e9b3e2d2f19da152,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return 0; + } + + if (a == b && a == c && b == c) + { + return 20; + } + + if (a == b && a == c && b != c) + { + return 10; + } + + if (a != b && a == c && b == c) + { + return 10; + } + + if ( a == b && a != c && b == c) + { + return 10; + } + + return 0; +} +" +1c4354976009f853ae114d3389a5ed8dd6653ed4,"public int greenTicket(int a, int b, int c) +{ + int result; + + if ( a == b && b == c) + { + result = 20; + } + + else if (a == b || b == c || a == c) + { + result = 10; + } + + else + { + result = 0; + } + + + return result; +} +" +df205d650195e0b104efc8828bbf0657f91df40e,"public int greenTicket(int a, int b, int c) +{ + if(a==b && b==c) + return 20; + + if(b==c || a==c ||a==b) + return 10; + else; + return 0; + + +} +" +de658c862a57d2b23b53b38313aa1d9dd906a607,"public int greenTicket(int a, int b, int c) +{ + if(a = b = c) + return 20; + else if (a /= b /= c) + return 0; + return 10; +} +" +dd5edea3e20e81ed223bc1365ea3376c1695809f,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return 0; + } + + if (a == b && a == c && b == c) + { + return 20; + } + + if (a == b || a == c || b != c) + { + return 10; + } + + if (a != b || a == c || b == c) + { + return 10; + } + + if ( a == b || a != c || b == c) + { + return 10; + } + + return 0; +} +" +8bde8f1537b86e5faed1267a65810c6bfe513e6d,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +6a8f9bb7c8c500fce92f9520b47861df6af8f346,"public int greenTicket(int a, int b, int c) +{ + if (a=b && b=c) + { + return 20; + } + else + { + if ( a == b || a== c || b == c) + { + return 10; + } + else + { + return 0; + } + } +} +" +f91125ea998fc8d99fdb68cf5ccfe8e054c0e8c5,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else + { + if ( a == b || a== c || b == c) + { + return 10; + } + else + { + return 0; + } + } +} +" +45306834c7f1bf916d3fb48d012c4a5b0c30db51,"public int greenTicket(int a, int b, int c) +{ + if ((a = b) && (b = c)) + { + return 20; + } + else + { + if ( a == b || a== c || b == c) + { + return 10; + } + else + { + return 0; + } + } +} +" +589990d68978b4c671101daaa986dd80d3694e98,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else + { + if ( a == b || a== c || b == c) + { + return 10; + } + else + { + return 0; + } + } +} +" +65739efafd3fb0559de98fb047a43c2d8a2bd2ad,"public int greenTicket(int a, int b, int c) +{ + int lotteryWin = 0; + if ( a != b && b!= c && a!=c) + { + return lotteryWin; + } + else if ( a == b && b == c) + { + lotteryWin = 20; + return lotteryWin; + } + else ((a == b) || (a == c) || ( b == c)) + { + lotteryWin = 10; + return lotteryWin; + + } +} +" +01c55a826babec7de11764d4924fe31a04e56b57,"public int greenTicket(int a, int b, int c) +{ + int lotteryWin = 0; + if ( a != b && b!= c && a!=c) + { + return lotteryWin; + } + else if ( a == b && b == c) + { + lotteryWin = 20; + return lotteryWin; + } + else + { + lotteryWin = 10; + return lotteryWin; + + } +} +" +ea87d0d06d7a4b1c2cd12457558f3d037939c41d,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a != b != c) + return 0; + else + return 10; +} +" +ba790e7714f6a8a4d9d33bc6914f299bdb9fded5,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a != b != c) + return 0; + else + return 10; +} +" +a3c118aebf6590aa7cd329a755877bc823694965,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a != b != c) + return 0; + else + return 10; +} +" +70ae4aec1f367e623bb2e8da7bcf85df17a01a74,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + return 20; + else if (a != b != c) + return 0; + else + return 10; +} +" +6f6a203dbbea36552501ee987276b7577010ccb5,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a != b != c) + return 0; + else + return 10; +} +" +f294512f6e3a871f68c3bb8733aa15bb765f81c8,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c) + { + result = 20; + } + else if ( a == b || b == c) + { + result = 10; + } + else + { + result = 0; + } + + return result; +} +" +5c5e398d1328006d9fdcbdc7fe34c52c9baf2d89,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a != b && b != c) + return 0; + else + return 10; +} +" +56167519abeea7c41110d229ec628dd120f1ea13,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a != b && b != c && a!= c) + return 0; + else + return 10; +} +" +f12cd8ad5a978f5e345b53a59b7d4606255e429d,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c) + { + result = 20; + } + else if ( a == b || b == c || a==c) + { + result = 10; + } + else + { + result = 0; + } + + return result; +} +" +4726dce0a201099920b83230565c08b2bc283f63,"public int greenTicket(int a, int b, int c) +{ + int d=0; + if (a!=b || b!=c || a!=c) + d=0; + if (a==b || b==c || c==a) + d=10; + if (a==b==c) + d=20; + return d; +} +" +4c557c0a0697da832ca42d0b126162bd3e58143b,"public int greenTicket(int a, int b, int c) +{ + int d=0; + if (a!=b || b!=c || a!=c) + d=0; + if (a==b || b==c || c==a) + d=10; + if (a==b && b==c && a==c) + d=20; + return d; +} +" +12324f84102abae36ba38e100d23ab43ed86f8a2,"public int greenTicket(int a, int b, int c) +{ + int greenTicket = 1; + + if (a==b && b==c) + { + greenTicket = 20; + } + else if (a==b || b==c || a==c) + { + greenTicket = 10; + } + else + greenTicket =0; + + + return greenTicket; +} +" +c58ae0336a4cc591dd8cc5630603ce2e5e7520ca,"public int greenTicket(int a, int b, int c) +{ + int answer = 0; + if (a == b || a == c || b == c) + { + answer = 10; + if (a == b == c) + { + answer = 20; + } + } + return answer; + +} +" +8927e497669f289f02557372ba2675557d2fc122,"public int greenTicket(int a, int b, int c) +{ + if (a != b != c) + { + return 0; + } +} +" +fa94570952d6fac1beebd9033bbc414f6d375c7e,"public int greenTicket(int a, int b, int c) +{ + int answer = 0; + if (a == b || a == c || b == c) + { + answer = 10; + if (a == b && a == c && b == c) + { + answer = 20; + } + } + return answer; + +} +" +bd3fe4ad980a9fa4078b57cbb34616256b3e78ed,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 0; + } + else if (a == b && b !== c) + { + return 10; + } + else if (a !== b && b == c) + { + return 10; + } + else if (a == c && b !== c) + { + return 10; + } + else + { + return 20; + } +} +" +077c6de586ae6fd1af4dc04ff08282f7cf31bbc7,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b && !b == c) + { + return 10; + } + else if (!a == b && b == c) + { + return 10; + } + else if (a == c && !b == c) + { + return 10; + } + else + { + return 0; + } +} +" +270b3e6ca8d831458060558b4a22383d0fee9318,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b && !b == c) + { + return 10; + } + else if (!a == b && b == c) + { + return 10; + } + else if (a == c && !b == c) + { + return 10; + } + else + { + return 0; + } +} +" +9bb92da515b7fc60154b0ce5a1b44382cc985b11,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c) + { + return 10; + } + else if (a == b || b == c) + { + return 10; + } + else if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +71553ec1019df04b26adad17aeb2d0878de6b81a,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a = b || a = c || b = c) + return 10; + else + return 0; +} +" +84bf05a02a3077a7224fdb6c3c91faf68c929127,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +0567fc09b2e4ccb69df7035b0e7de2934aff55ee,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a == b | a == c | b == c) + return 10; + else + return 0; +} +" +a2b93c59379c57814c417cbf1fdf3d171860d58d,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a = b | a = c | b = c) + return 10; + else + return 0; +} +" +d2bee3ea1beaf6ff8d53281c16071a2c18b3f04b,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a = b | a = c | b = c) + return 10; + else + return 0; +} +" +8948c78ad3080fd9c7277735dc3bed22a4a349c5,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a = b || a = c || b = c) + return 10; + else + return 0; +} +" +be6a252a41f34101ba6652ba62bc71a3b77b2784,"public int greenTicket(int a, int b, int c) +{ + if (!a = b && !a = c && !b = c) + return 0 + else if (a = b && !a = c && !b = c) + return 10 + else + return 20 +} +" +579c80056e612877112e6cfd7b81425f2b47e4ad,"public int greenTicket(int a, int b, int c) +{ + if (!a = b && !a = c && !b = c) + return 0; + else if (a = b && !a = c && !b = c) + return 10; + else + return 20; +} +" +1126d3758f15963a87723f3c0f72d5d032bedb62,"public int greenTicket(int a, int b, int c) +{ + if (a = b && a = c && b = c) + return 20; + else if (a = b && a > c && b > c) + return 10; + else + return 0; +} +" +8a5c6cc746f8e3dc961fa913aa57ec4d6ce4f475,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a = b && a > c && b > c) + return 10; + else + return 0; +} +" +f9a701ec249778fbfc4f36ecd0633af84f61fd3e,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (b == c) + return 20; + else + return 10; + if ( a == b || b == c) + return 10; + else + return 0; +} +" +1887f485f1b410bd1f2255c7feb8cd2ca09412ba,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (b == c) + return 20; + else + return 10; + if ( a == c || b == c) + return 10; + else + return 0; +} +" +3c81c3227946c9c1f224219a3d2ebbda5ef69a5d,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; + +} +" +34fd7df6f2e77eb2637ca1aab9fa90ece6e50132,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c && b == c) + { + return 20; + } + if(a != b && a != c && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +0bf0d47951b861c8a7ac47b154b2febf82c4cf6e,"public int greenTicket(int a, int b, int c) +{ + if (a || b || c) + return 0; + if (a && b && c) + return 20; + if (a && b || a && c || b && c) + return 10; +} +" +31317d6f01576f7ba0d3ba8f19ef27ee68cb9518,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +ec5f3591a75cabad5a7b0cddbec3ddba5b4afe1a,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + else if (a==b && b!=c) + return 10; + else + return 0; +} +" +533e463a1f564498660de168d44aa731b0b02d31,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + else if (a==b && b!=c) + return 10; + else if (b==c) + return 10; + else + return 0; +} +" +0b9750b33dc069a41279ff04414d90341a81328d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +7d7934063aa2217a4dec051c919fe6d28f475cd3,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +95d13d8085a3bea34071714e71e1f1ce3af53e82,"public int greenTicket(int a, int b, int c) +{ + if (int a == b && b == c) + return 20; + if (a == b || b == c || b == a) + return 10; + else + return 0; +} +" +5794a069a7e35d299897c624560aba01f49de48b,"public int greenTicket(int a, int b, int c) +{ + if(a == b == c) + { + return 20; + } + else if(a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +25b931d2dc34afc85717082c5a3aa847d495135c,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c) + { + return 20; + } + else if(a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +558ab9e13dc7898f001c5622f86c7e540f77eec3,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + else if(a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +b049d574f6654d0256aba66fab692e9405251c09,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if(a == b || b == c || b == a) + return 10; + else + return 0; +} +" +80f3c4dca737690aea3cd06ec18eb05510781863,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if(a == b || a == c || b == c) + return 10; + else + return 0; +} +" +c7b52d5545da809e8f2bd498f31e775deed72a94,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + if (a == c || b == c) + { + return 10; + } + return 0; +} +" +b098750bb41c302911e652b2db2c46f4206ecc69,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + { + if (b==c) + return 20; + else + return 10; + } + else if (b==c) + return 10; + else + return 0; +} +" +7ba9d82f3b63b2224aec58e92ba0d2262cb743a3,"public int greenTicket(int a, int b, int c) +{ + if (a==b) + { + if (b==c) + return 20; + else + return 10; + } + else if (b==c || a==c) + return 10; + else + return 0; +} +" +b36fe143db8892f539c7c8ceb945f6c2683f0776,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if (a == b && b == c) + return 20; + else + return 10; +} +" +7cc25a3e489bdb1c6d5ff23b32ffeba70485d3cf,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +8692df817c18f469a2a568515614244d01bd777e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +c894190866bf3ca48c248ddeacb17c918b0ebda7,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +50aaead6935541d3eb9e88d11635618f69f95f0e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +2e17465632299c86cff5a4882d7206683e2fd755,"public int greenTicket(int a, int b, int c) +{ + int first = a; + int second = b; + int third = c; + int result = 0; + if ( first == second & second == third) + { + result = 20; + } + else if (first == second) + { + result = 10; + } + else if (second == third) + { + result = 10; + } + else if (first == third) + { + result = 10; + } + return result; +} +" +543fbba91c54bbd76e8b06c41e1671e2c7637e4e,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c && a == c) + return 20; + if(a == b && a == c) + return 10; + else + return 0; + +} +" +bd552af719e0cf6f4b546dc8444824d8983c26bb,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if(a == b || a == c || b == c) + return 10; + else + return 0; + +} +" +a0a03177250e5c9b5c421d0ff3f485b784def9a1,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && b == c) + { + result = 20; + } + } + return result; +} +" +e1bcfeda0dc1900591952c501f039e7c7375b5f2,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && c == b) + return 20; + else if (a == b || a == c || c == b) + return 10; + return 0; +} +" +9e3c33c008dbecb8fde55148554b1d1a7519efc8,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c) + return 20; + else if (a=b || a=c || b=c) + return 10; + else + return 0; +} +" +729227d7a8f36edcc7047d40e400cbfba294f4aa,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && b == c) + { + result = 20; + } + else + { + result = 0; + } + } + return result; +} +" +831edc456ebfa9e0de5fa9f69cd6614a627e3719,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +bef997379fe308da9765040a9a9997990af35c38,"public int greenTicket(int a, int b, int c) +{ + if( a == b && b == c && a==c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +6bbbd36234a8aa1b90da219930f09dfe5d55b345,"public int greenTicket(int a, int b, int c) +{ + if (a=b && b=c && a=c) + return 20; + else if (a=b || a=c || b=c) + return 10; + else + return 0; +} +" +daa56f17e25706fb896fdbc60fcff68e83aab43b,"public int greenTicket(int a, int b, int c) +{ + if (a=b && b=c) + return 20; + else if (a=b || a=c || b=c) + return 10; + else + return 0; +} +" +ffd686fdf1640e504542538bf5208cf528b80947,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + else if (a==b || a==c || b==c) + return 10; + else + return 0; +} +" +a47e89d17ce8d7d758b9f197c900a4565223ca57,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && b == c && c == a) + { + result = 20; + } + } + return result; +} +" +eb9a218cfc302dddb260c9269fe614eecabc37c9,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && a == c) + { + result = 20; + } + } + return result; +} +" +ce1937ad05282feacba9a86e4de83bed75e48a04,"public int greenTicket(int a, int b, int c) +{ + if( a == b && b == c) + { + return 20; + } + if( a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } + +} +" +bc60c6a7c3dd8a06d4c4a28623b3d12dc1938bcd,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && c == b) + { + result = 20; + } + } + return result; +} +" +fb729faf619afafddab6da9551a356a83d61701e,"public int greenTicket(int a, int b, int c) +{ + if(a==b && b==c && a==c) + return 20; + else if (a==b || b==c ||a==c) + return 10; + return 0; +} +" +f65bb085792aeb5ad76e05887ff67f74c9e18d8a,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && c == b) + { + result = 20; + } + } + return result; +} +" +7077e13807b4ff9cdb09ee24b35db30382deb4c5,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && c == b && c == a) + { + result = 20; + } + } + return result; +} +" +f73396a5851671770362f47ea2cf4feb859c4bd0,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +05e0097ed6b8106743ed33975aaf7eba37792596,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +6fbbe1bc86d743daa70c2e7181b749f19c953113,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if ((a == b && b != c) || (a == c && a != b) || (b == c && b != c)) + { + return 10; + } + else + { + return 0; + } +} +" +5f0de396365017b80185b81d0904cd472b4f28f8,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if ((a == b && b != c) || (a == c && a != b) || (b == c && b != a)) + { + return 10; + } + else + { + return 0; + } +} +" +95d81cd2382f216fbb9588604a98496505c896d2,"public int greenTicket(int a, int b, int c) +{ + if (a != b != c) + { + return 0; + } + else if (a = b = c) + { + return 20; + } + else if (a = b || a = c || b = c) + { + return 10; + } +} +" +7e1c049f9814e83cfa8bd1b365102c5239a07751,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && b == c) + { + result = 20; + } + } + return result; +} +" +10f08093241def67350dac072208dec96be4ed29,"public int greenTicket(int a, int b, int c) +{ + if (a != b != c) + { + return 0; + } + else if (a == b == c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } +} +" +51ee6cbb45f01f7e4b1cabe7c7369b0312490aed,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } +} +" +63959010c264d392befcb9156372988a7fc9285a,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c && a = c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +7770abdacec86930b0c18ccd81a963365124ce2f,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a != b && b != c) + { + ticket = 10; + } + else if (a == b && b == c) + { + ticket = 20; + } + else if (a == b || a == c || b == c) + { + ticket = 10; + } + return ticket; +} +" +980aa9a13580c4504593460611976cb49881a327,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a != b && b != c) + { + ticket = 0; + } + else if (a == b && b == c) + { + ticket = 20; + } + else if (a == b || a == c || b == c) + { + ticket = 10; + } + return ticket; +} +" +0718b32e7f58bac66d0c24eee765a58817b69f34,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + } + return 0; +} +" +a0f0dd366abbd30525b6425738f26e41b20f759a,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c && a==c) + return 20; + if (a==b || a==c || b==c) + return 10; + else + return 0; + +} +" +5046ef17a49ba1763111a559a6f760801c9f750f,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a != b && b != c && a != c) + { + ticket = 0; + } + else if (a == b && b == c) + { + ticket = 20; + } + else if (a == b || a == c || b == c) + { + ticket = 10; + } + return ticket; +} +" +e77268358fd576b75eb98f058b566ea1343f2575,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +0cdee31eda56c0dc8253d55b41c1919097162598,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +7352e7c85719585218dfffeb693f7271c5f7be56,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || b == c || c == a) + { + result = 10; + } + else + { + if (a == b && b == c) + { + result = 20; + } + } + return result; +} +" +b02ae3e0cdb02b7b3dff2e597c296b2e362ddf35,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c && b == c ) + return 20; + if ( a == b || a ==c || b == c ) + return 10; + else + return 0; +} +" +52b1ce9e7f68add167d7afccafdcad4d1211c516,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +bc7894470d73326166b72e049a354582e4de01ac,"public int greenTicket(int a, int b, int c) +{ + if (a = b) + { + if(b = c) + { + return 20; + } + else + { + return 10; + } + } + else if (a = c) + { + return 10; + } + else if (b = c) + { + return 10; + } + else + { + return 0; + } + +} +" +aa5840fce3c7d0ef01ad4e7cb312c7c6cc9458c1,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if(b == c) + { + return 20; + } + else + { + return 10; + } + } + else if (a == c) + { + return 10; + } + else if (b == c) + { + return 10; + } + else + { + return 0; + } + +} +" +2206ea321d6163fe597ecb37c8e0df73d93cea3a,"public int greenTicket(int a, int b, int c) +{ + if (a == c == b) + return 20; + else if (a==b || b==c || a==c) + return 10; + else + return 0; +} +" +c85e51fa0ef75a268ade7ac45930a2d34744faf6,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b==c) + return 20; + else + return 10; + } + else if (b==c) + return 10; + else + return 0; + } +} +" +5df32bf3c11eab95bfe6aaef06c263902b50abb8,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b==c) + return 20; + else + return 10; + } + else if (b==c) + return 10; + else + return 0; + +} +" +a2fd3a8210a96be9cfc68dabb55ff7b7fa2db6aa,"public int greenTicket(int a, int b, int c) +{ + if (!(a == b) && !(b == c) && !(c == a)) + { + return 0; + } + else if ((a == b) && (b == c) && (c == a)) + { + return 20; + } + else + return 10; + + +} +" +6faacbcb21ba4a1eea26833d2a571f111d7c6692,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b==c) + return 20; + else + return 10; + } + else if (b==c || c==a) + return 10; + else + return 0; + +} +" +8f1b0ca459494df6cc548023e02d8b7fcbdac19a,"public int greenTicket(int a, int b, int c) +{ + if (a != b != c) + return 0; + if (a = b || b = c || a = c) + return 10; + if (a = b = c) + return 20; +} +" +31fb7ecdc08f84cb6511b76c554004982a191927,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c) + return 0; + if (a = b || b = c || a = c) + return 10; + if (a = b = c) + return 20; +} +" +00d047f7d345bf427a60b92bf56ec0e7bcc53b55,"public int greenTicket(int a, int b, int c) +{ + if(a == b == c) + { + return 20; + } + else if (a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +037cc059eece3cc75f58b99d7c79a91f8fc73be1,"public int greenTicket(int a, int b, int c) +{ + if(int a == int b == int c) + { + return 20; + } + else if (a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +23dd27722bd09b09d5eb02ed74c601cfa1d61bd7,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b== c) + { + return 20; + } + else if (a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +6fd677d06ba0521ca00062068509a01f260f0740,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + return = 10; + if (a == b && b == c) + return = 20; + else + return = 0; +} +" +ea62b1d0b16cbe879b7487899974ec29ea9cf9c6,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return = 10; + } + if (a == b && b == c) + { + return = 20; + } + else + { + return = 0; + } +} +" +b8d8c03777b44b66501abdd242f31bb0f4de32b5,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 10; + } + if (a == b && b == c) + { + return 20; + } + else + { + return 0; + } +} +" +de4887a90cdb07accd0e19af07f5dc23a07ccc0e,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 10; + } + if (a == b && b == c && a == c) + { + return 20; + } + else + { + return 0; + } +} +" +01c7233cea08c75c94f55ec7ea494c0e2031958e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + + if (a == b || b == c || a == c) + { + return 10; + } + + else + { + return 0; + } +} +" +27322e4f930c960d663920c067e97148cc34a21b,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + return 20; + else if ( a==b || a ==c || b==c ) + return 10; + else + return 0; +} +" +05c8a5679636cd6e15cc7c41d768fd573f452d9d,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b== c && a==c) + return 20; + else if ( a==b || a ==c || b==c ) + return 10; + else + return 0; +} +" +f59c1372539937f179fc29881bb57101981bc83a,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +aa52bf8e7210d6f9b65d4cd858e5049f41564ee5,"public int greenTicket(int a, int b, int c) +{ + if (a = b & b = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +8238d12db2fc7b2b5ee97b639ecd1faed68f486b,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c) + { + result = 20; + } + if (a != b && b != c && a != c) + { + result = 0; + } + if (a == b && b != c) + { + result = 10; + } + if (b == c && c != a) + { + result = 10; + } + if (a == c && b != c) + { + result =10; + } + return result; + +} +" +cd014063ae42000dc60703f8474082ff0cc14376,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c && a = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +ea9a67f3e13e3ae580c32a714556d7e9ab7d8afa,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +9ebd64a391394ac937d40aa7e37463bcaa0b3e81,"public int greenTicket(int a, int b, int c) +{ + int greenTicket; + + if ((a == c) || (a == b) || (b == c)) + { + greenTicket = 10; + } + else if ((a == c) && (c == b)) + { + greenTicket = 20; + } + else + { + greenTicket = 0; + } + return greenTicket; +} +" +2d51140f74c3074390feb63b91b9aca6210d9dd1,"public int greenTicket(int a, int b, int c) +{ + int greenTicket; + + if ((a == c) || (a == b) || (b == c)) + { + greenTicket = 10; + } + else if ((a == c) && (c == b) && (b == a)) + { + greenTicket = 20; + } + else + { + greenTicket = 0; + } + return greenTicket; +} +" +10cdd9717da80cc179e3dedf97fa8de9d12c3fbc,"public int greenTicket(int a, int b, int c) +{ + int greenTicket; + + if ((a == c) && (c == b) && (b == a)) + { + greenTicket = 20; + } + else if ((a == c) || (a == b) || (b == c)) + { + greenTicket = 10; + } + else + { + greenTicket = 0; + } + return greenTicket; +} +" +c9edc86040b554cc1bee938dc340cdd5a14765af,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return (20); + } + else if (a == b || b == c) + { + return (10); + } + else + { + return (0); + } +} +" +60bfdea9c8f9dfd5dfc76b26abcaa887222776a0,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return (20); + } + else if (a == b || b == c || a == c) + { + return (10); + } + else + { + return (0); + } +} +" +fcf8c165a16ec8f28534d0f5e79281a830dd931c,"public int greenTicket(int a, int b, int c) +{ + if( a=b=c) + { + return 20; + } + else if(a=b || b=c || a=c) + { + return 10; + } + else + { + return 0; + } + +} +" +d45d45a6e7dda3f2117e7c188ffa6fd270934525,"public int greenTicket(int a, int b, int c) +{ + if( a==b==c) + { + return 20; + } + else if(a=b || b=c || a=c) + { + return 10; + } + else + { + return 0; + } + +} +" +a2b0a4badd3d39a61124f3857adae7f2d352a5a1,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; + +} +" +cb633ff5fc22e8b01a0b1d707b3d435a8ebc1eea,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == C) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } + +} +" +e17fa8cf25d8b68eb9db452151748b690e0952f6,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } + +} +" +1478f0a2a1e86a0088354b4cc93eb8d691aeb220,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 1-; + else + return 0; +} +" +268b6d0c7e1f59d89fb2dcfdfde07064c899b17b,"public int greenTicket(int a, int b, int c) +{ + if (a!=b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else if (a==b==c) + { + return 20; + } +} +" +ab7b30db3e9dcb149efd5fb9947a3db568aed661,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 1; + else + return 0; +} +" +550f2e747ccadd6f0be732d0e85782fa0db35c7b,"public int greenTicket(int a, int b, int c) +{ + if (a!=b||a!=c||b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else if (a==b==c) + { + return 20; + } +} +" +354251adf171e08ed8a9221d5bb562edcd16b51e,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +711edfdf2d40c6a2377a88c4e51d833aa6f574a3,"public int greenTicket(int a, int b, int c) +{ + if (a!=b||a!=c||b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else if (a==b&&b==c&&a==c) + { + return 20; + } +} +" +8105ec1034f46cd117983b69728c7c25a7ba0587,"public int greenTicket(int a, int b, int c) +{ + if (a!=b||a!=c||b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else (a==b&&b==c&&a==c) + { + return 20; + } +} +" +e199e4ef24466ca1075eea62b0276555f771542f,"public int greenTicket(int a, int b, int c) +{ + if (a!=b||a!=c||b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else (a==b&&b==c&&a==c); + { + return 20; + } +} +" +704b95fee0f8fa10c3ed782d73b0abdd983ebcf0,"public int greenTicket(int a, int b, int c) +{ + if (a!=b||a!=c||b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else (a==b&&b==c); + { + return 20; + } +} +" +00bf64a1aa2aca9e94a3ca51bc757505c331f075,"public int greenTicket(int a, int b, int c) +{ + if (a!=b||a!=c||b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else + { + return 20; + } +} +" +3b438837d1f08160c75ecf2b1edb2cde4c31ce3a,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else + { + return 20; + } +} +" +a41994bfe39e2e2035ba1cc1038e31c3bd4edbf6,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b||a==c||b==c) + { + return 10; + } + else if (a==b&&b==c) + { + return 20; + } + else + { + return 0; + } +} +" +6632f8ff1d8874710c45edd0acf12f712dd60cfe,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +0d837b9f1d7d6010b76e4361109a9c6f85de0f05,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b&&a==c&&b==c) + { + return 10; + } + else if (a==b&&b==c) + { + return 20; + } + else + { + return 0; + } +} +" +6b2a7aee8a3721ebb72760df4e1c5dd05970cd2f,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b||b==c||a==c) + { + return 10; + } + else if (a==b&&b==c) + { + return 20; + } + else + { + return 0; + } +} +" +9272ea01910347d9fd57c6286e5e2650ea15819f,"public int greenTicket(int a, int b, int c) +{ + int matches = 0; + if (a == b) + { + matches++; + }else{ + if (a == c) + { + matches++; + } + } + if (b == c) + { + matches++; + } + return matches*10 +} +" +0752c43714bc6e1ad4be78177017cb9f2d4a0668,"public int greenTicket(int a, int b, int c) +{ + int matches = 0; + if (a == b) + { + matches++; + }else{ + if (a == c) + { + matches++; + } + } + if (b == c) + { + matches++; + } + return matches*10; +} +" +9809daa3dba51462e888fdc54d10a223e5f29756,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b&&b==c) + { + return 10; + } + else if (a==b||b==c||a==c) + { + return 20; + } + else + { + return 0; + } +} +" +6247d9b2dd46572cf2cecb32e26bf55619f5ea4c,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b||b==c||c==a) + { + return 10; + } + else if (a==b&&b==c) + { + return 20; + } + else + { + return 0; + } +} +" +f628bac397d2357c1e55d7ee2f0c3693785f6235,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a==b || b==c || a==c) + return 10; + else + return 0; +} +" +ed86db0ffccbebd0ff4b6639af80509661c88f38,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) || (b !=c) || (a !=c)) + { + return 0; + } + else + { + if((a == b) && (b ==c) && (a ==c)) + { + return 20; + } + else + if( ((a==b) && (b==c)) || ((a == c) && (c == b)) || ((b==a)&&(a==c)) ) + {return 10;} + } +} +" +4bbb903a92d719cb119f39a8f7bd4f08ceeaebc7,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) || (b !=c) || (a !=c)) + { + return 0; + } + else + { + if((a == b) && (b ==c) && (a ==c)) + { + return 20; + } + else + if( ((a==b) && (b==c)) || ((a == c) && (c == b)) || ((b==a)&&(a==c)) ) + {return 10;} + } +return 0; +} +" +57515a61a1edd73136f151dd0cf0518c132db41c,"public int greenTicket(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return 0; + } + else if (a==b||b==c||a==c) + { + return 10; + } + else if (a==b&&b==c) + { + return 20; + } + else + { + return 0; + } +} +" +27154c8d4197f55edfc1ff153ecd18a8c04abeb4,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +208d502f3888fa165844c2492666ae71a660f5fb,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c) + return 0; + else if (a == b && b == c) + return 20; + else + return 10; + +} +" +9fb0cc14c0daaa10feec6fd13d444cc1e8a4c4ce,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a !=) + return 0; + else if (a == b && b == c) + return 20; + else + return 10; + +} +" +a65b7fcd8a440401e047b7a09f113cd476e97101,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) + return 0; + else if (a == b && b == c) + return 20; + else + return 10; + +} +" +0aff1bb11d636a496da92d37dafdfd564a3bba1d,"public int greenTicket(int a, int b, int c) +{ + if (a==b||b==c||a==c) + { + return 10; + } + else if (a==b&&b==c) + { + return 20; + } + else + { + return 0; + } +} +" +b98f4e4a1eb4aae946f5fd002c365050dea8080f,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 10; + } + else if (a==b||b==c||a==c) + { + return 20; + } + else + { + return 0; + } +} +" +a89ed862e636dbcb2c6069903315299892aa9b9e,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b!=c) && (a!=c)) { + return 0; + } + + if ((a == b) && (b==c) && (a==c)) { + return 20; + } + else { + return 10; + } +} +" +6f9f5bcdcc0d71c6b0cbd36b245675ea8374d005,"public int greenTicket(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 20; + } + else if (a==b||b==c||a==c) + { + return 10; + } + else + { + return 0; + } +} +" +d9794bf35aeb50e7ff3466d9ccfb0ad5377e7848,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +29286a68bbd881f04e75f9f00cce5cb9a8765d7c,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b ==c) + { + return 20; + } + if(a == b || a == c || b == c) + { + return 10; + } + else + return 0; + + +} +" +2f3a6967506296435c3717bdb7fe3b0958f9a05a,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) +return 20; + +if(a == b || a == c || b == c) +return 10; + +return 0; +} +" +92fb33da517ff17e16a87f16532cd2e4cbdb59c3,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a != b && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +be56a047e5c86ae00e87a9bf8072658b6d2414f2,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if ((a != b && a != c) || (b !== c)) + { + return 0; + } + else + { + return 10; + } +} +" +37e2f95c2b99b176e6eb69d5ff77efe55a23db60,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a != b && a != c && b !== c) + { + return 0; + } + else + { + return 10; + } +} +" +3160a7ee473bc3c799ab2d378236f9f3f292e5e5,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if (a != b && a != c && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +08d4df39abf89cd4e4b40f6a2f5fc32a5c0ff127,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a == b && a != c && b != c) + return 10; + else + return 0; +} +" +003be9b8585545ad2b8ecfffaa2a466b0cbefc1b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b==c) + return 20; + else if (a == b && a != c && b != c) + return 10; + else + return 0; +} +" +fa53c5a3412489196b57c6c6dd71468a7512754c,"public int greenTicket(int a, int b, int c) +{ + if (a==b || b==c ||a==c) + { + if (a==b && b==c) + { + return 20; + } + else + { + return 10; + } + } + else + { + return 0; + } +} +" +073882ce268da562f589d32a297d8c00a9babb39,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b==c) + return 20; + else if (a == b && a != c && b != c || b = c && b != a && c != a) + return 10; + else + return 0; +} +" +cb2d3be46baeaa997d36e8225ab83d8b228a2f05,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b==c) + return 20; + else if (a == b && a != c && b != c || b == c && b != a && c != a) + return 10; + else + return 0; +} +" +4588f2874a2d7d8e45d3c8b75a18df8c9006ed78,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b==c) + return 20; + else if (a == b && a != c && b != c || b == c && b != a && c != a || a == c && a != b && c != b) + return 10; + else + return 0; +} +" +d789604767a50f3d25ecc23e44986387b9122f1a,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (!a = b && !b = c && !a = c) + { + return 0; + } + else + { + return 10; + } +} +" +0454b0e858a93c8b074e3709240de0a614770789,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return ""20""; + } + else if (!a = b && !b = c && !a = c) + { + return ""0""; + } + else + { + return ""10""; + } +} +" +aefee4210008a6281841f13323cb61668ce3d7c1,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return ""20""; + } + else if (!(a = b) && !(b = c) && !(a = c)) + { + return ""0""; + } + else + { + return ""10""; + } +} +" +2c94ea0b95c08822abaa3c179ce006dff3f85809,"public int greenTicket(int a, int b, int c) +{ + if(a=b=c) + { + return 20; + } + else if(a=b || b=c || a=c) + { + return 10; + } + else + { + return 0; + } +} +" +dfb768c45cb4cabb081f4eb0f254d16cad87ace2,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return ""20""; + } + else if (!(a == b) && !(b == c) && !(a == c)) + { + return ""0""; + } + else + { + return ""10""; + } +} +" +01f03342d37949474226aafe727dd02d55aa2042,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return ""20""; + } + else if (!a = b && !b = c && !a = c) + { + return ""0""; + } + else + { + return ""10""; + } +} +" +2e2e457df25731bc304e85e4c8ddab48934465b0,"public int greenTicket(int a, int b, int c) +{ + if(a==b==c) + { + return 20; + } + else if(a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +4a704b3ce9498b12ea5d121cc2ab2d340ed4d409,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return ""20""; + } + else if (!a = b && !b = c && !a = c) + { + return ""0""; + } + else + { + return ""10""; + } +} +" +42deeeea4a64442dffa8717a10379d9eabf5bf73,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return ""20""; + } + else if (!a == b && !b == c && !a == c) + { + return ""0""; + } + else + { + return ""10""; + } +} +" +2cc47e2a37f363726f24b9f1d772141a0faa923a,"public int greenTicket(int a, int b, int c) +{ + (a==b==c) + { + return 20; + } + else if(a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +f1898d592d0c5e9af4feb415a6780db45d06d38f,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } +}" +934962833ee18e35f47006813864bb509b67df07,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (!a == b && !b == c && !a == c) + { + return 0; + } + else + { + return 10; + } +} +" +de7b5202fb5ab42bc613a609956153a70beeca93,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } +}" +772f37b03ad7fdd1d8f5010b3e465b4cd8227309,"public int greenTicket(int a, int b, int c) +{ + if (int a== int b == int c) + { + return 20; + } + else if(a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +9410573efcd7ec93edc82123120110bc393b5a64,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (!(a == b) && !(b == c) && !(a == c)) + { + return 0; + } + else + { + return 10; + } +} +" +f4a236a7c1a70100ed204eac7e11a015a3b11f30,"public int greenTicket(int a, int b, int c) +{ + if (a===b===c) + { + return 20; + } + else if(a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +e4830bb91e1792aed3d6432d1a06cf2f24a98670,"public int greenTicket(int a, int b, int c) +{ + if(a===b===c) + { + return 20; + } + else if(a==b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +6b164790195ae899782576592507f04879d1dd8f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +}" +a85f3c7ac356fd3e93893096d9b2cb518cb59093,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +}" +52f3304d0bd0dbd0f4a6645ff98723a646db50cd,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + if (!a = b = c) + { + return 0; + } + else + { + return 10; + } +} +" +9c5d6a7be18606c3d400575fae18e28339f1f319,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +bfd3d8b9b5adcea13d0bac5bc6a4544f81eedac0,"public int greenTicket(int a, int b, int c) +{ + if ((a = b) && (b = c)) + { + return 20; + } + if (!(a = b) && (b = c)) + { + return 0; + } + else + { + return 10; + } +} +" +a0faceac82a6ae8ffb4a24b13946382ec5cb5e3c,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + if (!(a == b) && !(b == c) && !(a == c)) + { + return 0; + } + else + { + return 10; + } +} +" +ea8c37f14db9e8433aed64238d9917d9490e46a7,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + if (!(a == b) && !(b == c) && !(a == c)) + { + return 0; + } + else + { + return 10; + } +} +" +fbd4c943ef9135dadf770745132b49d7f4c590d3,"public int greenTicket(int a, int b, int c) +{ + if(a=b) + { + if(b=c) + { + return 20; + } + else + { + return 10; + } + } + else + { + return 0; + } +} +" +7d51395a8b8dad314b18aa01bac5b8a1c4e2e033,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +7a3e228de27a3e92a640042c8fbab7a595556cf0,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a=b) + { + if(b=c) + { + result= 20; + } + else + { + result= 10; + } + } + else + { + result = 0; + } + return result; +} +" +54f8922d4c5de579e2538ff1b01a79a28aa8e933,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a==b) + { + if(b==c) + { + result= 20; + } + else + { + result= 10; + } + } + else + { + result = 0; + } + return result; +} +" +a15534d90e714418b2188ca94f553c858e13e8eb,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a==b || b==c) + { + if(b==c ||b==a) + { + result= 20; + } + else + { + result= 10; + } + } + else + { + result = 0; + } + return result; +} +" +7940e8ea359151defc29ab9779d8f4c449dd021c,"public int greenTicket(int a, int b, int c) +{ + if(a==b && b==c) + { + return 20; + } + else if (a==b || b==c || c==a) + { + return 10; + } + else + { + return 0; + } +} +" +6dcf407cfce197926b9d86766d418f4c386b589d,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a==b && b==c) + { + result = 20; + } + else if(a==b && b!==c || b==c && a!==c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +1476514e26228a880e6f275a7b12c04ea1a5b51b,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a==b && b==c) + { + result = 20; + } + else if(a==b && !b==c || b==c && !a==c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +4995717719b1484791b3732f30b957a8a99996e5,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c) + return 0; + else if (a==b || b==c) + return 20; + else + return 10; + +} +" +38f8b0ed22c299d9b9d9b5ec1d4ee6f690a81c57,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + return 0; + else if (a==b || b==c || a==c) + return 20; + else + return 10; + +} +" +109d47df93321ac44f4d86a72a82a3a29a801ff8,"public int greenTicket(int a, int b, int c) +{ + + + + return 0; +} +" +8c4babfc3f61f01c68855fd63e29fccea7700691,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + return 0; + else if (a==b || b==c || a==c) + return 10; + else + return 20; + +} +" +55bb8529b31de6d1595d272f7174852f84d2002d,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + return 0; + else if (a==b || b==c || a==c) + return 10; + else if (a==b && b==c && a==c) + return 20; + else + return 5; + +} +" +4a33296d2e1a1c53245a18a81124c5b464b8cb69,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + return 0; + else if (a==b || b==c || a==c) + return 10; + else if (a==b && b==c) + return 20; + else + return 5; + +} +" +0cf82b67309f4b15fa8fca791727161bda2184f9,"public int greenTicket(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + return 0; + else if (a==b && b==c) + return 20; + else if (a==b || b==c || a==c) + return 10; + else + return 5; + +} +" +c06469006c95ee1089cc16a8138009d83b54a403,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && a != c && b != c) + { + result = 0; + } + else if (a = b && b = c) + { + result = 20; + } + else + { + result = 10; + } + return result; +} +" +08bd6fd7b872f3a6e766ec725478700e1269250d,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + return 10; + } + if (a == c || b == c) + { + return 10; + } + return 0; +} +" +cf06a02690f780e95a1551a4ec8802648d7e0739,"public int greenTicket(int a, int b, int c) +{ + if (a=b && b=c && c=a) + return 20; + + if (a=b || b=c || c=a) + return 10; + + + return 0; +} +" +b2f87f92cea991005ffa8193e68f4fab586257eb,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a != b && a != c && b != c) + { + result = 0; + } + else if (a == b && b == c) + { + result = 20; + } + else + { + result = 10; + } + return result; +} +" +997021621f4f85ad6375cdcc0bd2ba0d50abb5cc,"public int greenTicket(int a, int b, int c) +{ + if(a==b) + { + if(b==c) + { + return 20; + } + return 10; + } + else if (a==c || b==c) + { + return 10; + } + else + { + return 0; + } +} +" +ce743d9af8799f907711dd59549540b4d364c121,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c && c==a) + return 20; + + if (a=b || b=c || c=a) + return 10; + + + return 0; +} +" +6b072335b2cb556c116b175c34a5fd0268696cc7,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c && c==a) + return 20; + + if (a==b || b==c || c==a) + return 10; + + + return 0; +} +" +86775e4984aadf15bd208e6b65fa05b9fb5b23e8,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + + if(a == b || a == c || b == c) + return 10; + + return 0; + +} +" +3b58f7e3d2a21c16a6a161b42ff42e922be3ee76,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +49e1fdc683292017713af1c8513e05a89dc6ff06,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == C) { + return 20; + } else if (a != b && b != c) { + return 0; + } else if (a == b && b != c) { + return 10; + } else if (a == c && c != a) { + return 10; + } else if (c == b ** a != b) { + return 10; + } + + +} +" +735b54db2e54aeff7a71e5d0661ced2808243b72,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == C) { + return 20; + } else if (a != b && b != c) { + return 0; + } else if (a == b && b != c) { + return 10; + } else if (a == c && c != a) { + return 10; + } else if (c == b && a != b) { + return 10; + } + +} +" +80222b36c7e8fc38c88254ad2947eec8b1cdac73,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } else if (a != b && b != c) { + return 0; + } else if (a == b && b != c) { + return 10; + } else if (a == c && c != a) { + return 10; + } else if (c == b && a != b) { + return 10; + } + +} +" +5bc0e69e16b07a20f7c84306d8256c7486986926,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c && a = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + return 0; +} +" +18aef3021d3cc6467e74d8e7c87fe6c59416742b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } else if (a != b && b != c) { + return 0; + } else if (a == b && b != c) { + return 10; + } else if (a == c && c != a) { + return 10; + } else if (c == b && a != b) { + return 10; + } + return 0; +} +" +3d89e293fce99cac9b54bdbc9a1ac570266ded7b,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a = b || b = c) + { + return 10; + } + else + return 0; +} +" +364c3d078a2a40dcdcb344a5fe9460a613878b01,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } else if (a != b && b != c) { + return 0; + } else if (a == b && b != c) { + return 10; + } else if (a == c && c != a) { + return 10; + } else if (c == b && a != b) { + return 10; + } else if (a == c && b != a) { + return 10; + } + return 0; +} +" +6ab1dc694b51578e8d661398bda92ab83e80600f,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c && a = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + return 0; +} +" +0d4c4f648ab8178eb2e35e4545fa86ca0f6f7755,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) { + return 20; + } else if (a != b && b != c & c != a) { + return 0; + } else if (a == b && b != c) { + return 10; + } else if (a == c && c != a) { + return 10; + } else if (c == b && a != b) { + return 10; + } else if (a == c && b != a) { + return 10; + } + return 0; +} +" +5f8cc6a0b550628463f3e1a3ca6c59fc26614f25,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + return 0; +} +" +68953035d406dd2dba71192df4fcfcd0b60ee8f1,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +ce184d40367fa0fd230003809bad649545f0a00b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return(20); + } + else if (a == b || a == c || b == c) + { + return(10); + } + else + { + return(0); + } +} +" +035872c45a1d6f8f67a3514d036666fb9135d8a5,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + return 20; + else if (a = b || a = c || b = c) + return 10; + else + return 0; + +} +" +4b30f68318bcc0e0f48402551129a46a9656a81d,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a==b && b==c && a==c) + { + result =20; + } + else if((a==b&&b==c)||(a==c&&b==c)||(a==b&&a==c)) + { + result =10; + } + else + { + result =0; + } + return result; +} +" +4eadce4d5f7121c576cfa891d19b4abd6edc6f8a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || a == c || b == c) + return 10; + else + return 0; + +} +" +574a5f3eb9f87fd7262dca5d4df8da84563f18d4,"public int greenTicket(int a, int b, int c) +{ + int result =0; + if(a==b && b==c && a==c) + { + result =20; + } + else if((a==b)||(a==c)||(b==c)) + { + result =10; + } + else + { + result =0; + } + return result; +} +" +3ba66a5f9897d7f58d8312bdc8a6cb50193f2c57,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +7d533a6251608c2a2cb08cfde9e298362f4764cf,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + + { + + if(b == c) + + return 20; + + return 10; + + } + + if(a == c || b == c) + + return 10; + + return 0; +} +" +c17cce30c5dd600f37f09eeee1f477f313cea237,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +207e2279b4ca9a04d77e4b521e77e348800e50da,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return(20); + } + else if (a == b || a == C || b == c) + { + return(10); + } + else + { + return(0); + } +} +" +498d818bdfdcda179292917870b7250e2e53616c,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return(20); + } + else if (a == b || a == c || b == c) + { + return(10); + } + else + { + return(0); + } +} +" +eadbc08aabe8e241b2d41c9d56ceb31116026fbb,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return(20); + } + else if (a == b || a == c || b == c) + { + return(10); + } + else + { + return(0); + } +} +" +4da5c02910879070c0887625d6e1fa96f95d0468,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + } + else + { + return 10; + } + } + if (a == c || b == c) + { + return 10; + } + return 0; +} +" +e47177271e83f9b665bcd937bc94c6a6055fa928,"public int greenTicket(int a, int b, int c) +{ + int number = 0; + if (a == b && b == c) + number = 20; + if (a == b || a == c || b == c) + number = 10; + else; + return number; + +} +" +0ecb43c634393c821f392b8f70e405d9f100c17a,"public int greenTicket(int a, int b, int c) +{ + int number = 0; + if (a == b && b == c) + return number = 20; + if (a == b || a == c || b == c) + number = 10; + else; + return number; + +} +" +962693ecf5ed97fc53fe08fdc54aa41f92f4d16b,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if (a == c || b == c) + return 10; + return 0; +} +" +26a59fe1042c6c6cd0dcfd16eab3cdbb448a41a4,"public int greenTicket(int a, int b, int c) +{ + if (!a==!b==!c) + return 0; + if (a==b==c) + return 20; + + return 10; +} +" +5d42b3641cdb49ffd95bb35eff0d414959dc3008,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b==c || a==c) + { + return 10; + } + else if ( a==b && b==c) + { + return 20; + } + else + { + return 0; + } +} +" +25c011b469a43d9ab0ff8d79a5265acb1b4aa4a4,"public int greenTicket(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 20; + } + else if (a == b || b==c || a==c) + { + return 10; + else + { + return 0; + } +} +" +f39f424aa4a79c0cf3a8036fe66bcdc1a25fc0b6,"public int greenTicket(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 20; + } + else if (a == b || b==c || a==c) + { + return 10; + } + else + { + return 0; + } +} +" +ec6824c528f2cf751503aecd48ce38b930f57d5b,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (a == c) && (b == c)) + { + return 20; + } + else if ((a == b) || (a == c) || (b == c)) + { + return 10; + } + else + { + return 0; + } +} +" +bad967e63fa743b4b6e9f79a6415d143056d8d32,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c) + { + return 0 + } + else if (a !=b || a=!c) + { + return 10 + } + else + { + return 20 + } +} +" +946929e80e620b5fa6a6bf8536d22588676bcb2c,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c) + { + return 0; + } + else if (a !=b || a=!c) + { + return 10; + } + else + { + return 20; + } +} +" +aa2d85269aeb15428824bda2ee12305be3d761e1,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c) + { + return 0; + } + else if (a !=b || a !=c) + { + return 10; + } + else + { + return 20; + } +} +" +84b668aba31976d4358278625ad6a03aaeae379e,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + if(a==b || a==c || b==c) + return 10; + + else return 0; +} +" +d0e7128841736dcd0491464526e9d8b153562377,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + if (a==b || a==c || b==c) + return 10; + else + return 0; +} +" +c318416db106b95aeea830da9904cc90cc040fef,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c && a != a) + { + return 0; + } + else if (a !=b || a !=c) + { + return 10; + } + else + { + return 20; + } +} +" +3dbdc37852a200964dfb322f55acf47038b45ba1,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c) + { + return 0; + } + else if (a !=b || a !=c || a != a) + { + return 10; + } + else + { + return 20; + } +} +" +f6b2ca430d15904b12db9bf559d87330e5ad91cd,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return(20); + } + else if (a == b || b == c || a == c) + { + return(10); + } + else + { + return(0); + } +} +" +8c06824d0a255a05a10615d2c0489d249d111f10,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + else if (a==b || a==c || b==c) + { + return 10; + } + else + { + return 0; + } +} +" +5636d078fe5ba99b69a50ed70f7a202bc64498d9,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c ) + { + return 20; + + } + else if (a == b || a == c || b == C) + { + return 10; + } + else + { + return 0; + } + +} +" +e4a82a0aaaa7ebc9a5ebb8ff82ef936d3beafaa8,"public int greenTicket(int a, int b, int c) +{ + if( int a == int b && int a != int c) + { + return 10; + } + if( int a == int b && int b == int c) + { + return 20; + } + if ( int a != int b && int b != int c && int a != int c) + { + return 0; + } +} +" +216cf99efbe52bfae72c0a66de10f2ed4d00f38b,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c ) + { + return 20; + + } + else if (a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } + +} +" +639cf12a0c4d7d433a2dcdc5b0581a3efd924c6e,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c) + { + return 0; + } + else if (a !=b || a !=c || b != c) + { + return 10; + } + else + { + return 20; + } +} +" +2cc032132af58833e9e575f0e9ccbeb6c7a28da5,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a !=c && b != c) + { + return 0; + } + else if (a !=b || a !=c) + { + return 10; + } + else + { + return 20; + } +} +" +155bcff33acf32e227e4f4c528d69e8c98c902cc,"public int greenTicket(int a, int b, int c) +{ + if (!a = b = c && (a = b || b = c || c = a)) + { + return 10; + } + else if ( a = b = c) + { + return 20; + } + else + { + return 0; + } +} +" +7bb092369d52e8d3222c4d3d69787acdb11c134d,"public int greenTicket(int a, int b, int c) +{ + if( a == b && a != c) + { + return 10; + } + if( a == b && b == c) + { + return 20; + } + if ( a != b && b != c && a != c) + { + return 0; + } +} +" +f7e8b206da4e7a3fa1739616690a8ef82a4225fa,"public int greenTicket(int a, int b, int c) +{ + if ( !(a = b = c) && (a = b || b = c || c = a)) + { + return 10; + } + else if ( a = b = c) + { + return 20; + } + else + { + return 0; + } +} +" +2a39c720b460988bea28ca13bfb201c29a3d2962,"public int greenTicket(int a, int b, int c) +{ + if ( !(a = b = c) && (a = b || b = c || c = a)) + { + return 10; + } + else if ( a = b = c) + { + return 20; + } + else + { + return 0; + } +} +" +eaf7487beb8d371d8b3dc9e4f4912130fb7d41ce,"public int greenTicket(int a, int b, int c) +{ + if ( a = b = c) + { + return 20; + } + else if (a = b || b = c || c = a) + { + return 10; + } + else + { + return 0; + } +} +" +a71a360540154eb19dd74f9f66935923fc6cce38,"public int greenTicket(int a, int b, int c) +{ + public int greenTicket(int a, int b, int c) { + + if (a == b && b == c) + + return 20; + + if (a == b || a == c || b == c) + + return 10; + + else; + + return 0; + +} +" +b7a8c221e99737c3053b608c229789796fe07496,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) + { + result = 20; + } + else if (a == b && c != a) + { + result = 10 + } + else if (b == c && a !=b ) + { + result = 10 + } + else if (a != b && b != c && c != a) + { + result = 0 + } + return result; +} +" +d072f1a7fd31b76eba262549ebf4f5f2cade9bd6,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + + return 20; + + if (a == b || a == c || b == c) + + return 10; + + else; + + return 0; + +} +" +6cbdd99ed08bcf043f58e6610294e240b5437cdc,"public int greenTicket(int a, int b, int c) +{ + if ( a = b = c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +d54c2ecf78e0ea67ff3249dfc275be13ed3ef167,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) + { + result = 20; + } + else if (a == b && c != a) + { + result = 10; + } + else if (b == c && a !=b ) + { + result = 10; + } + else if (a != b && b != c && c != a) + { + result = 0; + } + return result; +} +" +ea8af26d5503c3795a6e46deb4fbf6f86887ed46,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +47048357994c4465c5a67b2f770b9f3fe19bfe75,"public int greenTicket(int a, int b, int c) +{ + if ( a = b = c) + { + return 20; + } + else if (a = b || b = c || c = a) + { + return 10; + } + else + { + return 0; + } +} +" +0c76134074aa9417ef8ea90b067bc41d6642ae5d,"public int greenTicket(int a, int b, int c) +{ + if ( a==b==c) + { + return 20; + } + else if (!a=b && !a=c && !b=c) + { + return 0; + } + else + { + return 10; + } + +} +" +9a70d5b83a331ea12991401f627bfafb3a97fd09,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) + { + result = 20; + } + else if (a == b && c != a) + { + result = 10; + } + else if (b == c && a !=b ) + { + result = 10; + } + else if (a == c && b !=a) + { + result = 10; + } + else if (a != b && b != c && c != a) + { + result = 0; + } + return result; +} +" +02bbf58a7fe55460a0356c1d9ddc10177196686c,"public int greenTicket(int a, int b, int c) +{ + if ( a==b==c) + { + return 20; + } + else if (!a==b && !a==c && !b==c) + { + return 0; + } + else + { + return 10; + } + +} +" +17ad68d5c2801dca253b07374d5b716017a636d7,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + return 0; +} +" +38c0e37b4f5337be548e842870e158a141ebe84a,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0: + } +} +" +8732fac462a059ac51d545ac022ae1bafa0a99a4,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +58a77b23a097802cd4b005cff418540726266340,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + return 0; +} +" +94c0ecc67913cdf55616003f7df0452522691979,"public int greenTicket(int a, int b, int c) +{ + if ( a==b==c) + { + return 20; + } + else if (a!=b && a!=c && b!=c) + { + return 0; + } + else + { + return 10; + } + +} +" +921a0a19fe603eedc6b090f72f934ad9f5518253,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + return 0; +} +" +bda0f0086742600eeae03af88cd319c0c4f64cf7,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b == c) + result = 20; + else if (a == b || b == c || a == c ) + result = 10; + else + result = 0; + return result; + +} +" +321b7aaedabcfeb5b0977c4e03777b9025c072e1,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a = b = c) + result = 20; + else if (a = b || b = c || a = c ) + result = 10; + else + result = 0; + return result; + +} +" +bd31cf2674fb47c5ab9c848f2ae2265b1bb504aa,"public int greenTicket(int a, int b, int c) +{ + if ( a==b==c) + { + return 20; + } + else if (!(a==b && a==c && b==c)) + { + return 0; + } + else + { + return 10; + } + +} +" +ee7afa92b9f9c3d91f660153ce7e978946553873,"public int greenTicket(int a, int b, int c) +{ + if ( a == b == c) + { + return 20; + } + else if (a = b || b = c || c = a) + { + return 10; + } + else + { + return 0; + } +} +" +f68ef677c8e819f4f6b2522ac7fef275c7d37729,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +61b0599194329e6e64209b93f90f54f4249755a5,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (a = b || b = c || a = c) + { + return 10; + } + else + { + return 0; + } +} +" +86969a27e411e324b5d18db4439809882c8069ee,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else if (a = b || b = c || c = a) + { + return 10; + } + else + { + return 0; + } +} +" +5f9abebbfcb25564af47d99779148f7f54dc1d08,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +c775c981079979057b099794e6617b632bf4babd,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c && c != a) + { + return 0; + } + else + { + return 10; + } + +} +" +f956a88e38124fc545977cdc648597a90d76f3e3,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b == c) + result = 20; + else if (a == b || b == c || a == c ) + result = 10; + else + result = 0; + return result; + +} +" +25efb047b35dfaea94a547f51073e1328361a0cd,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +744276aaf9602e91ee4af8b9b89a1d7c4abf8054,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +4e92f55c3c8d91d17959cb11b3e045faa405feb2,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if !(a = b && b = c) + { + return 0; + } + else + { + return 10; + } + +} +" +a0448ff78f03310e4b0dd9c24e262b1e1f0687f9,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if (a == b || b == c || c == a) + return 10; + else + return 0; +} +" +5ad2fd6ad027722b3052c77f4cbbb98c4cee4877,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || c == a) + return 10; + else + return 0; +} +" +150600c054186f876ee576f5ce22c708b18af6ac,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } + +} +" +fa196c363435203787a39dccace40540db78d07c,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c && a == c) + result = 20; + else if (a == b || b == c || a == c ) + result = 10; + else + result = 0; + return result; + +} +" +01b6ebf95752722174c1679940e7ea2025928fbf,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a !== b && b !== c) + { + return 0; + } + else + { + return 10; + } + +} +" +4bbb0c2bc8eb64e97fd23b889f49181f282df7a8,"public int greenTicket(int a, int b, int c) +{ + if( a == b && b == c) + return 20; + if ( a == b || a = c || b == c) + return 10; + else + return 0; +} +" +5a26a0acf65b5a408a4914a78b3a5ed976c9921a,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + { + return 20; + } + return 10; + } + if(a == c || b == c) + { + return 10; + } + return 0; +} + +" +77469e64016dcc201ffc854bffb9b8970a66e0b3,"public int greenTicket(int a, int b, int c) +{ + if( a == b && b == c) + return 20; +if (a == b || a == c || b == c) + + return 10; + else + return 0; +} +" +c1b5812ba975c29a180d14da37263f0dfec79087,"public int greenTicket(int a, int b, int c) +{ + int result; + if (a == b == c) + { + result = 20; + } + else if ((a == b && b != c) || (b == c && c != a)) + { + result 10; + } + else + { + result = 0; + } + return result; +} +" +2022dc63a6777a1aa33e73be4d11edc9fe3da792,"public int greenTicket(int a, int b, int c) +{ + int result; + if (a == b == c) + { + result = 20; + } + else if ((a == b && b != c) || (b == c && c != a)) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +fda30da931352a8a3e9238b250120fddc3fed348,"public int greenTicket(int a, int b, int c) +{ + int result; + if (a == b && b == c) + { + result = 20; + } + else if ((a == b && b != c) || (b == c && c != a)) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +95dcabb105187e24a1cb17863a1233eb5116e200,"public int greenTicket(int a, int b, int c) +{ + int result; + if (a == b && b == c) + { + result = 20; + } + else if ((a == b && b != c) || (b == c && c != a) || (a == c && a != b)) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +0521b00758c7d47e30ff87bce218d7f39eed613d,"public int greenTicket(int a, int b, int c) +{ + if ( a == b || a == c || b == c) + { + return 10; + } + if ( a == b && b == c) + { + return 20; + } + else + { + return 0; + } +} +" +5d4c295a8cc18d3780f63d458052849ba7285f7a,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 20; + } + if ( a == b || a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +8c9b3fbed0d40fff10ace7c31b1ff69e38e6687d,"public int greenTicket(int a, int b, int c) +{ + if( a == b && a != c) + { + return 10; + } + if( a == b && b == c) + { + return 20; + } + else + return 0; +} +" +5125d2d72674c5b75f9ed254c3d43ccf86305be1,"public int greenTicket(int a, int b, int c) +{ + if ( a=b && b=c && c=a) + { + return ""20""; + } + else if ( a = b && a != c && b!=c) + { + return ""10""; + } + else + { + return ""0""; + } + +} +" +98b9da9cd6b1d5d31833f2df73886f3bf1393496,"public int greenTicket(int a, int b, int c) +{ + + + + + return 0; +} +" +c7d409fca03eb5511858e209d2882cf97c450539,"public int greenTicket(int a, int b, int c) +{ + + + + + return 10; +} +" +56b5fc5863483b5bf8a9249e3fb310fa86fe925b,"public int greenTicket(int a, int b, int c) +{ + + + + + return 20; +} +" +900da50ca4731573150cfaba0a2d162b8e85d262,"public int greenTicket(int a, int b, int c) +{ + if ( a=b && b=c ) + { + return ""20""; + } + else if ( a = b && a != c && b!=c) + { + return ""10""; + } + else + { + return ""0""; + } + +} +" +089b813e95ae3d61514efcba09a43d3143e3a9cd,"public int greenTicket(int a, int b, int c) +{ + + + + + return 10; +} +" +f01a74b4952574ce3b0ae95376078e3222dede2f,"public int greenTicket(int a, int b, int c) +{ + if (a=b && b=c) + { + return 20; + } + + + + return 10; +} +" +de278ff9255032626cc97274c19abfbaa13cc143,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + + + return 10; +} +" +a7393e33cac5e558d00fabb5ed11e7e9ebe901a6,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +0494c1cd8e588ebe46673821103ca291ac1ffc70,"public int greenTicket(int a, int b, int c) +{ + if ( a = b) + { + if ( b = c) + { + return ""20""; + } + else if + { + return ""10""; + } + } + else + { + return ""0""; + } + + +} +" +2e3a45894e08d65326a7707a31de278afcbd51d0,"public int greenTicket(int a, int b, int c) +{ + if ( a = b) + { + if ( b = c) + { + return ""20""; + } + else + { + return ""10""; + } + } + else + { + return ""0""; + } + + +} +" +dd30c449763f24371667a591f23fcf70e02568d2,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a = b && a = c) + { + ticket = 20; + } + if (a = b || a = c || b = c) + { + ticket = 10; + } +} +" +d1403c617954b49015d183ca1197ad3902d37595,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a = b && a = c) + { + ticket = 20; + } + + else if (a = b || a = c || b = c) + { + ticket = 10; + } +} +" +b3c2cd3610fc339ebaa582ccfd94f792fa14e6d0,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a = b) + { + if (a = c) + { + ticket = 20; + } + } + + else if (a = b || a = c || b = c) + { + ticket = 10; + } +} +" +6b2b4e4a421aa34d687f45f878010698c6b99990,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a == b) + { + if (a = c) + { + ticket = 20; + } + } + + else if (a = b || a = c || b = c) + { + ticket = 10; + } +} +" +bb8fd1f8f17332ae421465f6c82588569ebf40c4,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a == b && a == c) + { + ticket = 20; + } + + else if (a = b || a = c || b = c) + { + ticket = 10; + } +} +" +13eea6a5892a99e38d80b7118304173c26de0894,"public int greenTicket(int a, int b, int c) +{ + if( a == b) + { + if(b==c) + return 20; + return 10; + } + if( a == b || b == c) + { + return 10; + } + else + return 0; +} +" +f4297d35cc520d5245577a2462446e2dfd905568,"public int greenTicket(int a, int b, int c) +{ + if ( a-b = 0) + { + if ( b-c = 0) + { + return ""20""; + } + else + { + return ""10""; + } + } + else + { + return ""0""; + } + + +} +" +9d3f1d1d63f7fe734f7d9dd5a6169dd4596f3b8a,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a == b && a == c) + { + ticket = 20; + } + + else if (a == b || a == c || b == c) + { + ticket = 10; + } +} +" +391f44bef0c9a622706f2209767c6b74821f2599,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (a == b && a == c) + { + ticket = 20; + } + + else if (a == b || a == c || b == c) + { + ticket = 10; + } + return ticket; +} +" +fb9fe36ba8ab8f5fce25c50e6fedab30e897c305,"public int greenTicket(int a, int b, int c) +{ + if( a == b) + { + if(b==c) + return 20; + return 10; + } + if( a == b || b == c || a == c) + { + return 10; + } + else + return 0; +} +" +22eaa52045658eef012220c1c5948e5470bfdc87,"public int greenTicket(int a, int b, int c) +{ + if ( a-b = 0) + { + if ( b-c = 0) + { + return(""20""); + } + else + { + return(""10""); + } + } + else + { + return(""0""); + } + + +} +" +3a0fc6cd0ed4d6b5023ef44aa66001606ef5d324,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + else if (a==b && a==c) + { + return 10; + } + + + + return 10; +} +" +ca0e7c57166997ac8f03d25a104de863db86a3a5,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + else if (a==b && a==c) + { + return 10; + } + + + else{ + return 10; + } +} +" +2d4429d8049a34505177a401494bc38062ee98c2,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c || b == c) + return 10; + return 0; + if(a == b && b == c) + return 20; +} +" +205be552f724129ea9dde472359d6b2acdce57fd,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + else if (a==b && a==c) + { + return 10; + } + + + else{ + return 0; + } +} +" +17d7fb47bfec2e7a35c3032789768b6fb424593f,"public int greenTicket(int a, int b, int c) +{ + int i = 0; + if (a == b) + { + i = i + 1; + } + if (a == c) + { + i = i + 1 + } + if (b == c) + { + i = i + 1; + } + return 10 * i; +} +" +4c85e2723f59be6f10dd878e793a0d0ec8114bfc,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + else if (a==b && a==c) + { + return 10; + } + + + + return 0; + +} +" +40ab863037c7b6aaade8a756b8ff6a4d51166f3b,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c || b == c) + return 10; + return 0; + if(a == b && b == c) + return 20; + return 0; +} +" +8da8a78bdf2ed5649ea4b071fe75c52bd7a29166,"public int greenTicket(int a, int b, int c) +{ + int i = 0; + if (a == b) + { + i = i + 1; + } + if (a == c) + { + i = i + 1; + } + if (b == c) + { + i = i + 1; + } + return 10 * i; +} +" +ccdf660f1136e9698d0945c27729f45b6e366c64,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + if (a = b || b = c || a = c) + return 10; + else + return 0; +} +" +969fb050ad242cf2c09d0adf34770c51e361400a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +9d2b261646648bcbd391b370cefa4e9a2e2ea94f,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + if ( a = b || a = c || b = c){ + if ( a = b && a = c && b = c){ + return(""20""); + } + else{ + return(""10""); + } + } + else{ + return(""0""); + } + + +} +" +1aa663ed2a7c26b8da34e508c0f36f2f4a82fdce,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + else if (a==b && a==c) + { + return 10; + } + + + return 10; +} +" +f4f72b11a0db286187c1311513986adc7a9aa6d3,"public int greenTicket(int a, int b, int c) +{ + int i = 0; + if (a == b) + { + i = i + 1; + } + if (a == c) + { + i = i + 1; + } + if (b == c && a != b) + { + i = i + 1; + } + return 10 * i; +} +" +8ca133fff36015d16019dd51a5f30089c73e5100,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c || b == c) + { + if(a == b && b == c) + return 20; + return 10; + return 0; +} +" +a68a0e1740df035d1b62fae6699c5140d6a1e1f0,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c || b == c) + { + if(a == b && b == c) + return 20; + return 10; + return 0; + } +} +" +fa7415f8a2cf237e4ed7bc40e459ca38eb6f851e,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a = b && a = c && b = c) + { + return(""20""); + } + else if ( a != b && b != c && c != a) + { + return(""0""); + } + else + { + return(""0""); + } + + +} +" +dac178644b1e93423dc2d609632024505e09cda2,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a = b = c) + { + return(""20""); + } + else if ( a != b && b != c && c != a) + { + return(""0""); + } + else + { + return(""0""); + } + + +} +" +98d39cfd4fb29c8b2283bb95eea9b2fe1b34a848,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b = b - c) + { + return(""20""); + } + else if ( a != b && b != c && c != a) + { + return(""0""); + } + else + { + return(""0""); + } + + +} +" +4cafdbc4725996f0cc00a4b08404e4177a1d0464,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c) + { + return(""20""); + } + else if ( a != b && b != c && c != a) + { + return(""0""); + } + else + { + return(""0""); + } + + +} +" +d601231d1caf9156fd58edf6810e1c30a4758270,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +e2f97c2fa29fbf20c67cae2d95ad62d8277ef2cd,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c) + { + return(20); + } + else if ( a != b && b != c && c != a) + { + return(""0""); + } + else + { + return(""0""); + } + + +} +" +bc5a8b4a89cd49d2f0cc0eef6505b0dae5ff95b2,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a = c) + { + return 10; + } + else + { + return 0; + } + } + if (a = b) + { + if (a = c) + { + return 20; + } + else + { + return 10; + } + } + if (b = c) + { + if (b = a) + { + return 20; + } + else + { + return 10; + } + } + else if (b != c) + { + if (b = a) + { + return 10; + } + else + { + return 0; + } + } + else if (c = a) + { + if (c = b) + { + return 20; + } + else + { + return 10; + } + } + else if (c != a) + { + if (c = b) + { + return 10; + } + else + { + return 0; + } + } + +} +" +83332cccdc873520b53b436b54bbde2f189fb38a,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c) + { + return(20); + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +0f6483af4305b01a62f53c9bb0cf0020c57e2dd9,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c == a-c) + { + return(20); + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +0e0a447a810cba863e0a77406f98e8f7dd9fb022,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c && a - b = a - c) + { + return(20); + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +b9772fdf25ea029345bd282f9cab67e04d79dc1d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c) + return 10; + else + return 0; +} +" +15407d934529f5e1f5c7766383cbd60cb6861376,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a == ) + { + return 10; + } + else + { + return 0; + } + } + if (a == ) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + if (b == c) + { + if (b == a) + { + return 20; + } + else + { + return 10; + } + } + else if (b != c) + { + if (b == a) + { + return 10; + } + else + { + return 0; + } + } + else if (c == a) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + else if (c != a) + { + if (c == b) + { + return 10; + } + else + { + return 0; + } + } + +} +" +31d2438f9234dd50b78be52fa212b7fe76efde62,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if (a == b || b == c || a == c) + return 10; + else + return 0; +} +" +3ff6b8079e9aa25912c086088eb8d8d2c4051184,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a == c) + { + return 10; + } + else + { + return 0; + } + } + if (a == b) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + if (b == c) + { + if (b == a) + { + return 20; + } + else + { + return 10; + } + } + else if (b != c) + { + if (b == a) + { + return 10; + } + else + { + return 0; + } + } + else if (c == a) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + else if (c != a) + { + if (c == b) + { + return 10; + } + else + { + return 0; + } + } + +} +" +69ae7a962a8a43b8d701a29491a5c09510f649d4,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( (a - b == b - c) && (a - b = a - c)) + { + return(20); + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +5eb7a0071229771f087950c0fede7b665a6a0450,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a == c) + { + return 10; + } + else + { + return 0; + } + } + if (a == b) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + if (b == c) + { + if (b == a) + { + return 20; + } + else + { + return 10; + } + } + else if (b != c) + { + if (b == a) + { + return 10; + } + else + { + return 0; + } + } + else if (c == a) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + else if (c != a) + { + if (c == b) + { + return 10; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +ab7c733b02b3ff0b7598278e006a8c72245d93de,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c) + { + if (a - b == a - c{ + return(20); + } + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +328b57e339317e31bf56e2b0e361f8d6ac641d43,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c) + { + if (a - b == a - c){ + return(20); + } + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +6a6714b43c97941e4d5ecdd9c50e28faca13516a,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (((!(a == b)) && (!(a == c))) && (!(b == c))) + { + ticket = 0; + } + else if (((a == b) || (a == c)) || (b == c)) + { + ticket = 1; + } + else if ((a == b) && (a == c)) + { + ticket = 2; + } + return ticket; + +} +" +ede23a90fbb7e9ac7a44b44c2c89b3a54deb210f,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (((!(a == b)) && (!(a == c))) && (!(b == c))) + { + ticket = 0; + } + else if (((a == b) || (a == c)) || (b == c)) + { + ticket = 10; + } + else if ((a == b) && (a == c)) + { + ticket = 20; + } + return ticket; + +} +" +def8dab7b06bc725acfcd97469f52575b0987861,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c){ + // if (a - b == a - c){ + return(20); + // } + + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +138187a0892a6ee06200226ef78b618787986597,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a == c) + { + return 10; + } + else + { + return 0; + } + } + if (a == b) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + if (b == c) + { + if (b == a) + { + return 20; + } + else + { + return 10; + } + } + else if (b != c) + { + if (b == a) + { + return 10; + } + else + { + return 0; + } + } + else if (c == a) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + else if (c != a) + { + if (c == b) + { + return 10; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +89b896df27bcfa0a40501af44aef88b1b194a656,"public int greenTicket(int a, int b, int c) +{ + int ticket = 0; + if (((!(a == b)) && (!(a == c))) && (!(b == c))) + { + ticket = 0; + } + else if ((a == b) && (a == c)) + { + ticket = 20; + } + else if (((a == b) || (a == c)) || (b == c)) + { + ticket = 10; + } + return ticket; + +} +" +d60c3e3ea76b41b3b9d2fc959e7eebb93c6da801,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if ( a - b == b - c) && ( a - b == a - c ){ + // if (a - b == a - c){ + return(20); + // } + + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +f5b25de1ee48d33c34203225c16f33d222221b05,"public int greenTicket(int a, int b, int c) +{ + // if ( a-b = 0) + // { + // if ( b-c = 0) + // { + // return(""20""); + // } + //else +// { + // return(""10""); + // } +// } +// else +// { + // return(""0""); + // } + + + if (( a - b == b - c) && ( a - b == a - c )){ + // if (a - b == a - c){ + return(20); + // } + + } + else if ( a != b && b != c && c != a) + { + return(0); + } + else + { + return(10); + } + + +} +" +04bda391daee39fd96e623e7ac217c28831895a7,"public int greenTicket(int a, int b, int c) +{ + if (a != b) + { + if (a == c) + { + return 10; + } + else if (b == c) + { + return 10; + } + else + { + return 0; + } + } + if (a == b) + { + if (a == c) + { + return 20; + } + else + { + return 10; + } + } + if (b == c) + { + if (b == a) + { + return 20; + } + else + { + return 10; + } + } + else if (b != c) + { + if (b == a) + { + return 10; + } + else + { + return 0; + } + } + else if (c == a) + { + if (c == b) + { + return 20; + } + else + { + return 10; + } + } + else if (c != a) + { + if (c == b) + { + return 10; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +70725c5de1cfc5d35929e6d8d8864b26fda5ce78,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + else + return 10; + } + if(a == c || b == c) + return 10; + else + return 0; + +} +" +534bd5224fe160e7f277e2a7da3f85ae867921e5,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if (b == c) + return 20; + return 10; + } + + if (a == c || b == c) + return 10; + return 0; + +} +" +c6020ee350bfb659840e5a7129f5e0401a9e6c50,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if (b == c) + return 20; + return 10; + } + + if (a == c || b == c) + { + return 10; + return 0; + } +} +" +59c04c4606fb18044eafb6ede9753175e15a4c06,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if (b == c) + return 20; + return 10; + } + + if (a == c || b == c) + return 10; + return 0; +} +" +2d089679a8032d71648f45cd5d126c6e7a2a4240,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b != c) + { + result = 0; + } + else if (a == b == c) + { + result = 20; + } + else if ((a == b && a != c) || (b == c && b != a) || (c == a && c != b)) + { + result = 10; + } + return result; +} +" +fe5be174a730046730761fd27177eb9ac17f2342,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + } + else + return 10; + + if (a == c || b == c) + return 10; + else + return 0; +} +" +50d7b1d9d5589fac87a9fc8da8b8633ec57eeddb,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b != c) + { + result = 0; + } + else if (a = b = c) + { + result = 20; + } + else if ((a = b && a != c) || (b = c && b != a) || (c = a && c != b)) + { + result = 10; + } + return result; +} +" +489b4763e54d35ef9ff7c65618d0999b75eba352,"public int greenTicket(int a, int b, int c) +{ + if (a==b || b==c ||c==a) + return 20; + if (!a==b || !b==c ||!c==a) + return 0; + else + return 10; +} +" +3ae4b61aeb29f834da5aa0253f71ab742498d001,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b != c) + { + result = 0; + } + else if (a = b = c) + { + result = 20; + } + else if ((a = b && a != c) || (b = c && b != a) || (c = a && c != b)) + { + result = 10; + } + return result; +} +" +563026730b41d2ca1ce3a5ce800a5da5581cd818,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + else if(a == b || b == c || a == c) + return 10; + else + return 0; + +} +" +9a970b664e9c0cca4a2d527517404e7376c1e5ed,"public int greenTicket(int a, int b, int c) { + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +}" +dd631ad56be3400d851368ca615b8dea2970b14c,"public int greenTicket(int a, int b, int c) +{ + if (a==b || b== c ||c==a) + return 20; + if (a == b || a == c || b == c) + return 0; + else + return 10; +} +" +df6d9158a1353a65c96d46557533d02f9756982e,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b, a != c) + { + result = 0; + } + else if (a = b = c) + { + result = 20; + } + else if ((a = b && a != c) || (b = c && b != a) || (c = a && c != b)) + { + result = 10; + } + return result; +} +" +68124c48d6f45387f7a6138eaa7ebc6476429787,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +1dd2c4a1b75500567ee0650cedf721c39df884c0,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if (a == b && b == a) + return 10; + else + return 0; +} +" +0eb5b66ad03c6958a8b7d9c996f4f8a9770f7aed,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b & a != c) + { + result = 0; + } + else if (a = b = c) + { + result = 20; + } + else if ((a = b && a != c) || (b = c && b != a) || (c = a && c != b)) + { + result = 10; + } + return result; +} +" +b0d94477d87fb948a0b2612308fa783011e15cbd,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b & a != c) + { + result = 0; + } + else if (a = b & a = c) + { + result = 20; + } + else if ((a = b && a != c) || (b = c && b != a) || (c = a && c != b)) + { + result = 10; + } + return result; +} +" +a9e89b87db06238740eeb8fe81fe8c71dad628aa,"public int greenTicket(int a, int b, int c) +{ + if(a == b && b == c) + return 20; + if (a == b || b == c || c == a) + return 10; + else + return 0; +} +" +b79e4cc0a182cc4d16e87c19b278d6f37c701322,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b & a != c) + { + result = 0; + } + else if (a = b & a = c) + { + result = 20; + } + else if ((a = b & a != c) || (b = c & b != a) || (c = a & c != b)) + { + result = 10; + } + return result; +} +" +3e8648c4ecfd0566d14a62f36ae613a2a33bf3ff,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b == c && c==a) + return 20; + if (a == b || a == c || b == c) + return 0; + else + return 10; +} +" +2a5f5e3f3a770ea26714eb4d10de11b896ca0c54,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b & a != c) + { + result = 0; + } + else if (a = b & b = c) + { + result = 20; + } + else if ((a = b & a != c) || (b = c & b != a) || (c = a & c != b)) + { + result = 10; + } + return result; +} +" +4f95f3f27c312ae9f162519cfb44237feab1be9e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) //if two numbers are the same + return 20; + if (a == b || a == c || b == c) //if all the numbers are the same + return 10; + else + return 0; +} +" +c4feb908abd454c91f76bb47ddc177b03cdc0dda,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b & a != c) + { + result = 0; + } + else if (a == b & b == c) + { + result = 20; + } + else if ((a = b & a != c) || (b = c & b != a) || (c = a & c != b)) + { + result = 10; + } + return result; +} +" +c6f122c9ac20edf8bcfd69fe5e6a94626b70b87a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + else if(a == b || b == c || a == c) + return 10; + else + return 0; + +} +" +29e8c3ef51e093284b3f8f6bcc5ff566d707c696,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + if (a==b && a==c) + { + return 10; + } + + + return 10; +} +" +e58c9e63d97986185ca17ed6151c6635a1409c65,"public int greenTicket(int a, int b, int c) +{ + int result; + + if (a != b & a != c) + { + result = 0; + } + else if (a == b & b == c) + { + result = 20; + } + else if ((a == b & a != c) || (b == c & b != a) || (c == a & c != b)) + { + result = 10; + } + return result; +} +" +85ad49161b71611f3ebf4e3b2a8b79c41c822176,"public int greenTicket(int a, int b, int c) +{ + int numberThing; + if (a == b == c) + { + numberThing = 20; + } + else if (a == b || a == c || b == c) + { + numberThing = 10; + } + else + { + numberThing = 0; + } + return numberThing; +} +" +7cb88733cfd47599798636412f563bcb2bfb0680,"public int greenTicket(int a, int b, int c) +{ + int result = 1; + + if (a != b & a != c) + { + result = 0; + } + else if (a == b & b == c) + { + result = 20; + } + else if ((a == b & a != c) || (b == c & b != a) || (c == a & c != b)) + { + result = 10; + } + return result; +} +" +e380683c57feefa7fb3a525ba8c8887539b740dc,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + return 20; + } + + if (a==b && a==c) + { + return 10; + } + + if (a!=b && b!=c) + { + return 0; + } + + + return 10; +} +" +a692f49d04527dddd011684d37bb0ef6725200e2,"public int greenTicket(int a, int b, int c) +{ + int numberThing; + int a; + int b; + int c; + if (a == b == c) + { + numberThing = 20; + } + else if (a == b || a == c || b == c) + { + numberThing = 10; + } + else + { + numberThing = 0; + } + return numberThing; +} +" +6cb9befef16d02c4492e97fcae2d8098e196faa0,"public int greenTicket(int a, int b, int c) +{ + int result = 1; + + if (a != b & a != c & b != c) + { + result = 0; + } + else if (a == b & b == c) + { + result = 20; + } + else if ((a == b & a != c) || (b == c & b != a) || (c == a & c != b)) + { + result = 10; + } + return result; +} +" +6de48e2486b3e1e260cfec1cb0b97f6a809c6b7c,"public int greenTicket(int a, int b, int c) +{ + int numberThing; + if (a == b && a == c) + { + numberThing = 20; + } + else if (a == b || a == c || b == c) + { + numberThing = 10; + } + else + { + numberThing = 0; + } + return numberThing; +} +" +39e9e9f4d43b3087976e3c186e0f32ece951a6d9,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a = b || b = c || a = c) + return 10; + else + return 0; +} +" +e1377201338b35fe171b9444b54cc7c825b47de7,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) //if two numbers are the same + return 20; + if (a == b || a == c || b == c) //if all the numbers are the same + return 10; + else //none of the numbers are the same + return 0; +} +" +9419fea3ff73e448d57ba2f24f1e3f8668818fdb,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + return 20; + else if (a = b) + return 10; + else if (a = c) + return 10; + else if (b = c) + return 10; + else + return 0; +} +" +34ca43e3fccabef5527683811b9bce07f855d494,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + return 20; + else if (a = b) + return 10; + else if (a = c) + return 10; + else if (b = c) + return 10; + else + return 0; +} +" +4d7e4ed4497ff0dc2064e0c3b99838921ecbc7b6,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + + else if (a != b && b != c && c != a ) + { + return 0; + } + else + { + return 15; + } +} +" +4df7c7a81107ce1b43b8c52938689aa7b85ad19c,"public int greenTicket(int a, int b, int c) +{ + if (a = b) + if (b = c) + return 20; + else + return 10; + else if (a = c) + return 10; + else if (b = c) + return 10; + else + return 0; +} +" +39ab2aaf4da482c5be3d4e86b95c055d7e5e48f1,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b == c && c==a) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +0c2ee5a8255965efe98cb2d1c56deb6aa7c98777,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 0; + } + if(a == c && b == c) + return 20 + return 10 +} +" +8905862780b0be662bfb43097e55059bca47a6f6,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 0; + } + if(a == c && b == c) + return 20; + return 10; +} +" +3214ff59580c12458ef0513816b7d57f8313b99a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else + { + return 10; + } + + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +c77ebffa9293b28a73aea45d347b0a2b9a18c1d8,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if(a == c && b == c) + return 20; + return 0; +} +" +99a0133faa85021eed5292f4518847f6cc1b3f94,"public int greenTicket(int a, int b, int c) +{ + if ( b=a && c=a) + { + return 20 + } + + if (b = a || b = c || a = c) + { + return 10 + } + + else + { + return 0 + } + +} +" +702b90cdf25cbb65af21e019f1e6ff3e78c2215f,"public int greenTicket(int a, int b, int c) +{ + if (a = 1 && b = 2 && c = 3) + { + return 0; + } + else if (a = 2 && b = 2 && c =2) + { + return 20; + } + + else if (a = 1 && b = 1 && c = 2) + { + return 10; + + } +} +" +a4a99035f1280633764d587210545921ce97e1d9,"public int greenTicket(int a, int b, int c) +{ + if ( b=a && c=a) + { + return 20; + } + + if (b = a || b = c || a = c) + { + return 10; + } + + else + { + return 0; + } + +} +" +52b061ed416391bca353760de8135fea1a802acc,"public int greenTicket(int a, int b, int c) +{ + if (a = 1 && b = 2 && c = 3) + { + return 0; + } + else if (a = 2 b = 2 c =2) + { + return 20; + } + + else if (a = 1 b = 1 c = 2) + { + return 10; + + } +} +" +83f2608802c7e0e48a764f1e971a9e443078adb5,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if(a == c && b == c) + return 10; + return 0; +} +" +704d3181f614da63a578fb29d5cdcafd96f74011,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) + return 20; + else if (a == b || b == c || c == a) + return 10; + else + return 0; +} +" +9200e56012b90aa7a67ab3b91764d0c829fdd76d,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + }else + { + return 10; + } + } + + if (a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +1b41bd6a3392e028bde2f9c614b149249fb19041,"public int greenTicket(int a, int b, int c) +{ + if (a = 1) && (b = 2) && (c = 3) + { + return 0; + } + else if (a = 2) && (b = 2) && (c =2) + { + return 20; + } + + else if (a = 1) && (b = 1) && (c = 2) + { + return 10; + + } +} +" +854f7cde1c23eb445242fee1c642495a84f97b56,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +28c0ac9c383d8ae027f527b7e93d5a020b8b9b0b,"public int greenTicket(int a, int b, int c) +{ + if (a = 1, b = 2, c = 3) + { + return 0; + } + else if (a = 2, b = 2, c = 2) + { + return 20; + } + + else if (a = 1, b = 1, c = 2) + { + return 10; + } +} +" +f848aa5904e521d046b763df919545dcfc21d7da,"public int greenTicket(int a, int b, int c) +{ + if ( b == a && c == a) + { + return 20; + } + + if (b == a || b == c || a == c) + { + return 10; + } + + else + { + return 0; + } + +} +" +81e7a0cc2be664f591193cbf1db5ade462037da6,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +cd58c9b7f347383166eaf5afe988a6b9c3ed2249,"public int greenTicket(int a, int b, int c) +{ + if (1, 2, 3) + { + return 0; + } + else if (2, 2, 2) + { + return 20; + } + + else if (1, 1, 2) + { + return 10; + } +} +" +61c7ca3c269a576181fffc26fb813246a84e69ec,"public int greenTicket(int a, int b, int c) +{ + int ret = 0; + if(a == b || b == c || a == c) + { + ret = 10; + } + if(a == b && b == c) + { + ret = 20; + } + return ret; +} +" +cc9891b9cd1569604c04e9979ae2537eeb176484,"public int greenTicket(int a, int b, int c) +{ + if (a = 1, b = 2, c = 3) + { + return 0; + } + else if (a = 2,b = 2,c = 2) + { + return 20; + } + + else if (a = 1,b = 1,c = 2) + { + return 10; + } +} +" +2d7413d23bb8cdbb35de0073d9a9b055dec0935e,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +57802e0a713ce4807169b08e0561941cefba34af,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + { + return 0; + } +} +" +b517bef0457a0f5aae822779e90162972f1d7086,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 20; + + if (a==b || b==c || a==c) + return 10; + + return 0; +} +" +170bf306bd134e69d06a9eaab9d1828a677f2e0b,"public int greenTicket(int a, int b, int c) +{ + if (!a == b && !b == c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + + else if (a == b && !b==c) + + return 10; + } +} +" +8af33ae2c57bf86fee5ef40b965c97ec2c3246e7,"public int greenTicket(int a, int b, int c) +{ + if (!a == b && !b == c) + { + return 0; + } + else if (a == b && b == c) + { + return 20; + } + + else if (a == b && !b==c) + { + return 10; + } +} +" +c9db41e8ca91d96bee3eb4e5f89bb33135f954df,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + +} +" +372645503350c2f98b54e8893d8beaf699d30377,"public int greenTicket(int a, int b, int c) +{ + if (a == b || b ==c ) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + + } + else + { + return 0; + } +} +" +008235abf0cc53007689f713a7c06f652c7724f1,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + else if ( a == b == c) + { + return 20; + } + + if ((a == b && (!(a == c)) + { + return 10; + } + else if ((a == c) && (!(a == b)) + { + return 10; + } +} +" +9ac640fdb3a26e7749f996c21aef650af91f4ed6,"public int greenTicket(int a, int b, int c) +{ + if (a = b) + return 20; + +} +" +2761db068c283accd73d48574c848503c6c2d4a4,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + return 20; + +} +" +d53ad1f9f423bd1430256ab72e6ebe25c8a1614a,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + +} +" +0c0273abb0704670b7f6b5145beffb69c8e9c26f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b ==c ) + { + return 20; + } + else if (a == b || a == c || b == c) + { + return 10; + + } + else + { + return 0; + } +} +" +3f4f1a182f39fde20d95e08e21dde02f600393ad,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + +} +" +21cda57ab907cddcdf040332af3ba24a4e697af8,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + else if ( a == b == c) + { + return 20; + } + + if ((a == b) && (!(a == c))) + { + return 10; + } + else if ((a == c) && (!(a == b))) + { + return 10; + } +} +" +b510dbb3289019d88a5e9699a46e6ff865797b24,"public int greenTicket(int a, int b, int c) { + if (a == b && a == c && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; + +} +" +89d29f4f5d833c3359c7406ca1e2f3f2a7310cd1,"public int greenTicket(int a, int b, int c) +{ + if (a = b || a = c || b = c) + { + return 10; + } + else if (a = b && b = c) + { + return 20; + } + else + { + return 0; + } + + +} +" +77994f9dfec8c06127a1868fb6388b8677c937e0,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + else ( a == b == c) + { + return 20; + } + + if ((a == b) && (!(a == c))) + { + return 10; + } + else if ((a == c) && (!(a == b))) + { + return 10; + } +} +" +fb32fd3b039cebae0683fc08c9d965f8dce7bd36,"public int greenTicket(int a, int b, int c) +{ + if (a = b) || (a = c) || (b = c) + { + return 10; + } + else if (a = b && b = c) + { + return 20; + } + else + { + return 0; + } + + +} +" +25937e4ea462506645e477eea11407e8142bbfb9,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + + if ( a == b == c) + { + return 20; + } + + if ((a == b) && (!(a == c))) + { + return 10; + } + else if ((a == c) && (!(a == b))) + { + return 10; + } +} +" +39c696afaca8bd587327b0461df2a31fad282404,"public int greenTicket(int a, int b, int c) +{ + if(a = b || a = c || b = c) + { + return 10; + } + else if (a = b && b = c) + { + return 20; + } + else + { + return 0; + } + + +} +" +bd82c9242b5750c6df0028e4137d36697cc830d7,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (b = c) + return 20 + +} +" +21b8b58f26f15463d57e4a8561ff4aeb10c9ac56,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (b = c) + return 20; + +} +" +f490aaa4c2f6de687cf2fa64303ab73fcc7069e1,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (b == c) + return 20; + +} +" +ac804bfabd83240557731851c30dff3b556b665f,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c || b == c) + { + return 10; + } + else if (a == b && b == c) + { + return 20; + } + else + { + return 0; + } + + +} +" +859c5e21a42b49b1421e9e70567a99203bc67120,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + else + { + return 20; + } + + if ((a == b) && (!(a == c))) + { + return 10; + } + else if ((a == c) && (!(a == b))) + { + return 10; + } +} +" +2a7a97a56b98531a8da74f991b817f7177290487,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c || b == c) + { + return 10; + } + else if (a == b == c) + { + return 20; + } + else + { + return 0; + } + + +} +" +04fca744ee5c4ae197c58928574fff3141058809,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + else + { + return 20; + } + + if (((a == b) && (!(a == c))) || ((a == c) && (!(a == b))) + { + return 10; + } +} +" +eb6bd9b3c1b05948b792c10791ba9fd0a13e2943,"public int greenTicket(int a, int b, int c) +{ + int x = randomNumber; + int y = randomNumber2: + int x = randomNumber3; + if ((a = a) && (b = a) && (c = b)) + { + return int 20; + } + else if ((a = a) && (b = b) && (c = b)) + { + return int 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return int 0; + } +} +" +52c3f4f7cb9a2cdabdf3a7f4342925fba6e133a9,"public int greenTicket(int a, int b, int c) +{ + if (!((a == b) || (a == c) || (b == c))) + { + return 0; + } + else + { + return 20; + } + + if (((a == b) && (!(a == c))) || ((a == c) && (!(a == b)))) + { + return 10; + } +} +" +a474361e8c29903d25b2f1841ff1c86a830fdd5d,"public int greenTicket(int a, int b, int c) +{ + if(a == b || a == c) + { + return 10; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + else if(b == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 20; + } + else + { + return 0; + } + + +} +" +b7c83bffa041848d412469ba5728dff29176321b,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + if (b == c) + return 20; + else + return 10; + else + if (b == c || a == c) + return 10; + else + return 0; +} +" +1c96c62942ea31e78e117492bd14d3568cbb3f0a,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + else + { + return 0; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } +} +" +3b7c71ac009c799f60b487b387d5bae218274e3f,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +d5ea2258e6bbd9d86632fcb90f4a201b12aae284,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +8ad81921fcde1cc8d109eb7e80bd6e035874295c,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +f071b03e22c55f523963a9f67b0b6598eae8afbd,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +f7b456f80d5d6eacf91bd50ba9de7fdff9abbc6f,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +3b4d7c182e4508d16cead0b6499cfcac33081f52,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } + +} +" +cf92d35420e5210fbc30150ff0e9dc6c30c9791c,"public int greenTicket(int a, int b, int c) +{ + if(a /= b /= c) + { + return 0; + } + else if(a = b = c) + { + return 20; + } + else + { + return 10; + } +} +" +395e14f18dd1570574c68eb044c493a2b33957e8,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } + +} +" +d5eac693c7d52ffc632487331681f7c3550cc9a3,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +e2bb826fb519aba3507a19939cf6f017c937efe9,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +aebbfd1c51eeca36339d8f1ca9071f99149237ac,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +ba69401243e3894f229f4813841ea769c7b43cb0,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +86559ec9bb96bb1491045ea43c559e7aaf0a3bfb,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +81c8b408dc1c813e33a973b9f9b53d99e9773051,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +5e826cc09f3600766ac9d90daf9e835a86bee39c,"public int greenTicket(int a, int b, int c) +{ + if(a == b && a == c) + { + return 20; + } + /** This separation is done in order to quickly striate + examples wherein 2, 2, 2, for example*/ + + else if (a == b || a == c && b != c) + { + return 10; + } + + else if (b == c && a != b) + { + return 10; + } + + else + { + return 0; + } + +} +" +05e62146658974c01a148ffc775f1a6bea1e2aac,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +23dbddd602546e5e0e5bad69c394a35bdb69b7f4,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + { + return 20; + } + else + { + return 10; + } + + if(a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +b4a3be6da7d76e46bbea798231e10cf2a1b75b0b,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b || a == c) + { + result += 10; + } + if (b == c) + { + result += 10; + } + return result; +} +" +277d4fad2435cf25805574bdf07fc9db73d2a190,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + { + return 20; + } + else + { + return 10; + } + } + if(a == c || b == c) + { + return 10; + } + else + { + return 0; + } +} +" +cb6dbf95a7f487547432398eb6ea0e05cb82fa50,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b == c) + { + result = 20; + } + else if (a == b || b == c || a == c) + { + result = 10; + } + else + { + result = 0; + } + + return result +} +" +13095e102ad4fad74c5c69561814d5443761ac55,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b == c) + { + result = 20; + } + else if (a == b || b == c || a == c) + { + result = 10; + } + else + { + result = 0; + } + + return result; +} +" +fbca9e4b6a7fae6264e2478fa2587684ec93b8d1,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + + if (a == b && b == c) + { + result = 20; + } + else if (a == b || b == c || a == c) + { + result = 10; + } + else + { + result = 0; + } + + return result; +} +" +6add30272d579092dda9709911fa41356e913a07,"public int greenTicket(int a, int b, int c) +{ + if (int a = int b) + if (b = c) + return 20; + else + return 10; + else if (a = c) + return 10; + else if (b = c) + return 10; + else + return 0; +} +" +74189e29c9b1c3fef22802e88ae359f2cff342e6,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + this.return true; + + else return false; +} +" +9c6dcc538d4b4716f2754b033c673fa4c2171db2,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) + this.return greeTicker = true; + + else return false; +} +" +2997873edf4a7a2837b22adb9dd5575a83b971ae,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + + return 20; + + if (a == b || a == c || b == c) + + return 10; + + else; + + return 0; + +} +" +98058d85ff86c2e45ea73fe2d65b010395a427e7,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c && b == c ) + return 20; + if ( a == b || a ==c || b == c ) + return 10; + else + return 0; +} +" +05f6865d3cd76ecfd9ab59900028d886b2bf523e,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (a != b && b !=c && a != c) + return 20; + else + return 10; +} +" +3a422014d85c6bbde25f8f420968f1aa9e032560,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c && a==c) + return 0; + else if (a != b && b !=c && a != c) + return 20; + else + return 10; +} +" +cddac76f27587a6f8bbd455751f3baee15a21219,"public int greenTicket(int a, int b, int c) +{ + if (a==b && b==c && a==c) + return 20; + else if (a != b && b !=c && a != c) + return 0; + else + return 10; +} +" +c9f570b73148bb227ba01c00f4d3627a1e99a518,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b==c) + { + return 20; + } + else if (a == c || b == c || a == b) + { + return 10; + } + else + { + return 0; + } +} +" +966850e6cd6ca7b7e82188ef2d563fe8dd0d54e3,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +11d896326ecc2a5aee8ec33a19a2371f598e272c,"public int greenTicket(int a, int b, int c) +{ if ( a == b && a == c && b == c ) + return 20; + else if ( a == b || a ==c || b == c ) + return 10; + else + return 0; + +} +" +5ba8867472a774992529ec0efdd84c077603594d,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +3a74ea4332bbd801f852b775c9dca562c1644129,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) { + return 20; + } + else if (a == b || b == c || a == c) { + return 10; + } + else { + return 0; + } +} +" +c3493f23ebb5a3db8fabc8723d7a9bc29f3f0f85,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +a896d10fa14142b9059246c78a1948e6ad9fb920,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) { + return 20; + } + else if (a =! b =! c) { + return 0; + } + else if (a = b || a = c || b = c) { + return 10; + } +return a;} +" +15f1b4643fe226925bce4153c7a374cf812996d0,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b!= c && a != c) { + return 0; + } + else if (a == b && b == c && a == b) { + return 20; + } + else if (a == b && b != c) { + return 10; + } + else if (b == c && a != b) { + return 10; + } + else if (a == c && a != b) { + return 10; + } +} +" +ad4880ebedca84f1f4afcdda4edf12f2dba4dd5c,"public int greenTicket(int a, int b, int c) +{ + if (a = b = c) { + return 20; + } + else if (a != b != c) { + return 0; + } + else if (a = b || a = c || b = c) { + return 10; + } +return a;} +" +c10c4d59460f730cd8325ed030cc0d01c8ea2b13,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b!= c && a != c) { + return 0; + } + else if (a == b && b == c && a == b) { + return 20; + } + else if (a == b && b != c) { + return 10; + } + else if (b == c && a != b) { + return 10; + } + else if (a == c && a != b) { + return 10; + } + return 10; +} +" +8c93d8de707ae48bbe6cd8c3e0fa9aa8160c7804,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) { + return 20; + } + else if (a != b != c) { + return 0; + } + else if (a == b || a == c || b == c) { + return 10; + } +return a;} +" +8937509ac681787d2374e5d3febfd8c6096c160f,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b != c) { + return 0; + } + else if (a == b || a == c || b == c) { + return 10; + } +return a;} +" +c590f47fada24a2775b86371cabb99807215c238,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b && a != c) { + return 0; + } + else if (a == b || a == c || b == c) { + return 10; + } +return a;} +" +d518e5539d159b5705e651950211398cd82f0ee4,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +3a9a06886e11e927c5a635b8190c298feb36bb85,"public int greenTicket(int a, int b, int c) +{ + if ((a = a) && (b = a) && (c = b)) + { + return int 20; + } + else if ((a = a) && (b = b) && (c = b)) + { + return int 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return int 0; + } +}" +02a3914dd44cbb20f24555eab8b3b5b12e1f986a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b && a != c) { + return 0; + } + else if (a == b || a == c || b == c || b == a) { + return 10; + } +return a;} +" +bfa1684d0baf0cf65c827d913a6fec6d36e76167,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b || a != c) { + return 0; + } + else if (a == b || a == c || b == c || b == a || ) { + return 10; + } +return a;} +" +7a56382673616e338f1a602aa28c69616ab4b073,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b || a != c) { + return 0; + } + else if (a == b || a == c || b == c || b == a ) { + return 10; + } +return a;} +" +39510c0d36e59b9fc58279ca68ea7fd5ebaf9825,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && b == c) { + return 20; + } + else if (a == b || b == c || a == c) { + return 10; + } + else { + return 0; + } +} +" +492bfde6c919db433588464f8285b60b653034f5,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b && a != c) { + return 0; + } + else if (a == b || a == c || b == c || b == a ) { + return 10; + } +return a;} +" +a8485f52a75e2b7d6045b364248ea0eb0ce7a17c,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) { + return 20; + } + else if (a != b && a != c && b != c) { + return 0; + } + else if (a == b || a == c || b == c) { + return 10; + } +return a;} +" +6e5972d30f45ad29bfe979aa4d2b5cfe0d28b0f4,"public int greenTicket(int a, int b, int c) +{ + int t = 0; + if (a==b && a==c) + { + t=20; + } + else if (a==b || a==c) + { + t=10; + } + else + { + t=0; + } + return t; +} +" +7ab373d2921d7c9e50a132c03c8af25ddc85394b,"public int greenTicket(int a, int b, int c) +{ + if( a == b && b == c) + return 20; + if(a == b || a == c || b == c) + return 10; + else + return 0; +} +" +0d278204f0a058987c127ad1abfdc33dc847d511,"public int greenTicket(int a, int b, int c) +{ + int t = 0; + if (a==b && a==c) + { + t=20; + } + else if (a==b || a==c || b==c) + { + t=10; + } + else + { + t=0; + } + return t; +} +" +2a7d5d3dc1f6b4f4e1178a848016e8f5148a465c,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (!a == b && !b == c && !a == c) + { + result = 0; + } + else if (a == b && b == c) + { + result = 20; + } + else + { + result = 10; + } +} +" +6041a7522a9576b6441f3c30717007edd10c5872,"public int greenTicket(int a, int b, int c) +{ + if ((a = a) && (b = a) && (c = b)) + { + return 20; + } + else if ((a = a) && (b = b) && (c = b)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +aa50d40f0ebff0fa9d8023f88990a6ca63ce5434,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c && a == c) + { + result = 0; + } + else if (a == b && b == c) + { + result = 20; + } + else + { + result = 10; + } +} +" +48a1dca6a71956dc9633642cbd0a371606905150,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c && a == c) + { + result = 0; + } + else if (a == b && b == c) + { + result = 20; + } + else + { + result = 10; + } + return result; +} +" +684d16d1fe00b522bc43f3c44174bcb4ccab14db,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c && a == c) + { + result = 20; + } + else if (a == b && b == c) + { + result = 20; + } + else + { + result = 10; + } + return result; +} +" +be87f3f4e7304e789c2dac2686a547ba0fa3240d,"public int greenTicket(int a, int b, int c) +{ + if (a=b=c ) + { + return 20; + } + else if ((a=a) && (b=c)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +982eb172213e64b69eab93b396cf8c7a75c7ca6f,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c && a == c) + { + result = 20; + } + else if (a == b || a == c || b == c) + { + result = 10; + } + else + { + result = 10; + } + return result; +} +" +ce2716361f4b311fa2c965af311aa72e36c29212,"public int greenTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c && a == c) + { + result = 20; + } + else if (a == b || a == c || b == c) + { + result = 10; + } + else + { + result = 0; + } + return result; +} +" +5e8eeb089a7ffc33a03b12770c3c41997b2d6f17,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +34c844dd81d98e316dbdc4c956fc8afb19016a07,"public int greenTicket(int a, int b, int c) +{ + if (a = b && b = c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +9a53f6de9d1d53b5c1eb20cdfc1338f8b46265ce,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a != b && b != c) + { + return 0; + } + else + { + return 10; + } +} +" +7dfbd678dac23d9dd021e8f6e450934822a25260,"public int greenTicket(int a, int b, int c) +{ + if ((a=b) && (b=c)) + { + return 20; + } + else if ((a=a) && (b=c)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +3fd5cc9830e3f9e77f189918ecf6fbb9f2e90cde,"public int greenTicket(int a, int b, int c) +{ + if (!(a = b =c)) + { + return 0; + } + + else if (a = b =c) + { + return 20; + } + + else + { + return 10; + } +} +" +3edde421b67a8759b24d5684553660d9bc73abf5,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if ( a == b || b == c || a ==c) + return 10; + return 0; +} +" +c895da94c11f5402f03508a574b29cd4674c9e51,"public int greenTicket(int a, int b, int c) +{ + if (!(a = b = c)) + { + return 0; + } + + else if (a = b = c) + { + return 20; + } + + else + { + return 10; + } +} +" +f57bfdc81ae8e110aa9d2edd401da8aeb3f4a27c,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && c == a) + { + return 20; + } + else if (a == b || b == c || c == a) + { + return 10; + } + else + { + return 0; + } +} +" +6842f7cbf9548f013ed9061f4d4beeeb029af404,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + result 20; + if(a=b || b=c || c=a); + result 1o; + if(!a=b && !b=c && !c=a); + result 0; +} +" +5e4b1125f891fccb087f95964ed188f833078aa9,"public int greenTicket(int a, int b, int c) +{ + if ((a=b) && (b=c)) + { + return 20; + } + else if ((a=a) && (b=c) || + (a=b) && (c=c) || + (a=c) && (b=b)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +f5e1c80408d96dce69778b0d154e9abc2ac9cc95,"public int greenTicket(int a, int b, int c) +{ + if (!(a = b) && !(b = c) && !(c = a)) + { + return 0; + } + + else if ((a = b) && (b = c) && (c=a)) + { + return 20; + } + + else + { + return 10; + } +} +" +f27466ce3fba63916afa441bf19fc8e649a56a7c,"public int greenTicket(int a, int b, int c) +{ + if (!(a = b) && !(b = c) && !(c = a)) + { + return 0; + } + + else if ((a = b) && (b = c) && (c = a)) + { + return 20; + } + + else + { + return 10; + } +} +" +762c01a1c0dd7da8e15b4778b875d20ff58add13,"public int greenTicket(int a, int b, int c) +{ + if ((!a = b) && (!b = c) && (!c = a)) + { + return 0; + } + + else if ((a = b) && (b = c) && (c = a)) + { + return 20; + } + + else + { + return 10; + } +} +" +d0b04dc64d8d6a038a7a1a667344b712c2e88aec,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + return 20; + if(a=b || b=c || c=a); + return 1o; + if(!a=b && !b=c && !c=a); + return 0; +} +" +33aab049bb0cb897f38adec551e9a89d04248241,"public int greenTicket(int a, int b, int c) +{ + if (a != b) +} +" +58193d1a119836a41b56833b2a89796542638be2,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + return 20; + if(a=b || b=c || c=a); + return 1o + if(!a=b && !b=c && !c=a); + return 0; +} +" +06df80016970207e6ae180d43a38f4e44246180e,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + return 20; + if(a=b || b=c || c=a); + return 1o; + if(!a=b && !b=c && !c=a); + return 0; +} +" +122ce2e577300af1618276cdb4e4c6fec1202e1d,"public int greenTicket(int a, int b, int c) +{ + a=a; + b=b; + c=c; + if ((a=b) && (b=c)) + { + return 20; + } + else if ((a=a) && (b=c) || + (a=b) && (c=c) || + (a=c) && (b=b)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +17b726e19170c5eab333a484c6b8df66600eb184,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c) && (c != a)) + { + return 0; + } + + else if ((a = b) && (b = c) && (c = a)) + { + return 20; + } + + else + { + return 10; + } +} +" +65a13daf58b66bfcf2e5cc76211024c02a996e4e,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + return 20; + if(a=b || b=c || c=a); + return 1o ; + if(!a=b && !b=c && !c=a); + return 0; +} +" +64c3e2dfdbb80bb6ec084c01f30e4312045fb5c9,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + return 20; + if(a=b || b=c || c=a); + return 1o;; + if(!a=b && !b=c && !c=a); + return 0; +} +" +f79f22a80bbce8807027d79500d4a7993b0db2a6,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c) && (c != a)) + { + return 0; + } + + else if ((a = b) && (b = c) && (c = a)) + { + return 20; + } + + else + { + return 10; + } +} +" +980680e67b7f895d0258e9b9644ea364181f41f9,"public int greenTicket(int a, int b, int c) +{ + if(a=b && b=c); + return 20; + if(a=b || b=c || c=a); + return 1o; + if(!a=b && !b=c && !c=a); + return 0; + +} +" +f75ba58a8d38929b09cdf090d10860355e1aa9ce,"public int greenTicket(int a, int b, int c) +{ + a=a; + b=b; + c=c; + if ((a==b) && (b==c)) + { + return 20; + } + else if ((a=a) && (b=c) || + (a=b) && (c=c) || + (a=c) && (b=b)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +88c29cb2beed15e305a71596b7a6ec32a6f44425,"public int greenTicket(int a, int b, int c) +{ + if ((a != b) && (b != c) && (c != a)) + { + return 0; + } + + else if (a = b) + { + if ((b = c) || (c = a)) + { + return 10; + } + + else if ((b = c) && (c = a)) + { + return 20; + } + } +} +" +ae1a6b172afa7eca432fac3d9be2a478e6629690,"public int greenTicket(int a, int b, int c) +{ + a=a; + b=b; + c=c; + if ((a=b) && (b=c)) + { + return 20; + } + else if ((a=a) && (b=c) || + (a=b) && (c=c) || + (a=c) && (b=b)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +5eb569f9e5c9db20a518213cbee7968e73baf799,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20 + if (a != b != c) + return 0 + else + return 10 +} +" +92812fd3c45fa5de4db9bcc8284e100ee451865b,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + return 20; + if (a != b != c) + return 0; + else + return 10; +} +" +9abf406fff4495442ca54605352ba43f36318683,"public int greenTicket(int a, int b, int c) +{ + int retr = 0; + if (a == b || b == c || a == c) + { + return = 10; + } + if (a == b && b == c) + { + return 20 + } + return retr; +} +" +af578dd748a101731232352b28b0d56701e77f08,"public int greenTicket(int a, int b, int c) +{ + int retr = 0; + if (a == b || b == c || a == c) + { + return = 10; + } + if (a == b && b == c) + { + return 20; + } + return retr; +} +" +2791b23e47549820beb5cd398ea10ee5b46c27f3,"public int greenTicket(int a, int b, int c) +{ + int retr = 0; + if (a == b || b == c || a == c) + { + retr = 10; + } + if (a == b && b == c) + { + retr 20; + } + return retr; +} +" +c9d3c5315217fa2a43d1e5f6ec7e712537791f84,"public int greenTicket(int a, int b, int c) +{ + int retr = 0; + if (a == b || b == c || a == c) + { + retr = 10; + } + if (a == b && b == c) + { + retr = 20; + } + return retr; +} +" +f95f0c18ae42069b972496fa01d9b4f95fe22c85,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + { + return 10; + } + return 0; + +} +" +b16ae86d518428ab6ced68c3933e808c0efe6991,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + else if ((a == b) || (b == c)) + { + return 10; + } + + else + { + return 0; + } +} +" +c6668251bb045c74dcff2d6a117714d3112578fb,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + else if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + + else + { + return 0; + } +} +" +2d1d1fb5d01448f6fb807ae2e7396795eba1c3fd,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if ((a == b && a != c) || (a == c && a != b) || (b == c && a != b)) + { + return 10; + } + else + { + return 0 + } +} +" +41ea32e3704f11b1e948190f7634e2c24f1503f7,"public int greenTicket(int a, int b, int c) +{if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +fbd4c23e76bef6c785eaeac729ab320635a7682b,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if ((a == b && a != c) || (a == c && a != b) || (b == c && a != b)) + { + return 10; + } + else + { + return 0; + } +} +" +d65e3590bc149987150e1ad82c02341908b81a07,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if ((a == b && a != c) || (a == c && a != b) || (b == c && a != b)) + { + return 10; + } + else + { + return 0; + } +} +" +33120d4a0ddc5b6973f48bc8796445c7e8f5d60c,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + return 20; + else + return 10; + } + if (a == c || b == c) + return 10; + return 0; +} +" +8524c4ad3ea69b03e7a9938a6bbc83e94e024e99,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return(20); + } + else if (a == b || a == c || b == c) + { + return(10); + } + else + { + return(0); + } +} + +" +14a0af1b4188ca8c73c23a2ba3e4dad2bfb1e47b,"public int greenTicket(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return 0; + } + else if (a == b && b == c) { + return 20; + } + else + return 10; +} +" +edfd79c1c9857df21a25988d6ee1f0604bb6052a,"public int greenTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + return 20; + } + else if ((a == b && a != c) || (a == c && a != b) || (b == c && a != b)) + { + return 10; + } + else + { + return 0; + } +} +" +f46934d911e12349df36bb9cb2b4cef190922667,"public int greenTicket(int a, int b, int c) { + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} + +" +2f897cfec1d9ce488d8d0ff89d730204a7f01332,"public int greenTicket(int a, int b, int c) { + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} + +" +719df6c61d985c81515a4fabec47978ba53a312e,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 20; + return 10; + } + } + if (a == c || b == c) + return 10; + return 0; +} +" +c2e627756af29e9346d4156d8ee7466de104ae39,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c){ + return 0; + else if (a == b && a == c && b == c){ + return 20; + else + return 10; +} +" +d6942ec15f1d8e54fe75ace8a44abfe7180d15e7,"public int greenTicket(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + + return 20; + return 10; + + } + if (a == c || b == c) + return 10; + return 0; +} +" +0094223fbb446762c0dde0a36a18661c1f1f3678,"public int greenTicket(int a, int b, int c) +{ + if (a != b && a != c && b != c) + return 0; + else if (a == b && a == c && b == c) + return 20; + else + return 10; +} +" +26c10753db66ec0d4669f662f3c184e2190835c4,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==b) + { + return 20; + } + else + { + return 10; + } +} +" +e386a6249ed09d7387b0f9c4cc42273db65c5f46,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c && b == c ) + { + return 20; + } + if ( a == b || a ==c || b == c ) + { + return 10; + } + else + { + return 0; + } + +} +" +49d00c9951b6278494320b90ebd5d3800480b2b4,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + else + { + return 10; + } +} +" +da33d0983745f8278cf8f47fe17bb8dd466a1e21,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) || ( b==c && b==a) || (c==a & c==b) + { + return 20; + } + else + { + return 10; + } +} +" +1b3bb916a12cfa74b3686d83d90c409196950d41,"public int greenTicket(int a, int b, int c) +{ + if (!(a == b && b == c && a == c)) + { + return 0; + } + else if (a == b == c) + { + return 20; + } + else + { + return 10; + } +} +" +edc9a2d3aeaf6538949f4d5757ff0dd518f84443,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + if (a==b || a==c) + { + return 10; + } +} +" +71959c9f6cce59c71d6cac3cf3c998793815bdcc,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + else (a==b || a==c) + { + return 10; + } +} +" +d0ec14085b4170bb9ee62743dbf7a2f799939005,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + else (a==b || a==c) + { + return 10; + } +} +" +25137c31d8aaad5193b86815cfc1785ef37ad7d1,"public int greenTicket(int a, int b, int c) +{ + if (!(a == b && b == c && a == c)) + { + return 0; + } + else if (a = b = c) + { + return 20; + } + else + { + return 10; + } +} +" +8c3c383f65ab98b864484255b4b1ec830ed535f0,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + else if (a==b || a==c) + { + return 10; + } +} +" +c14eb2587bd9f38297b532a4e348e2bd77ac3b4c,"public int greenTicket(int a, int b, int c) +{ + if (!(a == b && b == c && a == c)) + { + return 0; + } + else if (a == b && b == c && a == c) + { + return 20; + } + else + { + return 10; + } +} +" +dea1a333eee9ab072fbbf6cd20e17b5caa73564a,"public int greenTicket(int a, int b, int c) +{ + if ( a != b && a != c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + else + { + if (a==b || a==c) + { + return 10; + } + } +} +" +caec824fc7053e04c6e9c2085010834a673f9ea8,"public int greenTicket(int a, int b, int c) +{ + if (a==b || a==c) + { + return 0; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +175bd424c278c7d4fd49ab38558f5113e9e9ad1b,"public int greenTicket(int a, int b, int c) +{ + if (a==b || a==c) + { + return 10; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +1559de2a673cb5f329f9ecf98749dff63905e097,"public int greenTicket(int a, int b, int c) +{ + if (a==b || a==c) + { + return 10; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +298ba4728b909074c06455b29fe22e3485dadcb0,"public int greenTicket(int a, int b, int c) +{ + if (!(a == b || b == c || a == c)) + { + return 0; + } + else if (a == b && b == c && a == c) + { + return 20; + } + else + { + return 10; + } +} +" +42fb4b38e7a7f59a030d5a4f218cda9ca265ff2f,"public int greenTicket(int a, int b, int c) +{if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} +" +032ec0c537bd07727fa753315fd44c2e5295e0b9,"public int greenTicket(int a, int b, int c) +{ + if (a==b && a!=c) || (a!=b && a==c) + { + return 10; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +a6659492fed116c2f27c9b48d21abb3441331a3a,"public int greenTicket(int a, int b, int c) +{ + if (a == b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +e8e6dc4bca67c1f38f8cd79304813796d19c1d80,"public int greenTicket(int a, int b, int c) +{ + if (a==b && a!=c) + { + return 10; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +ce4cf0e4e4b98cb945fa155ee750a89187e80538,"public int greenTicket(int a, int b, int c) +{ + if ((a==b && a!=c) || (a!=b && a==c)) + { + return 10; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +bce047bdb2aef2089512f67ba8dcd0354e242cbb,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + return 20; + } + else if (a == b || b == c || a == c) + { + return 10; + } + else + { + return 0; + } +} +" +b60bfdbf5488d536816a7cb9d6d2db4addf0f8ba,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } + + if ((a == b) && (b == c)) + { + return 20; + } +} +" +e3cb83b847dd7b0925c2013fac3f843235280e56,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } + + if ((a == b) && (b == c)) + { + return 20; + } +} +" +ea5665c72c84a50fb755cac538b9e95b12960968,"public int greenTicket(int a, int b, int c) +{ + if ((a==b && a!=c) || (a!=b && a==c) || (b==c && b!=a)) + { + return 10; + } + if ( a==b && a==c) + { + return 20; + } + return 0; +} +" +efeb40c7dea8736e1d6832bdf6b5cbf373d80919,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + + return 20; + + if (a == b || a == c || b == c) + + return 10; + + else; + + return 0; + + +} +" +98b78c58063eecc410e28d004f6414f0f00e650c,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } + + if ((a == b) && (b == c)) + { + return 20; + } + else + { + return ((a == b) || (b == c) || (a == c)); + } +} +" +c7a5d5699afb3debc77fb11c2c5d608c1ade0a31,"public int greenTicket(int a, int b, int c) { + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} + +" +b0584f1c6bf7cb85ccd5a7ebff65e752930046a1,"public int greenTicket(int a, int b, int c) { + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else; + return 0; +} + +" +477f839bf7215fc38ecc30c4d6c1d72133ec6dda,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c){ + win = 20; + } + else if (a != b && b != c && a != c){ + win = 10; + } + else{ + win = 0; + } + return win; + +} +" +4610b1ced24fec23eda422918830de7d33ee58c6,"public int greenTicket(int a, int b, int c) +{ + int win = 0; + if (a == b && b == c){ + win = 20; + } + else if (a != b && b != c && a != c){ + win = 10; + } + else{ + win = 0; + } + return win; + +} +" +17a5ca5459f6c5a596b8c477d9403753b448df7a,"public int greenTicket(int a, int b, int c) +{ + int win = 0; + if (a == b && b == c){ + win = 20; + } + else if (a != b && b != c && a != c){ + win = 0; + } + else{ + win = 10; + } + return win; + +} +" +f4866d8c356289cc826ef6c9e097b57cc2ebb100,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + if else + { + return 0; + } + + if else((a == b) && (b == c)) + { + return 20; + } + +} +" +21b164949d5f6894ea6543ca99d1defab7fa1fba,"public int greenTicket(int a, int b, int c) +{ + if else((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +b36e9b8a299c1e68b15439b7108797bb5a5ddb57,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + { + return 10; + } + else + { + return 0; + } +} +" +323100964087364abf30e4bf950ef3e96c892a5e,"public int greenTicket(int a, int b, int c) +{ + if ((a == b) && (b == c)) //when a=b=c + { + return 20; + } + + if ((a == b) || (b == c) || (a == c)) + //when only 2 of them are equal + { + return 10; + } + else + { + return 0; + } +} +" +c736d4b21ce1a6f29f9f1bf7589113fd6fe2c25a,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; + +} +" +0a1cdb8505a2fae3d7cf390d9ab8dad774e48021,"public int greenTicket(int a, int b, int c) +{ + if (a == b) { + if (b == c) + return 20; + return 10; + } + if (a == c || b == c) + return 10; + return 0; +} +" +48722b968833c7457a573775955bfae42d9186b7,"public int greenTicket(int a, int b, int c) +{ + if( a != b && b! c) + { + return 0; + } + else if ( a = b && b = c) + { + return 20; + } + else + { + reutrn 10; + } +} +" +3cb6b5a373b2fe127db48c3c996f35e9bfc2cd1d,"public int greenTicket(int a, int b, int c) +{ + if( a != b && b! c) + { + return 0; + } + else if ( a = b && b = c) + { + return 20; + } + else + { + reutrn 10; + } +} +" +84d1d54c958492b77a90242cd9a6307f6f66bbf3,"public int greenTicket(int a, int b, int c) +{ + if ( a == b && a == c && b == c ) + return 20; + if ( a == b || a ==c || b == c ) + return 10; + else + return 0; +} +" +c8f82fcfbdb309964241e2389702b4748fb5adab,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 20; + } + else if (a != b && b != c && a != c) + { + return 0; + } + else + { + return 10; + } +} +" +02f5a9bf3d5baaa5f5425d25f7c34146b4af8af7,"public int greenTicket(int a, int b, int c) +{ + a=a; + b=b; + c=c; + if ((a=b) && (b=c)) + { + return 20; + } + else if ((a=a) && (b=c) || + (a=b) && (c=c) || + (a=c) && (b=b)) + { + return 10; + } + else if ((a = a) && (b = b) && (c = c)) + { + return 0; + } +}" +f9381b2585101c9f4b617d598e91b0682ff74464,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +e9fb5fc8e7f9c851627521834a7f7591c9799f37,"public int greenTicket(int a, int b, int c) +{ + if(a == b) + { + if(b == c) + return 20; + return 10; + } + if(a == c || b == c) + return 10; + return 0; +} +" +b38a145b8263741d8a6039851e4e8d7119b701b7,"public int greenTicket(int a, int b, int c) +{ + a=a; + b=b; + c=c; + if ((a==b) && (b==c)) + { + return 20; + } + else if ((a==a) && (b==c) || + (a==b) && (c==c) || + (a==c) && (b==b)) + { + return 10; + } + else if ((a == a) && (b == b) && (c == c)) + { + return 0; + } +}" +c0dfcbd6295fde41cc0d74bff0ebc69a80f24258,"public int greenTicket(int a, int b, int c) +{ + a=a; + b=b; + c=c; + if ((a==b) && (b==c)) + { + return 20; + } + else if ((a==a) && (b==c) || + (a==b) && (c==c) || + (a==c) && (b==b)) + { + return 10; + } + else if ((a == a) && (b == b) && (c == c)) + { + return 0; + } + else + { + return 10; + } +}" +c9fdfb55dcea8482c5ac9391e5e443b8418012d1,"public int greenTicket(int a, int b, int c) +{ + if (a == b && b == c) + return 20; + if (a == b || a == c || b == c) + return 10; + else + return 0; +} +" +149e63934620ac7a95e0fc27c2dd5ab08275461d,"public int greenTicket(int a, int b, int c) +{ + if(a = b && b = c) + { + return 20; + } + else if (a = b || b = c) + { + return 10; + } + else + { + return 0; + } + +} +" +613dfa6b4a4d33615c1b72f4ae74bf28dddf4671,"public int greenTicket(int a, int b, int c) +{ + if(a = b = c) + { + return 20; + } + else if (a = b || b = c) + { + return 10; + } + else + { + return 0; + } + +} +" +06cf70bc5c6dd00b834971ac2bc6c910cb893e13,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +477f02ff32cc7b20027c9927aa7245f5e0f4b5c2,"public int[] shiftLeft(int[] nums) +{ + int[] result = int[nums.length]; + for (int i = 0; i< nums.length - 1; i++) + { + result[i] = nums[i+1]; + } + result[nums.length] = nums[0]; + + return result; +} +" +dd72f55dd7131617e678a59861be474c371f94eb,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i< nums.length - 1; i++) + { + result[i] = nums[i+1]; + } + result[nums.length] = nums[0]; + + return result; +} +" +45bb0c43390b2898deab9a359cdda85e43e43e39,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i< nums.length - 1; i++) + { + result[i] = nums[i+1]; + } + result[nums.length - 1] = nums[0]; + + return result; +} +" +d85960a75acb51c9d94da7ff2c1ff9c2fd9d9421,"public int[] shiftLeft(int[] nums) +{ + if (nums.length){return nums;} + int[] result = new int[nums.length]; + for (int i = 0; i< nums.length - 1; i++) + { + result[i] = nums[i+1]; + } + result[nums.length - 1] = nums[0]; + + return result; +} +" +b067dde209b4765a4a549fa168a4894a847d02e3,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){return nums;} + int[] result = new int[nums.length]; + for (int i = 0; i< nums.length - 1; i++) + { + result[i] = nums[i+1]; + } + result[nums.length - 1] = nums[0]; + + return result; +} +" +c9d2303e7106626daea789b9b99b55dd1dc03bfe,"public int[] shiftLeft(int[] nums) +{ + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + return nums; +} +" +142d76e4ae2ed2fc0b3ad12f6d7ea5c6a29fc7e6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + return nums; + } + else + { + return nums; + } +} +" +7509f24aa39622411a5ffa648fc43e02284c08a1,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +9058a2e5732eaae2d7d85fb3b04813919da67587,"public int[] shiftLeft(int[] nums) +{ + return nums; +} +" +b12fa4ea9e3e365a015ed244f8d09fdaf921ced8,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int a = nums[0]; + int b = 0; + for (int i = 1; i < nums.length; i++) + { + array[b] = array[i]; + b++; + } + array[b] = a; + return array; +} +" +97b477bf40ad6e6b4789511bb0c188e9dfcaedb5,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int a = nums[0]; + int b = 0; + for (int i = 1; i < nums.length; i++) + { + array[b] = nums[i]; + b++; + } + array[b] = a; + return array; +} +" +ac5f1ac32c6a22c9d23f21754f9a8fe56176771e,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int a = nums[0]; + int b = 0; + if (nums.length == 0) + { + return array; + } + for (int i = 1; i < nums.length; i++) + { + array[b] = nums[i]; + b++; + } + array[b] = a; + return array; +} +" +b8fd5e0c169242c110fefb44ca396ae3b420e49b,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int a = nums[0]; + int b = 0; + if (nums.length == 0) + { + return array; + } + else + { + for (int i = 1; i < nums.length; i++) + { + array[b] = nums[i]; + b++; + } + array[b] = a; + return array; + } +} +" +7249be3aa164de22682cfd98084076168742de8d,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + if (nums.length == 0) + { + return array; + } + else + { + int a = nums[0]; + int b = 0; + for (int i = 1; i < nums.length; i++) + { + array[b] = nums[i]; + b++; + } + array[b] = a; + return array; + } +} +" +66328ce45deae3e51c8af82d0ced5525d51cc78a,"public int[] shiftLeft(int[] nums) +{ + int size = nums.length; + if (size < 2) + return nums; + int s = nums[0] + for (int i = 0; i < size - 1; i++) + { + int[i] = int[i+1]; + } + nums[size-1] = s; + return nums; +} +" +9e6a815ca5dc4ebb8e434e6bdf58f3837d24a334,"public int[] shiftLeft(int[] nums) +{ + int size = nums.length; + if (size < 2) + return nums; + int s = nums[0]; + for (int i = 0; i < size - 1; i++) + { + int[i] = int[i+1]; + } + nums[size-1] = s; + return nums; +} +" +a8e241cf408aa98ca1bf4d96596cac5991842b4a,"public int[] shiftLeft(int[] nums) +{ + int size = nums.length; + if (size < 2) + return nums; + int s = nums[0]; + for (int i = 0; i < size - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[size-1] = s; + return nums; +} +" +918f08ca3c9b6ab03229b51d3dc68dca2965e526,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 1; i < nums.length; i++) { + out[i - 1] = nums[i]; + } + out[nums.length - 1] = nums[0]; + return out; +} +" +2163370eb08fc8d3e6f2b76f414d3e0796e44a90,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) { + return nums; + } + int[] out = new int[nums.length]; + for (int i = 1; i < nums.length; i++) { + out[i - 1] = nums[i]; + } + out[nums.length - 1] = nums[0]; + return out; +} +" +0229c8b0e06d8c887d0cabf0805343d0a5c04c31,"public int[] shiftLeft(int[] nums) +{ + int[] ans = new int[]; + for(int i = 0 ; i < nums.length ; i++) + { + if(i!=nums.length-1) + { + ans[i] = nums[i+1]; + } + + if(i==nums.length-1) + { + ans[i] = nums[0]; + } + } + + return ans; + +} +" +9ee8eecfdaedb4faafaddcc0f9023c9bf62ece00,"public int[] shiftLeft(int[] nums) +{ + int[] ans = new int[nums.length]; + for(int i = 0 ; i < nums.length ; i++) + { + if(i!=nums.length-1) + { + ans[i] = nums[i+1]; + } + + if(i==nums.length-1) + { + ans[i] = nums[0]; + } + } + + return ans; + +} +" +953e6cdb8fd3f604258b1beca9fa4731c23d8ff8,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +e982f3570ce03e0f3e414631844db26bc1385ccf,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length; i++) + { + nums[i]=nums[i+1]; + + } + return nums; +} +" +20b1acd572becff1ea31c5646713f95ce03676fb,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = temp; + } + } + + return nums; +} +" +5a6931233a740afec8aa52016ca9881661e91f23,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length; i++) + { + int last = nums[0]; + nums[i]=nums[i+1]; + nums[length-1]=last; + + } + return nums; +} +" +55b93ca3fb58ef37cac71ae8a3fc418dce5f3660,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + + } + + return nums; +} +" +e7b5bf4217b6e4010722812a86f70b6db4f9a8ce,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length-1; i++) + { + int last = nums[0]; + nums[i]=nums[i+1]; + nums[length-1]=last; + + } + return nums; +} +" +3d840f98dddf45f6a0901b8a8952a3ed3734da86,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + //assign new value + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + + } + + return nums; +} +" +e972a0cbcf48e93976f609c25f7a6d5e16892fdb,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length-1; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + return nums; +} +" +3978940e98ce14f6d870a849ade9d1dfe8b57ab4,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length-2; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + return nums; +} +" +9aa001bf0eb4cf452e264d4ceaf71293cf84c742,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 1; i < length-2; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + return nums; +} +" +de3e8008486c0f33de9cc0e5aa8c0e99ea695aff,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length-2; i++) + { + int last = nums[0]; + nums[i-1]=nums[i]; + nums[length-1]=last; + + } + return nums; +} +" +64fcaaecea84e56d0ea8c67d9a3450e55dd8d09e,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length-2; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + return nums; +} +" +69bb55f3494f255fba46e38c5fd514d8aa3b9691,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + + for (int i = 0; i < length-1; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + return nums; +} +" +965768eb87f99fcc91aaa1bcefdf82b1d69b06e7,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +ece33d5225dd5ed0bc0900d2d828c8db048df9cf,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +75a2c9822e23a55fd6d20dd3cc4a0d0f0acabad3,"public int[] shiftLeft(int[] nums) +{ + int store = 0; + int start = nums[0]; + for(int x = 1; x < nums.length-1; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length] = start; + return nums; +} +" +e3017a530a7a01195f07c29ccc6d3f4333a4b92d,"public int[] shiftLeft(int[] nums) +{ + int store = 0; + int start = nums[0]; + for(int x = 1; x < nums.length-2; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length] = start; + return nums; +} +" +189a7b94e1b527129d8d43d9ea75fd2968b119fb,"public int[] shiftLeft(int[] nums) +{ + int store = 0; + int start = nums[0]; + for(int x = 1; x <= nums.length-1; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length] = start; + return nums; +} +" +81f464c969448d84ed327f816b32cf70350f737a,"public int[] shiftLeft(int[] nums) +{ + int store = 0; + int start = nums[0]; + for(int x = 1; x <= nums.length-1; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length-1] = start; + return nums; +} +" +9b0676c0772afb89190c50384f0283699a1ffb3e,"public int[] shiftLeft(int[] nums) +{ + int store = 0; + int start = nums[0]; + for(int x = 1; x < nums.length-1; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length-1] = start; + return nums; +} +" +3777ab67daeb9dff91d6074d9bd111ddd45abd19,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + { + return nums; + } + int store = 0; + int start = nums[0]; + for(int x = 1; x < nums.length-1; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length-1] = start; + return nums; +} +" +07f4434b211b40297f02f01830efe79705707bf1,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +d10960e0e22ec459d9cc8eea0314fc8bfdb68854,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + { + return nums; + } + int store = 0; + int start = nums[0]; + if(nums.length == 2) + { + nums[0] = nums[1]; + nums[1] = start; + return nums; + } + for(int x = 1; x < nums.length-1; x++) + { + store = nums[x]; + nums[x] = nums[x+1]; + nums[x-1] = store; + } + nums[nums.length-1] = start; + return nums; +} +" +825166336bd50bdf00d5d7bb25df1b7dcd9ea8d4,"public int[] shiftLeft(int[] nums) +{ + int start= nums[0]; + for (int i = 0;i= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; + +} +" +dafb6391119413a46dc8e15f68638b401ab45ccf,"public int[] shiftLeft(int[] nums) { + int shift = 0; + if (0 < nums.length) { + shift = nums[0]; + } + + for (int i = 0; i < nums.length - 1; i++) { + nums[i] = nums[i + 1]; + } + + if (0 < nums.length) { + nums[nums.length - 1] = shift; + } + + return nums; + }" +7ff5d95781bd2cf05d16684cdd1534a5f9ce93c9,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + + { + + int temp = nums[0]; + + for(int i = 0; i < nums.length - 1; i++) + + nums[i] = nums[i+1]; + + nums[nums.length-1] = temp; + + } + + return nums; +} +" +47cb258a418bcc81124231475c56139d3fe7946a,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int t = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = t; + } + return nums; +} +" +6b31722ee389ce55cfa4930eaaff8fa6ba7b2eb1,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +d54397a6299046adef17d4ecc88161169b5be196,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + } + return nums; +} +" +5812ef558da0cbfbc11d5835c1de0f0d3f8b3f0c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int t = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = t; + } + return nums; + +} +" +b30b329e769eae0aa81cf3e02929097590bfc18f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +392db66182b1520eb984c8bd47a594175ecef52d,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = temp; + } + return nums; +} +" +d3ce56d5d502fa2fe3dd70b3647ac6f566b85644,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +be50e11f71f5250d2e17d00534694b0f19a3bfa9,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int newArr = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = newArr; + } + return nums; +} +" +1227427130a94c171b7340cbae49b4e74f3d38f5,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temporary = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temporary; + } + return nums; +} +" +e868f250bdef3a4eb119493bf1fef3bcb4ab8044,"public int[] shiftLeft(int[] nums) +{ + int[] n = new int[nums.length]; + int first = nums.length - 1; + for (int i = 1; i < nums.length - 1; i++) { + n[i - 1] = nums[i]; + } + n[first] = nums[0]; + return n; +} +" +05ae60da942e0a5c2f7cdd319f529b4a1af2b8ab,"public int[] shiftLeft(int[] nums) +{ + int[] n = new int[nums.length]; + int first = nums.length - 1; + for (int i = 1; i < nums.length - 1; i++) { + n[i - 1] = nums[i]; + } + n[first] = nums[0]; + return n; +} +" +d6a911550ef7585e769db2c361eb9b03a7f0d7f6,"public int[] shiftLeft(int[] nums) +{ + int[] n = new int[nums.length]; + int first = nums.length - 1; + for (int i = 1; i < nums.length; i++) { + n[i - 1] = nums[i]; + } + n[first] = nums[0]; + return n; +} +" +c31520b0aa4d97d1b56f97fc3ed42299d08e03b5,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) { + return []; + } + else { + int[] n = new int[nums.length]; + int first = nums.length - 1; + for (int i = 1; i < nums.length; i++) { + n[i - 1] = nums[i]; + } + n[first] = nums[0]; + return n; + } +} +" +1d85edc8bac70b6046f334115f6814996bec34de,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) { + return new int[0]; + } + else { + int[] n = new int[nums.length]; + int first = nums.length - 1; + for (int i = 1; i < nums.length; i++) { + n[i - 1] = nums[i]; + } + n[first] = nums[0]; + return n; + } +} +" +2bdaeb0fbf39dff9a86c68324288ba7ee27caf8e,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for (int i = 1; i < nums.length; i++) + { + newNums[i - 1] = nums[i]; + } + + newNums[newNums.length - 1] = nums[0]; + + return newNums; +} +" +b8cfd7994b880476d8bda16cb204093c0986f09b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) + { + int[] blank = new int[0]; + return blank; + } + + int[] newNums = new int[nums.length]; + + for (int i = 1; i < nums.length; i++) + { + newNums[i - 1] = nums[i]; + } + + newNums[newNums.length - 1] = nums[0]; + + return newNums; +} +" +0ab5e33681cc3ec2acc0aceb29209ad2ed30589e,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for (int i = 1; i < nums.length; i++) + { + newNums[i - 1] = nums[i]; + } + + newNums[newNums.length - 1] = nums[0]; + + return newNums; +} +" +418c0f6fc7a2b4dc4a4e745626a1579442153b6f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + + int[] newNums = new int[nums.length]; + + for (int i = 1; i < nums.length; i++) + { + newNums[i - 1] = nums[i]; + } + + newNums[newNums.length - 1] = nums[0]; + + return newNums; +} +" +50513f69c5118713e0f445b8834ac4a3e46d417a,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + for (int i = 0; i < nums.lenght - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.lenght - 1] = nums[0]; + return left; +} +" +44b0fd69ba01acaf04b4a8635f995c9aae0d4d1c,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +97883301977f5ef560b3fd9701307ffd05800dcb,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (nums.length == 0) + return {}; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +7d8483b3e396a1ba30d82f9a623de5e9fbe895f5,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (nums.length == 0){ + return {}; + } + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +136090f1fb8dfdf1629aa3d0bc9329360cd416fe,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (nums.length == 0){ + return []; + } + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +7d391db4c08c97af19c823b93d1e0638405673d4,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (nums.length == 0){ + return {}; + } + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +19b73bf2d31dee03652a9a6a23dedcc370e521c6,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (left.length == 0){ + return {}; + } + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +3f155c288a285f651a8acd21fe3f1d4e1467b303,"public int[] shiftLeft(int[] nums) +{ + if (left.length == 0){ + return {}; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +161fe3c4150b0140a275c3c395e89e55917fe73c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return {}; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +17c5eef89a28f09cc35636304895c95e3f71fde8,"public int[] shiftLeft(int[] nums) +{ + //if (nums.length == 0){ + // return {}; + //} + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +c885e055ad28588352d6866a4f1652ab13adbdb6,"public int[] shiftLeft(int[] nums) +{ + if (nums == [0]){ + return {}; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +12d5ac648a4cd85c58d0d99257bff06dc4319fb8,"public int[] shiftLeft(int[] nums) +{ + if (nums == []){ + return null; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +e7c6bdd12ad0032c0df875fb9c270e5f07b983ce,"public int[] shiftLeft(int[] nums) +{ + if (nums == {}){ + return null; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +6f7e1d2ae2ad1b6a0ca20da5eeda6b633e4311a6,"public int[] shiftLeft(int[] nums) +{ + if (nums.equals{}){ + return null; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +f69e8dd43d667d277a71e8afa47bc128fe9fec54,"public int[] shiftLeft(int[] nums) +{ + if (nums.equals({})){ + return null; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +633fa3cb318ceb07971ec2de9506b70f64f980f4,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length] + for (int i = 1; i <= nums.length; i++) + { + out[i] = nums[i - 1]; + } + out[nums.length - 1] = nums[0]; + return out; +}" +6f60d15c6574326e31cb89b79c6fde6be326031a,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 1; i <= nums.length; i++) + { + out[i] = nums[i - 1]; + } + out[nums.length - 1] = nums[0]; + return out; +}" +8f24168b2e6d591562bf8f6a477f68d15b21fe79,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + out[i] = nums[i - 1]; + } + out[nums.length - 1] = nums[0]; + return out; +}" +99e3880b2ab7f4fa87fa726aaba44f07c8f3c41e,"public int[] shiftLeft(int[] nums) +{ + if (nums.equals({})){ + return {}; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +76db7aafe6523aec47589e94db5d7b2fef96a91d,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + out[i] = nums[i + 1]; + } + out[nums.length - 1] = nums[0]; + return out; +}" +6a74d9fba15bdf2f4afb1c42680dc2915653b228,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return new Int[0]; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +19de8fdf6b23225ee8b0bf88df2e49f08d3029eb,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + out[i] = nums[i + 1]; + } + out[nums.length - 1] = nums[0]; + return out; +}" +f740e7608c84ca916cf67ff9134ad22a8b198b79,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return new int[0]; + } + int[] left = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + left[i] = nums[i+1]; + } + left[nums.length - 1] = nums[0]; + return left; +} +" +378dd176f95d69f7ab05a16e980fc414f8a3461e,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + int[] out = new int[0]; + return out; + } + else + { + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + out[i] = nums[i + 1]; + } + out[nums.length - 1] = nums[0]; + return out; + } +}" +83df1b64fdfb003bd36600f0eb4ec12aaab8f948,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length -1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = temp; + } + return nums; + +} +" +9e87626746aa583d0cfac0516e4830ad889a048e,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int numb = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = numb; + } + return nums; +} +" +b008902de2b7602d2170c0ff3471cfddf92ac221,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +718508e05fa4012a25356a279419b999525d3cdb,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length . 1) + { + int number = nums[0]; + for (int i = 0; i < length; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = number; + } + return nums; +} +" +7aae596b480c293d14090ec171ff27577793baa8,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length > 1) + { + int number = nums[0]; + for (int i = 0; i < length; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = number; + } + return nums; +} +" +cef0326a75c8b20b3cb867a4fa8cf30904eee7d7,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length > 1) + { + int number = nums[0]; + for (int i = 0; i < length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = number; + } + return nums; +} +" +5112e60ba967a760d4c2d5f9f876e312781eed05,"public int[] shiftLeft(int[] nums) +{ + int[] xx; + xx = new int[]; +} +" +d9299bb3540ec92975ee181ff81fddcda755af65,"public int[] shiftLeft(int[] nums) +{ + int[] xx; + xx = new int[nums.length]; + for (int i =0; i < nums.length -1; i++) + { + xx[i] = nums[i+1]; + } + xx[nums.length] = nums[0]; + return xx; +} +" +e4b0dc4a1089362a0d135169d162c20a876fa8fb,"public int[] shiftLeft(int[] nums) +{ + int[] xx; + xx = new int[nums.length]; + if (nums.length !=0) + { + for (int i =0; i < nums.length -1; i++) + { + xx[i] = nums[i+1]; + } + xx[nums.length] = nums[0]; + } + return xx; +} +" +80d8c5e8012d52f6b1349c9f7c515cb8eb886b0d,"public int[] shiftLeft(int[] nums) +{ + int[] xx; + xx = new int[nums.length]; + if (nums.length !=0) + { + for (int i =0; i < nums.length -1; i++) + { + xx[i] = nums[i+1]; + } + xx[nums.length - 1] = nums[0]; + } + return xx; +} +" +79f212bb90867a922eea88e7ac9023c69d13ab6e,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int last = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +bdf1d8e1d7d60327a8638d1d633f184b60890d45,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) + { + return nums; + } + int first = nums[0]; + int last = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + return nums; +} +" +7a76d1abad81a69b50456192d50af23131339fe6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int first = nums[0]; + int last = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + return nums; +} +" +5f93ea7e691f87e98c37eba4a20ca62b4d2a7b78,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length >= 2) + { + for (int i = 0; i < length-1; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + } + return nums; +} +" +964c776e1bae81052b25e918331dbbbd88a024df,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length >= 2) + { + for (int i = 0; i < length; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + } + return nums; +} +" +f749987705f9c1d099cc2655397c24aec61b4e41,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length >= 2) + { + for (int i = 1; i < length; i++) + { + int last = nums[0]; + nums[i]=nums[i-1]; + nums[length-1]=last; + + } + } + return nums; +} +" +3ecad2a847e8bdfe80927a103dab9d121b828179,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + for (int i = 0; i < nums.length; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +62450464bf273c658babc52dc8127155d9235770,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +c289b2ce4c734a23141b432f66538be7cba63fd3,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (i == nums.length) + { + nums[i] = nums[0]; + } + nums[i] = nums[i + 1]; + + } + return nums; +} +" +e77ba468de3262e5279bd06da50bf6387cee131a,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + + } + return nums; +} +" +1dfe725469630f50ff4afb5335811c455d5b6432,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length) + { + nums[i] = nums[0]; + } + nums[i] = nums[i + 1]; + + } + return nums; +} +" +c4bcc0da3798a50ec0acc5137a827c9411c63345,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + + } + return nums; +} +" +53a52a96350fd4129c4d827be43e8bbfccb77c17,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int x = 0; x < nums.length - 1; x++) + nums[x] = nums[x+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +759ef61b840f117ab2e4d94e7c1b0fa8a3807e6e,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + for (int j = 0; j < nums.length; j--) + { + nums[j] = nums[i] + } + } + return nums; +} +" +f8544cab290d2c50b8472220c882886dbce8a6ad,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + for (int j = 0; j < nums.length; j--) + { + nums[j] = nums[i]; + } + } + return nums; +} +" +1ea08021f81fdb3759ddc277137cd2f0c7bd17b6,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + + } + return nums; +} +" +21c1cc07a261a626b40b4eebc69941f2dea57f25,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +0a91f422ffb4aad3bd4f6ad3d11ab97e807d25fb,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + + } + + for (int j = nums.length) + { + nums[j] = start; + } + + return nums; +} +" +d22c3819934a27c67d13f8da658012ab687a77e6,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] = nums.length) + { + nums[j] = start; + } + + } + + + return nums; +} +" +f2c59bed04b0d27d70174b9c017e6ac16bb5acb6,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] = nums.length) + { + nums[i] = start; + } + + } + + + return nums; +} +" +68fb80acdd2734d2c463281c944ed2404b3714ed,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i] = start; + } + + } + + + return nums; +} +" +80f2204bfa4a7db9a4c011372990b5a922eee0af,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +bb2ae423a58dba51d22b59f9a31c68109af53f17,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +c6c3d0111eab1753f5f8d753baa5467f8c9c0fe6,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +eb4ea3441f6f03b4b92487b4ddaf0cd16e84a01b,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i - 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +7e0b5fd87f2b191e584653122b632ca82a098aa3,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +f2357b4fc403af3b741bee92d1c610057c9e99c7,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + else + nums[i] = nums[]; + + } + + + return nums; +} +" +da42c83bea1fef5d07e591bfcf13f81375bc87fb,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + return nums; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +af88a622a0439df11e6594724847d90956ba58c0,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +90dde2c76ca96a24e63516e53bb3f7312489d188,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + nums[i] = nums[j]; + j++; + //nums[i] = nums[i + 1]; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + } + + + return nums; +} +" +dc20b50f1f6fc266d80c9cceb3e26ca923d1b02f,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + int j = 1; + nums[i] = nums[j]; + j++; + //nums[i] = nums[i + 1]; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + } + + + return nums; +} +" +05be10ff0bf7c4e6c997c1de3ef85084591bf0c9,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + //int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + int j = 1; + nums[i] = nums[j]; + j++; + //nums[i] = nums[i + 1]; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + } + + + return nums; +} +" +ffa0ec9b79b7ed40eb1470d777c9003c4eab5cf7,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + //int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +04abfe49b2212c0174bd6302fed8977a5087f6f0,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +40bce623651968d09b90d177d55be1fbac09bef8,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + if (nums[i] == nums.length) + { + nums[i + 1] = start; + } + + } + + + return nums; +} +" +73d0f03edde5ef264f171f1618d1705c7b2b6450,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + nums[nums.length - 1] = start + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + } + + + return nums; +} +" +e9af9694f96d61b36d1db24093a50665db68951a,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + } + + + return nums; +} +" +e6d03ea2cdd386af528555c88cfa831a8b39d29e,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + } + + + return nums; +} +" +f17e3975843cd8d9d03f08eb70aea5c40f52fe49,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + } + + } + + + return nums; +} +" +da4bb2d648776b1924abc0ee0c71fb27c0f9193a,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + } + + } + + + return nums; +} +" +767b3860fbb04c7be1cf9a8ef916dcdab0a2cc5a,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + } + + } + + + return nums; +} +" +79908738374a18e047609f4a3f6aeff8b7753019,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + } + + } + + + return nums; +} +" +a50f8737d29fdfa5616fec86d2230c8fada26200,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + + } + + + return nums; +} +" +eb0bdcc648d80e80cb6ce68ebfca765a6f0529ed,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length > 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + + } + + + return nums; +} +" +272636b82c480ccb42608bf4db8832e0b3a4e2fb,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + + } + + + return nums; +} +" +e73f15cebf791aa932347617662e3a6641135a35,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + + //nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + + } + + return nums; +} +" +2ef91cd75b456e25df2c95998b69a4d48593e855,"public int[] shiftLeft(int[] nums) +{ + //int[] newArray = new int[nums.length]; + //int count = 0; + //return nums; + if (nums.length >= 2) + { + + int start = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + //int j = 1; + //nums[i] = nums[j]; + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = start; + /*if (nums[i] == nums.length) + { + nums[i + 1] = start; + }*/ + + + } + + return nums; +} +" +82c160b35eded15a7e0f6d05f09e91cf729cbc00,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + return nums; +} +" +92b9ebb9254da91cc257f4190d3d3b15aa1d6fa9,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + if (nums.length != 0) + { + nums[nums.length - 1] = first; + } + return nums; +} +" +63a4333ce1295f361662feff7eb71f6758de5100,"public int[] shiftLeft(int[] nums) +{ + if (nums.length != 0) + { + return nums; + } + + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +a99090b84e97068c80812c46cf8abce47568ac60,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +76da80ddb1e17ae406616cfa30ff34e0e577cfa9,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +3b42d06c089a25f57e5002f5271d9354a30e671b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + return nums; +} +" +37a3a0a0bdf2ff07b3c7470d3457d3480f2f4f24,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + arr[nums.length-1]=nums[0] + for(int i=0;i0) + { + arr[nums.length-1]=nums[0]; + for(int i=0;i= 2) + { + int temp = nums[0]; + + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = temp; + } + } + + return nums; +}" +a08439bc8af0ad4252f6dca11a7fd10feb790c6b,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = temp; + } + + return nums; +}" +aecb8c1993a409d04349ea290d93c89c69fa9038,"public int[] shiftLeft(int[] nums) +{ + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + return nums; +} +" +f01b17b48e6d8adb5e910914e2a13b26667b4af8,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) + { + return nums; + } + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + return nums; +} +" +e545b0d892ac521e1b663118a3ed7510d4dcf119,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + return nums; +} +" +0831b897e0724441c7c7b4fab7af6591b7e1d615,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +4fcb917f03b602de523080892c4dc31a56e394b0,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + for (int i = 1; i < nums.length; i++) { + shift[i-1] = nums[i]; + } + if (nums.length > 1) { + shift[nums.length - 1] = nums[0]; + return shift; + } + else { + return nums; + } +} +" +966ef6ade7cd4cb3eec83e503b1cb1e0942ac1f4,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +a9fb24812a1acb9c1247368ead499bf184f39564,"public int[] shiftLeft(int[] nums) +{ + int[] shift; + int x = 0; + for (int i = 1; i < nums.length; i++){ + shift[x] = nums[i]; + x++; + } + shift[nums.length - 1] = nums[0]; + return shift; +} +" +02bbfadb1f5af316df20e47ce78ebd3bdfe8d3fe,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + int x = 0; + for (int i = 1; i < nums.length; i++){ + shift[x] = nums[i]; + x++; + } + shift[nums.length - 1] = nums[0]; + return shift; +} +" +5a7f6785582b6db69e42a48dd67636311995b402,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + int x = 0; + if(nums.length > 0){ + for (int i = 1; i < nums.length; i++){ + shift[x] = nums[i]; + x++; + } + shift[nums.length - 1] = nums[0]; + } + return shift; +} +" +f28b7beb171950f42d4d30cc3c3fb2d2cbad05a0,"public int[] shiftLeft(int[] nums) +{ + int x = nums.length; + int last = nums[0]; + for (int i = 0; i < x - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[x - 1] = last; + return nums; +} +" +60fe9d19f9db072c82af485c7a2d4859e8e787fd,"public int[] shiftLeft(int[] nums) +{ + int x = nums.length; + if (x == 0) + { + return nums; + } + int last = nums[0]; + for (int i = 0; i < x - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[x - 1] = last; + return nums; +} +" +bbef4ba7041ba87410fc10838024930ca3299cb3,"public int[] shiftLeft(int[] nums) +{ + int[] foo; + foo = new int[nums.length]; + + if (nums.length == 0) + return foo; + + for (int i = 0; i < nums.length-1; i++) { + if (i > 0) + foo[i] = nums[i+1]; + } + if (nums.length > 1) + foo[0] = nums[1]; + foo[nums.length-1] = nums[0]; + return foo; +} +" +ece70eca2b019496d67b69aeee8413f675490a02,"public int[] shiftLeft(int[] nums) +{ + int l = nums.length; + if (l < 2) + return nums; + first = nums[0] + for (int i = 1; i= 2) + { + int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +b98fe2d384071a1d5931785ad69c0b760ffe9ca8,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +84445e4fa56a1421ad6a9d4518353ed751456e5c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +bf382bc1d92127f137bb550a9abdea9839167f1f,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +81d53516e0b6fc685c93ac3b6213b7378cb58af5,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +36120bc98ee3425df60464a530cb561a1536ff54,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +7df0fad5b3228185210e09c0db6fb7bec0397cce,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +a3b21e27e755f0b40346e1847ef6083e192e1272,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +6f3ba13f598a552a967a84648d0451c97812c492,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +597e31137168fbf2fbaf7aa354497c81ef2c89ee,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[1]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +b7217657f0d2f9d81edf11de2615904b18ddba29,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +4134afe1caf06b6159e7bb2360ad71dccaf8dc1f,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 1; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +f80f43a4dc8f13a5770660df316460c52d6b3e9b,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +62a789fa4dd1151a1664b2662a30f11a1a1afda2,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length + 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +8685cc11b7eec3ae888a1f0f2af076380a7a1109,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + if (nums.length >= 2) + { + //int shift = num[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +7c98e6639e01539ff0d0d7f21d8f797578cc86c4,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int lastNum = nums[length - 1]; + int[] temp = new int[length]; + for (int i = 0; i < length - 1; i++) + { + temp[i+1] = nums[i]; + } + temp[0] = lastNum; +} +" +24bb2028c8ca1d8b75f9310189ac7a49510e5bd2,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int lastNum = nums[length - 1]; + int[] temp = new int[length]; + for (int i = 0; i < length - 1; i++) + { + temp[i+1] = nums[i]; + } + temp[0] = lastNum; + return temp; +} +" +a3195f8b80375fd3224df02a76f73c38b485067f,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int lastNum = nums[0]; + int[] temp = new int[length]; + for (int i = 0; i < length - 1; i++) + { + temp[i] = nums[i+1]; + } + temp[length - 1] = lastNum; + return temp; +} +" +c155f0a51bb346ede828cf8e54d94fdb5b952e9d,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] nums2 = new int[length]; + nums2[length - 1] = nums[0]; + for ( int i = 1; i < length - 1; i++ ) + { + nums2[i - 1] = nums[i]; + } + return nums2; +} +" +21291fd1ed305412a2773f87ced44759180f6812,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] nums2 = new int[length]; + nums2[length - 1] = nums[0]; + for ( int i = 1; i < length; i++ ) + { + nums2[i - 1] = nums[i]; + } + return nums2; +} +" +2a763ca4edbd3879845084624eda917bc947b533,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + return new int[0]; + int length = nums.length; + int lastNum = nums[0]; + int[] temp = new int[length]; + for (int i = 0; i < length - 1; i++) + { + temp[i] = nums[i+1]; + } + temp[length - 1] = lastNum; + return temp; +} +" +3f9ae7a55e4744f76136cc3c9f389c1976990cdf,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] nums2 = new int[length]; + if ( length > 0 ) + { + nums2[length - 1] = nums[0]; + } + for ( int i = 1; i < length; i++ ) + { + nums2[i - 1] = nums[i]; + } + return nums2; +} +" +b50dea72cfa898bfb4fcb5f5fec9eaa99d0fb430,"public int[] shiftLeft(int[] nums) +{ + int[] done = new int[nums.length]; + for (int i = 1; i <= nums.length; i++) + { + done[i-1] = nums[i]; + } + done[nums.length-1] = nums[0]; +} +" +e88ddc81fcd049f52da94641af9e6318693a25c2,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int a = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + a = nums[nums.length - 1]; + } + return nums; +} +" +d2bf5e0000b661056a91a48e2d7cf380207579d7,"public int[] shiftLeft(int[] nums) +{ + int[] done = new int[nums.length]; + for (int i = 1; i <= nums.length; i++) + { + done[i-1] = nums[i]; + } + done[nums.length-1] = nums[0]; + + return done; +} +" +83c430dac0cbb6f0788b058ef0077a8749b408eb,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int a = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = a; + } + return nums; +} +" +7f4c989e287edbda89aaaca137531b586d740f21,"public int[] shiftLeft(int[] nums) +{ + int[] done = new int[nums.length]; + int one = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + done[i] = nums[i+1]; + } + done[nums.length-1] = one; + + return done; +} +" +0fa35c93720bfed11635785f77b8c9a6fac9df55,"public int[] shiftLeft(int[] nums) +{ + int bottom = nums[0]; + for (int i = 0; i < nums.length - 1; i++) { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = bottom; +} +" +cb05ce77dbecf9b479f0f65cbfddc7a8723a73a1,"public int[] shiftLeft(int[] nums) +{ + int bottom = nums[0]; + for (int i = 0; i < nums.length - 1; i++) { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = bottom; + return nums; +} +" +10a523982e0d13919ab179ff02888c64e293d6d0,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int[] done = new int[nums.length]; + int one = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + done[i] = nums[i+1]; + } + done[nums.length-1] = one; + + return done; +} +" +fc5e76589f02237c9cbaa72ad80ccc2439ad2402,"public int[] shiftLeft(int[] nums) +{ + int[] vector; + vector = new int[nums.length]; + + if (nums.length == 0) + { + return vector; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i > 0) + { + vector[i] = nums[i + 1]; + } + } + if (nums.length > 1) + { + vector[0] = nums[1]; + vector[nums.length - 1] = nums[0]; + } + return vector; +} +" +e23fb6427d34402c2aedf8d01629f6240a8d05f1,"public int[] shiftLeft(int[] nums) +{ + int[] vector; + vector = new int[nums.length]; + + if (nums.length == 0) + { + return vector + 1; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i > 0) + { + vector[i] = nums[i + 1]; + } + } + if (nums.length > 1) + { + vector[0] = nums[1]; + vector[nums.length - 1] = nums[0]; + } + return vector; +} +" +90deadc01645ec7ed69cf369144140204b019bc0,"public int[] shiftLeft(int[] nums) +{ + int[] vector; + vector = new int[nums.length]; + + if (nums.length == 0) + { + return vector; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i > 0) + { + vector[i] = nums[i + 1]; + } + } + if (nums.length > 1) + { + vector[0] = nums[1]; + vector[nums.length - 1] = nums[0]; + } + return vector; +} +" +c2d7fa3fb310fb86fbbeb535ddba3a8e993f2b5c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +13fbc3582cace72874d7f3d10996891ebfa8214b,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1) + { + nums[i] = nums [i + 1]; + } + else + { + nums[i] = x; + } + } + return nums; +} +" +50b347702e227eb545f1b3e8aaf89d29f168c117,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1) + { + nums[i] = nums [i + 1]; + } + else + { + nums[i] = x; + } + } + return nums; + } + else + { + return nums; + } +} +" +d2c4b6891f14569870fff9f3786efc142fc6dae4,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1) + { + nums[i] = nums [i + 1]; + } + else + { + nums[i] = x; + } + } + return nums; + } + else + { + return """"; + } +} +" +8b1332b37f0d62a181dfe2d67124e1d0d897f167,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1) + { + nums[i] = nums [i + 1]; + } + else + { + nums[i] = x; + } + } + return nums; + } + else + { + return nums; + } +} +" +e62200b4ce3e8cd1081249642f91d6a7e1938567,"public int[] shiftLeft(int[] nums) +{ + + if (nums.length > 0) + { + int x = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1) + { + nums[i] = nums [i + 1]; + } + else + { + nums[i] = x; + } + } + return nums; + } + else + { + return nums; + } +} +" +07fc9cd97b142430186f267617343b9775410dc5,"public int[] shiftLeft(int[] nums) +{ + for(int i = nums.length - 1; i >= 0; i--) { + if(i != 0) { + int temp = nums[i-1]; + nums[i-1] = nums[i]; + nums[i] = nums[i-1]; + } + else { + int temp = nums[nums.length - 1]; + nums[nums.length-1] = nums[0]; + nums[0] = temp; + } + } + return nums; +} +" +075219bc3b8fb9213cdb13aba2c76fd00b0059a8,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 2) { + int temp = nums[0]; + nums[0] = nums[1]; + nums[1] = temp; + } + else { + for(int i = nums.length - 1; i >= 0; i--) { + if(i != 0) { + int temp = nums[i-1]; + nums[i-1] = nums[i]; + nums[i] = nums[i-1]; + } + else { + int temp = nums[nums.length - 1]; + nums[nums.length-1] = nums[0]; + nums[0] = temp; + } + } + } + return nums; +} +" +86c1a665d19155a47e357645b8c42e3a1d0d5eca,"public int[] shiftLeft(int[] nums) +{ + int[] rtrnNums = new int[nums.length]; + for(int i = nums.length - 1; i >= 0; i--) { + if(i != 0) { + rtrnNums[i-1] = nums[i]; + } + else { + rtrnNums[nums.length - 1] = nums[i]; + } + } + return rtrnNums; +} +" +e9639e5d1fedd4e53a432a8e9c168647c7a55384,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +a4215acba2d473e27abad1f5853514a041e76403,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +1e607d40f2bd9cb081ed1a598749f919c729348f,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +d34514569b94ad6edf6aec1e5e7930a5f42e20c9,"public int[] shiftLeft(int[] nums) +{ + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +8b01407f7ae05b82b54dd23861b0e1bd475c2ff0,"public int[] shiftLeft(int[] nums) +{ + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +e67d59fa19d1a942fad83dbe9ba4d116ee5d329e,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +3762e3888dc30a742211f23f72945cfd1394f0c4,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + } + return nums; +} +" +558a5c1b5e9a9a47a9ceb6a9427a0911ea41f7aa,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = temp; + + } + return nums; +} +" +0f1f88163dbd9ddf4319442a890ecfea1ab099da,"public int[] shiftLeft(int[] nums) +{ + int[] inty = new int[inty.length]; + for (int i = 1; i < inty.length; i++) + { + inty[i] = nums[i] + } + inty[inty.length-1] = nums[0]; + return inty; +} +" +613038590daa63b607a542104a2ebadfcb763779,"public int[] shiftLeft(int[] nums) +{ + int[] inty = new int[inty.length]; + for (int i = 1; i < inty.length; i++) + { + inty[i] = nums[i]; + } + inty[inty.length-1] = nums[0]; + return inty; +} +" +2dfdf82e89969578dc184f4d2d539f00bc34ca6a,"public int[] shiftLeft(int[] nums) +{ + int[] inty = new int[nums.length]; + for (int i = 1; i < inty.length; i++) + { + inty[i] = nums[i]; + } + inty[inty.length-1] = nums[0]; + return inty; +} +" +f53049957c527320dad975a68e0932f3afc7bc24,"public int[] shiftLeft(int[] nums) +{ + int[] inty = new int[nums.length]; + int p = 0; + for (int i = 1; i < inty.length; i++) + { + inty[p] = nums[i]; + p++; + } + inty[inty.length-1] = nums[0]; + return inty; +} +" +867d5c19b3d572217dbf9d0ef6382c689ac88f52,"public int[] shiftLeft(int[] nums) +{ + int[] inty = new int[nums.length]; + int p = 0; + for (int i = 1; i < inty.length; i++) + { + inty[p] = nums[i]; + p++; + } + if (nums.length != 0) + { + inty[inty.length-1] = nums[0]; + } + return inty; +} +" +c2134d3fadb1986f94bb72cf85cb0c960e684418,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + + for (int i = 1; i < nums.length - 1; i++) + { + int a = nums[i]; + nums[i] = nums[i + 1]; + nums[i - 1] = a; + } +} +" +63707881f90b4625b807fdd4d6b7df084b0f5d0c,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + + for (int i = 1; i < nums.length - 1; i++) + { + int a = nums[i]; + nums[i] = nums[i + 1]; + nums[i - 1] = a; + } + + return nums; +} +" +92fe55b9dedfa0bfb7e07e955b7f5b3d4951d395,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + arr[arr.length] = nums[1]' +} +" +d887ca26f68358e32db4ef697e21d40970423421,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + arr[arr.length] = nums[1]; +} +" +f9414dd6b86dea599098cb671a8b0c221eb53b2d,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + arr[arr.length] = nums[1]; + + return arr; +} +" +3e302897d8841cd4aade37d7cf78f695e610b0b6,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + arr[arr.length - 1] = nums[1]; + + return arr; +} +" +6f87ed350f2bdf2283d59a759ca518f5524889cf,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + arr[i] = nums[i + 1] + } + + return arr; +} +" +3fbf2fedc17bb9c0036dddf8ca89c30930e47fdd,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + arr[i] = nums[i + 1]; + } + + return arr; +} +" +1104dee15e1cf1a2335b456480f8a59967552269,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length-1] = temp; + } + return nums; +} +" +7b71c7aeb97081d6db1e8cfd96510ee30171eca9,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +29b6494ff8e0b2e0c281acb2d1a1245306148db5,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + + for (int i = 1; i < nums.length - 1; i++) + { + nums[i-1] = nums[i]; + } + + return nums; +} +" +93103540da2ff480ea631cf5629f698f1c0470dc,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + + for (int i = 1; i < nums.length; i++) + { + nums[i-1] = nums[i]; + } + + return nums; +} +" +8ea3a4c4c75b2c1b8cc98b26b1d200cafb340c0e,"public int[] shiftLeft(int[] nums) +{ + int a = nums[0] + + for (int i = 1; i < nums.length; i++) + { + nums[i-1] = nums[i]; + } + + nums[nums.length -1] = a; + + return nums; +} +" +feda813ed381318261e3baaaff3f1770f8c89f61,"public int[] shiftLeft(int[] nums) +{ + int a = nums[0]; + + for (int i = 1; i < nums.length; i++) + { + nums[i-1] = nums[i]; + } + + nums[nums.length -1] = a; + + return nums; +} +" +1303dc6d278abedaac8ec6f420a39a2cb45d60af,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int a = nums[0]; + + for (int i = 1; i < nums.length; i++) + { + nums[i-1] = nums[i]; + } + + nums[nums.length -1] = a; + + } + + return nums; +} +" +1f6e3a2a218aa77d2793ef3cabb1e9e40535f8b2,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + nums[i] == nums[i+i] + } + return nums; +} +" +96b01dfd43c0f47090d400a182e9b000859262bd,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + nums[i] == nums[i+i]; + } + return nums; +} +" +0f2426dcd5ece896d20c155eb6c63f17e86b11ce,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + nums[i] = nums[i+i]; + } + return nums; +} +" +61a9e9e6ba3949573c04bae06a550ce7b436706d,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + nums[i] = nums[i+i]; + } + return nums; +} +" +35d9ae290105fe9bb7cf5cc9a543435db2f525f9,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + nums[0] = nums[nums.length-1]; + } + return nums; +} +" +e2d9f15ef7326bfeaf79d31783717ff6e7cf5ae3,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + int j = nums[0]; + nums[0] = nums[nums.length-1]; + nums[nums.length-1] = j; + } + return nums; +} +" +59829952c190de8a3d565931144336d1b421095c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +7fa5f5648713c08395bf1ddb1233cd3bd65484ab,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + array[0] = nums[nums.length-1]; + array[nums.length-1] = nums[0]; + } + return nums; +} +" +52cf154bc199ae8514a058f2a169231674cb4b0f,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = i; i < array.length-1; i++) + { + array[0] = nums[nums.length-1]; + array[i] == nums[i+1]; + array[nums.length-1] = nums[0]; + } + return nums; +} +" +ada6e80378b974a3f4dbf5b9801f74387f6e9186,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = i; i < array.length-1; i++) + { + array[0] = nums[nums.length-1]; + array[i] = nums[i+1]; + array[nums.length-1] = nums[0]; + } + return nums; +} +" +4a2113d0d6f5ec2cf73cb34cb730c5f5d85f1cea,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 1; i < array.length-1; i++) + { + array[0] = nums[nums.length-1]; + array[i] = nums[i+1]; + array[nums.length-1] = nums[0]; + } + return nums; +} +" +03819efb87830af02ea34dd518cf4cca414d6f5b,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + array[0] = nums[nums.length-1]; + array[nums.length-1] = nums[0]; + for (int i = 1; i < array.length-1; i++) + { + array[i] = nums[i+1]; + } + return nums; +} +" +d36de5a2f9bfbf7715f45006ceaddc22aab2047b,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + array[0] = nums[nums.length-1]; + array[nums.length-1] = nums[0]; + for (int i = 1; i < array.length-1; i++) + { + array[i] = nums[i+1]; + } + return array; +} +" +31618813c961ef1a204627c6b38d43347bd65ef7,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i+1]; + } + return array; +} +" +d7ebdd28152d1c3349f4e0982e32caf5a2aeaa95,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length-1; i++) + { + array[i] = nums[i+1]; + } + return array; +} +" +1132b0976976377f5d8c66f294ab3a6a3fbf18c5,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length-1; i++) + { + array[i] = nums[i+1]; + } + array[nums.length-1] = nums[0]; + return array; +} +" +587d08000bb7c2147da82dae1147dfb0d5fed1cd,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + if (nums.length == 0) + { + return nums; + } + for (int i = 0; i < array.length-1; i++) + { + array[i] = nums[i+1]; + } + array[nums.length-1] = nums[0]; + return array; +} +" +eb993cf46fac83bf04d2d94fd2d6553972e7e91f,"public int[] shiftLeft(int[] nums) +{ + int shift = 0; + if (0 < nums.length) + { + shift = nums[0]; + } + + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + + if (0 < nums.length) + { + nums[nums.length - 1] = shift; + } + + return nums; +} +" +fc11ca4e76995be16d704d41a0770ae376fcc450,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int hi = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = hi; + } + return nums; +} +" +fe4c7c88efb2ec768321752b1cad33308e09ffed,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + nums[i] = nums[i+1]; + } + else + { + nums[nums.length - 1] = first; + } + } + + return nums; +} +" +63d761a4a82af8e17b29ab19ba04fb2d71fd5899,"public int[] shiftLeft(int[] nums) +{ + if (nums.length != 0) + { + int first = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + nums[i] = nums[i+1]; + } + else + { + nums[nums.length - 1] = first; + } + } + + return nums; +} +" +38375d87c5464f0c3d0dca32d209f272e943a6c3,"public int[] shiftLeft(int[] nums) +{ + int first; + + if (nums.length != 0) + { + first = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + nums[i] = nums[i+1]; + } + else + { + nums[nums.length - 1] = first; + } + } + + return nums; +} +" +f461e1e90101ffb975096ff62b7afaa084e30c8a,"public int[] shiftLeft(int[] nums) +{ + int first = 0; + + if (nums.length != 0) + { + first = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + nums[i] = nums[i+1]; + } + else + { + nums[nums.length - 1] = first; + } + } + + return nums; +} +" +879eac81a9db8431c09ac95d4261b9fd65e2b0bc,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +cc613523295af08345de777aa4a3a184b3d47312,"public int[] shiftLeft(int[] nums) +{ + int first = 0; + for (int i = 0; i= 2) + { + int bool = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = bool; + } + return nums; +} +" +1048954864100c7c685334eaaeb1c148eb25d07d,"public int[] shiftLeft(int[] nums) +{ + int[] fresh = new int[nums.length]; + fresh[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + fresh[i] = nums[i + 1]; + } + return fresh; +} +" +de22bdd8aa3fe3c905f78ecf7bce75e7f577cc0f,"public int[] shiftLeft(int[] nums) +{ + int[] fresh = new int[nums.length]; + if (nums.length > 0) + { + fresh[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + fresh[i] = nums[i + 1]; + } + } + return fresh; +} +" +ba6124e895bc7e1c6fecc811bb544f2e7d1dcb00,"public int[] shiftLeft(int[] nums) +{ + int shift = 0; + if(0 < nums.length) + shift = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + if(0 < nums.length) + nums[nums.length - 1] = shift; + return nums; +} +" +c9a776e4486a56b9211d22b583fbc105e3e21784,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + int temp = nums[i]; + int temp1 = nums[i + 1]; + nums[i + 1] = temp; + nums[i] = temp1; + } + return nums; +} +" +19b0da366a1ee245e599300e6703c4a1d0154866,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +3d3666d407b69ec5a029782d634b2b8dea88da0b,"public int[] shiftLeft(int[] nums) +{ + int firstValue = nums[0]; + for (int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + nums[nums.length - 1] = firstValue; + return nums; +} +" +b896de86619c9b50ad1476ad910ee84d3cee1002,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) + return nums; + int firstValue = nums[0]; + for (int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + nums[nums.length - 1] = firstValue; + return nums; +} +" +2d55ca313edb2c54bf33dc7f99ea0a93063c5e77,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + return nums; + int firstValue = nums[0]; + for (int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + nums[nums.length - 1] = firstValue; + return nums; +} +" +ba4157dce90b13084677c534cd3c519d893e90d1,"public int[] shiftLeft(int[] nums) +{ + int[] result=new int[nums.length]; + for(int i=1; i 0) + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + } + return nums; +} +" +5d788dfd84fdd2692cfee9cd6463279e35e4fa2c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +5eef67eab1cb45bc62a91e57b5092153b6454bb6,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int special = nums[0]; + for (int i = 0; i < length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = special; + return nums; +} +" +27ced9f412138c0fe596bab23d6119a3c93f5686,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int special = nums[0]; + if (length == 0) + { + return nums; + } + for (int i = 0; i < length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = special; + return nums; +} +" +37e7c3bb6b89a2f734689e4a53796768e766f1b0,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int special = nums[0]; + if (length !=0) + { + for (int i = 0; i < length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = special; + } + return nums; +} +" +55d2293d01bb461ca922ee8f8e7d5ec21c1e8dd1,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int special = nums[0]; + if (length != 0) + { + for (int i = 0; i < length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = special; + } + return nums; +} +" +0a6cdd342babe3579fe1038146e1455f28e27160,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + newNums[nums.length - 1] = nums[0]; + int x = 0; + for (int i = 1; i < nums.length; i++; x++) + { + newNums[x] = nums[i]; + } + return newNums; +} +" +2a292c08c43530d3b4fe366758e1e430873c6169,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + newNums[nums.length - 1] = nums[0]; + int x = 0; + for (int i = 1; i < nums.length; i++) + { + newNums[x] = nums[i]; + x++; + } + return newNums; +} +" +bd5b16f5f8b4f70973dfe2942ac73dcde1bd61f6,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + if (nums.length > 0) + { + newNums[nums.length - 1] = nums[0]; + } + int x = 0; + for (int i = 1; i < nums.length; i++) + { + newNums[x] = nums[i]; + x++; + } + return newNums; +} +" +a9bae9876ba2db4a2445f05045c1d554185c1766,"public int[] shiftLeft(int[] nums) +{ + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + +return nums; +} +" +03fea6866a26a0740a98697d12f8546c687b8be3,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +8bb9f9dcb2a24c49c405107bdcb7300bcd26426c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +34cfb83580b4863b8aae48888cdb967114223248,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +13e417be8f03b15a858a75640998f17362b9c5f6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = temp; + } + return nums; +} +" +365f623d41605e9c7d18c5c5476e21fc91ef4a80,"public int[] shiftLeft(int[] nums) +{ + int[] foo; + foo = new int[nums.length]; + if (nums.length == 0) + return foo; + for (int i = 0; i < nums.length-1; i++) { + if (i > 0) + foo[i] = nums[i+1]; + } + if (nums.length > 1) + foo[0] = nums[1]; + foo[nums.length-1] = nums[0]; + return foo; + +} +" +3a8204a9a883186b03d948aca9689b5162adbd38,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +}" +fea3febf0f0a4259fe88beda7dd1e6d6d952b77c,"public int[] shiftLeft(int[] nums) { + int[] foo; + foo = new int[nums.length]; + if (nums.length == 0) + return foo; + for (int i = 0; i < nums.length-1; i++) { + if (i > 0) + foo[i] = nums[i+1]; + } + if (nums.length > 1) + foo[0] = nums[1]; + foo[nums.length-1] = nums[0]; + return foo; +}" +78a6d528a4858b4fe02c6e029ba0c5eba7a7a297,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + if (length == 0) + { + return nums; + } + int special = nums[0]; + if (length != 0) + { + for (int i = 0; i < length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = special; + } + return nums; +} +" +4c1f900f3247f300399c576afeae79976400d898,"public int[] shiftLeft(int[] nums) +{ + int i = nums[0]; + nums.remove(nums[0]); + nums.add(i); + return nums; +} +" +34a41172d1615e04df4775ac80ed4df9235e7a10,"public int[] shiftLeft(int[] nums) +{ + int num = 0; + if (0 < nums.length) + { + num = nums[0]; + } + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+ 1]; + } + if (0 < nums.length) + { + nums[nums.length - 1] = num; + } + return nums; +} +" +bc4e3335e82e70b1267cee7b1cbd1cb08845ab2a,"public int[] shiftLeft(int[] nums) +{ + int num = 0; + if (nums.length > 0 ) + { + num = nums[0]; + } + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+ 1]; + } + if (nums.length > 0) + { + nums[nums.length - 1] = num; + } + return nums; +} +" +81f81b1c6c8aaca21475c17738d04a5e621576c4,"public int[] shiftLeft(int[] nums) { + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +}" +6fcaecb1579135113941d03d27a8ef117648afb7,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int index = 1; + for(int i=0;i 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + x[i] = nums[i + 1]; + } + x[nums.length - 1] = nums[0]; + } + return x; +} +" +c9e4c77e945768eef150c27b7d3ec9132f30797b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + int x = nums[0]; + for (int i = z; i < nums.length; i++) + { + nums[i - 1] = nums[i]; + } + nums[nums.length - 1] = x; + return nums; +} +" +65a2e68b944ed1bb9b86e315f4534ede5c35e842,"public int[] shiftLeft(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + int x = nums[0]; + for (int i = 1; i < nums.length; i++) + { + nums[i - 1] = nums[i]; + } + nums[nums.length - 1] = x; + return nums; +} +" +420c62beb36c0d304de321fcbc73189268712e53,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + newArray[i] = nums[i + 1]; + } + newArray[nums.length - 1] = nums[0]; + } + return newArray; +} +" +ef49594e8009f0d2aee338e1745b77a9af351f63,"public int[] shiftLeft(int[] nums) +{ + int[] newarray = new int[nums.length]; + int a = nums[0]; + newarray[nums.length - 1] = a; + for(int i = 1; i < nums.length; i++) + { + newarray[i - 1] = nums[i]; + } + return newarray; +} +" +70f3cd5012385f6a50acaff08942354c453358c2,"public int[] shiftLeft(int[] nums) +{ + if(nums[] == null) + { + return nums[]; + } + int[] newarray = new int[nums.length]; + int a = nums[0]; + newarray[nums.length - 1] = a; + for(int i = 1; i < nums.length; i++) + { + newarray[i - 1] = nums[i]; + } + return newarray; +} +" +8e73313fbd8b0eea749c09536815af42aa93e655,"public int[] shiftLeft(int[] nums) +{ + if(nums[0] == null) + { + return nums[]; + } + int[] newarray = new int[nums.length]; + int a = nums[0]; + newarray[nums.length - 1] = a; + for(int i = 1; i < nums.length; i++) + { + newarray[i - 1] = nums[i]; + } + return newarray; +} +" +2a92b6d5629ecdb749978acf488b2ca6268c811c,"public int[] shiftLeft(int[] nums) +{ + if(nums[0] == null) + { + return nums; + } + int[] newarray = new int[nums.length]; + int a = nums[0]; + newarray[nums.length - 1] = a; + for(int i = 1; i < nums.length; i++) + { + newarray[i - 1] = nums[i]; + } + return newarray; +} +" +741fa531cf8977de2ecbc24c9b08bde82599244a,"public int[] shiftLeft(int[] nums) +{ + if(nums[0] == 0) + { + return nums; + } + int[] newarray = new int[nums.length]; + int a = nums[0]; + newarray[nums.length - 1] = a; + for(int i = 1; i < nums.length; i++) + { + newarray[i - 1] = nums[i]; + } + return newarray; +} +" +217b6c94704073ae6b185d57c1f0f07741d8efd0,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + { + return nums; + } + int[] newarray = new int[nums.length]; + int a = nums[0]; + newarray[nums.length - 1] = a; + for(int i = 1; i < nums.length; i++) + { + newarray[i - 1] = nums[i]; + } + return newarray; +} +" +ee43a12d79039cdce4c92e9bc5005d98241a9485,"public int[] shiftLeft(int[] nums) +{ + int[] news = new int[]; + for (int i = 0; i < nums[].length; i++) + { + news[i] = nums[nums[].length - 1 - i]; + } + return news; + +} +" +171a5101f52203ee4cd08f6d433a6ebad5b525de,"public int[] shiftLeft(int[] nums) +{ + int[] shiftLeft = new int[nums[].length]; + for (int i = 0; i < nums[].length; i++) + { + news[i] = nums[nums[].length - 1 - i]; + } + return shiftLeft; + +} +" +0d3fe9b641dfcb812cb1da12190ef283db1edbbb,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int a = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = a; + } + return nums; +} +" +55bf487d32f8876d595f77fc7629664100cbb4a4,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +80b9083aa2733fc4da0c4ab1e83c876e35c5d2fb,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +f34f278a1e23fef9df46ae84da07687bc4a05dd7,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + array[i] = nums[i]+1; + } + array[nums.length] = first; + return array; +} +" +f2de782623f22280c378404de1a169e59a225f47,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length; i++) + { + array[i] = nums[i]+1; + } + array[nums.length] = first; + return array; +} +" +ed21e527ef2bdb5356a8384c83f28d55e8e78624,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length; i++) + { + array[i] = nums[i+1]; + } + array[nums.length] = first; + return array; +} +" +935446d5ba19bd2daf64b0deee5ab7b52f42f22b,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + array[i] = nums[i+1]; + } + array[nums.length] = first; + return array; +} +" +d134b2b9b13ed9a7406a923eae9a49cd49ab9b27,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + array[i] = nums[i+1]; + } + array[nums.length-1] = first; + return array; +} +" +b4cc8daf27cc43c9bb2eb986e90533ab027a2ab9,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + array[i] = nums[i+1]; + } + if(nums.length <= 1) + { + int[] newarray = new int[0]; + return newarray; + } + array[nums.length-1] = first; + return array; +} +" +89bcb422f9b316314c0e247a4b901b5982d201e6,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + array[i] = nums[i+1]; + } + if(nums.length < 1) + { + int[] newarray = new int[0]; + return newarray; + } + array[nums.length-1] = first; + return array; +} +" +e25ff1291c78b6f7e166ee699cf4087d9adc2125,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + int first = nums[0]; + if (nums.length == 0) + { + return array; + } + else + { + + for(int i = 0; i < nums.length-1; i++) + { + array[i] = nums[i+1]; + } + array[nums.length-1] = first; + return array; + } +} +" +da3a3283b571e368c64f34dc250e2a6b9d2ff57d,"public int[] shiftLeft(int[] nums) +{ + int n = nums[0]; + for(int i=0; i0) + { + int n = nums[0]; + for(int i=0; i= 2) + { + int x = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + x = nums[nums.length - 1] + } + return nums; +} +" +9e7121e2cafbd7b5d19ea5ed9b9a751a1fb90182,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int x = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + x = nums[nums.length - 1]; + } + return nums; +} +" +ca26850712e27c159e711ae4261fbf799ca4f24f,"public int[] shiftLeft(int[] nums) +{ + int[] temparray = new int[nums.length]; + + for (int x = 0; x < nums.length; x++) { + int count = 1; + temparray[x] = nums[count]; + count = count + 1; + } + + return temparray; +} +" +b5ddff98b5f3547cea8eea842731bf6c7b8f8d94,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +dfad907c5a3c158c9c8f865fb07251965515373c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int x = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = x; + } + return nums; +} +" +55491fe7dd37ac7e3048ad5953e082f3bce6d456,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +ee23e025228d5e93743f090ccf6b0d0a030009d0,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i + 1]; + } + newArray[nums.length - 1] = nums[0]; + return newArray; + +} +" +dc66d68f874cc1512161f47d3ddc5a2eb01d2534,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + newArray[i] = nums[i + 1]; + } + newArray[nums.length - 1] = nums[0]; + return newArray; + +} +" +804a2d36c754173f769c6d4a78df84d849d62346,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + if (nums.length != 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + newArray[i] = nums[i + 1]; + } + newArray[nums.length - 1] = nums[0]; + } + return newArray; + +} +" +b5cd1338bf0d4495cf0c7d2ea88f2b7ccab9cfbf,"public int[] shiftLeft(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = nums[0]; + return nums; +} +" +cef274fffab8376d34ce46c7a87e2c1ab858cfcb,"public int[] shiftLeft(int[] nums) +{ + if(nums.length = 0) + return nums; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = nums[0]; + return nums; +} +" +4958112f44e810345892dd048f10a2d9021cfc59,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + return nums; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = nums[0]; + return nums; +} +" +ce363f413505513b33f951fc798d293e7f4f2030,"public int[] shiftLeft(int[] nums) +{ + int c = nums[0]; + if(nums.length == 0) + return nums; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = c; + return nums; +} +" +505ebe3be02ef368b616ec62fb2f0ab024940a13,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + return nums; + int c = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = c; + return nums; +} +" +1cea17989f8800b44f61458875ff7b909d08198b,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int a = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = a; + } + return nums; + +} +" +1acb688924031c93a3edbbe70e09cda090e559f4,"public int[] shiftLeft(int[] nums) +{ + int[] answer = new int[nums.length]; + if (nums.length == 0) + { + return answer; + } + + for (int i = 0; i < nums.length-1; i++) + { + if (i > 0) + answer[i] = nums[i+1]; + } + if (nums.length > 1) + { + answer[0] = nums[1]; + } + answer[nums.length-1] = nums[0]; + return answer; +} +" +b1a2c29be1febb6fbfc39fea7d47a8f7561aa457,"public int[] shiftLeft(int[] nums) +{ + int t = nums.length; + + int[] answer = new int[t]; + if (t == 0) + { + return answer; + } + + for (int i = 0; i < t - 1; i++) + { + if (i > 0) + answer[i] = nums[i + 1]; + } + if (t > 1) + { + answer[0] = nums[1]; + } + answer[t - 1] = nums[0]; + return answer; +} +" +23697f2f51e828b46f0849cb806f943c478884dc,"public int[] shiftLeft(int[] nums) +{ + int [] array = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums.length - 1 == 1) + { + array[i] = nums[i+1]; + array[i+1] = nums[0]; + } + else + { + array[i] = nums[i+1]; + } + } + return array; +} +" +c15f41baa7ec2fcb32529c5fbd55588bb02cdcdc,"public int[] shiftLeft(int[] nums) +{ + int [] array = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums.length - 1 == 1) + { + array[i] = nums[i+1]; + array[i+1] = nums[0]; + } + else + { + array[i] = nums[i+1]; + } + } + return array; +} +" +9158541adce6ab758ea13de24d0671025f161024,"public int[] shiftLeft(int[] nums) +{ + int [] array = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums.length - 1 == 1) + { + array[i] = nums[i+1]; + array[i+1] = nums[0]; + } + else + { + array[i] = nums[i+1]; + } + } + return array; +} +" +1fd1f2099a69f290d989e3b67d07a18b0095bcbe,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int alka = nums[0]; + for(int j = 0; j < nums.length - 1; j++) + nums[j] = nums[j+1]; + nums[nums.length-1] = alka; + } + return nums; +} +" +48d080c1f6711fa6a4af5ce7579524756c7f0c34,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +d889335a6f7ca5992316f15026df872a8b841642,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; + int[] nums2 = new int[len]; + if (len>1) + { + int first = nums[0]; + for(int i = 0; i < len-1; i++) + { + nums2[i] = nums[i+1]; + } + nums2[len-1 = first; + } + return nums2; +} +" +a72ddada7588ade6bebaa4b2849d625f8b9a38f4,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; + int[] nums2 = new int[len]; + if (len>1) + { + int first = nums[0]; + for(int i = 0; i < len-1; i++) + { + nums2[i] = nums[i+1]; + } + nums2[len-1] = first; + } + return nums2; +} +" +3dd7c581c1787fa263cdc4de07a553fc0ddba792,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; + int[] nums2 = new int[len]; + if (len>1) + { + int first = nums[0]; + for(int i = 0; i < len-1; i++) + { + nums2[i] = nums[i+1]; + } + nums2[len-1] = first; + } + else if (len == 1) + { + return nums; + } + return nums2; +} +" +362f8c1f881de63abf5359dc49d90f04a8ca2e5a,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + int firstwillbelast = nums[0]; + for(int i = 0; i < nums.length; i++) + { + if(i + 1 != nums.length) + { + newnums[i] = nums[i + 1]; + } + else + { + newnums[i] = firstwillbelast; + } + } +} +" +9ece90368070ff72bf27d2862e56b24e8c4b6efb,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + int firstwillbelast = nums[0]; + for(int i = 0; i < nums.length; i++) + { + if(i + 1 != nums.length) + { + newnums[i] = nums[i + 1]; + } + else + { + newnums[i] = firstwillbelast; + } + } + return newnums; +} +" +4e3620f84bb6a1e02995ee80beaacafbfa910a77,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + {return nums;} + int[] newnums = new int[nums.length]; + int firstwillbelast = nums[0]; + + for(int i = 0; i < nums.length; i++) + { + if(i + 1 != nums.length) + { + newnums[i] = nums[i + 1]; + } + else + { + newnums[i] = firstwillbelast; + } + } + return newnums; +} +" +f21a31c1654c7e4cd7b4c8bbb1987de0306d11a8,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +735acad2ba4a30fa6078592bbde92c3d457fe96f,"public int[] shiftLeft(int[] nums) +{ + return nums; + +} +" +f61322655a2b9f3727229af54d6aebe55a499817,"public int[] shiftLeft(int[] nums) +{ + int i = nums[0]; + nums.remove(nums[0]); + nums.add(nums[0]); + return nums; +} +" +8ae0e8aeee700fe403a59395ac6fb91e759823c4,"public int[] shiftLeft(int[] nums) +{ + int a = new int[]; + if (nums.length % 2 != 0) + { + for (int i = 0; i < numslength - 1; i++) + { + a[i + 1] = int[i]; + a[i] = int[i + 1]; + } + } + +} +" +200b21af9c912dae293ba7c54146934118e19ddf,"public int[] shiftLeft(int[] nums) +{ + int[] a = new int[]; + if (nums.length % 2 != 0) + { + for (int i = 0; i < numslength - 1; i++) + { + a[i + 1] = int[i]; + a[i] = int[i + 1]; + } + } + +} +" +056ef8b49a234c3f8ed9871fee2f45f718c2dac2,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +e73fcb0592e2c13c794d14f466bb6728d9841657,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +8ddb115358c535127a7c23e93730c96635ac2d52,"public int[] shiftLeft(int[] nums) { + int[] foo; + foo = new int[nums.length]; + + if (nums.length == 0) + return foo; + + for (int i = 0; i < nums.length-1; i++) { + if (i > 0) + foo[i] = nums[i+1]; + } + if (nums.length > 1) + foo[0] = nums[1]; + foo[nums.length-1] = nums[0]; + return foo; +}" +d16884c84dc0284971b53a1eb6490c01ce02b241,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + newList[i] = nums[i - 1]; + } + newList.add(nums[nums.length]); + return newList; +} +" +8a6db3a8f8e2a1be3ba2d32c8ec553e5da2b3497,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new ArrayList; + for (int i = 0; i < nums.length; i++) + { + newList[i] = nums[i - 1]; + } + newList.add(nums[nums.length]); + return newList; +} +" +b147f4b01f9f5af7b8cae910e8021bf6b484ae9f,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new List(); + for (int i = 0; i < nums.length; i++) + { + newList[i] = nums[i - 1]; + } + newList.add(nums[nums.length]); + return newList; +} +" +a09d16712f4604e44e94844d598933651e563623,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new ArrayList[]; + for (int i = 0; i < nums.length; i++) + { + newList[i] = nums[i - 1]; + } + newList.add(nums[nums.length]); + return newList; +} +" +64d457b083934e7c9a6dc4cccad71a0d63b0e8ab,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +9ea749c771dcdf2d9c3643594599943c0c63a63a,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +a3a7f610283921812407136354a48d174cd57721,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +6eef3098b2691d1aba4683dee0048cdf9591704a,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +82119a9508fe01e4b4f0d073ce6ef4ef83ca1c35,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +d5bcc6727c7e0d26e25958ba838a8229f25dc5e1,"public int[] shiftLeft(int[] nums) +{ + List newList = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + newList[i] = nums[i - 1]; + } + newList.add(nums[nums.length]); + return newList; +} +" +bc31aa0b6865c3899c86def48c30b6be30f0bebd,"public int[] shiftLeft(int[] nums) +{ + List result = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +6aa6cc49ff37bac81521b912d5035681c6e70a49,"public int[] shiftLeft(int[] nums) +{ + List result = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +b3b31fb60e8761083c6a1239ee0fed878ced692a,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + } + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +cb25af4c9460dc34703dea1d62cd408aa111dd64,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + } + return nums; +} +" +22d283526839f77b1da4c7cb788668d3517e8894,"public int[] shiftLeft(int[] nums) +{ + int[] x; + x = new int[nums.length]; + if (nums.length == 0) + + { + return x; + } + for (int i = 0; i < nums.length-1; i++) + { + if (i > 0) + { + x[i] = nums[i+1]; + } + } + if (nums.length > 1) + { + x[0] = nums[1]; + } + x[nums.length-1] = nums[0]; +} + return foo; + +} +" +52f3001a2cce657a6c724684f08edbe341557c07,"public int[] shiftLeft(int[] nums) +{ + int[] x; + x = new int[nums.length]; + if (nums.length == 0) + + { + return x; + } + for (int i = 0; i < nums.length-1; i++) + { + if (i > 0) + { + x[i] = nums[i+1]; + } + } + if (nums.length > 1) + { + x[0] = nums[1]; + x[nums.length-1] = nums[0]; + } + return x; + +} +" +b1301e2620eb45feb89ddb05c597413be0aa203f,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +}" +ffe629f4dded30cfd67e5e1e17139f7688205978,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + } + return nums; +}" +8a44ecd1dae169726a3cea4b4ea59a0919ad63a4,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums;" +14cd31e6dc1366758fd848f55637271311fe67b4,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +}" +5c4fcb6572c2b066174c57d75d2b3d88ea52c78a,"public int[] shiftLeft(int[] nums) +{ + int temp = nums[nums.length - 1]; + nums[nums.length - 1] = nums[0]; + nums[0] = temp; + return nums; +} +" +48dd01e2e44d36f7982f91039e6e17c21439b684,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length - 2; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + +} +" +dde0ab8970eb4c8b6fd890ac5dd340debe0852bb,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length - 2; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +1c27f205ebfcc2bac8891e2e4a77f59dca70d940,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +4d03fb1c3b5c99ffc00256335793c40ecb927a14,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +3efcf111be12f6ef2f13780826053110495636ec,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +dba6eb85822f5c2fe044da2d341452200188bb12,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + } + return nums; +} +" +ecbf2fab85b1bd02b3a3b5125e375888f43e7967,"public int[] shiftLeft(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) + { + int temp = nums[i]; + nums[i] = nums[i+1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +b0e828fefa612ada48468c9a06c27d6c496b0512,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +59dfdb6340d54e8e550602213debf36edecfead6,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[n]; + for (int i = 0; i < n; i++) + result[i] = i; + return result; +} +" +2c826f4900332ef9bb48f00ef2164451d10cbd62,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +a89c4695da0bf3b1bee47adec06ac25c71d2aedc,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + } + return nums; +} +" +7e45057c9c1de2030b0b0214b6abc029df392f14,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +e78869fdbaa6ff188d99f4719d69ad9fe03769a4,"public int[] shiftLeft(int[] nums) +{ + int[] ree; + ree = new int[nums.length]; + + if (nums.length == 0) + return ree; + + for (int i = 0; i < nums.length-1; i++) { + if (i > 0) + ree[i] = nums[i+1]; + } + if (nums.length > 1) + ree[0] = nums[1]; + ree[nums.length-1] = nums[0]; + return ree; +} +" +a58b13acf34f5828e925d871e5b9831bd4455963,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int first = nums[0]; + for (int i = 0; i < length - 1; i++) + { + result[i] = result[i + 1]; + } + result[length - 1] = first; + return result; +} +" +f130739cf704407c5615219cf3630ab40856b617,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int first = nums[0]; + for (int i = 0; i < length - 1; i++) + { + result[i] = num[i + 1]; + } + result[length - 1] = first; + return result; +} +" +adb33b0f61f9b8415cbc7ee30ed9fec6f2089663,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int first = nums[0]; + for (int i = 0; i < length - 1; i++) + { + result[i] = nums[i + 1]; + } + result[length - 1] = first; + return result; +} +" +afb1ae335e87b20579de54476dcd9053b914a108,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + int first = nums[0]; + if (length > 0) + { + + for (int i = 0; i < length - 1; i++) + { + result[i] = nums[i + 1]; + } + result[length - 1] = first; + } + return result; +} +" +449f760720c42aa48fa04660382d3bbfe3fda37a,"public int[] shiftLeft(int[] nums) +{ + int length = nums.length; + int[] result = new int[length]; + + if (length > 0) + { + int first = nums[0]; + for (int i = 0; i < length - 1; i++) + { + result[i] = nums[i + 1]; + } + result[length - 1] = first; + } + return result; +} +" +21ab1f71b77af776eeead8c4e2f11d3940d5cf90,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int current = nums[0]; + for (int x = 0; x + 1 < nums.length; x++) + { + nums[x] = nums[x + 1]; + } + nums[nums.length - 1] = current; + } + return nums; +} +" +d82d4ee18fac3a8dec8d9ad2719ad7b8b93ce84d,"public int[] shiftLeft(int[] nums) +{ + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +76e4233e3dc99904c86d78ff9cc04a6c1afa6d60,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.lenght - 1; i++) + { + restult[i] = nums[i + 1]; + } + result[nums.length - 1] = nums[0]; + return result; +} +" +4d4022c8abfc877a6c0322f8e94a07488b46719a,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + restult[i] = nums[i + 1]; + } + result[nums.length - 1] = nums[0]; + return result; +} +" +f07377564c3ee7a4b7bbc3adf6237fac6fbcfab7,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + result[i] = nums[i + 1]; + } + result[nums.length - 1] = nums[0]; + return result; +} +" +06e7f5c61e51ae8002709994a7b432abf4b1a239,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + if (nums.length == 0) + { + return result; + } + for (int i = 0; i < nums.length - 1; i++) + { + result[i] = nums[i + 1]; + } + result[nums.length - 1] = nums[0]; + return result; +} +" +1369e64c96e61b83a13f68278080127931aa3736,"public int[] shiftLeft(int[] nums) +{ + java.util.List holder = new java.util.ArrayList(); + + for(int i = 1; i < nums.length; i++) + { + + holder.add(nums[i]); + + } + holder.add(nums[0]); + for(int i = 0; i < nums.length; i++) + { + if (holder.size() > i) + { + nums[i] = holder.get(i); + } + + + } + nums[nums.length-1] = holder.get(holder.size()-1); + return nums; +} +" +ad85cf3230fabbbd527c2d79f7fe4ed93f6945fa,"public int[] shiftLeft(int[] nums) +{ + int shift = nums[0]; + int[]shiftLeft = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + shiftLeft[i] = nums[i + 1]; + } + shiftLeft[nums.length - 1] = shift; + return shiftLeft; +} +" +eea8b3a56c15d8129f6218b8c1ac770c4897a480,"public int[] shiftLeft(int[] nums) +{ + int finalInt = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + finalInt[i] = nums[i + 1]; + } + finalInt[nums.length - 1] = nums[0]; + return finalInt; +} +" +42e8f5d986df49244d1567b30483e88516e46528,"public int[] shiftLeft(int[] nums) +{ + int[] finalInt = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + finalInt[i] = nums[i + 1]; + } + finalInt[nums.length - 1] = nums[0]; + return finalInt; +} +" +b37a3d5a06e0cf4a65cbcd42379a3d68649053b9,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return []; + } + int shift = nums[0]; + int[]shiftLeft = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + shiftLeft[i] = nums[i + 1]; + } + shiftLeft[nums.length - 1] = shift; + return shiftLeft; +} +" +e07f1b8393cb72ea305d1f52228f8a2164fe0e7e,"public int[] shiftLeft(int[] nums) +{ + java.util.List holder = new java.util.ArrayList(); + if (nums.length == 0) + { + return nums; + } + + for(int i = 1; i < nums.length; i++) + { + + holder.add(nums[i]); + + } + holder.add(nums[0]); + for(int i = 0; i < nums.length; i++) + { + if (holder.size() > i) + { + nums[i] = holder.get(i); + } + + + } + nums[nums.length-1] = holder.get(holder.size()-1); + return nums; +} +" +1f2cd75637fee3b077bc7c7e45d6a8f243f50b7e,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return nums; + } + int shift = nums[0]; + int[]shiftLeft = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + shiftLeft[i] = nums[i + 1]; + } + shiftLeft[nums.length - 1] = shift; + return shiftLeft; +} +" +f877814d4aee490de9bd16e1d8845fd6098afe74,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return nums; + } + int shift = nums[0]; + int[]shiftLeft = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + shiftLeft[i] = nums[i + 1]; + } + shiftLeft[nums.length - 1] = shift; + return shiftLeft; +} +" +ed35092b0dbebc4a07aae88ca3a651f4e168a4ca,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0){ + return nums; + } + int shift = nums[0]; + int[]shiftLeft = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++){ + shiftLeft[i] = nums[i + 1]; + } + shiftLeft[nums.length - 1] = shift; + return shiftLeft; +} +" +d60ca0266d4776f10dc91320b01a92b054400e70,"public int[] shiftLeft(int[] nums) +{ + int[] finalInt = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + finalInt[i] = nums[i + 1]; + } + if (nums.length != 0) + finalInt[nums.length - 1] = nums[0]; + return finalInt; +} +" +24d1f09831ae8d39dbc21cd88339f71e39a9362b,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +0cc193cc1dcbff258d87bb905b4fe6b16e1a87b9,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int holder = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = holder; + } + return nums; +} +" +29395a48aabb976df0b54883feb889cfa2d34d94,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +0894159b356acd7916a70e5dd00b2c17465ed1d2,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + + } + nums[nums.length - 1] = first; + return nums; +} +" +557e82201ae248b978549e9959e5ee047640ccbc,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + + } + nums[nums.length - 1] = first; + + } + return nums; +} +" +9ccc2407280e1eac70552c4f52511919092fdd6b,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +623fcbe2f58d5854852bb8292018e9b669cd4374,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + newArray[nums.length] = first; +} +" +9aaf66d653b499cd89f83e526ab1b582bc9a7cdc,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + newArray[nums.length] = first; + return newArray; +} +" +fbbf1c54fdcbc640c2f165cdda3436440c22f930,"public int[] shiftLeft(int[] nums) +{ +} +" +764b459c2e6dc40de4f0240d67461049122adc98,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + if (nums[index] < nums.length) + { + newArray[index] = nums[i]; + index++; + } + } + newArray[nums.length] = first; + return newArray; +} +" +ebdaba2bc16c7bd7a60d01cbb4d80cadc61f26db,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[index] < nums.length) + { + newArray[index] = nums[i]; + index++; + } + } + newArray[nums.length] = first; + return newArray; +} +" +87030905ce0203aeddeb44d84185aedcc904400b,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[index] < nums.length) + { + newArray[index] = nums[i]; + index++; + } + } + newArray[nums.length] = first; + return newArray; +} +" +fb8bd6c962ad92e57da619e7b1bfc7c2252668ad,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[index] < nums.length) + { + newArray[index] = nums[i]; + index++; + } + } + return newArray; +} +" +dd03bc2bb8290f4a138c68eab938df39538f3e16,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + if (nums[index] < nums.length) + { + newArray[index] = nums[i]; + index++; + } + } + return newArray; +} +" +d5e61e1e3be9f85130591a54ab592a04b565fb14,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + int p = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) < nums.length) + { + shift[i] = nums[i + 1]; + } + } + + shift[nums.length] = p; + + return shift; +} +" +8246f7cdd909e9d7164d46db8bb2268e8fc6bdc1,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + } + return newArray; +} +" +1814a05ae0ba0431822af62aa16ea325284f998e,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +9d4e6f28e6ed48d5a3a1ee995c07f01f44d86354,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + int p = nums[0]; + + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) < nums.length) + { + shift[i] = nums[i + 1]; + } + } + + shift[nums.length - 1] = p; + + return shift; +} +" +073599daa103cb4e75e1a6fe1067dbf14c59059f,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + } + newArray[nums.length] = first; + return newArray; +} +" +171cc9dc87a9108f73244ff0396963e88f19081d,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + int p = nums[0]; + + if (nums.length == 0) + { + return shift; + } + + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) < nums.length) + { + shift[i] = nums[i + 1]; + } + } + + shift[nums.length - 1] = p; + + return shift; +} +" +31c31008f88ec1c99590f8978f01fdb720223f45,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + } + newArray[nums.length - 1] = first; + return newArray; +} +" +21c8c32ff2ad00a183b9de36b441edf45d8f2a6a,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + newArray[nums.length - 1] = first; + return newArray; +} +" +224153db9632f75ab893f30a7732fff8f2135a38,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + if (nums[0] != null) + { + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + } + newArray[nums.length - 1] = first; + return newArray; +} +" +ede7fca4812cea188f353d6827c0297e508f4b70,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + + + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + + newArray[nums.length - 1] = first; + return newArray; +} +" +7c024f7d654a0715367017e63774af5e5dd66bca,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + if (nums.length != 0) + { + boolean exists = true; + } + if (exists) + { + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + newArray[nums.length - 1] = first; + return newArray; + } + else + { + return null; + } +} +" +92327e6e8933ce84137fedabd03e0126324aeaeb,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + boolean exists = false; + int[] newArray = new int[nums.length]; + if (nums.length != 0) + { + exists = true; + } + if (exists) + { + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + newArray[nums.length - 1] = first; + return newArray; + } + else + { + return null; + } +} +" +a8aabc680c0d3ce6b6cfc138750fb6545724c0bd,"public int[] shiftLeft(int[] nums) +{ + int[] nums = new int[0]; + int[] shift = new int[nums.length]; + int p = 0; + + if (nums.length == 0) + { + return shift; + } + else + { + p = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) < nums.length) + { + shift[i] = nums[i + 1]; + } + } + + shift[nums.length - 1] = p; + + return shift; +} +" +aa4854b17e8ae85b8b53fc9323a0d93bb5693c50,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + int p = 0; + + if (nums.length == 0) + { + return shift; + } + else + { + p = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) < nums.length) + { + shift[i] = nums[i + 1]; + } + } + + shift[nums.length - 1] = p; + + return shift; +} +" +44666ff0da47f2e585f6282908fae3ba17ec8547,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + int index = 0; + int[] newArray = new int[nums.length]; + + if (nums.length == 0) + { + return null; + } + else + for (int i = 1; i < nums.length; i++) + { + newArray[index] = nums[i]; + index++; + } + newArray[nums.length - 1] = first; + return newArray; + +} +" +ed8e698bff44edd3d96139017025747ad8865a55,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +f6e188d185891cb987520e48db8417cdeb0705d9,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +e567de67352cd61d4ba7338fae93d71666d29d27,"public int[] shiftLeft(int[] nums) +{ + int [] shifted = new int[nums.length]; + shifted[nums.length-1] = nums[0]; + for (int i = 0; i < nums.length-1; i++) + { + shifted[i] = nums[i+1]; + } + return shifted; +} +" +e47264bd75c61878505c1930db53af5f089d060f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) + { + return nums; + } + int [] shifted = new int[nums.length]; + shifted[nums.length-1] = nums[0]; + for (int i = 0; i < nums.length-1; i++) + { + shifted[i] = nums[i+1]; + } + return shifted; +} +" +ca2f0ade4a8180457679f08c4b68e45bf2388049,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = temp; + } + return nums; +} + +" +53db9f9131ec2e696ae2dc0b82fd4ea6d2cd3cf3,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int [] shifted = new int[nums.length]; + shifted[nums.length-1] = nums[0]; + for (int i = 0; i < nums.length-1; i++) + { + shifted[i] = nums[i+1]; + } + return shifted; +} +" +84dfd0d1e5c431468600f396b066dbde235e2bb8,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + return newList; +} +" +4d94551939d527d6cb19d779da0d4484c4df041a,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for ( i = 1; i < nums.length; i++ ) { + array[i-1] = i; + } + array = array + nums[0]; + return array; +} +" +b5955d5bdc9ebcb3677ef2f18e6c082e98b532ae,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for ( int i = 1; i < nums.length; i++ ) { + array[i-1] = i; + } + array = array + nums[0]; + return array; +} +" +6cc2f5ee353bf58c304519244bf359db24143dcc,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for ( int i = 1; i < nums.length; i++ ) { + array[i-1] = i; + } + array = array.add(nums[0]); + return array; +} +" +8f50389c4a69f634715420cc2549c0fb03369acc,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newList[i] = nums[i + 1]; + newList[nums.length] = nums[0]; + } + return newList; +} +" +1a49fcbdfbd3227381edbd618f4984339d4d0b74,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 1; i <= nums.length; i++) + { + newList[i - 1] = nums[i]; + } + return newList; +} +" +582cf7f61b9aa2b846cb792bec544f6f7146654a,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + for ( int i = 1; i < nums.length; i++ ) { + array[i-1] = i; + array[nums.length - 1] = nums[0]; + } + return array; +} +" +8bc006cd9152d8eaf3c3ecef616f3ba43e2027e6,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + newList[i] = nums[i + 1]; + } + return newList; +} +" +7bef3a713ea2ecd75cf92888119dc14d60eb0674,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + if ( nums.length >= 2 ) { + for ( int i = 1; i < nums.length; i++ ) { + array[i-1] = i; + array[nums.length - 1] = nums[0]; + } + } + return array; +} +" +8ad246bc444c19de4c97fd8a4eb3afb86db90c32,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length-1]; + for (int x = 0; x < nums.length - 1; x++) + { + no[x] = nums[x + 1]; + } + no[numslength-1] = nums[0]; +}" +889914f6f274be2da72bf687b779aa3ca52a2c92,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length-1]; + for (int x = 0; x < nums.length - 1; x++) + { + no[x] = nums[x + 1]; + } + no[nums.length-1] = nums[0]; +}" +eed7f9186ce5ef6394a4b21cc9e9434bc88a23ab,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + newList[i] = nums[i + 1]; + } + newList[nums.length] = nums[0]; + return newList; +} +" +4f0a800b1d3f3a3928139eef35fdd0074afd9ebd,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length-1]; + for (int x = 0; x < nums.length - 1; x++) + { + no[x] = nums[x + 1]; + } + no[nums.length-1] = nums[0]; + return no; +}" +65f679b730483a60b719d0cdb11c81f31f6da88e,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + newList[i] = nums[i + 1]; + } + newList[nums.length - 1] = nums[0]; + return newList; +} +" +1436f87e474821232dc2449bc263786541133b93,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length-1]; + for (int x = 0; x < nums.length - 2; x++) + { + no[x] = nums[x + 1]; + } + no[nums.length-1] = nums[0]; + return no; +}" +ddb0bcec5e866876f0e5b8a487111b00289e5e90,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + newList[i] = nums[i + 1]; + newList[nums.length - 1] = nums[0]; + } + return newList; +} +" +53776cbca68c0f4cbb7dd0e942762b30c280e7bd,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length]; + no[nums.length-1] = nums[0]; + for (int x = 0; x < nums.length - 2; x++) + { + no[x] = nums[x + 1]; + } + return no; +}" +a77cf61f1d235b19831c14399114810bc8b89144,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + if ( nums.length >= 2 ) { + for ( int i = 1; i < nums.length; i++ ) { + array[i-1] = nums[i]; + array[nums.length - 1] = nums[0]; + } + return array; + } + else + { + return nums; + } +} +" +4cde8bf67ebbe0415a28d76d932a8c0c9cb6bf22,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length]; + no[nums.length-1] = nums[0]; + for (int x = 0; x < nums.length - 1; x++) + { + no[x] = nums[x + 1]; + } + return no; +}" +4abd106d6489be6c5949866558c5ff5898430a36,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length]; + no[nums.length - 1] = nums[0]; + if (nums.length > 0) + { + for (int x = 0; x < nums.length - 1; x++) + { + no[x] = nums[x + 1]; + } + } + return no; +}" +cd384982b20b2ee711d2b978f8083fa08d4e5319,"public int[] shiftLeft(int[] nums) +{ + int[] no = new int[nums.length]; + if (nums.length > 0) + { + no[nums.length - 1] = nums[0]; + for (int x = 0; x < nums.length - 1; x++) + { + no[x] = nums[x + 1]; + } + } + return no; +}" +e448b711cfc3e1d6adf2dfbb1234246aa343d1a7,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +56c662b49f4bb25ef152370f50614d42b87bab99,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +8aa8788c222d0740916c060436899896d86819d4,"public int[] shiftLeft(int[] nums) +{ + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +daa1a4b48ce4af2343835a51b3d62df47406e2ab,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + place = 0; + nums[0] = newnums[nums.length - 1]; + for (int count = 1; count < nums.length; count++) + { + nums[count] = newnums[place]; + ++place; + } + return newnums; +}" +129057c4eac0d713f6eb0b464a5d60b3382cb208,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + int place = 0; + nums[0] = newnums[nums.length - 1]; + for (int count = 1; count < nums.length; count++) + { + nums[count] = newnums[place]; + ++place; + } + return newnums; +}" +4c088a97c18a7ac166a2fe9a75b4c67ef2fdf527,"public int[] shiftLeft(int[] nums) +{ + int[] result = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +4ab9414c06e80173add540c9b7b0344753b90e6b,"public int[] shiftLeft(int[] nums) +{ + int[] result = new IntegerArray; + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +30c90d186935de80c0b285b4117d114c696043c9,"public int[] shiftLeft(int[] nums) +{ + int[] result = new IntegerArray(); + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +f5eb7ae53df1a0735dc36dc90eb09d168c78666b,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[n] + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +be4ae76c986f35a9a700e329884577be81add86a,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[n]; + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +ab2ed7e188cdf7f380852990eceb2de5b754810f,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[]; + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +e4f33aa2819780232171cf89c81e040ee3139b72,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[4]; + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result.add(nums[nums.length]); + return result; +} +" +1f3e684bab7d6a50860a8ec44375bd2160690bea,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[4]; + for (int i = 0; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result[4] = nums[0]; + return result; +} +" +fa17df4a77ca30c5d1f3b98cacd9b820c13ab19f,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + int place = 0; + nums[0] = newnums[nums.length - 1]; + for (int count = 1; count < nums.length; count++) + { + nums[count] = newnums[place]; + ++place; + } + return newnums; +}" +f6f1a8d9cc2a405ba8ee6a263e5984aac55bc831,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + int place = 0; + newnums[nums.length - 1] = nums[0]; + for (int count = 1; count < nums.length; count++) + { + nums[count] = newnums[place]; + ++place; + } + return newnums; +}" +c4d1cc83262c70dc628e56830bd039ee1911d71c,"public int[] shiftLeft(int[] nums) +{ + int[] newnums = new int[nums.length]; + int place = 0; + newnums[nums.length - 1] = nums[0]; + for (int count = 1; count < nums.length; count++) + { + newnums[place] = nums[count]; + ++place; + } + return newnums; +}" +6ad1f9d51af8ff7c0bdf04f0ec332a1fab780595,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +7453a52de384ef7fd93c95ef018d711205a236e7,"public int[] shiftLeft(int[] nums) +{ + if (nums.length <= 1) + { + return nums; + } + int[] newnums = new int[nums.length]; + int place = 0; + newnums[nums.length - 1] = nums[0]; + for (int count = 1; count < nums.length; count++) + { + newnums[place] = nums[count]; + ++place; + } + return newnums; +}" +ab09f7c1b45eb3cc2eead6e2d57f55511fe69de5,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.lenght - 1] = first; + + return nums; +} +" +d16777a77a7f35747d68bf717d86af0c162af3c2,"public int[] shiftLeft(int[] nums) +{ + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + + return nums; +} +" +2d511cd0bf132effa0ff96fb9ff5c94157edebe5,"public int[] shiftLeft(int[] nums) +{ + if (nums.length < 2) + { + return nums; + } + else + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + } + return nums; +} +" +b29bf93e7e6d4f38cc0222b67db211e8cf1468c0,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[4]; + for (int i = 1; i < nums.length; i++) + { + result[i] = nums[i - 1]; + } + result[4] = nums[0]; + return result; +} +" +f0dacb815a0d5a0a71165bfc7d319b8574338019,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +526f287c93db98e1b24282e1d1aa92de247b45a0,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + left[nums.length] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + left[i] = nums[i+1]; + } + return left; +} +" +8986ce6e8b1eb0682c6900d07c5f6cda558f8b07,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + left[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + left[i] = nums[i+1]; + } + return left; +} +" +72fe4a6aacb3f7292fb3ccbc77fd768c1824d8b8,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (nums.length == 0) + { + left = []; + left[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + left[i] = nums[i+1]; + } + return left; +} +" +75f2a8fc4950fa6376ce5a7ad3fe3520625f5450,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + if (nums.length == 0) + { + left = []; + } + left[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + left[i] = nums[i+1]; + } + return left; +} +" +6ff900475649f8025d91ce8bf4324d57a1f73360,"public int[] shiftLeft(int[] nums) +{ + int temp = nums[0]; + + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = temp; + + return nums; +} +" +447319bc10b93f113464e324baf59cb69a88748f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + + int temp = nums[0]; + + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + + nums[nums.length - 1] = temp; + } + + return nums; +} +" +ce134f842011a4d7a7ca8c68122e8cbfad893f8b,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + + for (int x = 0; x < nums.length; x++) { + int count = 1; + arr[x] = nums[count]; + count = count + 1; + } + + return nums; + +} +" +d3185d22db0064e26904882c68d849eb59375e79,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) { + int count = 1; + arr[i] = nums[count]; + count = count + 1; + } + + return nums; + +} +" +0e68f09151056208e08e7407beff826426a51e5a,"public int[] shiftLeft(int[] nums) +{ + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +34ec578b0cbdd3374450c714a04e1a5a3f87d306,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >=2 ) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +ba35b4972203ed08925e7a461811c329847672f9,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < myarray.length; i++) { + int count = 1; + newArray[x] = int[count]; + count = count + 1; + } + + return newArray; + } + +} +" +258567b0ff5f5171bc0500979107846772a34922,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < myarray.length; i++) { + int count = 1; + newArray[x] = nums[count]; + count = count + 1; + } + + return newArray; + } + +} +" +d7cbb086bc9b302c8a6518ba39ce16790b6c9c71,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < myarray.length; i++) { + int count = 1; + newArray[x] = nums[count]; + count = count + 1; + } + + return newArray; + } + +" +33de7b6fc367581b540bfe1d70b388ffc1425235,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) { + int count = 1; + newArray[x] = nums[count]; + count = count + 1; + } + + return newArray; + } + +" +7eddf247582589a831b6c4139a0243951efe8083,"public int[] shiftLeft(int[] nums) +{ + int[] foo; + foo = new int[nums.length]; + + if (nums.length == 0){ + return foo; + } + + for (int i = 0; i < nums.length-1; i++) { + if (i > 0) + foo[i] = nums[i+1]; + } + if (nums.length > 1){ + foo[0] = nums[1]; + foo[nums.length-1] = nums[0]; + } + return foo; + +} +" +2453ccb81708d0cb7c209970564db9423db5d073,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) { + int count = 1; + newArray[i] = nums[count]; + count = count + 1; + } + + return newArray; + } + +" +4ae27f23e1aac063fe51c238ff1778e62db649ee,"public int[] shiftLeft(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + int temp = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = temp; + } + return nums; + +} +" +b3e3221611711b1fe98f914ec441bb3406303b8d,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) { + int count = 1; + newArray[i] = nums[count]; + count = count + 2; + } + + return newArray; + } + +" +c7aa04405c8cb35cbe47090290cc2a36b024c7c8,"public int[] shiftLeft(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + int temp = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = temp; + } + return nums; + +} +" +81629c0f0bff65a8cc6de83394f43f3834684eb0,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) { + int count = 1; + newArray[i] = nums[count+1]; + count = count + 1; + } + + return newArray; + } + +" +452162fbc69e6491b311ac0057fb6999343dafb2,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) { + int count = 1; + newArray[i] = nums[count-1]; + count = count + 1; + } + + return newArray; + } + +" +4756b9a1b0ea3d362ba1043d14374a2374a7ac9c,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; //creates new array + int i = 0; + for(int j = 0; j < nums.length; j++) + { + if(nums[j] != 10) + { + newArray[j] = nums[j]; + i++; + } + } + // returns the new array created + return newArray; +} +" +dd9728a374b582f1287260fda7a3346d71d04255,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + int count = 1; + for (int i = 0; i < nums.length; i++) { + newArray[i] = nums[count-1]; + count = count + 1; + } + + return newArray; + } + +" +d26552868321a24b58cea0e8b77e3c7dd2663dd2,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; //creates new array + int i = 0; + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 10) + { + newArray[i] = nums[j]; + i++; + } + } + // returns the new array created + return newArray; +} +" +cf0da631f79542fc498fbc84d1837b7eab38a9fa,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + int count = 1; + for (int i = 0; i < nums.length; i++) { + newArray[i] = nums[count]; + count = count + 1; + } + + return newArray; + } + +" +f8916b5b6c8e3fa12abf4b701d763851f25a823b,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + int count = 1; + for (int i = 0; i < nums.length; i++) { + newArray[i] = nums[count]; + count = count + 1; + } + + return newArray; + } + +" +e58b03fbd38ba817b63722ef9c3b652830b57759,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + int count = 1; + for (int i = 0; i < nums.length; i++) { + newArray[i] = nums[count-1]; + count = count + 1; + } + + return newArray; + } + +" +7a2157d47daa5ebf541b91b04f1c13d8c3f43bbb,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int index = nums[0]; + for(int j = 0; j < nums.length - 1; j++) + { + nums[j] = nums[j+1]; + } + nums[nums.length-1] = current; + } + return nums; +} +" +cfaaa79c524b922ac20830c70770a2dafc12c57f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int index = nums[0]; + for(int j = 0; j < nums.length - 1; j++) + { + nums[j] = nums[j+1]; + } + nums[nums.length-1] = index; + } + return nums; +} +" +c5e2f0e560273a9ce5ba7b059ad8f7906ca4e733,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +6931a0a4be6964988427d7f97bbc209ebfa76182,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int index = nums[0]; + for (int j = 0; j < nums.length - 1; j++) + { + nums[j] = nums[j+1]; + } + nums[nums.length-1] = index; + } + return nums; +} +" +ab90208022e0c9988e26ebbd6d6cdfecdd1f7b16,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int index = nums[0]; + for (int j = 0; j < nums.length - 1; j++) + { + nums[j] = nums[j+1]; + } + nums[nums.length-1] = index; + } + return nums; +} +" +8c86aae5d5904f5bce723afd449a9b4cb58a165b,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length-1]=nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i]=nums[i+1]; + } + return nums; +} +" +5a015d72a118956de0d156264d7e240fccb35a5c,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length]=nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i]=nums[i+1]; + } + return nums; +} +" +c058eda61718fbfb7c863be518d607d2947695ba,"public int[] shiftLeft(int[] nums) +{ + int t=nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i]=nums[i+1]; + nums[nums.length-1]=t; + } + return nums; +} +" +c60d008c9f959a937f057412f1ca7038bf951845,"public int[] shiftLeft(int[] nums) +{ + int t=nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i]=nums[i+1]; + + } + nums[nums.length-1]=t; + return nums; +} +" +3631de93d310a58180c6f4abeb0790e98a5923dd,"public int[] shiftLeft(int[] nums) +{ + if(nums.length==0) + { + return nums; + } + int t=nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i]=nums[i+1]; + + } + nums[nums.length-1]=t; + return nums; +} +" +419039201b7e97d43e22b93a608f78366ea490ad,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +dde62ee3e6eb8d13d892ff7f3f47938e07aaea10,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; +int temp = 0; +for(int i=0; i= 2) + + { + + int temp = nums[0]; + + for(int i = 0; i < nums.length - 1; i++) + + nums[i] = nums[i+1]; + + nums[nums.length-1] = temp; + + } + + return nums; +} +" +3404860de00e6898b9d2b6e62b8d24a3a4779505,"public int[] shiftLeft(int[] nums) +{ + int[] result =new int [nums.length]; + int number =0; + for(int x =1;x= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +a556edf1d0d6b85e92b53d1e889e505de755eddb,"public int[] shiftLeft(int[] nums) +{ + if(nums.length == 0) + { + return {}; + } + int[] result =new int [nums.length]; + int number =0; + for(int x =1;x= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +6323224faf1c1f54d95cd515ae5d3899165a7e81,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +b1627a64008595b3ce7f0858b4b4514d4934a181,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +238df9b23df6cc4352ad84a82bd55990580998b2,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = temp; + } + return nums; +} +" +635206ea44f77ab4002f02178cca3563ab65519b,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums]; + + for (int i = 0; i < nums.length; i++) + { + array[i] = nums[i + 1]; + if (i == nums.length - 1) + { + array[i] = nums[0]; + } + } + + return array; +} +" +5360d38304ab99ed558747c2bcf1a3703212551c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +ae0bb6f963394267b10b2b0953d54c01f4d23035,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int spot = nums[0] ; + + + for(int i = 0; i < nums.length- 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = spot; + } + return nums; +} +" +d41002e25347836941fadfe961921254de35a1bc,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + array[i] = nums[i + 1]; + if (i == nums.length - 1) + { + array[i] = nums[0]; + } + } + + return array; +} +" +98ba41eb1f1af730a25b743230ba02887fecc2c3,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + array[i] = nums[0]; + } + else + { + array[i] = nums[i + 1]; + } + } + + return array; +} +" +5ac4020ea07b2417f043cf81355ff33dd56ce934,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + return nums; + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + return nums; +} +" +ae5110b669553a3e1a29d87ce0096ab58c87d7b6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + } + return nums; +} +" +d0339b328608f84bae00c05b6f94e4e0e4c4abf4,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) { + arr[i] = nums[i + 1]; + } + arr[nums.length - 1] = nums[0]; + return arr; +} +" +33b2b6295c694bad893efe1a55f1e6f379fc003c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int[] arr = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) { + arr[i] = nums[i + 1]; + } + arr[nums.length - 1] = nums[0]; + return arr; + } + else { + return nums; + } + +} +" +0497fd0d2fb5562f27c0ddd76b7e1490be1b2ac2,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; + +} +" +1e03e73fe32421df11caa55cdac482bf71c9c775,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int t = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = t; + } + return nums; +} +" +e58b6f098a3bf9e265c4d7a9a54fc597618fea04,"public int[] shiftLeft(int[] nums) +{ + int[] wow = new int[nums.length()]; + for (i = 0; i < nums.length(); i++) + { + wow[i] = nums[i + 1]; + } + wow[nums.length() - 1] == nums[0]; + return wow; + + +} +" +b2274d79df05a27e88b7b97e8a96fd7c7a301da9,"public int[] shiftLeft(int[] nums) +{ + int[] wow = new int[nums.length()]; + for (i = 0; i < nums.length(); i++) + { + wow[i] = nums[i + 1]; + } + wow[nums.length() - 1] = nums[0]; + return wow; + + +} +" +cc07bb15f9e0e7da00ba4df7eaa69d0697b63d57,"public int[] shiftLeft(int[] nums) +{ + int[] wow = new int[nums.length]; + for (i = 0; i < nums.length(); i++) + { + wow[i] = nums[i + 1]; + } + wow[nums.length() - 1] = nums[0]; + return wow; + + +} +" +8e84ca2ccb7c0d0b2e941adb474d3f564597ecc7,"public int[] shiftLeft(int[] nums) +{ + int[] wow = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + wow[i] = nums[i + 1]; + } + wow[nums.length - 1] = nums[0]; + return wow; + + +} +" +16fd25e99b8afa8362e43b9027ceec95a1519bcb,"public int[] shiftLeft(int[] nums) +{ + int[] ls = new int[nums.length]; + int sh = nums[0]; + for (int i = 1; i < nums.length; i++) + { + ls[i-1] = nums[i]; + } + ls[nums.length - 1] = sh; + return ls; +} +" +eaa568a91130b4178c0dc42e168b02e5ffa61814,"public int[] shiftLeft(int[] nums) +{ + int[] ls = new int[nums.length]; + if (nums.length > 0) + { + int sh = nums[0]; + for (int i = 1; i < nums.length; i++) + { + ls[i-1] = nums[i]; + } + ls[nums.length - 1] = sh; + } + return ls; + +} +" +cda87d119aad585605caae3e17c63609b1350674,"public int[] shiftLeft(int[] nums) +{ + int[] numsNew = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + numsNew[i] = nums[i + 1]; + } + numsNew[nums.lenght - 1] = nums[nums.length -1]; + return numsNew; +} +" +551c7e5f3ac206755b8fe94d786316e2c54bc0bc,"public int[] shiftLeft(int[] nums) +{ + int[] numsNew = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + numsNew[i] = nums[i + 1]; + } + numsNew[nums.length - 1] = nums[nums.length -1]; + return numsNew; +} +" +0044e95fa65db2f377719ad29d9703343bb89fbc,"public int[] shiftLeft(int[] nums) +{ + int[] numsNew = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + numsNew[i] = nums[i + 1]; + } + numsNew[nums.length - 1] = nums[0]; + return numsNew; +} +" +21798b85d7bf730794df1b8eb630278d2f4d8ed1,"public int[] shiftLeft(int[] nums) +{ + int[] numsNew = new int[nums.length]; + if (nums.length == 0) + { + return numsNew; + } + for (int i = 0; i < nums.length - 1; i++) + { + numsNew[i] = nums[i + 1]; + } + numsNew[nums.length - 1] = nums[0]; + return numsNew; +} +" +237338cf46c66e6694a65b3a7704a369e50ce349,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[] newArray; +} +" +ae8a53c6de913d595342802f7137fa09b7962ba9,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + int temp = int[0]; + for (int i = 1; i < nums.length; i++) + { + result[i-1] = nums[i]; + } + result[i+1] = temp; + return result; +} +" +4c9bdda088e9d938f95696e2a771557769d70c55,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + int temp = nums[0]; + for (int i = 1; i < nums.length; i++) + { + result[i-1] = nums[i]; + } + result[i+1] = temp; + return result; +} +" +55905c5eea2d259f4c83047310111d5650193462,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + int temp = nums[0]; + for (int i = 1; i < nums.length; i++) + { + result[i-1] = nums[i]; + } + result[nums.length-1] = temp; + return result; +} +" +1b421660ad018b1e4aa188a488f43a7ebaf4ee83,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length - 1; i++) + { + newArray[i] = nums[i + 1]; + newArray[nums.length - 1] = nums[0]; + } + return newArray; +} +" +f3be35cabb386d624078ece1120cc1fd9a0d07cb,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +1fa0a06f0faa5b4ef468dbcbde4b56c9f65cc564,"public int[] shiftLeft(int[] nums) +{ + if (nums.length = 0) + { + return nums; + } + int[] result = new int[nums.length]; + int temp = nums[0]; + for (int i = 1; i < nums.length; i++) + { + result[i-1] = nums[i]; + } + result[nums.length-1] = temp; + return result; +} +" +94f334de9d1990ae73a7b0376bec932a3d8057fb,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int[] result = new int[nums.length]; + int temp = nums[0]; + for (int i = 1; i < nums.length; i++) + { + result[i-1] = nums[i]; + } + result[nums.length-1] = temp; + return result; +} +" +b77d6e673a2d21b42546ee2683c6f05ed4cb8fd2,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + if (nums.length == 1 && nums[0] == 1) + { + newArray[0] = 1; + return newArray; + } + + for (int i = 0; i < nums.length - 1; i++) + { + newArray[i] = nums[i + 1]; + newArray[nums.length - 1] = nums[0]; + } + return newArray; +} +" +38942438e293a8a13f5b9f8efb100fec79abe300,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = temp; + } + return nums; +} +" +a0958274d727ea628091143b2c3e1f7f7c16d7e2,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +3ad820c81e45fee7770ae97af5a7323cf18a53e7,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +899f7092e7960366de80fdfca077387ac5c26a04,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int tem = nums[0]; + for(int r = 0; r < nums.length - 1; r++) + nums[r] = nums[r + 1]; + nums[nums.length - 1] = tem; + } + return nums; +} +" +accd44f997c245b7718142bafd3b067fd2721ada,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +9c2650f134f249d15b88dcd0b4ab3b9e32647a9d,"public int[] shiftLeft(int[] nums) +{ + int s = 0; + if (0 < nums.length) + { + s = nums[0]; + } + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + if (0 < nums.length) + { + nums[nums.length - 1] = s; + } + return nums; +} +" +0868c2df7b3c680d8a5b91932f91b088e8abef77,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for (int 1 = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +01fe09bc167363739ce3b687177e44e34c42a1c3,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = temp; + } + return nums; +} +" +df3d67ebeb9fd03654686c86f5bc708f5fe049a2,"public int[] shiftLeft(int[] nums) +{ + Object temp = pool[position]; + for (int i = position-1; i >= 0; i--) + { + array[i+1] = array[i]; + } + array[0] = temp; +} +" +788722f9b191b4a0810ca0f393cce2f3690b0c17,"public int[] shiftLeft(int[] nums) +{ + int[] merlin = new int[nums.length]; + int fluffy = 1; + for(int i = 0; i= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +0a0da4bd2f44511cb235e48b5bb0c560ac6cf76c,"public int[] shiftLeft(int[] nums) +{ + int[] merlin = new int[nums.length]; + + for(int i = 0; i= 2) + { + int t = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = t; + } + return nums; +} +" +53e1df8cd57b61b9f2946deae05e32651fe5f0fa,"public int[] shiftLeft(int[] nums) +{ + int[] merlin = new int[nums.length]; + + for(int i = 0; i= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +a8bd146f9003be6b50cc825eddf0756a37033d3c,"public int[] shiftLeft(int[] nums) +{ + int merlin[] = new int[nums.length] + + for(int i = nums.length -1; i>=0; i--) + { + if(i == 0) + { + merlin[nums.length -1] = nums[i]; + } + else + { melrin[i-1] = nums[i]; + + } + } + return merlin; +} +" +e18e0bfb3ee4aad83090c9ff9065094c8665a20f,"public int[] shiftLeft(int[] nums) +{ + int merlin[] = new int[nums.length]; + + for(int i = nums.length -1; i>=0; i--) + { + if(i == 0) + { + merlin[nums.length -1] = nums[i]; + } + else + { melrin[i-1] = nums[i]; + + } + } + return merlin; +} +" +6d38510e1416d2b5fffc51ff16c04e23add39b06,"public int[] shiftLeft(int[] nums) +{ + int merlin[] = new int[nums.length]; + + for(int i = nums.length -1; i>=0; i--) + { + if(i == 0) + { + merlin[nums.length -1] = nums[i]; + } + else + { merlin[i-1] = nums[i]; + + } + } + return merlin; +} +" +1e409eea4949f1a0e0fb0773ad7c6ee453c19184,"public int[] shiftLeft(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums2[i] = nums[0]; + } + else + { + nums2[i] = nums[i + 1]; + } + } + return nums2; +} +" +40075b43b034f070403095168703313fe6c0f728,"public int[] shiftLeft(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int = 0; i < nums.length; i++) + { + if (int i == nums.length - 1) + { + nums2[i] = nums[0]; + } + else + { + nums2[i] = nums[i + 1]; + } + } + return nums2; +} +" +10222e6fde6ccbc53f8a1439c1fa6cb4eb15eb68,"public int[] shiftLeft(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums2[i] = nums[0]; + } + else + { + nums2[i] = nums[i + 1]; + } + } + return nums2; +} +" +c4eceeb1c033b817d40b44a2a5e970e42d91b417,"public int[] shiftLeft(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums2[i] = nums[0]; + } + else + { + nums2[i] = nums[i + 1]; + } + } + return nums2; +} +" +0ce86109b9949b7abb4ed576633387848b2a82ae,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int shift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = shift; + } + } + return shift; +} +" +265b0b45e665ed1586dadead8f99324aefd3d981,"public int[] shiftLeft(int[] nums) +{ + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +0d4b7dbf324336499a88f247cfb445d3f785025b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int shift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = shift; + } + } + return nums; +} +" +808c950fc1e23280dfa2da4adb2473f8addbabe1,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int shift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = shift; + } + return nums; +} +" +396c585bafde7d16fe07396be6261953c09e4531,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +42d72d9e9b68eda60f1bbbbce902455388217f7d,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + int j = 0; + for (int i = 1; i < nums.length; i++) { + newNums[j] = nums[i]; + j++; + } + newNums[nums.length - 1] = nums[0]; + return newNums; +} +" +8a2d7c5cf1acb301956633693417d1b46b14d4c1,"public int[] shiftLeft(int[] nums) +{ + int[] newNums = new int[nums.length]; + int j = 0; + for (int i = 1; i < nums.length; i++) { + newNums[j] = nums[i]; + j++; + } + if (nums.length > 0) { + newNums[nums.length - 1] = nums[0]; + } + return newNums; +} +" +2584d99349b19c627ec6a4b87f2d82cb1a382258,"public int[] shiftLeft(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 6) + { + sum += nums[i]; + } + else + { + while (nums[i] != 7) + { + i++; + } + } + } + return sum; +} +" +fa29362878fb66f09aea2b8bf2a168c072494210,"public int[] shiftLeft(int[] nums) +{ + int[] fin = new int[nums.length]; + int count = 1; + for (int i = 0; i < nums.length - 1; i++) + { + fin[i] = nums[count]; + count++; + } + fin[count - 1] = nums[0]; + return fin; + + +} +" +3bdd3b169d9cc5410052a064b6c45200ccb9233e,"public int[] shiftLeft(int[] nums) +{ + int n = nums.length - 1; + int temp = nums[0]; + for ( int i = 0; i < n; i++) + { + int s = nums[i + 1]; + nums[i] = s; + } + nums[n] = temp; + return nums; +} +" +87ba9ad0bf5c5fd0e3a0b04ef091db3ef1d0549f,"public int[] shiftLeft(int[] nums) +{ + int[] fin = new int[nums.length]; + if (fin.length == 0) + { + return fin; + } + int count = 1; + for (int i = 0; i < nums.length - 1; i++) + { + fin[i] = nums[count]; + count++; + } + fin[count - 1] = nums[0]; + return fin; + + +} +" +6827f28be27f8436a5a745217eb1943015bc1b9f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +00e35717c44c9f6a908325ff9814aacd08592439,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + nums[i] = nums[i+1]; + + } + nums[nums.length-1] = x; + return nums; +} +" +b21968551c96cdcb3911e00b1ba4334aea3ec6a3,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int leftShift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = leftShift; + } + return leftShift; +} +" +62fa9cf5a3c392391bcc008bc3c8cbf4a8e9ef8a,"public int[] shiftLeft(int[] nums) +{ + if(nums.length != 0) + { + int x = nums[0]; + for(int i = 0; i < nums.length-1; i++) + { + nums[i] = nums[i+1]; + + } + nums[nums.length-1] = x; + + } + return nums; + +} +" +8f3c038e80729f21ce73af84ce07506a10b75051,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int leftShift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = leftShift; + } + return nums; +} +" +31537fe71448927f334585b4f2d1076a02c98f64,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int leftShift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + //this is what shifts the array to the left + } + nums[nums.length - 1] = leftShift; + //returns the array with all of the numbers ""left shifted"" + } + return nums; +} +" +61a029a44a1b13364fb5ffbee84ba5b6c32dfca7,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + //has to be greater than or equal to 2 because you can't shift left just one number + { + int leftShift = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + //this is what shifts the array to the left + } + nums[nums.length - 1] = leftShift; + //returns the array with all of the numbers ""left shifted"" + } + return nums; +} +" +033e997c2b1faa9067baf871342c9f610d6b85b7,"public int[] shiftLeft(int[] nums) { + if(nums.length < 1) + return nums; + + int first = nums[0]; + + for(int i = 1; i < nums.length; i++) + nums[i - 1] = nums[i]; + + nums[nums.length - 1] = first; + + return nums; +} +" +6e63e7a1f2777202e381876fda387c25a925d634,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) { + int current = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length - 1] = current; + } + } + return nums; +} +" +45f03f3c922b64d54acd6da0e19f0af77ebd3e67,"public int[] shiftLeft(int[] nums) +{ + int[] lefty = new int[nums.length]; + int hand = nums[0]; + for (int counter = 0; counter < (nums.length - 1); counter++) + { + lefty[counter] = nums[counter + 1]; + } + lefty[nums.length - 1] = hand; + return lefty; +} +" +06dc9d42f75737781c85a7b746d7f576314762a6,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int frontDig = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = frontDig; + } + return nums; +} +" +5a1bc14db964f174af2d31922da37504a5b661a1,"public int[] shiftLeft(int[] numms) +{ + if(numms.length >= 2) + { + int temporary = numms[0]; + for(int i = 0; i < numms.length - 1; i++) + numms[i] = numms[i+1]; + numms[numms.length-1] = temporary; + } + return numms; +} +" +af125e80ff964dcfac1c4c03dce2e425cac66f54,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int frontDig = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = frontDig; + } + return nums; + } +} +" +ef06df6a2d31930ac2dfb6b3f858bbdae1958ac6,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int frontDig = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = frontDig; + } + } + return nums; +} +" +51c91a6d33566c33c632a80b85954ed696018ea0,"public int[] shiftLeft(int[] nums) +{ + int[] lefty = new int[nums.length]; + if (nums.length != 0) + { + int hand = nums[0]; + for (int counter = 0; counter < (nums.length - 1); counter++) + { + lefty[counter] = nums[counter + 1]; + } + lefty[nums.length - 1] = hand; + } + else + { + lefty = {}; + } + return lefty; +} +" +600a5ea256e20b5577f467e2d506fe525018b0f7,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int frontDigit = nums[0]; + for(int i = 1; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = frontDig; + } + } + return nums; +} +" +cd861c2441e488b6e4d840d1c32f6237ee4abe08,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int frontDigit = nums[0]; + for(int i = 1; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = frontDigit; + } + } + return nums; +} +" +bec62778f7e8783f6e77572fbae5ac38a2db0cf6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length != 0) + { + int[] lefty = new int[nums.length]; + int hand = nums[0]; + for (int counter = 0; counter < (nums.length - 1); counter++) + { + lefty[counter] = nums[counter + 1]; + } + lefty[nums.length - 1] = hand; + return lefty; + } + else + { + int[] nullInt = new int[] {}; + } +} +" +2ba9f6f9093990a1c3646589dc9fa3b06414ade5,"public int[] shiftLeft(int[] nums) +{ + if (nums.length != 0) + { + int[] lefty = new int[nums.length]; + int hand = nums[0]; + for (int counter = 0; counter < (nums.length - 1); counter++) + { + lefty[counter] = nums[counter + 1]; + } + lefty[nums.length - 1] = hand; + return lefty; + } + else + { + int[] nullInt = new int[] {}; + return nullInt; + } +} +" +4a96d93b06a787b89163653c498ea4ecd941900f,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; + +} +" +753481a3f2ee18a9e6f404f25ecbf4074c2b9a0e,"public int[] shiftLeft(int[] nums) +{ + int shift = 0; + if (0 < nums.length) { + shift = nums[0]; + } + + for (int i = 0; i < nums.length - 1; i++) { + nums[i] = nums[i + 1]; + } + + if (0 < nums.length) { + nums[nums.length - 1] = shift; + } + + return nums; +} +" +1e035a4a84bb120abd4fa992b4814d5114590526,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + for (int i = 1; i < nums.length; i++) + { + shifted[i - 1] = nums[i]; + } + shifted[shifted.length - 1] = end; + return shifted; +} +" +09dd016b6ff15d42a43ed1c3b4b1dfb8effbdb74,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + } + shifted[shifted.length - 1] = end; + return shifted; +} +" +de3224c18bface94f261fa7e51bea167a65e989f,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + for (int i = 0; i < nums.length; i++) + { + shifted[i] = nums[i + 1]; + } + shifted[shifted.length - 1] = end; + return shifted; +} +" +fac466803c927f7b4076a0f976cec14761c10cd2,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + } + shifted[shifted.length - 1] = end; + return shifted; +} +" +14c8b752048cea1b6b673a4be5cbc684c37f28b0,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + if (nums.length > 0) { + for (int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + } + + shifted[shifted.length - 1] = end; + } + return shifted; +} +" +ce29ca523ed6a029d34342f599e72ff28c82974f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int a = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = a; + } + return nums; +} +" +759d5617561e806d0d1a98b6efc67f95b84996a3,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + } + + shifted[shifted.length - 1] = end; + } + return shifted; +} +" +ea1cf0ba92999b21276098db19b6a41aab78d11c,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + int end = nums[0]; + if (shifted.length == 0) + { + return shifted; + } + for (int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + } + shifted[shifted.length - 1] = end; + return shifted; +} +" +7449e311b46ca51d8afe3d062255e71328eeba03,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + if (shifted.length == 0) + { + return shifted; + } + int end = nums[0]; + + for (int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + } + shifted[shifted.length - 1] = end; + return shifted; +} +" +5008a2758da42df06175843507b2a09503645efc,"public int[] shiftLeft(int[] nums) +{ + if(nums.length>=2) { + int temp = nums[0]; + for(int i = 0;i 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +75e5ad2ed4007a14daa53d2f408c5718be67d021,"public int[] shiftLeft(int[] nums) +{ + int[] penis = new int[nums.size]; + penis[nums.size - 1] = penis[0]; + for (int i = 1; i < nums.size - 1; i++) + { + penis[i] = nums[i + 1]; + } + return penis; +} +" +b32e3f9b96bc3439d42c486723df8f801a982739,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + + if (nums.length <= 1) + { + return nums; + } + + else + { + shifted[shifted.length - 1] = nums[0]; + for (int i = 1; i < nums.length - 1; i++) + { + shifted[i - 1] = nums[i]; + } + return shifted; + } + +}" +e24e74948c91f08e5cad1b1f2bbe2fc6b6420bbe,"public int[] shiftLeft(int[] nums) +{ + int[] penis = new int[nums.length]; + penis[nums.length - 1] = penis[0]; + for (int i = 1; i < nums.length - 1; i++) + { + penis[i] = nums[i + 1]; + } + return penis; +} +" +a25f4989979eaac8a85a722b1a6340e3eb347821,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + for (i = 1; i < nums.length; i++) + { + arr[0] = nums[nums.length - 1]; + arr[i] = nums[i+1]; + } + +} +" +0be9c82fcb484f88502c5e9a8ef5b5a5380b8e2c,"public int[] shiftLeft(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 1; i < nums.length; i++) + { + arr[0] = nums[nums.length - 1]; + arr[i] = nums[i+1]; + } + return arr; +} +" +ef14de5ebd7bb3b351d82594c173fb73742f4cc7,"public int[] shiftLeft(int[] nums) +{ + int[] penis = new int[nums.length]; + penis[nums.length - 1] = nums[0]; + for (int i = 1; i < nums.length - 1; i++) + { + penis[i] = nums[i + 1]; + } + return penis; +} +" +e4319ccd390ac6a1fa82a1a52313fae6973b561c,"public int[] shiftLeft(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 1; i < nums.length; i++) + { + arr[nums.length - 1] = nums[0]; + arr[i] = nums[i+1]; + } + return arr; +} +" +68986426ce94af8511cb123c6417d0fc20df5417,"public int[] shiftLeft(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 1; i < nums.length - 1; i++) + { + arr[nums.length - 1] = nums[0]; + arr[i] = nums[i+1]; + } + return arr; +} +" +451efb8fe4f71cf361377d4adfe9ad4d95144473,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +9ae2649da011835f72493d48058de5689254d3ad,"public int[] shiftLeft(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + for (i = 0; i < nums.length - 1; i++) + { + arr[nums.length - 1] = nums[0]; + arr[i] = nums[i+1]; + } + return arr; +} +" +732af5668bdcda2096d962b33d2b463fbc5bc57f,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + + if (nums.length <= 1) + { + return nums; + } + + else + { + shifted[shifted.length - 1] = nums[0]; + for (int i = 1; i < nums.length - 1; i++) + { + shifted[i - 1] = nums[i]; + } + return shifted; + } +}" +72832e3bc34db912a2b04cad61961806c9a2cc8b,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +7f6d367a7982d2c17b902f18064c0e9260dd2961,"public int[] shiftLeft(int[] nums) +{ + int i; + int[] arr = new int[nums.length]; + if (nums.length == 1) + { + return nums; + } + else + { + for (i = 0; i < nums.length - 1; i++) + { + arr[nums.length - 1] = nums[0]; + arr[i] = nums[i+1]; + } + return arr; + } + + +} +" +75425f1933b79a25922b61b996d648bffa483140,"public int[] shiftLeft(int[] nums) +{ + int[] shifted = new int[nums.length]; + + if (nums.length <= 1) + { + return nums; + } + + else + { + shifted[shifted.length - 1] = nums[0]; + for (int i = 1; i < nums.length; i++) + { + shifted[i - 1] = nums[i]; + } + return shifted; + } +}" +a4b1159dc1e47acb0ba11170150be47fede6c0f6,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +}" +6c5308eb594432c029ad5e4967ca8caba4d30550,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int var = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = var; + } + } + return nums; +} +" +78a9b1bab80206a38c28220f731ade0611632b55,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; + +} +" +f936372c2e78e30c6a2784c51a9d60c8d28c1e0b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[nums.length - 1] = first; + nums[i] = nums[i + 1]; + } + } + return nums; +} +" +e53094cd472eae4166155e6e6f38d2b79e1de8c2,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i + 1] = nums[i]; + } + nums[i] = nums[nums.length - 1]; + return nums; +} +" +560d5c87e0e43f3990b937a4a4cc4d01aa961004,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i + 1] = nums[i]; + } + nums[0] = nums[nums.length - 1]; + return nums; +} +" +4459bc2cc4c0d7e948f2223738f98bce1446a8fb,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i + 1] = nums[i]; + } + nums[0] = nums[nums.length - 1]; + return nums; +} +" +951a8873ab9c199349c342fdc81ec61c2904a957,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i + 1] = nums[i]; + } + return nums; +} +" +f68ba1d4c8ef3e8ce5836a9503ae03a1a5e6328f,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + out[0] = nums[i]; + continue; + } + out[i + 1] = nums[i]; + } + return out; +} +" +c6f27d6cd9af2de07337c4133e234dab8950a629,"public int[] shiftLeft(int[] nums) +{ + int shifted[] = new int[nums.length] + if(nums.length == 0) + { + return nums + } + else + { + for(int i = 0; i < nums.length - 1; i++) + { + shifted[i] = num[i + 1]; + shifted[nums.length - 1] = nums[0]; + } + return shifted + } +} +" +df18811fd245472444fb4909be96d7d994a319ea,"public int[] shiftLeft(int[] nums) +{ + int shifted[] = new int[nums.length]; + if(nums.length == 0) + { + return nums; + } + else + { + for(int i = 0; i < nums.length - 1; i++) + { + shifted[i] = num[i + 1]; + shifted[nums.length - 1] = nums[0]; + } + return shifted; + } +} +" +42316ea3ca33049d7de9e416d9aa8d7103e32fea,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +aa1ef0844e9f75e44eb4d709b50e2ed0da2f8985,"public int[] shiftLeft(int[] nums) +{ + int shifted[] = new int[nums.length]; + if(nums.length == 0) + { + return nums; + } + else + { + for(int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + shifted[nums.length - 1] = nums[0]; + } + return shifted; + } +} +" +8ad301c5ae896584faece879eed6126cdd53456e,"public int[] shiftLeft(int[] nums) +{ + int[] out = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + out[i] = nums[0]; + continue; + } + out[i] = nums[i + 1]; + } + return out; +} +" +05b7c78335ce8aa0b191b463ac65f4a1f857090d,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = nums[0]; + return nums; +} +" +ce358c1658e28aea5b1e49244b3ee450ce781411,"public int[] shiftLeft(int[] nums) +{ + int shifted[] = new int[nums.length]; + if((nums.length == 0) || (nums.length == 1)) + { + return nums; + } + else + { + for(int i = 0; i < nums.length - 1; i++) + { + shifted[i] = nums[i + 1]; + shifted[nums.length - 1] = nums[0]; + } + return shifted; + } +} +" +9c80d25f4d26ad22ade5a83e25a4f19d0d149370,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int[] newList = new int[nums.length]; + newList[0] = nums[nums.length - 1]; + for (int i = 1; i < nums.length - 2; i++) + { + newList[i] = nums[i - 1]; + } + } + return newList; +} +" +ed1be4ed56e7b7c3b68f3659aa51f9930b008a40,"public int[] shiftLeft(int[] nums) +{ + int[] newList = new int[nums.length]; + newList[0] = nums[nums.length - 1]; + for (int i = 1; i < nums.length - 2; i++) + { + newList[i] = nums[i - 1]; + } + return newList; +} +" +13f73b864dfc337632b82ead8421a23aef77e7d0,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +6921ec2916b7f82b53b3938e1094b0b3550dd2d2,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int num = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = num; + } + return nums; +} +" +512334e6be60d3d074fb1f0baf54d67d11bb0d2b,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length]; + for (int i = 1; i < nums.length; i++) + { + nums[i] = nums [i - 1]; + } + return nums; +}" +4f98937b46cfa2d4aa280a618e9c8a17d01e9800,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; + nums[nums.length - 1] = nums[0]; +} +" +f98d55711da84be981e0c0f73f94b882f75817b4,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = nums[0]; + return nums; +} +" +c09a1a8ca330356f77eaf1dfcda3d9087f080f47,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length]; + for (int i = 0; i < nums.length; i++) + { + nums[i] = nums [i - 1]; + } + return nums; +}" +c7bd3e93d74bfb2300a79966962009647f0329f7,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length]; + for (int i = 1; i < nums.length - 1; i++) + { + nums[i] = nums [i - 1]; + } + return nums; +}" +f8a0117fddff4f456d2dd3ae2165344fb3febe8b,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +2d903b3a37d60fc717f72b15ff8b73e5e7b50985,"public int[] shiftLeft(int[] nums) +{ + int[] arr = int[nums.length]; + for (int i = 1; i < nums.length; i++) + { + arr[i - 1] = nums[i]; + } + arr[nums.length - 1] = nums[0]; +} +" +11061ed3f81b2780819e51682d78012f74e25e45,"public int[] shiftLeft(int[] nums) +{ + for (int i = 1; i < nums.length - 1; i++) + { + nums[0] = nums[nums.length]; + nums[i] = nums [i + 1]; + } + return nums; +}" +e2a37841acc324b3eb7b23e2abbec311fde942af,"public int[] shiftLeft(int[] nums) +{ + int[] newArray = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + int counter = 1; + newArray[i] = nums[counter]; + counter += 1; + } + + return newArray; +} +" +bec6e23df605d1c7f6ce0551b6e2ec90a9b9ce77,"public int[] shiftLeft(int[] nums) +{ + int n = nums.length; + int[] arr = int[n]; + for (int i = 1; i < nums.length; i++) + { + arr[i - 1] = nums[i]; + } + arr[nums.length - 1] = nums[0]; +} +" +4793d32be3c70b995c38cded72d5a52e0797f25c,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; + +} +" +5aba09d3583f2e65515885d4d98e729e23d57b03,"public int[] shiftLeft(int[] nums) +{ + int n = nums.length; + int[] arr = new int[n]; + for (int i = 1; i < nums.length; i++) + { + arr[i - 1] = nums[i]; + } + arr[nums.length - 1] = nums[0]; +} +" +03d2962354b36e9e00f4961b11bc76a4ae79a786,"public int[] shiftLeft(int[] nums) +{ + int n = nums.length; + int[] arr = new int[n]; + for (int i = 1; i < nums.length; i++) + { + arr[i - 1] = nums[i]; + } + arr[nums.length - 1] = nums[0]; + return arr; +} +" +7aed186369ed1477b13b303b6b2166efae120ee2,"public int[] shiftLeft(int[] nums) +{ + int n = nums.length; + int[] arr = new int[n]; + for (int i = 1; i < nums.length; i++) + { + arr[i - 1] = nums[i]; + arr[nums.length - 1] = nums[0]; + } + + return arr; +} +" +c2623b5785a6f9697fceaf503ebbe3c6d57fb87a,"public int[] shiftLeft(int[] nums) +{ + for(int i = 0, start = 0; i < nums.length; i++) + { + if(i == 0) + { + start = nums[i]; + } + if(i == (nums.length -1)) + { + nums[i] = start; + } + nums[i] = nums[i + 1]; + } + return nums; +} +" +a521b631a6fcd97a604fc966f03519fc069b4854,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + return nums; +}" +579d58c66115dddece178e16d1dcb6dbb92f6272,"public int[] shiftLeft(int[] nums) +{ + for(int i = 0, begin = 0; i < nums.length; i++) + { + if(i == 0) + { + begin = nums[i]; + } + if(i == (nums.length -1)) + { + nums[i] = begin; + break; + } + nums[i] = nums[i + 1]; + } + return nums; +} +" +fe9d174b52cc7eee615dc05f6d24bbd0cd1b891f,"public int[] shiftLeft(int[] nums) +{ + nums[0] = nums[nums.length - 1]; + for (int i = 1; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + return nums; +}" +858fbd4355ed1e22e83423eba3a308aaf01feedd,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[0] = nums[nums.length - 1]; + return nums; +}" +18f6ac90d60b716c713358cf5223de0e943d9116,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[0] = nums[nums.length - 1]; + return nums; +}" +466bbb1470d035be404d148c4e92ea4936153392,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +f9d69f790d0338eff3a9b745163aadc06ff6beb1,"public int[] shiftLeft(int[] nums) +{ + int x = nums[i]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length] = x; + return nums; +} +" +7c84a2ad16a51344875eef317690656bd0a3c83b,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length] = x; + return nums; +} +" +6fd4238a00396b5e56f7e56f815964f4a6ee45d1,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = x; + return nums; +} +" +cfe48fc89b57392c5c29e028ea448df1e10589a9,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int j = nums [0] + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length - 1] = j; + } + } + return nums; +} +" +c83e25b41475158ebdfb718c4f1d95fff4b22751,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int j = nums [0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length - 1] = j; + } + } + return nums; +} +" +d210a9597b9c49219cd55c7f1210e45bec717a14,"public int[] shiftLeft(int[] nums) +{ + int x = nums[0]; + if (nums.length != 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + } + nums[nums.length - 1] = x; + return nums; +} +" +e880a752014037e7752f55682be89a398b77d7e1,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int j = nums [0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = j; + } + return nums; +} +" +c3c8efd602bed55174a7d5fb2b048c8d0ebd2ab6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length != 0) + { + int x = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = x; + } + return nums; +} +" +2e3a6240b0af2d93d3a3448f6f797a1c17e896da,"public int[] shiftLeft(int[] nums) +{ + for (int i = 0, begin = 0; i < nums.length; i++) + { + if (i == 0) + { + begin = nums[i]; + } + if (i == (nums.length -1)) + { + nums[i] = begin; + break; + } + nums[i] = nums[i + 1]; + } + return nums; +} +" +d180d05cb448a5fe5ed33a89bd25494e18998a41,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +86757d01e597c85e23352aeb4e2d80fde96657bd,"public int[] shiftLeft(int[] nums) +{ + int[] foo; + foo = new int[nums.length]; + if (nums.length == 0) + { + return foo; + } + for (int i = 0; i < nums.length-1; i++) + { + if (i > 0) + { + foo[i] = nums[i+1]; + } + } + if (nums.length > 1) + { + foo[0] = nums[1]; + } + foo[nums.length-1] = nums[0]; + return foo; +} +" +8df1c3f32f6bb11deabc39e4734afb80c1bd610d,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + } + nums[0] = nums[nums.length - 1]; + return nums; +}" +776145150eb81c8bbca3abf1a4ef95483e61f3b8,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[0] = nums[nums.length - 1]; + } + return nums; +}" +a7affe1445d5dc57e4408a510d389e496bbd9f3c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +323c4752e60625ae9377b81945ab23901fe3d7a9,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + { + for (int i=0;i= 2) + nums[0] = nums[nums.length - 1]; + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + } + return nums; +}" +205d1042852ed536bb9f3ca1b7f49f38e07bdc26,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[nums.length - 1] == nums[0]; + } + return nums; +}" +ffb591a23e346778ba612c87a56f9e1523da9116,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[nums.length - 1] = nums[0]; + } + return nums; +}" +9d1f625409e4dfe5f19967abe053bd3f1d1408c8,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; +int temp = 0; +for(int i=0; i= 2) + { + int shift = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = shift; + } + return nums; +} +" +8966e94be4b61e1c9cc34164cf7fe9af53141d37,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[nums.length - 1] = nums[0]; + } + return nums; +}" +4a30d4c8716e68a5b22d39161cbfb3b6364415c4,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + if (nums.length >= 2) + { + for (int i=0;i= 2) + { + int shift = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + nums[nums.length - 1] = shift; + } + } + return nums; +} +" +f252b73d07b6490ce28fa5496f88c17c0785979a,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + if (nums.length >= 2) + { + for (int i=0;i= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums [i + 1]; + } + nums[nums.length - 1] = nums[0]; + } + return nums; +}" +7895dff5306a68763dde297fd5ad02db0a838030,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = nums[0]; + } + return nums; +}" +ab5d8661256e62228853bca35eb110c25439d5fe,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + + for (int i = 1; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length; j++) + { + result[i] = nums[j]; + } + } + + return result; +} +" +f56deff00cbae93cf004ed0b1ee8a9043e47badb,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length - 1; i++) + { + result[i] = nums[j]; + j++; + } + + return result; +} +" +59a0088f887207b9450033d0bec152a0c9e18bab,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length - 1; i++) + { + result[j] = nums[i]; + j++; + } + + return result; +} +" +0bbc5de9c8aebed7642bf2ea5777ea183e7fc64b,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length - 1; i++) + { + result[j] = nums[i]; + j++; + } + + return result; +} +" +89cd42c23e8984057c8be6ec6eca4369fbe54a58,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length - 1; i++) + { + result[j] = nums[i]; + j++; + } + + return result; +} +" +034626588c8fd59d0ef57b001289f89ec9976412,"public int[] shiftLeft(int[] nums) +{ + int temp = nums[nums.length-1]; + nums[nums.length-1] = nums[0]; + for(int i = 0; i < nums.length - 2; i++){ + nums[i] = nums[i+1]; + } +} +" +8c2c6ee73cdc8f676c606d3e53df55d3c4e21657,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +23c003b45dcef0b48c14412bb18b79c0f4ab5418,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +a2d2b79c0947ff95e2a780701300c9411fbba19b,"public int[] shiftLeft(int[] nums) +{ + int temp = nums[nums.length-1]; + nums[nums.length-1] = nums[0]; + for(int i = 0; i < nums.length - 2; i++){ + nums[i] = nums[i+1]; + } + return nums; +} +" +e45305b6db5fba32f1c5a55b7e379b84a2554cb6,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + } + return nums; +}" +8f153b4658383fa30ff81e2b49da203e7899e57c,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length - 1; i++) + { + result[j] = nums[i]; + ++j; + } + + return result; +} +" +932243b1499996a5d7d068f3aed67d2c54617fb6,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length - 1; i++) + { + result[j] = nums[i]; + j = j + 1; + } + + return result; +} +" +1cc49fc0f0b40b9e7ce0d6c7ed37e2349ba9f789,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +0e3aa9a2e2b03a44acff087b60f3f4c949aca15a,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length; i++) + { + result[j] = nums[i]; + j = j + 1; + } + + + return result; +} +" +d84f1e14e7251e8f32a98555505b051c92c931bb,"public int[] shiftLeft(int[] nums) +{ + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length; i++) + { + if (j < result.length) + { + result[j] = nums[i]; + j = j + 1; + } + } + + + return result; +} +" +9abb8c5bf55650aa6d771c2d9859c46511ab3e86,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + nums[i] = nums[i+1]; + if (i == nums.length - 1) + { + nums[i] = temp; + } + } + return nums; +}" +7facf04a9482cfac19bcd07461ed2e5dc759e486,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length; i++) + { + if (j < result.length) + { + result[j] = nums[i]; + j = j + 1; + } + } + + + return result; +} +" +56cd13846f7837c4458b29538aa670d3bc0bea69,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1] + } + } + return nums; +}" +b89d3e5ba92d758069697d383a34924560e3cd8b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return nums; + } + int[] result = new int[nums.length]; + result[nums.length - 1] = nums[0]; + int j = 0; + for (int i = 1; i < nums.length; i++) + { + if (j < result.length) + { + result[j] = nums[i]; + j = j + 1; + } + } + + + return result; +} +" +0d972f4624410222e470cccde75bc5576aa2b6e7,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +3cac2092f7b711a312fb4035b3cfa7c29dfcb109,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + temp = nums[nums.length - 1] + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +d297824444994436689a3fbf2a3e389fbe74fbc7,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + temp = nums[nums.length - 1]; + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +68104079766469f3bf4b7f5af7b59620f5ee244a,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +a6c82ae492137fd1264e765cfc1c339f56da0dda,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + temp = nums[0]; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +12320d68bb5547cc514ee9f9e780b81a3a4db59c,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + if (nums.length > 0); + { + temp = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +c0311c16c924939af219f6e19ecdca2bf4fee647,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +e567125ee72b2a3e3c459acce1390f8662bc7bd4,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + if (nums.length > 0); + { + temp = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +17c5f5d30b71bb9157a37e69bfbf05bb2f963e2f,"public int[] shiftLeft(int[] nums) +{ + int[] shift = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + shift[i] = nums[i + 1]; + } + shift[nums.length - 1] = nums[0]; + return shift; +} +" +66ce4f8bb90c9446a356d5488488fda96f57fa4c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int s = nums[0]; + for(int i = 0;i < nums.length;i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = s; + } + return nums; +} +" +c5d4df240e43a1981c5573a74fbe85b362a77264,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int tempNum= nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = tempNum; + } + return nums; +} +" +276fbbda7a17e852225a23143dc846cb9781d7cd,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +93f654ff98d87587774b4eb1f588e9df0eb5d538,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int s = nums[0]; + for(int i = 0;i < nums.length-1;i++) + { + nums[i] = nums[i+1]; + } + nums[nums.length - 1] = s; + } + return nums; +} +" +2171646da1b55fcf4662f88c2d3e675feddf373b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int lastEl = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[length - 1] = lastEl; + } + return nums; + +} +" +170a3070604fa3e9673b8b6f2e2318bfe5369d2f,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int lastEl = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = lastEl; + } + return nums; + +} +" +2b4e28eb8e3ea1faa96a087714c0d7532b7fec46,"public int[] shiftLeft(int[] nums) +{ + int temp = 0; + if (nums.length > 0); + { + temp = nums[0]; + } + + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + nums[i] = temp; + } + else + { + nums[i] = nums[i+1]; + } + } + return nums; +}" +91764f1dcebd26e10d4f3a987143a900483055ae,"public int[] shiftLeft(int[] nums) +{ + if (nums.length == 0) + { + return new int[0]; + } + int[] shift = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + shift[i] = nums[i + 1]; + } + shift[nums.length - 1] = nums[0]; + return shift; +} +" +270174ce7d53738e854429dc81bc8b311180b333,"public int[] shiftLeft(int[] nums) +{ + return int[] nums; +} +" +c62602f27883f984fbc0551198122402edd6e05d,"public int[] shiftLeft(int[] nums) +{ + return int[]; +} +" +08a1dc0a52d7c8a977cb3c19873c1e86abdf9c11,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + + if (nums.length == 0) + { + return left; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i < 0) + { + left[i] = nums[i + 1]; + } + } + + if (nums.length > 1) + { + left[0] = nums[1]; + } + + left[nums.length - 1] = nums[0]; + return left; +} +" +30c347b8fefb1c6e80dc5f184238a6e5ab617c29,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + + if (nums.length == 0) + { + return left; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i < 0) + { + left[i] = nums[i + 1]; + } + } + + if (nums.length > 1) + { + left[0] = nums[1]; + left[nums.length - 1] = nums[0]; + } + + + return left; +} +" +930bf9890e779d84331acbd786bf33ea204212b6,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + + if (nums.length == 0) + { + return left; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i < 0) + { + left[i] = nums[i + 1]; + } + } + + if (nums.length > 1) + { + left[0] = nums[1]; + + } + + left[nums.length - 1] = nums[0]; + return left; +} +" +1cb773fcb993d115975e862a768c7757206e332f,"public int[] shiftLeft(int[] nums) +{ + int left; + + left = new int[nums.length]; + + if (nums.length == 0) + { + return left; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i < 0) + { + left[i] = nums[i + 1]; + } + } + + if (nums.length > 1) + { + left[0] = nums[1]; + + } + + left[nums.length - 1] = nums[0]; + return left; +} +" +cec07d790fffc721f69cc2c0aaed313a4f2026a2,"public int[] shiftLeft(int[] nums) +{ + int[] left; + + left = new int[nums.length]; + + if (nums.length == 0) + { + return left; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i < 0) + { + left[i] = nums[i + 1]; + } + } + + if (nums.length > 1) + { + left[0] = nums[1]; + + } + + left[nums.length - 1] = nums[0]; + return left; +} +" +6d6dedf83b4a448a953605f6641214020bc0e32a,"public int[] shiftLeft(int[] nums) +{ + int[] array = new int[nums.length]; + if (nums.length == 0) + { + return array; + } + else + { + int a = nums[0]; + int b = 0; + for (int i = 1; i < nums.length; i++) + { + array[b] = nums[i]; + b++; + } + array[b] = a; + return array; + } +} + +" +c84bd13d4104221c7fb8b34ebc3fac1aeb7726e2,"public int[] shiftLeft(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + count = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1} = count; + } + return nums; +} +" +f1494c4784394d379a6879a663f95cc2d40e5b26,"public int[] shiftLeft(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + count = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = count; + } + return nums; +} +" +65867f01cb9bbf5412cbe1aab8159802f9cd3ecd,"public int[] shiftLeft(int[] nums) +{ + int j = int[0]; + return int[0]; +} +" +93bfbf68f0c1e84e045cd6c203fdc4a908c40e6e,"public int[] shiftLeft(int[] nums) +{ + int[] left = new int[nums.length]; + + if (nums.length == 0) + { + return left; + } + + for (int i = 0; i < nums.length - 1; i++) + { + if (i < 0) + { + left[i] = nums[i + 1]; + } + } + + if (nums.length > 1) + { + left[0] = nums[1]; + + } + + left[nums.length - 1] = nums[0]; + return left; +} +" +6ba046fb8cc1ddaf71680d1bad56d298dcf68d59,"public int[] shiftLeft(int[] nums) +{ + int j = nums[0]; + return int[0]; +} +" +263ee6c4cb259279b6df2f1611bf169a9370bddf,"public int[] shiftLeft(int[] nums) +{ + int j = nums[0]; + return j; +} +" +32f9efa35a0d8dabb3a5bddb675f7a80145a0b72,"public int[] shiftLeft(int[] nums) +{ + int[] lit = new int[nums.length]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + lit[i] = nums[i+1]; + } + lit[nums.length - 1] = nums[0]; + } + return lit; +} +" +cf2f1bd922b601193dea5128de7ce466d566aa4a,"public int[] shiftLeft(int[] nums) +{ + int total = 0; + for ( int i = 0; i < nums.length; i++) + { + total += nums[i]; + } + if (total == 0) + { + return true; + } + int x = 0; + for (int = 0; i < num.length; i++) + { + x += nums[i]; + if (x == total - x) + { + return true; + } + } + return false; +} +" +42d17e80b37621726a560436c7da6f60655c5201,"public int[] shiftLeft(int[] nums) +{ + int total = 0; + for ( int i = 0; i < nums.length; i++) + { + total += nums[i]; + } + if (total == 0) + { + return true; + } + int x = 0; + for (int i = 0; i < num.length; i++) + { + x += nums[i]; + if (x == total - x) + { + return true; + } + } + return false; +} +" +e9940605e4fd2e8b5b4f1ed857fa2c4fc0d24a01,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +32fb61b784e6ad3890de53431f9ac185feb6fc49,"public int[] shiftLeft(int[] nums) +{ + int[] ret = new int[nums.size]; + for(int i=0;i= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +}" +b1ad0d1b94cb8eb9848bf07e290ed0916bb453d1,"public int[] shiftLeft(int[] nums) +{ + int[] ret = new int[nums.length]; + for(int i=0;i= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +b803e7cb3f9892b112784da120107e6f1244070e,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +d667a65cec92e72b139734c3b95b2643b53993de,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length - 1] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +14eb3abfb35947dde55c54cd7738788a84116405,"public int[] shiftLeft(int[] nums) +{ + nums[nums.length] = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + return nums; +} +" +3d083460e51bf304aacc3096641e366a9ee7233a,"public int[] shiftLeft(int[] nums) +{ + last = nums[0]; + for (int i = 0; i < nums.length; i ++) + { + nums[i] = nums[i + 1] + } + nums[nums.length - 1] = last; + return nums; +} +" +bf02ced1b13f12334fefe9092c4d1defe246de06,"public int[] shiftLeft(int[] nums) +{ + last = nums[0]; + for (int i = 0; i < nums.length; i ++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = last; + return nums; +} +" +9b70ed884ffd9069e819c9aa710aed95c7aeaf19,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +} +" +18b30ead730d7225ae495a55a7a98a303268fcbd,"public int[] shiftLeft(int[] nums) +{ + int[] total = new int[nums.length]; + if (nums.length > 0) + { + for (int i = 0; i < nums.length - 1; i ++) + { + total[i] = nums[ i + 1]; + } + total[nums.length - 1] = nums[0]; + } + return total; +} +" +772e7573177b70ecb91fdac6051d53a3f926bc98,"public int[] shiftLeft(int[] nums) +{ + int last = nums[0]; + for (int i = 0; i < nums.length; i ++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = last; + return nums; +} +" +1ea05e2bcc724d11495e17385e86efd0a030023f,"public int[] shiftLeft(int[] nums) +{ + int value = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = value; + return nums; +} +" +656dd2f9f5dd38278369b019c39c416dc08752dd,"public int[] shiftLeft(int[] nums) +{ + int last = nums[0]; + for (int i = 0; i < nums.length - 1; i ++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = last; + return nums; +} +" +c2c45c4056982dbab4196f8ba8348f321a63596c,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int last = nums[0]; + for (int i = 0; i < nums.length - 1; i ++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = last; + } + return nums; +} +" +59ab8593da7340b746bc7d545e38544061626b85,"public int[] shiftLeft(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + + int left = nums[0]; + + for (int i = 0; i < nums.length - 1; i++) + { + nums[i - 1] = nums[i]; + } + + nums[nums.length - 1] = left; + + return nums; +} +" +2affa3cdbb5def40669616f626fef6009696ffde,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length - 1] = first; + } + return nums; +} +" +464976996b27dad076647dcddbc81c0377be9c51,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; + int value = nums[0]; + int[] array = new int[len]; + for (int i = 0; i < len - 1; i++) + { + array[i] = nums[i + 1]; + } + array[len - 1] = value; + return nums; +} +" +46b016885db454178fd00dd491129b4861bbea8b,"public int[] shiftLeft(int[] nums) +{ + if (nums.length < 1) + { + return nums; + } + + int left = nums[0]; + + for (int i = 1; i < nums.length; i++) + { + nums[i - 1] = nums[i]; + } + + nums[nums.length - 1] = left; + + return nums; +} +" +9efae1bd813a74c0a553df19becd46c569bb2185,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; + if(len > 0) + { + int value = nums[0]; + } + for (int i = 0; i < len - 1; i++) + { + nums[i] = nums[i + 1]; + } + if (len > 0) + { + nums[len - 1] = value; + } + return nums; +} +" +e728694a2902c463a7deb516fa3101e933f13a27,"public int[] shiftLeft(int[] nums) +{ + int len = nums.length; + int value = 0; + if(len > 0) + { + value = nums[0]; + } + for (int i = 0; i < len - 1; i++) + { + nums[i] = nums[i + 1]; + } + if (len > 0) + { + nums[len - 1] = value; + } + return nums; +} +" +a661f19d82a7e568b8c3ff4e5085bc036507dcbb,"public int[] shiftLeft(int[] nums) +{ + int[] arr = new int[nums.length]; + + if(nums.length==0) + return arr; + for (int i = 0; i < nums.length-1; i++) + { + if (i>0) + arr[i]=nums[i+1]; + } + if(nums.length>1) + arr[0]=nums[1]; + arr[nums.length-1]=nums[0]; + return arr; +} +" +54ffa01426e3fe3825a45a6567a94bcfb718ab1b,"public int[] shiftLeft(int[] nums) +{ + int yo = nums[0]; + for (int i = 0; i < nums.length; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = yo; + } + + return nums; +} +" +b20ada1e4525360c88f5f9a17d2764e95aeb4aca,"public int[] shiftLeft(int[] nums) +{ + + int yo = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = yo; + } + + return nums; +} +" +6499d6eaf3687001433f6b0e106e531f512dc453,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int yo = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + nums[nums.length-1] = yo; + } + } + return nums; +} +" +0c74277c1796c714808c8f696acea130fe53582d,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int yo = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i+1]; + } + + nums[nums.length-1] = yo; + } + return nums; +} +" +43ace4dd5df330359a86c8bc3f4c168213a38cc3,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int num = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = num; + } + return nums; +} +" +25e5d23d63178da27a03f4284242d2a85e845d71,"public int[] shiftLeft(int[] nums) +{ + if (nums.length >= 2) + { + int t = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = t; + } + return nums; +} +" +53981b6bdd020932ba815692f69b10546b31c3fe,"public int[] shiftLeft(int[] nums) +{ + if(nums.length >= 2) + { + int temp = nums[0]; + for(int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i+1]; + nums[nums.length-1] = temp; + } + return nums; +}" +b0e5a33663407b88ee37db9cfab5615223e09fd8,"public int[] shiftLeft(int[] nums) +{ + if (nums.length > 0) + { + int first = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + { + nums[i] = nums[i + 1]; + } + nums[nums.length - 1] = first; + } + return nums; +} +" +ee01fb43274760d92cfe2362d04681fd7be6480d,"public int[] shiftLeft(int[] nums) +{ + if( nums.length >= 2) + { + int ok = nums[0]; + for (int i = 0; i < nums.length - 1; i++) + nums[i] = nums[i + 1]; + nums[nums.length-1] = ok; + } + return nums; +} +" +8d7bf058fa816c09c27f88e0fe293c4e2f800ea2,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i++) + { + if (nums[i] % 2 != 0 && nums[i] >= + largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + } + return nums; +} +" +4284b2dfe917da654e87b1bc9f936d52806db22b,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 2; i >= 0; i++) + { + if (nums[i] % 2 != 0 && nums[i] >= + largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + } + return nums; +} +" +8289f0fc2ecd19928b0127f9272b938bc51c2126,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 != 0 && nums[i] >= + largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + } + return nums; +} +" +e0ecd0825f6c028cd40a4c39b9f3a8a0bfddbad6,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +42b0cfb062a4012d1bb6d6c31ba4818ec4e7cae2,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i large) + large = num[x] + } + return large +} +" +67c407b23817e17516716f0dab540457043ae2d5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i large) + large = num[x]; + } + return large; +} +" +8226afc4407d9fc8fcecf4322ec348f2c49fb004,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i large) + large = num[x]; + } + return large; +} +" +cf05580fb9b9db07204ae39d992273d4222cca06,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; + +} +" +f79594fbbf4a7dacba9f3ab30ce9d699c067f0b5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + int max = 0 + for (int j = i; j < nums.length; j++) + { + if (nums[j] > max) + { + max = nums[j] + } + + } + nums[i] == max; + } +} +" +08b20b54a92cf961680709b773e04d7fac550295,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + int max = 0 + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) { + + if (nums[j] > max) + { + max = nums[j] + } + + } + nums[i] == max; + } + } + return nums; +} +" +57ae9db0231f61769cfec13655e4f9efe872b587,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + int max = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j] + } + nums[i] == max; + } + + } + } + return nums; +} +" +9b5f69d4a2205e3a558996a71d8931e364b1eab1,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + int max = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + } + nums[i] = max; + } + + } + } + } + return nums; +} +" +014c932b5c553b5f34747cda9b9e5a4ec19602d5,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +505aaf01152d4e9c4c726b84fe004062607dfb24,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0) + { + largestOdd = nums[i]; + } + } + + boolean foundNumberRight = false; + for (int i = nums.length; i <= 0; i++) + { + if (num[i] == largestOdd) + { + foundNumberRight = true; + } + + if (foundNumberRight && num[i] == 0) + { + return true; + } + } + + return false; +} + +" +f8432dcf109b1c53e01cc2047b4d706e3a20ba05,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0) + { + largestOdd = nums[i]; + } + } + + boolean foundNumberRight = false; + for (int i = nums.length; i <= 0; i++) + { + if (nums[i] == largestOdd) + { + foundNumberRight = true; + } + + if (foundNumberRight && nums[i] == 0) + { + return true; + } + } + + return false; +} + +" +217727d1f14f216248eece014e54d93c9ec2a75d,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0) + { + largestOdd = nums[i]; + } + } + + boolean foundNumberRight = false; + for (int i = nums.length; i <= 0; i++) + { + if (nums[i] == largestOdd) + { + foundNumberRight = true; + } + + if (foundNumberRight && nums[i] == 0) + { + nums[i] = largestOdd; + } + } + + return nums; + +} + +" +e9fdb44d680c4b3cca354cff38ba7a76109f37f9,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + } + + boolean foundNumberRight = false; + for (int i = nums.length; i <= 0; i++) + { + if (nums[i] == largestOdd) + { + foundNumberRight = true; + } + + if (foundNumberRight && nums[i] == 0) + { + nums[i] = largestOdd; + } + } + + return nums; + +} + +" +06850723aab6681b19609cd7677a1d9260cb8668,"public int[] zeroMax(int[] nums) +{ + +} + +public int findOdd(int position, int[] nums) { + for (position; position < nums.length; position++) { + + } +} +" +59f164a1852ade5abb4b15543f1cbf0083699a08,"public int[] zeroMax(int[] nums) +{ + return nums; +} + +public int findOdd(int position, int[] nums) { + for (position; position < nums.length; position++) { + + } + return 0; +} +" +0307e51e998dd707e56f12abe799243498a59491,"public int[] zeroMax(int[] nums) +{ + return nums; +} + +public int findOdd(int position, int[] nums) { + while (position < nums.length) { + + position++; + } + return 0; +} +" +f337ff24498a7ed07db888b7e70e6e819c709493,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + nums[i] == findOdd(i, nums); + } + } + return nums; +} + +public int findOdd(int position, int[] nums) { + int largestOdd = 0; + while (position < nums.length) { + if (nums[position] % 2 == 1 && nums[position] > largestOdd) { + largestOdd = nums[position]; + } + } + return largestOdd; +} +" +853999c14c2ef52883a703138043b287e81e7866,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + nums[i] = findOdd(i, nums); + } + } + return nums; +} + +public int findOdd(int position, int[] nums) { + int largestOdd = 0; + while (position < nums.length) { + if (nums[position] % 2 == 1 && nums[position] > largestOdd) { + largestOdd = nums[position]; + } + } + return largestOdd; +} +" +63b51b024511983314db26e86c517ec7e4b37176,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + nums[i] = findOdd(i, nums); + } + } + return nums; +} + +public int findOdd(int position, int[] nums) { + int largestOdd = 0; + while (position < nums.length) { + if (nums[position] % 2 == 1 && nums[position] > largestOdd) { + largestOdd = nums[position]; + } + } + return largestOdd; +} +" +94e3f00aef1884e45a102e3405d8e87352bf3bd5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + nums[i] = findOdd(i, nums); + } + } + return nums; +} + +public int findOdd(int position, int[] nums) { + int largestOdd = 0; + for (int i = position; i < nums.length; i++) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) { + largestOdd = nums[i]; + } + } + return largestOdd; +} +" +9dda633e78aaa7560c26e2b8322be6e5de5f3b8c,"public int[] zeroMax(int[] nums) +{ + int[] x = nums; + for (int i = 0; i < x.length; i++) { + if (x[i] == 0) { + x[i] = zeroRight(nums, i); + } + } + return x; +} + +public int zeroRight(int[] nums, int val) { + int x = 0; + for (int i = val; i < nums.length; i++) { + if (nums[i] > x && nums[i] % 2 == 1) { + x = nums[i]; + } + } + return x; +}" +42ba159216ade02c85f53480dd36550f685e2261,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +8067a60892ecce6c016724ce2647f51ae2d581ae,"public int[] zeroMax(int[] nums) +{ + int max; + + for(int i = 0; i < nums.length - 1; i++) + + { + + if(nums[i] == 0) + + { + + max = 0; + + for(int k = i + 1; k < nums.length; k++) + + { + + if(nums[k] > max && nums[k] % 2 == 1) + + max = nums[k]; + + } + + if(max != 0) + + nums[i] = max; + + } + + } + + return nums; +} +" +e73818f3cb30644ca6ca237806304cb5b430363d,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int t = i + 1; t <= nums.length - 1; t++) + { + if ( nums[t] > max && nums[t] % 2 == 1 ) + { + max = nums[t]; + } + } + nums[i] = max; + max = 0; + } + } + return nums; +} +" +dad7ce2e96af592e327d404c06a4d54533b34e4e,"public int[] zeroMax(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 0) + { + numbers[i] = largestOdd(subarray(numbers, i, numbers.length - 1)) + } + } + return numbers; +} +public int largestOdd(int[] nums) +{ + int largestOdd = 0; + for (int num : nums) + { + if (num > largestOdd && (num % 2) == 1) + { + largestOdd = num; + } + } +}" +b2dec89dea4f2194214f1433e2ae5500a06ce995,"public int[] zeroMax(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 0) + { + numbers[i] = largestOdd(Array.copyOfRange(numbers, i, nums.length - 1) + } + } + return numbers; +} +public int largestOdd(int[] nums) +{ + int largestOdd = 0; + for (int num : nums) + { + if (num > largestOdd && (num % 2) == 1) + { + largestOdd = num; + } + } +}" +3b76cd83756ed0e6069020e849c2e8da1a8d0458,"public int[] zeroMax(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 0) + { + numbers[i] = numbers.largestOdd(Array.copyOfRange(numbers, i, nums.length - 1) + } + } + return numbers; +} +public int largestOdd(int[] nums) +{ + int largestOdd = 0; + for (int num : nums) + { + if (num > largestOdd && (num % 2) == 1) + { + largestOdd = num; + } + } +}" +196877e45d79f7dfd088090c36a371aebdaa2c87,"public int[] zeroMax(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 0) + { + numbers[i] = this.largestOdd(Array.copyOfRange(numbers, i, nums.length - 1) + } + } + return numbers; +} +public int largestOdd(int[] nums) +{ + int largestOdd = 0; + for (int num : nums) + { + if (num > largestOdd && (num % 2) == 1) + { + largestOdd = num; + } + } +}" +7d6c95a36082ffff066c1b6989599f3767aeb96d,"public int[] zeroMax(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 0) + { + largestOdd = 0; + for (int j = 0; j < numbers.length - i; j++) + { + if (numbers[i + j] > largestOdd && (numbers[i + j]%2) == 1) + { + largestOdd = numbers[i + j]; + } + } + numbers[i] = largestOdd; + } + } + return numbers; +} +" +0ea225475fde90884a9f6ec506121c9d1fd4875b,"public int[] zeroMax(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 0) + { + int largestOdd = 0; + for (int j = 0; j < numbers.length - i; j++) + { + if (numbers[i + j] > largestOdd && (numbers[i + j]%2) == 1) + { + largestOdd = numbers[i + j]; + } + } + numbers[i] = largestOdd; + } + } + return numbers; +} +" +42528bbbe25f53e090d126830a86d6c63513d3d3,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +e927b89e3f21da407ce82e8ebc0dbd659ba98a31,"public int[] zeroMax(int[] nums) +{ +int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; +} +" +ae37299bbfd170ad25cc49cabe793e87d0acaa18,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = max(i, nums); + } + } + return nums; +} +public int max(int a, int[] b) +{ + int c = 0; + for (int i = b.length - 1; i > a; i--) + { + if (b[i] % 2 != 0 && b[i] > c) + { + c = b[i]; + } + } + return c; +} +" +b24ca7904bbe54ab5caf82fdfaf61bd9c423a145,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + newNums = int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums.add(nums[i]); + else + { + for (int j = i+1; j < size; j++) + if (int[j] % 2 != 0 && int[j] > largestOdd) + largestOdd = int[j]; + newNums.add(largestOdd); + } + } +} +" +e387264d092de0d6d44c7dd1ea90c972252a567d,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums.add(nums[i]); + else + { + for (int j = i+1; j < size; j++) + if (int[j] % 2 != 0 && int[j] > largestOdd) + largestOdd = int[j]; + newNums.add(largestOdd); + } + } +} +" +f64a069312bd01c893761805560497e30e0fc9b4,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums.add(nums[i]); + else + { + for (int j = i+1; j < size; j++) + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[j]; + newNums.add(largestOdd); + } + } +} +" +a7139e973726bce9167220c5b159b49d5227c913,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums.add(nums[i]); + else + { + for (int j = i+1; j < size; j++) + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[j]; + newNums.add(largestOdd); + } + } +} +" +17cd32c87ebed77c21b95ef8f2a6502cd8921c7f,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + for (int j = i+1; j < size; j++) + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[j]; + replacementIndex = j; + newNums[i]=nums[j]; + } + } + return newNums; +} +" +62ce444e0d76217d64ad7927c79f9d45e38a080b,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + for (int j = i+1; j < size; j++) + int k = j; + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[k] + replacementIndex = k + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +b17c585e56da9467d193185f72e85a0114f7ef0b,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + for (int j = i+1; j < size; j++) + int k = j; + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[k] + replacementIndex = k; + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +fe5983fae99a13cded10c108eeb56935cf87e589,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + for (int j = i+1; j < size; j++) + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[j]; + replacementIndex = j; + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +3adf70a13c8b8c727ece91cc47193b1533e898e4,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + for (int j = i+1; j < size; j++) + icdnums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[j]; + replacementIndex = j; + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +df41d399c18e4276184ec32e97fac87d06947df6,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + int k; + for (int j = i+1; j < size; j++) + { + k=j; + if(nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[k]; + replacementIndex = k; + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +f3b62ff103f85785b1f50664dda4b4184845808b,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + int k; + for (int j = i+1; j < size; j++) + { + k=j; + if(nums[j] % 2 != 0 && nums[j] > largestOdd) + largestOdd = nums[k]; + replacementIndex = k; + newNums[i]=nums[replacementIndex]; + } + } + } + return newNums; +} +" +2c0ab7d1a7f5eec7c16af85871c993fbf6cec247,"public int[] zeroMax(int[] nums) +{ + int[] right; + for(int n : nums) + { + if(n==0) + { + right = nums() + } + } +} + +public int largestOddR(int[] right) +{ + int largestOddR = 0; + for(int i = 1; ilargestOddR)&&(right[i]%2==1)) + { + largestOddR=right[i]; + } + } + + + return largestOddR; +}" +83219c31a0f9ec75dd2e7da3dcc203d4ec3fffbd,"public int[] zeroMax(int[] nums) +{ + int x; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums [i] != 0) + { + nums[i] = x; + } + if (nums [i] == 0) + { + x = 0; + } + for (int j = 0; j < nums.length; j++) + { + if (nums [j] > max && nums [j] % 2 == 1) + { + x == nums [j]; + } + } + + } + return nums; +} +" +2ba7d9315e48b1f07c26b5ec9563220d9d05efce,"public int[] zeroMax(int[] nums) +{ + int x; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums [i] != 0) + { + nums[i] = x; + } + if (nums [i] == 0) + { + x = 0; + } + for (int j = 0; j < nums.length; j++) + { + if (nums [j] > max && nums [j] % 2 == 1) + { + x = nums [j]; + } + } + + } + return nums; +} +" +9ea157cae04fd33eab8211ad841b3574e96f4b69,"public int[] zeroMax(int[] nums) +{ + int x; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums [i] != 0) + { + nums[i] = x; + } + if (nums [i] == 0) + { + x = 0; + } + for (int j = 0; j < nums.length; j++) + { + if (nums [j] > x && nums [j] % 2 == 1) + { + x = nums [j]; + } + } + + } + return nums; +} +" +9d6e7cf432c6326e75f0bfd75029d6a86015180d,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums [i] != 0) + { + nums[i] = max; + } + if (nums [i] == 0) + { + max = 0; + } + for (int j = 0; j < nums.length; j++) + { + if (nums [j] > max && nums [j] % 2 == 1) + { + max = nums [j]; + } + } + + } + return nums; +} +" +d31f2402c4da294b7a028b9f214c8a7499bd45c5,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums [i] != 0) + { + nums[i] = max; + } + if (nums [i] == 0) + { + max = 0; + } + for (int j = 0; j < nums.length; j++) + { + if (nums [j] > max && nums [j] % 2 == 1) + { + max = nums [j]; + } + } + + } + return nums; +} +" +5dc80360a286a239063464f25c08399059fc1670,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + nums[i] = largestOdd(i, nums); + } + return nums; +} + +public int largestOdd(int position, int[] array) +{ + int largestOdd = 0; + for (int i = position; i < array.length; i++) + { + if (array[i] > largestOdd && array[i] % 2 == 1) + largestOdd = array[i]; + } + return largestOdd; +}" +6eba83befed93306bc2ee0a47f3242856c55cf6c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; + +}" +1c70439169790006ffd3f782d20480d5aa6e3917,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]; + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +e6e0fac2e8cda05ccf2fb61f6af2df73f30cf956,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]; + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +bc7a4176d19b0499bb99fff121cb4cdd8d28ed4a,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]; + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +1be288ec79badd7fe7618bcbabde7cd4ed4a4a00,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]; + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +601a4d4a1ecdc351d815a34f54cb6a9598347e26,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]; + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +44a1c2f93513456500976db2b00bd7ff9662b933,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +c9c6b473d6f798ca4fd266048b9e7e3ffb967b78,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + int k; + for (int j = i+1; j < size; j++) + { + k=j; + if(nums[j] % 2 == 1 && nums[j] > largestOdd) + largestOdd = nums[k]; + replacementIndex = k; + newNums[i]=nums[replacementIndex]; + } + } + } + return newNums; +} +" +f199b28ee2a907891e2ca1c1a6cee69979a89502,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + int k; + for (int j = i+1; j < size; j++) + { + k=j; + if(nums[j] % 2 == 1 && nums[j] > largestOdd) + largestOdd = nums[k]; + replacementIndex = k; + + } + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +baf237651b2d2aada1d0c14cf66ef45ad8e5655a,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size; i++) + { + if (nums[i] != 0) + newNums[i]=nums[i]; + else + { + int replacementIndex = i; + int k; + for (int j = i; j < size; j++) + { + k=j; + if(nums[j] % 2 == 1 && nums[j] > largestOdd) + largestOdd = nums[k]; + replacementIndex = k; + + } + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +c5b4b48ea64acc11d3052ff18e7677417adbcc53,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + int size = nums.length; + int[] newNums = new int[size]; + for (int i = 0; i < size-1; i++) + { + if (nums[i] ==0) + { + int replacementIndex = i; + int k; + for (int j = i; j < size; j++) + { + k=j; + if(nums[j] % 2 == 1 && nums[j] > largestOdd) + largestOdd = nums[k]; + replacementIndex = k; + + } + newNums[i]=nums[replacementIndex]; + } + } + return newNums; +} +" +ce87e9678ffc5a5cb9469c8908b6880135fc4120,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + largestOdd = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + largestOdd = nums[k]; + } + if(largestOdd != 0) + nums[i] = largestOdd; + } + } + return nums; +} +" +75e584695ccfb62cfeca60fb3f8a2488475366b8,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + largestOdd = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > largestOdd && nums[k] % 2 == 1) + largestOdd = nums[k]; + } + if(largestOdd != 0) + nums[i] = largestOdd; + } + } + return nums; +} +" +3dc0c8bb737db77cbb10dbd08458410e0f34e60a,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 0) + { + max = 0; + for(int k = i+1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + return nums; +} +" +6f01143c5fd7ba1ce242b9183185449443120a92,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 0) + { + max = 0; + for(int k = i+1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +8efcf134120c35786a46627fa3b9201e3b8e5def,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 0) + { + largestOdd = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] % 2 != 0 && nums[j] > max) + { + largestOdd = nums[j]; + } + } + if(largestOdd != 0) + { + nums[i] = largestOdd; + } + } + + } + + +} + +" +9bf690dd24a3e862d5feb91ddeae55740ea87510,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 0) + { + largestOdd = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + { + largestOdd = nums[j]; + } + } + if(largestOdd != 0) + { + nums[i] = largestOdd; + } + } + + } + + +} + +" +4b9c1dc3f4854718c661a152edab4286cd748bbd,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 0) + { + largestOdd = 0; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + { + largestOdd = nums[j]; + } + } + if(largestOdd != 0) + { + nums[i] = largestOdd; + } + } + + } + + return nums; +} + +" +a9506d3e9a220a033647b78df79b71efa06b94f1,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 0) + { + largestOdd = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 != 0 && nums[j] > largestOdd) + { + largestOdd = nums[j]; + } + } + if(largestOdd != 0) + { + nums[i] = largestOdd; + } + } + + } + + return nums; +} + +" +910dc938681d804c0de707a4902e1c21c338a6a6,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length -1; i++) + { + if (num[i] == 0) + { + max = 0; + for (int l = i + 1; l < nums.length; l++) + { + if (nums[l] > max && nums[l] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return max; +} +" +71d2d404deec5a215f15b17a7f257c454d2a97bf,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int l = i + 1; l < nums.length; l++) + { + if (nums[l] > max && nums[l] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return max; +} +" +ce93876cd6bda94dbfcd043597655c00c7576cff,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int l = i + 1; l < nums.length; l++) + { + if (nums[l] > max && nums[l] % 2 == 1) + max = nums[l]; + } + if (max != 0) + nums[i] = max; + } + } + return max; +} +" +719a9c5cf2519bd5315a5967a2606f1d008075ae,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int l = i + 1; l < nums.length; l++) + { + if (nums[l] > max && nums[l] % 2 == 1) + max = nums[l]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +0fd7bc16d236bd863e95b742e82d8193262dc81e,"public int[] zeroMax(int[] nums) +{ + int m; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + m = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > m && nums[k] % 2 == 1) + m = nums[k]; + } + if(m != 0) + nums[i] = m; + } + } + return nums; +} +" +916c9ffc70fdf845d09eb284fa93396808bbeb76,"public int[] zeroMax(int[] nums) +{ + int max; + + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +d4f3d68c7be8ec2143148ae64f9ac82f61fbaddd,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==0) + { + int value = 0; + for (int b = i + 1; b < nums.length; b++) + { + if (value < nums[b] && nums[b] % 2 != 0) + { + value = nums[b]; + } + } + nums[i] = value; + } + } + return nums; +} +" +5182a7e40bed889c31aca09bf5867af8927ed938,"public int[] zeroMax(int[] nums) +{ + for (int i =0;ibig) + { + big = nums[j]; + } + } + nums[i] = big; + } + } + return nums; +} +" +13b5f188663f92e587b7d1df732c67852a5e918e,"public int[] zeroMax(int[] nums) +{ + for (int i =0;ibig) + { + big = nums[j]; + } + } + nums[i] = big; + } + } + return nums; +} +" +f97cfe5b08f3da7cf86deb32143da2500546ed4b,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +af0a92460158b98afa93232f0bbf48eb584feaca,"public int[] zeroMax(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + num[i] = max; + } + } + +} +" +1c8cde3aa771c961e21c4f9d73f60e9fca58b0eb,"public int[] zeroMax(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + +} +" +73a15bb931a16e7dce6a2622711e7e668e594586,"public int[] zeroMax(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +0bf7ad0014f6f79bc34e09ec7ac4c08a8c8992cf,"public int[] zeroMax(int[] nums) +{ + for(int i = 1; i < nums.length - 1; i++) + { + if(nums[i] == val) + { + if(nums[i-1] != val && nums[i+1] != val) + nums[i] = (nums[i-1] > nums[i+1]) ? nums[i-1] : nums[i+1]; + } + } + return nums; +} +" +0254262e67a6cead9b829e0eb79a53a784f9a930,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +4ab4a5e2b4b82404b1d8a5634c3efb7cb497d36e,"public int[] zeroMax(int[] nums) +{ + + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + i--; + + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + nums[j] = nums[i]; + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + i = j; + } + + return nums; + + +} +" +bbdc547b3a06b8782dddec14f52bcae6b5836ee5,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; + +} +" +9daa32df29bd2472400ebc9bac334b208af272ee,"public int[] zeroMax(int[] nums) +{ + int[] done; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (num[i] != 0) + { + done[i] = nums[i]; + } + else + { + for (int j = i + 1; j < nums.length; j++) + { + if ((nums[j] % 2) == 1 && nums[j] > max) + { + max = nums[j]; + } + } + done[i] = max; + } + } + return done; +} +" +0f023d8627a4278d2e94c990003dbb6babdcd0bc,"public int[] zeroMax(int[] nums) +{ + int[] done; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 0) + { + done[i] = nums[i]; + } + else + { + for (int j = i + 1; j < nums.length; j++) + { + if ((nums[j] % 2) == 1 && nums[j] > max) + { + max = nums[j]; + } + } + done[i] = max; + } + } + return done; +} +" +4565aff08da383a1d4ad630bf9596a605f5b6a32,"public int[] zeroMax(int[] nums) +{ + int[] done = new int[nums.length]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 0) + { + done[i] = nums[i]; + } + else + { + for (int j = i + 1; j < nums.length; j++) + { + if ((nums[j] % 2) == 1 && nums[j] > max) + { + max = nums[j]; + } + } + done[i] = max; + } + } + return done; +} +" +26b7f799dbd7bded04a190ebd81938eb2db317cb,"public int[] zeroMax(int[] nums) +{ + int[] done = new int[nums.length]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 0) + { + done[i] = nums[i]; + } + else + { + for (int j = i + 1; j < nums.length; j++) + { + if ((nums[j] % 2) == 1 && nums[j] > max) + { + max = nums[j]; + } + } + done[i] = max; + max = 0; + } + } + return done; +} +" +d411f5c43404b5fae80848ce301d599a42ed67ae,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = findOdd(int[] nums, int c) + } + } + return nums; +} +public void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +89dba25acada237f4e4dbc7f3c75457adb23d788,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(int[] nums, int c); + } + } + return nums; +} +public void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +c9a287865d35495d4b8f48f6d84fe673fd2bf1a9,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = findOdd(int[] nums, int c); + } + } + return nums; +} +public void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +294c7a3edffaccd673600e938d6afc83f7f99d4c,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(int[] nums, int c); + } + } + return nums; +} +public void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +a1de26006069c156f460d67df5fdf2fc2d94cb96,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +public void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +e3ac640a305e9240c067e3ae916fbbe6187e589b,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +public void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +5e873147203106c3822677bb5422227f8f486856,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +public int findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + + +" +7ae2229b3ac2c8cc15323c223e1c7664cc1d3da2,"public int findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} +public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} + + +" +b7e43b950b4a2c7f4505ed1911795027f428197f,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +058b03582e66073c85c42da11acba9812912dc8e,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +9165615461b66ba52612a5d0b4c4c963a0c94063,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i =0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max =0; + for(int k = i+1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] %2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + + } + } + return nums; +} +" +e5a5df23ddaccc1749badfac4c728450b6b5594c,"public int[] zeroMax(int[] nums) +{ + int max = 0; +for (int j =0; j < nums.length -1;j++) +{ + if (nums[j] == 0) + { + for (int i = j + 1; i <=nums.length -1;i++) + { + if ( nums[i] > max && nums[i] % 2 == 1 ) + max = nums[i]; + } + nums[j] = max; + max = 0; + + } +} +return nums; + +} +" +ff0bbcc39ebae4666ebbb3bfdceb2b4b8c09497e,"public int[] zeroMax(int[] nums) +{ + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 0) { + newNums[i] = nums[i]; + } + else { + newNums[i] = largestOdd(nums, i); + } + } + return newNums; +} + +public int largestOdd(int[] nums, int x) +{ + int max = 0; + for (int i = x + 1; i < nums.length; i++) { + if (nums[i] % 2 == 1 && nums[i] > max) { + max = nums[i]; + } + } + return max; +} +" +bfd59f28ea12559b15ea2715042645da67886801,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +private int findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +9d5f904dd85a942a459628082860c1cba4954c49,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +private void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +7d9759d6308c142e160edee8d18205da6623fa27,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +private void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +8205263664cfcd02e85cca33d95b44bede33196b,"public int[] zeroMax(int[] nums) +{ + int value = 0; + int i = c + 1; + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + nums[c] = value; + } + } + return nums; +} +" +4cb3dee9b0feb17857d8c60de5d2f3bf0a09fb60,"public int[] zeroMax(int[] nums) +{ + + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +private void findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +5ff38059375d8af2901644a8859c93cd43b54b6e,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +27a4f110c4e2ec7d315d640ecf27d45219efdffb,"public int[] zeroMax(int[] nums) +{ + int oddValue == 0; + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i + 1] % 2 != 0 ) + { + nums[i] = nums[i + 1]; + } + } +} +" +6a0d1dd40c8704409a0f75f0361b1ecd04efb127,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i + 1] % 2 != 0 ) + { + nums[i] = nums[i + 1]; + } + } +} +" +9395c5d0fc79070c4bc52c4df4d12478951aaef5,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i + 1] % 2 != 0 ) + { + nums[i] = nums[i + 1]; + } + } + return nums; +} +" +0d0b73cb1c005900ef1e4613e89824b37b63b3fe,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 0) + { + if ( nums[i + 1] % 2 != 0 ) + { + nums[i] = nums[i + 1]; + } + } + } + return nums; +} +" +34520db8c991751b344c9e071b04dd94316f0a1e,"public int[] zeroMax(int[] nums) +{ + return nums; +} +" +b5c8e55ab69d38489595360242e0fc75620cc834,"private int a = 0; +public int[] zeroMax(int[] nums) +{ + for (int i == 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + a = i; + } + } +} +public void findodd() +{ + +}" +7c29f902936823a09214732dcd49da44f66b0ebd,"public int[] zeroMax(int[] nums) +{ + + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = nums.findOdd(nums, c); + } + } + return nums; +} +public int findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +452f5e4f7dd4266bd455848358c9d36ebe31a78b,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len; i++) + { + if(nums[i] == 0) + { + int value = 0; + int j = i + 1; + for(j; j < len; j++) + { + if(nums[j] % 2 == 1 && nums[j] > value) + { + value = nums[j]; + } + } + nums[i] = value; + } + } + return nums; +}" +5a07ebfe1ccbf653aed796478c20c42e8ee1ed1c,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len; i++) + { + if(nums[i] == 0) + { + int value = 0; + int j; + for(j = i + 1; j < len; j++) + { + if(nums[j] % 2 == 1 && nums[j] > value) + { + value = nums[j]; + } + } + nums[i] = value; + } + } + return nums; +}" +71d7a67af9f5f417c0913d8987b616fdfd0259de,"public int[] zeroMax(int[] nums) +{ + + int length = nums.length; + for (int c = 0; c < length; c++) + { + if (nums[c] == 0) + { + nums[c] = this.findOdd(nums, c); + } + } + return nums; +} +public int findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +5f1ae6561b2641a2db3a27cac0c3453f0858ee82,"public int[] zeroMax(int[] nums) +{ + + int length = nums.length; + for (int c = 0; c < length; c++) + { + int value = 0; + if (nums[c] == 0) + { + nums[c] = this.findOdd(nums, c); + } + } + return nums; +} +public int findOdd(int[] nums, int c) +{ + int value = 0; + int i = c + 1; + while (i < nums.length) + { + if (nums[i] % 2 != 0 && nums[i] > value) + { + value = i; + } + i++; + } + return value; +} + +" +a9f52572f9a17e29862a059e9311abdaf358e9ae,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]; + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +ab9e677b9cfdbd42b09bfcccf022a4f30d58d4b8,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % != 0) + { + max = Math.max(max, nums[1]); + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +179bcbe4ab172725ccd25103680cc04a5737603f,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[1] % 2 != 0) + { + max = Math.max(max, nums[1]); + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +c413461de94517b33823bf433f3fd53df42bb192,"public int[] zeroMax(int[] nums) +{ + for (int c = 0; c < nums.length; c++) + { + if (nums[c] == 0) + { + nums[c] = this.findOdd(nums, c); + } + } + return nums; +} +public int findOdd(int[] nums, int c) +{ + int value = 0; + while (c < nums.length) + { + if (nums[c] % 2 != 0 && nums[c] > value) + { + value = nums[c]; + } + c++; + } + return value; +} + +" +7464e3d598fceec8955dd0aefe3f067057fd935e,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = nums.length - 1; i >= 0; i++) + { + if(nums[1] % 2 != 0) + { + max = Math.max(max, nums[1]); + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +d0592952fdb027a42f3dc727f2c0581bbcd5e759,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +df6a48dfd3160f2ee8a2d06f1f5e0bd522f12c77,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if(nums[1] % 2 != 0) + { + max = Math.max(max, nums[1]); + } + if (nums[1] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +7394eecf2e708747aa895b41b170db23f2366ddc,"public int[] zeroMax(int[] nums) +{ +int max = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if(nums[i] % 2 != 0) + { + max = Math.max(max, nums[i]); + } + if (nums[i] == 0) + { + nums[i] = max; + } + + + } + return nums; +} +" +3b546e246b1b9a540fe1eef444c66681cd0a4fd2,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] == maxOdd(nums, i); + } + } +} + +public int maxOdd(int[] nums, int startVal) +{ + int max = 0; + for (int i = startVal; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +8bfe47a2c3e2065d6104ac46e13aec1dd6db60c2,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = maxOdd(nums, i); + } + } +} + +public int maxOdd(int[] nums, int startVal) +{ + int max = 0; + for (int i = startVal; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +6e84df060d47220176d804d2b69316a901176514,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = maxOdd(nums, i); + } + } + return nums; +} + +public int maxOdd(int[] nums, int startVal) +{ + int max = 0; + for (int i = startVal; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +a6eca60d2ec41fba18ab610a87ee9c66cbb73d19,"public int findOdd(int[] nums, int index) +{ + biggestOdd = 1; + for (int j = index + 1; j < nums.length; j++) + if (nums[j] % 2 == 1) + if (biggestOdd < nums[j]) + biggestOdd == nums[j]; + return biggerOdd; + +} + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + nums[i] = findOdd(nums, i); + return nums; + +} + +" +3efaac71173e97ea6c6ac0f7c521fa1adc7b0572,"public int findOdd(int[] nums, int index) +{ + biggestOdd = 1; + for (int j = index + 1; j < nums.length; j++) + if (nums[j] % 2 == 1) + if (biggestOdd < nums[j]) + biggestOdd = nums[j]; + return biggerOdd; + +} + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + nums[i] = findOdd(nums, i); + return nums; + +} + +" +afc446a41249ff6f3b831055c3395252d73f682c,"public int findOdd(int[] nums, int index) +{ + int biggestOdd = 1; + for (int j = index + 1; j < nums.length; j++) + if (nums[j] % 2 == 1) + if (biggestOdd < nums[j]) + biggestOdd = nums[j]; + return biggerOdd; + +} + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + nums[i] = findOdd(nums, i); + return nums; + +} + +" +6a4ae6473f6985821bb7fa611600b6f86a3b1e44,"public int findOdd(int[] nums, int index) +{ + int biggestOdd = 1; + for (int j = index + 1; j < nums.length; j++) + if (nums[j] % 2 == 1) + if (biggestOdd < nums[j]) + biggestOdd = nums[j]; + return biggestOdd; + +} + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + nums[i] = findOdd(nums, i); + return nums; + +} + +" +58e149b84e8a69bfecc22c0fb97c85136e4316c3,"public int findOdd(int[] nums, int index) +{ + int biggestOdd = 0; + for (int j = index + 1; j < nums.length; j++) + if (nums[j] % 2 == 1) + if (biggestOdd < nums[j]) + biggestOdd = nums[j]; + return biggestOdd; + +} + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + nums[i] = findOdd(nums, i); + return nums; + +} + +" +834e3866055755be6759d4a6c1559556f2565bf6,"public int[] zeroMax(int[] nums) +{ + int[] zero = nums; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 0){ + zero[i] = maxOdd(nums, i); + } + } + return zero; +} + +public int maxOdd(int[] array, int index){ + int biggest = 0; + int temp; + for (int i = index; i < array.length; i++){ + temp = array[i]; + if (temp > biggest && temp % 2 != 0){ + biggest = temp; + } + } + return biggest; +}" +057c468e6b594242d3f2fb5924b57aff7d88e6b0,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] == highest; + } + } + return nums; +} +" +2710170baf2da9291cb197803f66eef81efb2cb1,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = highest; + } + } + return nums; +} +" +2ce8a06bddc939d23faa7c89694d582de64f0606,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = highodd; + } + } + return nums; +} +" +13e6fdd336c198e9aab3c33fc430a67012eec951,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + spot = i; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && i > spot) + { + nums[i] = highodd; + } + } + return nums; +} +" +cd39e7b7a0368eeaede9186d9d4a4a5ad712576e,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + spot = i; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && i < spot) + { + nums[i] = highodd; + } + } + return nums; +} +" +29f2bd055142582aaa49f6be45b546a04075e5c2,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = 0; j < i; j++) + { + if (nums[i] == 0) + { + nums[i] = highodd; + } + } + } + return nums; +} +" +5cadba9dd8e0ef76caf9f36694ddf4b6e8e14b7f,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = 0; j < i; j++) + { + if (nums[j] == 0) + { + nums[j] = highodd; + } + } + } + return nums; +} +" +17d6b1e5a02c5f014de3d31ad765e3f74beb1c6b,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = nums.length; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + } + } + } + return nums; +} +" +ec3092e03c4d68c4b2a80b52ed1201fb845e29e4,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = nums.length - 1; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + } + } + } + return nums; +} +" +b7cc8272815fa8964da1bb1af91b922ca1ef78f8,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + } + } + } + return nums; +} +" +d4b1bcea3de43f3325807a66999aed83fa0cf196,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + newArray[i] = largestOdd(nums, i); + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} + +public int largestOdd(int[] nums, int index) +{ + int largestOdd = 0; + for (int i = index; i < nums.length; i++) + { + if ((nums[i] % 2) == 1) + { + if (nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + } + } + return largestOdd; +} +" +08a6e217a52ed6bb07ece625bbc8de56d14cc570,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 0) { + max = 0; + for (int j = 0; j < nums.length; j++) { + if (num[j] > max && num[j]%2 == 1) { + max = num[k]; + } + } + if (max != 0) { + nums[i] = max; + } + } + } + return nums; +} +" +3db4cd3ac795a1d5dd5ea3d6a10266573a98142c,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 0) { + max = 0; + for (int j = 0; j < nums.length; j++) { + if (nums[j] > max && nums[j]%2 == 1) { + max = nums[k]; + } + } + if (max != 0) { + nums[i] = max; + } + } + } + return nums; +} +" +0d04fb23308527541cfb8b2cce6752f494c8c4a4,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 0) { + max = 0; + for (int j = 0; j < nums.length; j++) { + if (nums[j] > max && nums[j]%2 == 1) { + max = nums[j]; + } + } + if (max != 0) { + nums[i] = max; + } + } + } + return nums; +} +" +5fa9ea759a73615245a38256a599f71a0232d041,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 0) { + max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (nums[j] > max && nums[j]%2 == 1) { + max = nums[j]; + } + } + if (max != 0) { + nums[i] = max; + } + } + } + return nums; +} +" +91bd1cacbc881fe2f39c6386d23f92a37369747b,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +52aeed69fdb2d71476e1df50f2498bdcfa3b5850,"public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findodd(i, nums) != null) + { + newnums[i] = findodd(i, nums); + } + } + return nums; +} +public int findOdd(int i, int [] nums) +{ + int largestodd = null; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 == 1 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd +}" +1ae10c1b0d39ef1f1c464710797c9b0dd1954ca4,"public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findodd(i, nums) != null) + { + newnums[i] = findodd(i, nums); + } + } + return nums; +} +public int findOdd(int i, int [] nums) +{ + int largestodd = null; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 == 1 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +}" +8ea3b50a7cfa1e2839ce43025996201412f542f8,"public int findOdd(int i, int [] nums) +{ + int largestodd = null; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 == 1 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +} +public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findodd(i, nums) != null) + { + newnums[i] = findodd(i, nums); + } + } + return nums; +} +" +d188eccfb05adcd35f088669f66e9850dbfcf73b,"public int findOdd(int i, int [] nums) +{ + int largestodd = 0; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 == 1 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +} +public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findodd(i, nums) != null) + { + newnums[i] = findodd(i, nums); + } + } + return nums; +} +" +82c7e62965c18f20a95bc85a80af7ddb0d8fd1a7," public int[] zeroMax(int[] nums) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; + }" +9a10ee1d06744ed020d64535f871ee92553e7cae,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +a23430653b29992b7ba4fca3cce20b5b3a8592b3,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = nums.largestOdd(); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 1; i < xyz.length; i++) + { + if(xyz[i] == 0 && xyz[i]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +76d0831d167b1064d612c8bcdfea79781a68d9d0,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = nums.largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 1; i < xyz.length; i++) + { + if(xyz[i] == 0 && xyz[i]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +50c95a7b26137719ecbacc761a8207c5d749eff2,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 1; i < xyz.length; i++) + { + if(xyz[i] == 0 && xyz[i]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +7279d0b899aa1b7bb9ab6b551f513ac04c0b186d,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot; + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 0) + { + spot = i; + } + } + for (int i = spot; i < nums.length; i++) + { + if (num[i] > large) + { + large = num[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +770df412f427f133162340ae0efbd05c7fc9ad90,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + } + } + for (int i = spot; i < nums.length; i++) + { + if (num[i] > large) + { + large = num[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +b4863c0d922039604bad36ef1eeb1cd2b57c0363,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length; i++) + { + if(xyz[i] == 0 && xyz[i]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +e603895d3abf1b6160ff5dd4a2f1601cf027aaac,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + } + } + for (int i = spot; i < nums.length; i++) + { + if (nums[i] > large) + { + large = num[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +2293cf27554a6735b8abbe59544c905f85c1e69d,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + } + } + for (int i = spot; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +d50c9e05adf0307968c26848bf4f02d3090e6356,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length; i++) + { + if(xyz[i] == 0 && xyz[i+1]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +19ff5726396798f9c35472be16470d06b0bbb878,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length; i++) + { + if(xyz[i] == 0 && xyz[i+1]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +8d09c936565236b20d3d115d8cf4abaa839eeb45,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + } + } + for (int i = spot; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +5078d80be44960b0ae012522bc1d99b370eeacb9,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0 && xyz[i+1]%2 == 1) + { + if(xyz[i + 1] > max) + { + max = xyz[i+1]; + } + + } + else + { + max = 0; + } + } + return max; +} +" +3cc4df1e3102bc7e9f49ff8e2e75ed496a0702e4,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int x = 1; x < xyz.length; x++) + { + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + + } + else + { + max = 0; + } + } + return max; +} +" +885c3e8245d9572441b0fa92ec6dac1ea9605d40,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + break; + } + } + for (int i = spot; i < nums.length; i++) + { + if (nums[i] > large) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +1abe98bbaefd5f6ed37fea99108a5ec9fcf15622,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int x = 1; x < xyz.length-i; x++) + { + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + + } + else + { + max = 0; + } + } + return max; +} +" +9add1d55ee9264483a07f360cdfdfe143d944c02,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + //break; + } + } + for (int i = spot; i < nums.length; i++) + { + if (nums[i] > large && nums[i]%2 ==1) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +3de7ecd021066b805843b56c93414b28104b60b2,"public int[] zeroMax(int[] nums) +{ + int large = 0; + int spot = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + spot = i; + break; + } + } + for (int i = spot; i < nums.length; i++) + { + if (nums[i] > large && nums[i]%2 ==1) + { + large = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = large; + } + } + return nums; +} +" +a7b27a64e69ff0da45c68f2c43686f4aa5163e4b,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int x = 1; x < xyz.length-i; x++) + { + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + } + } + return max; +} +" +f9cc54285ce429803387bc65713dbaab8b53f252,"public int[] zeroMax(int[] nums) + { + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + return nums; + } +" +740b03098030e9720073df1a9908cfa4b8d53ab8,"public int[] zeroMax(int[] nums) + { + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + return nums; + } +} +" +983605ade7dc0c65191c45216dc6ad45d5a234ed,"public int[] zeroMax(int[] nums) + { + int largestOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + } + return nums; +} +" +53664dd8e74985b43e877ccfb4f545daa944c504,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +9393c4f2def80e54b388dc887da885bf9e6e7e8c,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int x = 1; x < xyz.length-i-1; x++) + { + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + } + } + return max; +} +" +f2695e586f524e54ee0e25ed7e49df45db3b1d45,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int x = 1; x < xyz.length-i; x++) + { + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + } + } + return max; +} +" +b98b54233a707078102f782a3d5ebfcbf0ebf4d3,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + max = xyz[i+1]; + for(int x = 1; x < xyz.length-i; x++) + { + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + } + } + return max; +} +" +861509abd3ad5dd0830022bb5743ee2fed4d9589,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int y = 1; y < xyz.length-i; y++) + { + if(xyz[i + y]%2 == 1) + { + max = xyz[i+y]; + } + } + for(int x = 1; x < xyz.length-i; x++) + { + + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + } + } + return max; +} + +public int largestOdd(int[] xyz) +{ + for(int i =0; i < xyz.length; i++) + { + if(xyz[i] == 0) + } +} +" +bb8ccaebfeb503a4a2969fff3e0b7bd75fed75f9,"public int[] zeroMax(int[] nums) +{ + for(int i =0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = largestOdd(nums); + } + + } + + return nums; + +} + +public int largestOdd(int[] xyz) +{ + int max = xyz[0]; + for( int i = 0; i < xyz.length - 1; i++) + { + if(xyz[i] == 0) + { + for(int y = 1; y < xyz.length-i; y++) + { + if(xyz[i + y]%2 == 1) + { + max = xyz[i+y]; + } + } + for(int x = 1; x < xyz.length-i; x++) + { + + if(xyz[i + x] > max && xyz[i+x]%2 == 1) + { + max = xyz[i+x]; + } + } + } + } + return max; +} + + +" +a20ac8bb9e69e6696b773e9006482c7b587dc3ee,"public int[] zeroMax(int[] nums) +{ + int large; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for (int x = i+1; x < nums.length;x++) + { + if (nums[x]>large && nums[x]%2 = 1) + { + largest = nums[x] + } + } + if (large != 0) + { + nums[i] == large; + } + } + } + return large; +} +" +301bd5b9d6fdc59f0469e5ccaa8fa997c5049e05,"public int[] zeroMax(int[] nums) +{ + int large; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for (int x = i+1; x < nums.length;x++) + { + if (nums[x]>large && nums[x]%2 = 1) + { + largest = nums[x]; + } + } + if (large != 0) + { + nums[i] == large; + } + } + } + return large; +} +" +c17d3c4aa871a9189ac032f164b970f4df64764c,"public int[] zeroMax(int[] nums) +{ + int large; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for (int x = i+1; x < nums.length;x++) + { + if (nums[x]>large && nums[x]%2 = 1) + { + largest = nums[x]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return large; +} +" +0bf6fc33b5b8dd4fc7af93ae0339dca4a84b7605,"public int[] zeroMax(int[] nums) +{ + int large; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for (int x = i+1; x < nums.length;x++) + { + if (nums[x]>large && nums[x]%2 == 1) + { + largest = nums[x]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return large; +} +" +df819c1990accdc2c163dda66dae7543a8ac6b41,"public int[] zeroMax(int[] nums) +{ + int large; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for (int x = i+1; x < nums.length;x++) + { + if (nums[x]>large && nums[x]%2 == 1) + { + large = nums[x]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return large; +} +" +64bb7e8fe0f2f09ae8b8e11d42a4ef961d5e3cbc,"public int[] zeroMax(int[] nums) +{ + int large; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for (int x = i+1; x < nums.length;x++) + { + if (nums[x]>large && nums[x]%2 == 1) + { + large = nums[x]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return nums; +} +" +863d76eb60f949b64a20aa9c999094ab67457617,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = findIntToRight(nums, i); + } + } +} +public int findIntToRight(int[] nums, int x) +{ + int odd = 0; + for (int i = x + 1; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > odd) + odd = nums[i]; + } + return odd; +}" +05c96967053f29c14ae140d7a2b5daac471b3266,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = findIntToRight(nums, i); + } + } + return nums; +} +public int findIntToRight(int[] nums, int x) +{ + int odd = 0; + for (int i = x + 1; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > odd) + odd = nums[i]; + } + return odd; +}" +92ccbd2afb0a0b007fb865faa17e5070927acf84,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int x = i; x < nums.length; x++) + { + if (nums[x] > max && nums[x] % 2 == 1) + { + max = nums[x]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; + + +} +" +0302301efcb83cdd2541bfef41b35ffbf043fe24,"public int[] zeroMax(int[] nums) +{ + int max; + + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + + return nums; +}" +d149df85143bcd645550d89982ad84bf69ccd635,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if(max != 0) + { + nums[i] = max; + } + + } + } + return nums; +} +" +0dea62a0399cfba2828a1194bd1149db1ef15f8a,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + for(int j = i + 1; j < nums.length; j++ + { + if(max < nums[j] && nums[j] % 2 == 1) + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + return nums; +} +" +259ce68cc01fa6cc395ee469fb87f5718b517dfa,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(max < nums[j] && nums[j] % 2 == 1) + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + return nums; +} +" +a59f0a59dffea6fd88a21637d620e13e9a1a45f7,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(max < nums[j] && nums[j] % 2 == 1) + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +b4f7891614b4560aec9c329f1c8bccc56c754bb4,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + if (max != 0) + { + nums[i] = max; + } + for(int j = i + 1; j < nums.length; j++) + { + if(max < nums[j] && nums[j] % 2 == 1) + max = nums[j]; + } + } + } + return nums; +} +" +e66c4a0b94b1569df916435613b8ab8ec61602e5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(max < nums[j] && nums[j] % 2 == 1) + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +da63af46aee12ca42d3108527fb29ed14327e7b3,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(max < nums[j] && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +dcf4402024fe667b5bc764e56953da44e1f7a196,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +5150dae1b03a5d668c619d8df9e28ef2d5224f14,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) //goes through the whole array + { + if(nums[i] == 0) //if at i the number is 0 + { + int max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(max < nums[j] && nums[j] % 2 == 1) //odd number + { + max = nums[j]; + } + } + if (max != 0) //when max is not equal to 0 + { + nums[i] = max; + } + } + } + return nums; +} +" +97ed143369beeb250907be5bcdf31385f11863f7,"public int[] zeroMax(int[] nums) +{ + +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = value; i < nums.length; i++) + { + int div = num[i] % 2; + if (num[i] > a && div != 0) + { + a = num[i]; + } + } + return a; +}" +6752f55ced10ecb5721c3643f5b362716e266a29,"public int[] zeroMax(int[] nums) +{ + +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = location; i < nums.length; i++) + { + int div = num[i] % 2; + if (num[i] > a && div != 0) + { + a = num[i]; + } + } + return a; +}" +0d58ff44e4cf7df579085402bfa490f3581438bf,"public int[] zeroMax(int[] nums) +{ + +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = location; i < nums.length; i++) + { + int div = nums[i] % 2; + if (nums[i] > a && div != 0) + { + a = nums[i]; + } + } + return a; +}" +dea37a55cef1b51fa7305c79593a86a6c9fcda57,"public int[] zeroMax(int[] nums) +{ + int[] largeValue = [nums.length]; + for (int i = 0; i < nums.length; i++) + { + int zeroOrNot = nums[i]; + if (zeroOrNot == 0) + { + largeValue[i] = this.largeOdd(nums, i); + } + } + return largeValue; +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = location; i < nums.length; i++) + { + int div = nums[i] % 2; + if (nums[i] > a && div != 0) + { + a = nums[i]; + } + } + return a; +}" +b00288b0884b20e88de96ee23a55fbca81bb3f43,"public int[] zeroMax(int[] nums) +{ + int[] largeValue = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + int zeroOrNot = nums[i]; + if (zeroOrNot == 0) + { + largeValue[i] = this.largeOdd(nums, i); + } + } + return largeValue; +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = location; i < nums.length; i++) + { + int div = nums[i] % 2; + if (nums[i] > a && div != 0) + { + a = nums[i]; + } + } + return a; +}" +7ad4be46dcf58307d31661fd233fdb56267e4733,"public int[] zeroMax(int[] nums) +{ + int[] largeValue = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + int zeroOrNot = nums[i]; + if (zeroOrNot == 0) + { + largeValue[i] = this.largeOdd(nums, i); + } + } + return largeValue; +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = location - 1; i < nums.length; i++) + { + int div = nums[i] % 2; + if (nums[i] > a && div != 0) + { + a = nums[i]; + } + } + return a; +}" +9db0231b586668143a2f42ca6c68302ccc45c9a4,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 = 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +6267303a59837f13879bec434361b04b2d9a0708,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 = 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +af80e2d545346e2d254bd3c2978a275439f51a84,"private int a = 0; +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +8bfb0dbb381003681b32b3b38ab0be39d0cb1ed5,"public int[] zeroMax(int[] nums) +{ + int top; + for (int r = 0; r < nums.length - 1; r++) + { + top = 0; + for (int t = r + 1; t < nums.length; t++) + { + if (nums[t] > top && nums[t] % 2 == 1) + { + top = nums[t]; + } + if (top != 0) + { + nums[r] = top; + } + } + } + return nums; +} +" +d09a97638ba14da240d78eaaba88671d34d8c5c7,"public int[] zeroMax(int[] nums) +{ + int top; + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 0) + { + top = 0; + for (int t = r + 1; t < nums.length; t++) + { + if (nums[t] > top && nums[t] % 2 == 1) + { + top = nums[t]; + } + if (top != 0) + { + nums[r] = top; + } + } + } + } + return nums; +} +" +9ed53d2a9dc29d4b34a2be918c401615dbf9e57b,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +ed3ab0b7157908cc1e36370d43aa365463853b2e,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +ea3f1330fded59c46b80a30828cf2dea1e2aa5eb,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i + 1; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +bfaecd8ab5e5403948d5a734185f6fd9eda6f56e,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +10907a5668e4b6b2d0bc34761ee0f95437395c72,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + return nums; +} +" +0335ad9d0e006b1fbffe724120735d34bfa0dc8c,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + return nums; + } +} +" +ab3188475857613fe054d56dea962e83d1ce8ed7,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i + 1; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +c5444a859283ede72b0caf937eeea388cacac452,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + + } + return nums; +} +" +82699d314819967b3e5ee537a4ffebb2d9232842,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i + 1; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[i]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +5c038ee24c1bfab72c3c484c2b97f79e3e0cb4a0,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +afbe8a847dfaa738eb45749b83249c5c6692e11b,"public int[] zeroMax(int[] nums) +{ + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + int oddNumer = 0; + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +c9a1aabbfbdf0fd942048dc48c737af7407e916d,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +88e2f9a2e6e9500843aeea2c68d5238bb3c8d1cd,"public int[] zeroMax(int[] nums) +{ + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + int oddNumber = 0; + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +2194997f85b41c9395abd8f8dd8cab90b7c7e654,"public int[] zeroMax(int[] nums) +{ + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + int oddNumber = 0; + for ( int j = i + 1; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +192c52dbdaaeae95de959d0c83960650b588bd1b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = largestValue; + } + } + + return nums; +} + +public int largestValue(int[] nums) +{ + int large = 0; + + for (int = 0; i < nums.length - 1; i++) + { + if (nums[i + 1] % 2 != 0 && nums[i + 1] > large) + { + large = nums[i]; + } + } + return large; +} +" +0d1fe93e55c4bd0331d466f93e5919dac9f31f85,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = largestValue; + } + } + + return nums; +} + +public int largestValue(int[] nums) +{ + int large = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i + 1] % 2 != 0 && nums[i + 1] > large) + { + large = nums[i]; + } + } + return large; +} +" +c4024c05833b7f98c804d53cd2d335b113dfb193,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = nums.largestValue; + } + } + + return nums; +} + +public int largestValue(int[] nums) +{ + int large = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i + 1] % 2 != 0 && nums[i + 1] > large) + { + large = nums[i]; + } + } + return large; +} +" +db242bdc20edb45f7180c148211548fccbd106bf,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = nums[largestValue]; + } + } + + return nums; +} + +public int largestValue(int[] nums) +{ + int large = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i + 1] % 2 != 0 && nums[i + 1] > large) + { + large = nums[i]; + } + } + return large; +} +" +a61182e89d5b50eedba48df380ed55f73814c2a5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = largestValue(nums); + } + } + + return nums; +} + +public int largestValue(int[] nums) +{ + int large = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i + 1] % 2 != 0 && nums[i + 1] > large) + { + large = nums[i]; + } + } + return large; +} +" +d4e7f396de489cca35a8cf7348d40270e46b655a,"public int[] zeroMax(int[] nums) +{ + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + int oddNumber = 0; + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + else + { + oddNumber = 0; + } + } + Array[i] = oddNumber; + } + } + return Array; +} +" +d6649584f811359889ea529aa2cfbb056e8f6e24,"public int[] zeroMax(int[] nums) +{ + int[] Array = new int[nums.length]; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 0 ) { + Array[i] = nums[i]; + } + else + { + int oddNumber = 0; + for ( int j = i; j < nums.length; j++ ) { + if ( nums[j] % 2 == 1 && nums[j] > oddNumber ) { + oddNumber = nums[j]; + } + + } + Array[i] = oddNumber; + } + } + return Array; +} +" +34f8bb6e1770c13cc84a1a2ab0f7b239b2d2a335,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = largestValue(nums); + } + } + + return nums; +} + +public int largestValue(int[] nums) +{ + int large = 0; + + for (int i += 1; i < nums.length - 1; i++) + { + if (nums[i] % 2 != 0 && nums[i + 1] > large) + { + large = nums[i]; + } + } + return large; +} +" +b1e7312e02c104b729a5c2eade6fecae1d6aea27,"public int[] zeroMax(int[] nums) +{ + int bigOdd = 0; + for (int i = nums.length -1; i >= 0; i--) + { + if (nums[i] % 2 ==1 && nums[i] > bigOdd) + { + bigOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = bigOdd; + } + } + return nums; +} +" +9c28c73f3e98a093ebc7a5d912cbc7433ac6e188,"public int[] zeroMax(int[] nums) +{ + int large = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > large && nums[j] % 2 == 1) + { + large = nums[j]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return nums; +}" +2a50db17b2c9a888e3819bef93b186d36d23c232,"public int[] zeroMax(int[] nums) +{ + int large; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > large && nums[j] % 2 == 1) + { + large = nums[j]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return nums; +}" +6520535d108a13f57f7b538a86d8c8c2a4cc07cb,"public int[] zeroMax(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + int large = 0; + + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > large && nums[j] % 2 == 1) + { + large = nums[j]; + } + } + if (large != 0) + { + nums[i] = large; + } + } + } + return nums; +}" +61c18cc486f7e58b2d23b9d77ebd407f633c9543,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while (i >= 0 && nums[i] % 2 == 0) + { + i--; + } + + for (int j = i - 1; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = nums[i]; + } + if (nums[j] & 2 == 1 && nums[j] > nums[i]) + { + i = j; + } + } + return nums; +} +" +a233f9d37e451c9e4550f5892e446041d80762cf,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while (i >= 0 && nums[i] % 2 == 0) + { + i--; + } + + for (int j = i - 1; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = nums[i]; + } + if (nums[j] % 2 == 1 && nums[j] > nums[i]) + { + i = j; + } + } + return nums; +} +" +6dd00bef48e6c53c9a12911846c6b28c917506dd,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + highodd == 0; + } + } + } + return nums; +} +" +e0c8995d1a2a55da689ee88a04a297538300056e,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + highodd = 0; + } + } + } + return nums; +} +" +0235ef85a0cb29b1b2c6498a5007ee428bb36aa4,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + } + holder = highodd; + highodd = 0; + } + highodd = holder; + } + return nums; +} +" +efe88406fa964762f8855ca93efbdcd3c9e03d29,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; + } + return nums; +} +" +0dc9f252e65e2542746f42a17040fcfe9ef2af72,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; + } + return nums; +} +" +0a46affa089a79bf612df6502b64572e25a93b05,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; + } + return nums; +} +" +63318cd11fc4647ecf0ddbe71d18b2750d31fa09,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + highodd = holder; + } + } + return nums; +} +" +26955533dd7bfc6e2ddde105ded421919ac396f7,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; + } + return nums; +} +" +f8058030254de94617d0a12b03e2a73d5a7b1497,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +}" +639d8d4748a4359566927218e735d16e43e3319b," +public int[] zeroMax(int[] nums) +{ + public int findOdd(int i, int [] nums) +{ + int largestodd = 0; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 != 0 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +} + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findodd(i, nums) != null) + { + newnums[i] = findodd(i, nums); + } + } + return nums; +} +" +c7b00418bdbcbc48693694cd405ea485fa23da24,"public int findOdd(int i, int [] nums) +{ + int largestodd = 0; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 != 0 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +} +public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findOdd(i, nums) != null) + { + newnums[i] = findodd(i, nums); + } + } + return nums; +} +" +417bc237337fc966c3995891d437df27196695ed,"public int findOdd(int i, int [] nums) +{ + int largestodd = 0; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 != 0 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +} +public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findOdd(i, nums) != null) + { + newnums[i] = findOdd(i, nums); + } + } + return nums; +} +" +fd64db69e75120cb8b0a8cd2937e0ef478b768c1,"public int findOdd(int i, int [] nums) +{ + int largestodd = 0; + for(int a = i; a < nums.length; a++) + { + if (nums[a]%2 != 0 && nums[a] > largestodd) + { + largestodd = nums[a]; + } + } + return largestodd; +} +public int[] zeroMax(int[] nums) +{ + int[] newnums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && findOdd(i, nums) == 0) + { + newnums[i] = findOdd(i, nums); + } + } + return nums; +} +" +e91a6bc42208241e5848205785f5bab97d4f59c8,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i+1; k max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (nums[i] != 0) + { + nums[i] = max; + } + } + + } + return nums; +} +" +c1568d7e043b593a335ec2586a1002c2cddd9cd5,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i+1; k max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + + } + if (nums[i] != 0) + { + nums[i] = max; + } + + } + return nums; +} +" +0e9ac18a82cf3b66b65bed88f65ac2b7654c677c,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i+1; k max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + + } + + + } + return nums; +} +" +310d1d5c4608640b50557bd78e678f4e6673b4c7,"public int[] zeroMax(int[] nums) +{ + int[] largeValue = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + int zeroOrNot = nums[i]; + if (zeroOrNot == 0) + { + largeValue[i] = this.largeOdd(nums, i); + } + } + return largeValue; +} + +public int largeOdd(int[] nums, int location) +{ + int a = 0; + for (int i = location; i < nums.length; i++) + { + int div = nums[i] % 2; + if (nums[i] > a && div != 0) + { + a = nums[i]; + } + } + return a; +}" +047c9c4a746c28936cf71a3492f577f90f0ec5a9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int j = i + 1; + for (j; j < nums.length; j++) { + int b = 0; + if ((nums[i]+10) % 2 != 0 && + nums[i] > b) { + b = nums[i]; + } + } + setInt(nums, i, b); + } + } + return nums; +} +" +00b00b3aea7820f67a1e5a29b80e12c74a318314,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length; j++) { + int b = 0; + if ((nums[i]+10) % 2 != 0 && + nums[i] > b) { + b = nums[i]; + } + } + setInt(nums, i, b); + } + } + return nums; +} +" +4fb148e7193d4f7df6a97b804e0c9b5bdf29b204,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length; j++) { + int b = 0; + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) { + b = nums[j]; + } + } + setInt(nums, i, b); + } + } + return nums; +} +" +d4a9c35bb037fa2475e5926b480e563a84bbc5ab,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length; j++) { + int b = 0; + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) { + b = nums[j]; + setInt(nums, i, b); + } + } + } + } + return nums; +} +" +356c38f5ce1c0e8d1bad8f42720ea9a3eb6c0b8a,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length; j++) { + int b = 0; + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) { + b = nums[j]; + nums.setInt(nums, i, b); + } + } + } + } + return nums; +} +" +40a3c578297b64868b99ab685fb70f2e379fa361,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length; j++) { + int b = 0; + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) { + nums[i] = nums[j] + } + } + } + } + return nums; +} +" +74ae610216d614f1ffc4f5916a679e668e55dba9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length; j++) { + int b = 0; + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) { + b = nums[j]; + nums[i] = b; + } + } + } + } + return nums; +} +" +66b6b81187ebae31f619121769612e0d9a64d960,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int b = 0; + for (int j = i + 1; j < nums.length; j++) { + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) { + b = nums[j]; + nums[i] = b; + } + } + } + } + return nums; +} +" +7eeba999be347d6d2fef8e42c87b71a687da90a7,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + int j; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + j = i; + while (nums[j] == 0) + { + nums[j] = highodd; + j--; + } + /** for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; */ + } + return nums; +} +" +e70417febb088726cc98357854c51d53622554a5,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + int j; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + j = i; + while (nums[j] == 0 && j >= 0) + { + nums[j] = highodd; + j--; + } + /** for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; */ + } + return nums; +} +" +271e57e52700ea7b57a3e8ffa19d0902959cfd87,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + int j; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + j = i - 1; + while (nums[j] == 0 && j >= 0) + { + nums[j] = highodd; + j--; + } + /** for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; */ + } + return nums; +} +" +0bf9fefdf1ddd97fdce3c66d7c40b34a5dc7a5bc,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + int j; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + j = i - 1; + while (j >= 0 && nums[j] == 0) + { + nums[j] = highodd; + j--; + } + /** for (int j = i; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = highodd; + holder = highodd; + highodd = 0; + } + } + highodd = holder; */ + } + return nums; +} +" +6cd1f2ec76de3cd48dd41b84c7cbbcafd01a73fb,"public int[] zeroMax(int[] nums) +{ + int current; + int highodd = 0; + int spot = 0; + int holder = 0; + int j; + for (int i = nums.length - 1; i >= 0; i--) + { + current = nums[i]; + if (current % 2 == 1 && current > highodd) + { + highodd = current; + } + j = i - 1; + while (j >= 0 && nums[j] == 0) + { + nums[j] = highodd; + j--; + } + } + return nums; +} +" +4eb6382872b95c713ee9b9ee3717c152840acf5e,"public int[] zeroMax(int[] nums) +{ + int[] numArray; + for(int i : nums) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(i, nums); + } + } + return numArray; +} + +public int largestOdd(int position, int[] nums2) +{ + int biggestOdd = 0 + for (int i = position; i < nums2.length; i++) + { + if (nums2[i] % 2 == 1 && nums2[i] > biggestOdd) + { + biggestOdd = nums2[i]; + } + } + return biggestOdd; +}" +ef31efcf8d95326e47f8b354e612f682b4a34743,"public int[] zeroMax(int[] nums) +{ + int[] numArray; + for(int i : nums) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(i, nums); + } + } + return numArray; +} + +public int largestOdd(int position, int[] nums2) +{ + int biggestOdd = 0; + for (int i = position; i < nums2.length; i++) + { + if (nums2[i] % 2 == 1 && nums2[i] > biggestOdd) + { + biggestOdd = nums2[i]; + } + } + return biggestOdd; +}" +45b4e5f2fc7957c739d805d1994a0369e82d6c46,"public int[] zeroMax(int[] nums) +{ + int[] numArray = new int[nums.length]; + for(int i : nums) + { + if (nums[i] == 0) + { + numArray[i] = largestOdd(i, nums); + } + } + return numArray; +} + +public int largestOdd(int position, int[] nums2) +{ + int biggestOdd = 0; + for (int i = position; i < nums2.length; i++) + { + if (nums2[i] % 2 == 1 && nums2[i] > biggestOdd) + { + biggestOdd = nums2[i]; + } + } + return biggestOdd; +}" +7774473a973be72e13c7cb7ab5d9ca8e9e2788a1,"public int[] zeroMax(int[] nums) +{ + int[] numArray = new int[nums.length]; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + numArray[i] = largestOdd(i, nums); + } + } + return numArray; +} + +public int largestOdd(int position, int[] nums2) +{ + int biggestOdd = 0; + for (int i = position; i < nums2.length; i++) + { + if (nums2[i] % 2 == 1 && nums2[i] > biggestOdd) + { + biggestOdd = nums2[i]; + } + } + return biggestOdd; +}" +8cae9988b90a634e14ec0bc149a37a89ed73d7b5,"public int[] zeroMax(int[] nums) +{ + int[] temp = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + temp[i] = largestOddVal(nums, i); + else + temp[i] = nums[i]; + } + return temp; +} +public static int largestOddVal(int[] nums, int index) +{ + int oddVal = 0; + for (int i = index + 1; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > oddVal) + oddVal = nums[i]; + } + return oddVal; +} +" +89354db1da1fd88ea623c732253be1fd8acf3fc2,"public int[] zeroMax(int[] nums) +{ + int[] numArray = new int[nums.length]; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + numArray[i] = largestOdd(i, nums); + } + else + { + numArray[i] = nums[i]; + } + } + return numArray; +} + +public int largestOdd(int position, int[] nums2) +{ + int biggestOdd = 0; + for (int i = position; i < nums2.length; i++) + { + if (nums2[i] % 2 == 1 && nums2[i] > biggestOdd) + { + biggestOdd = nums2[i]; + } + } + return biggestOdd; +}" +bf812e2a5a14cc81e081cfb368137d8982460bd4,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < len; i++) + { + if (nums[i] == 0) + this.highestOdd(nums); + } + return nums; +} +public int highestOdd(int[] nums) +{ + int len = nums.length; + int highestOdd = 0; + for (int i = 0; i < len; i++) + { + int num = nums[i]; + if (num%2 == 1) + { + if (num > highestOdd) + highestOdd = num; + } + } +} +" +d70a9efbd0d4f5398500e4dbb2b9add405db4b8e,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i] == 0) + this.highestOdd(nums); + } + return nums; +} +public int highestOdd(int[] nums) +{ + int len = nums.length; + int highestOdd = 0; + for (int i = 0; i < len; i++) + { + int num = nums[i]; + if (num%2 == 1) + { + if (num > highestOdd) + highestOdd = num; + } + } +} +" +20ed5254b0b2be694916a3410625c59757055607,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i] == 0) + this.highestOdd(nums); + } + return nums; +} +public int highestOdd(int[] nums) +{ + int len = nums.length; + int highestOdd = 0; + for (int i = 0; i < len; i++) + { + int num = nums[i]; + if (num%2 == 1) + { + if (num > highestOdd) + highestOdd = num; + } + } + return highestOdd; +} +" +0c7619ccc4f03268fbf9f6684dc33f4b077f9702,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i] == 0) + nums[i] = this.highestOdd(nums); + + } + return nums; +} +public int highestOdd(int[] nums) +{ + int len = nums.length; + int highestOdd = 0; + for (int i = 0; i < len; i++) + { + int num = nums[i]; + if (num%2 == 1) + { + if (num > highestOdd) + highestOdd = num; + } + } + return highestOdd; +} +" +05b1774a7139ede5cad3e31502c4b86d3cdebbc3,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + { + if (nums[i] == 0) + nums[i] = this.highestOdd(nums, i); + + } + return nums; +} +public int highestOdd(int[] nums, int from) +{ + int len = nums.length; + int highestOdd = 0; + for (int i = from; i < len; i++) + { + int num = nums[i]; + if (num%2 == 1) + { + if (num > highestOdd) + highestOdd = num; + } + } + return highestOdd; +} +" +70dcb86f5db37dba5898a25dfd808a5104cb5129,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (j = i; j < length; j++){ + if (nums[j] > max){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +3320e6cb56659daf8cb773f53f8a3391cbe3f95c,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +7853f190275d39af3756a56b86127b9b2f85863f,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max && j % 2 == 0){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +b9bfcb85dfa57925c0c9ee1b517d25c268b18dfd,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max && nums[j] % 2 == 0){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +5a5b9aad35c8cc1386ec7be0727892e00a4f7090,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +32b073d71fc28519c1fe35e5b8d06f33a3b793d5,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max && nums[j] % 2 == 0){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +2221c6473ecd1d1e01312a5124b6b5b1c3337bba,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if ( i == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max && nums[j] % 2 == 1){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +7579c2f9df658c07562c0b4ae7d971b283f27cf9,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if (nums[i] == 0){ + int max = 0; + for (int j = i; j < length; j++){ + if (nums[j] > max && nums[j] % 2 == 1){ + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +ab982f4cf5e72e6e3d72492c303f7d6b2b2a0881,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +9f53aa2f4acf37b28016b9b69182aad93ad2d305,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +070ae1373ef4e523886a074dd86e6a80a932cb6c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int largest = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > largest) + { + largest = nums[j]; + } + } + + nums[i] = largest; + } + } + + return nums; +} +" +a031830f5f26bc9f3d653dafcf46b21816dff843,"public int[] zeroMax(int[] nums) +{ + return nums; +} +" +2dee1111d9b98f0c7d1d4e8ae622a00ff17449db,"public int[] zeroMax(int[] nums) +{ + return nums; +} +" +56ab16498099dcd4512a3c98cc3985e150b1e36f,"public int[] zeroMax(int[] nums) { + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + i--; + + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + nums[j] = nums[i]; + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + i = j; + } + + return nums; +}" +4b311b8d0a13648ab1269bde9b61b1b843b21c4b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; + + +} +" +59272a9de182dff1d77ca1409f523d28f2ce7542,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +3c331c3aefc58b22c960ce91175bdffd40f793c8,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 0) { + max = 0; + for (int k = i + 1; k < nums.length; k++) { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +5a54a5f7ec8d79c0984fcf26c70d9e2b658f14a1,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.findLargestOdd(nums, i); + } + } + return nums; +} + +public int findLargestOdd(int[] nums, int x) +{ + // Find the largest odd. + int largestOdd = 0; + for (int i = x; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + } + return largestOdd; +}" +70b6870a4ab95d898b904bb7efbdc4e2f36e0fc7,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i max && nums[x] % 2 == 1) + { + max = nums[x] + } + } + if ( max != 0) + nums[i] = max; + } + } + return nums; +} +" +a964f7fcff6c54d3411ad46cb4159937d22f21eb,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i max && nums[x] % 2 == 1) + { + max = nums[x]; + } + } + if ( max != 0) + nums[i] = max; + } + } + return nums; +} +" +aa53b82fcffc212a467317bcd479023138fb8c70,"public int[] zeroMax(int[] nums) +{ + +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i <= length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && odd > answer) + { + answer = odd; + } + } + return answer; +}" +216877bf9d0189f579f4751289026f8a03cb4003,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + int number = nums[i]; + int highOdd = nums.oddNum(number); + if (number == 0) + { + nums[i] = highOdd; + } + } + return nums; +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i < length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && odd > answer) + { + answer = odd; + } + } + return answer; +}" +460671089f6fb8b5fb6f41ca03a5005a284a9ef1,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + int number = nums[i]; + int highOdd = nums.oddNum(nums, number); + if (number == 0) + { + nums[i] = highOdd; + } + } + return nums; +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i < length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && odd > answer) + { + answer = odd; + } + } + return answer; +}" +24ca88cf73bb8b24de658390adaa33c308470941,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + int number = nums[i]; + int highOdd = this.oddNum(nums, number); + if (number == 0) + { + nums[i] = highOdd; + } + } + return nums; +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i < length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && odd > answer) + { + answer = odd; + } + } + return answer; +}" +be08acac498c04705e489c03925bdf4220407fcb,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + int number = nums[i]; + int highOdd = this.oddNum(nums, i); + if (number == 0) + { + nums[i] = highOdd; + } + } + return nums; +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i < length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && odd > answer) + { + answer = odd; + } + } + return answer; +}" +797bee721f67fdf284e718a954d3deee2e6a7000,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 0) + { + nums[i] = max(i); + } + } +} + +public int max(int index, int[] nums) +{ + int max = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i] + } + } +} +" +9f40833cc84fc8415c5169c89e219044435e4caa,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 0) + { + nums[i] = max(i); + } + } +} + +public int max(int index, int[] nums) +{ + int max = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] > max) + { + max = nums[i]; + } + } +} +" +2cde3dad941617ca37e7450e9a14f41a25812a1d,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + int number = nums[i]; + int highOdd = this.oddNum(nums, i); + if (number == 0) + { + nums[i] = highOdd; + } + } + return nums; +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i < length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && odd > answer) + { + answer = current; + } + } + return answer; +}" +2f52abe8d2b8f2879a29a5b8212726033136e4c2,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = max(i); + } + } +} + +public int max(int index, int[] nums) +{ + int maximum = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] > maximum) + { + maximum = nums[i]; + } + } + return maximum; +} +" +29813fd2cdba36567d731a6d774a18edf0ede179,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + int number = nums[i]; + int highOdd = this.oddNum(nums, i); + if (number == 0) + { + nums[i] = highOdd; + } + } + return nums; +} +public int oddNum(int[] zeros, int position) +{ + int length = zeros.length; + int answer = 0; + for (int i = position + 1; i < length; i++) + { + int current = zeros[i]; + int odd = current % 2; + if (odd == 1 && current > answer) + { + answer = current; + } + } + return answer; +}" +20106a97421b42f274b8a258fe5a3a208185db94,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = max(i, nums); + } + } +} + +public int max(int index, int[] nums) +{ + int maximum = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] > maximum) + { + maximum = nums[i]; + } + } + return maximum; +} +" +e513ee7825b1ecbb5e8a5bc4416f1bb0680f83bd,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = max(i, nums); + } + } + + return nums; +} + +public int max(int index, int[] nums) +{ + int maximum = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] > maximum) + { + maximum = nums[i]; + } + } + return maximum; +} +" +d9b0d3618c828428eb3b6ee4fae1de901761c8e5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = max(i, nums); + } + } + + return nums; +} + +public int max(int index, int[] nums) +{ + int maximum = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] > maximum && nums[i]%2 == 1) + { + maximum = nums[i]; + } + } + return maximum; +} +" +4211e1d710bb447248c3efc910b9eb7b639f15e2,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(i, nums); + } + } + + return nums; +} + +public int largestOdd(int position, int[] array) +{ + int largest = 0 + + for (int i = position; i < array.length; i++) + { + if (array[i] % 2 == 1 && array[i] > largest) + { + largest = array[i]; + } + } + + return largest; +} +" +7c7466b0671a0616aaa1163d60a5dbc221b19a3b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(i, nums); + } + } + + return nums; +} + +public int largestOdd(int position, int[] array) +{ + int largest = 0; + + for (int i = position; i < array.length; i++) + { + if (array[i] % 2 == 1 && array[i] > largest) + { + largest = array[i]; + } + } + + return largest; +} +" +ccff18fec5a29c825abd4c55405eddb54b62f5e0,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == 0) + { + if (nums[i-1] != 0) + { + nums[i] = nums[i-1]; + } + } + else if (nums.length == 1) + { + break; + } + else + { + if(nums[i] == 0) + { + if (nums[i-1] % 2 == 1 && nums[i+1] % 2 == 1) + { + if (nums[i-1] > nums[i+1] + { + nums[i] = nums[i-1]; + } + if (nums[i+1] > nums[i-1] + { + nums[i] = nums[i+1]; + } + else + { + nums[i] = nums[i-1]; + } + } + else + { + if (nums[i-1] % 2 == 1) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } + } + } + } + return nums; +} +" +e9605719daf84c67717eebf78ea0c33529bd656e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == 0) + { + if (nums[i-1] != 0) + { + nums[i] = nums[i-1]; + } + } + else if (nums.length == 1) + { + break; + } + else + { + if(nums[i] == 0) + { + if (nums[i-1] % 2 == 1 && nums[i+1] % 2 == 1) + { + if (nums[i-1] > nums[i+1]) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] > nums[i-1]) + { + nums[i] = nums[i+1]; + } + else + { + nums[i] = nums[i-1]; + } + } + else + { + if (nums[i-1] % 2 == 1) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } + } + } + } + return nums; +} +" +a74fd9a40b6371f2453223d079941f83ef8b1fc3,"public int[] zeroMax(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 0) + { + nums2[i] = nums[i]; + } + else + { + largeOdd(i); + } + } +} + +public int largeOdd(int position) +{ + for (int i = position; i < nums.length; i++) + { + if (nums[i] % 2 == 1) + { + nums[position] = nums[i] + } + } +}" +2cfc6a22e2778a17d85c754f8c7a095c551136c1,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i+1] == 0) + { + if (nums[i] != 0) + { + nums[i] = nums[i-1]; + } + } + else if (nums.length == 1) + { + break; + } + else + { + if(nums[i] == 0) + { + if (nums[i-1] % 2 == 1 && nums[i+1] % 2 == 1) + { + if (nums[i-1] > nums[i+1]) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] > nums[i-1]) + { + nums[i] = nums[i+1]; + } + else + { + nums[i] = nums[i-1]; + } + } + else + { + if (nums[i-1] % 2 == 1) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } + } + } + } + return nums; +} +" +c6698de58ee10ee79771f2e63b91e47fe7685a1e,"public int[] zeroMax(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 0) + { + nums2[i] = nums[i]; + } + else + { + largeOdd(i); + } + } +} + +public int largeOdd(int position) +{ + for (int i = position; i < nums.length; i++) + { + if (nums[i] % 2 == 1) + { + nums[position] = nums[i]; + } + } +}" +244c06aa633554f9a456b36516f52c239a430a02,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i+1] == 0) + { + if (nums[i] != 0) + { + nums[i+1] = nums[i]; + break; + } + } + else if (nums.length == 1) + { + break; + } + else + { + if(nums[i] == 0) + { + if (nums[i-1] % 2 == 1 && nums[i+1] % 2 == 1) + { + if (nums[i-1] > nums[i+1]) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] > nums[i-1]) + { + nums[i] = nums[i+1]; + } + else + { + nums[i] = nums[i-1]; + } + } + else + { + if (nums[i-1] % 2 == 1) + { + nums[i] = nums[i-1]; + } + if (nums[i+1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } + } + } + } + return nums; +} +" +75e368bcec53f98f90e0cdc6abc20811379ae223,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOddToRight(nums, i); + } + } + return nums; +} + +public int largestOddToRight(int[] nums, int position) +{ + int result = 0; + for (int i = position; i < nums.length; i++) + { + if (nums[i] % 2 == 1) + { + if(nums[i] > result) + { + result = nums[i]; + } + } + } + return result; +} +" +8e9ab6c5f8c4cacfb9581cb9b86a4ea77b3ae5ea,"public int[] zeroMax(int[] nums) +{ + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 0) + { + x = i; + for (int j = x; j < nums.length; j++) + { + if (nums[j] % 2 = 1 && nums[j] > y) + { + y = nums[j]; + } + } + nums[x] = y + } + } + return nums; +}" +02d66233471cfa7cdcdd23aea6097acb781c9f7e,"public int[] zeroMax(int[] nums) +{ + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 0) + { + x = i; + for (int j = x; j < nums.length; j++) + { + if (nums[j] % 2 = 1 && nums[j] > y) + { + y = nums[j]; + } + } + nums[x] = y; + } + } + return nums; +}" +07de243dea8881209959a2c93ba712e90f398be5,"public int[] zeroMax(int[] nums) +{ + int x = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + x = i; + for (int j = x; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > y) + { + y = nums[j]; + } + } + nums[x] = y; + } + } + return nums; +}" +4ba1b3c23f5b8bfb15860b0b093dc01b9ace9999,"public int[] zeroMax(int[] nums) +{ + for (i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + } + +} +" +3546b49dcfde53e1eb4ad0cd17a4e2186695087c,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findBigOne(nums, i); + } + + } +} + +private static int findBigOne(int[] numar, int position) +{ + int biggest = numar[position]; + for(int i = position; i < numar.length; i++) + { + if(numar[i] % 2 != 0) + { + if(numar[i] > biggest) + { + biggest = numar[i]; + } + } + } + return biggest; +} +" +f59451a7258b75bd8876790e1e9fde03a4d25d4d,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findBigOne(nums, i); + } + + } + return nums; +} + +private static int findBigOne(int[] numar, int position) +{ + int biggest = numar[position]; + for(int i = position; i < numar.length; i++) + { + if(numar[i] % 2 != 0) + { + if(numar[i] > biggest) + { + biggest = numar[i]; + } + } + } + return biggest; +} +" +3273ec0165f3d854b0efec70eb00682b6e0274e5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int x = 0; + for (int y = i+1; y < nums.length; y++) + { + if (nums[y] > x) + { + x = nums[y]; + } + } + nums[i] = x; + } + } + return nums; + +} +" +bda65b423829a59201c8da90ab90bfcd4b47e262,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findBigOne(nums, i); + } + + } + return nums; +} + +private int findBigOne(int[] numar, int position) +{ + int biggest = numar[position]; + for(int i = position; i < numar.length; i++) + { + if(numar[i] % 2 != 0) + { + if(numar[i] > biggest) + { + biggest = numar[i]; + } + } + } + return biggest; +} +" +c2586def35cb376f5d598315038b18ab2aad3371,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int x = 0; + for (int y = i+1; y < nums.length; y++) + { + if (nums[y] > x && nums[y]/2 != 0) + { + x = nums[y]; + } + } + nums[i] = x; + } + } + return nums; + +} +" +b5167a42e1ca3d19eeecd87e242db8bd4158c72e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int x = 0; + for (int y = i+1; y < nums.length; y++) + { + if (nums[y] > x && nums[y]%2 != 0) + { + x = nums[y]; + } + } + nums[i] = x; + } + } + return nums; + +} +" +f87b721de5fa4f5ff50d17d9cca6a2ce7875ebf3,"public int[] zeroMax(int[] nums) { + + int max = 0; + + + + for (int i = nums.length-1; i >= 0; i--) { + + if (nums[i] % 2 != 0) + + max = Math.max(max, nums[i]); + + if (nums[i] == 0) + + nums[i] = max; + + } + + return nums; + +} + +" +224e8b8488d23ccbca9df245462d9c78e79f67e5,"public int[] zeroMax(int[] nums) { + + int max = 0; + + + + for (int i = nums.length-1; i >= 0; i--) { + + if (nums[i] % 2 != 0) + + max = Math.max(max, nums[i]); + + if (nums[i] == 0) + + nums[i] = max; + + } + + return nums; + +} + +" +b242384033f47b2fa017cb2451b8a8020f9db7b5,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = x; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > y) + { + y = nums[j]; + } + } + nums[i] = y; + } + } + return nums; +}" +e8b43a092aa9b789cfdb092d2857876a6d149e5c,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > y) + { + y = nums[j]; + } + } + nums[i] = y; + } + } + return nums; +}" +50d076590ba61e42d684f2f2ed729e63b22a6692,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > y) + { + y = nums[j]; + } + nums[i] = y; + } + } + } + return nums; +}" +b6fe17ce9ed883325d3d8788653e831ce1b1923e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && i != nums.length - 1) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } +} +" +807e855d0b1990d6f1fe36a15168b2c7ebec564e,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = nums.findMaxOdd(i, nums); + } + } + return nums; +} +public int findMaxOdd(int a, int[] b) +{ + int y = 0; + for (int i = a; i < b.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > y) + { + y = num[i]; + } + } + return y; +}" +cfd4afc7865a91ce6049d06dcd24620268e4b9b9,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.findMaxOdd(i, nums); + } + } + return nums; +} +public int findMaxOdd(int a, int[] b) +{ + int y = 0; + for (int i = a; i < b.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > y) + { + y = num[i]; + } + } + return y; +}" +fc1fb977c029fb7be96c3af715b61f4a72c6d701,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.findMaxOdd(i, nums); + } + } + return nums; +} +public int findMaxOdd(int a, int[] b) +{ + int y = 0; + for (int i = a; i < b.length; i++) + { + if (b[i] % 2 == 1 && b[i] > y) + { + y = b[i]; + } + } + return y; +}" +c1d9d243a24a55746f8814b15c66c16dfda442a7,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int k = i; k < nums.length; k++) + { + if (nums[k] % 2 != 0 && oddValue < nums[k]) + { + oddValue = nums[k]; + } + } + } + } + return nums; +} +" +829e1b91b2f26500ab222a2ab6c9265ae49c3581,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int k = i; k < nums.length; k++) + { + if (nums[k] % 2 == 1 && oddValue < nums[k]) + { + oddValue = nums[k]; + } + } + } + } + return nums; +} +" +72e84666f40ec2cda8d94761e00047a93712e328,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int k = i; k < nums.length; k++) + { + if (nums[k] % 2 == 1 && oddValue < nums[k]) + { + oddValue = nums[k]; + } + else + { + oddValue = 0; + } + } + } + } + return nums; +} +" +cb4a52ca9362dde8972b86207a67cb24ff223942,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int k = i; k < nums.length; k++) + { + if (nums[k] % 2 == 1 && oddValue < nums[k]) + { + oddValue = nums[k]; + } + } + if (oddValue != 0) + nums[i] = oddValue; + } + } + return nums; +} +" +ef36bd6137758e26dae0d3ba02bab4faa83a1cef,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && i != nums.length - 1) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +c6c3e030bd6da02257947ae64c082f2bd5e740d9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 && i != nums.length - 1) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +db3f9a74bc2d6f2ece63fabcf2e4179a6ecc0c6e,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length] + for (int i = 0; nums.length; i++) + { + if (nums[i] == 0) + { + maxOdd = this.findMaxOdd(nums, i) + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } +} + +public int[] findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (pos; pos < nums.length; pos++) + { + if (nums[pos] > result && nums[pos]%2 != 0) + { + result = nums[pos]; + } + } + + return result; +} +" +23d1c23132655459739742a8d5fe49acfa794364,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; nums.length; i++) + { + if (nums[i] == 0) + { + maxOdd = this.findMaxOdd(nums, i); + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } +} + +public int[] findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (int pos = pos; pos < nums.length; pos++) + { + if (nums[pos] > result && nums[pos]%2 != 0) + { + result = nums[pos]; + } + } + + return result; +} +" +d77f9c2633e96c5fd1f37768c55df9c1005aa146,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maxOdd = this.findMaxOdd(nums, i); + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } +} + +public int[] findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (int pos = pos; pos < nums.length; pos++) + { + if (nums[pos] > result && nums[pos]%2 != 0) + { + result = nums[pos]; + } + } + + return result; +} +" +0c32da86d914a5f6f5d47dbcfeb331939150cf6a,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int maxOdd = this.findMaxOdd(nums, i); + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } +} + +public int[] findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (int pos = pos; pos < nums.length; pos++) + { + if (nums[pos] > result && nums[pos]%2 != 0) + { + result = nums[pos]; + } + } + + return result; +} +" +44bb022e6e9c1ef8826465e15a0b39a082ab0af1,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int maxOdd = this.findMaxOdd(nums, i); + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } +} + +public int findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (int pos = pos; pos < nums.length; pos++) + { + if (nums[pos] > result && nums[pos]%2 != 0) + { + largest = nums[pos]; + } + } + + return largest; +} +" +80958fefbaa947eb30cf8b3df826ad240e68dce5,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int maxOdd = this.findMaxOdd(nums, i); + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } +} + +public int findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] > largest && nums[i]%2 != 0) + { + largest = nums[i]; + } + } + + return largest; +} +" +3fcd05029aa318074b0b0fc96d9ee614c20846b6,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int maxOdd = this.findMaxOdd(nums, i); + newArray[i] = maxOdd; + } + else + { + newArray[i] = nums[i]; + } + } + + return newArray; +} + +public int findMaxOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] > largest && nums[i]%2 != 0) + { + largest = nums[i]; + } + } + + return largest; +} +" +63d1808695dc1b642572dcac97d3b26ba972e027,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + int + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; i++) + { + odd = num[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + + nums[a] = replace; + } + } + } + return nums; +} +" +328ee45cb5423e81edb92ee882eb0311b78cfc5b,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; i++) + { + odd = num[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + + nums[a] = replace; + } + } + } + return nums; +} +" +2a4a2318218fa524ded9cf4c3cfa7ca5553c6c9d,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; i++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + + nums[a] = replace; + } + } + } + return nums; +} +" +b518302caa5f7282b730ad6fcb4dea8016acc861,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; a++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + nums[a] = replace; + } + } + } + return nums; +} +" +ebfd11393b49545ae5b584b7932f66a128c5c87d,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; a++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + nums[i] = replace; + } + } + } + return nums; +} +" +68bef7eda890d187a2244f65dcc79e79295beba7,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; a++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + nums[i] = replace; + replace = 0; + } + } + } + return nums; +} +" +b5dcf3547af0f59ec11e54cd324534b46cd38f22,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; a++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + nums[i] = replace; + } + replace = 0; + } + } + return nums; +} +" +9494b1dc90927e63ab2d2645248afa938973c1e9,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; a++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + nums[i] = replace; + replace = 0; + } + + } + } + return nums; +} +" +ae68751aeb841fdbdf3851eb5d7b02f99eb16adf,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + int replace = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + for(int a = i; a < nums.length; a++) + { + odd = nums[a] % 2; + if(odd != 0 && nums[a] > replace) + { + replace = nums[a]; + } + nums[i] = replace; + + } + replace = 0; + } + } + return nums; +} +" +1c87620b9f49519c357f19af75567e320062b98a,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + for (int i = 0; i < len; i++) + if (nums[i]) +} +" +c4845b13bed5e05a41d167c4597020932b2656f3,"public int[] zeroMax(int[] nums) +{ + return zero; +} +" +f21c2b59375d94a4b9c1ce2cdaf77d6efe7c01bb,"public int[] zeroMax(int[] nums) +{ + return 0; +} +" +17262d535eb3b5f8e8c0ab5857d3b385a7b8e29d,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + return zero; +} +" +395d84b8e633bcb95cd2f797c5da8c0310c6b94f,"public int[] zeroMax(int[] nums) +{ + int[] zero = 0; + return zero; +} +" +b09cb67e1ffad6e8dd06b475e7bbc0ee8f0945ce,"public int[] zeroMax(int[] nums) +{ + int[] zero = [0]; + return zero; +} +" +90fb2ff0fbb8299a63789acc420f2cfcec456c38,"public int[] zeroMax(int[] nums) +{ + int zero = [0]; + return zero; +} +" +df46233210a3b34f5ca5a49e242a61373da17f6c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.lenght; i++) + { + if ( nums[i] == 0 ) + { + int x = findOddIndex(i, nums); + + if ( x != 0) + { + nums[i] = nums[x]; + } + } + } + + return nums; +} + +public int findOddIndex(int x, int[] nums) +{ + for (int i = x; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + return i; + break; + } + else + { + return 0; + } + } +} + + +" +5c8e778af9bb99465699d42dd2682a90fb3d29d6,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0 ) + { + int x = findOddIndex(i, nums); + + if ( x != 0) + { + nums[i] = nums[x]; + } + } + } + + return nums; +} + +public int findOddIndex(int x, int[] nums) +{ + for (int i = x; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + return i; + break; + } + else + { + return 0; + } + } +} + + +" +adea6d70e4c50bf930c8f7523f01346ac4400fb4,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0 ) + { + int x = findOddIndex(i, nums); + + if ( x != 0) + { + nums[i] = nums[x]; + } + } + } + + return nums; +} + +public int findOddIndex(int x, int[] nums) +{ + for (int i = x; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + int bob = i; + break; + } + else + { + return 0; + } + } + + return bob; +} + + +" +47f4d9245e23249fc73be2a2b690bf029972cc01,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0 ) + { + int x = findOddIndex(i, nums); + + if ( x != 0) + { + nums[i] = nums[x]; + } + } + } + + return nums; +} + +public int findOddIndex(int x, int[] nums) +{ + int bob = 0; + + for (int i = x; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + int bob = i; + break; + } + } + + return bob; +} + + +" +0ce19a08c1e88f97cadc3f07716b3eb37ca0e486,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0 ) + { + int x = findOddIndex(i, nums); + + if ( x != 0) + { + nums[i] = nums[x]; + } + } + } + + return nums; +} + +public int findOddIndex(int x, int[] nums) +{ + int bob = 0; + + for (int i = x; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + bob = i; + break; + } + } + + return bob; +} + + +" +31292a694b27c372f40889226ea86489f9373c7e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0) + { + nums[i] == findOddNumber(i, nums); + } + } + + return nums; + +} + +public int findOddNumber(int x, int[] nums) +{ + int bob = 0; + + for (int i = x+1; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + bob = nums[i]; + break; + } + } + + return bob; +} + + +" +564bc195246232f70c3e844e64d66a1d5d19b277,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +857eaa86b1e92e6a0d1aaff2fe9f1f13edb5bf86,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0) + { + nums[i] = findOddNumber(i, nums); + } + } + + return nums; + +} + +public int findOddNumber(int x, int[] nums) +{ + int bob = 0; + + for (int i = x+1; i < nums.length; i++) + { + if ( nums[i]%2 != 0) + { + bob = nums[i]; + break; + } + } + + return bob; +} + + +" +43ecc5593312bde51c4fdd59318b27d66316266a,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +9595c8e324ee3d32f595a897f7e76a63f64d2d58,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0) + { + nums[i] = findOddNumber(i, nums); + } + } + + return nums; + +} + +public int findOddNumber(int x, int[] nums) +{ + int bob = 0; + int frank = 0; + + for (int i = x+1; i < nums.length; i++) + { + if ( nums[i]%2 != 0 && nums[i] > frank) + { + frank = nums[i]; + } + } + + return frank; +} + + +" +d5b8306ad36770618cb63a8a980c4d8e95f553f7,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + for (int i = nums.length; i >= 0; i--) + { + if (nums[i] > odd && nums[i]%2 == 1) + { + odd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = odd; + } + } + return nums; +} +" +4610e74d1ec8a2906e969c2989c58ab478d6ebfa,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] > odd && nums[i]%2 == 1) + { + odd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = odd; + } + } + return nums; +} +" +7bb627a02a122d6c55ffa6bd37a30b28f2577e51,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > maxOdd && nums[i] % 2 == 1) + { + maxOdd = nums[i]; + } + } + + int[] newArray = nums; + + for (int x = 0; x < nums.length; x++) + { + if (newArray[i] == 0) + { + newArray[i] = maxOdd; + } + } + return newArray; +} +" +1f4d77766d6957741b2d38eac6d5434d6d185463,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > maxOdd && nums[i] % 2 == 1) + { + maxOdd = nums[i]; + } + } + + int[] newArray = nums; + + for (int x = 0; x < nums.length; x++) + { + if (newArray[x] == 0) + { + newArray[x] = maxOdd; + } + } + return newArray; +} +" +2a5a7a2f1dcdaa1c1cabbfc0e6ccff7c22858e1d,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +89d9169d5740ac07727c94ce8fb9eb30eb391a6e,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i < nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd == nums[i]; + } + if (nums[i] == 0) + { + nums[i] == largeOdd; + } + } + return nums; +} +" +1032db54c90fa4b755738f4a8888c24576e2f1f1,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd == nums[i]; + } + if (nums[i] == 0) + { + nums[i] == largeOdd; + } + } + return nums; +} +" +56e3cdb03b76fd2278a91ff0b4dc28a82cff500e,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +}" +c3f2cde6f25f83f9a5de49129539abee1ea8ff64,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + int oddValue = 0; + if (nums[i] == 0) + { + for (int k = i; k < nums.length; k++) + { + if (nums[k] % 2 == 1 && oddValue < nums[k]) + { + oddValue = nums[k]; + } + } + if (oddValue != 0) + nums[i] = oddValue; + } + } + return nums; +} +" +712a95cd4993ebced266d24a8876085bab546aca,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd == nums[i]; + } + if (nums[i] == 0) + { + nums[i] == largeOdd; + } + } + return nums; +}" +1d6179ccdc1c6fce139143f569025a679c1301a0,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + largeOdd == nums[i]; + if (nums[i] == 0) + nums[i] == largeOdd; + } + return nums; +}" +8b276670626539808d3c0751ca0a2e2d8d4ca7e7,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + largeOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largeOdd; + } + return nums; +}" +6e218f3ba9c790f8ba54aa38be31d74c786704e5,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largeOdd; + } + } + return nums; +}" +9e5500352a05d0ca72f879af8ee9c31b7f362b6e,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int i = nums.length; i > 0; i++) + { + if (nums[i] % 2 == 1) + if (nums[i] > largest) + largest = nums[i]; + if (nums[i] == 0) + nums[i] = largest; + } + return nums; +} +" +8e2a67f4c4aae7dbdea067a54b4ef6a04deaf1ff,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] % 2 == 1) + if (nums[i] > largest) + largest = nums[i]; + if (nums[i] == 0) + nums[i] = largest; + } + return nums; +} +" +b1ef6f210d73480e80a83a5cc4eb09c17c753a93,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] % 2 == 1) + if (nums[i] > largest) + largest = nums[i]; + if (nums[i] == 0) + nums[i] = largest; + } + return nums; +} +" +8bd6027e6662c59520247fb5f37462997b8c363f,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1) + if (nums[i] > largest) + largest = nums[i]; + if (nums[i] == 0) + nums[i] = largest; + } + return nums; +} +" +1c2891a8d6609dbe66bfd1922b26a96ec5a245f9,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0 , i < nums.length - 1, i ++) + { + if (nums[i] = 0) + { + for (int j = i, j < num.length - 1, j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums[]; + + + +} +" +8bcc2939488e1f98ff195c3d5f1a2d0155397321,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] = 0) + { + for (int j = i; j < num.length - 1; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums[]; + + + +} +" +6c1e7113f3cd2165283608eafb4e38cc84b49f14,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] = 0) + { + for (int j = i; j < num.length - 1; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; + + + +} +" +243069f396e3ada8a387a547980204a6bcfad94b,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; + + + +} +" +28ba000aaef62ef3a241391f6502ce7a66a38906,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + nums[i] = max; + } + } + + } + } + return nums; + + + +} +" +e14a0f33f3dd92052c52a291b98e021d75664d96,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + nums[i] = max; + } + max = 0; + } + + } + } + return nums; + + + +} +" +d49e7c8b60f0ea29047bf1fff1f1db493485ea20,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + nums[i] = max; + } + max = 0; + } + + } + } + return nums; + + + +} +" +eb0c91fb2620eb838cffe027f943fcfaa8cf42d3,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + nums[i] = max; + } + max = 0; + } + + } + } + return nums; + + + +} +" +d48a5ef9b1a85063135b1630342abbf89a08eb70,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length; j ++) + { + if (nums[j] % 2 == 1 && nums[j] >= max) + { + max = nums[j]; + nums[i] = max; + } + + } + max = 0; + + } + } + return nums; + + + +} +" +df752b47764edd250511d4384774745c475bd0d5,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 0) + { + for (int j = 1; j+i < nums.length; j++) + { + if (nums[i+j]%2 == 1 && nums[i+j] > maxOdd) + { + maxOdd = nums[i+j]; + nums[i] = maxOdd; + + } + } + } + } + return nums; + +}" +4bee9bc72cf120d1551b7e54e333ca686e16f9e8,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = 1; j+i < nums.length; j++) + { + if (nums[i+j]%2 == 1 && nums[i+j] > maxOdd) + { + maxOdd = nums[i+j]; + nums[i] = maxOdd; + + } + } + } + } + return nums; +}" +0168bbec7afe149387a88eced1af5af9b53003fe,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = 0; j+i < nums.length; j++) + { + if (nums[i+j]%2 == 1 && nums[i+j] > maxOdd) + { + maxOdd = nums[i+j]; + nums[i] = maxOdd; + + } + } + } + } + return nums; +}" +620900b8581195dc3eb9199292fed2e81376688e,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +5b0abe23ce1be38636e922a712e1a56e2b15ff84,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - i; j++) + { + int currentNum = nums[i]; + int remainder = currentNum % 2; + if (remainder == 1 && remainder > currentNum) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +8257e09b256d807b5fc172838ea46f5984ada63b,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - i; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && remainder > currentNum) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +b02b01ef49f92ccf41c947bc179890137ead172d,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.size]; + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i] + if (nums[i] == 0) + { + newArray[i] = findZero(i, nums); + } + } + return newArray; +} + +public int findZero(int num, int[] nums) +{ + int largest = nums[num]; + for (int i = num; i < nums.length; i++) + { + if (nums[i] > largest && nums[i] % 2 == 1) + { + largest = nums[i]; + } + } + return largest; +} +" +3f3aa6aa25270c52ca8930fccdd03d48ee15675d,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.size]; + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + if (nums[i] == 0) + { + newArray[i] = findZero(i, nums); + } + } + return newArray; +} + +public int findZero(int num, int[] nums) +{ + int largest = nums[num]; + for (int i = num; i < nums.length; i++) + { + if (nums[i] > largest && nums[i] % 2 == 1) + { + largest = nums[i]; + } + } + return largest; +} +" +3af154dc0033cfc87c759c3fc9b84332a69139ad,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newArray[i] = nums[i]; + if (nums[i] == 0) + { + newArray[i] = findZero(i, nums); + } + } + return newArray; +} + +public int findZero(int num, int[] nums) +{ + int largest = nums[num]; + for (int i = num; i < nums.length; i++) + { + if (nums[i] > largest && nums[i] % 2 == 1) + { + largest = nums[i]; + } + } + return largest; +} +" +e2c526f7cd2765c357222023c2afabc26619a4bc,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - i; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && currentNum > newArray[i]) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +d874b6735e84e4893afab9529cd798789b0e351e,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j <= nums.length - i; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && currentNum > newArray[i]) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +84d20664ea432428607c028b980eaff5fbec115c,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - i; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && currentNum > newArray[i]) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +dcdb8728ac9571818194010b6f334f795358fb37,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maxOdd = 0; + for (int j = 0; j+i < nums.length; j++) + { + if (nums[i+j]%2 == 1 && nums[i+j] > maxOdd) + { + maxOdd = nums[i+j]; + nums[i] = maxOdd; + } + } + } + } + return nums; +}" +a0ab2516de0000dd1c626972f189ac897c373df1,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length-1]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - i; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && currentNum > newArray[i]) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +8b7479bb892e2b5404319264cf3f711ac5891731,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - i; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && currentNum > newArray[i]) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +3a605a29ccd1c6ae3875dab98f571e60076aaa0d,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length; j++) + { + int currentNum = nums[j]; + int remainder = currentNum % 2; + if (remainder == 1 && currentNum > newArray[i]) + { + newArray[i] = currentNum; + } + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +5c508ea9ce2175ce7c95827e11d340c759dacaff,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + if ( nums[i] == 0 ) + { + for ( int j = 1; j < length - i; j++ ) + { + if ( nums[i + j] % 2 == 1 + && nums[i + j] > nums[i] ) + { + nums[i] = nums[i + j]; + } + } + } + } + return nums[]; +} +" +7a0af06d54f174ba3d51fc9abb736931b1104443,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + if ( nums[i] == 0 ) + { + for ( int j = 1; j < length - i; j++ ) + { + if ( nums[i + j] % 2 == 1 + && nums[i + j] > nums[i] ) + { + nums[i] = nums[i + j]; + } + } + } + } + return nums; +} +" +cf426478712c4aae706af27dfda8a1ad04b55ba0,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + int max = 0; + for (int i = 0; i < len; i++) + if (nums[i]%2 == 1 && nums[i] > max) + max = nums[i]; + if (nums[i] == 0) + nums[i] = max; + return nums; + +} +" +9648d35465e83ed2679c2d49b615358f780deda7,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + int max = 0; + for (int i = 0; i < len; i++) + { + if (nums[i]%2 == 1 && nums[i] > max) + max = nums[i]; + if (nums[i] == 0) + nums[i] = max; + } + return nums; + +} +" +6c8b272fce1279d3776ae481e67d7a7521cc4802,"public int[] zeroMax(int[] nums) +{ + int len = nums.length; + int max = 0; + for (int i = 0; i < len; i++) + if (nums[i]%2 == 1 && nums[i] > max) + max = nums[i]; + for (int i = 0; i < len; i++) + if (nums[i] == 0) + nums[i] = max; + return nums; + +} +" +92dccdb6bb227a2d23eb1c5425eb12b50b733d38,"public int[] zeroMax(int[] nums) +{ + for (i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + return nums; + } + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(pos + 1 < thing.length; pos++) + { + int ele = thing[pos]; + if(ele % 2 != 0 && ele > index) + { + val = ele; + } + } + return val; +} + + " +68e0602db08bccd65f554b321441bd8e5269a527,"public int[] zeroMax(int[] nums) +{ + for (i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + return nums; + } + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(int i = pos + 1; i < thing.length; pos++) + { + int ele = thing[pos]; + if(ele % 2 != 0 && ele > index) + { + val = ele; + } + } + return val; +} + + " +cf7a35e1f4e478f8031ccee75e7b81decf42613c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + return nums; + } + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(int i = pos + 1; i < thing.length; pos++) + { + int ele = thing[pos]; + if(ele % 2 != 0 && ele > index) + { + val = ele; + } + } + return val; +} + + " +a130084fc5e22a589afc50f90892d5f802316b17,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + return nums; + } + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(int i = pos + 1; i < thing.length; pos++) + { + int ele = thing[pos]; + if(ele % 2 != 0 && ele > val) + { + val = ele; + } + } + return val; +} + + " +9572f59918f282531bcf202a5b0b1c3dcba339e9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + } + return nums; + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(int i = pos + 1; i < thing.length; pos++) + { + int ele = thing[pos]; + if(ele % 2 != 0 && ele > val) + { + val = ele; + } + } + return val; +} + + " +c77e617dc383208f26cd19d728d8f2ebb508de2f,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + } + return nums; + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(int i = pos; i < thing.length; pos++) + { + int ele = thing[pos]; + if(ele % 2 != 0 && ele > val) + { + val = ele; + } + } + return val; +} + + " +d865ad85de46bac3840fc1676831627e6b63c9aa,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = nums.length-1; i >= 0; i--) + { + if (nums[i] % 2 != 0) + max = Math.max(max, nums[i]); + if (nums[i] == 0) + nums[i] = max; + } + return nums; +} +" +cb866bce69893f20dd2cbcdba9b9e25e0f3a35d2,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if nums[i] = 0 + { + max = 0; + for (int k = i + 1; kmax) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +7d2429fb738dd15622bcc5d65bd4ad4ac47a5203,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + for(int x = 0; x< nums.length;x++) + { + if (nums[x]==0) + { + for (int y = x+1;ynums[x]&&nums[y]%2!=0) + { + nums[y]=array[x] + } + } + } + else + { + array[x] = nums[x] + } + + } + return array; + +} +" +85c5c71175289690431fd30c5611f947c788dd58,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + for(int x = 0; x< nums.length;x++) + { + if (nums[x]==0) + { + for (int y = x+1;ynums[x]&&nums[y]%2!=0) + { + nums[y]=array[x]; + } + } + } + else + { + array[x] = nums[x]; + } + + } + return array; + +} +" +a4c6302cc0914924d7d8b2897c746a8e2d9e11e3,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + for(int x = 0; x< nums.length;x++) + { + if (nums[x]==0) + { + for (int y = x+1;ynums[x]&&nums[y]%2!=0) + { + nums[y]=nums[x]; + } + } + } + array[x] = nums[x]; + + } + return array; + +} +" +901d04e147e9e4af1a1f52fd7d24e9ae385aff90,"public int[] zeroMax(int[] nums) +{ + for(int x = 0; x< nums.length;x++) + { + if (nums[x]==0) + { + int big = 0; + for (int y = x+1;ynums[x]&&nums[y]%2!=0) + { + big = nums[y]; + } + } + nums[x] = big + } + } + return nums; + +} +" +dae9a3bc4983ea962d04699719ba555a73706b27,"public int[] zeroMax(int[] nums) +{ + for(int x = 0; x< nums.length;x++) + { + if (nums[x]==0) + { + int big = 0; + for (int y = x+1;ynums[x]&&nums[y]%2!=0) + { + big = nums[y]; + } + } + nums[x] = big; + } + } + return nums; + +} +" +665d268be958516378e6da8e875df3d55ab1a358,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 0) + { + nums[i] = findB(nums, i); + } + } + return nums; + +} +public int findB(int[] thing, int pos) +{ + int val = 0; + for(int i = pos; i < thing.length; i++) + { + int ele = thing[i]; + if(ele % 2 != 0 && ele > val) + { + val = ele; + } + } + return val; +} + + " +553436ebcc162d64f81936a093c6f9c2add665ff,"public int[] zeroMax(int[] nums) +{ + for(int x = 0; x< nums.length;x++) + { + if (nums[x]==0) + { + int big = 0; + for (int y = x+1;ybig&&nums[y]%2!=0) + { + big = nums[y]; + } + } + nums[x] = big; + } + } + return nums; + +} +" +58288617438d3f669e654a4fc52cd74b9c693f76,"public int[] zeroMax(int[] nums) +{ + int LO; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO + } + + } + return nums; + + + + + + + +} + + +" +c370ef2f2a66506a27bb3847bf850d4c9464eac0,"public int[] zeroMax(int[] nums) +{ + int LO; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO; + } + + } + return nums; + + + + + + + +} + + +" +f4553fa7383f2a5b9977095278fdaaff0a019d6f,"public int[] zeroMax(int[] nums) +{ + int LO; + for (int i = 0; i < nums.length; i++;) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO; + } + + } + return nums; + + + + + + + +} + + +" +1b33a0d040bfa403ece47088128392c65169b62c,"public int[] zeroMax(int[] nums) +{ + int LO; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO; + } + + } + return nums; + + + + + + + +} + + +" +fb14431a9f91df44155947d5aff64c957f209c5f,"public int[] zeroMax(int[] nums) +{ + int LO; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO; + } + + } + return nums; + + + + + + + +} + + +" +27d63972e9dbb74d6ef3ed44e5a767bc30c427ae,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO; + } + + } + return nums; + + + + + + + +} + + +" +110547a635e482cee71e93aa14ce4b2e2f813d46,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] > LO && (nums[i] % 2 == 1)) + { + LO = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = LO; + } + + } + return nums; + + + + + + + +} + + +" +bdf6451e4aa7d7531c6498dd885cfb1187099a60,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] > LO && nums[i] % 2 == 1) + { + LO = nums[i]; + } + if (nums[i] == 0) + nums[i] = LO; + return nums; + + + + + + + +} + + +" +713a6b38d399a6dc5658fbdac21f3d7ad29cbaf0,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] > LO ) + { + LO = nums[i]; + } + if (nums[i] == 0) + nums[i] = LO; + return nums; + + + + + + + +} + + +" +a8d3c4f81e8c95a15f75f01ee27d1a38b4c717fc,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > LO) + LO = nums[i]; + if (nums[i] == 0) + nums[i] = LO; + return nums; + + + + + + + +} + + +" +560be004affe585db6833a01ba42059b4842a0cf,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length; i > 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > LO) + LO = nums[i]; + if (nums[i] == 0) + nums[i] = LO; + } + return nums; + + + + + + + +} + + +" +8f6ab9c9323550cf62697836628bc9cf6f16a895,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length-1;i> 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > LO) + LO = nums[i]; + if (nums[i] == 0) + nums[i] = LO; + } + return nums; + + + + + + + +} + + +" +ecdc18c535e72d09a0bcd9aca68b7b40f8280ed8,"public int[] zeroMax(int[] nums) +{ + int LO = 0; + for (int i = nums.length-1;i>=0;i--) + { + if (nums[i] % 2 == 1 && nums[i] > LO) + LO = nums[i]; + if (nums[i] == 0) + nums[i] = LO; + } + return nums; + + + + + + + +} + + +" +43eeaae3df24c61d5a3bcc4dd151f259c83d23e7,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +aeb07c07b993c33151f53af4e2499c52bc48f801,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +ba00b04bf6b35da4aa5badc3bcedff94fc3fe564,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + int max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +941a5852c8c94b92d283965fdc3aeeae2537518c,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +80e4a9156b97f420a3d8df07b387b877da89d475,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +917ba1b84617fceef68226d0a53db28fe86bdf44,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int j = 0, j < nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i+j] % 2 > 0) + { + if (nums[i+j] > odd) + { + odd = nums[i+j]; + } + } + } + } + nums[i] = odd; + } + } + return nums; +} +" +1554366600892f99335a2b5c31af49c7ec8c76f6,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int j = 0; j < nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i+j] % 2 > 0) + { + if (nums[i+j] > odd) + { + odd = nums[i+j]; + } + } + } + } + nums[i] = odd; + } + } + return nums; +} +" +09d8e3a1e3472285e45407a4b8827dbbcb2d7e77,"public int[] zeroMax(int[] nums) +{ + + for (int i = 0; i < nums.length;i++) + { + int odd = 0; + if (nums[i] == 0) + { + for (int j = 0; j < nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i+j] % 2 > 0) + { + if (nums[i+j] > odd) + { + odd = nums[i+j]; + } + } + } + } + nums[i] = odd; + } + } + return nums; +} +" +78b419db39c7f518748fb74bc2187a9b09be9408,"public int[] zeroMax(int[] nums) +{ + for(int i=0; i max && nums[i] % 2 == 1 ) + { + max = nums[i]; + } + nums[j] = max; + max = 0; + } + } + return nums; + } +} + +" +8f1d95a0e9f83d1fe859eeebc2bb3217c57e62df,"public int[] zeroMax(int[] nums) +{ + int big = 0; + for (int j =0; j < nums.length -1;j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <=nums.length -1;i++) + { + if ( nums[i] > max && nums[i] % 2 == 1 ) + { + big = nums[i]; + } + nums[j] = big; + big = 0; + } + } + } + return nums; +} + +" +6c3cb62a3291ec6b13b7ebf36e54412eb4cd01ea,"public int[] zeroMax(int[] nums) +{ + int big = 0; + for (int j =0; j < nums.length -1;j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <=nums.length -1;i++) + { + if ( nums[i] > big && nums[i] % 2 == 1 ) + { + big = nums[i]; + } + nums[j] = big; + big = 0; + } + } + } + return nums; +} + +" +5cc3dab1db9c3394a2f6ecba2f3d94bce801eaf0,"public int[] zeroMax(int[] nums) +{ + int[] res = new int[nums.length]; + int zeroPos = 0; + int nonZeroPos = res.length - 1; + + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + res[zeroPos++] = 0; + else + res[nonZeroPos--] = nums[i]; + + return res; +} +" +49b5586f374bdd6e44c1af50fb754f9cc3703a43,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +c0b930e4d7fd3685b89f6b87234dae9e4df998ab,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +313daa1eba4dbf9332e2cbb43fef64cad398abb9,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.lenth - 1; i++) + { + if (nums[i] == 0) + { + max == 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + + } + return nums; +} +" +8e51b2e4683aed50bc850876d76e7026626cc375,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.lenth - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + + } + return nums; +} +" +cbd11416bb8d8a8af35dd9ba8e3d5facc184f7d6,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + + } + return nums; +} +" +fcce6dc905494e53809454ff3a1b36a073ea37a7,"public int[] zeroMax(int[] nums) +{ + int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; + +} +" +7b4300b784f8fdbc56f455e2ab94fad889e55d7e,"public int[] zeroMax(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = findOdd(nums, i); + } + } + return nums; +} + +public int findOdd(int[] nums, int j) +{ + int odd = 0; + for (int i = j; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > odd) + { + odd = nums[i]; + } + } + return odd; +} +" +db68d7a4b68f6128da4f7b894f04147d6879f980,"public int[] zeroMax(int[] nums) +{ + int[] ints; + ints = nums; + for (i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ints[i] == findOdd(i, nums); + } + } + return ints; +} + +public int findOdd(int pos, int[] nums) +{ + int odd = 0; + for (int i = pos; i < nums.length; i++) + { + if (num[i] % 2 == 1 && num[i] > odd) + { + odd = num[i]; + } + } + return odd; +}" +a6e01eac765f2fd4ae85468ee63fe46aa8b96806,"public int[] zeroMax(int[] nums) +{ + int[] ints; + ints = nums; + for (i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ints[i] = findOdd(i, nums); + } + } + return ints; +} + +public int findOdd(int pos, int[] nums) +{ + int odd = 0; + for (int i = pos; i < nums.length; i++) + { + if (num[i] % 2 == 1 && num[i] > odd) + { + odd = num[i]; + } + } + return odd; +}" +7ff471bd35f67c6e3d12f9ba5191f4948fea40b2,"public int[] zeroMax(int[] nums) +{ + int[] ints; + ints = nums; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ints[i] = findOdd(i, nums); + } + } + return ints; +} + +public int findOdd(int pos, int[] nums) +{ + int odd = 0; + for (int i = pos; i < nums.length; i++) + { + if (num[i] % 2 == 1 && num[i] > odd) + { + odd = num[i]; + } + } + return odd; +}" +b74e503ba87c204e9187cf33e3ab5183a4f39f38,"public int[] zeroMax(int[] nums) +{ + int[] ints; + ints = nums; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ints[i] = findOdd(i, nums); + } + } + return ints; +} + +public int findOdd(int pos, int[] nums) +{ + int odd = 0; + for (int i = pos; i < nums.length; i++) + { + if (num[i] % 2 == 1 && nums[i] > odd) + { + odd = num[i]; + } + } + return odd; +}" +a02bc46b1dc93772604ad57f15917b143dd58087,"public int[] zeroMax(int[] nums) +{ + int[] ints; + ints = nums; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + ints[i] = findOdd(i, nums); + } + } + return ints; +} + +public int findOdd(int pos, int[] nums) +{ + int odd = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > odd) + { + odd = nums[i]; + } + } + return odd; +}" +a0097b71b60b51a74438f1eaa92be419a3850d7e,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + nums[i] = greatest; + } + } + } +} +" +4cc54a8d2d036d09e6f2dfefc142b2a332bb954b,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + nums[i] = greatest; + } + } + } + return nums; +} +" +2d8d5d3ed6b84a8d5d86414c654a0ade30ae0745,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + int[] newArray; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + nums[i] = greatest; + } + } + } + return nums; +} +" +2a0f687acdeea9020ea4290975c99db3e6204800,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + newArray[i] = greatest; + } + } + else + { + newArray[i] = nums[i] + } + } + return nums; +} +" +3a961402c1e7a37ebcefb62f36a01040a818c9fd,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + newArray[i] = greatest; + } + } + else + { + newArray[i] = nums[i]; + } + } + return nums; +} +" +497ce7e0b6ddb17a58ef32d02a7df8e744235fc8,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + newArray[i] = greatest; + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +d5e03e7acf0df7df2c519b011b9039c06cc30226,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] % 2 != 0 && nums[j] != 0) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + newArray[i] = greatest; + greatest = 0; + } + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +dfedcb8f2a5b97dc9d6d4ece2bffaa00d0854f67,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length - 1; j++) + { + if (nums[j] % 2 == 1 && nums[j] > greatest) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + newArray[i] = greatest; + greatest = 0; + } + } + } + return nums; +} +" +ae35eb31ae7509a36f9e1fd03919f3fd33abd117,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length - 1; j++) + { + if (nums[j] % 2 == 1 && nums[j] > greatest) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + nums[i] = greatest; + greatest = 0; + } + } + } + return nums; +} +" +866660a30b835073ccce5197f3af75335fac722b,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + greatest = 0; + for (int j = i + 1; j < nums.length - 1; j++) + { + if (nums[j] % 2 == 1 && nums[j] > greatest) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + nums[i] = greatest; + } + } + } + return nums; +} +" +5cf0ea7d391378f7efcf35058405434598033535,"public int[] zeroMax(int[] nums) +{ + int greatest = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + greatest = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > greatest) + { + greatest = nums[j]; + } + } + if (greatest != 0) + { + nums[i] = greatest; + } + } + } + return nums; +} +" +9cd0fc021b53f4834e8a9b49270fe1e12d2284f2,"public int[] zeroMax(int[] nums) +{ + int oddNum = 0; + for (int x = nums.length; x > 0; x--) + { + if (nums[x] % 2 != 0) + { + oddNum = nums[x]; + } + if (nums[x] == 0) + { + nums[x] = oddNum; + } + } + return nums[]; +} +" +c4fdef65c80ab71292a267b8991324005bf80474,"public int[] zeroMax(int[] nums) +{ + int oddNum = 0; + for (int x = nums.length; x > 0; x--) + { + if (nums[x] % 2 != 0) + { + if (nums[x] > oddNum; + { + oddNum = nums[x]; + } + } + else if (nums[x] == 0) + { + nums[x] = oddNum; + } + } + return nums[]; +} +" +badfbc93fab8434776eadf758e8c0c4fb411fc50,"public int[] zeroMax(int[] nums) +{ + int oddNum = 0; + for (int x = nums.length; x > 0; x--) + { + if (nums[x] % 2 != 0) + { + if (nums[x] > oddNum; + { + oddNum = nums[x]; + } + } + else if (nums[x] == 0) + { + nums[x] = oddNum; + } + } + return nums; +} +" +443184027d118ecc9374a6491d1ed8045ecb97b8,"public int[] zeroMax(int[] nums) +{ + int oddNum = 0; + for (int x = nums.length; x > 0; x--) + { + if (nums[x] % 2 != 0) + { + if (nums[x] > oddNum); + { + oddNum = nums[x]; + } + } + else if (nums[x] == 0) + { + nums[x] = oddNum; + } + } + return nums; +} +" +ecaafbe663c4780420ffbb20d2cce8c34d7ae4ce,"public int[] zeroMax(int[] nums) +{ +int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; +} +" +5f03eb0ab51ba00aac6fc27183225e4323cb3db2,"public int[] zeroMax(int[] nums) +{ + int maxOddValue; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 0) + { + maxOddValue = 0; + for(int i = x + 1; i < nums.length; i++) + { + if(nums[i] > maxOddValue && nums[i] % 2 == 1) + maxOddValue = nums[i]; + } + if(maxOddValue != 0) + nums[x] = maxOddValue; + } + } + return nums; +} +" +0b685100cdefc92d279a6b1ae9a6542e841bcb00,"public int[] zeroMax(int[] nums) +{ + int maxOddValue; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 0) + { + maxOddValue = 0; + for(int i = x + 1; i < nums.length; i++) + { + if(nums[i] > maxOddValue && nums[i] % 2 == 1) + maxOddValue = nums[i]; + } + if(maxOddValue != 0) + nums[x] = maxOddValue; + } + } + return nums; +} +" +8a1dc15713d8f761c30cc2764bebca6e90b0a13e,"public int[] zeroMax(int[] nums) +{ + int maxOddValue; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 0) + { + maxOddValue = 0; + for(int i = x + 1; i < nums.length; i++) + { + if(nums[i] > maxOddValue && nums[i] % 2 == 1) + { + maxOddValue = nums[i]; + } + } + if(maxOddValue != 0) + { + nums[x] = maxOddValue; + } + } + } + return nums; +} +" +39b06c03bcceb298553dc6b0b0ab6fb7a116e695,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +1df7e96dc780f53691701c4f0f4aa6fe867e343a,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + i--; + + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + nums[j] = nums[i]; + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + i = j; + } + +return nums; +} +" +5b8462264f562aa0216336e59d39c6bfaaa3d2f8,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +4754c49c141cf3eaf9c3d7f2ae552b2c75b17aa7,"public int[] zeroMax(int[] nums) +{ + //int m = findMax(nums); + for(int j = 0; j < nums.length; j++) + { + if(nums[i] == 0) + { + nums[i] = findMax(nums, i); + } + } + return nums; +} + +public int findMax(int[] n, int p) +{ + int max = 0; + for(int i = p; i < n.length; i++) + { + if(nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +00a5f1dd3133f44e3c7d793cb216540de5a163b7,"public int[] zeroMax(int[] nums) +{ + //int m = findMax(nums); + for(int j = 0; j < nums.length; j++) + { + if(nums[j] == 0) + { + nums[j] = findMax(nums, j); + } + } + return nums; +} + +public int findMax(int[] n, int p) +{ + int max = 0; + for(int i = p; i < n.length; i++) + { + if(nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +eda30beb4974e02ec674070ba44305a164fcf485,"public int[] zeroMax(int[] nums) +{ + //int m = findMax(nums); + for(int j = 0; j < nums.length; j++) + { + if(nums[j] == 0) + { + nums[j] = findMax(nums, j); + } + } + return nums; +} + +public int findMax(int[] n, int p) +{ + int max = 0; + for(int i = p; i < n.length; i++) + { + if(n[i] % 2 == 1 && n[i] > max) + { + max = n[i]; + } + } + return max; +} +" +0b476ca4e27ce3651baa5eb0297cde8401c1405b,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + //length -1 because if 0 is last it remains. + for (int i = 0; i < nums.length - 1; i++) + { + if (i == 0) + { + for(h = i+1; h < nums.length; h++) + { + if(nums[h]%2 != 0 && nums[h] > maxOdd) + { + maxOdd = nums[h]; + } + } + nums[i] = maxOdd; + + } + maxOdd = 0; + } + return nums; +} +" +1901b4e37b1e86855341c9fedb4b1763db4d77f9,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + //length -1 because if 0 is last it remains. + for (int i = 0; i < nums.length - 1; i++) + { + if (i == 0) + { + for(int h = i+1; h < nums.length; h++) + { + if(nums[h]%2 != 0 && nums[h] > maxOdd) + { + maxOdd = nums[h]; + } + } + nums[i] = maxOdd; + + } + maxOdd = 0; + } + return nums; +} +" +a5237d95b3b9b72483eba7e2f201cee10e6d3d40,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + //length -1 because if 0 is last it remains. + for (int i = 0; i < nums.length - 1; i++) + { + if (i == 0) + { + for(int h = i+1; h < nums.length; h++) + { + if(nums[h]%2 != 0 && nums[h] > maxOdd) + { + maxOdd = nums[h]; + } + } + nums[i] = maxOdd; + maxOdd = 0; + + } + + } + return nums; +} +" +c861904b0f3752240484d63890c0f5fe2a0474d3,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + //length -1 because if 0 is last it remains. + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for(int h = i+1; h < nums.length; h++) + { + if(nums[h]%2 != 0 && nums[h] > maxOdd) + { + maxOdd = nums[h]; + } + } + nums[i] = maxOdd; + maxOdd = 0; + + } + + } + return nums; +} +" +c89122959f1e0f7afdc04b8283ae9b0cb743c8b5,"public int[] zeroMax(int[] nums) +{ + + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +}" +41761b2887d7cabcdd660b11e121380b3ffe6a68,"public int[] zeroMax(int[] nums) { + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +2ce8a167f7b6510fad8132f813c4aeb69cb4fe27,"public int[] zeroMax(int[] nums) +{ + int large; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > large && nums[j] % 2 == 1) + { + large = nums[j]; + } + + if (large != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +53a5e6fd8ed2775feb418a82377a05fdce260de1,"public int[] zeroMax(int[] nums) +{ + int large; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > large && nums[j] % 2 == 1) + { + large = nums[j]; + } + + if (large != 0) + { + nums[i] = max; + } + } + } + } + return nums; +} +" +2d768de2ba5aae2d9f674da0145237451e39933a,"public int[] zeroMax(int[] nums) +{ + int large; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + large = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > large && nums[j] % 2 == 1) + { + large = nums[j]; + } + + if (large != 0) + { + nums[i] = large; + } + } + } + } + return nums; +} +" +a917be9d6ac426397618cb05da985703a2afc7a6,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[x] > max) + { + max = nums[x]; + } + } + nums[i] = max; + max = 0; + } + } + return nums; +} +" +318b8bc4b6da836a927c7609e4d31fb3240edd0e,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int x = i + 1; x < nums.length; x++) + { + if (nums[x] > max && nums[x] % 2 != 0) + { + max = nums[x]; + } + } + nums[i] = max; + max = 0; + } + } + return nums; +} +" +4706ac90739a922fcc65ad21574b699979d206b0,"public int[] zeroMax(int[] nums) +{ + int oddValue = 0; + int indexOfOddValue = 0; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] % 2 != 0) + { + if(oddValue big) { + big = nums[1]; + } + } + return big +}" +b76ea0ab08a67e464abafa3d372a68161c9ddb87,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + return zeroMax;; + } +} + +public int large(int[] nums, int pos) +{ + int start = pos + 1; + int big = 0; + for (i = start; i < nums.length; i++) { + if (nums[i] > big) { + big = nums[1]; + } + } + return big +}" +6d4e9cedb9b022f3ae21d17424a89ac23dfdb239,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + return zeroMax;; + } +} + +public int large(int[] nums, int pos) +{ + int start = pos + 1; + int big = 0; + for (i = start; i < nums.length; i++) { + if (nums[i] > big) { + big = nums[1]; + } + } + return big; +}" +d7a4625941c4cc09c7541ada3bc0c413870d4439,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + return zeroMax;; + } +} + +public int large(int[] nums, int pos) +{ + int start = pos + 1; + int big = 0; + for (int i = start; i < nums.length; i++) { + if (nums[i] > big) { + big = nums[1]; + } + } + return big; +}" +fe7ad8fff11127991e000f494ba65ad8a11138f6,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + } + return zeroMax; +} + +public int large(int[] nums, int pos) +{ + int start = pos + 1; + int big = 0; + for (int i = start; i < nums.length; i++) { + if (nums[i] > big) { + big = nums[1]; + } + } + return big; +}" +1744a19535013e61226f771e6fc156f1fd0481aa,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + } + return zeroMax; +} + +public int large(int[] nums, int pos) +{ + int big = 0; + for (int i = pos; i < nums.length; i++) { + if (nums[i] > big) { + big = nums[i]; + } + } + return big; +}" +c82ad97abfb84555405b11b74b73334c56450172,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + } + return zeroMax; +} + +public int large(int[] nums, int pos) +{ + int big = 0; + for (int i = pos; i < nums.length; i++) { + if (nums[i] > big) { + big = nums[i]; + } + } + return big; +}" +6bf58a09f67ce2c3f97945e02c61c7f85496c56c,"public int[] zeroMax(int[] nums) +{ + int[] zeroMax = new int[nums.length]; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + zeroMax[i] = this.large(nums, i); + } + else { + zeroMax[i] = nums[i]; + } + } + return zeroMax; +} + +public int large(int[] nums, int pos) +{ + int big = 0; + for (int i = pos; i < nums.length; i++) { + if (nums[i] > big && nums[i] % 2 != 0) { + big = nums[i]; + } + } + return big; +}" +bfdc74e5ec12f7eafbc902aba13b1780ed161e22,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +653976914c0fd83be68df0271414e684ee30ab13,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (j%2 = 1 && nums[i] == 0) + { + nums[i] = j; + } + } + } + return nums; +} +" +f8c3aedb97a04b335be1d0ab438816160bd2395f,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j]%2 = 1 && nums[i] == 0) + { + nums[i] = j; + } + } + } + return nums; +} +" +0228a62a95f9026a6bf5ca1feeef5f3ec4794e73,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i--) { + if (nums[i] % 2 != 0) + { + max = Math.max(max, nums[i]); + } + if (nums[i] == 0) + { + nums[i] = max; + } + return nums; + +} +" +e7df0a37bf974c28c8e46a42d313130e79bc9b75,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i--) { + if (nums[i] % 2 != 0) + { + max = Math.max(max, nums[i]); + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; + +} +" +a43376b9c4831243ee15418172933f1608f49db6,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0) + { + max = Math.max(max, nums[i]); + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; + +} +" +85dc4ce4076ab57a2464d3702a1409f4cce0966c,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0) + { + if (nums[i] > max && nums[i] != 0) + { + max = nums[i]; + } + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; + +} +" +37523b84607dfff3bd771c5b76b46fe20d3a2e27,"public int[] zeroMax(int[] nums) +{ + int max; + for (i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; + +} +" +318408b87528734af2d276291ab044b665e31f5e,"public int[] zeroMax(int[] nums) +{ + int max; + for (i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + } + } + return nums; + +} +" +bb64b9e7a0d1e26d23af622deb606ce6a91158b5,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + if (max != 0) + { + nums[i] = max; + } + } + } + } + return nums; + +} +" +031009b921233dd00bf17ab58c642b9ae5f5175b,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +f5233a608146cd5a8e90ba5efd302bc9caf3f6cd,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + nums[i] = this.findMax(nums); + } + } + return nums; + +} + +public int findMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +553e331825c518df825337585ac4881a500bd093,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + int[] newA = new int[nums.length - i]; + nums[i] = this.findMax(newA); + } + } + return nums; + +} + +public int findMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +d313a7b1f7507c934374d276c168829464cac7fd,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + int[] newA = new int[nums.length - i]; + for (int i = 0; i < newA.length; i++) + { + newA[i] = nums[i]; + } + nums[i] = this.findMax(newA); + } + } + return nums; + +} + +public int findMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +ba21976badd44a9f40ef2b86a8511477087bba14,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + int[] newA = new int[nums.length - i]; + for (int j = 0; j < newA.length; j++) + { + newA[j] = nums[j]; + } + nums[i] = this.findMax(newA); + } + } + return nums; + +} + +public int findMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +b988189a79bd3d8995c03dabae1646fb2def1380,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + int[] newA = new int[nums.length - i]; + for (int j = 0; j < newA.length; j++) + { + newA[j] = nums[i + j]; + } + nums[i] = this.findMax(newA); + } + } + return nums; + +} + +public int findMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + } + } + return max; +} +" +7342fe916f69273d2482d2859139740a0402e057,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int a = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +6546692cccf9458c5e34327a39d6981ce8d4ad1a,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int a = i + 1; a < nums.length; a++) + { + if (nums[a] > max && nums[a] % 2 == 1) + max = nums[a]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +4e7e033b79d8e241e6eec38b702f1020cafc3e55,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +1c84f8b8bffcf4892eb48c59f5464df06ebc0a5b,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +3349237e9b93d32bea1d3edfc938d955b8831542,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j <= nums.length - 1; i++) + { + if (nums[j] > max && nums[j]%2 == 1) + { + max = nums[j]; + } + nums[i] = max; + max = 0; + } + } + } + return nums; +} +" +132b51d3b7e78f03cf2fbcdf211a1c6f3dcb6be9,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + i--; + + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + nums[j] = nums[i]; + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + i = j; + } + + return nums; +} +" +45f956de73f000a8bad2578ce1717fac2d7342cf,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0) + { + nums[i] = j; + } + } + } + return nums; +} +" +11d9d47fd5e2c91b9e7429fd3bc1d187272981a4,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <= nums.length - 1; i++) + { + if (nums[i] > max && nums[i] % 2 == 1) + { + max = nums[i]; + } + nums[j] = max; + max = 0; + } + } + return nums; + } +} +" +4ca7c699c648c439bb92f04b54c5df4130ee805f,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <= nums.length - 1; i++) + { + if (nums[i] > max && nums[i] % 2 == 1) + { + max = nums[i]; + } + nums[j] = max; + max = 0; + } + } + + + } +return nums; +} + +" +9e6402223a87ccff6f52cfb0d26ac1b7988c72fb,"public int[] zeroMax(int[] nums) +{ + int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; + +} + +" +63a23d662fc8526b1b4fda8ebad8b9f2dfa15daa,"public int[] zeroMax(int[] nums) +{ + int[] array = new int [nums.length] + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 0) + { + array[i] = j; + } + } + } + return nums; +} +" +1338ec5d46e43922c12ea7827ad131f705fb6ad3,"public int[] zeroMax(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 0) + { + array[i] = j; + } + } + } + return nums; +} +" +db8d1cc6311eb0f51c0cb6666488772e42ebc864,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +88eaec03a230d7bac0b575402521f96d7c9a645b,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for(int i = 1; i <= nums.length - 1; i++) + { + if(nums[i-1] == 0) + { + max = 0; + for(int k = i-1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i-1] = max; + } + } + return nums; +} +" +e9c83320b04a936e62bc547a665e11ad05415a6c,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for(int i = 1; i <= nums.length - 1; i++) + { + if(nums[i-1] == 0) + { + maximum = 0; + for(int k = i-1; k < nums.length; k++) + { + if(nums[k] > maximum && nums[k] % 2 == 1) + maximum = nums[k]; + } + if(maximum != 0) + nums[i-1] = maximum; + } + } + return nums; +} +" +dbc76fe93bba83a84ca1d2905625d04a35fc0677,"public int[] zeroMax(int[] nums) +{ + int zeroMax = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > zeroMax) + zeroMax = nums[i]; + if (nums[i] == 0) + nums[i] = zeroMax; + } + return nums; +} +" +68a907b8a1e6e319ace094bf7d0ecd8716d504f9,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } +} +" +054990c7c8b6e5c76f0f7c97f385710ae17ecbe3,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +a4e651d4f7c92bea209b58b51bc051576c2feaac,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +60f585044be69f921ada5ce7d8b089318069b230,"public int[] zeroMax(int[] nums) +{ + int maxVal; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maxVal = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > maxVal && nums[k] % 2 == 1) + { + maxVal = nums[k]; + } + + } + if (maxVal !=0) + nums[i] = maxVal; + } + } + return nums; +} +" +6ed2d8f15e829f0a5a8927e0b1f1eb055ecce168,"public int[] zeroMax(int[] nums) +{ + int maxVal; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maxVal = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > maxVal && nums[j] % 2 == 1) + { + maxVal = nums[j]; + } + + } + if (maxVal !=0) + nums[i] = maxVal; + } + } + return nums; +} +" +686fd7bc1356ee50851dffb2e8cf5d3ca5e4daad,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if(nums[i]!=0 && nums[i]%2==1 && max= 0; i--) { + if (nums[i] !=0 && nums[i] % 2==1 && max largest) + { + largest = nums[i]; + } + } +}" +986bb35e01d99b697dd4d995806774c9985b39a2,"public int[] zeroMax(int[] nums) +{ + int[] returnArray = new int[nums.length]; + for (int j = 0; j < nums.length; j++) + { + int potential = 0; + if (nums[j] == 0) + { + potential = largestOdd(nums, j); + returnArray[j] = potential; + } + else + { + returnArray[j] = nums[j]; + } + } + return returnArray; +} + +public int largestOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + else + {} + } +}" +f7ebc4022a87784f0042d8202e0438dad30977ed,"public int[] zeroMax(int[] nums) +{ + int[] returnArray = new int[nums.length]; + for (int j = 0; j < nums.length; j++) + { + int potential = 0; + if (nums[j] == 0) + { + potential = largestOdd(nums, j); + returnArray[j] = potential; + } + else + { + returnArray[j] = nums[j]; + } + } + return returnArray; +} + +public int largestOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + return largest; +}" +35ae99b12d0545818c72a72cbc5d9fbf47c7a6b5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + max = 0; + for (int j = i + 1; i < nums.length; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + return nums; +} +" +a795bc698c13e743a8835bf1b2f5f6d2fa35be1b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + int max = 0; + for (int j = i + 1; i < nums.length; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + return nums; +} +" +f23ff317c8f7f4095a7fc33e287685c7066c3b6b,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 0) + for (int j = i + 1; i < nums.length; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + return nums; +} +" +5b8cf0dd2940b0853c023f3c5d9571f35b1a6be7,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + for (int j = i + 1; i < nums.length; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + } + return nums; +} +" +39319adf43b9c776fbed3e448e1282720c526b6a,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + for (int j = i + 1; i < nums.length; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + } + return nums; +} +" +ad485aafbdd6ebb9250e19559348ad51e1b0c5c9,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + for (int j = i + 1; j < nums.length; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + } + return nums; +} +" +5115c80d28296a57b956af9d2e74a2cb240e2211,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + for (int j = i + 1; j < nums.length - 1; j++) + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + nums[i] = max; + } + return nums; +} +" +38e2f0c99ddfadd1975781c154e7ee7f6866e7e2,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +eea7c7e4fe355ea581a7f5892c3ef15285c9b2db,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +65253aceab3d7336a9ed62060fdd8dedaef34d24,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +8beebf511fba38762cca01013d476ac9e9d7279e,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int j = i + 1; j < nums.length; j++) + { + if(nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +36bcba004be83be91406fd834a34e9bff9c75ce9,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +9131a67f438386ab3ce27378df3e4563151ac411,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] ==0) + { + max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +fb3d70a51aed418f4ce24fcbb9b0f0675da6693e,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] ==0) + { + max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +8192a6ea89950d29e9e506485b60d48c35fbb52d,"public int[] zeroMax(int[] nums) +{ + int a; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + a = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + a = nums[k]; + } + if(a != 0) + nums[i] = a; + } + } + return nums; +} +" +9c02f8457b0f91f7629f04c3c3bbb08219e6bbab,"public int[] zeroMax(int[] nums) +{ + int a; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + a = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > a && nums[k] % 2 == 1) + a = nums[k]; + } + if(a != 0) + nums[i] = a; + } + } + return nums; +} +" +d0094ad4e465ab827af19ff07732eec1840a0f82,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; + nums[position] = nums[i]; + } + } +}" +7a516f328efbc2320a33748253c491ca3873f2ab,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +}" +98e689c1297009d56ea50a5e75154faa349ca0a4,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + + + while(i >= 0 && nums[i] % 2 == 0) + + i--; + + + + for(int j = i - 1; j >= 0; j--) { + + if(nums[j] == 0) + + nums[j] = nums[i]; + + + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + + i = j; + + } + + + + return nums; +} +" +fb720ed455f1ac1780a896103ef611dc37375b27,"public int[] zeroMax(int[] nums) +{ + int odd =0; + for (int n=0; nnums[k] && knums[k] && knums[k] && knums[k] && k= 0; i--) { + if (nums[i] % 2 != 0) + zero = Math.max(max, nums[i]); + if (nums[i] == 0) + nums[i] = zero; + } + return nums; + +} +" +dab36ba07ddc27bf0ec6935eec7534cb9867b181,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + for (int i = nums.length-1; i >= 0; i--) { + if (nums[i] % 2 != 0) + zero = Math.max(zero, nums[i]); + if (nums[i] == 0) + nums[i] = zero; + } + return nums; + +} +" +fcb069c6a0c8e4c8d0fe7cfbbc98e032e929f132,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.findLargestOdd(i, nums); + } + } + return nums; +} + +public int findLargestOdd(int index, int[] nums) +{ + int largest = 0; + for (int i = index; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > largest) + largest = nums[i]; + } + return largest; +} +" +7d92f361e8dd65ac8920dafba9ebfce2e1bcb3a0,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(num[i] = 0) { + num[i] = toTheRight(nums, i); + } + } + return nums; +} +public int toTheRight(int[] nums, int index) { + int highestNum = 0; + for(int i = index; i < nums.length; i++) { + if (nums[i] % 2 == 1 && nums[i] > highestNum) { + highestNum = nums[i]; + } + } + return highestNum; +}" +685d01b371d6aa82d17dc9fb5f11d4a260602e42,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i] = 0) { + nums[i] = toTheRight(nums, i); + } + } + return nums; +} +public int toTheRight(int[] nums, int index) { + int highestNum = 0; + for(int i = index; i < nums.length; i++) { + if (nums[i] % 2 == 1 && nums[i] > highestNum) { + highestNum = nums[i]; + } + } + return highestNum; +}" +57f356a92e8153c4bdf477f0e90dc48f3e98fc03,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 0) { + nums[i] = toTheRight(nums, i); + } + } + return nums; +} +public int toTheRight(int[] nums, int index) { + int highestNum = 0; + for(int i = index; i < nums.length; i++) { + if (nums[i] % 2 == 1 && nums[i] > highestNum) { + highestNum = nums[i]; + } + } + return highestNum; +}" +a31b6e96997cfaf3b4d2671f17fb854373c9321a,"public int[] zeroMax(int[] nums) +{ + int max = 0; + +for (int i = nums.length-1; i >= 0; i--) { +if (nums[i] % 2 != 0) +max = Math.max(max, nums[i]); +if (nums[i] == 0) +nums[i] = max; +} +return nums; + + +} +" +3e960b7742712ba3a9c1b4c8d46c5a87084122b3,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + while (i >= 0 && nums[i] % 2 == 0) + { + i--; + } + for (int j = i -1; j >= 0; j--) + { + if (nums[j] % 2 == nums[j] > nums[i]) + { + i = j; + } + if (nums[j] == 0) + { + nums[j] = nums[i]; + } + } + return nums; +} +" +31d18889acdb9ecf2eabe51cd9effa0f9f2c4ec1,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + while (i >= 0 && nums[i] % 2 == 0) + { + i--; + } + for (int j = i -1; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = nums[i]; + } + if (nums[j] % 2 == nums[j] > nums[i]) + { + i = j; + } + } + return nums; +} +" +8edc55243bf1819b3129c4185979e15e5018ea10,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + while (i >= 0 && nums[i] % 2 == 0) + { + i--; + } + for (int j = i -1; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = nums[i]; + } + if (nums[j] % 2 && nums[j] > nums[i]) + { + i = j; + } + } + return nums; +} +" +9711cf72c03eb8773f76538570f4a49051556406,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + while (i >= 0 && nums[i] % 2 == 0) + { + i--; + } + for (int j = i -1; j >= 0; j--) + { + if (nums[j] == 0) + { + nums[j] = nums[i]; + } + if (nums[j] % 2 == 1 && nums[j] > nums[i]) + { + i = j; + } + } + return nums; +} +" +f56ca585810562fcee4f64be9de9cf10c37f3bab,"public int[] zeroMax(int[] nums) +{ + int[] returnArray = new int[nums.length]; + for (int j = 0; j < nums.length; j++) + { + int potential = 0; + if (nums[j] == 0) + { + potential = largestOdd(nums, j); + returnArray[j] = potential; + } + else + { + returnArray[j] = nums[j]; + } + } + if (nums[nums.length - 1] == 0) + { + returnArray[nums.length - 1] = 0; + } + return returnArray; +} + +public int largestOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + return largest; +}" +04cac707b610f62571ab9fdb6270adff4cbc55ae,"public int[] zeroMax(int[] nums) +{ + int[] returnArray = new int[nums.length]; + for (int j = 0; j < nums.length; j++) + { + int potential = 0; + if (nums[j] == 0) + { + potential = largestOdd(nums, j); + returnArray[j] = potential; + } + else + { + returnArray[j] = nums[j]; + } + } + return returnArray; +} + +public int largestOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + if (nums[i] > largest) + { + largest = nums[i]; + } + } + return largest; +}" +2d44b365b4b3467d2a15676fe693ed9785cc7872,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i] + } + } + +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + else + return false; +} +" +e45d40d13ef3e3cfe85ce1c302449c305ef2bf59,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +476282c2e0abd60f5061866fd402f17a5abacc73,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + return newNums +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +e0570d46e2a6d7e24e4b77c85e6e48c56590472f,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + return newNums +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +66e25661a8eb7624867e4a34d777e1800be125f4,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +353ad3b8712e35e4d3c86c20c740f7dfb1c528d0,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < newNums.length; i++) + { + if (newNums[] == 0) + { + newNums[i] == oddNumber; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +0c6fda30c6b825c1516ba1eefc0ca9a4d62fcff2,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < newNums.length; i++) + { + if (newNums[i] == 0) + { + newNums[i] == oddNumber; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +641381a686d72f4ea819267a8d4db5288fb3c5c2,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < newNums.length; i++) + { + if (newNums[i] == 0) + { + newNums[i] = oddNumber; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +492caa69bc97526ffcf292564c1f878c151dd3f2,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +688c72b923ecb6809efd4acf96ce2513b6e26da5,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = nums + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < newNums.length; i++) + { + if (newNums[i] == 0) + { + newNums[i] = oddNumber; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +fa607c200edf4f924a72cef32b1d61105d453828,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + int[] newNums = nums; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < newNums.length; i++) + { + if (newNums[i] == 0) + { + newNums[i] = oddNumber; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +259045f9469f6f908fbe943a4bb436779149f076,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = oddNumber; + } + } + return newNums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +260dff2f2975a324c74eff17a5459c139cb98d5d,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + for (int i = 0; i < nums.length; i++) + { + if (this.isOdd(nums[i]) && nums[i] > oddNumber) + { + oddNumber = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = oddNumber; + } + } + return nums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +83637e1024b8b01ab27d20d9f2e99ce05a39e5be,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0 + { + int oddNum = 0; + for (int k = i; k < nums.length; k++) + { + if (this.isOdd(nums[k]) && nums[k] > oddNum) + { + oddNum = nums[k]; + } + } + nums[i] = oddNum; + } + } + return nums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +1351e7e7caf828c589eea3d195f613c5d2ad7944,"public int[] zeroMax(int[] nums) +{ + int oddNumber = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int oddNum = 0; + for (int k = i; k < nums.length; k++) + { + if (this.isOdd(nums[k]) && nums[k] > oddNum) + { + oddNum = nums[k]; + } + } + nums[i] = oddNum; + } + } + return nums; +} + +public boolean isOdd(int num) +{ + if (num % 2 == 1) + { + return true; + } + else + return false; +} +" +d82718b4d0d8a7b456948c60411c96cbd39bee54,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +}" +a7c45195eabc8cb419b1299564eb94ba9101f0cd,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +59143af05274846db7020be6bf28b695237a7364,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +178c805baf622365bea1567bdefb2e7b1cf4ec11,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + if(nums[i] == 0) + max = 0; + for(int k = i + 1; k < nums.length; k++) + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + if(max != 0) + nums[i] = max; + return nums; +} +" +33ff4006eee1971a564aff74a88af3b493335a50,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +530afa650736db3fc22821385c0661ef8b92bd77,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==0) + { + int maxNum = -1; + int found = 1; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 != 0) + { + if (nums[j] > maxNum) + { + found = 1; + maxNum = nums[j]; + } + } + } + if (found == 1) + { + data[i] = max; + } + } + } + return nums; +} +" +b837873fb759090310db5eea82470cbb611ad25d,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==0) + { + int maxNum = -1; + int found = 1; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 != 0) + { + if (nums[j] > maxNum) + { + found = 1; + maxNum = nums[j]; + } + } + } + if (found == 1) + { + nums[i] = max; + } + } + } + return nums; +} +" +0f36a06b0294bd3ad061a96851fdde924c4a4342,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==0) + { + int maxNum = -1; + int found = 1; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 != 0) + { + if (nums[j] > maxNum) + { + found = 1; + maxNum = nums[j]; + } + } + } + if (found == 1) + { + nums[i] = maxNum; + } + } + } + return nums; +} +" +70921416c48cb1fd3ecbf7449a3f4f1259fc8aa9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==0) + { + int maxNum = 0; + int found = 1; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 != 0) + { + if (nums[j] > maxNum) + { + found = 1; + maxNum = nums[j]; + } + } + } + if (found == 1) + { + nums[i] = maxNum; + } + } + } + return nums; +} +" +99c4e0ec61dec036ab0a128346ff72b530b38fb2,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maxOdd = this.largeOdd(nums, i); + num[i] = maxOdd; + } + } + return num; +} + +public int largeOdd(int[] array, int position) +{ + int maxOdd = 0; + int remainder = 0; + + for (int i = position + 1; i < array.length; i++) + { + remainder = array[i] % 2; + + if (remainder != 0) // odd number + { + if (array[i] > maxOdd) + { + maxOdd = array[i]; + } + } + } + + return maxOdd; +} +" +c3954d88a81e254aa257d9d380573011f0efaabb,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maxOdd = this.largeOdd(nums, i); + nums[i] = maxOdd; + } + } + return nums; +} + +public int largeOdd(int[] array, int position) +{ + int maxOdd = 0; + int remainder = 0; + + for (int i = position + 1; i < array.length; i++) + { + remainder = array[i] % 2; + + if (remainder != 0) // odd number + { + if (array[i] > maxOdd) + { + maxOdd = array[i]; + } + } + } + + return maxOdd; +} +" +5c9343d96c0cb3bba13b9acc7e63de9cfa2024aa,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int b = 0; + for (int j = i + 1; j < nums.length; j++) + { + if ((nums[j]+10) % 2 != 0 && + nums[j] > b) + { + b = nums[j]; + nums[i] = b; + } + } + } + } +return nums; +} +" +a11e5b28ec64bc14351dc72519c1e06e9d2d0eca,"public int[] zeroMax(int[] nums) +{ + for (int i=0; ii; j--) + { + if (nums[j] > max) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +8fe29de8fdd98e9db0ab05876e6ea32324dbb58b,"public int[] zeroMax(int[] nums) +{ + for (int i=0; ii; j--) + { + if (nums[j] > max && nums[j]%2 == 1) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +}" +e279e259f648f12500f745ecf566f6392e0535b8,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + for (int x = 0; x < nums.length-1; x++) + { + if (nums[x] == 0) + { + for (int y = x + 1; y < nums.length; y++) + { + if( nums[y] > odd && nums[y] % 2 == 1) + { + odd = nums[y]; + } + if (odd != 0) + nums[x] = odd; + } + } + } + return nums; +} +" +5b97ec2228f0de0846964356faeb992038950578,"public int[] zeroMax(int[] nums) +{ + int odd = 0; + for (int x = 0; x < nums.length-1; x++) + { + if (nums[x] == 0) + { + int odd = 0; + for (int y = x + 1; y < nums.length; y++) + { + if( nums[y] > odd && nums[y] % 2 == 1) + { + odd = nums[y]; + } + if (odd != 0) + nums[x] = odd; + } + } + } + return nums; +} +" +4aa1cff4cff2dbce939788bb0c93d697a7a9bc0c,"public int[] zeroMax(int[] nums) +{ + for (int x = 0; x < nums.length-1; x++) + { + if (nums[x] == 0) + { + int odd = 0; + for (int y = x + 1; y < nums.length; y++) + { + if( nums[y] > odd && nums[y] % 2 == 1) + { + odd = nums[y]; + } + if (odd != 0) + nums[x] = odd; + } + } + } + return nums; +} +" +74350febcd479d438d21b74da905fc5ec24d76e9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +5957c6ccb1721923e485f9542a5ddcfce8df8abc,"public int[] zeroMax(int[] nums) +{ + int max = 0; + +for (int j =0; j < nums.length -1;j++) + +{ + +if (nums[j] == 0) + +{ + +for (int i = j + 1; i <=nums.length -1;i++) + +{ + +if ( nums[i] > max && nums[i] % 2 == 1 ) + +max = nums[i]; + +} + +nums[j] = max; + +max = 0; + +} + +} + +return nums; + +} +" +9a0882af3b1d296ff86918d3deaef2fac6979679,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i; j < nums.length; j++) + { + int storage = 0; + if (j % 2 == 1 && j > storage) + { + storage = j; + } + } + nums[i] = j; + } + } +} +" +fe8eb7bf17d3d3ab6d419bda8391f27639eadf3b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + int storage = 0; + for (int j = i; j < nums.length; j++) + { + if (j % 2 == 1 && j > storage) + { + storage = j; + } + } + nums[i] = storage; + } + } +} +" +8a29e1c786ef24718722e3ee466fc07ef0e18808,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + int storage = 0; + for (int j = i; j < nums.length; j++) + { + if (j % 2 == 1 && j > storage) + { + storage = j; + } + } + nums[i] = storage; + } + } + return nums; +} +" +608daf4059bc3310649aa089fe3460bb4f216869,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + int storage = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > storage) + { + storage = j; + } + } + nums[i] = storage; + } + } + return nums; +} +" +e9fba6cb19b6df9a30f3894d5369802f6035fd39,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + int storage = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > storage) + { + storage = nums[j]; + } + } + nums[i] = storage; + } + } + return nums; +} +" +5d9aa34b5b4917dd973d3f5cfcd0fcc15f8bbb65,"public int[] zeroMax(int[] nums) +{ + int maximum; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + maximum = 0; + if (nums[k] % 2 == 1 && nums[k] > maximum) + { + maximum = nums[k]; + } + } + } + } + return maximum; +} +" +c4cfbc1f843fb1fa20cb508411639e9a57ede4bc,"public int[] zeroMax(int[] nums) +{ + int maximum; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + maximum = 0; + if (nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + } + } + } + return maximum; +} +" +8d3788bbe12a4b59aec1295014c9d22df1b8d386,"public int[] zeroMax(int[] nums) +{ + int maximum; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + maximum = 0; + if (nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + if (maximum != 0) + { + nums[i] = maximum; + } + } + } + } + return nums; +} +" +e0cc7db77d9a4184b6e4a5035769ba48c9ccc253,"public int[] zeroMax(int[] nums) +{ + int maximum; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + maximum = 0; + if (nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + if (maximum != 0) + { + nums[i] = maximum; + } + } + } + } + return nums; +} +" +98b70390464465b4ec22705744303cd2e8ec5923,"public int[] zeroMax(int[] nums) +{ + int maximum; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + if (maximum != 0) + { + nums[i] = maximum; + } + } + } + } + return nums; +} +" +084d02af8762f4ebe2f4302ed0b3ee4ab22569f3,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +2f41cbe098afbf46140a16cfae3af39c16363d5b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0) + { + nums[i] = j; + } + } + } + return nums; +} +" +0ba9a72f63fafa1b8a1abd9235fcc923dc2ca824,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i+1] = j; + } + } + } + return nums; +} +" +26810c81ac13aa1a9d099412167297060ffebc30,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 0) + { + for (int x = i + 1; x <= nums.length -1; x++) + { + if ( nums[x] > max && nums[x] % 2 == 1 ) + max = nums[x]; + } + nums[i] = max; + max = 0; + } + } +return nums; +} +" +e74ed1b0d849d090b7034f97dd7c5b736cda9fd9,"public int[] zeroMax(int[] nums) +{ + int i = 0; + for (i; i < nums.length; i++) + { + if (nums[i] == 0) + { + int odd = 0; + for (i; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > odd) + { + nums[i] = 0; + } + } + } + } + return nums; +} +" +b10aae6c96b2e5877727bad9186d272fdb02bfb8,"public int[] zeroMax(int[] nums) +{ + int k = 0; + for (int i = k; i < nums.length; i++) + { + if (nums[i] == 0) + { + int odd = 0; + for (int x = i; x < nums.length; x++) + { + if (nums[x] % 2 == 1 && nums[x] > odd) + { + nums[i] = nums[x]; + } + } + } + } + return nums; +} +" +27a3ff9f836922ef88d7dd6820aa519fa404e094,"public int[] zeroMax(int[] nums) +{ + int k = 0; + for (int i = k; i < nums.length; i++) + { + if (nums[i] == 0) + { + int odd = 0; + for (int x = i; x < nums.length; x++) + { + if (nums[x] % 2 == 1 && nums[x] > odd) + { + odd = nums[x]; + nums[i] = nums[x]; + } + } + } + } + return nums; +} +" +271d5d0a7931099b5a42bff4c74dd51d9ee6c514,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +a11604cbb79caf8641f70d80f6d098d395605d8c,"public int[] zeroMax(int[] nums) +{ + +} +public int findOdd(int[] nums) +{} +" +5501598c1702893b0b6f8e55683cb681f9359a4a,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +2e9697e6c85c2d82361adce1870d44cbb5e9605a,"public int[] zeroMax(int[] nums) +{ + +} +public int findOdd(int[] nums) +{ + int odd = 0; + int otter = 0; + for (i = 0; i < nums.length; i++) + if (nums[i] = 0) + odd = i; + for (int j = odd; i < nums.length; j++) + if(nums[j] % 2 == 1) + return otter; +} +" +a0b4fa6ba1c5bf16602c8e59eab606c3e793d14d,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i]==0){ + nums[i]=findOdd(nums,i); + } + } +} +public int findOdd(int[] nums, int index) { + boolean go = true; + int odd = 0; + while(go){ + if(nums[index]%2==1&&nums[index]>odd)odd=nums[index]; + index++; + if(index>=nums.length||nums[index]==0)go=!go; + } + return odd; +" +68e7e9b7c9508e76f0bd0d7a5e765aaa7cee2a66,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i]==0){ + nums[i]=findOdd(nums,i); + } + } +} +public int findOdd(int[] nums, int index) { + boolean go = true; + int odd = 0; + while(go){ + if(nums[index]%2==1&&nums[index]>odd)odd=nums[index]; + index++; + if(index>=nums.length||nums[index]==0)go=!go; + } + return odd; +} +" +e030756a3c1acc3512d44472a51d1d0023d6f487,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i]==0){ + nums[i]=findOdd(nums,i); + } + } + return nums; +} +public int findOdd(int[] nums, int index) { + boolean go = true; + int odd = 0; + while(go){ + if(nums[index]%2==1&&nums[index]>odd)odd=nums[index]; + index++; + if(index>=nums.length||nums[index]==0)go=!go; + } + return odd; +} +" +5ce32fd6a1b1096a577e30d8157eeb18e8837106,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i]==0){ + nums[i]=findOdd(nums,i); + } + } + return nums; +} +public int findOdd(int[] nums, int index) { + boolean go = true; + int odd = 0; + while(go){ + if(nums[index]%2==1&&nums[index]>odd)odd=nums[index]; + index++; + if(index>nums.length||nums[index]==0)go=!go; + } + return odd; +} +" +1f08a969c50737dda05f584d8cc2a93e8b3ebdeb,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i]==0){ + nums[i]=findOdd(nums,i); + } + } + return nums; +} +public int findOdd(int[] nums, int index) { + boolean go = true; + int odd = 0; + while(go){ + if(nums[index]%2==1&&nums[index]>odd)odd=nums[index]; + index++; + if(index>=nums.length||nums[index]==0)go=!go; + } + return odd; +} +" +6c6982c39ca5a2322afc2dcabcd788c044884c83,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + i--; + + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + nums[j] = nums[i]; + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + i = j; + } + + return nums; +} +" +f37759b6e67fed14a96208f913562b2758855c79,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + if(nums[i]==0){ + nums[i]=findOdd(nums,i); + } + } + return nums; +} +public int findOdd(int[] nums, int index) { + boolean go = true; + int odd = 0; + while(go){ + if(nums[index]%2==1&&nums[index]>odd)odd=nums[index]; + index++; + if(index>=nums.length)go=!go; + } + return odd; +} +" +7cf2478c05b4f47659bbefede1cbf9f3554ddb98,"public int[] zeroMax(int[] nums) +{ + int zeromax = 0; + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] == 0) + { + for (int x = i +1; xzeromax) + { + zeromax = nums[x]; + } + } + if (zeromax != 0) + { + nums[x] = zeromax; + } + } + } + return zeromax; +} +" +abf4212764c92d40de6dd1039b0228b2aca81e23,"public int[] zeroMax(int[] nums) +{ + int zeromax = 0; + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] == 0) + { + for (int x = i +1; xzeromax) + { + zeromax = nums[x]; + } + } + if (zeromax != 0) + { + nums[i] = zeromax; + } + } + } + return zeromax; +} +" +3465e19f11589e21ec3204918009fcee483c19c3,"public int[] zeroMax(int[] nums) +{ + int zeromax = 0; + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] == 0) + { + for (int x = i +1; xzeromax) + { + zeromax = nums[x]; + } + } + if (zeromax != 0) + { + nums[i] = zeromax; + } + } + } +} +" +21a1e274a74cee74e96540b02f3c90b6e129e507,"public int[] zeroMax(int[] nums) +{ + int zeromax = 0; + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] == 0) + { + for (int x = i +1; xzeromax) + { + zeromax = nums[x]; + } + } + if (zeromax != 0) + { + nums[i] = zeromax; + } + } + } + return nums; +} +" +1d9ad268824d235ae098b04e3ffd36eabf1abecb,"public int[] zeroMax(int[] nums) +{ + int zeromax = 0; + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] == 0) + { + for (int x = i +1; xzeromax) + { + zeromax = nums[x]; + } + } + if (zeromax != 0) + { + nums[i] = zeromax; + } + } + } + return nums; +} +" +a4006adc04cda15ab758f01770a64d993f775948,"public int[] zeroMax(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] == this.findOdd(int[] nums); + } + int[] fool == {nums[i]}; + } + return fool; +} +public int findOdd(int[] nums) +{ + int odd = 0; + int otter = 0; + for (i = 0; i < nums.length; i++) + { + if (nums[i] = 0) + { + odd = i; + for (int j = odd; i < nums.length; j++) + { + if(nums[j] % 2 == 1) + return otter; + } + } + } +} +" +094460cd1544d50578a96dd61d7a5fb71ead0c83,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +88977ec74680dac48f24d9f82b7a98bf109d21fb,"public int[] zeroMax(int[] nums) +{ + int zeromax = 0; + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] == 0) + { + for (int x = i +1; xzeromax) + { + zeromax = nums[x]; + } + } + if (zeromax != 0) + { + nums[i] = zeromax; + zeromax = 0; + } + } + } + return nums; +} +" +0418c3da491f63a7919df3d8932b4f7f3148afc4,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +a177e7dc8429a7ce74d5b88cdebebd0dc3d56bf8,"public int[] zeroMax(int[] nums) +{ + int x = 0; + int y = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + x = i; + while (x < nums.length) + { + if (y < nums[x] && nums[x]% 2 != 0) + { + y = nums[x]; + } + + x++; + } + + nums[i] = y; + y = 0; + } + + return nums; + } + +} +" +267c7a5ac0bb1bb0850fedc6163734751d06d018,"public int[] zeroMax(int[] nums) +{ + int x = 0; + int y = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + x = i; + while (x < nums.length) + { + if (y < nums[x] && nums[x]% 2 != 0) + { + y = nums[x]; + } + + x++; + } + + nums[i] = y; + y = 0; + } + + } + + return nums; +} +" +d41c53d5cecbb14b4f7f43a2d67d638ec80f6df1,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +3a0dbb6d033b8a4f5602b6b4e05cb55e97623730,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +ecc8210aa05cb54776320e48777c4e4e904e59ac,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +64fe7930b32d3b77647833010889d91b8447289e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = j; + } + } + } + return nums; +} +" +a853fcd92d0ec36d6259f4fee61e1689856dfdf0,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length; i >= 0 ; i--) + { + if (nums[i]==0) + { + nums[i] = merlin; + } + + } +} +" +1e9a81f9028682b34778e572a6a7468a05649379,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length; i >= 0 ; i--) + { + if (nums[i]==0) + { + nums[i] = merlin; + } + + } + return nums; +} +" +2191b486d199c88a9a109ec34699a6bc99b8d936,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[1] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } +} +" +992ca4ac2ed2e12830bd9dca872456e2b9664fb8,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[1] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +ba82c1e7682c37ca4fd37d78b6aa2451d197874e,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length; i >= 0 ; i--) + { + if (nums[i]==0) + { + nums[i] = merlin; + } + if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = nums[i]; + } + } + return merlin; +} +" +2f22cbc5dd3b7991ccce99a80b252a712fca96f3,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length; i >= 0 ; i--) + { + if (nums[i]==0) + { + nums[i] = merlin; + } + if (nums[i] % 2 == 1 && nums[i] > merlin) + { + nums[i] = merlin; + } + } + return merlin; +} +" +872350bf7ca81579df548ca6785d9fafc7a9b610,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length; i >= 0 ; i--) + { + if (nums[i]==0) + { + nums[i] = merlin; + } + if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = nums[i]; + } + } + return nums; +} +" +2532435b3f59f69d112c6678c63697282eb9011c,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length; i >= 0 ; i--) + { + if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = nums[i]; + } + if (nums[i]==0) + { + nums[i] = merlin; + } + + } + return nums; +} +" +10af0fd1f513bba18ea3392e180cf151f8d14f2e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = findLargeOdd(nums, i) + } + } + return nums; +} + +public int findLargeOdd(int[] nums, int p) +{ + int x = 0; + for (int i = p + 1; i < nums.length; i++) + { + if (nums[i] % 2 > 0 && nums[i] > x) + { + x = nums[i]; + } + } + return x; +}" +078919617a59aef4bfe9ae3f5b18afdb2ac1a99a,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length -1 ; i >= 0 ; i--) + { + + if (nums[i]==0) + { + nums[i] = merlin; + } + else if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = nums[i]; + } + } + return nums; +} +" +c97c6ee03d383c6fe2df21b72bf1a843b7aacac9,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (num[j] % 2 != 0 && num[j] > largest) + { + largest = num[j]; + } + } + + num[i] = largest; + largest = 0; + } + } + + return num; +} +" +600d60d48d2b73fbb4101310036f41313d88fb10,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = findLargeOdd(nums, i); + } + } + return nums; +} + +public int findLargeOdd(int[] nums, int p) +{ + int x = 0; + for (int i = p + 1; i < nums.length; i++) + { + if (nums[i] % 2 > 0 && nums[i] > x) + { + x = nums[i]; + } + } + return x; +}" +812c0f76c475418c154f6b5dab584f4967d7777a,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (num[j] % 2 != 0 && num[j] > largest) + { + largest = num[j]; + } + } + + num[i] = largest; + largest = 0; + } + } + + return nums; +} +" +96fb435d4a0436e7cd0c0e365f3e94fcb11ba893,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] % 2 != 0 && nums[j] > largest) + { + largest = nums[j]; + } + } + + nums[i] = largest; + largest = 0; + } + } + + return nums; +} +" +75c9581507110ca80e6ddf10453942018e6f3927,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +aefc1343378246c81f46813dcd2c0578bae5fe62,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i + 1; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 != 0) + { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +6be0381f274203156602d4027e004f0ecdc47e59,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length -1 ; i >= 0 ; i--) + { + + if (nums[i]==0) + { + fluffy = nums[i]; + fluffy = merlin; + } + else if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = fluffy; + } + } + return nums; +} +" +b060e463325fa5674ac80408a278bc256864c857,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length -1 ; i >= 0 ; i--) + { + + if (nums[i]==0) + { + int fluffy = nums[i]; + fluffy = merlin; + } + else if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = fluffy; + } + } + return nums; +} +" +bf3f41d5114ec2fc4ea31a7f21bd6bf1bcc52114,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + int fluffy = nums[i]; + for(int i = nums.length -1 ; i >= 0 ; i--) + { + + if (nums[i]==0) + { + + fluffy = merlin; + } + else if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = fluffy; + } + } + return nums; +} +" +1dbac32814a604f2d18bff11ce856f7a68013f56,"public int[] zeroMax(int[] nums) +{ + int merlin = 0; + + for(int i = nums.length -1 ; i >= 0 ; i--) + { + + if (nums[i]==0) + { + nums[i] = merlin; + } + else if (nums[i] % 2 == 1 && nums[i] > merlin) + { + merlin = nums[i]; + } + } + return nums; +} +" +9fa6dc5392de1c40126088ecd9c2dd16511178d4,"public int[] zeroMax(int[] nums) +{ + int y = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.findMaxOdd(i, nums); + } + } + return nums; +} + +public int findMaxOdd(int a, int[] b) +{ + int y = 0; + for (int i = a; i < b.length; i++) + { + if (b[i] % 2 == 1 && b[i] > y) + { + y = b[i]; + } + } + return y; +} +" +f49af2c8681120a75ee13a2ed74c6176fc5327b8,"public int[] zeroMax(int[] nums) +{ + int max = 0 + for (int i = 0; i < nums.length; i++) + { + for (int j = max; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = j; + } + } + } + return nums; +} +" +90ac1c1405010caff8654a686d67c8b22ed372a6,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = j; + } + } + } + return nums; +} +" +3ec7606421ad36226c5333226c420aefee4edaa9,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[i] % 2 == 1) + { + nums[i] = j; + } + } + } + return nums; +} +" +e31b8cd5cb38cb1a9cc1379fca1bbbeecd63b92a,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = j; + } + } + } + return nums; +} +" +7ec4da2283b0aa6839ec4b0d25eda33e0ece9396,"public int[] zeroMax(int[] nums) +{ + int[] returnArray = new int[nums.length]; + for (int j = 0; j < nums.length; j++) + { + int potential = 0; + if (nums[j] == 0) + { + potential = largestOdd(nums, j); + returnArray[j] = potential; + } + else + { + returnArray[j] = nums[j]; + } + } + return returnArray; +} + +public int largestOdd(int[] nums, int pos) +{ + int largest = 0; + for (int i = pos; i < nums.length; i++) + { + boolean isOdd = (nums[i] % 2 != 0); + if ((nums[i] > largest) && isOdd) + { + largest = nums[i]; + } + } + return largest; +}" +427fa7497aef3f983eade3db5c508334e2aed05e,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int largest = 0; + int location0 = nums.findIndex(0); + int[] newArray = new int[length]; + for (int i = location0; i < length; i++) + { + if (nums[i] > 0) + { + largest = nums[i]; + } + } + if (largest > 0) + { + for (int i = 0; i < length; i++) + { + if (i != location0) + { + newArray[i] = nums[i]; + } + else + { + newArray[i] = largest; + } + } + } + return newArray; +} +" +63a6b1c734e3bf649ad6a5f9980690b05abce73a,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int largest = 0; + counter = counter + 1; + while (nums[counter] != 0) + { + counter = counter + 1; + } + int[] newArray = new int[length]; + for (int i = counter; i < length; i++) + { + if (nums[i] > 0) + { + largest = nums[i]; + } + } + if (largest > 0) + { + for (int i = 0; i < length; i++) + { + if (i != location0) + { + newArray[i] = nums[i]; + } + else + { + newArray[i] = largest; + } + } + } + return newArray; +} +" +fc92c77e66e70870f0ca0a02efed19e4e571ea32,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int largest = 0; + int counter = counter + 1; + while (nums[counter] != 0) + { + counter = counter + 1; + } + int[] newArray = new int[length]; + for (int i = counter; i < length; i++) + { + if (nums[i] > 0) + { + largest = nums[i]; + } + } + if (largest > 0) + { + for (int i = 0; i < length; i++) + { + if (i != location0) + { + newArray[i] = nums[i]; + } + else + { + newArray[i] = largest; + } + } + } + return newArray; +} +" +99a05ecef9fc778a16736bc16e506474d745e725,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int largest = 0; + int counter = counter + 1; + while (nums[counter] != 0) + { + counter = counter + 1; + } + int[] newArray = new int[length]; + for (int i = counter; i < length; i++) + { + if (nums[i] > 0) + { + largest = nums[i]; + } + } + if (largest > 0) + { + for (int i = 0; i < length; i++) + { + if (i != counter) + { + newArray[i] = nums[i]; + } + else + { + newArray[i] = largest; + } + } + } + return newArray; +} +" +3938bc4a1781060cbb4b03dfa53476f12e4bc460,"public int[] zeroMax(int[] nums) +{ + for(int a = 0; a < nu,s.length; a++) + { + if (nums[a] == 0) + { + int maximum = 0; + for(int b = a + 1; b< nums.length; b++) + { + if(maximum < nums[b] && nums[b] % 2 != 0) + { + maximum = nums[b]; + } + } + nums[a] = maximum; + } + } + return nums; +} +" +7a4a9e1de09f1bc34ac0da0e5dd8ab46e06329f1,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int largest = 0; + int counter = 0; + while (nums[counter] != 0) + { + counter = counter + 1; + } + int[] newArray = new int[length]; + for (int i = counter; i < length; i++) + { + if (nums[i] > 0) + { + largest = nums[i]; + } + } + if (largest > 0) + { + for (int i = 0; i < length; i++) + { + if (i != counter) + { + newArray[i] = nums[i]; + } + else + { + newArray[i] = largest; + } + } + } + return newArray; +} +" +c9e032a9509b51ba2c17b8a38acedd51469e3abb,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +f4f9c6a7ef3ac202b9d1fd7618b2a8e99e5ab87a,"public int[] zeroMax(int[] nums) +{ + for(int a = 0; a < nums.length; a++) + { + if (nums[a] == 0) + { + int maximum = 0; + for(int b = a + 1; b < nums.length; b++) + { + if(maximum < nums[b] && nums[b] % 2 != 0) + { + maximum = nums[b]; + } + } + nums[a] = maximum; + } + } + return nums; +} +" +27ca46487826f3b06f356d43e79d4a86e6e76b16,"public int[] zeroMax(int[] nums) +{ + int bigOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] %2 == 1 && nums[j] > bigOdd) + { + bigOdd = nums[j]; + nums[i] = bigOdd; + } + } + } + } + return nums; +} + +" +79f6c4ad8848c95c4884cd2e950327c2524ddc50,"public int[] zeroMax(int[] nums) +{ + int zMax = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int h = i + 1; h < nums.length; h++) + { + if (zMax < nums[h] && nums[h] % 2 != 0) + { + zMax = nums[h]; + } + } + nums[i] = zMax; + } + } + return nums; +} +" +02cb2b3d171a462b4ec6fabe8a9f64d7d719d42d,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length] + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + fix[i] = findLarge[i]; + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + +public int findLarge(int position) +{ + int odd = 0; + for (int i = position; i < nums.length; i++) + { + if (nums[i] & 2 == 1 && nums[i] > odd) + { + odd = nums[i]; + } + } + return odd; +} +" +a7e14be795feedfed11db05c951e98dfe2ac28dd,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + fix[i] = findLarge[i]; + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + +public int findLarge(int position) +{ + int odd = 0; + for (int i = position; i < nums.length; i++) + { + if (nums[i] & 2 == 1 && nums[i] > odd) + { + odd = nums[i]; + } + } + return odd; +} +" +859b29e7ad70e0618d804457161c6c4f874844da,"public int[] zeroMax(int[] nums) +{ + //int zMax = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int zMax = 0; + for (int h = i + 1; h < nums.length; h++) + { + if (zMax < nums[h] && nums[h] % 2 != 0) + { + zMax = nums[h]; + } + } + nums[i] = zMax; + } + } + return nums; +} +" +c2fc8bade055c97109657b9b0d61d2d838875e63,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + fix[i] = findLarge(i); + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + +public int findLarge(int position) +{ + int odd = 0; + for (int i = position; i < nums.length; i++) + { + if (nums[i] & 2 == 1 && nums[i] > odd) + { + odd = nums[i]; + } + } + return odd; +} +" +d5e5567a9daff96277f19011703b860af2df81c8,"public int[] zeroMax(int[] nums) +{ + int bigOdd = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] %2 == 1 && nums[j] > bigOdd) + { + bigOdd = nums[j]; + + } + nums[i] = bigOdd; + } + } + } + return nums; +} + +" +7229b766feb988418f7f821e81ba3a6864572b73,"public int[] zeroMax(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + int bigOdd = 0; + if (nums[i] == 0) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[j] %2 == 1 && nums[j] > bigOdd) + { + bigOdd = nums[j]; + + } + nums[i] = bigOdd; + } + } + } + return nums; +} + +" +b57ed370ae364f63a1722478c4013e78cdf4b2d7,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] = 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2 != 0) + { + if (oodOrEven && nums[i] > largest) + { + largest = nums[i] + } + } + } +}" +0a95bdf26c32f12dc0e555e582c94f59e1ccdb64,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] = 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2 != 0) + { + if (oodOrEven && nums[i] > largest) + { + largest = nums[i]; + } + } + } +}" +7db190bdc82fc1d99e42d4cba120535234414799,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] = 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2) != 0; + { + if (oodOrEven && nums[i] > largest) + { + largest = nums[i]; + } + } + } +}" +9ffbf5be069d9b5c1fd52cc6f19e872d3e680f73,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2) != 0; + { + if (oodOrEven && nums[i] > largest) + { + largest = nums[i]; + } + } + } +}" +ed0fac7c00d3fef61743f89bbdb9835c2ae03e4e,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2) != 0; + { + if (oddOrEven && nums[i] > largest) + { + largest = nums[i]; + } + } + } +}" +89e2f6a378ecb1f29834b8599bba83f8ad62df0e,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +94fa9967738a28d5ea05928b915db651c8e1a024,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2) != 0; + { + if (oddOrEven && nums[i] > largest) + { + largest = nums[i]; + } + } + } +} +return newArray;" +19ab092d8de76b7251664fc4cb7f0a62f6292a7b,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int odd = 0; + for (int i = i; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > odd) + { + odd = nums[i]; + } + } + fix[i] = odd; + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + + + + +" +432e4064d35374b48951810264bd5f3365f8a466,"public int[] zeroMax(int[] nums) +{ + int length = nums.length; + int[] newArray = new int[length]; + int largerNumber = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 0) + { + largerNumber = largestOdd(nums, i); + newArray[i] = largerNumber; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +public int largestOdd(int[] nums, int counter) +{ + int largest = 0; + for (int i = counter; i < nums.length; i++) + { + boolean oddOrEven = (nums[i] % 2) != 0; + { + if (oddOrEven && nums[i] > largest) + { + largest = nums[i]; + } + } + } + return largest; +} +" +9a0dbf64800738970608e4e56c648df5fdda0af1,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int odd = 0; + for (int j = i; j < nums.length; i++) + { + if (nums[j] % 2 == 1 && nums[j] > odd) + { + odd = nums[j]; + } + } + fix[i] = odd; + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + + + + +" +10f8f91c02f1e7c85958e1e56dd07e5931529cf9,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int odd = 0; + for (int j = i; j < nums.length; i++) + { + if (nums[j] % 2 == 1 && nums[j] > odd) + { + odd = nums[j]; + } + } + fix[i] = odd; + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + + + + +" +c3a39e90aa44b2529afe2c342622c596caf77c77,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +23325e6ebf50d12daea11dbba3cefc1cc8f7a6a4,"public int[] zeroMax(int[] nums) +{ + int length = nums.length - 1; + int fix[] = new int[length + 1]; + int counter = length(); + int p , c; + fix[counter--] = nums[length]; + prv = nums[size]; + for(int i = length - 1; i >= 0; i--) + { + c = nums[i]; + if(c == 0) + { + if (p % 2 != 0) + { + fix[counter--] = p; + } + else + { + fix[counter--] = p - 1; + } + p = c; + } + else + { + fix[counter--] = c; + p = c; + } + } + return fix; +} + + + + +" +b11618115f5320d411a1a4bf92f93515d3f095cb,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +af35abaaaad65903e0c5322505b9d0d8b90535a1,"public int[] zeroMax(int[] nums) +{ + int length = nums.length - 1; + int fix[] = new int[length + 1]; + int counter = length; + int p , c; + fix[counter--] = nums[length]; + prv = nums[size]; + for(int i = length - 1; i >= 0; i--) + { + c = nums[i]; + if(c == 0) + { + if (p % 2 != 0) + { + fix[counter--] = p; + } + else + { + fix[counter--] = p - 1; + } + p = c; + } + else + { + fix[counter--] = c; + p = c; + } + } + return fix; +} + + + + +" +f8b4aaf25c1a83afaf8da3c430d14f893410bc49,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +71d42cc3dcd3047f6028e0f61ef96b1c0bf510ba,"public int[] zeroMax(int[] nums) +{ + int length = nums.length - 1; + int fix[] = new int[length + 1]; + int counter = length; + int p , c; + fix[counter--] = nums[length]; + p = nums[length; + for(int i = length - 1; i >= 0; i--) + { + c = nums[i]; + if(c == 0) + { + if (p % 2 != 0) + { + fix[counter--] = p; + } + else + { + fix[counter--] = p - 1; + } + p = c; + } + else + { + fix[counter--] = c; + p = c; + } + } + return fix; +} + + + + +" +033b4e2b5bbaf1487921ebcfa261538872b0a1de,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +be92e5e64c0ad38e951a5173e4b70d5c14e35537,"public int[] zeroMax(int[] nums) +{ + int length = nums.length - 1; + int fix[] = new int[length + 1]; + int counter = length; + int p , c; + fix[counter--] = nums[length]; + p = nums[length]; + for(int i = length - 1; i >= 0; i--) + { + c = nums[i]; + if(c == 0) + { + if (p % 2 != 0) + { + fix[counter--] = p; + } + else + { + fix[counter--] = p - 1; + } + p = c; + } + else + { + fix[counter--] = c; + p = c; + } + } + return fix; +} + + + + +" +0b7c7f7c1adc75cdf72b73f3519e33af0df73930,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +f2f2ff7cb29296746097fe2f812eb1e05751e44e,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length-1; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j+1]; + } + } + } + return nums; +} +" +b8ff050800ad3d090fec28ede9d7c1988f393ddc,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +ec515c739242ef7ec931dc6dc409ad5262a19994,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i + 1; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + nums[i] = nums[a]; + } + } + } + } +} +" +ff19057405b09efa9fab33549585712bc6ca815d,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i + 1; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + nums[i] = nums[a]; + } + } + } + } + return nums; +} +" +04c394799daf7d2823d8b1da75bd238845605bba,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + nums[i] = nums[a]; + } + } + } + } + return nums; +} +" +6d634ebdce6a52992bd724b955d697b4a1005f07,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] >= max) + { + max = nums[i] + } + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +69e1d90b84559143466266f1f5af0badf2279549,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] >= max) + { + max = nums[i]; + } + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +f922d4f5f6dd9f36990fbb434141b86330f00959,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] < max) + { + max = nums[i]; + } + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +0a42c8664c78d17fb4229ff930af8888e1ac50e5,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +d11952bb4f963928f0028199a856b3dfce78b4bd,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && nums[i] > max) + { + max = nums[i]; + } + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +} +" +6f2f549649e4515f5d44436b04a862a7e7aede7f,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + max = nums[i]; + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1 nums[i] > max) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +cc5e2f95d7bcaae5fcdcb332318104932f996b14,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + max = nums[i]; + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1 && nums[i] > max) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +2184ee37d5f90cab4d0a150fb6fa52b79806e125,"public int[] zeroMax(int[] nums) +{ + int biggest = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + if (biggest < nums[a]) + { + nums[i] = nums[a]; + } + } + } + } + } + return nums; +} +" +2dcb6621845ac1e5ecf81ff0761a0bbd2cdc7c7a,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1) + { + max = nums[i]; + } + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +154f9a61e2a21f203dd469c58e941a72ce253329,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 0) { + for (int j = i + 1; j < nums.length - 1; j++) { + if (nums[j] >= largest && nums[j] % 2 == 1) { + largest = nums[j]; + } + } + if (largest != 0) { + nums[i] = largest; + } + } + } + return nums; +} +" +9f68989c5d71d579dd7bde58a4a26b677d5dc2df,"public int[] zeroMax(int[] nums) +{ + int biggest = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + if (biggest < nums[a]) + { + biggest = nums[a]; + } + num[i]=biggest + } + } + } + } + return nums; +} +" +8346be9a3a35b995a3715a6f1f97cac43b896fa3,"public int[] zeroMax(int[] nums) +{ + int biggest = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + if (biggest < nums[a]) + { + biggest = nums[a]; + } + num[i]=biggest; + } + } + } + } + return nums; +} +" +98a6461f86e15216dad071eb69ab87b7292c3963,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + max = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +4953b2f0bc87efe6b472d5c7d487ff0ba8e1b4a7,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + max = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +9b4ebc28ace54ccfb6e3bb37679870ed61a2c74c,"public int[] zeroMax(int[] nums) +{ + int biggest = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + if (biggest < nums[a]) + { + biggest = nums[a]; + } + nums[i]=biggest; + } + } + } + } + return nums; +} +" +f2a169ec91d1834607376e1887aafb5fb0b23a7c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +01d76c98de7a040aa26e787ac08e99d3d0df243c,"public int[] zeroMax(int[] nums) +{ + int biggest = 0; + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 0) + { + for (int a = i; a < nums.length;a++) + { + if (nums[a]%2 == 1) + { + nums[i]=nums[a]; + } + } + } + } + return nums; +} +" +e983da3442b67d204f2642de99c96339e668438d,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 0) + { + num[i] = this.help(i, nums); + } + } + return nums; +} +public int help(int place, int[] num) +{ + int odd = 0; + for (int i = place + 1; i < num.length; i++) + { + int rem = num[i] % 2; + if (rem == 1) + { + if (rem > odd) + { + odd = rem; + } + } + } + return odd; +}" +895e43c11ce4c13d5bdd1f5139d235b18fcf8856,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.help(i, nums); + } + } + return nums; +} +public int help(int place, int[] num) +{ + int odd = 0; + for (int i = place + 1; i < num.length; i++) + { + int rem = num[i] % 2; + if (rem == 1) + { + if (rem > odd) + { + odd = rem; + } + } + } + return odd; +}" +e4f6e1af4fc8fcb37fd45895e4dfebc50e7907bd,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.help(i, nums); + } + } + return nums; +} +public int help(int place, int[] num) +{ + int odd = 0; + for (int i = place + 1; i < num.length; i++) + { + int rem = num[i] % 2; + if (rem == 1) + { + if (rem > odd) + { + odd = num[i]; + } + } + } + return odd; +}" +e3059d78ecf4a28a4674c82c29da4af754936675,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.help(i, nums); + } + } + return nums; +} +public int help(int place, int[] num) +{ + int odd = 0; + for (int i = place + 1; i < num.length; i++) + { + int rem = num[i] % 2; + if (rem == 1) + { + if (num[i] > odd) + { + odd = num[i]; + } + } + } + return odd; +}" +63354ecf27839a72e5e3943c438f88963bf5da8f,"public int[] zeroMax(int[] nums) +{ + +} + +public int findMaxOdd() +{ + // +} + +" +0d58bb14dc77e95e0ea89713fc5c448b948eff7b,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + } + return nums; +} +" +308d42e491947034b10e06647e11d4fadf519f39,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + nums[j] = max; + } + } + } + return nums; +} +" +7c9805287120e80656e53ac1fedf4b59b23a6bcc,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +6af29614e557a829adc7db9b00e585d0764fd83c,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + } + } + } + return nums; +} +" +f06aeb97da3127f9f0e586e46e45ea8557fd79e4,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +34713a3e823a4b7201e09acfddec78827f2062da,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +} +" +b2f1a948a07478dacb53777d97cd43325c89377f,"public int[] zeroMax(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int bigOdd = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > bigOdd) + { + bigOdd = nums[j]; + } + } + fix[i] = bigOdd; + } + else + { + fix[i] = nums[i]; + } + } + return fix; +} + + + + + +" +7cb6bb3f0b7f47a1dedef6958bc2f623cb5a7345,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +d8946df2a92349c0d9650271a9929a6536516d24,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (&& nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + } + array[i] = max + } + else + { + array[i] = nums[i] + } + } + } + return array; +} +" +5b883e14259ca32fa21db5d428042cf6c2e618eb,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +5d289c43174113e1b920aaa5922e22a15d9479c8,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (&& nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + } + array[i] = max; + } + else + { + array[i] = nums[i]; + } + } + } + return array; +} +" +d6200993c1043a8210345d3fa0542829ea3736f8,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + } + array[i] = max; + } + else + { + array[i] = nums[i]; + } + } + } + return array; +} +" +ab0b79948f8365eb12ad71c17af336f771d66bf8,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + m = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + m = nums[k]; + } + if(m != 0) + nums[i] = m; + } + } + return nums; +} +" +0f9229f75fec785a3d009edb82f28587cfbd2f55,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +4d642972cdbce58cd1d28893fac0052b7f1d5a66,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +ced24c20ee6113d0fc72cf3a22214e812d3efd4a,"public int[] zeroMax(int[] nums) +{ + int[] array = new int[nums.length]; + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + } + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + } + array[i] = max; + } + else + { + array[i] = nums[i]; + } + } + } + return array; +} +" +4dadc0525ae7856d88f7dfa42d70827d663a115d,"public int[] zeroMax(int[] nums) +{ + int m; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + m = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + m = nums[k]; + } + if(m != 0) + nums[i] = m; + } + } + return nums; +} +" +17fea701444dcf61d95a6e26decd4bf3407b1ef9,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +}" +d3746dbf40dc8110544a2d88220aaf82f058c5b6,"public int[] zeroMax(int[] nums) +{ + int m; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + m = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > m && nums[k] % 2 == 1) + m = nums[k]; + } + if(m != 0) + nums[i] = m; + } + } + return nums; +} +" +4c07bcc5e27c92602362a0c54e3ed67665064bea,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length-1; i++) + { + + if (nums[i] == 0) + { + maxOdd = 0; + for (int j = i+1; j< nums.length; j++) + { + if (nums[j] > maxOdd && nums[j] % 2 == 1) + maxOdd = nums[j]; + } + if(maxOdd != 0) + nums[i] = max; + } + + + } + return nums +} + + +" +f3c8d0f7d825615c8aeeeea5c2931290a5d8fd6e,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length-1; i++) + { + + if (nums[i] == 0) + { + maxOdd = 0; + for (int j = i+1; j< nums.length; j++) + { + if (nums[j] > maxOdd && nums[j] % 2 == 1) + maxOdd = nums[j]; + } + if(maxOdd != 0) + nums[i] = max; + } + + + } + return nums; +} + + +" +8ea4ebc8f2117c2e5a7fc047e3b3f6ecc0e54a52,"public int[] zeroMax(int[] nums) +{ + int maxOdd = 0; + for (int i = 0; i < nums.length-1; i++) + { + + if (nums[i] == 0) + { + maxOdd = 0; + for (int j = i+1; j< nums.length; j++) + { + if (nums[j] > maxOdd && nums[j] % 2 == 1) + maxOdd = nums[j]; + } + if(maxOdd != 0) + nums[i] = maxOdd; + } + + + } + return nums; +} + + +" +31bbb0f0b9fd98dc915e09aa740cc803fab3fa55,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + } + nums[i] = max; + } + } + } + return nums; +}" +4c1ac1254e4284c203ee23f1bafa1e6a389c62cb,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + nums[i] = max + } + else + { + nums[i] = nums[j]; + } + } + } + } + return nums; +}" +18a200b365018e7985ec44f87dde1a2c73e69c1d,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + nums[i] = max; + } + else + { + nums[i] = nums[j]; + } + } + } + } + return nums; +}" +c08727815a4bba91dfa7ceb93b2ec306eea8d893,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0) + { + if (nums[j] > max && nums[j] % 2 == 1) + { + max = nums[j]; + nums[i] = max; + } + else + { + nums[i] = nums[j]; + } + } + } + } + return nums; +}" +d9ce0d0545acb0ee605558e942a395af1627fe5b,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + if (nums[j] > max) + { + max = nums[j]; + nums[i] = max; + } + else + { + nums[i] = nums[j]; + } + } + } + } + return nums; +}" +b7b0e65129ce04d004e62cd610a7bd4811f7f8ed,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +}" +39636180c9935db74916bfbb876e110e0dd8a83d,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.maxOdd(int[] nums, i); + } + } + return nums; +} + +public int maxOdd(int[] nums, int j) +{ + int maxOdd = 0; + for (int i = j + 1; i < nums.length; i++) + { + if (nums[i] > maxOdd && nums[i]%2 == 1) + { + maxOdd = num[i]; + } + } + return maxOdd; +}" +db883a254468a534d1aab6433592a6e3d652462e,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.maxOdd(nums, i); + } + } + return nums; +} + +public int maxOdd(int[] nums, int j) +{ + int maxOdd = 0; + for (int i = j + 1; i < nums.length; i++) + { + if (nums[i] > maxOdd && nums[i]%2 == 1) + { + maxOdd = num[i]; + } + } + return maxOdd; +}" +2cf56b3445a689a299e1ef8793bbaf43508bda7b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.maxOdd(nums, i); + } + } + return nums; +} + +public int maxOdd(int[] nums, int j) +{ + int maxOdd = 0; + for (int i = j + 1; i < nums.length; i++) + { + if (nums[i] > maxOdd && nums[i]%2 == 1) + { + maxOdd = nums[i]; + } + } + return maxOdd; +}" +df7d8d193317f124e8a158f2ed329d87d4c69745,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + largestOdd = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + largestOdd = nums[i].findMaxOdd(); + nums[i] = largestOdd; + } + } + return nums; +} + +public int findMaxOdd() +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + } + } + return maxOdd; +} + +" +161f46a9b9fc9aa8065ecf66f6825032a72344d2,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + largestOdd = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + largestOdd = nums[i].findMaxOdd(i); + nums[i] = largestOdd; + } + } + return nums; +} + + + + + +public int findMaxOdd(int i) +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + } + } + return maxOdd; +} + +" +a3123fc88a0719c0275df512740a0551806030cb,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + largestOdd = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + largestOdd = nums[i].findMaxOdd(i, nums); + nums[i] = largestOdd; + } + } + return nums; +} + + + + + +public int findMaxOdd(int i, int[] nums) +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + } + } + return maxOdd; +} + +" +bf2ad897bb601cfe569bc9f033a40864ead3bc0d,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] % 2 == 1 && max < nums[i]) + { + max = nums[i]; + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +79d5094f3fd487d04a752a0b19856ef6588f363e,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] % 2 == 1 && max < nums[i]) + { + max = nums[i]; + } + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +bdb5c13967fba5e9b02dea97e6569d4c790f11a7,"public int[] zeroMax(int[] nums) +{ +int max; + + for(int i = 0; i < nums.length - 1; i++) + + { + + if(nums[i] == 0) + + { + + max = 0; + + for(int k = i + 1; k < nums.length; k++) + + { + + if(nums[k] > max && nums[k] % 2 == 1) + + max = nums[k]; + + } + + if(max != 0) + + nums[i] = max; + + } + + } + + return nums; + +} + + +" +9b5beef53b26534eaa7d5f130bf51b9fc7a8eec0,"public int[] zeroMax(int[] nums) +{ + for ( int i == 0; i < nums.length ; i++) + { + if ( 0 == num[i] ) + { + for ( int y = i+1 ; y < nums.length ; y++) + { + if ( nums[y] % 2 == 1 && nums[y] > num[i] ) + num[i] = num[y]; + } + } + } +} +" +ff372d72993ce01202ee82e0ae24346c56c93536,"public int[] zeroMax(int[] nums) +{ + for (int k = 0; k < nums.length - 1; k++) + { + if (nums[k] == 0) + { + int max = 0; + for (int j = k + 1; j < nums.length; j++) + { + if (nums[j] > int max && nums[j] % 2 == 1) + { + int max = nums[j]; + } + } + if (max != 0) + { + nums[k] = int max; + } + } + } + return nums; +} +" +a0db1bb97b1c6ef469e74f26c8ecc014d8e24590,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && max < nums[j]) + { + max = nums[j]; + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +b710be3069b6c9d7de001a9a4a8b7064c5fbb102,"public int[] zeroMax(int[] nums) +{ + for ( int i == 0; i < nums.length ; i++) + { + if ( 0 == num[i] ) + { + for ( int y = i+1 ; y < nums.length ; y++) + { + if ( nums[y] % 2 == 1 && nums[y] > num[i] ) + { + num[i] = num[y]; + } + } + } + } + return nums; + +} +" +23b8cba4154b86abeba3d67fdecb460896cec80a,"public int[] zeroMax(int[] nums) +{ + for ( int i = 0; i < nums.length ; i++) + { + if ( 0 == num[i] ) + { + for ( int y = i+1 ; y < nums.length ; y++) + { + if ( nums[y] % 2 == 1 && nums[y] > num[i] ) + { + num[i] = num[y]; + } + } + } + } + return nums; + +} +" +911e93b3ca407a363133364b093ed35ad2bc3034,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && max > nums[j]) + { + max = nums[j]; + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +3d1bdc34cca05fad6a940a2d9d6e0f5f58d6fabb,"public int[] zeroMax(int[] nums) +{ + integer largestOdd; + largestOdd = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + largestOdd = nums[i].findMaxOdd(i, nums); + nums[i] = largestOdd; + } + } + return nums; +} + + + + + +public int findMaxOdd(int i, int[] nums) +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + } + } + return maxOdd; +} + +" +123f2f0da89d61d2feeaebd113446768dae99ca3,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && max < nums[j]) + { + max = nums[j]; + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +b8080e1e18bb6c993c0dde2c886f4794b189d99f,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + largestOdd = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + largestOdd = nums[i].findMaxOdd(i, nums); + nums[i] = largestOdd; + } + } + return nums; +} + + + + + +public int findMaxOdd(int i, int[] nums) +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + } + } + return maxOdd; +} + +" +2a07f79953459aacedcea27b2821c1095548623e,"public int[] zeroMax(int[] nums) +{ + for ( int i = 0; i < nums.length ; i++) + { + if ( 0 == num[i] ) + { + for ( int y = i+1 ; y < nums.length ; y++) + { + if ( nums[y] % 2 == 1 && nums[y] > num[i] ) + { + nums[i] = nums[y]; + } + } + } + } + return nums; + +} +" +35427589e20db41788dc7b7dd412e524d9bee881,"public int[] zeroMax(int[] nums) +{ + for ( int i = 0; i < nums.length ; i++) + { + if ( 0 == nums[i] ) + { + for ( int y = i+1 ; y < nums.length ; y++) + { + if ( nums[y] % 2 == 1 && nums[y] > num[i] ) + { + nums[i] = nums[y]; + } + } + } + } + return nums; + +} +" +6e97d240b1caca0f7a52d163b52042548f418e01,"public int[] zeroMax(int[] nums) +{ + for ( int i = 0; i < nums.length ; i++) + { + if ( 0 == nums[i] ) + { + for ( int y = i+1 ; y < nums.length ; y++) + { + if ( nums[y] % 2 == 1 && nums[y] > nums[i] ) + { + nums[i] = nums[y]; + } + } + } + } + return nums; + +} +" +61f74bc9af89d688111d44a54a8a12e099f18d97,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1 && max < nums[i]) + { + nums[i] = max; + } + } + } + return nums; +}" +548cea7769752e720ec6f83d1f0885ad13db1637,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && max < nums[j]) + { + max = nums[j]; + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1 && max < nums[j]) + { + nums[i] = max; + } + } + } + return nums; +}" +9d8beed10765408f6c7b37da197e9929308910f3,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +}" +6eaed1e8498d4c5501ce56c3ec7584124a6c1d1b,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (max < nums[j] && nums[j] % 2 == 1) + { + max = nums[j]; + } + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +e74948fd1b0ebf4cfb1e814cac64c549c24a65ad,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +}" +9ecf844f1f204bb4033d9d6a0027d8c4a1d17f71,"public int[] zeroMax(int[] nums) +{ + + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i].findMaxOdd(i, nums); + } + } + return nums; +} + + + + + +public int findMaxOdd(int i, int[] nums) +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + nums[i] = nums[b]; + } + } + return maxOdd; +} + +" +8069828d57faff3372a8cbc2afda305b368ef849,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = nums[j]; + } + } + } + return nums; +}" +e86d292c69ddab4b36636200eec6dd27fe5f395e,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +80bbe07de70ff1d4bad7f43dbe94765b0941fd12,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +704ae90d8bb3c7c0aca3081a6ab67ceacf3b8419,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +fc1436a66639025c9f15f203559f2ab4144bb30c,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +31f144584cc6132783f5532734d7dd91b9e9e9b1,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +44e8f5e524e77583afe14a33ca6747948f60d7a5,"public int[] zeroMax(int[] nums) +{ + int max = 0; + +for (int i = nums.length - 1; i >= 0; i--) { +if(nums[i]!=0 && nums[i]%2==1 && max= 0; i++) + { + if (nums[i] % 2 != 0) + { + max = Math.max(max, nums[i]); + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; +} +" +b5e1ad7c6e35722e56ac6cc737d2b0fc62ffc07d,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + nums[i] = max; + } + } + } + return nums; +}" +0605df2e21fb0d0482cd74131bb18a3d43bf3704,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + nums[i] = max; + } + } + } + return nums; +}" +3c3ac402c5c839532244ec115eea24f372689f5f,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] % 2 == 1) + { + if (max < nums[j]) + { + max = nums[j]; + } + } + } + } + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 0 && nums[j] % 2 == 1) + { + nums[i] = max; + } + } + } + return nums; +}" +7d65fc0066650c52ada1f5f05912f028b81580ec,"public int[] zeroMax(int[] nums) +{ + + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i].findMaxOdd(nums, i); + } + } + return nums; +} + + + + + +public int findMaxOdd(int[] nums, int i) +{ + int maxOdd; + maxOdd = 0; + + for (int b = i; b < nums.length - 1; b++) + { + if (nums[b] % 2 != 0 && nums[b] > maxOdd) + { + maxOdd = nums[b]; + nums[i] = nums[b]; + } + } + return maxOdd; +} + +" +1b927493f209fd9e93f15f962a3995f014787cfc,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + { + i--; + } + + for(int a = i - 1; j >= 0; j--) + { + if (nums[a] == 0) + { + nums[a] = nums[i]; + } + if (nums[a] % 2 == 1 && nums[a] > nums[i]) + { + i = j; + } + } + return nums; +} +" +337e85b8719c75faab1b58b2dc5c8ee5544f93ed,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + { + i--; + } + + for(int a = i - 1; j >= 0; j--) + { + if (nums[a] == 0) + { + nums[a] = nums[i]; + } + if (nums[a] % 2 == 1 && nums[a] > nums[i]) + { + i = a; + } + } + return nums; +} +" +d7236e09e2cf297a47e5ab03b055accdcf7d4465,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + { + i--; + } + + for(int a = i - 1; a >= 0; a--) + { + if (nums[a] == 0) + { + nums[a] = nums[i]; + } + if (nums[a] % 2 == 1 && nums[a] > nums[i]) + { + i = a; + } + } + return nums; +} +" +db8f394bf06a4cd08fcf10724b7faf17c5bb337e,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +2c8c7adb81893a5f4bbd482b7fc194a6153df2d3,"public int[] zeroMax(int[] nums) +{ + int max=0; + for(int x=0;xmax&&nums[i]%2==1) + { + max=nums[i]; + } + } + nums[x]=max; + max=0; + } + } + return nums; +} +" +b79321e5ffd4fa75d15c87485293370051a8cbf7,"public int[] zeroMax(int[] nums) +{ + int max=0; + for(int x=0;xmax&&nums[i]%2==1) + { + max=nums[i]; + } + } + nums[x]=max; + max=0; + } + } + return nums; +} +" +b2c833a1a4ccbb34ecdedb3c9b0a3aa79dabfeba,"public int[] zeroMax(int[] nums) +{ + int max=0; + for(int x=0;xmax&&nums[i]%2==1) + { + max=nums[i]; + } + } + nums[x]=max; + max=0; + } + } + return nums; +} +" +33abed9cd72ec7f4cc694b3eaf946c777976b603,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <= nums.length - 1; i++) + { + if (nums[i] > max && nums[i] % 2 == 1) + { + max = nums[i]; + } + } + nums[j] = max; + max = 0; + } + } + return nums; +} +" +5995ee9addbc2058b1e9c704797e609a2322131f,"public int[] zeroMax(int[] nums) +{ + + + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + int[] withMaxOdd; + withMaxOdd = findMaxOdd(nums, i); + } + } +} + + + + + +public int findMaxOdd(int[] array, int b) +{ + int maxOdd; + maxOdd = 0; + for (int b; b < array.length - 1; b++) + { + if (array[b] % 2 != 0 && array[b] > maxOdd) + { + maxOdd = array[b]; + array[ + } + } + return nums; +} + +" +e6d859d3d6f33f0fee2cc850df0e13ebbb2176de,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; +} +" +b98d883badd692f010a8768ff412be2365ff59ad,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } +} +" +e981a39e57f5f4283819d2679885f802f9e36d38,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } +} +" +6c7af249b1a7551f4b0c582f711575f44094fd36,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +04cef91be148edb98d81bad85a4034195d094c36,"public int[] zeroMax(int[] nums) +{ + + + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + findMaxOdd(nums, i); + } + } +} + + + + + +public int findMaxOdd(int[] array, int j) +{ + int maxOdd; + maxOdd = 0; + for (int b = j; b < array.length - 1; b++) + { + if (array[b] % 2 != 0 && array[b] > maxOdd) + { + array[j] = array[b]; + } + } + return array; +} + +" +7ab9ed92a8a82401d31127cee34502220f43feb9,"public int[] zeroMax(int[] nums) +{ + + + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + findMaxOdd(nums, i); + } + } +} + + + + + +public int[] findMaxOdd(int[] array, int j) +{ + int maxOdd; + maxOdd = 0; + for (int b = j; b < array.length - 1; b++) + { + if (array[b] % 2 != 0 && array[b] > maxOdd) + { + array[j] = array[b]; + } + } + return array; +} + +" +7ca00176b20799e273b5b67825a48a94a29ac8cc,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + findMaxOdd(nums, i); + } + } + return nums; +} + + + + + +public int[] findMaxOdd(int[] array, int j) +{ + int maxOdd; + maxOdd = 0; + for (int b = j; b < array.length - 1; b++) + { + if (array[b] % 2 != 0 && array[b] > maxOdd) + { + array[j] = array[b]; + } + } + return array; +} + +" +2f8351c2967d788d13c7d094ac589c26f8e58b44,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + findMaxOdd(nums, i); + } + } + return nums; +} + + + + + +public int[] findMaxOdd(int[] array, int j) +{ + int maxOdd; + maxOdd = 0; + for (int b = j; b < array.length - 1; b++) + { + if (array[b] % 2 != 0 && array[b] > maxOdd) + { + maxOdd = (int)array[b]; + array[j] = array[b]; + } + } + return array; +} + +" +d625020826984a47e8a7799914bdd65b0aa8c2b0,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; i < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + x = nums[k]; + } + } + if(x != 0) + { + nums[i] = x; + } + } +} +return nums; +} +" +e4f0771688e337afedbb72d66dd65a3be3c6f654,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; i < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + x = nums[k]; + } + } + if(x != 0) + { + nums[i] = x; + } + } + + return nums; +} +" +3d5fb3a44b3183751c184d7ec75cc5a0aa67d8f4,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + x = nums[k]; + } + } + if(x != 0) + { + nums[i] = x; + } + } + + return nums; +} +" +5aab68039bf6a2f8f16d5ad54c11599b39c41982,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + x = nums[k]; + } + } + if(x != 0) + { + nums[i] = x; + } + } + + return nums; +} +" +cd0a5da20df3c9a564bd41f97b8e08a9d14c8c67,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + if(nums[k] > x && nums[k] % 2 == 1) + { + x = nums[k]; + } + } + if(x != 0) + { + nums[i] = x; + } + } + + return nums; +} +" +e515593a4fa3ecad1641ed393271d5d892e03655,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + if(nums[k] > x && nums[k] % 2 == 1) + { + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +23045c5cbaab473d5e9cff0f5055b1b59b9dd194,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + if(nums[k] > x && nums[k] % 2 == 1) + { + int x; + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +80457556d8824d5c0d2e6ee112134ea1b3ce8fed,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + if(nums[k] > x && nums[k] % 2 == 1) + { + + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +be952e28afb25c2e0aa97fddcf02bbeeec89b233,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + int x; + if(nums[k] > x && nums[k] % 2 == 1) + { + + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +55096b82edbf1d53aea017d3886bf9db9f840d70,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + x; + if(nums[k] > x && nums[k] % 2 == 1) + { + + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +024e102caaf47bc8273a9d48308b3a5c0c788cdd,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + x = x; + if(nums[k] > x && nums[k] % 2 == 1) + { + + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +5794af9aed59330e00d36bf0b23ffc81a86d22b0,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > zero && nums[i] % 2 == 1) + { + nums[length] = num[i]; + } + } + } + } + return nums; +} +" +0dabc44f8cb5cef0c3ce983dd0b6045f9df64e47,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > zero && nums[i] % 2 == 1) + { + nums[length] = nums[i]; + } + } + } + } + return nums; +} +" +4e79f5468eae89fa019975cf4152dfb52ab7cde8,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > zero && nums[i] % 2 == 1) + { + nums[length] = nums[i]; + } + } + } + length++; + } + return nums; +} +" +9180a06b88b9cb350086a8dcd8b4fdf809fbaff2,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > num[i] && nums[i] % 2 == 1) + { + nums[length] = nums[i]; + } + } + } + length++; + } + return nums; +} +" +4780bdaaa7b243be8a3e1a066ae6d5eb6c40eee7,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > num[length] && nums[i] % 2 == 1) + { + nums[length] = nums[i]; + } + } + } + length++; + } + return nums; +} +" +d8abbd346082c650e880cc1a9889b424fa343ae3,"public int[] zeroMax(int[] nums) +{ + int x; + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 0) + { + x = 0; + } + for(int k = j + 1; k < nums.length; k++) + { + x = x; + if(nums[k] > x && nums[k] % 2 == 1) + { + + x = nums[k]; + } + } + if(x != 0) + { + nums[j] = x; + } + } + + return nums; +} +" +a7775c66c3667027e87880df93ed5d6c3999bbd0,"public int[] zeroMax(int[] nums) +{ + int a = nums.length - 1; +while(a >= 0 && nums[a] % 2 == 0) +a--; +for(int k = a - 1; k >= 0; k—) + { + +if(nums[k] % 2 == 1 && nums[k] > nums[a]) +{ +a= k; +} + +if(nums[k] == 0) +{ +nums[k] = nums[a]; +} +} +return nums; + + +} +" +ab42387850ac3e34c0b1d44394769e916a490118,"public int[] zeroMax(int[] nums) +{ + int zero = 0; + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > nums[length] && nums[i] % 2 == 1) + { + nums[length] = nums[i]; + } + } + } + length++; + } + return nums; +} +" +a641daeee3b9a0a3ebd3d237d31484a437bfad90,"public int[] zeroMax(int[] nums) +{ +int a = nums.length - 1; +while(a >= 0 && nums[a] % 2 == 0) +a--; +for(int k = a - 1; k >= 0; k—) + { + +if(nums[k] % 2 == 1 && nums[k] > nums[a]) +{ +a= k; +} + +if(nums[k] == 0) +{ +nums[k] = nums[a]; +} +} +return nums; + + +} +" +3b4af789a5771486390abef2ea7b21f3819b6fb6,"public int[] zeroMax(int[] nums) +{ + int length = 0; + while (length < nums.length - 1) + { + if (nums[length] == 0) + { + for (int i = length + 1; i < nums.length; i++) + { + if (nums[i] > nums[length] && nums[i] % 2 == 1) + { + nums[length] = nums[i]; + } + } + } + length++; + } + return nums; +} +" +6184ae97ef803b516250b1a7f778fe32cbd460de,"public int[] zeroMax(int[] nums) +{ +int a = nums.length - 1; +while(a >= 0 && nums[a] % 2 == 0) +a--; +for(int k=a-1;k>=0;k—) +{ + +if(nums[k] % 2 == 1 && nums[k] > nums[a]) +{ +a= k; +} + +if(nums[k] == 0) +{ +nums[k] = nums[a]; +} +} +return nums; + + +} +" +89451564a7a8731e0db1e81f1c6b9774ceec40b8,"public int[] zeroMax(int[] nums) +{ +int a = nums.length - 1; +while(a >= 0 && nums[a] % 2 == 0) +a--; +for(int k=a-1;k>=0;k--) +{ + +if(nums[k] % 2 == 1 && nums[k] > nums[a]) +{ +a= k; +} + +if(nums[k] == 0) +{ +nums[k] = nums[a]; +} +} +return nums; + + +} +" +e94d6de189e388c51c6d4e668903bd7ee5d7bb40,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums = findMaxOdd(nums, i); + } + } + return nums; +} +public int[] findMaxOdd(int[] array, int j) +{ + int maxOdd; + maxOdd = 0; + for (int b = j; b < array.length - 1; b++) + { + if (array[b] % 2 != 0 && array[b] > maxOdd) + { + maxOdd = (int)array[b]; + array[j] = array[b]; + } + } + return array; +} + +" +a47d62929787e6babdad5986bda7e56a6db9e230,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +f29326400acc7214fca8d95f14c82e35da63947d,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +} +" +4cf2dd33720f6610459475e7909176ed28e83509,"public int[] zeroMax(int[] nums) +{ + int largestOdd; + largestOdd = 0; + + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + + } + return nums; + +} + +" +82bd5d5edc997b9cacb22d0a50f9da6d3bc61284,"public int[] zeroMax(int[] nums) +{ + int zeroMax; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + zeroMax = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > zeroMax && nums[k] % 2 == 1) + zeroMax = nums[k]; + } + if(zeroMax != 0) + nums[i] = zeroMax; + } + } + return nums; +} +" +640444eedc65ef7bbf3980d515c753b53fcbd071,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 != 0) + { + if (nums[j] > max) + { + max = nums[j]; + } + } + else + { + max = 0; + break; + } + } + nums[i] = max; + } + } + return nums; +} +" +453becb7383d7cd9b35c9d72260d392d6b4ddbf5,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int max = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 != 0) + { + if (nums[j] > max) + { + max = nums[j]; + } + } + else if (nums.length == j) + { + max = 0; + break; + } + } + nums[i] = max; + } + } + return nums; +} +" +167f8bb1db5c17d4e46ea16ead635ad575b50e34,"public int[] zeroMax(int[] nums) +{ + int zero; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + zero = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > zero && nums[k] % 2 == 1) + { + zero = nums[k]; + } + } + if(zero != 0) + { + nums[i] = zero; + } + } + } + return nums; +} +" +00855f490791e80eaf7e9da4e84e9ec5fd7e28df,"public int[] zeroMax(int[] nums) +{ + int lo = 0 + for (int x = nums.length - 1; x >=0 ; x--) + { + int cur = nums[x] % 2 + if (cur == 1 && nums[x] > lo) + lo = nums[x]; + if (nums[x] = 0) + nums[x] = lo; + } + return nums; +} +" +0ccd76844801033ca7ba2dd0a1081352ab03e111,"public int[] zeroMax(int[] nums) +{ + int lo = 0; + for (int x = nums.length - 1; x >=0 ; x--) + { + int cur = nums[x] % 2; + if (cur == 1 && nums[x] > lo) + lo = nums[x]; + if (nums[x] = 0) + nums[x] = lo; + } + return nums; +} +" +26fac8ccac6f8fb4d95f34ba6b878210d4d873e0,"public int[] zeroMax(int[] nums) +{ + int lo = 0; + for (int x = nums.length - 1; x >=0 ; x--) + { + int cur = nums[x] % 2; + if (cur == 1 && nums[x] > lo) + lo = nums[x]; + if (nums[x] == 0) + nums[x] = lo; + } + return nums; +} +" +007ede779d4f38ea0fbf8571067f62e5b19c31da,"public int[] zeroMax(int[] nums) +{ + + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +dba6c271b79d741d024f67f5231ab6a5ca257498,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length -1; i+= 1) { + if (nums[i] == 0) { + max = 0; + for ( int j = i+1; j < nums.length; j+=1) { + if (nums[j] > max && nums[j] %2 ==1) { + ma = nums[j]; + } + if (max !=0 ) { + nums[i] = max; + } + } + } + } + return nums; +} +" +a8ba53058e40684313dd1ed9b1a131f448b8f4fe,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length -1; i+= 1) { + if (nums[i] == 0) { + max = 0; + for ( int j = i+1; j < nums.length; j+=1) { + if (nums[j] > max && nums[j] %2 ==1) { + max = nums[j]; + } + if (max !=0 ) { + nums[i] = max; + } + } + } + } + return nums; +} +" +82157c35c5471fedb00893c646e7e938caecc45a,"public int[] zeroMax(int[] nums) +{ + +} + +private int largestToTheRight(int[] nums, int start) +{ + out = 0; + for (i = start; i < nums.length; i++) + { + out = (out < nums[i]) ? nums[i] : out; + } + return out; +} +" +7302df5ebecaa932464af6d5833d399f8bcae7ce,"public int[] zeroMax(int[] nums) +{ + +} + +private int largestToTheRight(int[] nums, int start) +{ + out = 0; + for (i = start; i < nums.length; i++) + { + out = (out < nums[i]) ? nums[i] : out; + } + return out; +} +" +de51a7e73c92b78e38fd9d0f0d0938e5144ae363,"public int[] zeroMax(int[] nums) +{ + for (i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestToTheRight(nums, i); + } + } +} + +private int largestToTheRight(int[] nums, int start) +{ + int out = 0; + for (i = start; i < nums.length; i++) + { + out = (out < nums[i]) ? nums[i] : out; + } + return out; +} +" +0bc0d5cbe90557c11e77899fccd261463d4d11e9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestToTheRight(nums, i); + } + } +} + +private int largestToTheRight(int[] nums, int start) +{ + int out = 0; + for (int i = start; i < nums.length; i++) + { + out = (out < nums[i]) ? nums[i] : out; + } + return out; +} +" +fa5ac6979b48ee7d5f00cfc047fe42094ea7add4,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + else if (nums[i] == 0) + { + nums[i] += largestOdd; + } + } + + return nums; +} +" +8572d541c437b78afee91c88b4fdc8199e244a18,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestToTheRight(nums, i); + } + } + return nums; +} + +private int largestToTheRight(int[] nums, int start) +{ + int out = 0; + for (int i = start; i < nums.length; i++) + { + out = (out < nums[i]) ? nums[i] : out; + } + return out; +} +" +439dc44033b48a702381683040431feefded5344,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestToTheRight(nums, i); + } + } + return nums; +} + +private int largestToTheRight(int[] nums, int start) +{ + int out = 0; + for (int i = start; i < nums.length; i++) + { + out = (out < nums[i] && nums[i] % 2 == 1) ? nums[i] : out; + } + return out; +} +" +2eee87cba75652ffa04086104ab722152699124c,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <= nums.length - 1; i++) + { + if (nums[i] > max && nums[i] %2 == 1) + max = nums[i]; + } + nums[j] = max; + max = 0; + } + } + return nums; +} +" +b742a29daccf2b99ba8d6048e2412da6bcd3abd0,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +1130186243af6af8859dcee419f92cef801e2296,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + for(int j = i; j < nums.length; j++) { + if (nums[j] % 2 == 1) { + nums[i] = nums[j]; + } + else { + + } + } + } + } + int[] returnA = new int[nums.length]; + returnA = nums; + return returnA; +} +" +573bba05def8938c5e162bac723880f80bf4a86b,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = 0; i < nums.length - 1; i--) + { + if (num[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd = nums[i]; + } + else if (nums[i] == 0) + { + num[i] = largeOdd; + } + } + return nums; +} +" +0ec35a8b147fb8a8f8093bfaeb86679d637def6e,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = 0; i < nums.length - 1; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd = nums[i]; + } + else if (nums[i] == 0) + { + nums[i] = largeOdd; + } + } + return nums; +} +" +4aa69c3ed43b518d9351beb0089134a359d4ec05,"public int[] zeroMax(int[] nums) +{ + int largeOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largeOdd) + { + largeOdd = nums[i]; + } + else if (nums[i] == 0) + { + nums[i] = largeOdd; + } + } + return nums; +} +" +b408439025627745d0b9163f39f58e5fd49c4fba,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(nums, i); + } + } + + return nums; +} + +public int largestOdd(int[] nums, int start) +{ + int odd = nums[0]; + for (int i = start; i < nums.length; i++); + { + if (nums[i] % 2 == 1 && nums[i] > odd) + { + odd = nums[i]; + } + } + return odd; +}" +97884735994fc113dcc7a09757959bd64f529b1c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(nums, i); + } + } + + return nums; +} + +public int largestOdd(int[] nums, int start) +{ + int odd = nums[0]; + for (int j = start; j < nums.length; j++); + { + if (nums[j] % 2 == 1 && nums[j] > odd) + { + odd = nums[j]; + } + } + return odd; +}" +417e418a6a2546e79924d5f7802e89f349f47542,"public int[] zeroMax(int[] nums) +{ + int max; + for(nums[i] == 0) + { + max = 0; + for (int r = i; r < nums.length; r++) + { + if(nums[r] < max && nums [r] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + return nums; +} +" +8942fcbb9cdb20e0006e5b38f0f05484f21c0da8,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(nums, i); + } + } + + return nums; +} + +public int largestOdd(int[] nums, int start) +{ + int odd = nums[0]; + for (int j = start; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > odd) + { + odd = nums[j]; + } + } + return odd; +}" +d67f437b264878cee668a59f2c6ac8fbadec1916,"public int[] zeroMax(int[] nums) +{ + int max; + for(int 1 = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for (int r = i; r < nums.length; r++) + { + if(nums[r] < max && nums [r] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +5430c9d8631964957d6e53af58ede9b61f4dbb05,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for (int r = i; r < nums.length; r++) + { + if(nums[r] < max && nums [r] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +d4de15aeead323e68278aaefcb7b911a7aa0ded1,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for (int r = i; r < nums.length; r++) + { + if(nums[r] < max && nums [r] % 2 == 1) + { + max = nums[r]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +1a49027e358790c32c31d0310480a935f9b9667d,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for (int r = i + 1; r < nums.length; r++) + { + if(nums[r] < max && nums [r] % 2 == 1) + { + max = nums[r]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +708fe31936c96ab8858f0b1fbdf284651b8a7625,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(nums, i); + } + } + + return nums; +} + +public int largestOdd(int[] nums, int start) +{ + int odd = nums[0]; + for (int j = start; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > odd) + { + odd = nums[j]; + } + } + if (odd == nums[0]) + { + odd = 0; + } + return odd; +}" +0342ba89def5ccef8100ceae6ed8235bc0f5c6e9,"public int[] zeroMax(int[] nums) +{ + +public boolean has77(int[] nums) { + if (nums.length < 2) + return false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + return true; + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + return true; + } + return false; +} +" +6c88cb54416c649f0afe14972123d2b908b6bb9e,"public int[] zeroMax(int[] nums) +{ + +public boolean has77(int[] nums) { + if (nums.length < 2) + return false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + return true; + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + return true; + } + return false; +} +" +a7766b84747b65dd4ca5808d16501afe1171f7ee,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for (int r = i + 1; r < nums.length; r++) + { + if(nums[r] > max && nums [r] % 2 == 1) + { + max = nums[r]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +0502cd10782056fd744f6aa0d82d39cabe1b70f8,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largestOdd(nums, i); + } + } + + return nums; +} + +public int largestOdd(int[] nums, int start) +{ + int odd = 0; + for (int j = start; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > odd) + { + odd = nums[j]; + } + } + return odd; +}" +8ca9118ab56b3b5165c1eab48b1d27981049f631,"public int[] zeroMax(int[] nums) { + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +}" +650ff31433d06817638051488749a8cb2807f133,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (x = nums.length - 1; x > 0; x--) + { + if (nums[x] % 2 == 1) + { + largestOdd = nums[x]; + } + + if (nums[x] == 0) + { + nums[x] = largestOdd; + } + } + return zeroMax; + +} +" +3c6322bb5255b94aa875e186c3a20f7e1a4366df,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int x = nums.length - 1; x > 0; x--) + { + if (nums[x] % 2 == 1) + { + largestOdd = nums[x]; + } + + if (nums[x] == 0) + { + nums[x] = largestOdd; + } + } + return zeroMax; + +} +" +f585dde1b41ef5223ee3e963c9a2733da3c1f65d,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int x = nums.length - 1; x > 0; x--) + { + if (nums[x] % 2 == 1) + { + largestOdd = nums[x]; + } + + if (nums[x] == 0) + { + nums[x] = largestOdd; + } + } + return nums; + +} +" +5c77d7a4ac134d2c1aed1d810eb45fe2814f06cd,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int x = nums.length - 1; x > 0; x--) + { + if (nums[x] % 2 == 1) + { + largestOdd = nums[x]; + } + } + + if (nums[x] == 0) + { + nums[x] = largestOdd; + } + return nums; + +} +" +41bf8968a56e12d9a81973eaf549dceaffea437e,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int x = nums.length - 1; x > 0; x--) + { + if (nums[x] % 2 == 1 && nums[x] > largestOdd) + { + largestOdd = nums[x]; + } + + if (nums[x] == 0) + { + nums[x] = largestOdd; + } + } + + + return nums; + +} +" +933cdf16aadb950c6c2f1c78d1f6bd8722b198d5,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int x = nums.length - 1; x >= 0; x--) + { + if (nums[x] % 2 == 1 && nums[x] > largestOdd) + { + largestOdd = nums[x]; + } + + if (nums[x] == 0) + { + nums[x] = largestOdd; + } + } + + + return nums; + +} +" +b816bdf9617b6404eeb064bfec516dbb6979dd66,"public int[] zeroMax(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = 0) + { + for (int a = i + 1; a < nums.length; a++) + { + if (nums[a] % 2 == 0 && nums[a] > x) + { + x = nums[a]; + } + } + nums[i] = x; + x = 0; + } + } + return (nums); +} +" +5f70a272b0b931e54deb23ff41f4a23696e0e96c,"public int[] zeroMax(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int a = i + 1; a < nums.length; a++) + { + if (nums[a] % 2 == 0 && nums[a] > x) + { + x = nums[a]; + } + } + nums[i] = x; + x = 0; + } + } + return (nums); +} +" +1fb9d50f8791e680ea5f9f7f939fd75c81e4aca3,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int j =0; j < nums.length -1;j++) + { + if (nums[j] == 0) + { + for (int i = j + 1; i <=nums.length -1;i++) + { + if ( nums[i] > max && nums[i] % 2 == 1 ) + { + max = nums[i]; + } + nums[j] = max; + max = 0; + } + } + } + return nums; + +} +" +7b6d33d5ab5394da2061a9d6eb5238d938e2d6c2,"public int[] zeroMax(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int a = i + 1; a < nums.length; a++) + { + if (nums[a] % 2 != 0 && nums[a] > x) + { + x = nums[a]; + } + } + nums[i] = x; + x = 0; + } + } + return (nums); +} +" +1547737f654d50bf44bcd7f0ec93e1c3dca3c24a,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = nums.length-1; i >= 0; i--) { + if (nums[i] % 2 != 0){ + max = Math.max(max, nums[i]); + } + if (nums[i] == 0){ + nums[i] = max; + } + } + return nums; + +} +" +d8cfc398c350bd9e162fd489867a1a5689071dc4,"public int[] zeroMax(int[] nums) { + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +}" +7428c8055ed8346deb915bb8a69b24673c5d3276,"public int[] zeroMax(int[] nums) +{ + for(int i=0;i biggestOdd) { + biggestOdd = nums[j] + } + } + nums[i] = biggestOdd; + } + } +} +" +a2db66a6fc5f74987f1c4983ed64ddb682ca081d,"public int[] zeroMax(int[] nums) +{ + for(int i=0;i biggestOdd) { + biggestOdd = nums[j]; + } + } + nums[i] = biggestOdd; + } + } +} +" +cc6d713cc3b55b53548328d4c78de9dbf1e239e7,"public int[] zeroMax(int[] nums) +{ + for(int i=0;i biggestOdd) { + biggestOdd = nums[j]; + } + } + nums[i] = biggestOdd; + } + } + + return nums; +} +" +c4b964022dfb983729e86b87c7f87185be82d7ee,"public int[] zeroMax(int[] nums) +{ + int maxm; + + for(int i = 0; i < nums.lengh - 1; i++) + { + if (nums[i] == 0) + { + maxm = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] != 0 && nums[k] % 2 == 1) + { + nums[k] == maxm + } + + } + + } + + } +} +" +395746416dbe24413ea9a6dcde7cd21b8b3a7e67,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +00c84d8008c5ee13b9ad4501e5441e317738a4ae,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +758394fe6f01335d85070db8a7aeed0c6a066f42,"public int[] zeroMax(int[] nums) +{ + int maxm; + + for(int i = 0; i < nums.lengh - 1; i++) + { + if (nums[i] == 0) + { + maxm = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > maxm && nums[k] % 2 == 1) + { + maxm = nums[k]; + } + if (maxm != 0) + { + nums[i] = maxm; + } + } + + } + + } + return nums +} +" +8718531abf03176b6934afe6bfcc1593ee8265d9,"public int[] zeroMax(int[] nums) +{ + int maxm; + + for(int i = 0; i < nums.lengh - 1; i++) + { + if (nums[i] == 0) + { + maxm = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > maxm && nums[k] % 2 == 1) + { + maxm = nums[k]; + } + if (maxm != 0) + { + nums[i] = maxm; + } + } + + } + + } + return nums; +} +" +2f1793f0636833fe167ae14224eabbf3afba8e7b,"public int[] zeroMax(int[] nums) +{ + int maxm; + + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + maxm = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > maxm && nums[k] % 2 == 1) + { + maxm = nums[k]; + } + if (maxm != 0) + { + nums[i] = maxm; + } + } + + } + + } + return nums; +} +" +001f3b31895296c5b4829f078957f44f2f049a26,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +281a4a391cc699d04cc761cba3fbdc9432e068aa,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +441fa6213e79cf417fcc44da0865fb1e30c27067,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} + +" +b18512e34815cacc2a60974ac1f0427000d0bdbb,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +4a48ffb3a8bb0caeba9e46228f89538321be3759,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +8dbdaff744ce7419016999d70d890b6d87e63bda,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +712e1ad5461b2c09979acf1046f3a68ce5e45b4a,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +0b9c9736471da73f124f2a829513a5e485bfed7b,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + + } + return number; +}" +3f3dad760e1141da908d1c387f463fde65b45dfe,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; jm < nums.length -1; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[k]; + } + + } + + } + return nums; +} +" +744fff357414d4abde416880538ce2a73fb8d2b9,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + nums[j]=number; + } + + } + return nums; +} + +" +a1a4338121557a3e99be03989eea355da90756cb,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; jm < nums.length -1; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[k]; + } + + } + } + + } + return nums; +} +" +4f9709fae9c5940856208b1ad4136cac0c5c3d11,"public int[] zeroMax(int[] nums) +{ + + for(int j =0;jnumber) + { + number = nums[i]; + } + nums[j]=number; + } + + } + } + return nums; +} + +" +004223b8766e8c1454992cdb090a7abb3c8119cf,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; jm < nums.length -1; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[k]; + } + + } + } + + } + return nums; +} +" +4e6f0f8fe9b3d2216c27da006dcd5d8316449bec,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; jm < nums.length -1; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + + } + } + + } + return nums; +} +" +a8c67651c18aa3be5599a911f57da881d0a887fc,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; +} +" +136d8f4d9f5c586e2031a1d3be59955429adbf22,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; j < nums.length -1; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + + } + } + + } + return nums; +} +" +23f45d86091973c9782b9a2bae7b7e88f62b9645,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; j < nums.length; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + + } + } + + } + return nums; +} +" +26705dabb62edeff3baffe9d262a5abc2e5edc20,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; j < nums.length; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + + } + if (maximum >0) + { + nums[i] = max; + } + } + + } + return nums; +} +" +49ad20c7bc5abfac9b8eb4dd85eceb67add1db57,"public int[] zeroMax(int[] nums) +{ + int maximum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for( int j = i + 1; j < nums.length; j++) + { + if( nums[j] % 2 == 1 && nums[j] > maximum) + { + maximum = nums[j]; + } + + } + if (maximum >0) + { + nums[i] = maximum; + } + } + + } + return nums; +} +" +2f0e1ce88cf32e29e9256b1008d503c0dc7e59d7,"public int[] zeroMax(int[] nums) +{ + int maximum; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + maximum = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + maximum = nums[k]; + } + if(maximum != 0) + nums[i] = maximum; + } + } + return nums; +} +" +2525240438cbab785db729cbc63db0a93055aa03,"public int[] zeroMax(int[] nums) +{ + int maximum; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + maximum = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > maximum && nums[k] % 2 == 1) + maximum = nums[k]; + } + if(maximum != 0) + nums[i] = maximum; + } + } + return nums; +} +" +ee04555b0428d77dfe4be37f3e7523d01297d450,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + + while(i >= 0 && nums[i] % 2 == 0) + i--; + + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + nums[j] = nums[i]; + + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + i = j; + } + + return nums; +} +" +5e271887135f3f16c2d91cb6aabd439e2e814ce0,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int j = i+1; j < nums.length; j++) + { + if (nums[j] > max && nums[j] % 2 == 1) + max = nums[j]; + } + if (max != 0 ) + nums[i] = max; + } + } + return nums; +} +" +7a070e2a76e21a1b20b3d0509fc2cb7ced766a7f,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == 0) { + for ( int k = j + 1; k <= nums.length - 1; k++) { + if (nums[k] > max && nums[k] % 2 == 1) { + max = nums[k] + } + nums[k] = max; + max = 0; + } + } + } + return nums; +} +" +1284acaf7f278582224f868346b6fd955f54d448,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == 0) { + for ( int k = j + 1; k <= nums.length - 1; k++) { + if (nums[k] > max && nums[k] % 2 == 1) { + max = nums[k]; + } + nums[k] = max; + max = 0; + } + } + } + return nums; +} +" +d5ebb13223fcc1fe684275716e6d9517ccea5c68,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == 0) { + for (int k = i + 1; k <= nums.length - 1; k++) { + if (nums[k] > max && nums[k] % 2 == 1) { + max = nums[k]; + } + nums[k] = max; + max = 0; + } + } + } + return nums; +} +" +739d6c2453ca13f57b284df0ebdd35495a283e30,"public int[] zeroMax(int[] nums) { + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +}" +44f220b58843152b2c37e892e70f7c52224b3df7,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == 0) { + for (int k = i + 1; k <= nums.length - 1; k++) { + if (nums[k] > max && nums[k] % 2 == 1) { + max = nums[k]; + } + else { + nums[k] = max; + max = 0; + } + + } + } + } + return nums; +} +" +c2fabb12651b840e2150c99583d7763503ec8692,"public int[] zeroMax(int[] nums) +{ + int max = 0; + for (int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == 0) { + for (int k = i + 1; k <= nums.length - 1; k++) { + if (nums[k] > max && nums[k] % 2 == 1) { + max = nums[k]; + } + + nums[k] = max; + max = 0; + + + } + } + } + return nums; +} +" +e9eb2d8315ecfb69b9966aeafce3206a5b3343d8,"public int[] zeroMax(int[] nums) +{ + int count = 0; + int i = 0; + for ( int i = 0; i < nums.ength; i++) { + if ( nums[i] == 0) { + for ( int k = i; k < nums.length; k++) { + if ( nums[k] % 2 != 0) { + count = nums [k] + } + } + } + } + return nums; +} +" +84429e738642265ff2c887a83fa932a55b61b53f,"public int[] zeroMax(int[] nums) +{ + int count = 0; + int i = 0; + for ( int i = 0; i < nums.ength; i++) { + if ( nums[i] == 0) { + for ( int k = i; k < nums.length; k++) { + if ( nums[k] % 2 != 0) { + count = nums [k] + } + } + } + } + return nums; +} +" +7470101c59b197fa2534ce8db18b0d513724ced4,"public int[] zeroMax(int[] nums) +{ + int count = 0; + int i = 0; + for ( int i = 0; i < nums.ength; i++) { + if ( nums[i] == 0) { + for ( int k = i; k < nums.length; k++) { + if ( nums[k] % 2 != 0) { + count = nums [k] + } + } + } + } + return nums; +} +" +d7a1a2b8eb691ae375e7e5c37c85b98776afb07a,"public int[] zeroMax(int[] nums) +{ + int count = 0; + int i = 0; + for ( int i = 0; i < nums.ength; i++) { + if ( nums[i] == 0) { + for ( int k = i; k < nums.length; k++) { + if ( nums[k] % 2 != 0) { + count = nums [k]; + } + } + } + } + return nums; +} +" +0755b08cca8db635e8b3aaf3a3493c655b92c8a4,"public int[] zeroMax(int[] nums) +{ + int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; +} +" +45b37b90593400fdf50956e3991c8357058d8e37,"public int[] zeroMax(int[] nums) +{ + int count = 0; + int i = 0; + for ( int i = 0; i < nums.length; i++) { + if ( nums[i] == 0) { + for ( int k = i; k < nums.length; k++) { + if ( nums[k] % 2 != 0) { + count = nums [k]; + } + } + } + } + return nums; +} +" +e5e0d2e92c8950d4b04db19f3e71501938f1d907,"public int[] zeroMax(int[] nums) +{ + int count = 0; + for ( int i = 0; i < nums.length; i++) { + if ( nums[i] == 0) { + for ( int k = i; k < nums.length; k++) { + if ( nums[k] % 2 != 0) { + count = nums [k]; + } + } + } + } + return nums; +} +" +4dd65bf193ca39ffa2aa6ec61cdd304199535a4d,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +4c895c7932d53de55f85835a54516625ae29c8ba,"public int[] zeroMax(int[] nums) +{ + return 0; +} +" +e782eb39f772462f8e130c8e2fd60e2f9874169d,"public int[] zeroMax(int[] nums) +{ + int[] temp = {nums[0], nums[nums.length-1]}; + return temp; +} +" +fa719aa8a1d728c497afe24893cc0ae0aec89deb,"public int[] zeroMax(int[] nums) +{ + +} + +public int zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length, i++) + { + if (nums[i] == 0) + { + int beater = 0; + int swag = 0; + + for (int i = 0; i < nums.length, i++) + { + if (nums[i] % 2 != 0 && nums[i] > beater) + { + beater = nums[i]; + } + + } + } + } +} +" +f0dcf5bb7289eabd8b870347a35cee868ba0bfcb,"public int[] zeroMax(int[] nums) +{ + int x; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + x = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > x && nums[k] % 2 == 1) + x = nums[k]; + } + if(x != 0) + nums[i] = x; + } + } + return nums; +} +" +03963c180ede47baf3cb2a34f74b6ff99ed0fee1,"public int[] zeroMax(int[] nums) { + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; +}" +8aa02fd9d7109abc0d7fd58d5033c29c0d967408,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } +} + +public int swag(int[] nums) +{ + int beater = 0; + + for (int i = 0; i < nums.length, i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length, z++) + { + if (nums[i] % 2 != 0 && nums[i] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +1f6727c8b17f4698970f1f2c741e5b31b3630a25,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } +} + +public int swag(int[] nums) +{ + int beater = 0; + + for (int i = 0; i < nums.length, i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length, z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +6996f6b10c5a5321ff867513928750f0b975752f,"public int[] zeroMax(int[] nums) +{ + int max = 0; + + for (i >= 0; int i = nums.length - 1; i--) + { + if (nums[i] != 0 && nums[i] % 2 == 1 && max < nums[i]) + { + max = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums +} +" +836216991f6d78e88f957ca64f0307959a756a61,"public int[] zeroMax(int[] nums) +{ + int max = 0; + + for (i >= 0; int i = nums.length - 1; i--) + { + if (nums[i] != 0 && nums[i] % 2 == 1 && max < nums[i]) + { + max = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; +} +" +f5d63df5de4d1085cbdeab99151dac592a6dbad6,"public int[] zeroMax(int[] nums) +{ + int max = 0; + + for (i >= 0; int i = nums.length - 1; i--;) + { + if (nums[i] != 0 && nums[i] % 2 == 1 && max < nums[i]) + { + max = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; +} +" +d742cb35b4f0e1a7b971b2efbc92c838771e185b,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } +} + +public int swag(int[] nums) +{ + int beater = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +46b66dd33819ea0acfbbc24ae10c5526e12dd597,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +dc370fdd55b378bb4b6037f77e59dc2538c6a42a,"public int[] zeroMax(int[] nums) +{ + int max = 0; + + for (i >= 0; i = nums.length - 1; i--;) + { + if (nums[i] != 0 && nums[i] % 2 == 1 && max < nums[i]) + { + max = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = max; + } + } + return nums; +} +" +44236263dbf30788176169a05023d3355fb21cd3,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +b4fb8666db9100b75394c98da0d9ef2d28ddea5e,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = this.swag(int[] nums); + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +2330368a6be6efc59305fedabe32950fbde5f975,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +1f43616cb351c528d529c3d0ce4ecd7d9d29edd0,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] == beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +0294b4b5cd8059bb8a4ce0a8d9846a0eedf4ef39,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[i]; + } + + } + } + } + + return beater; +} +" +d4e7e7bf8c3888ac6c5bd60020a5560fdc553b98,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[z]; + } + + } + } + } + + return beater; +} +" +289160514eacb57ddeb81ac02480ce9b8258823c,"int beater; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length - 1; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + beater = nums[z]; + } + + } + } + } + + return beater; +} +" +ffe8b11e028e5b06bbe707dff06b843382a9d7af,"int beater; +int[] newnums; + +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + nums[i] = beater; + } + } + return nums; +} + +public int swag(int[] nums) +{ + beater = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + for (int z = i + 1; z < nums.length - 1; z++) + { + if (nums[z] % 2 != 0 && nums[z] > beater) + { + nums[z] = beater; + } + + } + } + } + + return beater; +} +" +b97e82329cb0c23433c468d538ca5b604bfcba09,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + if (nums[i] == 0) + { + nums[i] = largestOdd; + } + } + return nums; +} +" +0fc69c4b8c0cec647c61e215bb930b9f3a90a7ad,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int n = i + 1; n < nums.length; n++) + { + if(nums[n] > max && nums[n] % 2 == 1) + { + max = nums[n]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; +} +" +007f9e16fcdcd050faf077724bcbd90502d06c0e,"public int[] zeroMax(int[] nums) +{ + return nums; +} +" +75e6b847b4be3e4317343af892883d468e9bc7b1,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + if rightOdd(i) == 0 + { + continue; + } + else + { + nums[i] = rightOdd(i); + } + } + return nums; + } +} + + +} + +public int rightOdd(int index) +{ + int largestOdd = 0; + for (int i = index ; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + return largestOdd; + } +" +0d6646d8d0a27dfb29720d9e8a142b52f74c85ea,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + if (rightOdd(i) == 0) + { + continue; + } + else + { + nums[i] = rightOdd(i); + } + } + return nums; + } +} + + +} + +public int rightOdd(int index) +{ + int largestOdd = 0; + for (int i = index ; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + return largestOdd; + } +} +" +2883d98ed29568f2b40b7290dc917db20c5f1480,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + if (rightOdd(i) == 0) + { + continue; + } + else + { + nums[i] = rightOdd(i); + } + } + } + return nums; +} + +public int rightOdd(int index) +{ + int largestOdd = 0; + for (int i = index ; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + return largestOdd; + } +} +" +5c23bcde84defa989a53009a29741205b2ab0945,"public int[] zeroMax(int[] nums) +{ + +} +public int getLargestOddIndex(int[] nums, int index) +{ + int max = -10000000000000; + int maxIndex; + for (int i = index; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + maxIndex = i; + } + } + return maxIndex; +} +" +30bde455b644e0b8ba0b17f85e3699d9fbeca425,"public int[] zeroMax(int[] nums) +{ + +} +public int getLargestOddIndex(int[] nums, int index) +{ + int max = -1000000000; + int maxIndex; + for (int i = index; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + maxIndex = i; + } + } + return maxIndex; +} +" +8a973abb1c89548b5ef53af00c4a46a3ff87baf1,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + if (rightOdd(i) == 0) + { + continue; + } + else + { + nums[i] = rightOdd(nums,i); + } + } + } + return nums; +} + +public int rightOdd(int[] nums, int index) +{ + int largestOdd = 0; + for (int i = index ; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + return largestOdd; + } +} +" +890c7b706c198fff17485ba739499ee478c60410,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + if (rightOdd(nums, i) == 0) + { + continue; + } + else + { + nums[i] = rightOdd(nums,i); + } + } + } + return nums; +} + +public int rightOdd(int[] nums, int index) +{ + int largestOdd = 0; + for (int i = index ; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + return largestOdd; + } +} +" +c6620f4681ec8a0a8a15ce90c68d760dfce78fbb,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + if (rightOdd(nums, i) == 0) + { + continue; + } + else + { + nums[i] = rightOdd(nums,i); + } + } + } + return nums; +} + +public int rightOdd(int[] nums, int index) +{ + int largestOdd = 0; + for (int i = index ; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > largestOdd) + { + largestOdd = nums[i]; + } + + } + return largestOdd; + +} +" +c772235a9f89ffe2cc87c11fb3a83ca2303a4622,"public int[] zeroMax(int[] nums) +{ + int[] finals = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + finals[i] = nums[getLargestOddIndex(nums, i); + } + else + { + finals[i] = nums[i]; + } + } + return finals; +} +public int getLargestOddIndex(int[] nums, int index) +{ + int max = -1000000000; + int maxIndex = index; + for (int i = index; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + maxIndex = i; + } + } + return maxIndex; +} +" +b0e56b5f555ef76c856e63884f2fd10a8dd3927d,"public int[] zeroMax(int[] nums) +{ + int[] finals = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + finals[i] = nums[getLargestOddIndex(nums, i)]; + } + else + { + finals[i] = nums[i]; + } + } + return finals; +} +public int getLargestOddIndex(int[] nums, int index) +{ + int max = -1000000000; + int maxIndex = index; + for (int i = index; i < nums.length; i++) + { + if (nums[i] % 2 != 0 && nums[i] > max) + { + max = nums[i]; + maxIndex = i; + } + } + return maxIndex; +} +" +5c61024b1e597136f15f4c5b94ec9e8ea2276ca8,"public int[] zeroMax(int[] nums) +{ +int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; +}" +8e37c3f32bebacb453b9ee718fb07e79794c47c9,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +16c6f194cfc6d606f1f02466276ccc272c606a5f,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +5aa20e6e3fbd33cc34843ac13b43aa9259e0f4e9,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } +return nums; +} +" +2a5265b7a539d20c02cfd1fc104c716ed0dc0e51,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +0ba848ba2253541c7ab331af294748511ffac290,"public int[] zeroMax(int[] nums) +{ + int max; + for( int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for( int k = i+1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] %2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +826c71eaeba83c993bbd1efbfb08dd86019c8860,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (num[k] > max && nums[k] % 2 == 1) + { + max = num[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } +} +" +b53b9e7adaebb1662ac77f97d17e952533b059d6,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = num[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } +} +" +08a503fcb08b9e768a33fb6f9d5c9c3a4f833243,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } +} +" +2858b8e101cf89e07265acb5ee8dea3d6476de4a,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + + return max; +} +" +dabc9ad925fc65f784d6d081a0bab2e4837c8975,"public int[] zeroMax(int[] nums) +{ + int max = 0; + +for (int j =0; j < nums.length -1;j++) + +{ + +if (nums[j] == 0) + +{ + +for (int i = j + 1; i <=nums.length -1;i++) + +{ + +if ( nums[i] > max && nums[i] % 2 == 1 ) + +max = nums[i]; + +} + +nums[j] = max; + +max = 0; + +} + +} + +return nums +} +" +ec10d06256a7fdc7e71c4df8f13cccafcc6a51d1,"public int[] zeroMax(int[] nums) +{ + int max; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int k = i + 1; k < nums.length; k++) + { + if (nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if (max != 0) + { + nums[i] = max; + } + } + } + + return nums; +} +" +13800d3f46f7e4e7f419fe5f671c6a9e329b1ab1,"public int[] zeroMax(int[] nums) +{ +int acum = 0; + int i = 0; + for( i = 0; i < nums.length;i++){ + if(nums[i]==0){ + for(int j = i; j < nums.length;j++){ + if (nums[j]%2!=0){ + acum = nums[j]; + break; + } + } + nums[i]=acum; + } + + } + return nums; +} +" +7746b242ca81b560f9b858b53c75beaff7323781,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +84856ac42aaafe75847e9eb85e8b0f23e83afc7c,"public int[] zeroMax(int[] nums) +int max = 0; + + for (int i = nums.length-1; i >= 0; i--) { + if (nums[i] % 2 != 0) + max = Math.max(max, nums[i]); + if (nums[i] == 0) + nums[i] = max; + } + return nums; +} +" +9ee90c4b1ccd463d7ae075a49a6432baa3f49437,"public int[] zeroMax(int[] nums) +{ +if(nums[i] == 0) { +nums[i] = maxOdd(nums, i); +} +} +" +7818a50e614f18f8905e8829394a3a00ae60b0d6,"public int[] zeroMax(int[] nums) +{ + + int i, smallEven=0, bigOdd=0, countOdd=0, countEven=0; + for(i=0; i0 && a[i]>bigOdd) bigOdd=a[i]; + else if(countOdd==0) bigOdd=a[i]; + countOdd++; + } + + for(int i=0;i acum) { + acum = nums[j]; + } + } + nums[i] = acum; + acum = 0; + } + + } + return nums; +}" +cf03e7d05ecf19d01f0b0960fcc372a74623be83,"public int[] zeroMax(int[] nums) +{ + int i = nums.length - 1; + while(i >= 0 && nums[i] % 2 == 0) + { + i--; + } + for(int j = i - 1; j >= 0; j--) { + if(nums[j] == 0) + { + nums[j] = nums[i]; + } + if(nums[j] % 2 == 1 && nums[j] > nums[i]) + { + i = j; + } + } + return nums; +} +" +0bf561b4ee73e9b28e3a78c20541d99591756e07,"public int[] zeroMax(int[] nums) +{ + int max; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + max = 0; + for (int b = i + 1; b < nums.length; b++) + { + if (nums[b] > max && nums[b] % 2 == 1) + max = nums[b]; + } + if (max != 0) + nums[i] = max; + } + } + return nums; + +} +" +b70531d4b2ccaee2c6cb07ffda55c7ac2b53e27f,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int largest = 0; + for (int j = i; j < nums.length, j++) + { + if (largest < nums[j]) + { + num[j] = largest; + } + } + nums[i] = largest; + } + } + return nums; +}" +31873b10926cdc4f5c4a8e91739aa128a376ac3d,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int largest = 0; + for (int j = i; j < nums.length; j++) + { + if (largest < nums[j]) + { + num[j] = largest; + } + } + nums[i] = largest; + } + } + return nums; +}" +7c6783d327797ea9c39fb09ffa0f57ceff421706,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + int largest = 0; + for (int j = i; j < nums.length; j++) + { + if (largest < nums[j]) + { + nums[j] = largest; + } + } + nums[i] = largest; + } + } + return nums; +}" +dc641bc6b2502ee30a5a0edeb1e1a551ead15b0c,"public int[] zeroMax(int[] nums) +{ + int max = 0; +for (int j =0; j < nums.length -1;j++) +{ +if (nums[j] == 0) +{ +for (int i = j + 1; i <=nums.length -1;i++) +{ +if ( nums[i] > max && nums[i] % 2 == 1 ) +max = nums[i]; +} +nums[j] = max; +max = 0; +} +} +return nums; + +} +" +e8dcdb08d1a3d0815da72df6a63ef1848ca4497d,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int j = 0; j < nums.length; j++) + { + if (largest < nums[j]) + { + nums[j] = largest; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largest; + } + } + return nums; +}" +8418902e4e75863a9d21dea472b4b456371834dc,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int j = 1; j <= nums.length; j++) + { + if (largest < nums[j]) + { + nums[j] = largest; + } + } + for (int i = 1; i <= nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largest; + } + } + return nums; +}" +3caba19e8ca3ada237a55b70ba8618a181c3ee20,"public int[] zeroMax(int[] nums) +{ + int largest = 0; + for (int j = 1; j < nums.length; j++) + { + if (largest < nums[j]) + { + nums[j] = largest; + } + } + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 0) + { + nums[i] = largest; + } + } + return nums; +}" +2618308f8c94d07a6cedf1a4383f92573aa770fa,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < newArray.length; i++) + { + if (newArray[i] == 0) + { + int largestOdd = 0; + for (int z = i + 1; z < newArray.length; z++) + { + if (nums[z] > largestOdd && (nums[z] % 2 != 0)) + { + largestOdd = nums[z] + } + } + newArray[i] = largestOdd; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +2e262493dbfd3e9fa6bd7b0e47834a1e324d6b1e,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < newArray.length; i++) + { + if (newArray[i] == 0) + { + int largestOdd = 0; + for (int z = i + 1; z < newArray.length; z++) + { + if (nums[z] > largestOdd && (nums[z] % 2 != 0)) + { + largestOdd = nums[z]; + } + } + newArray[i] = largestOdd; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +955d46abc2dcc8b10ef591330981afc913e2e722,"public int[] zeroMax(int[] nums) +{ + int[] newArray = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (newArray[i] == 0) + { + int largestOdd = 0; + for (int z = i + 1; z < newArray.length; z++) + { + if (nums[z] > largestOdd && (nums[z] % 2 != 0)) + { + largestOdd = nums[z]; + } + } + newArray[i] = largestOdd; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +680b95f8c4a42b4c1cbe6023c6b4390fef1a8ae1,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = nums.length - 1; i >= 0; i--) { + if (nums[i] % 2 == 1 && nums[i] > largestOdd) + largestOdd = nums[i]; + if (nums[i] == 0) + nums[i] = largestOdd; + } + return nums; + +} +" +b22b53e13330353b78fd756111eb0e9d26e29793,"public int[] zeroMax(int[] nums) +{ + int ol = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + for ( int j = i; j < nums.length; j++) + { + if ( nums[j] % 2 == 1) + { + if ( nums[j] > ol) + { + ol = nums[j]; + } + } + } + + nums[i] = ol; + } + } + return nums; +} +" +884bac3e37b68ef8f8eecf9ec2e2abe1cbfb5527,"public int[] zeroMax(int[] nums) +{ + int[] newArray = nums; + for (int i = 0; i < nums.length; i++) + { + if (newArray[i] == 0) + { + int largestOdd = 0; + for (int z = i + 1; z < newArray.length; z++) + { + if (nums[z] > largestOdd && (nums[z] % 2 != 0)) + { + largestOdd = nums[z]; + } + } + newArray[i] = largestOdd; + } + else + { + newArray[i] = nums[i]; + } + } + return newArray; +} +" +35eb3b74d0dc513b80f53c58ceb14009fd035490,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +191649d5cd78dedf9fd4da86943afb5bf1d2966c,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (num[i] == 0 && num[i + 1] % 2 == 1) + { + num[i] = num[i+1] + } + } +} +" +fa915202a16cf3c4faee9ab9d80003dc54251de6,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (num[i] == 0 && num[i + 1] % 2 == 1) + { + num[i] = num[i+1]; + } + } +} +" +3811d4858fdfcc968e5cbab490eb10e7accdbc7d,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0 && nums[i + 1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } +} +" +4f617911d7c9601919b75fd0d5ec0dccace4e0d1,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0 && nums[i + 1] % 2 == 1) + { + return nums[i] = nums[i+1]; + } + } +} +" +e9cd9cdbf60f2cc1be68681266d35ab232bb9950,"public int[] zeroMax(int[] nums) +{ + int ol = 0; + for(int i = nums.length - 1; i > 0; i--) + { + if (nums[i] == 0) + { + for ( int j = i; j < nums.length; j++) + { + if ( nums[j] % 2 == 1) + { + if ( nums[j] > ol) + { + ol = nums[j]; + } + } + } + + nums[i] = ol; + i = 0; + } + } + + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == 0) + { + nums[i] = ol; + } + } + return nums; +} +" +18bbdac819e1daeec91b1fdf8834f0ed0d50a8a3,"public int[] zeroMax(int[] nums) +{ + return nums; +} +" +d6f1b3da3399ddcc3f5f5de8375fca8c175c532f,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0 && nums[i + 1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } + return int[] nums; +} +" +8968c94879a7d1d63d4265147552bb40cd7f9db9,"public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0 && nums[i + 1] % 2 == 1) + { + nums[i] = nums[i+1]; + } + } + return nums; +} +" +60397d7d2e911360b687650b49d1c1e099a5a03d,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +bdc003a04969904de509a6cd21002ebc16cbe47f,"public int[] zeroMax(int[] nums) +{ + int maximum; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for (int k = 1; k maximum && nums[k] % 2 == 1) + { + + maximum = nums[k]; + } + } + if (maximum != 0) + { + nums[i] = maximum; + } + } + } + return nums; + +} +" +e2edad78b9b4154354587bc10a4e817d88c646b0,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + largestOdd = findLargestOdd(nums, i); + if (largestOdd != -1000) + { + nums[i] = largestOdd; + } + } + } + return nums; +} +public int findLargestOdd(int[] nums, int j) +{ + int largestOdd = -1000; + for (j; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > largestOdd) + { + largestOdd = nums[j]; + } + } + return largestOdd; +} +" +5bdbda93ed38ebe215791d940c4d4bc87ab1e563,"public int[] zeroMax(int[] nums) +{ + int largestOdd = 0; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 0) + { + largestOdd = findLargestOdd(nums, i); + if (largestOdd != -1000) + { + nums[i] = largestOdd; + } + } + } + return nums; +} +public int findLargestOdd(int[] nums, int i) +{ + int largestOdd = -1000; + for (int j = i; j < nums.length; j++) + { + if (nums[j] % 2 == 1 && nums[j] > largestOdd) + { + largestOdd = nums[j]; + } + } + return largestOdd; +} +" +36de4614989eeedcfa54d45d0041a1d32067a8ac,"public boolean sameEnds(int[] nums, int n) +{ + boolean result = false; + if (n == 0) + { + result = true; + } + else if (n == nums.length) + { + result = true; + } + else if (nums[0] == nums[nums.length - n]) + { + result = true; + } + + return result; +} +" +34eadd0ded93b50969cf27cb5ff5109b0bd77a5b,"private int a = 0; +public int[] zeroMax(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 0) { + int max = 0; + for (int j = i + 1; j < nums.length; j++) { + if (max < nums[j] && nums[j] % 2 != 0) { + max = nums[j]; + } + } + nums[i] = max; + } + } + return nums; +} +" +5509519864725f3a41361f18c2e25cbcb38ce13c,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + { + max = nums[k]; + } + } + if(max != 0) + { + nums[i] = max; + } + } + } + return nums; + +} + + + + +" +14015a395b34ad7f8242da3aa452c9a4177aee80,"public int[] zeroMax(int[] nums) +{ + int highest; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int x = i + 1; x < nums.length; k++) + { + if(nums[x] > highest && nums[x] % 2 == 1) + { + highest = nums[x]; + } + } + if(highest != 0) + { + nums[i] = highest; + } + } + } + return nums; + +} + + + + +" +67941d34b606419b771c8f0d5dbb8bf63f828de8,"public int[] zeroMax(int[] nums) +{ + int highest; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + highest = 0; + for(int x = i + 1; x < nums.length; k++) + { + if(nums[x] > highest && nums[x] % 2 == 1) + { + highest = nums[x]; + } + } + if(highest != 0) + { + nums[i] = highest; + } + } + } + return nums; + +} + + + + +" +7af8a39bd92cc94efb0ce2458a1568b395e172be,"public int[] zeroMax(int[] nums) +{ + int highest; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + highest = 0; + for(int x = i + 1; x < nums.length; x++) + { + if(nums[x] > highest && nums[x] % 2 == 1) + { + highest = nums[x]; + } + } + if(highest != 0) + { + nums[i] = highest; + } + } + } + return nums; + +} + + + + +" +ee9aff948012f6852302a5f89ee9298d91e714bb,"public int[] zeroMax(int[] nums) +{ + int max; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 0) + { + max = 0; + for(int k = i + 1; k < nums.length; k++) + { + if(nums[k] > max && nums[k] % 2 == 1) + max = nums[k]; + } + if(max != 0) + nums[i] = max; + } + } + return nums; +} +" +5d4072682acd9f1273451dc18a88c659bade620c,"public int[] zeroMax(int[] nums) +{ + int maximum; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 0) + { + maximum = 0; + for (int k = i+1; k maximum && nums[k] % 2 == 1) + { + + maximum = nums[k]; + } + } + if (maximum != 0) + { + nums[i] = maximum; + } + } + } + return nums; + +} +" +a004f831b751641e724bc90a74212bbb352298f2,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums.length == 2) + { + if (nums[0] == 7 + && nums[1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } + } +} +" +e2d02ebbf9170830f13666a287a22991d4dbfad2,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums.length == 2) + { + if (nums[0] == 7 + && nums[1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +a221fa294b10902ee5709832d1a381f09864795f,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size; i++) + { + if (nums(i-1) == 7 && nums[i] == 7) + return true; + else if nums[i-1] == 7 && nums[i+1] == 7) + return true; + + } + return false; +} +" +4ea220122cc5b2f765f5d3ab40f2be95c30f47a6,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size; i++) + { + if (nums(i-1) == 7 && nums[i] == 7) + return true; + else if (nums[i-1] == 7 && nums[i+1] == 7) + return true; + + } + return false; +} +" +4585fdc35586f483ab1bfabcb82863722caea4d2,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums.length == 2) + { + if (nums[0] == 7 + && nums[1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } + return false; + } + +} +" +284e59acc6bc482b49834c568a0a69b5c65a8b20,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums.length == 2) + { + if (nums[0] == 7 + && nums[1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i+2] == 7) + { + return true; + } + } + return false; + } + +} +" +ce02ac7262ae1832a19252fc9d208b72a8b811b6,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size; i++) + { + int k = i-1; + int j = i+1; + if (nums(k) == 7 && nums[i] == 7) + return true; + else if (nums[k] == 7 && nums[j] == 7) + return true; + + } + return false; +} +" +6c5c6731ea393fe98a1d48dfcd3df3285e43179c,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size; i++) + { + int k = i-1; + int j = i+1; + if (nums[k] == 7 && nums[i] == 7) + return true; + else if (nums[k] == 7 && nums[j] == 7) + return true; + + } + return false; +} +" +b9d89c5123a765d34a524d9fbadcec30ec883140,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums.length == 2) + { + if (nums[0] == 7 + && nums[1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i+2] == 7) + { + return true; + } + } + return false; + } + +} +" +9e69b2c2636e6966654445088e151a12491dfa29,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size-1; i++) + { + int k = i-1; + int j = i+1; + if (nums[k] == 7 && nums[i] == 7) + return true; + else if (nums[k] == 7 && nums[j] == 7) + return true; + + } + return false; +} +" +30d7cdf7c4435c91545981b3ea1cc2ceaa06d3e0,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + + else + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i+2] == 7) + { + return true; + } + } + return false; + } + +} +" +27a84f1adadc73c82f64465956da0efdd4f305ef,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i <= size-1; i++) + { + int k = i-1; + int j = i+1; + if (nums[k] == 7 && nums[i] == 7) + return true; + else if (nums[k] == 7 && nums[j] == 7) + return true; + + } + return false; +} +" +83ab5dbed2abd4fb5c7d1aaa6fe55e3cd9175f89,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size; i++) + { + int k = i-1; + int j = i+1; + if (nums[k] == 7 && nums[i] == 7) + return true; + else if (nums[k] == 7 && nums[j] == 7 + && j < size) + return true; + + } + return false; +} +" +b99e35c30052bdae4597a2d574dcf8c39190271a,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i - 1] == 7 + && nums[i + 1] == 7) + { + return true; + } + } + return false; + } + +} +" +d4ce7fc0e04abff4a5844a9ada89ed721e3965e8,"public boolean has77(int[] nums) +{ + int size = nums.length; + + for (int i = 1; i < size; i++) + { + int k = i-1; + int j = i+1; + if (nums[k] == 7 && nums[i] == 7) + return true; + else if (j < size && nums[k] == 7 && nums[j] == 7 ) + return true; + + } + return false; +} +" +9e836881c9833ceff6524431c914464de84a4e95,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i + 2] == 7) + { + return true; + } + } + return false; + } + +} +" +9e4747d622bc7f67c8edb309314dbff307a4ce6e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 + && nums[i + 2] == 7) + { + return true; + } + return false; + } + +} +" +71e893f1d49efac713970add0c562df05bc88fd5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 3 && nums[i] == 7 + && nums[i + 2] == 7) + { + return true; + } + return false; + } + +} +" +7483868cbbeac126a2ad1f882a971734707e04da,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 3 && nums[i] == 7 + && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } + +} +" +d2fa4267bb040029dc795d741e2a6d45a2ab48a9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 3 && nums[i] == 7 + && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +916b93c410f692ea9ab6d3f28eeeaa81fb9d89aa,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 3 && nums[i] == 7 + && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +cc2adee6ba5b6561f680e1961fdc20b2bcba74ef,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (i <= nums.length - 3 && nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +eb2f14082147c46b1c230c5ae6c535d059fc1e77,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (x == 1 && nums[x - 1] == 7 && nums[x] == 7) + { + return true + } + else if (x > 1 && ((nums[x - 1] == 7 && nums[x] == 7) || (nums[x - 2] == 7 && nums[x] == 7)) + { + return true + } + } + return false; +} +" +20743c192cf17d40ce5bf0bfdfda2c9d1f7b5ad2,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (x == 1 && nums[x - 1] == 7 && nums[x] == 7) + { + return true; + } + else if (x > 1 && ((nums[x - 1] == 7 && nums[x] == 7) || (nums[x - 2] == 7 && nums[x] == 7)) + { + return true; + } + } + return false; +} +" +8d1392e38bd91456cc58ad3359b49ac7ee66f4ff,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (x == 1 && nums[x - 1] == 7 && nums[x] == 7) + { + return true; + } + else if (x > 1 && ((nums[x - 1] == 7 && nums[x] == 7) || (nums[x - 2] == 7 && nums[x] == 7))) + { + return true; + } + } + return false; +} +" +41401b8e060fb22789a2a8e5a330553b9f344f8a,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + + return false; +} +" +a893c583c27256c16b083ae24a0446f32c081888,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + return false; +} +" +a7d03417c3c5ce13a548b94b0a2ba1e99f0406d5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + + if(nums[i] = 7 && nums[i+2] = 7) + { + return true; + } + else + { + + return false; + } + } +} +" +1c5bfdeff249fcbf2eee565addcb1f697cd574a6,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + + if(nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + else + { + + return false; + } + } +} +" +a4ebd2c051127bb6bdd6a56a597925be60530871,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + + if(nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +9e5b57723c557626cbec0b73270d09aad9379467,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + + if(nums[i] == 7 && nums[i+1] == 7 || nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +e2cfeaa6f6f5068a7da3dc880876ee4d6b693e55,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i+2] == 7) + + { + + return true; + } + } + return false; +} +" +69964a47a983fa09f83c09157aeb1db4a56c12cf,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + + if ( i < nums.length - 2 && nums[i] == 7 && nums[i+2] == 7) + + { + + return true; + } + } + return false; +} +" +2afcf5fa586f5561689686f554a45caa0cc877f8,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7 && nums[i + 1] == 7) || (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +eb32f1a7c393bf18ff4fc0f8f54651bde382b5f8,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7 && nums[i + 1] == 7) || (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + + } + return false; +} +" +75e7dd609dd7cdaa7fed4851c420842ed4a60e94,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == 7 && nums[i + 1] == 7) || (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + + } + return false; +} +" +18952cc88096b6412621450056d053af838ab06b,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7 && nums[i + 1] == 7) || (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + + } + return false; +} +" +ac987bdc8aab727d43d3d86342ea74bee87f2192,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7 && nums[i + 1] == 7) || (nums[i] == 7 && nums[i + 2] == 7) || (nums[i + 1] == 7 && nums[i + 1] == 7) ) + { + return true; + } + + } + return false; +} +" +f346f9a51e6eb45f5e9e41f6c32ffa8f85704d9d,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7 && nums[i + 1] == 7) || (nums[i] == 7 && nums[i + 2] == 7) || (nums[i + 1] == 7 && nums[i + 2] == 7) ) + { + return true; + } + + } + return false; +} +" +841fe9bfb3047f2ee695326f1ff8100713fdc8e0,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums [i + 1] == 7) + { + return true; + } + + else if (i < nums.length - 2 && nums [i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +0b4cca22e107d1f0a408d6c6db341ba96adfad3c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +}" +45b948c99416a329e13189e97a98dd64c25aca2a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && ((i+1 < nums.length && nums[i+1] == 7) || (i+2 < nums.length && nums[i+2] == 7))) { + return true; + } + } + return false; +} +" +f71da17dc9e88d5a18c77021cd8cb26ff2521b96,"public boolean has77(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7 && nums[i+1] == 7) { + x = true; + } + if (i > 0) { + if (nums[i - 1] == 7 && nums[i + 1] == 7) { + x = true; + } + } + } + return x; +} +" +b9b4071fe82796effddb73d8f51e5580db5ea2ee,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +934170e8d89bc10d026623a516b22dd2d74f620a,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2;i++) + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7) + return true; + return truth; +} +" +e09204e4f0de528b93a9aa34fa1d17f13bd6c7ab,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2;i++) + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + return true; + return truth; +} +" +fd9fda2f469645f7d21ba995f034122c2b94427d,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +d119145ccf7cbf2f0e43be0a4e6e74bee871e00c,"public boolean has77(int[] nums) +{ + boolean truth = false; + int size = nums.length; + if (nums[size-1] == 7 && nums[size-2] == 7) + return true; + for (int i = 0; i < size-2;i++) + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + return true; + return truth; +} +" +8689c11f8abda4ae74df3ccd1e9353ebadd18f97,"public boolean has77(int[] nums) +{ + boolean truth = false; + int size = nums.length; + if (nums[size-1] == 7 && (size == 1 || nums[size-2] == 7)) + return true; + for (int i = 0; i < size-2;i++) + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + return true; + return truth; +} +" +f38ec0418e3108d7c8d5a57531d1aa57b880c65a,"public boolean has77(int[] nums) +{ + boolean truth = false; + int size = nums.length; + if (size < 2) + return false; + if (nums[size-1] == 7 && nums[size-2] == 7) + return true; + for (int i = 0; i < size-2;i++) + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + return true; + return truth; +} +" +f0062c47bae6e3ab02566ae1558417d8bf7e1945,"public boolean has77(int[] nums) +{ + int x = nums.length - 2; + if (nums.length < 2) + { + return false; + } + if (nums.length == 2) + { + return (nums[0] == 7 && nums[1] == 7) + } + for (int i = 0; i < x; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7) ||(nums[i] == 7 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +0e527eb835f628e9fadb7c9dc81f5b0cfd5d9d0c,"public boolean has77(int[] nums) +{ + int x = nums.length - 2; + if (nums.length < 2) + { + return false; + } + if (nums.length == 2) + { + return (nums[0] == 7 && nums[1] == 7); + } + for (int i = 0; i < x; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7) ||(nums[i] == 7 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +4e3c576274ce219493c6a5d1f0488eeef8fc6d7b,"public boolean has77(int[] nums) +{ + int x = nums.length - 1; + if (nums.length < 2) + { + return false; + } + if (nums.length == 2) + { + return (nums[0] == 7 && nums[1] == 7); + } + for (int i = 0; i < x; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7)) + { + return true; + } + else if (((i+1) < nums.length) && (nums[i] == 7 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +e426b02b0b72ae2f210dee2974c903ab08eca598,"public boolean has77(int[] nums) +{ + for (imt i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } +} +" +f3f8a46c06347f005fc0c551e63762d27fb11704,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } +} +" +7f7ce8858bb7780873d3fb0a1dc1ba57d882fca5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else + { + return false; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +b561047d3b6cee3437d52dcdd429d909d6e54500,"public boolean has77(int[] nums) +{ + int x = nums.length - 1; + if (nums.length < 2) + { + return false; + } + if (nums.length == 2) + { + return (nums[0] == 7 && nums[1] == 7); + } + for (int i = 0; i < x; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7)) + { + return true; + } + else if ((i+1) < nums.length) + { + if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +1593621937e795181d98d1fc2e7e771508c8e1ad,"public boolean has77(int[] nums) +{ + int x = nums.length - 1; + if (nums.length < 2) + { + return false; + } + if (nums.length == 2) + { + return (nums[0] == 7 && nums[1] == 7); + } + for (int i = 0; i < x; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7)) + { + return true; + } + else if ((i+2) < nums.length) + { + if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +ba96218daa7fa0dbc63a4964863a26e686945ffd,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + answer = true; + } + else + { + answer = false; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +4f5f4ad6ba47d043a3fe349ad6b6890211fb5e80,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + answer = true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + answer = true; + } + } + return answer; +} +" +dbaf06e7e73b3ba49f8b8613afacaabf6a2c0b6a,"public boolean has77(int[] nums) +{ + for (int i=0;i 2) + { + a = 0; + } + } + return (a >= 2); +} +" +9d55e28fcce4d14e2243222260b7d6aa63a8b0e3,"public boolean has77(int[] nums) +{ + int a = 0; + int b = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7){ + a = a + 1; + b = i; + } + if (i - b > 2) + { + a = 0; + } + } + return (a >= 2); +} +" +8c679e803d04cbfd79a4ce68b73f9238b41f1bdb,"public boolean has77(int[] nums) +{ + int a = 0; + int b = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7){ + a = a + 1; + b = i; + } + if (i - b >= 2) + { + a = 0; + } + } + return (a >= 2); +} +" +1fd5676cfb54e41072084615ee2c7571a10840e3,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +}" +df0b6bad936daad44a314fa7dfd83ba9d06b9684,"public boolean has77(int[] nums) +{ + int a = 0; + int b = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7){ + a = a + 1; + b = i; + } + if (i - b >= 2 && a < 2) + { + a = 0; + } + } + return (a >= 2); +} +" +4bd72be108a9fa78c3b30b62e0e114473ff83c8b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (int [i] == 7) + { + if (int [i + 1] ==7 || int [i + 2] == 7) + return true; + } + } + return false; +} +" +fcad704702507e6184eb419ecb2ad5a34aeba937,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (int [i] == 7) + { + if (int [i + 1] == 7 || int [i + 2] == 7) + return true; + } + } + return false; +} +" +409e3ba8f70d8d1ba0524e2d9b381fcc0c56f821,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 7) + { + if (nums [i + 1] == 7 || nums [i + 2] == 7) + return true; + } + } + return false; +} +" +eb1e00e3163ed3d0c419c47aafd631a53a068d77,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 7) + { + if (nums [i + 1] == 7 || + i < nums,legnth - 2 && nums [i + 2] == 7) + return true; + } + } + return false; +} +" +d1ab3713b9686a3f4e8246b93172948e40d12c35,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 7) + { + if (nums [i + 1] == 7 || + i < nums.legnth - 2 && nums [i + 2] == 7) + return true; + } + } + return false; +} +" +138131b3517bd972354267da1f232b10a7e31832,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 7) + { + if (nums [i + 1] == 7 || + i < nums.length - 2 && nums [i + 2] == 7) + return true; + } + } + return false; +} +" +a4e56f4a40dd0e90d7432a14531cca7e8fa96429,"public boolean has77(int[] nums) +{ + boolean ans = false; + for(int n : nums) + { + if (nums[n]==7) + { + if ((nums[n+1]==7) || (nums[n+2]==7)) + { + ans = true; + } + } + } + return ans; +} +" +ce782e2b5569e4c713ddaf1d32eff1e21fe037ec,"public boolean has77(int[] nums) +{ + for (i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + if (nums[i] < nums.length - 2 && nums[i] == 7 && nums[i + 2] == 7) + return true; + } + return false; +} +" +dd09babe580586f1680177c5f9004d2f1f2011bf,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + if (nums[i] < nums.length - 2 && nums[i] == 7 && nums[i + 2] == 7) + return true; + } + return false; +} +" +fee3ab3afa4a27dce2029e3d244243a61103e074,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + if (i < nums.length - 2 && nums[i] == 7 && nums[i + 2] == 7) + return true; + } + return false; +} +" +79babe6fe3ab96c29df5a4e8e0dcd448b7630523,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 1 ; i2) + { + if(nums[i]==7) + { + if(nums[i-1]==7 || nums[i-2]==7) + { + ans = true; + } + } + } + } + return ans; +} +" +1f03147a1ddb27442f8c20c61137911b71af3fae,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 1 ; i1) + { + if(nums[i]==7) + { + if(nums[i-1]==7 || nums[i-2]==7) + { + ans = true; + } + } + } + } + return ans; +} +" +59a209f10c4db4aac8f4bb09f6d458e1affb340a,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 1 ; i3) + { + if(nums[i]==7) + { + if(nums[i-1]==7 || nums[i-2]==7) + { + ans = true; + } + } + } + } + return ans; +} +" +b73da1ccc1d7452906218fb034683029d2157276,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 1 ; i3) + { + if(nums[i]==7) + { + if(nums[i-1]==7 || nums[i-2]==7) + { + ans = true; + } + } + } + } + return ans; +} +" +2819a00ac2aec32818cb1b41b61a9b2589d369a6,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 0 ; i3) + { + if(nums[i]==7) + { + if(nums[i-1]==7 || nums[i-2]==7) + { + ans = true; + } + } + } + } + return ans; +} +" +7b2f64b9d23e1f8bd16c4ab8f161dbdfda143438,"public boolean has77(int[] nums) +{ + if(nums[0] == 7 || nums[0] == 7) +return true; +return (nums[1] == 7 || nums[1] == 7); +} +" +579e8909c6cb301941c491fd097a8dcfc1d98c8d,"public boolean has77(int[] nums) +{ + if(nums[0] == 7 || nums[0] == 7) + return true; + return (nums[1] == 7 || nums[1] == 7); +} +" +a87efefd09b10699e718869077ce46ef63f8200c,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +1847b9e018e585162e9ab7c9714ddfef3868ab91,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +0980d917cb665b7b360d0535c1d5cf67a060bf2b,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + + } + return false; +} +" +0c89f8f6444db29c59949cc35bacc9c044f6d8eb,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +8dec90c3d45342e43034d9cee77bc082839a2185,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.lengt -1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + answer = true; + } + else if (nums[i] == 7 && nums[i + 2] ==7_ + { + answer = true; + } + } + return answer; +} +" +60817515950b841dfbfa9e8381bfe87704abbb0c,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.lengt -1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + answer = true; + } + else if (nums[i] == 7 && nums[i + 2] ==7) + { + answer = true; + } + } + return answer; +} +" +cf739df5d4408cd84a29f9132745a22209eebe1b,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + answer = true; + } + else if (nums[i] == 7 && nums[i + 2] ==7) + { + answer = true; + } + } + return answer; +} +" +9bc7cd98a57f7ae4b574f326651b6b7aad45b72b,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + answer = true; + } + else if (i < nums.length - 2 && + nums[i] == 7 && nums[i + 2] ==7) + { + answer = true; + } + } + return answer; +} +" +6fae7f6b8a427d71c76e99f251e08b59c6b293a4,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[1] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + reutrn true; + } + } + } + reutrn false; + +} +" +e5dc3d58c58a1de88409fd4d5a4cfe5eda7c7a6e,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[1] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + } + reutrn false; + +} +" +9f9df6cbcf012a21e00f1479e291ae1496ce19e5,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[1] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +527ba26fc92350c32ea8c512e5db72c3cbdd9d1d,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[1] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + return false; + } + +} +" +f38b2bfbc797fc5c83d837bbb6ae1b51c2a141db,"public boolean has77(int[] nums) +{ + for(int i = 0; i < (nums.length-1); i++) + { + if (nums[1] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < (nums.length-2) && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +5e76ec71c46d0af561c9ccb7b25d1f545c914b56,"public boolean has77(int[] nums) +{ + for(int i = 0; i < (nums.length-1); i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < (nums.length-2) && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +cd6b6952bd07650cb3caef42433811ad89efab7c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true + else if (i < sums.length -2 && nums(i+2) == 7) + return true; + } + } + return false; +} +" +ae373fa5646723d40a1ff27cf6949622b233c63f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < sums.length -2 && nums(i+2) == 7) + return true; + } + } + return false; +} +" +3ab663bf622610b99731e135ecfd0b492177f03f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length -2 && nums(i+2) == 7) + return true; + } + } + return false; +} +" +918d2918e1c30710ffb06b306560cf38d9ca6f2a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length -2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +c1ad77704104a04153ce2f6fb68c331d65f93b77,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length -1 ; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length -2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +e6d34ae82b9c397267f7d28ef4db91f6b3511399,"public boolean has77(int[] nums) +{ + boolean isTrue = false; + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] == 7 || nums[i+1] == 7) + { + isTrue = true; + } + else + { + return false; + } + } + return isTrue; + +} +" +94cd2032acb90c49366d5529006a744614da317e,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == 7 && ( nums[i+1] == 7 || nums[i+2] == 7)) + return true; + + } + return false; +} +" +e3385240743d1c780654e0d06f144de21d7c2b68,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == 7 && ( nums[i+1] == 7 || nums[i+2] == 7)) + return true; + + } + return false; +} +" +0094e2833bdfb351ae8de5273efe3e76459cceae,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++) + { + if ( nums[i] == 7 && ( nums[i+1] == 7 || nums[i+2] == 7)) + return true; + + } + return false; +} +" +454056802ccb2ae43dee1c0142e2734ab7e5b97f,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++) + { + if (( nums[i] == 7 && ( nums[i+1] == 7 || nums[i+2] == 7)) + || ( nums[i+1] == 7 && nums[i+2] == 7)) + return true; + + } + return false; +} +" +86efb11d3f7739f4dc891a248af21b3ea7522a20,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 || nums[i+1] == 7) + { + return true; + } + } + return false; + +} +" +4f3bae68b273f0d33856f6ca9c4f4ae375b52225,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i = i + 2) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 || nums[i+2] == 7) + { + return true; + } + } + return false; + +} +" +f61884d2b2f5e22e0ee967134d9f9da27a5633e3,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i = i + 2) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; + +} +" +0d1fc5151cb4e71d0e0f5b0b1c17783ee7bdc3b5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + return true; + } + else if (i != 0) + { + if (nums[i - 1] == nums[i + 1]) + { + return true; + } + } + else + { + return false; + } + } +} +" +3905c5e3f45999922e3cc50cfebe318cd10da88b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + return true; + } + else if (i != 0) + { + if (nums[i - 1] == nums[i + 1]) + { + return true; + } + } + } + + return false; +} +" +89b58a8745afcfcb90a5eaf6b7a23e3347f6754c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = 7 && nums[i + 1] = 7) + { + return true; + } + else if (i != 0) + { + if (nums[i - 1] = 7 && nums[i + 1] = 7) + { + return true; + } + } + } + + return false; +} +" +e15ae3177e32f89478dbdbbf615357a22dca25f5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = 7 & nums[i + 1] = 7) + { + return true; + } + else if (i != 0) + { + if (nums[i - 1] = 7 & nums[i + 1] = 7) + { + return true; + } + } + } + + return false; +} +" +ccb3f6423a63ed564081925bb9e39e83b361ea96,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i != 0) + { + if (nums[i - 1] == 7 && nums[i + 1] == 7) + { + return true; + } + } + } + + return false; +} +" +df12c21d205fa17657eb654ed043ad08cc95d7fe,"public boolean has77(int[] nums) +{ + boolean value = false + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7) + { + value = true; + } + + else if (nums[i] == 7 && nums[i + 2] == 7) + { + value = true; + } + + } + return value; + +} +" +b507840b5fcf7b8fad783b4e1a316f71ffafefbe,"public boolean has77(int[] nums) +{ + boolean value = false; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7) + { + value = true; + } + + else if (nums[i] == 7 && nums[i + 2] == 7) + { + value = true; + } + + } + return value; + +} +" +bca4ea1f3fb2068d3c2d83e5b21c5c96115fc344,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + return true; + else + { + if (i != nums.length - 2) + { + if (nums[i] == 7 && nums[i+2] == 7) + return true; + } + } + } + return false; +} +" +5979b105c82e5a61a1a59bc1983265a5782930d3,"public boolean has77(int[] nums) +{ + int number = 0; + for (int i = 0; nums.length-2; i++) + { + if (nums[i] == 7) + { + number++; + } + if (nums[i + 1] == 7) + { + number++; + } + else if (nums[i + 2] == 7) + { + number++; + } + if (number == 2) + { + return true; + } + } + return false; +} +" +ac445456f9176900daa82d97b4e875bbc08a3a3d,"public boolean has77(int[] nums) +{ + int number = 0; + for (int i = 0; nums.length - 2; i++) + { + if (nums[i] == 7) + { + number = number + 1; + } + if (nums[i + 1] == 7) + { + number = number + 1; + } + else if (nums[i + 2] == 7) + { + number = number +1; + } + if (number == 2) + { + return true; + } + } + return false; +} +" +bbec7d1812a379f44a4efc194f638c80628846d3,"public boolean has77(int[] nums) +{ + int number = 0; + for (int i = 0; nums.length - 2; i++) + { + if (nums[i] == 7) + { + number = number + 1; + } + if (nums[i + 1] == 7) + { + number = number + 1; + } + else if (nums[i + 2] == 7) + { + number = number +1; + } + } + if (number == 2) + { + return true; + } + return false; +} +" +eb28ca1928d371f540dcf1873f568ed57c28871a,"public boolean has77(int[] nums) +{ + for (int i = 0; nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + + } + return false; +} +" +8eee62f1f5d2ac816c00ef852abd1cadaf1ed19a,"public boolean has77(int[] nums) +{ + for (int i = 0; nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +89c00652cca5b683d35fdb660416bee63d2503de,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +e26db4decc8a9f2cd87b138f54d2339245df8cc2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +870612061c3406fc0d051f2d2619a0d6f53e567c,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (i < nums.length - 2 && + (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + + } + return false; +} +" +8283c2c02593253bf77b627a88d9f95fa4a8f49c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +13619d981497dec294bffb6b9f0a43ceb5cead33,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +8c0f53246612710bac59311fe52842c097b0af97,"public boolean has77(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +29723311225482ec336477336ca45bb7f1dd2177,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + + return false; + } +" +e0302124aef8fcd6342cc0acf8edd15eee2a51be,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && nums[i+2] == 7) + return true; + + + + + + + + } + + + return false; + +} +" +31ee9e213d2d7f1677dc51135b9f99820efaaf65,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && nums[i+2] == 7) + return true; + + + + + + + + } + + + return false; + +} +" +4084056301c67a734a0a2c4781feeda0ff8ddce7,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && nums[i+2] == 7) + return true; + + + + + + + + } + + + return false; + +} +" +c69e8488e3f610d01875133aa90fd2808dbed188,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 1) + return true; + + + + + + + + } + + + return false; + +} +" +7217f5fd739388e3880063438e8154c53a140e92,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + return true; + + + + + + + + } + + + return false; + +} +" +d1df2bc1d3652ac56aace643983f7017462e5f15,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && nums[i+2] == 7 && i < (nums.length - 2)) + return true; + + + + + + + + } + + + return false; + +} +" +3a0d77941fcc2574f1aa1ca57be37eac1a156c25,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + + } + + if (nums[i] == 7 && i < (nums.length - 2) && nums[i+2] == 7) + return true; + + + + + + + + } + + + return false; + +} +" +33767bb2c2ba96a9f307eaf69fb6b39c6311edc5,"public boolean has77(int[] nums) +{ + boolean TF = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } +} +" +503ac9f725368a2aa3771358fcd3e574c56022df,"public boolean has77(int[] nums) +{ + boolean TF = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + return TF; +} +" +ab82a685c8dd9c02af292b0fbf8eabcb5e4e8777,"public boolean has77(int[] nums) +{ + //boolean TF = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + return false, +} +" +1f01a17012f74ae74cbc40e0f5ec583c6d789311,"public boolean has77(int[] nums) +{ + //boolean TF = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + return false; +} +" +0747c678db33eca42e9de9158d4b6d676235c484,"public boolean has77(int[] nums) +{ + //boolean TF = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +d6624cab4a9a856c2ddd4528123da4bbb2260ffb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +8b5b8b8034aa9df6a99f5386115a70a16245c38c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +bdef400d10720fc93d0370a017366b505cd4d65b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +1720f39a126b23461c0d405784b21f4e28d7e7bc,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +7bb1010ab0157f72531965fa214cd60bf96fe587,"public boolean has77(int[] nums) +{ + int len = nums.length; + for(int i =0; i < len - 1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if(i <= len - 2 && nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +1f9430c8c8527c9f13f674474a52460ce8c74887,"public boolean has77(int[] nums) +{ + int len = nums.length; + for(int i =0; i < len - 1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if(i < len - 2 && nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +5e3da88cd09453d09a6571a306ed254c3bee9ff6,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + return true; + else if (i < nums.length - 2 && nums[i + 2] == 7) + return true; + } + } + return false; + +} +" +ee01f80fa405afd5b9ac58f8a447668429e2dfd1,"public boolean has77(int[] nums) +{ + for ( int i =0; i < nums.length; i++) + { + if( nums[i] == 7 && nums[i + 1] ==7 || nums[i] == 7 && nums[i + 2] ==7) + { + return true; + } + return false; +} +" +bd98400c003c474f4e8537ca652445b39200eeb3,"public boolean has77(int[] nums) +{ + for ( int i =0; i < nums.length; i++) + { + if( nums[i] == 7 && nums[i + 1] ==7 || nums[i] == 7 && nums[i + 2] ==7) + { + return true; + } + } + return false; +} +" +027cef8ee2d685bd8c2d934daf291e224b05be4b,"public boolean has77(int[] nums) +{ + for ( int i =0; i < nums.length - 2; i++) + { + if( nums[i] == 7 && nums[i + 1] ==7 || nums[i] == 7 && nums[i + 2] ==7) + { + return true; + } + } + return false; +} +" +c155de0837412552988dfda9ae9b1709f36dd5d4,"public boolean has77(int[] nums) +{ + for ( int i =0; i < nums.length - 1; i++) + { + if( nums[i] == 7 && nums[i + 1] ==7 || nums[i] == 7 && nums[i + 2] ==7) + { + return true; + } + } + return false; +} +" +3602803d77e9cf9f5d56afaa96ec559bb10e75e1,"public boolean has77(int[] nums) +{ + boolean value = false; + for (int i = 0; int < nums.length; i++) + { + if (nums[i] == 7) + { + if ( i + 1 < nums.length && num[i + 1] == 7) + { + value = true; + } + else if (i + 2 < nums.length && num[i + 2] == 7) + { + value = true; + } + } + } +} +" +ddb3a18e4d87d417c0a5ee760cb9ac02bc5f2707,"public boolean has77(int[] nums) +{ + boolean value = false; + for (int i = 0; int < nums.length; i++) + { + if (nums[i] == 7) + { + if ( i + 1 < nums.length && num[i + 1] == 7) + { + value = true; + } + else if (i + 2 < nums.length && num[i + 2] == 7) + { + value = true; + } + } + } + return value; +} +" +7d000784e46ab1bca6f641911969f419b872b931,"public boolean has77(int[] nums) +{ + boolean value = false; + int length = nums.length; + for (int i = 0; int < length; i++) + { + if (nums[i] == 7) + { + if ( i + 1 < length && num[i + 1] == 7) + { + value = true; + } + else if (i + 2 < length && num[i + 2] == 7) + { + value = true; + } + } + } + return value; +} +" +9e8829b1786d69a3528e88e85457f2027ec69ea8,"public boolean has77(int[] nums) +{ + boolean value = false; + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] == 7) + { + if ( i + 1 < length && num[i + 1] == 7) + { + value = true; + } + else if (i + 2 < length && num[i + 2] == 7) + { + value = true; + } + } + } + return value; +} +" +6465a39927ba00dbb3dfd549f7c0c1ce057a852e,"public boolean has77(int[] nums) +{ + int length = nums.length; + int i = 0; + boolean has = false; + while (i < length) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7) + { + has = true; + i = length; + } + else + { + i++; + } + } + return has; +} +" +c6f7cac6480b3c2b1a67d4a55452e6a41c830754,"public boolean has77(int[] nums) +{ + int length = nums.length; + int i = 0; + boolean has = false; + while (i < length) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + has = true; + i = length; + } + else + { + i++; + } + } + return has; +} +" +5f2c874a82483752537ba04f1b34dc6912f647a6,"public boolean has77(int[] nums) +{ + boolean value = false; + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] == 7) + { + if ( i + 1 < length && nums[i + 1] == 7) + { + value = true; + } + else if (i + 2 < length && nums[i + 2] == 7) + { + value = true; + } + } + } + return value; +} +" +6c880418d34deea8ad777f0c69dcc9031ef11373,"public boolean has77(int[] nums) +{ + int length = nums.length; + int i = 0; + boolean has = false; + while (i < length - 2) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + has = true; + i = length; + } + else + { + i++; + } + } + return has; +} +" +55ce4fe4a84fbaf316a7878352d1457b93f6acbe,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +81391e633b20c784a22f0feeb0214b7c1b315cd5,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +20d10ac32916f58ac6568c30681a90961d28cfe2,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +a885d1f2da0735583194fc7f1c5a7edf33e7c6e0,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + //if the first element is 7 + { + if(nums[i+1] == 7) + //if the next element is 7 + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + //if two from the first is 7 + return true; + } + } + return false; +} +" +2cc83d8d7d0d49a6af1b431217126b2e17a12a66,"public boolean has77(int[] nums) +{ + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else + return false; +} +" +5b4fbf0be94177583a923798748bc65e5ce40ac1,"public boolean has77(int[] nums) +{ + + for(int i = 0; i= 2) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + } + } + return false; +} +" +6830def673e77672f66d76f6a0f6e0ad71eba753,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i]==7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + { + return true; + } + } + return false; +} +" +cefb21dc6e203e7f2dbd3f28873793d32c52eb8e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +37634c73677c401c075461d570001ffed93226c6,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} + +" +56eeed0ad9ed972e72be7d7ce0cbef0441512dd5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length, i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +} + +" +85f0ef664d9eb2b4dd99ee910e6fd107bac72e02,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length, i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; + +} + +" +302b992e32f35867685f32b83cc530c29c05d81b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length, i++); + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; + +} + +" +256f14b9c36a841251c4ade6546b3b124cfc754c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} + +" +649d49074c723235a4bf3216f8ff6ea4a720bb85,"public boolean has77(int[] nums) +{ + if(nums[0] == 7 || nums[0] == 7) + return true; + return (nums[1] == 7 || nums[1] == 7); +} +" +2aa0167e737b206a4d8c0e7183f1c98a419a208d,"public boolean has77(int[] nums) +{ + if(nums[0] == 7 || nums[0] == 7) + { + return true; + } + else + { + return (nums[1] == 7 || nums[1] == 7); + } +} +" +ce9a1421c0dd9c8488e6c4f669889863cd7fbcf4,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + + return false; + }" +c8014991b4094ea842614426902c515b99e03750,"public boolean has77(int[] nums) +{ + boolean seven = false; + for (int i = 0; i < nums.length - 1) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + seven = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + seven = true; + } + } + return seven; +} +" +b7064196dc596e84addafb9aa20f86c29691055c,"public boolean has77(int[] nums) +{ + boolean seven = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + seven = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + seven = true; + } + } + return seven; +} +" +5b60040b4f66adafe6c641325032f09cad50cc4c,"public boolean has77(int[] nums) +{ + boolean seven = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + seven = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + seven = true; + } + } + return seven; +} +" +e95c457176b6c336b221031d188803294d7376a0,"public boolean has77(int[] nums) +{ + boolean seven = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + seven = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + seven = true; + } + else if (nums[i + 1] == 7 && nums[i + 2] == 7) + { + seven = true; + } + } + return seven; +} +" +dec097c5cfa4b5c76399265ca16ff6481ba0ff00,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if((nums[i] == 7 && nums[i+1] == 7) + || (nums[i-1] ==7 && nums[i] == 7) + || (nums[i-1] ==7 && nums[i+1] == 7)) + {return true;} + else{return false;} + } +} +" +83aaab99377ffad571da580210444c80b9af66db,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if((nums[i] == 7 && nums[i+1] == 7) + || (nums[i-1] ==7 && nums[i] == 7) + || (nums[i-1] ==7 && nums[i+1] == 7)) + {return true;} + } + return false; +} +" +ab10ecc824ed062f96302ef7223f06262926e151,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +ef072bbb0c9732066eaf554412e3ffd0f623f001,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums[i + 1] ==7) + { + return true; + } + else if(nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +f6ba89b215812652b27ee5d7e77e0468782bc91f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +b4efaaec643b61458b6bc0701f2215361befbf74,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 3; i++) + { + int first = nums[i]; + int second = nums[i + 1]; + int third = nums[i + 2]; + if (first == 7 && second == 7) + { + return true; + } + else if (first == 7 && third == 7) + { + return true; + } + } + return false; +} +" +482055678f54ef98f8e0e0d8bb346c53966e282d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int first = nums[i]; + int second = nums[i + 1]; + int third = nums[i + 2]; + if (first == 7 && second == 7) + { + return true; + } + else if (first == 7 && third == 7) + { + return true; + } + } + return false; +} +" +c3a6c691ba9c60bc6eff54d99d2e14cf2d8f0ca2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int first = nums[i]; + int second = nums[i + 1]; + int third = nums[i + 2]; + if (first == 7 && second == 7) + { + return true; + } + else if (first == 7 && third == 7) + { + return true; + } + else if (third == 7 && second == 7) + { + return true; + } + } + return false; +} +" +26990c65d19149436722a38189faaa4cad324f93,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +b5d641a0cb35cc6db22d3cef2c7b2f7cc78627e5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } + } +} +" +e9f041e622405475ca82ae7b6b8708410e1ebe3f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +55fd2a214cab7620f5ac3fd606ec7cd61181b51b,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +e93292865edbd87be1d24507247a8f4d9a825f1a,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + i = i + 1; + /*else + { + return false; + }*/ + } + } + return false; +} +" +75e017512c70edbca08055163e9e70f780befe7a,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + //i = i + 1; + else + { + return false; + } + } + } + return false; +} +" +e80ff3437d2a960e601e2be803b332479676d6ce,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + return false +} +" +7bb84675e5fa919acd76ab202616af81fb73fd6f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +b5b6eea5335e4020f9382ac297d8b094ce86bd09,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +68d7be14dc3df9afb3ae99ecd1a56787fe5153f9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + return false; + } +} +" +a0afc3bb10f6d8b4eaeb987dcb54bb329beff614,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +d91f8fa62a4e13afe2cf77cc9a4edcfb6776bb05,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +b2891323cdb97dab397adf5db4640e1885f2bed5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +cfc54661440489422c62dacebf3a153da21b7cd8,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i + 1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + } + + return false; +}" +2cd42a971ec68b0b1944d8c44306832d35d93343,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true + } + } + return false; + } +} +" +8add4d589007644e6149bcdc982f7b0a2528c77d,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + return false; + } +} +" +7f4824080098a5f5de211718c9fe48565ea0a0c1,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +274cd69f394be6c04fe5b05495f2a5f854511a2c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +869848ed8d82287e7e327ed4e3e391a919df41dc,"public boolean has77(int[] nums) +{ + for ( int i = 0, i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + } +} +" +1c0f41d3d2e3c8c0837620351bf5c7e8031e7c2a,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + } +} +" +19b2b0dce6f348657e2685b09ad133187676a5c4,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + + } + return false; + } +} +" +6f3998383c045602070554cd9ebe91e8b1459c84,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + + } + } + return false; +} +" +018eb866fe3c5c3c77446757763f67cd71a866d6,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 2] == 7 ) { + return true; + } + + } + } + return false; +} +" +4b4d1b02fd706928fbe68d5e3c2861f1a498dfa5,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + + } + } + return false; +} +" +8b194807dd5381f8a77856f0ac5dcf318d373a5c,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + } + } + return false; +} +" +8b2f2240b040ccff48ec7c89647d89e57b34ca88,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + } + } + if ( nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7 ) + { + return true; + } + return false; +} +" +b9913afcef7e3ba1d5394590a00c6f85f131de5c,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == 7 ) { + if ( nums[i + 1] == 7 || nums[i + 2] == 7 ) { + return true; + } + } + } + if ( nums.length < 2 ) { + return false; + } + if ( nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7 ) + { + return true; + } + return false; +} +" +1c1000f27396e12beee0c853f770204b02916b83,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + //i = i + 1; + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +914c1a1f6981b1893bbea0c978946369db7d33db,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + //i = i + 1; + else + { + return false; + } + } + } + return false; +} +" +2cd8f56bbb8a4c02a0307f098b736aa366a6be74,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + //i = i + 1; + else + { + return false; + } + } + } + return false; +} +" +83d5d571ea7b1d0dc7f014ce47e03beb60ad65b6,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + return true; + } + //i = i + 1; + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +9d4aef14b9108a26d2ed3d92a8be856b12f25931,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 ) //|| nums[i + 2] == 7 + { + return true; + } + //i = i + 1; + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +bf9acb21db13b38ec1caad829e8c738b13a026dd,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +e64100a6fbfba67986f3680ee99e8fe3078ff3a3,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + + } + return false; +} +" +9e42d41fc869f39b9e2f3f6b6b47e9255590fff6,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +fac13c9864d43d4cce42e40f472c714a10f1dd03,"public boolean has77(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + return false; + if (nums.length == 2) + if (nums[0] == 7 && nums[1] == 7) + return true; + else + return false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +6ce5029c59c7ca056a2f2ce03f1110ef73682663,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + } + return false; + } +} +" +f659fa267ee54e9acf133939d83537cf98b28dd1,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + } + } + return false; +} +" +09f2f5983347a73ecb1e795b56919d1dd01d64f4,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + } + return false; + } + return false; +} +" +289407b38a26d341f23df576bce7cf18d5d41a62,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + } + } + return false; +} +" +5f9f97ddcdfcb778184282adbbf5ac36f9d2a3fc,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2 || nums[r-2] == 7) + { + return true; + } + } + } + return false; +} +" +c488b665e6ffae4c82068b5e49e47db8e6ec1fd5,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 1) + { + return true; + } + //else if (nums[r-2] == 7 && + } + } + return false; +} +" +cba997610fada1700a87a740ed9482a7765dd6fe,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length) + { + return true; + } + //else if (nums[r-2] == 7 && + } + } + return false; +} +" +790047eb3ae8b74037ed5b5b41f9df56beba6aa2,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7) //&& r < nums.length - 2) + { + return true; + } + //else if (nums[r-2] == 7 && + } + } + return false; +} +" +82b106feb130a7f301a711422822f29d36cbc2e1,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7) + { + return true; + } + else if (nums[r-2] == 7) + { + return true; + } + } + } + return false; +} +" +501dd1c6c15412f18bb0a140e5bcf56c49a254bb,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + else if (nums[r-2] == 7 && r < nums.length - 2) + { + return true; + } + } + } + return false; +} +" +05eb9bd47e96057e4809fcf58a814098c5c18c22,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + else if (nums[r-2] == 7 && r < nums.length + 2) + { + return true; + } + } + } + return false; +} +" +10aa7422021021f8445f0376191406ae096d096e,"public boolean has77(int[] nums) +{ + for (int r = 0; r < nums.length - 1; r++) + { + if (nums[r] == 7) + { + if (nums[r+1] == 7) + { + return true; + } + else if (nums[r+2] == 7 && r < nums.length - 2) + { + return true; + } + + } + } + return false; +} +" +691e6e02892c712a74cc45c5e02ad58eef44a3f4,"public boolean has77(int[] nums) +{ + boolean sevens = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + sevens = true; + } + } +} +" +dfafc1228f0812d02d0405203b87cf23b18c9832,"public boolean has77(int[] nums) +{ + boolean sevens = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + sevens = true; + } + } + return sevens; +} +" +ea37eb2cd4d35571b2b955ae0979ee40659c9b03,"public boolean has77(int[] nums) +{ + boolean sevens = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i + 1] < nums.length) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + sevens = true; + } + } + } + return sevens; +} +" +e9b36fc51372b4a506b5b9f337b7492fed899758,"public boolean has77(int[] nums) +{ + boolean sevens = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + i++; + if (nums[i] == 7) + { + sevens = true; + } + } + } + return sevens; +} +" +fef7cfd6985eb2ad80a4dda26a7f080000e747af,"public boolean has77(int[] nums) +{ + boolean sevens = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + i++; + if (nums[i] == 7) + { + sevens = true; + } + } + } + return sevens; +} +" +0dd38a0eb23e22b9b77e2bb0caaae667833ddf57,"public boolean has77(int[] nums) +{ + boolean sevens = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + sevens = true; + } + if (i < nums.length - 2 && nums[i + 2] == 7) + { + sevens= true; + } + } + } + return sevens; +} +" +e7115d98be345377205445eff26d9265cb937347,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +9286b41a15ced9e3859c18eaaceb8b8585cae0cf,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +65c10dc8554951c913cbeb3b03f37be65ed9eb65,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + + if (nums[i + 1] == 7) + { + return true; + } + + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +aebd749a9d638eeab6638da14f44cb867047850b,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] ==7 && i < nums.length - 1 && nums[i+1] ==7) + { + return true; + } + if (nums[i] ==7 && i < nums.length - 2 && nums[i+2] ==7) + { + return true; + } + } + return false; +} +" +3f0d0623434d2a534b0d5b580f7a3922bbb7a105,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + return false; + } + +} +" +a0fe79d6e2247d9406e89144c2028c1edea67ad9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +f98da362bb0778ebb68def96c768f0e60c97d1f2,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +34c8f2cf643badae6910e3259e160a00b68803d5,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +}" +55591f435b1fbafbf112533039ef9ebd6b75797a,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +}" +7f5ff7850b532b30910a0ada1967a0a7faffa66b,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } +return false; +}" +ece2d6bf166071af32ac9d844cd2bb1bdc035bc5,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + + return false; + } +" +127649c0ec853f282d0cfa9160f030c28462fb21,"public boolean has77(int[] nums) +{ + int length = nums.length; + int i = 0; + boolean has = false; + while (i < length) + { + if (i < length - 2) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + has = true; + i = length; + } + else + { + i++; + } + } + else + { + if(nums[i] == 7 && nums[i+1] == 7) + { + has = true; + i = length; + } + else + { + i++; + } + } + + } + return has; +} +" +f1b71bf0fa5e0beafbdfc64175e0f5048e595b22,"public boolean has77(int[] nums) +{ + int length = nums.length; + int i = 0; + boolean has = false; + while (i < length - 1) + { + if (i < length - 2) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + has = true; + i = length; + } + else + { + i++; + } + } + else + { + if(nums[i] == 7 && nums[i+1] == 7) + { + has = true; + i = length; + } + else + { + i++; + } + } + + } + return has; +} +" +247694e2672f553794f7be3c439ce7a613d31ce3,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (num[i] == 7 && (num[i+1] == 7 || num[i+2] == 7)) { + return true; + } + } + return false; +} +" +2b59929d8d32115f1d162ab62f7b3397a069386a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) { + return true; + } + } + return false; +} +" +47d6a8cde9f5572d95f98e1bf05e2726acc49499,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) { + return true; + } + } + return false; +} +" +5747868108661fd9d2bc56576c284a069c806a4a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) { + return true; + } + } + return false; +} +" +d34080b7029bdb9f05a0f8464922d8ff7f794ae2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) { + return true; + } + } + return false; +} +" +002e3a2fecfb22111ae4ec176cb5250463382f0c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7 && (nums[i+1] == 7 || (i < nums.length + 2 && nums[i+2] == 7))) { + return true; + } + } + return false; +} +" +730dddc382290f3993f97164784114d4b2ec009b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7 && (nums[i+1] == 7 || (i < nums.length - 2 && nums[i+2] == 7))) { + return true; + } + } + return false; +} +" +86234e2466f4062d7ddde26a2ffaf717f450f29c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if((nums[i] == 7 && nums[i+1]==7) || (nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return false; +} +" +1f7b3c89affcc2991ac8b253efa894a842a252ba,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-2; i++) + { + if((nums[i] == 7 && nums[i+1]==7) || (nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return false; +} +" +fad5f497a3b8f154d223980c5f7d892b134d28f9,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if((nums[i] == 7 && nums[i+1]==7) || (nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return false; +} +" +925d73f60c05453fea30348da34d69b64b829d74,"public boolean has77(int[] nums) +{ + for(int i = 0; i <= nums.length-1; i++) + { + if((nums[i] == 7 && nums[i+1]==7) || (nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return false; +} +" +480c08f0deea999eba6990f4cc5d33b092dda80b,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if((nums[i] == 7 && nums[i+1]==7) || (nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return false; +} +" +1c7ed8f7ed70350f43c9aca860d6a67e55a617d2,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums.length > i+1) + { + if((nums[i] == 7 && nums[i+1]==7)) + { + if(nums.length > i+2) + { + if((nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return true; + } + } + } + return false; +} +" +ae711c014f524d31f8d97adc5b3b2f3a4ba02e7f,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums.length > i+1) + { + if((nums[i] == 7 && nums[i+1]==7)) + { + if(nums.length > i+2) + { + if((nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return true; + } + } + } + return false; +} +" +493b10ea4e733591cfee95d3957b128b6507e23f,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums.length >= i+1) + { + if((nums[i] == 7 && nums[i+1]==7)) + { + if(nums.length >= i+2) + { + if((nums[i] == 7 && nums[i+2]==7)) + { + return true; + } + } + return true; + } + } + } + return false; +} +" +67c8261c3b615ebf8694fbf673922a3b54024fcf,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i ++) + { + if(i+1 < nums.length) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if(i+2 < nums.length) + { + if(nums[i] == 7 && nums[i+2] == 7) + { + return true + } + } + } + } + return false; +} +" +4727bcaeead99b0ae3eaf576dee0b8be3ae6dda1,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i ++) + { + if(i+1 < nums.length) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if(i+2 < nums.length) + { + if(nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + } + } + return false; +} +" +d6589f0cddd4406259f5733960aac53b4291b436,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i ++) + { + if(i+1 < nums.length) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if(i+2 < nums.length) + { + if(nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + } + } + return false; +} +" +536a81572e31ec1913f42c6a2c7b97f8e849e7ee,"public boolean has77(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] == 7) + { + if (i < length - 1 && nums[i+1] == 7) + retrn true; + else if (i < -2 && nums[i+2] == 7) + return true + } + } + return false; +} +" +86a08d5949d2e245364e95a9df17b79f95bcdfcb,"public boolean has77(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] == 7) + { + if (i < length - 1 && nums[i+1] == 7) + { + return true; + } + else if (i < -2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +b51f9cf028cf55044a5136709b950c03c358212b,"public boolean has77(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++) + { + if (nums[i] == 7) + { + if (i < length - 1 && nums[i+1] == 7) + { + return true; + } + else if (i < length-2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +9a93c73a073ab56f71132e56c1183aadfa1d052a,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i : nums) + { + if (i == 7) + { + if (i + 1 == 7 || i + 2 == 7) + { + isThere = true; + } + } + } + + return isThere; +} +" +03d4ba0d4278ed7da8208dd28af3eabdff46fd71,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i : nums) + { + if (i == 7) + { + if (i + 1 == 7 || i + 2 == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +bc70381553e5cd5d9ecd13b8031ecb170ef06ae2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7 && nums[i+1] == 7) { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) { + if (nums[i] == 7 && nums[i+2] == 7) { + return true; + } + } + return false; +} +" +07759a8058af00a244b78c62be6f467dc71a5c80,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i : nums) + { + if (nums[i] == 7) + { + if (nums[i] + 1 == 7 || nums[i] + 2 == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +76d0c5ea25a323cf008ffb2e9770ee0c9742803e,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i : nums - 2) + { + if (nums[i] == 7) + { + if (nums[i] + 1 == 7 || nums[i] + 2 == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +c5454e4adb4a1f4cd69030455fa7d6e020402da7,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i] + 1 == 7 || nums[i] + 2 == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +ee907ebdee286dcab6dcb34271b820dcd36c3cfe,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7 || nums[i+2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +6451c662ca12bafef5cebdf08d995f245163fa1f,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +197682568a2e940b701b38b2009048a38bc108dd,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +3fe48c5eae7ea7ec80a1d3c537d6f4e2c12ae075,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +8e36b0abbf40925965ac24ad9cd7d6ec3153673a,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +1f23111115b2839444ccc88dee5d01f602e258ba,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +f53fe967f0579e586ca2895910f4b0362cabe181,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +3dde548424605872637144fc550d675d7d179ec7,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +042d431da48d2c11e6521b6ab03df5bb396446bb,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +0fd5c40c96b7dfad240c5509995b5acc9eccd6b3,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +75f1f668381e13406272dcfdd28410e537dc73d1,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +fb7724fa29c51a1c2ddb40d4176b1cf1d34f7540,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +08813b01f1eb4d98fdc194932a71574367889da9,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +cbf03bbfe855e9a52ccac33b59bae7e5aff7da38,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + } + + return isThere; +} +" +0f9ac85d11871ff37de145aace973a358e08fb99,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + if (nums[i + 1] == 7 && nums[i + 2]) + { + isThere = true; + break; + } + } + + return isThere; +} +" +2a2083c57649ec24807757ba036ee1cf37ce2fe5,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + if (nums[i + 1] == 7 && nums[i + 2] == 7) + { + isThere = true; + break; + } + } + + return isThere; +} +" +988e7b60257ed95001aa59bf9865add1f7146032,"public boolean has77(int[] nums) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + { + isThere = true; + break; + } + } + if (nums[i + 1] == 7 && nums[i + 2] == 7) + { + isThere = true; + break; + } + } + + return isThere; +} +" +3a581cf65ce44b56b572b8c4ea8662b851772787,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (i + 2 < nums.length) + { + if (nums[i] == 7 && nums[i + 2] == 7) + return true; + } + } + return false; +} +" +f907860c4f6f632c74da2c2a4d89f33c0372c8d5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + return false; +} +" +1b9151a13ba948e958652461c146e129a3bec568,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + { + if(nums[i] == 7 && nums[i+1] == 7 || nums[i} == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +a7d240cf08914bd5e8c72c69aaf7ab09703277e7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + { + if(nums[i] == 7 && nums[i+1] == 7 || nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +b5ba3a7d2eac30e97ec9777b20fd000787d798d0,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + { + if((nums[i] == 7 && nums[i+1] == 7) || (nums[i] == 7 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +cf1aae0c2edcbd4f7395cfccb05a50f214957848,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if((nums[i] == 7 && nums[i+1] == 7) || (nums[i] == 7 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +4a752e8a6ce0137c3c51192cb674f4d3d91f3f5d,"public boolean has77(int[] nums) +{ + int count7s = 0; + int[] locate7s = new locate7s[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + +} +" +0dc8c971f8310ee5fa068a354ced20c3d66e6793,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + { + if((nums[i] == 7 && nums[i+1] == 7) || (nums[i] == 7 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +bf9619bd36fd6941fa26b31f97bbd336282f339d,"public boolean has77(int[] nums) +{ + int count7s = 0; + int[] locate7s = new ArrayList[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false + +} +" +fc6b36939c077b6224800077a071ee4abe2da9d8,"public boolean has77(int[] nums) +{ + int count7s = 0; + int[] locate7s = new ArrayList[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +106e38175bb397c31c9c90c4f7109b7b307a8118,"public boolean has77(int[] nums) +{ + int count7s = 0; + int[] locate7s = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +92fd548e5ad2f664e18206e79cd362f1d32288aa,"public boolean has77(int[] nums) +{ + int count7s = 0; + List locate7s = new ArrayList; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +2fe90c01909e44a182caea3d0e053e570961f70a,"public boolean has77(int[] nums) +{ + int count7s = 0; + List locate7s = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +b8d74f550557dcad367582199214cee18d1682f1,"public boolean has77(int[] nums) +{ + int count7s = 0; + List locate7s = new ArrayList<>(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +fa32d778abc2ca9f7bbf6d4d0cf8e3ef40434887,"public boolean has77(int[] nums) +{ + int count7s = 0; + ArrayList locate7s = new ArrayList<>(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +99b4b106085ce0e20e8c2cd7a0fd3f7099ae8376,"public boolean has77(int[] nums) +{ + int count7s = 0; + ArrayList locate7s = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +6a63e9f4b7de9a5c9aa5749b6ee92c30c5b9b69f,"public boolean has77(int[] nums) +{ + int count7s = 0; + List locate7s = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +39784361d2d94c9993345a358b5208586c1b5764,"import java.util.List; +public boolean has77(int[] nums) +{ + int count7s = 0; + List locate7s = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + locate7s[locate7s.length] = i; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +36c228676cb2b4d7c1c0046c762cac96a3796a6d,"public boolean has77(int[] nums) +{ + int count7s = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + } + } + if (count7s < 2) + { + return false; + } + + return false; + +} +" +7832e44fd835f2f37069196ea5218eb02937a30c,"public boolean has77(int[] nums) +{ + int count7s = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + count7s++; + } + } + if (count7s < 2) + { + return false; + } + return true; + +} +" +e0ab33b06e3877e398e92772ae11e6ea3aebd56a,"public boolean has77(int[] nums) +{ + boolean out = false; + for(int i = 0; i < nums.length-2;i++{ + if((7==nums[i]&&7==nums[i+1])||(7==nums[i]&&7==nums[i+2]))return true; + } + if((7==nums[nums.length-3]&&7==nums[nums.length-2])||(7==nums[nums.length-3]&&7==nums[nums.length-1]))return true; + return out; +} +" +67295c51e32d82bf7bdc3579627d1e3d9029d230,"public boolean has77(int[] nums) +{ + boolean out = false; + for(int i = 0; i < nums.length-2;i++){ + if((7==nums[i]&&7==nums[i+1])||(7==nums[i]&&7==nums[i+2]))return true; + } + if((7==nums[nums.length-3]&&7==nums[nums.length-2])||(7==nums[nums.length-3]&&7==nums[nums.length-1]))return true; + return out; +} +" +6cf4c8342e65b8d1654e4146529246d6743aaf3d,"public boolean has77(int[] nums) +{ + boolean out = false; + for(int i = 0; i < nums.length-2;i++){ + if((7==nums[i]&&7==nums[i+1])||(7==nums[i]&&7==nums[i+2]))return true; + } + if(7==nums[nums.length-2]&&7==nums[nums.length-1])return true; + return out; +} +" +2f3d6b94aa15100424ad6c521edcaec14b5aaf9b,"public boolean has77(int[] nums) +{ + boolean out = false; + if(nums.length<2)return false; + for(int i = 0; i < nums.length-2;i++){ + if((7==nums[i]&&7==nums[i+1])||(7==nums[i]&&7==nums[i+2]))return true; + } + if(7==nums[nums.length-2]&&7==nums[nums.length-1])return true; + return out; +} +" +45489a6e2ad97c647d47a984700ee513055d6805,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] ==7)) + { + return true + } + } + return true; +} +" +f4deca1dac009c7c466730875020a9b0f0e85f81,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] ==7)) + { + return true; + } + } + return false; +} +" +8d7762f66ff0dd5f75c962b21c09b53a5f13bbd3,"public boolean has77(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if (nums[i] == 7 && nums[i + 1] == 7){ + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7){ + return true; + } + } + return false; +} +" +d93deab379ab88bce60ee26a7a66b3ca1988629a,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + return false; + } + else if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] ==7)) + { + return true; + } + } + return false; +} +" +236a824e2d8c4858d0a8c8eb972dbc7bd70a7334,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i + 1 >= nums.length) + { + return false; + } + else if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] ==7)) + { + return true; + } + } + return false; +} +" +aa89c39da841ac98705feb329bf62cd30e0fd284,"public boolean has77(int[] nums) +{ + int length = nums.length; + for (int i = 0; i < length; i++){ + if (i < length - 1 && nums[i] == 7 && nums[i + 1] == 7){ + return true; + } + else if (i < length - 2 && nums[i] == 7 && nums[i + 2] == 7){ + return true; + } + } + return false; +} +" +d1739c679e147d9e43cdf040d8ddb14875b012a3,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i + 1 >= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 1 >= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +41f988c0fbac49963720fd8228721cfa5100284d,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i + 1 > nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 1 > nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +02ae9e1e3d0a494b65392e326a540a5124b62f40,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.lenght; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7 ) + { + return true; + } + } + return false; +} +" +57d1812134f644e8c1d6f7a397593c0482a2cb5d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7 ) + { + return true; + } + } + return false; +} +" +84335a413fd104466f0433796aa1f44b52fb0584,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7 ) + { + return true; + } + } + return false; +} +" +c2386464f434e8a08a1277b042760b51939d1275,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7 ) + { + return true; + } + if(nums[i] == 7 && nums[i + 2] == 7 ) + { + return true; + } + + } + return false; +} +" +ad83110a8b0b894def6161a50d11bcefb19302f4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i + 1] == 7 ) + { + return true; + } + } + for ( int i = 0; i < nums.length -2; i++) + { + if(nums[i] == 7 && nums[i + 2] == 7 ) + { + return true; + } + + } + return false; +} +" +47962c21eff84429ab1c3cdd1f335141e182e678,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + } + return false; +} +" +ef9daf097c53d9bdd844094c23847fb886b6929c,"public boolean has77(int[] nums) +{ + boolean found = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && num[i + 1] == 7) + { + found = true; + break; + } + else if (num[i] == 7 && num[i+2] == 7) + { + found = true; + break; + } + else if (num[i + 1] == 7 && num[i+2] == 7) + { + found = true; + break; + } + } + + return found; +} +" +241d6467221187c0a8e2a22597046db141a79151,"public boolean has77(int[] nums) +{ + boolean found = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + found = true; + break; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + found = true; + break; + } + else if (nums[i + 1] == 7 && nums[i+2] == 7) + { + found = true; + break; + } + } + + return found; +} +" +4b3e784601f3660eecacaef7d9f966ed8ae5baa8,"public boolean has77(int[] nums) +{ + for ( int i =0; i < nums.length - 2; i++) + { + if( nums[i] == 7 && nums[i + 1] == 7 || nums[i] == 7 && nums[i + 2] ==7) + { + return true; + } + } + return false; +} +" +7afcc703121eb9f56eed2ce4792ca4b1f9310fee,"public boolean has77(int[] nums) +{ + for ( int i =0; i < nums.length - 1; i++) + { + if( nums[i] == 7 && nums[i + 1] == 7 || nums[i] == 7 && nums[i + 2] ==7) + { + return true; + } + } + return false; +} +" +5cf8dc215873393643a3a6bc9393c320b644d93c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} + +" +e85312a9b20bd8bed0f358b023c7b8520a3b50e3,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +88347f459085aece508f9e26bf4a832dd0f9fbf8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length -2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; + +} +" +402b409e8e8f2fca0c2809e97994c3346b127dba,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + + return false; + +} +" +61f9f71bbede428dd4204e1e2745eea7bb05e02c,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) + { + return true; + } + } + return false; + +} +" +f96c46bd7545a1ef82411249aa76b476050239d8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7) { + if (nums[i + 1] == 7) { + reutn true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) { + return true; + } + } + } + return false; +} +" +4e4d05cd27b959b442591a1594bd2796b6b132cc,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7) { + if (nums[i + 1] == 7) { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) { + return true; + } + } + } + return false; +} +" +6dbab0a7b989db1e1b4fa0a42b1570aa6ce33c46,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i > nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 1 > nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +37f6c8fdc2a538abfde662c2880c2b4fe97f55b0,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i >= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 1 >= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +fc34c7714bce6fb20de44f7f3943a77f49f27f87,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i <= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 1 < nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +8e89541094b0cf7ce507f70e356b1d250bc2902f,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 1 < nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +d7cfd8e99a836b629d81ee731e727d99e99adb4d,"public boolean has77(int[] nums) +{ + //find the first seven + for (int i = 0; i < nums.length; i++) + { + if (i + 1 >= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 2 >= nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + + } + return false; +} +" +2d0237a5d247dc2d1fa78237b8d62605dbec2b2e,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +108d362e3aa8eb60e76449f67ae108ea7e932634,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == nums[i+2]) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +1fd1226307c63debf74cabdebba5c96625175e39,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +07507597ea9a679c03ba82e52d6e5502af5e1456,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +78763e4d5987af34f7f8933617b440b17e4461d0,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +f42dcd614a3e2bc1946118d81ae54a7dce19b0b9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +54d1ea6620155124694285d4a33e2b1618016b31,"public boolean has77(int[] nums) +{ + for (i =0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length - 2 && nums[i + 2] == 7) + return true; + } + } + return false; +} +" +d71ff44da0f08e0ff80a8f4da8a91d947322a26f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length - 2 && nums[i + 2] == 7) + return true; + } + } + return false; +} +" +c91c6f70631d9efe5a1e831e9ac4af2d4e4643b9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + return false; +} +" +e75ad04ded750ca7145afd58e90a68a70c6f0497,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + else + { + return false; + } +} +" +1e0b9d5c9feca4597554bf2b0fc00275149f8b3d,"public boolean has77(int[] nums) +{ + + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + else + { + return false; + } +} +" +f27dd7690b737e5bfa85203d0df8cf38edf2202f,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + } + else + { + return false; + } +} +" +288b2192e04cbc587259cdd80fa291a9bfa4c879,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + } + return false" +60135ed8b7b29e8e97ecd65ebc2847f774e1f7e7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + else + { + return false; + } + " +e333f0589caf3f00f6e3323e9bbaf127af7f9bfd,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + else + { + return false; + } +} +" +35494bdc04221afab69a2495d208e0b189d9affd,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums [i] == 7) + { + if (nums[i] == nums[i + 1] || nums[i] == nums[i + 2]) + { + return true; + } + } + } + return false; +} +" +5ad1239005b02930b50a3b2d1a4d2244e55c18f4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums [i] == 7) + { + if (i + 2 < nums.length) + { + if (nums[i] == nums[i + 2]) + { + return true; + } + } + else if (i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + return true; + } + } + } + } + return false; +} +" +c5865095da73ae720322b2256c80a16c66894c7d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums [i] == 7) + { + if (i + 2 < nums.length) + { + if (nums[i] == nums[i + 2]) + { + return true; + } + } + if (i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + return true; + } + } + } + } + return false; +} +" +49f5b178938ce7f29ec884a0a373910de3758b60,"public boolean has77(int[] nums) +{ + + for(int i =0; i < nums.length; i++) + { + if(i + 2 <= nums.length) + { + if(nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + else + { + if(i + 1 <= nums.length) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true + } + } + } + return false; + } + +} +" +23e36d9853b15d0f1778dd8f137418f63180c8e1,"public boolean has77(int[] nums) +{ + + for(int i =0; i < nums.length; i++) + { + if(i + 2 <= nums.length) + { + if(nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + else + { + if(i + 1 <= nums.length) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + } + return false; + } + +} +" +5bc3af7ee0ef2914ff575f02c6e495d00879a396,"public boolean has77(int[] nums) +{ + + for(int i =0; i < nums.length; i++) + { + if(i + 2 <= nums.length) + { + if(nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + else + { + if(i + 1 <= nums.length) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + } + + } + return false; +} +" +4040fdb9aba5bc721fa4ed72d0b7289aaa1e2060,"public boolean has77(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + x = true; + break; + } + if (nums[i] == 7 && nums[i+2] == 7) + { + x = true; + break; + } + } + return x; +} +" +b69da007e188df7d03980b27e7768e9b9c493793,"public boolean has77(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + x = true; + break; + } + if (nums[i] == 7 && nums[i+2] == 7) + { + x = true; + break; + } + if (nums[i+1] == 7 && nums[i+2] == 7) + { + x = true; + break; + } + } + return x; +} +" +a35e1ff189ecb64efe7aa3dbba3eacf23c552f39,"public boolean has77(int[] nums) +{ + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 7) + { + if(i + 1 < nums.length){if(nums[i + 1] == 7) + { + return true; + } + } + if(i + 2 < nums.length){if(nums[i + 2] == 7) + { + return true; + } + } + } + + + } + return false; +} +" +f5faad2322b76ff2fec811bb17cf4f8849fec8ba,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i = i + 2) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; + +} +" +39458bd2d163eb631ae869286528a3c2a7cae666,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] == 7 || nums[i+1] == 7) + { + + } + else + { + return false + } + } + return true; + +} +" +e29a88e5ed7d44adec8691465e5bcfaaf5aebab8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] == 7 || nums[i+1] == 7) + { + + } + else + { + return false; + } + } + return true; + +} +" +b5ae0957d3b3d387b3fc08c23d148bf5cb6ee83b,"public boolean has77(int[] nums) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i-1] == 7) + { + return true; + } + if (nums[i-1] == 7 && nums[i+1] == 7) + { + return true; + } + } + return false; + + +} +" +433d8d82491f06595b4a7fd44c977dbfb917d6b7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] != 7 && nums[i+1] != 7) + { + return false; + } + } + return true; + +} +" +02160169edded848c9e20d4654f87ae91e69897c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] != 7 && nums[i+1] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + return true; + +} +" +d3c21c03b460041edc3ca5f83c8b4c7028fb7f1d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] != 7 && nums[i+1] != 7) + { + return false; + } + } + return true; + +} +" +20164d653aba86abc2ec14038151dd392e50d9de,"public boolean has77(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i-1] == 7) + { + return true; + } + + } + for (int i = 1; i < nums.length - 1; i++) + { + + if (nums[i-1] == 7 && nums[i+1] == 7) + { + return true; + } + } + + return false; + + +} +" +c95c93f8d1fa224a7fbbc0fb3c04049e5934f3d4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + return false; + +} +" +0c0d35951ff2f3067bfc8ac3a0f97147eb1ffa4f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i ++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; + +} +" +1a2f90730d68474cedaf65c4ed3b92b114e6320f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + if (i != 0) + { + if (nums[i-1] = 7 && nums[i+1] == 7) + { + return true; + } + } + } + return false; + +} +" +0f59fe2f9af819a515c4c6c259a1f5aa0903dcf2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + if (i != 0) + { + if (nums[i-1] == 7 && nums[i+1] == 7) + { + return true; + } + } + } + return false; + +} +" +eb49a7029720937fe849cc3c39c100e3851602f5,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (nums[i + 2] == 7) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +8a38bbc64ca6222652fe0eeff8127d8aa27b1f11,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && i < nums.length - 2) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (nums[i + 2] == 7) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +f446e644199d86d5a40a0b3a13c738d3c6e57025,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && i <= nums.length - 2) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (nums[i + 2] == 7) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +ec01c53761b239cca511c8f18cca0945aebead1a,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 && i <= nums.length - 2) + { + return true; + } + else if (nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +7e1a66d94dc54b7611655ef86f57d0143e8c9c46,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 && i < nums.length - 2) + { + return true; + } + else if (nums[i + 2] == 7 && i <= nums.length - 2) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +d7a6e6076935c8886e43c5b377a2c6a8df5d0458,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 1 && nums[i + 1] == 7) + { + return true; + } + else if (i <= nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +5e7f5908a2b49143207df0a875eea1b296c02ff9,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 1 && nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +53ec0df2fd1693aeb11b4911b56ff1b0eac6d91d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + for (int z = i; z < nums.length; z++) + { + if (nums[z] == 7) + { + return true; + } + } + } + } + return false; +} +" +05202d893c95e440ae58de9dffc3f9602f814be1,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + + return false; +} +" +fedbc3d2ab4bc172fbf4f35f1a7a56fdf8ea7ee3,"public boolean has77(int[] nums) { +for(int i = 0; i 0) + { + return true; + } + else + { + return false; + } +} +" +c459230fcf64bc275b64de559716b359fd6b6728,"public boolean has77(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + total = total + 1; + } + else if (nums[i] == nums[i + 2]) + { + total = total + 1; + } + else + { + total = 0; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +8763c20ad1f4a537bf2e36b6376a95a9c765e088,"public boolean has77(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + total = total + 1; + } + else if (nums[i] == nums[i + 2]) + { + total = total + 1; + } + else + { + total = 0; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +d35f3dbcfbd49af51a023d0e98f82fc2ba7eb2ca,"public boolean has77(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + total = total + 1; + } + else if (nums[i] == nums[i + 2]) + { + total = total + 1; + } + else + { + total = 0; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +14a047dc938bf274becb2c2d763c560e0bdfba85,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +b6d275c40fec25229f92db636f76d7e1900ddd87,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] == 7) + { + return true; + } + else + { + return false; + } + if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +47641200a577889b33df60b31d851f2e9deeaa23,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] == 7) + { + return true; + } + else + { + return false; + } + if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +456f6536329a9c8adad0412ebb15a49028de86a0,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +9c273838598266b743a57b23862f6b89f506df8c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + if (nums.length == 2) + { + return false; + } + if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +c68e6419840870666cfe64b114665bb22d1fe0e0,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +31b3b58d0a19aa94882c62c20a4c0d210cf0cbef,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + if (nums.length == 2) + { + return false; + } + if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + //else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] == 7) + //{ + // return true; + //} + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-2] != 7) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +6cc9406fa6a1bde923d01ce21021f05ab6b04e38,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (nums.length == 2) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +bc46cb112d9dba8a464fbedf4e4a497c29efdee8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + return true; + } + else if (nums[i] - 2 == 7 || nums[i] + 2 == 7) + { + return true; + } + else + { + return false; + } + } +} +" +f35fc5d1201ba7dab4caba5623d53aa18c09479d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + return true; + } + else if (nums[i] - 2 == 7 || nums[i] + 2 == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +931865c13806368e56c0bb1d876792a3b401b40c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + return true; + } + else if (nums[i] + 1 == 7) + { + return true; + } + else if (nums[i] - 2 == 7 || nums[i] + 2 == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +e1d24469981cf441bf8474fa066ac9f87ebc959a,"public boolean has77(int[] nums) +for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +" +f58d8196bbd54211898797a49162465aba20905d,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +49fb40b87de81496c2f20f0fa056eca31b8943da,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (nums.length == 2) + { + return false; + } + //else if (nums[i] == 7 && nums[i] == nums.length && nums[i-1] == 7) + //{ + // return true; + //} + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +e3682ac92d0578836b6dd84f1126ae0d7e90b243,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (nums.length == 2) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums.length) + { + return false; + } + } + return false; +} +" +7becc4102c016d9ab790bd3aedb89aaa4e8a6252,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (nums.length == 2) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1] && nums[i] != nums.length) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2] && nums[i] != nums.length) + { + return true; + } + } + return false; +} +" +c0441238c10606ddfd7e468bde8408272d172254,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (nums.length == 2) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1] && nums[i+1] != null) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2] && nums[i] != nums.length) + { + return true; + } + } + return false; +} +" +44d5000097d40ec4050882479706058457b8a654,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (nums.length == 2) + { + return false; + } + else if (nums[i] == 7 && nums[i] == nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i] == nums[i+2] && nums[i] != nums.length) + { + return true; + } + } + return false; +} +" +7812f97379793609acdc815104ca88b797f019a1,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +11e2677e84bace95da0338ba49d1c1608efc04f8,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +5ea9e62bb201ef3ac3a93b943dea3658c36809d2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i+2 < nums.length) + { + if (nums[i] == 7 && nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + else if (i+1 < nums.length) + { + if (nums[i] == 7 && nums[i+1]) + { + return true; + } + else + { + return false; + } + + } + } +} +" +c6c20c21285b5f5e6f795393a4d1e2c44b32ddfa,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i+2 < nums.length) + { + if (nums[i] == 7 && nums[i+1]) + { + return true; + } + else if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + else if (i+1 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else + { + return false; + } + + } + } +} +" +21c52125d0cf809fa835b7dd6bf8b99118213f8c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i+2 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + else if (i+1 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else + { + return false; + } + + } + } +} +" +e87dbc2f47f2510b94d088ddec08dc23ca14f7c8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i+2 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + else if (i+1 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + + } + +} +" +b8242e35e578c9fbc520c668b51dbc720257d8da,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i+2 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + else if (i+1 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + + } + return false; +} +" +e82937a71dc7d74fa38ab5727a2431ef89e4df13,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i+2 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + else if (i+1 < nums.length) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + + } + return false; +} +" +778cbc5df6b5f807f26c041f98f3b0fde07a4b19,"public boolean has77(int[] nums) +{ + int total = 0; + for (int i = 1; i < nums.length + 1; i++) + { + if (nums[i] == nums[i - 1]) + { + total = total + 1; + } + else if (nums[i] == nums[i - 2]) + { + total = total + 1; + } + else + { + total = 0; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +97be64786ad8f83a1afc974b8faf8269def2392e,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + return pairs; +} +" +260c57594691094c5df647fa3d87af880af626ee,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +4c728c6fa35afc1a24a457146fd5a9b66b8f91c8,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +3b3ee4b774bf77f9c2228de6569cd0428987dc5d,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 1; i < nums.length - 2; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +e4ac21a41bb20b50236db2d8e046766589b52403,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +ea67eca78cc710caa86c007c344511d44a5ebb67,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 2; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +bfe0de253a98299ffed02aad71b94f740d492f37,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 2; i < nums.length ; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +81d59e4f8a7d69df41f4cfe988a0e55c9e612f94,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 2; i < nums.length + 1; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +a7fc182e93dde488fbca5af4d450434b75346048,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 2; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +fef441876782147f25e5994d0b373fbbf7a16518,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +03d3f9dbd610c583434a1498474e639f7361e12d,"public boolean has77(int[] nums) +{ + int pairs = 0; + for (int i = 2; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +763da3bef48cc0f17515c564afc2320921d72b18,"public boolean has77(int[] nums) +{ + boolean sevens = false; + int i = 0; + while ( !sevens && i < nums.length ) + { + if ( nums[i] == 7 ) + { + if ( i < nums.length - 2 && nums[i + 2] == 7 ) + { + sevens = true; + } + if ( i < nums.length - 1 && nums[i + 1] == 7 ) + { + sevens = true; + } + } + i++; + } + return sevens; +} +" +903a3603dbd4af1110faafa71eda367a4f63bda1,"public boolean has77(int[] nums) +{ + int pairs = 0; + if (nums(0) == nums(1)) + { + pairs = pairs + 1; + } + for (int i = 2; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +d5c75248d37f65a9f137cd78af459acb10b36d3d,"public boolean has77(int[] nums) +{ + int pairs = 0; + if (nums[0] == nums[1]) + { + pairs = pairs + 1; + } + for (int i = 2; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +de8f4db2075f735ff2ad65bab25e2ab4e5552901,"public boolean has77(int[] nums) +{ + int pairs = 0; + //if (nums[0] == nums[1]) + //{ + //pairs = pairs + 1; + //} + for (int i = 2; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +4a9cb7a3fb1dbea8a0ed95e848982869200e7491,"public boolean has77(int[] nums) +{ + int pairs = 0; + //if (nums[0] == nums[1]) + //{ + //pairs = pairs + 1; + //} + for (int i = 2; i < nums.length; i++) + { + if ((nums[i] == 7) && (nums[i - 1] == 7)) + { + if (nums[i] == nums[i - 1]) + { + pairs = pairs + 1; + } + else if (nums[i] == nums[i - 2]) + { + pairs = pairs + 1; + } + } + } + if (pairs > 0) + { + return true; + } + else + { + return false; + } +} +" +a95225c46f2b25495f64e7a78f83c4edcf8342ff,"public boolean has77(int[] nums) +{ + boolean x = false; + for ( int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] ==7) + { + x = true; + } + else if (nums[i] == 7 && nums[i + 2] ==7) + { + x = true; + } + } + return x; +} +" +85d9a8f43ca2f72a0f84255f0919b2074aa218d7,"public boolean has77(int[] nums) +{ + boolean x = false; + for ( int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] ==7) + { + x = true; + } + else if (nums[i] == 7 && nums[i + 2] ==7) + { + x = true; + } + else if (nums[i + 1] == 7 && nums[i + 2] ==7) + { + x = true; + } + } + return x; +} +" +5714fdb69d887f922d6bea8dfb52914245978629,"public boolean has77(int[] nums) +{ + boolean yes = false; + for (int i = 2; i < nums.length; i++) + { + if ((nums[i-1] == 7 && nums[i-2] == 7) || (nums[i] == 7 && nums[i-1] == 7) || (nums[i] == 7 && nums[i-2] == 7)) + { + yes = true; + } + } + return yes; +} +" +870d4a07d0e15ffef5a10364dd19717d0953cf56,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +63f35cfb760f1db5fa741605c0591580494159e8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 && i < nums.length - 1) + { + return true; + } + else if (nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + } + } + return false; + + +} +" +79be73b51d3e8bab303f9a6f0ab7d83872cb3fac,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 && i < nums.length - 1) + { + return true; + } + else if (nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + } + } + return false; + + +} +" +63d98d0625bfa4819435c91fd52daa1311d459f0,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i ++) + { + if (nums[i] == 7) + { + + if (nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + } + } + if (nums[nums.length - 1] == 7 && nums[nums.length] == 7) + { + return true; + } + return false; + + +} +" +52de0d20e41cd511bb9037808ba95af22b91d1db,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i ++) + { + if (nums[i] == 7) + { + if (nums[i + 2] == 7 || nums[i + 1] == 7) + { + return true; + } + + } + } + + + +} +" +df3e671b7b185986275531034d3d637da35d2417,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i ++) + { + if (nums[i] == 7) + { + if (nums[i + 2] == 7 || nums[i + 1] == 7) + { + return true; + } + + } + } + return false; + + +} +" +0405a8b32723fee88eec523122734445846c6af4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i ++) + { + if (nums[i] == 7) + { + if (nums[i + 2] == 7 || nums[i + 1] == 7) + { + return true; + } + + } + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + return false; + + +} +" +0c3c0f8ffd09a0a1782189d386923588ecc20562,"public boolean has77(int[] nums) +{ + if (nums.length > 1) + { + for (int i = 0; i < nums.length - 2; i ++) + { + if (nums[i] == 7) + { + if (nums[i + 2] == 7 || nums[i + 1] == 7) + { + return true; + } + + } + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + } + return false; + + +} +" +a96c2ccf906c96742e4bd84a043bce6c6bc83c16,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (num[i + 1] == 7 || nums[i + 2] == 7) + return true; + } + } + return false; +} +" +a606b8078a1bc301f2c6fe67fe80689781ec95e4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7 || nums[i + 2] == 7) + return true; + } + } + return false; +} +" +4b7dc0ca6ada5a95ee6c8b41d9ec1ce89a95b5c6,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + else if (nums[i] == 7 && nums[i + 2] ==7) + return true; + } + return false; +} +" +a31ff83d618f84439450f93a2afe76bbb3011a4a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + else + { + return false + } + } +} +" +cab66e853a7e9e1f1590928e0b251828c10e5cab,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +1e395524917cdc13ebb13cd3d8262c8123a85670,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + else if (nums[i] == 7 && nums[i + 2] ==7) + return true; + else if (nums[i + 1] == 7 && nums[i + 2] == 7) + return true; + } + return false; +} +" +2bc7e26b2ca3646203ff6c7f7e2f67b3d1bc3c7e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +d5b43140696f941ee110005c66de80c3cb042928,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +4b60abe964a072383f10247a7af698c4cd08714b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +fafc30f22a3be944bf350e53beee301469ea62c1,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + break; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + break; + } + } + return false; +} +" +dceaab5ff492c15b1641b5cb0fda11f34f541507,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +5ca7fd16b54c5be92e03ebc291f3eeb3b626743d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +069c33991541b692a198a8cd4c8906ce913c0c70,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +063bde432be7466ae51d0eaa5b035ed4d2ec427b,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 1; i < nums.length - 1; i++) + { + int number1 = nums[i - 1]; + int number2 = nums[i]; + int number3 = nums[i + 1]; + if (number1 == 7 && number2 == 7 || number1 == 7 && number3 == 7) + { + truth = true; + } + } + return truth; +} +" +611f873699dfa8937880e35e1ce8226c78e5a6f2,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i-1] == 7 || nums[i+1] == 7) + { + return true + } + } + if (nums[i - 1] == 7 && nums[i + 1] == 7) + { + return true; + } + } + return false; +} +" +0ad6850656258b6cfe514155ddb4260fcdafc740,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i-1] == 7 || nums[i+1] == 7) + { + return true; + } + } + if (nums[i - 1] == 7 && nums[i + 1] == 7) + { + return true; + } + } + return false; +} +" +e9dcb9622131a5f0f69032c7f90a2a10d6710687,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 1; i < nums.length - 1; i++) + { + int number1 = nums[i - 1]; + int number2 = nums[i]; + int number3 = nums[i + 1]; + if (number1 == 7 && number2 == 7 || number1 == 7 && number3 == 7 || number2 == 7 && number3 == 7) + { + truth = true; + } + } + return truth; +} +" +b6fd632206e4aff55c3a398406a9f1f20a582070,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +8fd198a1f0e7b21b322d0646baae102256f1e5db,"public boolean has77(int[] nums) +{ + for (int i = 0; i 1) + { + return true; + } + } + return false; +} +" +96d9f7642efa08bb31fb877cf9a2776988cce44b,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int tot = 0; + for (int j = 0; j < 3; j++) + { + int tot = 0; + if (int[i + j] == 7) + { + tot++; + } + } + if (tot > 1) + { + return true; + } + } + return false; +} +" +5668c5d74aa2ceee996af5ad88307734a85e3277,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int tot = 0; + for (int j = 0; j < 3; j++) + { + int tot = 0; + if (nums[i + j] == 7) + { + tot++; + } + } + if (tot > 1) + { + return true; + } + } + return false; +} +" +e71dd10b5b9f95925abd2742829678aee07ac247,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int tot = 0; + for (int j = 0; j < 3; j++) + { + if (nums[i + j] == 7) + { + tot++; + } + } + if (tot > 1) + { + return true; + } + } + return false; +} +" +b68d3379c71b5a6c2bf920cba126b6ad4252c4d5,"public boolean has77(int[] nums) +{ + + for (int i = 2; i < nums.length ; i++) + { + int tot = 0; + for (int j = -2; j < 1; j++) + { + if (nums[i + j] == 7) + { + tot++; + } + } + if (tot > 1) + { + return true; + } + } + return false; +} +" +9fd08cf49ea25fa32631672e951f5bee6a974e47,"public boolean has77(int[] nums) +{ + boolean ans = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + ans = true; + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + ans = true; + } + + return ans; +} +" +c4385af5b5593fe592bdd8bc94d50f21844021fe,"public boolean has77(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + if (nums[i+2] == 7) + { + return true; + } + } + } +}" +08c5bca6a94a40026a6b3f6e3e136442072608bd,"public boolean has77(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == 7) && (nums[i+1] == 7)) + { + return true; + } + if ((nums[i] == 7) && (nums[i+2] == 7)) + { + return true; + } + } +}" +2debe616b7c08bdc6c4b2625ab4bb3124696f08c,"public boolean has77(int[] nums) +{ + for (int i = 0; i= 0 && nums[i-1] == 7) + { + return true; + } + else if (i-2 >= 0 && nums[i-2] == 7) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +939b4eed613bb4d9711f101a30eab74574ec9ea2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i+1 < nums.length && nums[i+1] == 7) + { + return true; + } + else if (i+2 < nums.length && nums[i+2] == 7) + { + return true; + } + else if (i-1 >= 0 && nums[i-1] == 7) + { + return true; + } + else if (i-2 >= 0 && nums[i-2] == 7) + { + return true; + } + else + { + return false; + } + } + } + +} +" +01395da912080b8845179db85b1c9af1be43942c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i+1 < nums.length && nums[i+1] == 7) + { + return true; + } + else if (i+2 < nums.length && nums[i+2] == 7) + { + return true; + } + else if (i-1 >= 0 && nums[i-1] == 7) + { + return true; + } + else if (i-2 >= 0 && nums[i-2] == 7) + { + return true; + } + } + } + return false; +} +" +30156e9bdfe32c5dd1a4f643b2cb74241318401e,"public boolean has77(int[] nums) +{ + for(int i=0; i 0) + { + return true; + } + else + { + return false; + } +} +" +6190222e21f383efe0652587d6533d3eee032906,"public boolean has77(int[] nums) +{ + int determine = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + determine = determine + 1; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + determine = determine + 1; + } + } + if (determine > 0) + { + return true; + } + else + { + return false; + } +} +" +695cc04691b37e55a75a38af21551a4de72bcae7,"public boolean has77(int[] nums) +{ + int determine = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + determine = determine + 1; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + determine = determine + 1; + } + } + if (determine > 0) + { + return true; + } + else + { + return false; + } +} +" +7893685a0525457a1b897222193ea5c86adf2751,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + +return false; +} +" +64d872402f675828427f943cdf8298e35f2bedb4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +27f788e3feac2fcd9c3113f003176788a8ae817c,"public boolean has77(int[] nums) +{ + boolean possiblePair = false; + for (int i=0; i= 3) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + has77 = true; + break; + } + else if (nums[i] == 7 && nums[i+2] ==7) + { + has77 = true; + break; + } + } + } + + return has77; +} +" +615379dcc5d9e580f02b65e34832520150e39e12,"public boolean has77(int[] nums) +{ + boolean has = false; + for (i < nums.length - 1 && int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && nums[i + 1] == 7) { + has = true; + } + else if (i < nums.length - 2 && nums[i] == 7 && nums[i + 2] == 7) { + has = true; + } + } + return has; +} +" +6b24071e22eb2bc6ac5cf2a14e2289ef0348213a,"public boolean has77(int[] nums) +{ + boolean has = false; + for (int i = 0; i < nums.length; i++) { + if (i < nums.length - 1 && nums[i] == 7 && nums[i + 1] == 7) { + has = true; + } + else if (i < nums.length - 2 && nums[i] == 7 && nums[i + 2] == 7) { + has = true; + } + } + return has; +} +" +2341c497db1379996095488fa88844c17411540b,"public boolean has77(int[] nums) +{ + for (int j = 0; j < num.length - 1; j++) + { + if(nums[j] == 7) + { + if(nums[j+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +17caa036a725b4610aacb6481891a137ab21c47e,"public boolean has77(int[] nums) +{ + for (int j = 0; j < num.length - 1; j++) + { + if(nums[j] == 7) + { + if(nums[j+1] == 7) + { + return true; + } + else if (j < nums.length - 2 && nums[j+2] == 7) + { + return true; + } + } + } + return false; +} +" +c72f3c6541b9d6170945296795389ec614d12f47,"public boolean has77(int[] nums) +{ + for (int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 7) + { + if(nums[j+1] == 7) + { + return true; + } + else if (j < nums.length - 2 && nums[j+2] == 7) + { + return true; + } + } + } + return false; +} +" +9b69f3d8a579495bb93ef6fd232db47c0882fb46,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +ed48efc338d6715dd32c5de7a2ddadd1032281d3,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length-2; i++) + { + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +c46c3992c7d3324ef077eae8c0a0924ee0c68527,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +5ac1ce530807b3de11ed7fccaac8f7dcc6eacf02,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; + +} +" +d30de1448cb9388a50492d62fac9805324957cd9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + for (int j = 0; j < nums.length - 2; j++) + { + if (nums[j] == 7 && nums[j+2] == 7) + { + return true; + } + } + return false; + +} +" +962d6bc6724df9c0bc6addb1491e2355ad42e371,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +b9abd13b26b78ccb7e3396816aa378f473426f3d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + return flase; + } + +} +" +57a12f1995494a3473686206bb2ba08023936073,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + return false; + } + +} +" +971d2c613e058961c75dfb255d01225e53b6d59a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + return false; + } + +} +" +53c89207afe223f02d66b06d88e5c468ef702f95,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +63ba2e643b4b30f1a55fc704d2da881e424c0864,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +c0f07fe3f643c21e35094bd1db4a6f37881b9bdb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +61e234e05a17b47a83e2c38b83db93f6405a86ae,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +037d9cfb7e70b9ec11a3da816118f6d729a3b257,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +31302d845309cba34353c30e80530ea8b1f4e289,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +46a831e022a73e40f407e6d4687dd2a5e2cd06ba,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length - 1) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + else + { + return false; + } + } +} +" +1c1d9fc3caa5428877515d49073a805b25a7c3f3,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length - 1) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + } + return false; +} +" +dc533493896b3de5b2976c5c27f021bfc03f7393,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + { + return true; + } + } + return false; +} +" +ac9de5b24ad0897ad823ee92a78bdbf8f3e21d1b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7 && i <= nums.length - 2) + { + return true; + } + } + return false; +} +" +640eedade6a6837e7d395710400bab976340958d,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +5dfa49620dd685455d01f60d6081dd6a53ca45eb,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +986ef8221e750bbb82e370895a043babaffb088e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (i + 2 == nums.length) + { + return false; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +9f12e78b9dc0a3219fffa247e5750cdde00c2822,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +010998795c0bd540de3907c7e4760f664a8407e5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +7ce20e2881c2f9dd178792cc8461b81a093cc77e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +88716cfb20761133c2cbfe8b9dce6f710cfa82ce,"public boolean has77(int[] nums) +{ + for(int i = 1; i <= nums.length - 1; i++) + { + if(nums[i-1] == 7) + { + if(nums[i] == 7) + return true; + else if(i-1 < nums.length - 2 && nums[i+1] == 7) + return true; + } + } + return false; +} +" +910b8befbec3c46ae70298315506bb2aece3718f,"public boolean has77(int[] nums) +{ + for(int inT = 1; inT <= nums.length - 1; inT++) + { + if(nums[inT-1] == 7) + { + if(nums[inT] == 7) + return true; + else if(inT-1 < nums.length - 2 && nums[inT+1] == 7) + return true; + } + } + return false; +} +" +76f99b0705306213dcab67ee6019b22fc6d848c0,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +} +" +47b291ecf25c0f2329c4fb050263de4b3fdd9033,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +b3deaf4576de18ede52a6cc79c950b767c087e4a,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i + 1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i + 2] == 7) + { + return true + } + } + return false; + +} +" +9f1448e2217899405c41ac4e5497d7b3ec13ab96,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i + 1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + return false; + +} +" +e4ae7e16cdff6d390e1773a4eedb5bc72f71aa16,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + if(nums[i] == 7) + { + if(nums[i + 1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + return false; + +} +" +4d216bec498bf225f1515ebc1b2cb55b6c790a91,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +99349923df22b63984b2e44bf8130386e7920b1f,"public boolean has77(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == 7) && (nums[i+1] == 7)) + { + counter++; + } + if ((nums[i] == 7) && (nums[i+2] == 7)) + { + counter++; + } + } + + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +aa91e7d396ab3a6f1723323f3312c5efb06cba4c,"public boolean has77(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7) && (nums[i+1] == 7)) + { + counter++; + } + if ((nums[i] == 7) && (nums[i+2] == 7)) + { + counter++; + } + } + + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +0fcecad3c2582f523a9bf97f493f67a7019e8715,"public boolean has77(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == 7) && (nums[i+1] == 7)) + { + counter++; + } + if ((nums[i] == 7) && (nums[i+2] == 7)) + { + counter++; + } + } + + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +4b58525f8bd8c6b4b2a51e6a729d62ba21920e4f,"public boolean has77(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == 7) && (nums[i+1] == 7)) + { + counter++; + } + if ((nums[i] == 7) && (nums[i+2] == 7)) + { + counter++; + } + } + + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +862d330dd26ab061321b1fa6cf5c4b7959b6594b,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if (nums[i] == 7 && nums[i + 1]) { + return true; + } + } + return false; +} +" +9f5979d8b63dd6d1304f9e51ce851858ad0bf017,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + } + return false; +} +" +f9791ee245812a54c6ed31f4097cda63d73c992a,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length; i++ ) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + } + return false; +} +" +1d51ba559325fcb2031dc2ce6067d39780988db4,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + } + return false; +} +" +bb480170f5f2bad0bcd151c8788c4bfcab4fe1ec,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if (nums[i] == 7 && (nums[i+1]==7 || (i nums.length && i+2 !> nums.length) + { + answer = true; + } +} + return answer; + +} +" +86822d6824b2f6bf41d1a9c72ff407c7357159dd,"public boolean has77(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length ; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7) || (nums[i] == 7 && nums[i+2] == 7) && i+1<= nums.length && i+2 <= nums.length) + { + answer = true; + } +} + return answer; + +} +" +c0c1b9cae29508a41a4edc71b13415cee88f3b11,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +0a0a9ec76541609a51d03d6528b642e09d53b4cb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i + 1] ==7 || + nums[i] == 7 && nums[i + 2] = 7) + return true + } + return false; +} +" +83621a2d2644cb72e2d7f6540bd7652d387384be,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i + 1] ==7 || + nums[i] == 7 && nums[i + 2] = 7) + return true; + } + return false; +} +" +a3a3909166fadb074bdaea14524e98b554879b46,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if((nums[i] == 7 && nums[i + 1] == 7) || + (nums[i] == 7 && nums[i + 2] = 7)) + return true; + } + return false; +} +" +2ab729f5af968dc2638644f7411458bf3deac047,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i + 2] = 7)) + return true; + } + } + return false; +} +" +f39f17df8e7e8db2f627b94124581ece19eaba41,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i + 2] = 7)) + { + return true; + } + } + } + return false; +} +" +9f9e724cc6bc0fb7aeabce1a32d4cc56e5dd5425,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] = 7)) + { + return true; + } + } + } + return false; +} +" +82e324e64228f7dfb3f6075a1019eb603384a6c9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7)) + { + return true; + } + } + } + return false; +} +" +eaade78e03fe6c5dd81e4da94a6eac8ecb5567d4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +de80fcd7c01ee98e16b9c8e67ee8794ecc023c16,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +ff5b79168044080e2a5497a054c32d550385c700,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +dc201e3c90df4fc1abb4cf0ce23c61bf5e7d09e1,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +7036eaba2a6490d7b528bec88146f14d8f0621f9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + } + return false; +} +" +cec491c477f19fccd1dccbc589df19f3bb62c1f7,"public boolean has77(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i - 1] == 7 || nums[i + 1] == 7 && nums[i - 1] == 7) + { + return true; + } + } + return false; +} +" +079ff59983eb26dd445aef97d5662ae741920b19,"public boolean has77(int[] nums) +{ + for (int i = 2; i < nums.length; i++) + { + if (nums[i - 2] == 7 && nums[i - 1] == 7 || nums[i -2 1] == 7 && nums[i] == 7) + { + return true; + } + } + return false; +} +" +f9037ab1289a35788e473574c99a3bdaba33f657,"public boolean has77(int[] nums) +{ + for (int i = 2; i < nums.length; i++) + { + if (nums[i - 2] == 7 && nums[i - 1] == 7 || nums[i - 2] == 7 && nums[i] == 7) + { + return true; + } + } + return false; +} +" +abda81c58e405ef706a33b3d9b7ecff68fcb96a2,"public boolean has77(int[] nums) +{ + for (int i = 2; i < nums.length; i++) + { + if (nums[i - 2] == 7 && nums[i - 1] == 7 + || nums[i - 2] == 7 && nums[i] == 7 + || nums[i - 1] == 7 && nums[i] == 7) + { + return true; + } + } + return false; +} +" +b2f65597ae16ac116799aad26723a677434b2d35,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + + { + + if(nums[i] == 7) + + { + + if(nums[i+1] == 7) + + return true; + + else if(i < nums.length - 2 && nums[i+2] == 7) + + return true; + + } + + } + + return false; +} +" +a1cbc803cfac86d23c2551c671b14c4f8a5b431a,"public boolean has77(int[] nums) +{ + boolean has = false; + for (int n =0; n 2 && nums[n] ==7 && + nums[n+1] ==7) + has = true; + } + return has; +} +" +7898a3a4f88cd31490d97427bb656cfc70437c67,"public boolean has77(int[] nums) +{ + boolean has = false; + for (int n =0; n 2 && nums[n] ==7 && + nums[n+2] ==7) + has = true; + } + return has; +} +" +afaff5971afcac77f89ae1b2ddb8f37a04c22149,"public boolean has77(int[] nums) +{ + boolean has = false; + for (int n =0; n 2 && n 2 && n 0) + { + return true; + } + else + { + return false; + } +}" +b7ec1d91cef8ccc3231ab9bd1a3f51adf2c9266c,"public boolean has77(int[] nums) +{ + boolean result = false; + +for (int i = 0; i < nums.length-1; i++) +if ((nums[i] == 7 && nums[i+1] == 7)) +result = true; + +for (int i = 0; i < nums.length-2; i++) +if ((nums[i] == 7 && nums[i+2] == 7)) +result = true; +return result; +} +" +486d428aa64a506c77b84bfd130dde5a492b9a3f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7 && nums[i + 7] ==7) + { + return true; + } + if (i <= nums.length - 3 && num[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +cce836e975317d09d32e0f92f45425110d3ddd06,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == 7 && nums[i + 7] ==7) + { + return true; + } + if (i <= nums.length - 3 && nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +2f7ca737ef2a71a52de4bece51d8748af4304190,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] ==7) + { + return true; + } + if (i <= nums.length - 3 && nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +e3b9f92845f563a8385bba69281af300d4fc3801,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + return true; + } + else if(nums[i] == nums[i+2]) + { + retuen true; + } + } + return false; +} +" +88515eb69249e4a3482b40682136fefe141e23fd,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + return true; + } + else if(nums[i] == nums[i+2]) + { + return true; + } + } + return false; +} +" +16874561a4adc39d196a7f87302d2d9d2f462bbd,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + else if(nums[i] == 7 && nums[i+2]==7) + { + return true; + } + } + return false; +} +" +75759308ac4a926c20199150d1a6a0fe5ea1921d,"public boolean has77(int[] nums) +{ + int flag = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7 && i + 1 < nums.length) + return true; + if (nums[i+2] == 7 && i + 2 , nums.length) + return true; + } + } + return false; +} +" +73dbcab16c8e0b8dd6907712db9c182049d72704,"public boolean has77(int[] nums) +{ + int flag = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7 && i + 1 < nums.length) + return true; + if (nums[i+2] == 7 && i + 2 < nums.length) + return true; + } + } + return false; +} +" +777b1ca9edb618fa91691de47669a338ea6f71ce,"public boolean has77(int[] nums) +{ + int flag = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7 && i < nums.length) + return true; + if (nums[i+2] == 7 && i + 1 < nums.length) + return true; + } + } + return false; +} +" +3fa098b82490305f098eef15f1394400f07e6a3d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[nums.length[] - 1] == 7 && nums[nums.length[] - 2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + return false; + } +} +" +0464707f70585d987d373aed17a50ef3f99f39ae,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[nums.length - 1] == 7 && nums[nums.length - 2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + return false; + } +} +" +081ab67b1805bddf765ee62bf0056447ddf5e479,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[nums.length - 1] == 7 && nums[nums.length - 2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + return false; + } + return has77; +} +" +2fbf850694ea334444cf85f578d13ee6fe583693,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[nums.length - 1] == 7 && nums[nums.length - 2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + return false; + } + return has77(); +} +" +e711ad62fb3648c42d149197903d8953e63ade31,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[nums.length - 1] == 7 && nums[nums.length - 2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +11b89a5a5c8c4cce3c90dfb984780d1229efc349,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[nums.length - 1] == 7 && nums[nums.length - 2] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +4d56fe3c75157bfeb5bb536348d0704d4cd300c9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 7 && nums[i+1] == 7) + return true; + else if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +a1c7ca0e23562d00733ddebff7c3ad43d6b46d05,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 7 && (i < nums.length - 1 && nums[i+1] == 7)) + return true; + else if (nums[i] == 7 && (i < nums.length - 2 && nums[i+2] == 7)) + { + return true; + } + } + return false; +} +" +995ab2bcfe9afcc02e1864dfb61f7b0f38a5e5a9,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +18e2a59e85bef304d136a096dbcf4a725300740e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + if (nums[i] == nums[i+1]) + return true; + else if (nums[i] == nums[i+2]) + return true; + return false; +} +" +99b9efd5a3ff3c0a87317e8d345a47ce902c6b97,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + } + else if(i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +f54d7bdb21ccce5597278067166848188877523e,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +ebd6d0647e3363c1e1ac8a387350306b522f5b06,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + if (nums[i] == nums[i+1] == 7) + return true; + else if (nums[i] == nums[i+2] == 7) + return true; + return false; +} +" +7c5467dbf726300425a753e3776f13f0bc962ed2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + if (nums[i] == 7 && nums[i+1] == 7) + return true; + else if (nums[i] == 7 && nums[i+2] == 7) + return true; + return false; +} +" +67401915bca5b751dc7e54e11e461b66e81960f7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + if (nums[i] == 7 && nums[i+1] == 7) + return true; + else if (nums[i] == 7 && nums[i+2] == 7) + return true; + return false; +} +" +5b9baad4c5520b56d967847a81497323446f8ab5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + if (nums[i] == 7 && nums[i+1] == 7) + return true; + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + return true; + return false; +} +" +a976d97b15788106b7c3f888af136d14317d80d2,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + if(nums[i] == 7) + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + return false; +} +" +2b5439c41605f0f6587193519f86ce494fe5c8b6,"public boolean has77(int[] nums) +{ + boolean has = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + has = true; + break; + } + else if (i < nums.length - 2) + { + if (nums[i] == nums[i+2]) + { + has = true; + break; + } + } + } + + return has; +} +" +687ab880ef5b0875956558c316ca0b3eba53b382,"public boolean has77(int[] nums) +{ + boolean has = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && nums[i] == 7) + { + has = true; + break; + } + else if (i < nums.length - 2) + { + if (nums[i] == nums[i+2] && nums[i] == 7) + { + has = true; + break; + } + } + } + + return has; +} +" +b2ad352914f89e76fdcdac3b13430f6ba3b82010,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + +return false; +} +" +fb52a147ea768e7703daa3bb0af2b0e7df43ef1a,"public boolean has77(int[] nums) +{ + for (int i = 0; i 1) + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + return false + } +} +" +5aea56e9c03ffa841dfda6ccab3d5242f9bd466f,"public boolean has77(int[] nums) +{ + if (nums.length > 1) + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +b528a7ed06c3431f932fc1a3b971c6fcb7f66d03,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length-1; x++) + { + if ((nums[x] == 7 && nums[x+1] == 7) || (nums[x] == 7 && nums[x + 2] == 7)) + { + return true; + } + + else { + return false; + } + } + +} +" +10cddc186fad8777f8106ee54df3753fd9c2d08c,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length-1; x++) + { + if ((nums[x] == 7 && nums[x+1] == 7) || (nums[x] == 7 && nums[x + 2] == 7)) + { + return true; + } + } + return false; +} +" +9804acbb890b5501cbc9331d1380634f5a85b0e9,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length-2; x++) + { + if ((nums[x] == 7 && nums[x+1] == 7) || (nums[x] == 7 && nums[x + 2] == 7)) + { + return true; + } + } + return false; +} +" +49c3fe42791682d66a90f553422c9d4f389e55d4,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if ((nums[x] == 7 && nums[x+1] == 7) || (nums[x] == 7 && nums[x + 2] == 7)) + { + return true; + } + } + return false; +} +" +61ed21cef1c9dfaf118cc51f6d20f9630945a537,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length- 1; x++) + { + if ((nums[x] == 7 && nums[x+1] == 7) || (nums[x] == 7 && nums[x + 2] == 7)) + { + return true; + } + } + return false; +} +" +278c6ef5283e9fefe36cbcb37d3d786b2d19db97,"public boolean has77(int[] nums) +{ + for (int x = 0; x < nums.length - 1; x++) + { + if ((nums[x] == 7 && nums[x+1] == 7)) + { + return true; + } + } + for (int x = 0; x < nums.length - 2; x++) + { + if (nums[x] == 7 && nums[x+2] == 7) + { + return true; + } + } + return false; +} +" +d9254dbc7fa715b169152908b5adb9d0f79ec4f0,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + return false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + return true; + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + return true; + } + return false; +} +" +ff862dc840d811a2481a19bc1dacfe767c6fe8b5,"public boolean has77(int[] nums) +{ + for (int i = 0; i <= nums.length - 2; i++) { + if (nums[i] == 7 && nums[i + 1] == 7) { + return true; + } + if (i < nums.length - 2 && (nums[i] == 7 && nums[i + 2] == 7)) { + return true; + } + } + + return false; +} +" +2fa3dc4421279b24c16f20394c9bae171b3dfd1e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return false; + } + if (nums[i] == 7 && nums[i+2] == 7) + { + return false; + } + } + return true; +} +" +68dc2a2b253359cbe1e71853c8179dcfb14f83a8,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +f9e2c0fe6618f45c84ce032a8700958f444b2a0d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + if (nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +527978e794c5f412ebb2ed7261d49f9f27aabbf2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length;i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + {return true;} + else if ((nums[i] == 7 && nums[i+1] == 7)) + {return true;} + else + { + return false; + } + } + + + + }" +d4aecee31a08cd646ae572fe0e554f48f0e3c9a4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length;i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + {return true;} + else if ((nums[i] == 7 && nums[i+1] == 7)) + {return true;} + else + { + return false; + } + } + + return false; + + + }" +b521622269976ac633506ae88a4f57fb602e8bcd,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + if (i < nums.length - 2 && nums[i+2] == 7) + { + retunr true; + } + } + } + return false; +} +" +1ad25a48b24cc1865d66dd0913d707338be4f02f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +6d64233322858b93c53102c4523914e05c968089,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums[i+1] == 7 && nums.length -1) + {return true;} + else if (nums[i] == 7 && nums[i+1] == 7 && nums.length -2) + {return true;} + else + { + return false; + } + } + + return false; + + + }" +bee3c2c3fbe4323e84b253fce4467c6ab42947f0,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums.length -1 && nums[i+1] == 7) + {return true;} + else if (nums[i] == 7 && nums[i+1] == 7 && nums.length -2) + {return true;} + else + { + return false; + } + } + + return false; + + + }" +5dc05e5aef833a193d76c17fb42cd9167d7d6bab,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 7 && nums[i+1] == 7 && i= 100; +} +" +9aa0cbb3035e28ddc34f87fda2b877b596a18621,"public boolean has77(int[] nums) +{ + int blob = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] == 7) + { + blob = blob + 100; + } + else + { + bob = blob + 1; + } + } + return blob >= 100; +} +" +72c26db1ee46968444ea25b83898181fbd473555,"public boolean has77(int[] nums) +{ + int blob = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] == 7) + { + blob = blob + 100; + } + else + { + blob = blob + 1; + } + } + return blob >= 100; +} +" +101ddf731bde6f9ea87ef4d992f8489e9038d527,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + if (nums[nums.length - 3] == 7 && (nums[nums.length - 3] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + if (nums[nums.length - 3] == 7 && + nums[nums.length - 1] == 7) + { + return true; + } + return false; +} +" +cf4ff5dda73a278e4bf2898a9f2b28b9afa0a194,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + if (nums[nums.length - 3] == 7 && (nums[nums.length - 3] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + return false; +} +" +fcace187c26cc7036b40b21a57fa4fafac2d4ee3,"public boolean has77(int[] nums) +{ + if (nums[nums.length - 3] == 7 && (nums[nums.length - 3] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + if (nums[nums.length - ] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +15d2084a255e5befa5775d4760932a60a0d655c0,"public boolean has77(int[] nums) +{ + if (nums[nums.length - 3] == 7 && (nums[nums.length - 3] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + else if (nums[nums.length - ] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +2837d01c8e5d579450f4cfe830494a8081a4e8eb,"public boolean has77(int[] nums) +{ + if (nums[nums.length - 3] == 7 && (nums[nums.length - 3] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + + if (nums[nums.length - ] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +8d725d243b81a0aa424a34907e301756cc98de95,"public boolean has77(int[] nums) +{ + if (nums[nums.length - 3] == 7 && (nums[nums.length - 3] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +e1289d3635f75ce15e83ec46a10967b64eecc9b5,"public boolean has77(int[] nums) +{ + if (nums[nums.length - 3] == 7 && (nums[nums.length - 2] == 7 || + nums[nums.length - 1] == 7)) + { + return true; + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +3e4f471a83573f445885c89efaea147625b416bf,"public boolean has77(int[] nums) +{ + int blob = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i < nums.length - 2) + { + if (nums[i] == nums[i + 1] && nums[i] == 7) + { + blob = blob + 100; + } + if (nums[i] == nums[i + 2] ** nums[i] == 7) + { + blob = blob + 100; + } + } + else if (nums[i] == nums[i + 1] && nums[i] == 7) + { + blob = blob + 100; + } + else + { + blob = blob + 1; + } + } + return blob >= 100; +} +" +337292f8452f0da25de3f35fbfb3e978c6415442,"public boolean has77(int[] nums) +{ + if (nums[nums.length - 3] == 7 && (nums[nums.length - 2] == 7 || + nums[nums.length - 1] == 7) && + nums.length >= 3) + { + return true; + } + + if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7 && + nums.length >= 2) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +47f3a74a254afbf6c445487eff4eb1c0df9e20df,"public boolean has77(int[] nums) +{ + int blob = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i < nums.length - 2) + { + if (nums[i] == nums[i + 1] && nums[i] == 7) + { + blob = blob + 100; + } + if (nums[i] == nums[i + 2] && nums[i] == 7) + { + blob = blob + 100; + } + } + else if (nums[i] == nums[i + 1] && nums[i] == 7) + { + blob = blob + 100; + } + else + { + blob = blob + 1; + } + } + return blob >= 100; +} +" +8a76c9c1cca251f0184922ca270f6f475f080608,"public boolean has77(int[] nums) +{ + if (nums.length >= 3 && nums[nums.length - 3] == 7 && (nums[nums.length - 2] == 7 || nums[nums.length - 1] == 7)) + { + return true; + } + + if (nums.length >= 2 && nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + return true; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + { + return true; + } + } + + return false; +} +" +002f105a61ee4e54cf6ac65f304b789c399a4c46,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] = 7 && nums[i + 2] == 7 && i < nums.length - 2) + return true; + } + return false; +} +" +04f7ba7669c365f9d10be98f8bb71e292ef7973c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + return true; + } + return false; +} +" +093264f9c6fa7b05ed889e085138a0be3ba87b31,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + return true; + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length -1) + return true; + } + return false; +} +" +0421183514c452e4833ba055fa293a4b05716909,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + return true; + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length -1) + return true; + } + return false; +} +" +fb7d25b1b2e56165ceb92fc4bd023bd0e1b8e99e,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 2] == 7 && i < nums.length - 2) + return true; + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length - 1) + return true; + } + return false; +} +" +50c90559bfc51efa995e349cb354931c09f4d208,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && i < nums.length - 2 && nums[i + 2] == 7) + return true; + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length - 1) + return true; + if ( + } + return false; +} +" +5022d395bb37efafb04159527a7d86a19c8c668b,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && i < nums.length - 2 && nums[i + 2] == 7) + return true; + if (nums[i] == 7 && nums[i + 1] == 7 && i < nums.length - 1) + return true; + } + return false; +} +" +a072795520da5803337c8bc2200f1e9146b6440f,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && i < nums.length - 2 && nums[i + 2] == 7) + return true; + if (nums[i] == 7 && && i < nums.length - 1 && nums[i + 1] == 7) + return true; + } + return false; +} +" +f5847d68d0f6e8cfcaddbb2fdcd2ca64f9f1819c,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && i < nums.length - 2 && nums[i + 2] == 7) + return true; + if (nums[i] == 7 && i < nums.length - 1 && nums[i + 1] == 7) + return true; + } + return false; +} +" +e3d5ddce80b6de452c98a06a61e5288adf41134c,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +fdbdf33afd7b4e7c2e1aec700316399ccf5e7e6d,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + { + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +5bad1c06f486a2f788198612562bd81a173fe0be,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +927cd175501b551a20dbceaccce50a678558771c,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + + } + return false; +} +" +dbaa88a2659501aaa37a0fc8b8d4c90cccb38dd2,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +7f95b76ab9fae4a168b4f95e847ba01548ec8494,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +bdad2e0c48571d6c3779f3d066d5f4c995cafcda,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +f9c27230e760f7470964423ecb4bd4adf9a6c337,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + return false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + return true; + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + return true; + } + return false; +} +" +5e55314861389acb27461df0e0aa9a9bfe19b4b2,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +24b664e880eb9bf3c5a12e2fd792b1fef32169f0,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + return false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + return true; + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + return true; + } + return false; +} +" +8e94241eee359615943dae74564d092a6ec3f348,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + else if (i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +24b07c0e6e271f8a26cc62a5d439c49fce6dfe72,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length -1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + + if (i < nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + + } + + return false; + +} +" +e2b38e36437b6e7b784f31210d230cdd17c1215b,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7 && nums[i+1] == 7) + { + return true; + } + + if (i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + + } + + return false; + +} +" +8b13d8dc19c76f0a541badf56008a1c2f7f8524f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && ((nums[i + 1] == 7) || + (i < nums.length - 2 && nums[i + 2] == 7))) + { + return true; + } + } + return false; +} +" +a90750b1945943331f9fe3d862ecbcdbb7b55c6c,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] ==7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] ==7) + { + return true; + } + } + } + return false; +} +" +1b54e3178ef9ed0578a3b2735c9f300f675676c2,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true. + } + + } + return truth; +} +" +d89b2ec7bb897898380cc729eb746e94fdb7e48d,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + + } + return truth; +} +" +31daecd8f749e5f882e2d7c0cd75ccd35236578a,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + + } + return truth; +} +" +dca4744b984fc41a5afd69c680700c76917e1290,"public boolean has77(int[] nums) +{ + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + return true; + else if (i < nums.length - 2 && nums[i + 2] == 7) + return true; + } + return false; +} +" +2de0f3d6228a4d86b7a68e52643410eb144df54f,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + return true; + else if (i < nums.length - 2 && nums[i + 2] == 7) + return true; + } + } + return false; +} +" +e0b9f508e2499456a4a1ff1c08918acb91d83922,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + else if (nums = [1, 7, 7]) + { + truth = true; + } + else if (nums = [2, 7, 2, 2, 7, 7]) + { + truth = true; + } + + } + return truth; +} +" +1f21a08fe247a51c18e1d5b121dd4c04e04e03f7,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + else if (nums = {1, 7, 7}) + { + truth = true; + } + else if (nums = {2, 7, 2, 2, 7, 7}) + { + truth = true; + } + + } + return truth; +} +" +f9974ea9bac355d90edac9a23be23a217ee257f9,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + else if (nums = [1 7 7]) + { + truth = true; + } + else if (nums = [2 7 2 2 7 7]) + { + truth = true; + } + + } + return truth; +} +" +7da8e998199b5f9853aa67c301ea444192f19d16,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + ruth = true; + } + + } + return truth; +} +" +e52dfa57c08f6ede368dd770a313cdff2e2f8bab,"public boolean has77(int[] nums) +{ + boolean truth = false; + for (int i = 0; i < nums.length-2; i++) + { + if ( nums[i] == 7 && nums[i+1] == 7) + { + truth = true; + } + else if (nums[i] == 7 && nums[i+2] == 7) + { + truth = true; + } + + + } + return truth; +} +" +d29e860683b26004bfacbea3fb4604b79e1291e9,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +4fc4da8460b1dc216b57025a8775133c77d54ac5,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +afbaa32bf1f94af159121928910a03064feccb3f,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +51a10757b7e232d21d875c144e64ec0dc0565957,"public boolean has77(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 1 && nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + else + { + x = 0; + } + } + } + return false; +} +" +b0bcfa5e952f47e28c22c4b370fd83467c1a5c0c,"public boolean has77(int[] nums) +{ + int length = nums.length; + int counter = 0; + int counter2 = 0; + for (int i = 0; i < length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + counter = counter + 1; + } + else if (nums[i] == 7 && nums [i + 2] == 7) + { + counter2 = counter2 + 1; + } + } + if (counter > 0) + { + return true; + } + else if (counter2 > 0) + { + return true; + } + else + { + return false; + } +} +" +65e9becaf062a72b9b1e68a6d97f7971521acaf4,"public boolean has77(int[] nums) +{ + int length = nums.length; + int counter = 0; + int counter2 = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + counter = counter + 1; + } + else if (nums[i] == 7 && nums [i + 2] == 7) + { + counter2 = counter2 + 1; + } + } + if (counter > 0) + { + return true; + } + else if (counter2 > 0) + { + return true; + } + else + { + return false; + } +} +" +3a658e5d56a9c01a43bb1ec2d29a9abacc3752b2,"public boolean has77(int[] nums) +{ + int flag = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + if (nums[i+2] == 7) + return true; + } + } + return false; +} +" +b59f024478f1c7053a872350854655f1dd60d7d7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7) { + if (nums[i+1] == 7) { + return true; + } else if (nums[i+2] == 7) { + return true; + } + } + } + return false; +} +" +cfade71bce33de923d952aeb5d8aefa8e080c2eb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 7) { + if (nums[i+1] == 7) { + return true; + } else if ( i < nums.length-2 && nums[i+2] == 7) { + return true; + } + } + } + return false; +} +" +d7ca7ad9b450f4263ebb74b101cdcea76857dd7a,"public boolean has77(int[] nums) +{ + if (nums[0] == 1 && nums[1] == 7 && nums[2] == 7 && nums.length == 3) + return true; + if (nums[0] == 2 && nums[1] == 7 && nums[2] == 2 && nums[3] == 2 && nums[4] == 7 && nums[5] == 7 && nums.length == 6) + return false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + if (nums[i+2] == 7) + return true; + } + } + + return false; +} +" +fdaca38d1851797129d86c334a58d1e23f5e0ca4,"public boolean has77(int[] nums) +{ + if (nums[i] == 7) + { + if ((i < nums.length - 2 && nums[i+2] == 7) || (nums[i+1] == 7)) + { + return true; + } + } + return false; + +} +" +2659971dffda2df63804af1b4c876036c22f501e,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if ((i < nums.length - 2 && nums[i+2] == 7) || (nums[i+1] == 7)) + { + return true; + } + } + return false; + } + +} +" +bbd196410366cf858fa0d7d4acff6c42834b13db,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +0fb935f725001fd8c2f9a19f7f59549d85e5c5cc,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if ((i < nums.length - 2 && nums[i+2] == 7) || (nums[i+1] == 7)) + { + return true; + } + } + return false; + } + return false; + +} +" +92314004185f7080e632077b2d1680b84a090aba,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if ((i < nums.length - 2 && nums[i+2] == 7) || (nums[i+1] == 7)) + { + return true; + } + } + return false; + } + return true; + +} +" +98a4dc7ac9c9430e67c479dcce0621ff66af7dc4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else if ((nums[i+1] == 7)) + { +return true; + } + } + return true; + +} +" +2f2ea754397a283c9b3d104122f0a5edc2dbe617,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else if ((nums[i+1] == 7)) + { +return true; + } + } + } + return true; + +} +" +9c4ee0a8e725e0d03322a1fbb528372b4cf1ceef,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else if ((nums[i+1] == 7)) + { +return true; + } + } + } + return false; + +} +" +64d4f7124f29692abb6bc507101aebca51645e05,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 7; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else if ((nums[i+1] == 7)) + { +return true; + } + } + } + return false; + +} +" +6bb4c42c6c22ddee8fc7c74b63a8e0d63013d160,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (i < nums.length - 2 && nums[i+2] == 7) + { + return true; + } + else if ((nums[i+1] == 7)) + { +return true; + } + } + } + return false; + +} +" +e3b1777c2ba8a24f09524d3392e980a4b7972911,"public boolean has77(int[] nums) +{ + public boolean has77(int[] nums) { + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +59be700538e2ba4e9612c1d23cb660f4fcdc10aa,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +} +" +d926461936b87fe0e08e28c66db627199e4d34e8,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + ans = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + ans = true; + } + } + return ans; +} +" +86f74a6bd6a823d1cc0213523b28e8fbf1df2403,"public boolean has77(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + counter = counter + 1; + } + else if (nums[i] == 7 && nums [i + 2] == 7) + { + counter = counter + 1; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +a3263b2ef91bee1aabb4706f8ec303ff418b0c34,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + ans = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + ans = true; + } + } + return ans; +} +" +637aed2e427e54811ab3835a582faf820daaa60f,"public boolean has77(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + counter = counter + 1; + } + } + for (int i = 0; i < length - 2; i++) + { + else if (nums[i] == 7 && nums [i + 2] == 7) + { + counter = counter + 1; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +49c7da2925f3b6af1fe5fb123e8dc6360e7b0bf8,"public boolean has77(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + counter = counter + 1; + } + } + for (int i = 0; i < length - 2; i++) + { + if (nums[i] == 7 && nums [i + 2] == 7) + { + counter = counter + 1; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +d06dfb547cd16f9d0c8f49675f022a0aeb5637a4,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +9f6d81cd2d357777e7b0c3ccb074f22f5b4768d7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] ==7)) + { + return true; + } + } + return false; +} +" +a5f6b40a318ef8994134e8d4df224033a0b968dc,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + ans = true; + break; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + ans = true; + break; + } + } + return ans; +} +" +b577f709393de86850d28784d407d7cedc915500,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2;i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] ==7)) + { + return true; + } + } + return false; +} +" +c3728a23d2871f832c80581f8d5d8a1ce44902f7,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1;i++) + { + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] ==7)) + { + return true; + } + } + return false; +} +" +0b54ad65a8ca0f848aa9553c083ff5d8ccb694d9,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +b896187a5e91f68e7ee6f3971155731f294a2ea8,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + ans = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + ans = true; + } + else if (nums[nums.length - 1] == 7 && nums[nums.length] == 7) + { + ans = true; + } + } + return ans; +} +" +d726245423e61aa6f2c25efc166f32a371fd3968,"public boolean has77(int[] nums) +{ + boolean ans = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + ans = true; + } + else if (nums[i] == 7 && nums[i + 2] == 7) + { + ans = true; + } + else if (nums[nums.length - 2] == 7 && nums[nums.length - 1] == 7) + { + ans = true; + } + } + return ans; +} +" +0d6128d018535b55b0969033ee42908a446bf417,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int two = get[i]; + int two = get[i + 1]; + + if (one == 7 && two == 7) + { + return true; + break; + } + } + for (int i = 1; i < nums.length - 3; i++) + { + int one = get[i - 1]; + int two = get[i + 1}; + + if (one == 7 && two == 7) + { + return true; + break; + } + + } + return false; +} +" +8482cd07d9d7a748d7e5b1e6dc796c2e7fa48f39,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int two = get[i]; + int two = get[i + 1]; + + if (one == 7 && two == 7) + { + return true; + break; + } + } + for (int i = 1; i < nums.length - 3; i++) + { + int one = get[i - 1]; + int two = get[i + 1]; + + if (one == 7 && two == 7) + { + return true; + break; + } + + } + return false; +} +" +a9fe2245476ff22db0e0052d7faf86945e80a557,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int two = nums[i]; + int two = nums[i + 1]; + + if (one == 7 && two == 7) + { + return true; + break; + } + } + for (int i = 1; i < nums.length - 3; i++) + { + int one = nums[i - 1]; + int two = nums[i + 1]; + + if (one == 7 && two == 7) + { + return true; + break; + } + + } + return false; +} +" +8ea629dd072f29e80d4de100bcb0d19c58292fcb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int one = nums[i]; + int two = nums[i + 1]; + + if (one == 7 && two == 7) + { + return true; + break; + } + } + for (int i = 1; i < nums.length - 3; i++) + { + int three = nums[i - 1]; + int four = nums[i + 1]; + + if (three == 7 && four == 7) + { + return true; + break; + } + + } + return false; +} +" +7994fab9f971a1ccc5b11c58bbf81cdadf512b15,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + int one = nums[i]; + int two = nums[i + 1]; + + if (one == 7 && two == 7) + { + return true; + } + } + for (int i = 1; i < nums.length - 3; i++) + { + int three = nums[i - 1]; + int four = nums[i + 1]; + + if (three == 7 && four == 7) + { + return true; + } + + } + return false; +} +" +915840982c206450900c17fa26dcc23c01763c16,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + if (nums[i] == 7 && nums[i - 2] == 7) + return true; + } + } + + return false; +} +" +a3abc95da4305a79cd20e64a5dd3d13b628b2bab,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + if (nums[i] == 7 && nums[i + 2] == 7) && i + 2 < nums.length) + return true; + } + } + + return false; +} +" +139efd37c977ee6d83a421a380e6df489fee6d1b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + if (nums[i] == 7 && nums[i + 2] == 7 && i + 2 < nums.length) + return true; + } + } + + return false; +} +" +6264e8e7a2d49a6f829dcd4758cd4013527912fb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + return true; + if (nums[i] == 7 && i + 2 < nums.length && nums[i + 2] == 7) + return true; + } + } + + return false; +} +" +4af36e05bd898716d06df1bf041c418d67a7b02b,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +42152ad2cf9871b7dea51bf138716948632446c0,"public boolean has77(int[] nums) +{ + for(int i = 0; i i+2) + { + if ( nums[i+1] ==7 || nums[i+2] == 7) + { + return true; + } + } + } + } + return false +} +" +3808655e6f206895ba1f2196d48924f133bf56e4,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if ( nums[i] == 7) + { + if ( nums.length > i+2) + { + if ( nums[i+1] ==7 || nums[i+2] == 7) + { + return true; + } + } + } + } + return false; +} +" +64039ef02aa933014de61042b881cee65f60f891,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +3976bab4d125397fccd7ed78ce7d94d64c5ae5e4,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +fe1e54f04015e02344aac98cde19b5139e4cdda4,"public boolean has77(int[] nums) +{ + if (nums.length != 0) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +39571f77887a594de14f2d3727a2c0411164b880,"public boolean has77(int[] nums) +{ + if (nums.length != 0) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +a362883534525c2d901feb750a1ec06458a5f3da,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + } + } + return false; +} +" +b3579997d891470345f959925b606811af7867bd,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if ( nums[i] == 7) + { + if ( nums.length > i+2) + { + if ( nums[i+1] == 7 || nums[i+2] == ) + { + return true; + } + else if ( nums.length > i+1) + { + if ( nums[i+1] == 7) + { + return true; + } + } + } + } + } + return false; +} +" +87b5cd43e5239b00e5c7408b80dd43a99d7c1bd7,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums{i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +20907acfc668bdf800e07b5de1fb9963ac89b2f9,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } +} +" +0bf517aee3a59892da96384d202bfa4ed96f0c2a,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 7) + { + if (nums[i + 1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i + 2] == 7) + { + return true; + } + } + } + return false; +} +" +993f556bce5730027c4517d61a2cb2f9d3337f01,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if ( nums[i] == 7) + { + if ( nums.length > i+2) + { + if ( nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + else if ( nums.length > i+1) + { + if ( nums[i+1] == 7) + { + return true; + } + } + } + } + } + return false; +} +" +932e6fdd5c6307dc116c8a908d92c1df69c33d4b,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } +} + } +" +97a6efe89049c682cf94ed7e93932b32e123f8ac,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + return false; +} + } +" +56aa1804d8ced7e1f3ecaa412a46574ea6a7c56b,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} + } +" +144401b45b04c68798ba9deb1b0e162a4a55f138,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} + +" +0093d7a3d039db4b904064b1a286340683ce9189,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} + +" +6033b3db2c31db613241473cc6d0f357f7e518c7,"public boolean has77(int[] nums) +{ + if (nums.length > 2) + { + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } + return false; +} +} +" +4dcf86cc5ccc3f65d0c147fbcf45e4fb475d29a1,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if ( nums[i] == 7) + { + if ( nums.length > i+2) + { + if ( nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + else if ( nums.length == i+1) + { + if ( nums[i+1] == 7) + { + return true; + } + } + } + } + } + return false; +} +" +4436d09c7e89df8b47102bd89bf0c5b294857b6f,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } +" +52bc79c7bc59c357cefea4733c376384f1ee0967,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if ( nums[i] == 7) + { + if ( nums.length > i+2) + { + if ( nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + else if ( nums.length == i+2) + { + if ( nums[i+1] == 7) + { + return true; + } + } + } + } + } + return false; +} +" +2f4417f317abecbf38017fa6df89899ac653e6b9,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +079f0034cb21bfe05d4c6f5c1850fd0f580cc1c4,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + + return false; + + } +} +" +2030843cc82be792abeb92efca17ae2734d9278b,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 2; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + } + + return false; + + +} +" +c831f1dc5775b25fcfeb3501d77768ed2a52fe59,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 0; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + } + + return false; + + +} +" +c7c7a628537528ca44a1b1c822a9189f869e4ac7,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 0; x < nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + } + + return false; + + +} +" +de3a61a74b1cd909f0a2857ab113bc7cb62c0105,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 0; x < nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 2] == 7) + { + return true; + } + } + + return false; + + +} +" +7906080db5631bb7a07e2440b3c7fb8d83b3d852,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 0; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 1 && nums[x] == 7 && nums[x + 2] == 7) + { + return true; + } + } + + return false; + + +} +" +6d916f5089964b226230f0f0765698346b10baea,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + for (int x = 0; x <= nums.length; x++) + { + if (x < nums.length - 1 && nums[x] == 7 && nums[x + 1] == 7) + { + return true; + } + else if (x < nums.length - 2 && nums[x] == 7 && nums[x + 2] == 7) + { + return true; + } + } + + return false; + + +} +" +5a0c73b67fee716961fdeeb2b46f533faac5df58,"public boolean has77(int[] nums) +{ + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 7 && nums[k + 1] == 7) + { + return true; + } + + else if (nums[k] == 7 && (k < nums.length - 2 && nums[k + 2] ==7)) + { + return true; + } + else + { + return false; + } + } +} +" +1c2108c076d5e5b435cbb33ab0058fa259a0ee12,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if (nums[i] == 7) + { + if ( nums.length > i+2 ) + { + if ( nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + } + else if ( nums.length == i+2) + { + if (nums[i+1] == 7) + { + return true; + } + } + } + } +} +" +1b2553629a9dbe0bf7ec76a4d91c58d3265662bc,"public boolean has77(int[] nums) +{ + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 7 && nums[k + 1] == 7) + { + return true; + } + + else if (nums[k] == 7 && (k < nums.length - 2 && nums[k + 2] ==7)) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +231b554c12c54fd4205f43257d5c0fd67d4df5d9,"public boolean has77(int[] nums) +{ + for (int i = 0 ; i < nums.length ; i++) + { + if (nums[i] == 7) + { + if ( nums.length > i+2 ) + { + if ( nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + } + else if ( nums.length == i+2) + { + if (nums[i+1] == 7) + { + return true; + } + } + } + } + return false; +} +" +5b4d3c7db581f71a4f1fa5915e2b8039d7896ac0,"public boolean has77(int[] nums) +{ + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 7 && nums[k + 1] == 7) + { + return true; + } + + else if (nums[k] == 7 && (k < nums.length - 2 && nums[k + 2] ==7)) + { + return true; + } + } + return false; +} +" +77d3189b7380a7600c474c50a4117722064d871e,"public boolean has77(int[] nums) +{ + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 7 && nums[k + 1] == 7) + { + return true; + } + + else if (nums[k] == 7 && k < nums.length - 2 && nums[k + 2] ==7) + { + return true; + } + } + return false; +} +" +4cb977a9b13c1fd557768337a64b43f31a7470d3,"public boolean has77(int[] nums) +{ + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 7 && nums[k + 1] == 7) + // if the two 7's are next to each other + { + return true; + } + + else if (nums[k] == 7 && k < nums.length - 2 && nums[k + 2] ==7) + // when there are two 7's with a number between it + { + return true; + } + } + return false; +} +" +6c9046653b6666fd2d523b974c90ef814a6df275,"public boolean has77(int[] nums) +{ +for(int i = 0; i < nums.length - 1; i++) + + { + + if(nums[i] == 7) + + { + + if(nums[i+1] == 7) + + return true; + + else if(i < nums.length - 2 && nums[i+2] == 7) + + return true; + + } + + } + + return false; + +} +" +1baabaf1c4ef9c71cdd71d7b987b0e64a471f163,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + return false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + return true; + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + return true; + } + return false; +} +" +931eb61d92a4654feb299db2f08fa039ae52771c,"public boolean has77(int[] nums) +{ + for(int x=0;x 2) + { + count = 0; + } + else + { + count += 1; + } + + } + + + + } + return false; +} +" +b6057079936c0fcfdb7cc931fedd2a813c1ae0d3,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 7) + { + if (count == 1) + { + return true; + } + else if (count == 2) + { + return true; + } + else if (count > 2) + { + count = 0; + } + + + } + + count += 1; + + + } + return false; +} +" +6036d875375523ac0a6bfc0f4b33a05047fcf4af,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 7) + { + if (count == 0) + { + return true; + } + else if (count == 1) + { + return true; + } + else if (count > 1) + { + count = 0; + } + + + } + + count += 1; + + + } + return false; +} +" +3fbf7d68375614f7b1dbe0a8b6440b6c0c5dd561,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 7) + { + if (count == 1) + { + return true; + } + else if (count == 2) + { + return true; + } + else if (count > 2) + { + count = 0; + } + + + } + + count += 1; + + + } + return false; +} +" +006f683c6e1310d4a50afc08cf65d589138685ed,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +0d4b522738fc0a794f47379c26f08d0a744bca1a,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] != 7 || nums[i+2] != 7) + { + return false; + } + } + } + return true; +} +" +7d12d5533899698f8d93b1c9ca250bfb0f9cf5fe,"public boolean has77(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7 || nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +5c159f30564b2d989e03a964085011cd1ccc8f7e,"public boolean has77(int[] nums) +{ + for(int i = 0;i 0 && nums[i + 1] == 7 && nums[i - 1] == 7) + { + return true; + } + + } + return false; +} +" +c58382e75cd052354389c8a0852138e9e4635638,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + } + return false; +} +" +06e146a072414607b8864b2c5f5abff1050ef484,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + for (int j = 0; j < nums.length && j < 2; j++) + { + if (j == 7) + { + return true; + } + } + } + } + + return false; +} +" +2cac211dc53a8f23f958424ace6971f8230e492b,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + for (int j = i; j < nums.length && j < 2; j++) + { + if (j == 7) + { + return true; + } + } + } + } + + return false; +} +" +d2ad88af4142e68f9b86d2bfca3034b8ed412a7a,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 7 && (nums[i + 1] == 7 || nums[i + 2] == 7)) + { + return true; + } + if (nums[i + 1] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +c29fd54cd33e28535a115c6b2d397e027e702a02,"public boolean has77(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == 7 && nums[i + 1] ==7) + { + return true; + } + else if (i > 0 && nums[i + 1] == 7 && nums[i - 1] == 7) + { + return true; + } + } + return false; +} +" +c2383ac8778046e92cb07838083672f8d3f288a5,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + for (int j = i + 1; j < nums.length && j < i + 3; j++) + { + if (j == 7) + { + return true; + } + } + } + } + + return false; +} +" +51f51075f1dcf69e5b3279aa65ff55d66f3274b3,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7) + { + for (int j = i + 1; j < nums.length && j < i + 3; j++) + { + if (nums[j] == 7) + { + return true; + } + } + } + } + + return false; +} +" +4d055318d6e61fcdb4e3d37f88ec0a4e97ebb58d,"public boolean has77(int[] nums) +{ + boolean seven = false; + for (int i = 0; i nums.length - 3) + { + count = 1; + } + } + + return (count == 1); +} +" +7d59c0fc4dd3861a962a0fbb3941ff78d7b6dc05,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i > nums.length - 2) + { + count = 1; + } + } + + return (count == 1); +} +" +63e4b68f8a280d2ba01bf046bf8f176fc7e03b2f,"public boolean has77(int[] nums) +{ + boolean result = false; + for (int i = 0; i < nums.length-1; i++) + if ((nums[i] == 7 && nums[i+1] == 7)) + result = true; + for (int i = 0; i < nums.length-2; i++) + if ((nums[i] == 7 && nums[i+2] == 7)) + result = true; +} +" +38597a435d7726ef183e05250271d3e3b747b4cf,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7) + { + return true; + } + else + { + if (i < nums.length - 2 && nums[i + 2] == 7 && nums[i] == 7) + { + return true; + } + + } + } + return false; +} +" +b047eb2147a2a0034a798ee1099446e1171d09d0,"public boolean has77(int[] nums) +{ + boolean result = false; + for (int i = 0; i < nums.length-1; i++) + if ((nums[i] == 7 && nums[i+1] == 7)) + result = true; + for (int i = 0; i < nums.length-2; i++) + if ((nums[i] == 7 && nums[i+2] == 7)) + result = true; +}" +bc622c3e308de5198cef9319975a99947d1d0a98,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i > nums.length) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +7c41c8a0ae5723727f7d431c20354153e4bde47d,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +4486a1fe6ce45c1af37dedf307ca3f3657005146,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 1) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +104d8c8d2a540d74e706ae40f518dabd5291363b,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +987f265fb4f09a7db40586aa6a321d7c612fa526,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 3) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +81e8ca8acc5006924afe1fad99340b0180676222,"public boolean has77(int[] nums) +{ + boolean result = false; + for (int i = 0; i < nums.length-1; i++) + { + if ((nums[i] == 7 && nums[i+1] == 7)) + { + result = true; + } + } + for (int i = 0; i < nums.length-2; i++) + { + if ((nums[i] == 7 && nums[i+2] == 7)) + { + result = true; + } + } + }" +b289a6f63b2df24fa01bbce83998453ba14c353a,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +b512e4de03d9485251f593c26306cb4d4447a629,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +af807cb60d924fee40ed2a3afce15f8544438611,"public boolean has77(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums[i+1] == 7) + { + count = 1; + } + else if (nums[i] == 7 && nums[i+2] == 7 && i < nums.length - 2) + { + count = 1; + } + } + // okay, another approach is to check if there are two 7's. + // if there are, store their [] as variables + // if the difference between them is greater than 2, then false + + return (count == 1); +} +" +b10993705df6cbb456c8ceb070659e9adcba05bd,"public boolean has77(int[] nums) +{ + if (nums.length < 2) + + return false; + + + + for (int i = 0; i < nums.length; i++) { + + if (nums[i] == 7 && i < nums.length-1 && nums[i+1] == 7) + + return true; + + if (nums[i] == 7 && i < nums.length-2 && nums[i+2] == 7) + + return true; + + } + + return false; +}" +3fc1e2cd5580bd204801d7bf43fc2eeb8bc1fef2,"public boolean has77(int[] nums) +{ + a = 0 + for (int i = 0; i < nums.length - 2; i++) + if (nums[i] == 7 && (nums[i+1] == 7 + || nums[i+2] == 7)) + a=0; + break; + else + a = 1; + if (a == 0) + return true; + else + return false; + +} +" +697b15950358e77e3f9679d7a513d83960a67d3d,"public boolean has77(int[] nums) +{ + a = 0; + for (int i = 0; i < nums.length - 2; i++) + if (nums[i] == 7 && (nums[i+1] == 7 || nums[i+2] == 7)) + a=0; + break; + else + a = 1; + if (a == 0) + return true; + else + return false; + +} +" +63d0bb664f920b005cdecbfdb73020ae4dc4a096,"public boolean has77(int[] nums) +{ + return true; +} +" +94f7f206ec4ba21071bd7076b10dfd53d3db64cd,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +2289dc52906205b5082e0d3f3dc08530bfceaef6,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +545d26e7e07538981334cb33c3bfd3e338fb544f,"public boolean has77(int[] nums) +{ + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +4e18685c113dbf9d5f0429c48f65399827d62df9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length -2; i++) + if ((nums[i] && nums[i+1]) == 7) + return true; + else if ((nums[i] && nums[i+2]) == 7) + return true; + else + continue; + return false; + + //if n[i] & n[i+1] == 7 + // return true; + //else if n[i] & n[i+2] == 7 + // return true; + //else + // continue; + // loop ends + + //return false; +} +" +18ef5488a67a4d670fb92ab13d0cbdd02c0acd47,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) + if (nums[i] == 7 && nums[i + 1] == 7) return true; + return false; +}" +de231055b850066a6da680e7c29d7a6c39354ed2,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (((nums[i] == 7) && (nums[i + 1] == 7)) || + ((nums[i] == 7) && (nums[i + 2] == 7))) + { + has77 = true; + } + } + + return has77; +} +" +82bf26da1aec8f5b69a24affa4fd50453e889fe5,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 1; i++) + if (nums[i] == 7 && nums[i + 1] == 7) return true; + return false; +}" +f562fd7b1314dfeffdfda913d99dea0cc73fded9,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) + if (nums[i] == 7 && nums[i + 1] == 7) return true; + return false; +}" +2532c8037e016b729fd6a15b1c5a2dc35d2f6069,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length -2; i++) + if ((nums[i] == 7) && (nums[i+1] == 7)) + return true; + else if ((nums[i] == 7) && (nums[i+2] == 7)) + return true; + else + continue; + return false; + + //if n[i] & n[i+1] == 7 + // return true; + //else if n[i] & n[i+2] == 7 + // return true; + //else + // continue; + // loop ends + + //return false; +} +" +858a2cea5bc0e35d599590dd2e249ab29f7fe6b9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + if ((nums[i] == 7) && (nums[i+1] == 7)) + return true; + else if ((nums[i] == 7) && (nums[i+2] == 7)) + return true; + else + continue; + return false; + + //if n[i] & n[i+1] == 7 + // return true; + //else if n[i] & n[i+2] == 7 + // return true; + //else + // continue; + // loop ends + + //return false; +} +" +6d47e82d2a0b9b5c85400890f19ef1a3ecc170e6,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + if ((nums[i] == 7) && (nums[i+1] == 7)) + return true; + else if ((i < nums.length - 2)(nums[i] == 7) && (nums[i+2] == 7)) + return true; + else + continue; + return false; + + //if n[i] & n[i+1] == 7 + // return true; + //else if n[i] & n[i+2] == 7 + // return true; + //else + // continue; + // loop ends + + //return false; +} +" +281c33a394614f581b458746f754681a5e1002b2,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + if ((nums[i] == 7) && (nums[i+1] == 7)) + return true; + else if ((i < nums.length - 2)&&(nums[i] == 7) && (nums[i+2] == 7)) + return true; + else + continue; + return false; + + //if n[i] & n[i+1] == 7 + // return true; + //else if n[i] & n[i+2] == 7 + // return true; + //else + // continue; + // loop ends + + //return false; +} +" +91a8265246ba84a2f5023fc1d0241a149a02e7cf,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + else if (nums[i] == 7 && nums[i + 1] == 7) + return true; + return false; +}" +297e74201a8974e133ca853f46d46db1ed60e7c5,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + else if (nums[i] == 7 && nums[i + 2] == 7) + return true; + return false; +}" +b912418ed336a44990f5d173ea517ec21f1f5ff3,"public boolean has77(int[] nums) +{ + for (int taco = 0; i < nums.length - 1; taco++) { + if(nums[taco] == 7 && nums[taco+1] == 7) + return true; + + if(taco <= nums.length - 3 && nums[taco] == 7 && nums[taco+2] == 7) + return true; + } + + return false; +" +0e6c5f218c5dc51d1b36217e8891f2ad5cbd1774,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + for (int i = 0; i <= numslength - 3; i++) + if (nums[i] == 7 && nums[i + 2] == 7) + return true; + return false; +}" +85d576f6a5ff417ed02962f4d5833f40ce44eeea,"public boolean has77(int[] nums) { + for (int i = 0; i <= nums.length - 2; i++) + if (nums[i] == 7 && nums[i + 1] == 7) + return true; + for (int i = 0; i <= nums.length - 3; i++) + if (nums[i] == 7 && nums[i + 2] == 7) + return true; + return false; +}" +de50352c9af86166bbbcfb4c650a2f05a11676af,"public boolean has77(int[] nums) +{ + for (int taco = 0; i < nums.length - 1; taco++) { + if(nums[taco] == 7 && nums[taco+1] == 7) + { + return true; + } + if(taco <= nums.length - 3 && nums[taco] == 7 && nums[taco+2] == 7) + { + return true; + } + } + + return false; +} +" +97bc80c3cb7a74267546d3b126bcf5de3c84fe98,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (((nums[i] == 7) && (nums[i + 1] == 7)) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i] == 7) && (nums[i + 2] == 7))) + { + has77 = true; + } + } + + return has77; +} +" +f7e36a9d51e518392869f6a0e98622bd3c90452d,"public boolean has77(int[] nums) +{ + for (int taco = 0; taco < nums.length - 1; taco++) { + if(nums[taco] == 7 && nums[taco+1] == 7) + { + return true; + } + if(taco <= nums.length - 3 && nums[taco] == 7 && nums[taco+2] == 7) + { + return true; + } + } + + return false; +} +" +b9c358637631d166831cc0c40caeccc63d76c791,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (((nums[i] == 7) && (nums[i + 1] == 7)) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i] == 7) && (nums[i + 2] == 7)) + { + has77 = true; + } + } + + return has77; +} +" +edc7f9e1de70b9013c4f8b999b05e38ddbe69218,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (((nums[i] == 7) && (nums[i + 1] == 7)) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i] == 7) && (nums[i + 2] == 7)) + { + has77 = true; + } + } + + return has77; +} +" +a69394998255ee78548a0e38ac443938a143082d,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == 7) && (nums[i + 1] == 7)) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i] == 7) && (nums[i + 2] == 7)) + { + has77 = true; + } + } + + return has77; +} +" +80c6a1af3e10e0ec50d6eceec280e19b37ade391,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == 7) && (nums[i + 1] == 7)) + { + return true; + } + else if ((i < nums.length - 2) && (nums[i] == 7) && (nums[i + 2] == 7)) + { + return true; + } + else + { + return false; + } + } +} +" +be72377ac4e7789d59c20a69b231283f7a649cd9,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 7 && nums [i+1] == 7) + { + return true; + } + else if (i < nums.length - 2 && nums[i] == 7 && nums[i+2] == 7) + { + return true; + } + + } + return false; +} +" +4fc50faafe5187f41d5cfb1d3c50ba09d17c7499,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if ((i < nums.length - 2) && (nums[i+2] == 7)) + { + return true; + } + } + else + { + return false; + } + } +} +" +07a3caeacef42823a4d0e00d877801aa0033d700,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if ((i < nums.length - 2) && (nums[i+2] == 7)) + { + return true; + } + } + return false; + } +} +" +abb312d41f9ee9a054af9aba82c62767fb4323ed,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i+2] == 7)) + { + has77 true; + } + } + return has77; + } +} +" +44df800738e272eaad78a5f6d4c24f71ba8fa5c3,"public boolean has77(int[] nums) { +boolean result = false; + + for (int i = 0; i < nums.length-1; i++) + if ((nums[i] == 7 && nums[i+1] == 7)) + result = true; + + for (int i = 0; i < nums.length-2; i++) + if ((nums[i] == 7 && nums[i+2] == 7)) + result = true;" +e2a545c0e1569e0614044b769bdab4f0c9a6463a,"public boolean has77(int[] nums) { +boolean result = false; + + for (int i = 0; i < nums.length-1; i++) + if ((nums[i] == 7 && nums[i+1] == 7)) + result = true; + + for (int i = 0; i < nums.length-2; i++) + if ((nums[i] == 7 && nums[i+2] == 7)) + result = true; +}" +17e8443cbfea9b7ff2520b823b078d4adafebb06,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i+2] == 7)) + { + has77 true; + } + } + } + + return false; +} +" +cec1fb018ce6cd8e4df1575f6cc8a8983798eba6,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i+2] == 7)) + { + has77 = true; + } + } + } + + return false; +} +" +c972528cbfb3b2c30dcf1d163ceb71c14b4dff84,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} + + +" +29ac72ffd0cbb09c94985ef5720a86a6f37d8a46,"public boolean has77(int[] nums) { + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 7 && nums[i+1] == 7) + return true; + + if(i <= nums.length - 3 && nums[i] == 7 && nums[i+2] == 7) + return true; + } + + return false; +}" +1418d49d2d83a1818c4e49f4e38780e8517d90eb,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } +return false; + } +} +" +47fcbd4cfa13cce1af1f105600345973cda42be6,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 + || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +6c40ab916dfb4a87c3e2e1c28ad761752bd89c0b,"public boolean has77(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +01cdd075c4916d5ea0f9d1b94a4a9e44d59e4a10,"public boolean has77(int[] nums) +{ + boolean has77 = false; + + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + has77 = true; + } + else if ((i < nums.length - 2) && (nums[i+2] == 7)) + { + has77 = true; + } + } + } + + return false; +} +" +ff257b267b5c0f7057df49b58c817be0f0267d9d,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +a2563c370c2ad7c7cb31599e7119c2fd91254b14,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 + || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } else + { + return false; + } +} +" +f22fd218303d1e3ebad965621592e1014fb85656,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + return false; + } +} +" +441a1a2c4cbca17b4b9e98e31053b05921161d57,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +8cc85455bd616c3386e268930d179a4460e34efe,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 + || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + else + { + return false; + } + } +} +" +ed0db73fb51e8bcfc5c51c2154dd89782b74a386,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + { + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + } + return false; +} +" +90c739e67c55b0796e4ffa433ce50de6da28f960,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7 && nums[i + 1] == 7 + || nums[i] == 7 && nums[i + 2] == 7) + { + return true; + } + } + return false; +} +" +ca0d5ee1f754d04a99f91e0d2a9f57f8220fa982,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + if (nums[i+1] == 7) + { + return true; + } + else if (i < nums.length-2 && nums[i+2] == 7) + { + return true; + } + } + return false; +} +" +f3776f4ecd65ded805626950d9720528f7bca822,"public boolean has77(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 7) + if (nums[i+1] == 7 && i = bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +4ee34e4ddf37ce180d42c7fbaee37fbbd16fb6a8,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String start; + if (lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + start = b; + } + else + { + end = b.substring(lengthB - lengthA); + start = a; + } + return (end.equals(temp)); +} +" +27a5654d5dda88754a8ac052bc17bbafe936489e,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String start; + if (lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + start = b; + } + else + { + end = b.substring(lengthB - lengthA); + start = a; + } + return (end.equals(start)); +} +" +7e97a10806bac9fef27c344257145827d74e0d70,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String start; + if (lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + start = b; + } + else + { + end = b.substring(lengthB - lengthA); + start = a; + } + return (end.equals(start)); +} +" +6a4308209d9d9c5cc39bb4be4d5901334cc03227,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +0355e56c5d9985e4fd2311622a244ce8e298ec27,"public boolean endOther(String a, String b) +{ + aLower = a.toLowerCase(); + bLower = b.toLowerCase(); + return true; +} +" +69c26b76184f1b20b038e07dfab5bf90a34c145a,"public boolean endOther(String a, String b) +{ + int aLower = a.toLowerCase(); + int bLower = b.toLowerCase(); + return true; +} +" +bee158736d4dd2a839550116df2dbbd38142f521,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + return true; +} +" +7c15857bcc65f8afa99149086f513d5599c55d5c,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (aLower.substring(a.length()-b.length()).equals(bLower || bLower.substring(b.length()-a.length()).equals(aLower) { + return true; + } + else { + return false; + } +} +" +227f715820273ad8bdf47a9d6a73d9bad9c8335f,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (aLower.substring(a.length()-b.length()).equals(bLower) || bLower.substring(b.length()-a.length()).equals(aLower) { + return true; + } + else { + return false; + } +} +" +23532b0de0489a70a91ec9c0d3ede141b20b784c,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (aLower.substring(a.length()-b.length()).equals(bLower) || bLower.substring(b.length()-a.length()).equals(aLower)) { + return true; + } + else { + return false; + } +} +" +92b72c888445ade0bead3da9083562e2f12e5db5,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (a.length >= b.length) { + if (aLower.substring(a.length()-b.length()).equals(bLower)) { + return true; + } + } + if (b.length >= a.length) { + if (bLower.substring(b.length()-a.length()).equals(aLower)) { + return true; + } + } + else { + return false; + } +} +" +9fdf1293960ca65d15cb8c552aea6e0810d9ad17,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (a.length() >= b.length()) { + if (aLower.substring(a.length()-b.length()).equals(bLower)) { + return true; + } + else { + return false; + } + } + if (b.length() >= a.length()) { + if (bLower.substring(b.length()-a.length()).equals(aLower)) { + return true; + } + else { + return false; + } + } +} +" +9f9104ff436204f94ba1799935c02e5c0fe65c01,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (a.length() >= b.length()) { + if (aLower.substring(a.length()-b.length()).equals(bLower)) { + return true; + } + else { + return false; + } + } + else { + if (bLower.substring(b.length()-a.length()).equals(aLower)) { + return true; + } + else { + return false; + } + } +} +" +46d2614f35654fe1cb099ae57027ad14afaa8b41,"public boolean endOther(String a, String b) +{ + int lenghtA = a.length(); + int lengthB = b.length(); + String endOfString; + String temp; + A =a.toLowerCase(); + B = b.toLowerCase(); + if (lengthA >= lengthB); + { + endOfString = a.substring(lengthA - lengthB); + temp = b; + } + else + { + endOfString = b.substring(lengthB - lengthA); + temp = a; + } + return (endOfString.equals(temp)); +} +" +62bd9185127eea98b0496d1e5b394fbf1b35fa52,"public boolean endOther(String a, String b) +{ + int lenghtA = a.length(); + int lengthB = b.length(); + String endOfString; + String temp; + A =a.toLowerCase(); + B = b.toLowerCase(); + if (lengthA >= lengthB); + { + endOfString = a.substring(lengthA - lengthB); + temp = b; + } + else if + { + endOfString = b.substring(lengthB - lengthA); + temp = a; + } + return (endOfString.equals(temp)); +} +" +aa47dbf4efa11baa9efea0d627d14b289e89e836,"public boolean endOther(String a, String b) +{ + int lenghtA = a.length(); + int lengthB = b.length(); + String endOfString; + String temp; + A =a.toLowerCase(); + B = b.toLowerCase(); + if(lengthA >= lengthB); + { + endOfString = a.substring(lengthA - lengthB); + temp = b; + } + else + { + endOfString = b.substring(lengthB - lengthA); + temp = a; + } + return (endOfString.equals(temp)); +} +" +0ccf565d64ca3269367deca4c553b0686d5e1358,"public boolean endOther(String a, String b) +{ + int lenghtA = a.length(); + int lengthB = b.length(); + String endOfString; + String temp; + A =a.toLowerCase(); + B = b.toLowerCase(); + if(lengthA >= lengthB) + { + endOfString = a.substring(lengthA - lengthB); + temp = b; + } + else + { + endOfString = b.substring(lengthB - lengthA); + temp = a; + } + return (endOfString.equals(temp)); +} +" +e3a99acba290c10d7959555292432ec6ca795e7e,"public boolean endOther(String a, String b) +{ + int lenghtA = a.length(); + int lengthB = b.length(); + String endOfString; + String temp; + a =a.toLowerCase(); + b = b.toLowerCase(); + if(lengthA >= lengthB) + { + endOfString = a.substring(lengthA - lengthB); + temp = b; + } + else + { + endOfString = b.substring(lengthB - lengthA); + temp = a; + } + return (endOfString.equals(temp)); +} +" +056079625e7ebcb26aec1a35c786a93a46a1eb3d,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String endOfString; + String temp; + a =a.toLowerCase(); + b = b.toLowerCase(); + if(lengthA >= lengthB) + { + endOfString = a.substring(lengthA - lengthB); + temp = b; + } + else + { + endOfString = b.substring(lengthB - lengthA); + temp = a; + } + return (endOfString.equals(temp)); +} +" +5b7ad5153757c318009190b6d28f0bff98eb6b93,"public boolean endOther(String a, String b) +{ + String lowA = a.toLowerCase(); + String lowB = b.toLowerCase(); + return (lowA.endsWith(lowB) || lowB.endsWith(lowA)); +} +" +b4c074ad3f8eaa802ded998143b9185d20d61846,"public boolean endOther(String a, String b) +{ + + int lengthOfA = a.length(); + int lengthOfB = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthOfA >= lengthOfB) + { + end = a.substring(lengthOfA - lengthOfB); + temp = b; + } + else + { + end = b.substring(lengthOfB - lengthOfA); + temp = a; + } + return (end.equals(temp)); +} +" +35525bc38f0a674c86cfea9df0b9671ab8b5f981,"public boolean endOther(String a, String b) +{ + { + int lenA = a.length(); + int lenB = b.length(); + int lenDiff = math.abs(lenA - lenB) + int lenTot = lenA + lenB; + String tString = """"; + String fString = """"; + int st = 0; + int fin = 0; + boolean found = false; + + if (str.) + return """"; + + for (int i = ; i < lenTot; i++) { + tString = str.substring(i, i+5); + if (tString.equals(""bread"") && found == true) + + fin = i; + + if (tString.equals(""bread"") && found == false) { + st = i+5; + found = true; + } + } + + fString = str.substring(st,fin); + return fString; +} +} +" +9b31fb2b7247fa7a5c24091a1e4a18a31d3cd0a2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + else if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +2c4437b7d9c6dffdf098f478840a32859bac269f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.substring(a.length() - b.length(), a.length()).equals(b) + && a.length() > b.length()) + { + return true; + } + else if (b.substring(b.length() - a.length(), b.length()).equals(a) + && b.length() > a.length()) + { + return true; + } + else + { + return false; + } +} +" +90ce2f6dca7040f8fb75bd1b4857df54d2630949,"public boolean endOther(String a, String b) +{ + { + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + if (lenA < lenB) { + String temp = b.substring(lenB - lenA, lenB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(lenA - lenB, lenA); + if (temp.compareTo(b) == 0) + return true; + else + return false; +} +} +" +1a0e5fe13b93ed2c58decdcc476e3e73411a50fa,"public boolean endOther(String a, String b) +{ + { + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + if (lenA < lenB) { + String temp = b.substring(lenB - lenA, lenB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(lenA - lenB, lenA); + if (temp.compareTo(b) == 0) + return true; + else + return false; +} +}" +7e97e8d54ea650898df6a77c53fe319fe2d46cc8,"public boolean endOther(String a, String b) +{ + { + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + if (lenA < lenB) { + String temp = b.substring(lenB - lenA, lenB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(lenA - lenB, lenA); + if (temp.compareTo(b) == 0) + return true; + else + return false; +} +}" +ae61795b49022d3b44d898b014a8e3df49473566,"public boolean endOther(String a, String b) +{ + { + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + if (lenA < lenB) + { + String temp = b.substring(lenB - lenA, lenB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } + else + { + String temp = a.substring(lenA - lenB, lenA); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +}" +946ed53c81076a2d88b0c74205c504f37c39b352,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length() + && a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + else if (b.length() > a.length() + && b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +2307ff3a8b45b45c823bb617b766d1de8565c5e7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() >= b.length() + && a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + else if (b.length() >= a.length() + && b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +0d6042b0d9f276f0334695f63220da440cc9d3e9,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + + + for (int i = 0; i < lowerA.length(); i++) + { + if (lowerA.charAt(i) == lowerB.charAt(i)) + { + if (lowerA.substring(i).equals(lowerB)) + { + return true; + } + } + } + for (int i = 0; i < lowerB.length(); i++) + { + if (lowerB.charAt(i) == lowerA.charAt(i)) + { + if (lowerB.substring(i).equals(lowerA)) + { + return true; + } + } + } + return false; +} +" +0459595f625f4485b22e18d2f6d68291366f86dc,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + + + for (int i = 0; i < lowerA.length() - 1; i++) + { + if (lowerA.charAt(i) == lowerB.charAt(i)) + { + if (lowerA.substring(i).equals(lowerB)) + { + return true; + } + } + } + for (int i = 0; i < lowerB.length() - 1; i++) + { + if (lowerB.charAt(i) == lowerA.charAt(i)) + { + if (lowerB.substring(i).equals(lowerA)) + { + return true; + } + } + } + return false; +} +" +5b139411959c520cb4e5527fc868781d8176107c,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + + + for (int i = 0; i < lowerA.length(); i++) + { + for (int j = 0; j < lowerB.length(); j++) + { + if (lowerA.charAt(i) == lowerB.charAt(j)) + { + if (lowerA.substring(i).equals(lowerB)) + { + return true; + } + } + + } + } + for (int i = 0; i < lowerB.length(); i++) + { + for (int j = 0; j < lowerA.length(); j++) + { + if (lowerB.charAt(i) == lowerA.charAt(j)) + { + if (lowerB.substring(i).equals(lowerA)) + { + return true; + } + } + + } + } + return false; +} +" +2f3caad3f94c8843da6521b46cb5e1c27cdb011e,"public boolean endOther(String a, String b) +{ + return true; +} +" +b7dfc744540afbb119c07733e62de44f692caaf5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return a.endsWith(b) || b.endsWith(a); +} +" +7431350a055c5da28018b99904ff4630654e0dde,"public boolean endOther(String a, String b) +{ + la = a.length(); + lb = b.length(); + if (a.subtring(la - lb, la) || b.substring(lb - la, lb)) + { + true; + } + else + { + return false; + } +} +" +512ff967f54b49dcebcd702f549150d9c65b19c5,"public boolean endOther(String a, String b) +{ + la = a.length(); + lb = b.length(); + if (a.subtring(la - lb, la) || b.substring(lb - la, lb)) + { + return true; + } + else + { + return false; + } +} +" +1e2cde56e19aab8d0aee7914f45eb1bd38cab120,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (a.subtring(la - lb, la) || b.substring(lb - la, lb)) + { + return true; + } + else + { + return false; + } +} +" +9aac589d630133c4d92b9402cf3131df175eebcb,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + String sa = a.subtring(la - lb, la); + String sb = b.substring(lb - la, lb) + if (sa = b || sb = a) + { + return true; + } + else + { + return false; + } +} +" +2a679ceaab62cd0e2fba52f2e8a431004fc09176,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + String sa = a.subtring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa = b || sb = a) + { + return true; + } + else + { + return false; + } +} +" +a117e1a6327caa8ab8f5a6faee39b8a4768db5f5,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + String sa = a.substring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa = b || sb = a) + { + return true; + } + else + { + return false; + } +} +" +18173d1c6d1dfe6fc147a6cabf3d24127a2d3226,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + String sa = a.substring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa == b || sb == a) + { + return true; + } + else + { + return false; + } +} +" +77b013f46bb240fa7426c4c5c9e0ad6be5a48b12,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa == b || sb == a) + { + return true; + } + else + { + return false; + } + } + +} +" +c570c1271abfc7f0d2981303cf85411bd692801a,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa == b || sb == a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +5d5b668dbf1e46512d801926edd5cc1439addd16,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa == b || sb == a) + { + return true; + } + else + { + return false; + } + } + else if (lb - la >= 0) + { + String sa = a.substring(la - lb, la); + String sb = b.substring(lb - la, lb); + if (sa == b || sb == a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +741434b82c53f7bc8b4d09a67891aa44b76e3aa2,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + if (sa == b) + { + return true; + } + else + { + return false; + } + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + if (sb == a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +099b3bcd4a59973a2ccf28940761534e01151843,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +} +" +62999e1e2b948b7f801c67892d2991e33947199c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + + +" +b5681585a669e0d334ea29fa9cd0281dc5263b86,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + if (sa == b) + { + return true; + } + else + { + return sa; + } + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + if (sb == a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +9f7244e47fa7718bb440c75bde034bbf47e4eb10,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + if (sa == b) + { + return 0; + } + else + { + return sa; + } + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + if (sb == a) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +6b9debd8c87ee54ccde05fe58fae1f5878aedaf2,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + if (sa == b) + { + return 0; + } + else + { + return sa; + } + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + if (sb == a) + { + return 0; + } + else + { + return 0; + } + } + else + { + return 0; + } + +} +" +9d82acb74a1a4c0dbf228f79033ed4a985f22035,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a + } + else + { + return false; + } + +} +" +56a5f8867787dba2cc3286038caa201fb6a4386e,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } + +} +" +d337c3719ac4bc2f46f806d029736183f2e5e6cb,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb + 1, la + 1); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } +} +" +3df3fd0f5b1becf4be38dc63f17da65d09f7316d,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb + 1, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } +} +" +2099970f0fccf7daf45b694790f4d6853e121298,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } +} +" +a16516aad85416db1db9763721a3dcf7df221061,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else if (a - 6 = b +8) + { + return false; + } +} +" +5b1247f6271c2e59f2ca5e4f0a6939bdfecec96d,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else if (a - 6 == b +8) + { + return false; + } +} +" +35857f014d52b1036b968ee741c005fae0ec0b60,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else if (la == lb +8) + { + return false; + } +} +" +2a46e0becae424ab724511d7ff443bf76bde0aed,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return true; + } +} +" +33433ac3d2b8d85f66af060e73aee24f8d4d178e,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } +} +" +c68095d1079ac86b6f05834168a16c2c5d1c99a6,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } +} +" +31dcf41291b56f210788dec0f8462817ce8c701a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb, la); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la, lb); + return sb == a; + } + else + { + return false; + } +} +" +2b5ba28983e9956c81e17933d81920c781e04927,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb); + return sa == b; + } + else if (lb - la >= 0) + { + String sb = b.substring(lb - la); + return sb == a; + } + else + { + return false; + } +} +" +169912916ab4715df0676a457382d84727edd659,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +4272d4c2bca079ac52ac405b5e934ef71e1b86c9,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (la - lb >= 0) + { + String sa = a.substring(la - lb); + return sa == b; + } + else + { + String sb = b.substring(lb - la); + return sb == a; + } +} +" +e0cc6256da8b8c447ce0da6fbbf0e78ec71cbe49,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + String current; + String other; + if (la - lb >= 0) + { + current = a.substring(la - lb); + other = b; + } + else + { + current = b.substring(lb - la); + other = a; + } + return (current.equals(other)); +} +" +9ffabed308df16d3924f06b8446a339e4573bab7,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + String current; + String other; + if (la - lb >= 0) + { + current = a.substring(la - lb); + other = b; + } + else + { + current = b.substring(lb - la); + other = a; + } + return (current = other); +} +" +0c527df9a5e1bab6bbb4d31b4255d5d0eff4c230,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + String current; + String other; + if (la - lb >= 0) + { + current = a.substring(la - lb); + other = b; + } + else + { + current = b.substring(lb - la); + other = a; + } + return (current == other); +} +" +627e51a0dbc4a93c4a78e2322c986661a3a5ca99,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + String current; + String other; + if (la - lb >= 0) + { + current = a.substring(la - lb); + other = b; + } + else + { + current = b.substring(lb - la); + other = a; + } + return (current.equals(other)); +} +" +a2cb2c6193dc99d9fe4310abaec9f97047533d4d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthofA = a.length(); + int lengthofB = b.length(); + String end; + String otherString; + if (lengthofB >= lengthofA) + { + end = b.substring(lengthofB - lengthofA); + otherString = a; + } + else + { + end = a.substring(lengthofA - lengthofB); + otherString = b; + } + return(end.equals(otherString)); +} +" +416f7eddef65733beea52fb85d35d943518c116f,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + if (a.equals(b)) + return true; + else + return false; +} +" +f62040970823507c795065ce3196a4b01c782e94,"public boolean endOther(String a, String b) +{ + String a = str.toLowerCase(a); + String b = str.toLowerCase(b); + if (a.equals(b)) + return true; + else + return false; +} +" +758266b401254bd21f1b504077755621608a2c7d,"public boolean endOther(String a, String b) +{ + String LowerA = str.toLowerCase(a); + String LowerB = str.toLowerCase(b); + if (LowerA.equals(LowerB)) + return true; + else + return false; +} +" +934248638deaa627be44af35efee6a227ff33057,"public boolean endOther(String a, String b) +{ + LowerA = a.toLowerCase(); + LowerB = a.toLowerCase(); + if (LowerA.equals(LowerB)) + return true; + else + return false; +} +" +0432f5bdce5bdfdcde11d09a4bd884bbb0b2c849,"public boolean endOther(String a, String b) +{ + String LowerA = a.toLowerCase(); + String LowerB = b.toLowerCase(); + if (LowerA.equals(LowerB)) + return true; + else + return false; +} +" +fc11b8b1314d964b6430230a68ae98e8314dd29f,"public boolean endOther(String a, String b) +{ + String LowerA = a.toLowerCase(); + String LowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + //String temp; + if (lengthA >= lengthB) + end = a.substring(lengthA - lengthB); + //temp = b; + return a.equals(b); + else + end = b.substring(lengthB - lengthA); + //temp = a; + return b.equals(a); +} +" +c3757dbf1ae58ad5e57cb85ad81708d4636c9097,"public boolean endOther(String a, String b) +{ + String LowerA = a.toLowerCase(); + String LowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + //String temp; + if (lengthA >= lengthB) + end = a.substring(lengthA - lengthB); + //temp = b; + return a.equals(b); + else if + end = b.substring(lengthB - lengthA); + //temp = a; + return b.equals(a); +} +" +9055a99a86d581554a193bfed18ef352702f1a64,"public boolean endOther(String a, String b) +{ + String ab = a.toLowerCase(); + String ba = b.toLowerCase(); + + if ab.endswtih(ba) + { + return true; + } + if ba.endswith(ab) + { + return true; + + } + return false; +} +" +b912a2bf295275a9890f94ca043e66a098959321,"public boolean endOther(String a, String b) +{ + String ab = a.toLowerCase(); + String ba = b.toLowerCase(); + + if (ab.endswtih(ba)) + { + return true; + } + if (ba.endswith(ab)) + + { + return true; + + } + return false; +} +" +09d3462d0fb8e95d62e572b5505d23f76ebfd5d7,"public boolean endOther(String a, String b) +{ + String ab = a.toLowerCase(); + String ba = b.toLowerCase(); + + if (ab.endsWith(ba)) + { + return true; + } + if (ba.endsWith(ab)) + + { + return true; + + } + return false; +} +" +bbd2dd473e6508251fcd43e8f462570e0fe34b9c,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + end = a.substring(lengthA - lengthB); + temp = b; + else + end = b.substring(lengthB - lengthA); + temp = a; + return (end.equals(temp)); +} +" +9abcbfe1cb944a1013b8a8a6c4b00e61251a604b,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) + { + String temperature = a; + a = b.toLowerCase(); + b = temperature.toLowerCase(); + } + return a.substring(a.length() - b.length()).equals(b); + +} +" +55d9e97531fd0a23e2028c92460830bacdfc24d3,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) + { + String temperature = a; + a = b.toLowerCase(); + b = temperature.toLowerCase(); + } + return a.substring(a.length() - b.length()).equals(b); + +} +" +fc6c5896ed71b267fc143aba2b9e3e2bc1db34db,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + end = a.substring(lengthA - lengthB); + temp = b; + return (end.equals(temp)); + else + end = b.substring(lengthB - lengthA); + temp = a; + return (end.equals(temp)); +} +" +ce0e334e3f4e0349c352a5f2f9e5ddce9dc94409,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + end = a.substring(lengthA - lengthB); + temp = b; + return (end.equals(temp)); + else if (lengthA < lengthB + end = b.substring(lengthB - lengthA); + temp = a; + return (end.equals(temp)); +} +" +0b56907b110fa08cc34530e32fd089890aebc347,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + end = a.substring(lengthA - lengthB); + temp = b; + return (end.equals(temp)); + else if (lengthA < lengthB) + end = b.substring(lengthB - lengthA); + temp = a; + return (end.equals(temp)); +} +" +80c6a0898393c179ce555c362d8e74d5e7adb762,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + temp = b; + return (end.equals(temp)); + } + else if (lengthA < lengthB) + { + end = b.substring(lengthB - lengthA); + temp = a; + return (end.equals(temp)); + } +} +" +e4bc09ebabaf0985bf4c9579c9aa991d782d0f12,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + { + end = lowerA.substring(lengthA - lengthB); + temp = lowerB; + return (end.equals(temp)); + } + else if (lengthA < lengthB) + { + end = lowerB.substring(lengthB - lengthA); + temp = lowerA; + return (end.equals(temp)); + } +} +" +607b872c9d01b9cd3bc8e3ee9af777b42eee9774,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + if (lengthA >= lengthB) + { + end = lowerA.substring(lengthA - lengthB); + temp = lowerB; + return (end.equals(temp)); + } + else + { + end = lowerB.substring(lengthB - lengthA); + temp = lowerA; + return (end.equals(temp)); + } +} +" +42ab2b8065f33f52881f2451fea0c470d8695266,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + else if (b.length <= a.length()) + { + aEnd = a.string(a.length() - b.length()); + } + if (aEnd.equals(b) || bEnd.equals(a)) + { + return true; + } + return false; +} +" +7e70503e890b23a194aa2aff9df442eb18ca7b4c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + else if (b.length() <= a.length()) + { + aEnd = a.string(a.length() - b.length()); + } + if (aEnd.equals(b) || bEnd.equals(a)) + { + return true; + } + return false; +} +" +5ea5f91fb9a8177bd14752cdc594065059c47420,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + else if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (aEnd.equals(b) || bEnd.equals(a)) + { + return true; + } + return false; +} +" +7b73a1c1d9fc5a5dd4e14cc42231d5861c109d7b,"public boolean endOther(String a, String b) +{ + if (endsWith(a) == b) + { + return true; + } + else if (endsWith(b) == a) + { + return true; + } + +} +" +39828cc37656246b16d05ffcd139ef509f2c9456,"public boolean endOther(String a, String b) +{ + if (a.endsWith() == b) + { + return true; + } + else if (b.endsWith() == a) + { + return true; + } + +} +" +0944409759df11deaef3b845458d5a170edc991d,"public boolean endOther(String a, String b) +{ + if (a.endsWith(String b)) + { + return true; + } + else if (b.endsWith(String a)) + { + return true; + } + +} +" +83f531ac95f24e4f8753e462a85c4e55ef07b8a3,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) + { + return true; + } + else if (b.toLowerCase().endsWith(a.toLowerCase()) + { + return true; + } + else + { + return false; + } +} +" +d4727621894f4b6e95bac621a23e19a3148b6d8b,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase())) + { + return true; + } + else if (b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +ac4d37772e8312f3ea79a06e94953e3bd131b8ed,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase) || b.endsWith(a.toLowerCase)) + { + return true; + } + else + { + return false; + } +} +" +cfbbb735aa651e496c82f6fc559e2ad8cb18a7ff,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +e68b80b9fed2b8f3fb400be6b42f009bd32af98a,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase.endsWith(b.toLowerCase()) || b..toLowerCase.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +caa50d23c262f2b1e01c729036c94c04320a563a,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase.endsWith(b.toLowerCase()) + || b..toLowerCase.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +9fe86f32dfd75c29775491278426c6987f3413bf,"public boolean endOther(String a, String b) +{ + String aS = a.toLowerCase; + String bS = b.toLowerCase; + if (aS.endsWith(bS) || bS.endsWith(aS)) + { + return true; + } + else + { + return false; + } +} +" +5a11eb0e94ab5edb1a42c74675d9a9ff5cf0e1b2,"public boolean endOther(String a, String b) +{ + String aS = a.toLowerCase(); + String bS = b.toLowerCase(); + if (aS.endsWith(bS) || bS.endsWith(aS)) + { + return true; + } + else + { + return false; + } +} +" +0799093f11bec51a293657a1a888ff632dc59d43,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String end; + String temp; + + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return end.equals(temp); +} +" +11405db104e0a34833c36b75edd8ec4355b97523,"public boolean endOther(String a, String b) +{ + if (a + b || b + a) + { + return true; + } + else + { + return false; + } +} +" +a804622d5be4104ce21b6d106c0986ac585f9327,"public boolean endOther(String a, String b) +{ + if ((a + b) || (b + a)) + { + return true; + } + else + { + return false; + } +} +" +b4806afd8eacc06822d1b4b13f6606bc28d620e9,"public boolean endOther(String a, String b) +{ + if ((a + b)) + { + return true; + } + else + { + return false; + } +} +" +06cae64d2aa49b8469eb128820a6b0e867ee0e9a,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + String end; + + String temp; + + a = a.toLowerCase(); + + b = b.toLowerCase(); + + if(aLen >= bLen) + + { + + end = a.substring(aLen - bLen); + + temp = b; + + } + + else + + { + + end = b.substring(bLen - aLen); + + temp = a; + + } + + return (end.equals(temp)); +} +" +de2d491ab22f0ca94c12e792c1485af7733b14f0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } + +} +" +0e4ca2f17e6635fd27541c40c40453b8401459e3,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String endA = lowerA.substring(lengthA-lengthB, lengthA); + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endA = lowerB || endB == lowerA) + return true; + else + return false; + +} +" +5dec75345f36699947205935ac2686f4b4d8e118,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String endA = lowerA.substring(lengthA-lengthB, lengthA); + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endA == lowerB || endB == lowerA) + return true; + else + return false; + +} +" +91cfbfd9e7a9f6d5d65a931ad1f8d93af52f0e27,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length() - 1; + int lengthB = b.length() - 1; + String endA = lowerA.substring(lengthA-lengthB, lengthA); + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endA == lowerB || endB == lowerA) + return true; + else + return false; + +} +" +179cd13764ee09d379e05888d6fd51ef19c37774,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } + +} +" +4e9a1873f27911ddc119e79068d576f2d8e55b29,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + if (endA == lowerB) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB == lowerA) + return true; + } + return false; +} +" +6ac1ee30cb9fcb02ce8d5fe1ba0e8ee54201cca8,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length()-1; + int lengthB = b.length()-1; + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + if (endA == lowerB) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB == lowerA) + return true; + } + return false; +} +" +c669c88ad944ca5a4824fdfc5026462d535a7b0f,"public String endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + return endA;//chnge this + /** + if (endA == lowerB) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB == lowerA) + return true; + } + return false; +} +*/ + } +}" +4873772bb490527f145818f3b92f5e324e02c766,"public String endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + return endA;//chnge this + /** + if (endA == lowerB) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB == lowerA) + return true; + } + return false; +} +*/ + + } + return """"; +}" +8eba793b98f6df2225e7a49f4192f1334f9e4338,"public String endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + return endA;//chnge this + if (endA.equals(lowerB)) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB.equals(lowerA)) + return true; + } + return false; +}" +de246c5038876249e868aa59e4f2c95a4071bfa6,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + return endA;//chnge this + if (endA.equals(lowerB)) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB.equals(lowerA)) + return true; + } + return false; +}" +8f774d55f09b5b80d50ef5091eeb084887a77a52,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String endA = lowerA.substring(lengthA-lengthB, lengthA); + if (endA.equals(lowerB)) + return true; + } + else + { + String endB = lowerB.substring(lengthB-lengthA, lengthB); + if (endB.equals(lowerA)) + return true; + } + return false; +}" +a71a1fec9dc4a1cd1cccdf8a066b3920e6f7ec27,"public boolean endOther(String a, String b) +{ + return a; + +} +" +c268c1a5354ea8d7c22bfb21c395ced8ff9b4483,"public boolean endOther(String a, String b) +{ + return true; + +} +" +20eaf15bd4460a21b2ae1ed360a5edb9b43b3a1d,"public boolean endOther(String a, String b) +{ + + + return false; + +} +" +ce4d65f27c81cf7bf02d90f1cc958f4e287634d2,"public boolean endOther(String a, String b) +{ + if (b.contaisn(a.substring(0)) + { + return true; + } + + return false; + +} +" +2033b06d5aac98de80476b6c3d75976084a4fb23,"public boolean endOther(String a, String b) +{ + if (b.contains(a.substring(0)) + { + return true; + } + + return false; + +} +" +1aa7daabf7b1f14bc7710a74529f3d44d8e3c6de,"public boolean endOther(String a, String b) +{ + if (b.contains(a.substring(0))) + { + return true; + } + + return false; + +} +" +a85e99a969268fcb74584408b06438f59f066448,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return true; +} +" +85c70fa0b4d1f8f2a23ea73b8204115a725ea8ba,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) { + if (b.equals(a.length() - b.length(), a.length() + 1) { + return true + } + } + else if (b.length() > a.length()) { + if (a.equals(b.length() - a.length(), b.length() + 1) { + return true + } + } + else if (b.equals(a)) { + return true; + } + else { + return false; + } +} +" +00730ade25dd14149926724b2be477b219ec75e5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) { + if (b.equals(a.length() - b.length(), a.length() + 1) { + return true; + } + } + else if (b.length() > a.length()) { + if (a.equals(b.length() - a.length(), b.length() + 1) { + return true; + } + } + else if (b.equals(a)) { + return true; + } + else { + return false; + } +} +" +b0244711ed8db48177d3e5b6b8ff0ff854285126,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) { + if (b.equals(a.length() - b.length(), a.length() + 1)) { + return true; + } + } + else if (b.length() > a.length()) { + if (a.equals(b.length() - a.length(), b.length() + 1)) { + return true; + } + } + else if (b.equals(a)) { + return true; + } + else { + return false; + } +} +" +82eb9f8291a0af1e52744af7d776140f4f267727,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) { + if (b.equals(a.substring(a.length() - b.length(), a.length() + 1))) { + return true; + } + } + else if (b.length() > a.length()) { + if (a.equals(b.substring(b.length() - a.length(), b.length() + 1))) { + return true; + } + } + else if (b.equals(a)) { + return true; + } + else { + return false; + } +} +" +4146874bccfb0de579c59be39884a2ecb81bb706,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) { + if (b.equals(a.substring(a.length() - b.length(), a.length() + 1))) { + return true; + } + else { + return false; + } + } + else if (b.length() > a.length()) { + if (a.equals(b.substring(b.length() - a.length(), b.length() + 1))) { + return true; + } + else { + return false; + } + } + else if (b.equals(a)) { + return true; + } + else { + return false; + } +} +" +24e41f4ecf9f72d9b23c6e2caeedcea8cb4aebf4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) { + if (b.equals(a.substring(a.length() - b.length(), a.length()))) { + return true; + } + else { + return false; + } + } + else if (b.length() > a.length()) { + if (a.equals(b.substring(b.length() - a.length(), b.length()))) { + return true; + } + else { + return false; + } + } + else if (b.equals(a)) { + return true; + } + else { + return false; + } +} +" +240086155e2824bec19d94571d521e973c157280,"public boolean endOther(String a, String b) +{ + return true; +} +" +6b3a3f48960a4de86ed5ba9f5028b848f78c34c0,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + return true; +} +" +9dd42aadfb0115da1d172b39dcf85826026630d6,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + int aL - a.length(); + int bL = b.length(); + String bb = b.toLowerCase(); + + return true; +} +" +8c2058df96e85dd02d0764be920485c3d053eae2,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + String bb = b.toLowerCase(); + + return true; +} +" +48517824bbbaad27369c27bd0422482ba872080f,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + String bb = b.toLowerCase(); + + if ((aa.endsWith(bb)) || (bb.endsWith(aa))) + + return true; +} +" +091b408974b2226b2487e111830ff1d96900db17,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + String bb = b.toLowerCase(); + + if ((aa.endsWith(bb)) || (bb.endsWith(aa))) + { + return true; + } +} +" +dc82374f91e5451a89f3c1ac76dc159b84e0492b,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + String bb = b.toLowerCase(); + + if ((aa.endsWith(bb)) || (bb.endsWith(aa))) + { + return true; + } + return false; +} +" +f9d68e71d8363b49cac32aebe2f1e125ca0fb5ff,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + if ((aa.endsWith(bb)) || (bb.endsWith(aa))) + { + return true; + } + return false; +} +" +cd5601c2575dc74c5ab0824b297d03bfa6a68d63,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + else + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + + } + +} +" +cde379f38eafb816a7cffec1b42835140622dd79,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + } + else + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + + + +} +" +020f716003581f02687221b6619c976c71fb7af0,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + } + else if ( a==b ) + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + else ( b.length() < a.length() ) + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + + + +} +" +e54d7f35da755ac2ff019a9cd3964e5461094ad4,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + } + else if ( a==b ) + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + else + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + + + +} +" +5cbd326151d211904e41be66873e139c03fc1325,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + } + + else + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + return true; + + + +} +" +7fe27ee1f282cbd3b838f2c70bb0c1960e748666,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + } + + else if + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + + +} +" +876bd33612efd7c6b8e9b7c1857041560c045c3d,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + if ( last1 >0 ) + { + return true; + } + else + { + return false; + } + } + + else if ( b.length() < a.length()) + { + int last2 = a.lastIndexOf(b); + if ( last2 > 0 ) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + + +} +" +a2ee1de794ba9c5314c85b1ec5d0efc6bed32160,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + System.out.println(last1); + if ( last1 > 0) + { + System.out.println(""true1""); + } + else + { + System.out.println(""false1""); + } + + } + else if ( b.length() < a.length()) + { + int last2 = a.lastIndexOf(b); + System.out.println(last2); + if ( last2 > 0) + { + System.out.println(""true2"");; + } + else + { + System.out.println(""false2""); + } + }else + { + return true; + } + + +} +" +3babdcb4d5e3e8490a647aac969d96443568bfb7,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + System.out.println(last1); + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b.length() < a.length()) + { + int last2 = a.lastIndexOf(b); + System.out.println(last2); + if ( last2 > 0) + { + return true;; + } + else + { + return false; + } + }else + { + return true; + } + + +} +" +636ea69247ab4b4b93f0e1f3d57ec66f582a34f0,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String case; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthA >= lengthB) + { + end = a.substring(lengthA - legnthB); + case = b; + } + else + { + end = b.substring(lengthB - lengthA); + case = a; + } + return (end.equals(temp)); +} +" +4df273cd723fb6c05f661d356f1a7423a08ad1c1,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + System.out.println(last1); + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b.length() < a.length()) + { + int last2 = a.lastIndexOf(b); + System.out.println(last2); + if ( last2 > 0) + { + return true;; + } + else + { + return false; + } + } + else + { + return true; + } + + +} +" +99fbdc27a821465bc2612a1045a14887d4dfa85b,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String caseDiff; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthA >= lengthB) + { + end = a.substring(lengthA - legnthB); + caseDiff = b; + } + else + { + end = b.substring(lengthB - lengthA); + caseDiff = a; + } + return (end.equals(caseDiff)); +} +" +86c6dc1a96e6136ad8ea3ef468b2cd34dfa29ab1,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String caseDiff; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + caseDiff = b; + } + else + { + end = b.substring(lengthB - lengthA); + caseDiff = a; + } + return (end.equals(caseDiff)); +} +" +a7adc28b79ae70f029442e004664b124226cfb97,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b.length() < a.length()) + { + int last2 = a.lastIndexOf(b); + + if ( last2 > 0) + { + return true;; + } + else + { + return false; + } + } + else + { + return true; + } + + +} +" +297589e11102ea1e6f6094d71da9e9c0c812e5f5,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a.length() < b.length()) + { + int last1 = b.lastIndexOf(a); + + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b.length() < a.length()) + { + int last2 = a.lastIndexOf(b); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + + +} +" +493ad0ceec0b42087b5400626318f1f57bd8c899,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length()) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } + + +} +" +a901699e1590a093f6caa3554dfb1831d4aa9926,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length()) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1 == b1 ) + { + return true; + } + else + { + return false; + } + } + + +} +" +49355effc31820062c23008aeced84cd1a076c04,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length()) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() ) + { + return true; + } + else + { + return false; + } + } + + +} +" +8caea70accb14df0b3ab55021cbf350611ead75e,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length()) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } + + +} +" +0ddef2e870cb16ac375f7f9b2fc5cab910f64c8d,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0 && a.charAt(a.length()-1) == b.charAt(b.length()-1) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length() && a.charAt(a.length()-1) == b.charAt(b.length()-1) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } + + +} +" +17f5424b4ac609d90f4efa0d7277a774d9267b4e,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0 && a.charAt(a.length()-1) == b.charAt(b.length()-1) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length() && a.charAt(a.length()-1) == b.charAt(b.length()-1)) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } + + +} +" +bddc7db91bc4c93bce7e82997628b3e69cea8b76,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0 && a.charAt(a.length()-1) == b.charAt(b.length()-1) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length() && a.charAt(a.length()-1) == b.charAt(b.length()-1))) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } + + +} +" +adf98b4bbe1fae40c8f556057622aafd0a308c76,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + + if ( last1 > 0 && a.charAt(a.length()-1) == b.charAt(b.length()-1) + { + return true; + } + else + { + return false; + } + + } + else if ( b1.length() < a1.length() && a.charAt(a.length()-1) == b.charAt(b.length()-1))) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } + + +} +" +795f2f0abfcde0c07c51025e079ad7c27651910a,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + System.out.println(last1); + if ( last1 > 0 && a1.charAt(a1.length()-1) == b1.charAt(b1.length()-1)) + { + return true; + } + else + { + return false; + } + + } + else if ( a1.length() > b1.length()) + { + int last2 = a1.lastIndexOf(b1); + System.out.println(last2); + if ( last2 > 0 && a1.charAt(a1.length()-1) == b1.charAt(b1.length()-1)) + { + return true;; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } + + + + + + + } + + +} +" +71ddf3f78b082b22679558f8e130fc5f5c0fb590,"public boolean endOther(String a, String b) +{ + String a1 = a.toLowerCase(); + String b1 = b.toLowerCase(); + + if ( a1.length() < b1.length()) + { + int last1 = b1.lastIndexOf(a1); + System.out.println(last1); + if ( last1 > 0 && a1.charAt(a1.length()-1) == b1.charAt(b1.length()-1)) + { + return true; + } + else + { + return false; + } + + } + else if ( a1.length() > b1.length()) + { + int last2 = a1.lastIndexOf(b1); + + if ( last2 > 0 && a1.charAt(a1.length()-1) == b1.charAt(b1.length()-1)) + { + return true; + } + else + { + return false; + } + } + else + { + if ( a1.length() == b1.length() && a1 == b1) + { + return true; + } + else + { + return false; + } + } +} + + +" +6ad0e02708987918ed56b88a04fadbb952a2e5d4,"public boolean endOther(String a, String b) +{ + String aSame = a.toLowerCase(); + String bSame = b.toLowerCase(); + if (a.length() > b.length()) + { + if (aSame.substring(a.length() - b.length(), a.length() - 1) == bSame) + { + return true; + } + } + if (a.length() < b.length()) + { + if (bSame.substring(b.length() - a.length(), b.length() - 1) == aSame) + { + return true; + } + } + return false; +} +" +7c3066a84f99f5252e733e1ca36cab6ba9cc457a,"public boolean endOther(String a, String b) +{ + String aSame = a.toLowerCase(); + String bSame = b.toLowerCase(); + if (a.length() > b.length()) + { + if (aSame.substring(a.length() - b.length() + 1, a.length() - 1) == bSame) + { + return true; + } + } + if (a.length() < b.length()) + { + if (bSame.substring(b.length() - a.length() + 1, b.length() - 1) == aSame) + { + return true; + } + } + return false; +} +" +fc9771ef67034a4135c334c47cedc60adfc8bd6b,"public boolean endOther(String a, String b) +{ + String aSame = a.toLowerCase(); + String bSame = b.toLowerCase(); + if (a.length() > b.length()) + { + if (aSame.substring(a.length() - b.length() - 1, a.length() - 1) == bSame) + { + return true; + } + } + if (a.length() < b.length()) + { + if (bSame.substring(b.length() - a.length() - 1, b.length() - 1) == aSame) + { + return true; + } + } + return false; +} +" +f3e51daf89f0adce89249acbef6aa2fa7d60d22c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.endsWith(b) || b.endsWith(a)); +} +" +71593808c5a7aba598a8fe6b5504c5a05370018c,"public boolean endOther(String a, String b) +{ + lowerA = a.toLowerCase; + lowerB = b.toLowerCase; + lenA = a.length(); + lenB = b.length(); + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } +} +" +e02d38cfec6dbf1effa9246a1a05f562018f4020,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase; + String lowerB = b.toLowerCase; + int lenA = a.length(); + int lenB = b.length(); + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } +} +" +9c1f127a574042e9b7c94706941cc0f0aa2dbc9a,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } +} +" +122b6fc77a7361ab491717f8afc4f41485a4baed,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + if (lenA > lenB) + { + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + } + else if(lenB > lenA) + { + (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + } + else + { + return false; + } +} +" +c27919bfca4cbcea5396fa1de0125bca6081c727,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + if (lenA > lenB) + { + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB > lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +a885688062f03f1b1e9ea40c09c001dbe0c08e42,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + if (lenA > lenB) + { + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB > lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +a854d9e0c11b7f591aefd35e4c64653990717629,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB >= lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +7236de85fe2ba7cbd997ed0aac1a819e7b9fdacc,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + if (lowerA.substring((lenA - lenB) - 1) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB >= lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +b34b7a65149637397a7914b046ee9d2cdd477f77,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + if (lowerA.substring((lenA - lenB) + 1) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB >= lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +187409d5a607c58502c5c044c3f2415f05ac56be,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB >= lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +80cd94ab0a6fc4d20185a5e57543a0bec7e03eb0,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + if (lowerA.substring(lenA - lenB, lenA) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB >= lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +fc2db16182a56c06f4a35207c5970b1792e06ee2,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + if (lowerA.substring(lenA - lenB) == lowerB) + { + return true; + } + else + { + return false; + } + } + else if(lenB >= lenA) + { + if (lowerB.substring(lenB - lenA) == lowerA) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +5a3557c52ebe00baef6a3969b342c2e170951cb5,"public boolean endOther(String a, String b) +{ + String al=a.toLowerCase(),bl=b.toLowerCase(); +return(al.endsWith(bl) || bl.endsWith(al)); + +} +" +88af6de84e56b44339c7a59a1f583fce7c90ffc5,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB + } + return end.equals(ending)) +} +" +7bea43e19a0be164784ba1e6bbc927cc68b08c80,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA; + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB; + } + return end.equals(ending)) +} +" +8ea5ebd3c30e46ba088732da876355759a1bb266,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA; + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB; + } + return end.equals(ending)); +} +" +507b9be353ae42d2cfb4c97c9b41875394ba0742,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA; + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB; + } + return (end.equals(ending)); +} +" +ac2e5ab78a655d2960ea648fa261eacf35927f99,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = lowerA.length(); + int lenB = lowerB.length(); + String end; + String ending; + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA; + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB; + } + return (end.equals(ending)); +} +" +55cc07977502822059ae66a5c5a11c9e6ea19df6,"public boolean endOther(String a, String b) +{ + String end; + String ending; + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA; + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB; + } + return (end.equals(ending)); +} +" +0e72da6fd74be8ce41a613929bc5e53264d704ee,"public boolean endOther(String a, String b) +{ + String end = """"; + String ending = """"; + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + if (lenA >= lenB) + { + end = lowerA.substring(lenA - lenB); + ending = lowerA; + } + else if(lenB >= lenA) + { + end = lowerB.substring(lenB - lenA); + ending = lowerB; + } + return (end.equals(ending)); +} +" +3cfb118f33986aa93a125b6b719fa9828dff0690,"public boolean endOther(String a, String b) +{ + String end = """"; + String compare = """"; + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lenA >= lenB) + { + end = a.substring(lenA - lenB); + compare = b; + } + else if(lenB >= lenA) + { + end = b.substring(lenB - lenA); + compare = a; + } + return (end.equals(compare)); +} +" +453108a60536f2cba60d05a7ab90b235bdeda833,"public boolean endOther(String a, String b) +{ + String end = """"; + String compare = """"; + int lena = a.length(); + int lenB = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lenA >= lenB) + { + end = a.substring(lenA - lenB); + compare = b; + } + else if(lenB >= lenA) + { + end = b.substring(lenB - lenA); + compare = a; + } + return (end.equals(compare)); +} +" +00ab7ac21c09b8ecd5d7abaefaf93bf85b00d08f,"public boolean endOther(String a, String b) +{ + String end = """"; + String compare = """"; + int lenA = a.length(); + int lenB = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lenA >= lenB) + { + end = a.substring(lenA - lenB); + compare = b; + } + else if(lenB >= lenA) + { + end = b.substring(lenB - lenA); + compare = a; + } + return (end.equals(compare)); +} +" +60929aca054793522460d82fb596a7c4f3f1ca85,"public boolean endOther(String a, String b) +{ + str.toLowerCase(a); + +} +" +02bb669ce557450f153ac742e071fb28c2f22435,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + int aa = b.indexOf(a); + int bb = a.indexOf(b); + +} +" +c123871bc27e818002c2706b07dd88b1ed172d2f,"public boolean endOther(String a, String b) +{ + String aa = new String(a.toLowerCase); + +} +" +632b7fb9ad8fb6c2b2a40e24797eae4f32336c55,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase + +} +" +dd37929212f7acd4afe82f7d6af1286e87b7a45d,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase; + +} +" +121fbb2004ea4f0914e3f5c142516ffce90ef1d3,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + +} +" +58167c794c75e4ce658d9f994e0d79fbe5d82979,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + retrun (a.endsWith(bb) || b.endsWith(aa)); +} +" +2d3d3a734e88336747578b36e9633e5a58aeebd3,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + return (a.endsWith(bb) || b.endsWith(aa)); +} +" +c6dbcd6e0f7aa197500b22f6d156a144a59e3ae0,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + return (aa.endsWith(bb) || bb.endsWith(aa)); +} +" +f6da39637f60976b38d287d6790f7a36a1b7a176,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + String aa = """"; + int bb = """"; + + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA <= lengthB) + { + aa = a.substring(lengthA - lengthB); + } + if (lengthB <= lengthA) + { + bb = b.substring(lengthB - lengthA); + } + if (aa.equals(b)) + return true; + else if (bb.equals(b)) + return false; + + +} +" +3e7bf2db92f3459a9b2629702b90af30a1cdb6da,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + String aa = """"; + String bb = """"; + + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA <= lengthB) + { + aa = a.substring(lengthA - lengthB); + } + if (lengthB <= lengthA) + { + bb = b.substring(lengthB - lengthA); + } + if (aa.equals(b)) + return true; + else if (bb.equals(b)) + return false; + + +} +" +5ec6e3a049801ff8cf72da789b59157a21320fe3,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + String aa = """"; + String bb = """"; + + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA <= lengthB) + { + aa = a.substring(lengthA - lengthB); + } + if (lengthB <= lengthA) + { + bb = b.substring(lengthB - lengthA); + } + if (aa.equals(b)) + return true; + else if (bb.equals(b)) + return true; + else + return false; + + +} +" +42d57ce6b1886bcec54e0aca782f31ccfc2a3d6e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aa = """"; + String bb = """"; + + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA <= lengthB) + { + aa = a.substring(lengthA - lengthB); + } + if (lengthB <= lengthA) + { + bb = b.substring(lengthB - lengthA); + } + if (aa.equals(b)) + return true; + else if (bb.equals(b)) + return true; + else + return false; + + +} +" +7ce8d9e5c1cf2065610b4147dd7b9b1d0d1df4ba,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA < lengthB) + { + String var = b.substring(lengthB - lengthA, lengthB); + if (var.compareTo(a) == 0) + return true; + else + return false; + } + + else + { + String v = a.substring(lengthA - lengthB, lengthA); + if (v.compareTo(b) == 0) + return true; + else + return false; + } + +} +" +39250a3ad734962763a289c9585e7c23986ef12a,"public boolean endOther(String a, String b) +{ + int c = Math.abs(a.length() - b.length()); + int d; + int e; + if (a.length() > b.length()) + { + d = 0; + e = 0; + for (int i = b.length(); i > 0; i--) + { + if (a.charAt(c + i) == b.charAt(i)) + { + d++; + } + e++; + } + if (d == e) + { + return true; + } + return false; + } + else if (a.length() < b.length()) + { + d = 0; + e = 0; + for (int i = a.length(); i > 0; i--) + { + if (b.charAt(c + i) == a.charAt(i)) + { + d++; + } + e++; + } + if (d == e) + { + return true; + } + return false; + } + else + { + if (a.equals(b)) + { + return true; + } + else + { + return false; + } + } +}" +4dbd11bb4e279a98aff308a1cb631c8589dbb9cb,"public boolean endOther(String a, String b) +{ + int c = Math.abs(a.length() - b.length()); + int d; + int e; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.length() > b.length()) + { + d = 0; + e = 0; + for (int i = b.length() - 1; i > 0; i--) + { + if (a.charAt(c + i) == b.charAt(i)) + { + d++; + } + e++; + } + if (d == e) + { + return true; + } + return false; + } + else if (a.length() < b.length()) + { + d = 0; + e = 0; + for (int i = a.length() - 1; i > 0; i--) + { + if (b.charAt(c + i) == a.charAt(i)) + { + d++; + } + e++; + } + if (d == e) + { + return true; + } + return false; + } + else + { + if (a.equals(b)) + { + return true; + } + else + { + return false; + } + } +}" +004857020e2f432071654fbc2d5716bb62f726cd,"public boolean endOther(String a, String b) +{ + int c = Math.abs(a.length() - b.length()); + int d; + int e; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.length() > b.length()) + { + d = 0; + e = 0; + for (int i = b.length() - 1; i >= 0; i--) + { + if (a.charAt(c + i) == b.charAt(i)) + { + d++; + } + e++; + } + if (d == e) + { + return true; + } + return false; + } + else if (a.length() < b.length()) + { + d = 0; + e = 0; + for (int i = a.length() - 1; i >= 0; i--) + { + if (b.charAt(c + i) == a.charAt(i)) + { + d++; + } + e++; + } + if (d == e) + { + return true; + } + return false; + } + else + { + if (a.equals(b)) + { + return true; + } + else + { + return false; + } + } +}" +8e855b3c6032f10d2790c68d0dba49b69c686b77,"public boolean endOther(String a, String b) +{ + if a.length() == ""a"" + ""b"" + return b.toLowerCase(); +} +" +bb95327d0292272d65dd996e6aa6f61c87319399,"public boolean endOther(String a, String b) +{ + if a.length() == ""a"" + ""b"" + return b.substring(0,1).toLowerCase(); +} +" +a170ca2a30ec263c7c19125d097a6b778646aebf,"public boolean endOther(String a, String b) +{ + if(a + b) + { + a.substring(0,1).toLowerCase(); + return a + b; + } + else if(b + a) + { + b.substring(0,1).toLowerCase(); + return b + a; + } +} +" +0024632901dd3f659164c3f8c98217030d0a0918,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +c02fa1d54d4352096bce940cef82490d4b8aa839,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +e14a63699945fbb530e11ce61fe7f689bf9e9eed,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +705d75db24491c805924104bedd530c8b7ef9076,"public boolean endOther(String a, String b) +{ + String aLow = a.toLowerCase(); +String bLow = b.toLowerCase(); +if (aLow.endsWith(bLow) || bLow.endsWith(aLow)) { +return true; +} +return false; + +} +" +46dbc2d5f5614c30f749ad48254d7920080a28b8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() <= b.length()) + { + int loc = b.lastIndexOf(a); + return loc == b.length() - a.length(); + + } + + if (b.length() <= a.length()) + { + int loc = a.lastIndexOf(b); + return loc == a.length() - b.length(); + + } + + + return true; + +} +" +76a69a441a5120982cdcb8b6b96975251c0c2eae,"public boolean endOther(String a, String b) +{ + int lengtha = a.length(); + int lenghtb = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lengtha >= lengthb) + { + end = a.substring(lengtha - lengthb); + temp = b; + } + else + { + end = b.substring(lengthb - lengtha); + temp = a; + } + return (end.equals(temp)); +} +" +9b82eb6978069e12c81916d8e065106f29a7d305,"public boolean endOther(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lengtha >= lengthb) + { + end = a.substring(lengtha - lengthb); + temp = b; + } + else + { + end = b.substring(lengthb - lengtha); + temp = a; + } + return (end.equals(temp)); +} +" +01402cfd467ce07887618cb6d0318e36c13e37f9,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.LowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +83e85704a16e5b3911bcd7b78461371a42887393,"public boolean endOther(String a, String b) +{ + int a = a.toLowerCase(); + int b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + + if (b.length <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; +} + + +} +" +37dde283601b42a99a9136e92c6fa909a7b185ea,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + + if (b.length <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; + +} + + +} +" +d4350915a46b82fe976638ab7143498144cd30ab,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; + +} + + +} +" +13211f95797bb3bc21704f0dd124a1204a2d9cee,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; + +} + + +} +" +aa8db177a10f873712a8f06b3dc2113d85c8213c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; + + + + +} +" +104d5064731ef888fc021237ed4c896efcb7a905,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if ( lengthA > lengthB ) + { + String end = fixedA.substring( lengthA - lengthB ); + } + else + { + String end = fixedB.substring( lengthB - lengthA ); + } + + if ( end.equals(fixedA) || end.equals(fixedB) ) + { + return true; + } + else + { + return false; + } +} +" +50bcd4f0adf2c7496ee69ac3d2d437e8a0f70aa0,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if ( lengthA > lengthB ) + { + String endBit = fixedA.substring( lengthA - lengthB ); + } + else + { + String endBit = fixedB.substring( lengthB - lengthA ); + } + + if ( endBit.equals(fixedA) || endBit.equals(fixedB) ) + { + return true; + } + else + { + return false; + } +} +" +4f0fd3808b684c8b9f39bb0776386a318c5ae12b,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if ( lengthA > lengthB ) + { + String endA = fixedA.substring( lengthA - lengthB ); + String endB = """"; + } + else + { + String endB = fixedB.substring( lengthB - lengthA ); + String endA = """"; + } + + if ( endB.equals(fixedA) || endA.equals(fixedB) ) + { + return true; + } + else + { + return false; + } +} +" +8303cc0393d73e44dc9f8e4ba4a8469bd93bbe2f,"public boolean endOther(String a, String b) +{ + aa = a.toLowerCase(); + bb = b.toLowerCase(); + if ( aa.endsWith(bb)) + { + return True; + } + else if ( bb.endsWith()) + { + return True; + } + else + { + return False + } +} +" +6f474afdb8678d2233652e706a26647307113fff,"public boolean endOther(String a, String b) +{ + aa = a.toLowerCase(); + bb = b.toLowerCase(); + if ( aa.endsWith(bb)) + { + return True; + } + else if ( bb.endsWith()) + { + return True; + } + else + { + return False; + } +} +" +f10957f62f345701b6d928bc64eb7ed77af7a32b,"public boolean endOther(String a, String b) +{ + str aa = a.toLowerCase(); + str bb = b.toLowerCase(); + if ( aa.endsWith(bb)) + { + return True; + } + else if ( bb.endsWith()) + { + return True; + } + else + { + return False; + } +} +" +833d0ff2ec9a42e9c76232c61bdca5328323aaf9,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if ( aa.endsWith(bb)) + { + return True; + } + else if ( bb.endsWith()) + { + return True; + } + else + { + return False; + } +} +" +9ed1ae1522abc1874da549e7ffd42c0582afc2de,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if ( aa.endsWith(bb)) + { + return true; + } + else if ( bb.endsWith()) + { + return true; + } + else + { + return false; + } +} +" +9f11660d97ce1ef06e1c05078e0d2a84053e9742,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if ( aa.endsWith(bb)) + { + return true; + } + else if ( bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +03d17eab745e2cd5ebdb3456cfd9f713e330a58b,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if ( lengthA > lengthB ) + { + String end = fixedA.substring( lengthA - lengthB ); + } + else + { + String end = fixedB.substring( lengthB - lengthA ); + } + String endEither = end; + + if ( endEither.equals(fixedA) || + endEither.equals(fixedB) ) + { + return true; + } + else + { + return false; + } +} +" +a106901e8c9e523e832617752c8fdbe6f6de27ad,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String end; + String placeHolder; + + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + placeHolder = b; + } + else + { + end = b.substring(bLength - aLength); + placeHolder = a; + } + + return (end.equals(placeHodler)); +} +" +593408c557edc26099a3d7d665f6ab2656ee6d0e,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String end; + String placeHolder; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + placeHolder = b; + } + else + { + end = b.substring(bLength - aLength); + placeHolder = a; + } + + return (end.equals(placeHolder)); +} +" +7c718fe2d23adc26db62c9790957e1184ba8869d,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + + if (lowera.endsWith(lowerb) || lowerb.endsWith(lowera)) + { + return true; + } + else + { + return false; + } +} +" +e7f8b8d3511bde40fd4464391015b7f25087335c,"public boolean endOther(String a, String b) +{ + if (a.endsWidth(b.toLowerCase()) || b.endsWidth(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +dc06b6e168e37ab16b7e313c5dce82b2c0f72808,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +6d2e10332afd1b32c7dcbaafc34d4aa292035684,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +6f3dd2faeb72c6ad66e03132321c063be26a98d8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + boolean test1 = a.length() >= b.length() + && a.substring(a.length() - b.length()).equals(b); + boolean test2 = b.length() >= a.length() + && b.substring(b.length() - a.length()).equals(a); + return test1 || test2; +} +" +57057c147a0c998d81d4d97d28283b4183ae7de6,"public boolean endOther(String a, String b) +{ + //I know: I will need to make both strings lowercase + //They need to be compared with a.endswith(b) + String A = a.toLowerCase(); + String B = b.toLowerCase(); + + if(A.endsWith(B) || B.endsWith(A)) + {return true;} + return false; +} +" +508c4568d5d1ae7dfc94b4485cf9cb807ee8bed8,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +8d3c8244c1d5a281a7afcacd957510ace020f719,"public boolean endOther(String a, String b) +{ + Str a = a.toLowerCase(); + Str b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +69f753752b7afd00cabd07b3bcfe23ff2d772786,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +689c357d803eff09345958d8e870f42b862ad7cc,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + if (c.endsWith(d) || d.endsWith(c)) + { + return true; + } + else + { + return false; + } +} +" +f1bfd7d2978e6fc63e164c09b6a15d117351bf7f,"public boolean endOther(String a, String b) +{ + aa = a.toLowerCase(); + bb = b.toLowerCase(); + + lena = aa.length(); + lenb = bb.length(); + + enda = aa.substring(lena-lenb, lena); + endb = bb.substring(lenb-lena, lenb); + + if(enda.equals(bb) || endb.equals(aa)) + return true; + return false; + +} +" +9693d057ab89abaaafcbf262c408250cb0053583,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + int lena = aa.length(); + int lenb = bb.length(); + + String enda = aa.substring(lena-lenb, lena); + String endb = bb.substring(lenb-lena, lenb); + + if(enda.equals(bb) || endb.equals(aa)) + return true; + return false; + +} +" +e50f5019e9bd2577c97fca0ecbd8ea2acd948164,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + int lena = aa.length(); + int lenb = bb.length(); + + if(lena >= lenb) + { + String enda = aa.substring(lena-lenb, lena); + if(enda.equals(bb)) + { + return true; + } + } + else if(lenb >= lena) + { + String endb = bb.substring(lenb-lena, lenb); + if(endb.equals(aa)) + { + return true; + } + } + return false; + +} +" +fbb408c32278850dcc3ec15fb2574af90ccb5489,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + boolean contains = false; + if (lengthA >= lengthB) + { + int aMinusB = lengthA - lengthB; + String checkA = newA.substring(aMinusB); + if (checkA.equals(newB)) + { + contains = true; + } + } + else + { + int bMinusA = lengthB - lengthA; + String checkB = newB.substring(bMinusA); + if (checkB.equals(newA)) + { + contains = true; + } + } + return contains; +} +" +db5b3a7e5417b34509b1bc45e297b48cb307bfe3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen= b.length(); + + if (aLen < bLen) + { + String temp - b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if(temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +d2f332c3511a8e55869a69758286333bf687d1b4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen= b.length(); + + if (aLen < bLen) + { + String temp - b.substring(bLen - aLen, bLen) ; + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if(temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +9ec7e8c3738cbe5816187496b3e68aa51270157e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) + { + String temp - b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if(temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +721b9d7f9d3453a6e312fd007422015c24b58619,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if(temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +b6de4ca6818b84b3b1d42f6f174ff38a4d94799d,"public boolean endOther(String a, String b) +{ + String larger == b; + String smaller == a; + + if (a > b) + { + larger = a; + smaller = b; + } + + return larger.substring(larger.length() - smaller.length()).equals(smaller); +} +" +a2f2ba046c871a891dc21f7e48aaa8fe336fe186,"public boolean endOther(String a, String b) +{ + String larger = b; + String smaller = a; + + if (a > b) + { + larger = a; + smaller = b; + } + + return larger.substring(larger.length() - smaller.length()).equals(smaller); +} +" +97aff9be82c014842d8bbb50a1122665b90184ee,"public boolean endOther(String a, String b) +{ + String larger = b; + String smaller = a; + + if (a.length() > b.length()) + { + larger = a; + smaller = b; + } + + return larger.substring(larger.length() - smaller.length()).equals(smaller); +} +" +d83ca4c66bc18b8b916445165f5445a6d62dc823,"public boolean endOther(String a, String b) +{ + String larger = b; + String smaller = a; + + if (a.length() > b.length()) + { + larger = a; + smaller = b; + } + + return larger.substring(larger.length() - smaller.length()).toLowerCase().equals(smaller.toLowerCase()); +} +" +9735c0aeb17dbc3cdf5addb7c8c35bd1bb9565e0,"public boolean endOther(String a, String b) +{ + str1 = a.toLowerCase(); + str2 = b.toLowerCase(); + return ((boolean) (str1.endsWith(str2) || str2.endsWith(str1))); +} +" +a02df71687ca1f7aeb5cd89446342e5722f28d67,"public boolean endOther(String a, String b) +{ + String str1 = a.toLowerCase(); + String str2 = b.toLowerCase(); + return ((boolean) (str1.endsWith(str2) || str2.endsWith(str1))); +} +" +829aa38139c97d94f932d64c9551da905599b811,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + aLen = str.length(a); + blen = str.length(b); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + return true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + return true; + } + } + else { + return false; + } +} +" +ccc992af097f8c32c272bf12104ffefe4103e5a4,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + aLen = a.length(); + blen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + return true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + return true; + } + } + else { + return false; + } +} +" +4c888dc0eee85ffb485e2893035cb0470618ae59,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + aLen = a.length(); + blen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + return true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + return true; + } + } + else { + return false; + } +} +" +57422041924ba6b3720ae0f9b25ccc738babc141,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aLen = a.length(); + String blen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + return true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + return true; + } + } + else { + return false; + } +} +" +40de5a000a2088a1060efbaee40d4b2fbc8853a2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int blen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + return true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + return true; + } + } + else { + return false; + } +} +" +9abab90518fb79c3c6d2db670b5c420a1b3c9cc1,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + return true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + return true; + } + } + else { + return false; + } +} +" +450c17e2702d8be9da451a5576400ffb6db6d5c4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + boolean answer = true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + boolean answer = true; + } + } + else { + boolean answer = false; + } + return answer; +} +" +d442e2fd51629fcc3c72f44d8542ea3c65cc3efa,"public boolean endOther(String a, String b) +{ + boolean answer = false; + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + answer = true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + answer = true; + } + } + else { + answer = false; + } + return answer; +} +" +8c8ff8403d4c2b503aed2a2bcbc79d3dbe761bd0,"public boolean endOther(String a, String b) +{ + boolean answer = false; + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen - 1)) { + answer = true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen - 1)) { + answer = true; + } + } + else { + answer = false; + } + return answer; +} +" +ab5be165c831987d51846443ce9743ba3f319ade,"public boolean endOther(String a, String b) +{ + boolean answer = false; + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + answer = true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + answer = true; + } + } + else { + answer = false; + } + return answer; +} +" +f15c8c01024b4e6191dec13cca0104517b440a20,"public boolean endOther(String a, String b) +{ + boolean answer = false; + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen >= bLen) { + if (a == b.substring(bLen - aLen)) { + answer = true; + } + } + else if (bLen >= aLen) { + if (b == a.substring(aLen - bLen)) { + answer = true; + } + } + else { + answer = false; + } + return answer; +} +" +0e781d168b54877bbe7532a37d33b54f2ed89624,"public boolean endOther(String a, String b) +{ + boolean answer = false; + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + if (aLen <= bLen) { + if (a == b.substring(bLen - aLen)) { + answer = true; + } + } + else if (bLen <= aLen) { + if (b == a.substring(aLen - bLen)) { + answer = true; + } + } + else { + answer = false; + } + return answer; +} +" +e7ae6219cd894cf0cee1a3c8bacfb9eca7ffe946,"public boolean endOther(String a, String b) +{ + String aSame = a.toLowerCase(); + String bSame = b.toLowerCase(); + if (aSame.lastIndexOf(aSame) == + + + + + + if (a.length() > b.length()) + { + if (aSame.lastIndexOf(bSame) == aSame.length() - bSame.length()) + { + return true; + } + } + if (a.length() < b.length()) + { + if (bSame.lastIndexOf(aSame) == bSame.length() - aSame.length()) + { + return true; + } + } + return false; +} +" +2903c2afc392d1ed38c17abf07cc20d5dc7f5db8,"public boolean endOther(String a, String b) +{ + String aSame = a.toLowerCase(); + String bSame = b.toLowerCase(); + if (a.length() > b.length()) + { + if (aSame.lastIndexOf(bSame) == aSame.length() - bSame.length()) + { + return true; + } + } + if (a.length() < b.length()) + { + if (bSame.lastIndexOf(aSame) == bSame.length() - aSame.length()) + { + return true; + } + } + return false; +} +" +b4f63dc409a6df3f02bb8f5daac7b1a5733ba1f9,"public boolean endOther(String a, String b) +{ + String aSame = a.toLowerCase(); + String bSame = b.toLowerCase(); + if (aSame.equals(bSame)) + { + return true; + } + if (a.length() > b.length()) + { + if (aSame.lastIndexOf(bSame) == aSame.length() - bSame.length()) + { + return true; + } + } + if (a.length() < b.length()) + { + if (bSame.lastIndexOf(aSame) == bSame.length() - aSame.length()) + { + return true; + } + } + return false; +} +" +4c025137674e782cf7bdbd4addbf96542db67d41,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(b)) + return true; + else + return false; +} +" +0c091a6dd75ccaff62214f88e407a01c333a67bc,"public boolean endOther(String a, String b) { +String alower = a.toLowerCase(); +String blower = b.toLowerCase(); +int alength = a.length(); +int blength = b.length(); +if(alength >= blength) +{ +if(alower.substring(alength- blength).equals(blower)) +return true; +else return false; +} +if(blength > alength) +{ +if(blower.substring(blength - alength).equals(alower)) +return true; +else return false; +} +else +return false; +}" +e884c32b50b7cf55bf25fa09b3b4849d64d3e43b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLength = a.length(); + int bLength = b.length(); + + if (a.endsWith(b) && aLength > bLength ) + return true; + else if (b.endsWith(b) && aLength < bLength + else + return false; +} +" +24e58bdd9a39d2ba57dc88999a5bd17a6dc455c5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLength = a.length(); + int bLength = b.length(); + + if (a.endsWith(b) && aLength > bLength ) + return true; + else if (b.endsWith(b) && aLength < bLength) + return true; + else + return false; +} +" +e19a04e05cbb1914fa84c0f060fc1fb45fe402f8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLength = a.length(); + int bLength = b.length(); + + if (a.endsWith(b) && aLength > bLength ) + return true; + else if (b.endsWith(a) && aLength < bLength) + return true; + else + return false; +} +" +9baab8d8622ff8abb4f854d4d8c67b24e5855198,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLength = a.length(); + int bLength = b.length(); + + if (a.endsWith(b) && aLength >= bLength ) + return true; + else if (b.endsWith(a) && aLength =< bLength) + return true; + else + return false; +} +" +f3cb53d9a4a3d26bcf629c315eb44352482cd428,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLength = a.length(); + int bLength = b.length(); + + if (a.endsWith(b) && aLength >= bLength ) + return true; + else if (b.endsWith(a) && aLength <= bLength) + return true; + else + return false; +} +" +1be42077b0aeda899ffa9afd47f74598f176d402,"public boolean endOther(String a, String b) +{ + if (str.toLowercase(""a"") ) || (str.indexOf(""a"") ))return true; +} +" +e91c7cc142d2f873cdf8df7e88f99c215b601ad4,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = a.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +046264548f04adc9b9ae9f90c0be9f256038ec41,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } +} +" +121b1593b808863e0d2e21024920345d6e748340,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); +} +" +d2dfbe33ea1c5c4ff8460780269b8d9503f2e3e0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); +} +" +e014faf29d3ecb72b59edc6eeae222907d018136,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + lengthA = a.length(); + lengthB = b.length(); +} +" +73edd5b4a382d643d279139244a7f60661004d1b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); +} +" +03ac2ebd6d03730b5943537c13ecfb834d72da68,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (a.equals(b[-lengthB + 1]) || b.equals(a[-lengthA+1])) + { + return true + } + else + { + return false + } +} +" +0aee8f27d46aa27705b99ec5a5c4312d68ef8d5a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (a.equals(b[-lengthB + 1]) || b.equals(a[-lengthA+1])) + { + return true; + } + else + { + return false; + } +} +" +b8cd29ba3679271cb28cba3c20010373abb761fc,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (a.equals(b[-1*lengthB + 1]) || b.equals(a[-1*lengthA+1])) + { + return true; + } + else + { + return false; + } +} +" +56451239771abdce3962883b7d2f8bb359e29656,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +4b08d0215ae97fbf8718182a37cf0158a71dd650,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || a.endsWith(b.toUpperCase()) + return true; + if (b.endsWith(a.toLowerCase()) || b.endsWith(a.toUpperCase()) + return true; + return false +} +" +0a8dd359976f50136a7514ef79e959508bd5d0de,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || a.endsWith(b.toUpperCase())) + return true; + if (b.endsWith(a.toLowerCase()) || b.endsWith(a.toUpperCase())) + return true; + return false +} +" +ac04e1eefe59025f5dba1eda510ea94567cf9db4,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || a.endsWith(b.toUpperCase())) + return true; + if (b.endsWith(a.toLowerCase()) || b.endsWith(a.toUpperCase())) + return true; + return false; +} +" +7a130968798c10b384a2fc02520b55c4f0ea9e15,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (b.endsWith(a)) + return a; + if (a.endsWith(b)) + return b; +} +" +3680a8c1f0687c0ef38c0ae34bdb40668d4272d7,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (b.endsWith(a)) + return true; + if (a.endsWith(b)) + return true; + return false; +} +" +d119be9d0c2138a7b36f4cb03b875ffc02e62345,"public boolean endOther(String a, String b) +{ + //a.toLowerCase(); + //b.toLowerCase(); + if (b.toLowerCase().endsWith(a.toLowerCase())) + return true; + if (a.toLowerCase().endsWith(b.toLowerCase())) + return true; + return false; +} +" +c5ec2c8ba915ad39faa0d406e0bff434d065e7b8,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String lastLetters; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (x >= y) + { + lastLetters = a.substring(x - y); + return(lastLetters.equals(b)); + } + else + { + lastLetters = b.substring(y - x); + return(lastLetters.equals(a)); + } +} +" +77d3dcf4bba9486edd0d57c30d92c1f74477f0aa,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + String aSubB = bLower.substring(lengthA); + String bSubA = aLower.substring(lengthB); + return (bLower.equals(bSubA) || aLower.equals(aSubB)); +} +" +9ea1b6e82e9522856993e494cfc04448a577c949,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + String aSubB = bLower.substring(lengthA); + String bSubA = aLower.substring(lengthB); + if (lengthA < lengthB) + { + return(bLower.equals(bSubA)); + } + else + { + return (aLower.equals(aSubB)); + } +} +" +b2f79b0c83fe6b5f3e85e57ecf7e80b37397d843,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA < lengthB) + { + String aSubB = bLower.substring(lengthA); + return(bLower.equals(bSubA)); + } + else + { + String bSubA = aLower.substring(lengthB); + return (aLower.equals(aSubB)); + } +} +" +980bb2541a34e707bcf2a2070594c6669655b1a6,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA < lengthB) + { + String bSubA = aLower.substring(lengthB); + return(bLower.equals(bSubA)); + } + else + { + String aSubB = bLower.substring(lengthA); + + return (aLower.equals(aSubB)); + } +} +" +a45fe687045a7a242494f9c356f5634e63fb9ea3,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA > lengthB) + { + String bSubA = aLower.substring(lengthB); + return(bLower.equals(bSubA)); + } + else + { + String aSubB = bLower.substring(lengthA); + + return (aLower.equals(aSubB)); + } +} +" +2fb3410b5c6932c01b86ce495a7f9a5210bd21f6,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA > lengthB) + { + String bSubA = aLower.substring(lengthB); + return(bLower.equals(bSubA)); + } + else if (lengthB > lengthA) + { + String aSubB = bLower.substring(lengthA); + + return (aLower.equals(aSubB)); + } + else + return (aLower.equals(aSubB) || bLower.equals(bSubA)); +} +} +" +7f0eac43675c6731fa3a2b334fff268be5277137,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA > lengthB) + { + String bSubA = aLower.substring(lengthB); + return(bLower.equals(bSubA)); + } + else if (lengthB > lengthA) + { + String aSubB = bLower.substring(lengthA); + + return (aLower.equals(aSubB)); + } + else + { + return (aLower.equals(aSubB) || bLower.equals(bSubA)); +} +} +" +7b01aa223f5369a7d5528406a41c503715119fde,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA > lengthB) + { + String bSubA = aLower.substring(lengthB); + return(bLower.equals(bSubA)); + } + else if (lengthB > lengthA) + { + String aSubB = bLower.substring(lengthA); + + return (aLower.equals(aSubB)); + } + else + { + String bSubA = aLower.substring(lengthB); + String aSubB = bLower.substring(lengthA); + return (aLower.equals(aSubB) || bLower.equals(bSubA)); +} +} +" +30637fd199ce9c0d60f200db5b3fd3d3f84e3195,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + if (aa.endsWith(bb)) + { + return false; + } + else if (bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +8c6f470000e0a6acbe229546839eb4acc16d8b9d,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + x == a.substring(a.length() - b.length()); + y == b; + else + x == b.substring(b.length() - a.length()); + y == a; + return x.equals(y); +} +" +a4ea2abbad16de81000c26649709847a1bb7a0ab,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + String x == a.substring(a.length() - b.length()); + String y == b; + else + String x == b.substring(b.length() - a.length()); + String y == a; + return x.equals(y); +} +" +57e7092c62e921185cdb45bf6d2b9f01bb42b5f4,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + String x == a.substring(a.length() - b.length()); + String y == b; + else + x == b.substring(b.length() - a.length()); + y == a; + return x.equals(y); +} +" +1ca4d470dfa149c7ee19ef4d9950d8bf0df0721d,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + x == a.substring(a.length() - b.length()); + y == b; + else + x == b.substring(b.length() - a.length()); + y == a; + return x.equals(y); +} +" +c911a56434526ef64cee3587a69150c57d4efac2,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + x == a.substring(a.length() - b.length()); + y == b; + else + x == b.substring(b.length() - a.length()); + y == a; + +} +" +3fc57bda9a7bb47db7bdd372b3d6cc195435fa1a,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + { + x == a.substring(a.length() - b.length()); + y == b; + } + else + { + x == b.substring(b.length() - a.length()); + y == a; + } + return x.equals(y); +} +" +23530332adec8f24b9321a8925197a905d0a58a5,"public boolean endOther(String a, String b) +{ + private String x; + private String y; + if (a.length() >= b.length()) + { + x == a.substring(a.length() - b.length()); + y == b; + } + else + { + x == b.substring(b.length() - a.length()); + y == a; + } + return x.equals(y); +} +" +2bca3ae976df89734c980fe1e2c49c3ba886c80a,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + { + x == a.substring(a.length() - b.length()); + y == b; + } + else + { + x == b.substring(b.length() - a.length()); + y == a; + } + return x.equals(y); +} +" +d0d5f603d90e12fcc3ccb78d1be1acc93841aa91,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + { + x = a.substring(a.length() - b.length()); + y = b; + } + else + { + x = b.substring(b.length() - a.length()); + y = a; + } + return x.equals(y); +} +" +c9f3ec39afc7d480a0fe44cb0151c934cec1de29,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + x = a.substring(a.length() - b.length()); + y = b; + else + x = b.substring(b.length() - a.length()); + return x.equals(y); +} +" +a4558f30689a6f23ff3fb3609b892cba992dafb8,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + x = a.substring(a.length() - b.length()); + y = b; + else + x = b.substring(b.length() - a.length()); + return x.equals(y); +} +" +f9354edba65c17d85b820982adb1a6165e9d75ba,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + { + x = a.substring(a.length() - b.length()); + y = b; + } + else + { + x = b.substring(b.length() - a.length()); + y = a; + } + return x.equals(y); +} +" +e95eae410c50f0d4590a1b1fc9672a80d03ebae0,"public boolean endOther(String a, String b) +{ + String a2 = a.toLowerCase(); + String b2 = b.toLowerCase(); +} +" +598c7c66b2ab3553787245217c2a90a4e06b2719,"public boolean endOther(String a, String b) +{ + boolean answer = false; + String a2 = a.toLowerCase(); + String b2 = b.toLowerCase(); + if (a2.endsWith(b2)) + { + answer = true; + } + else if (b2.endsWith(a2)) + { + answer = true; + } + return answer; +} +" +2e9166e390037c109d1ef411a79a876b447ca3bb,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + boolean aLastPart = aLower.endsWith(bLower); + boolean bLastPart = bLower.endsWith(aLower); + if (aLastPart || bLastPart) + { + return true; + } +}" +26eae3d7d34c39a285573a6274d8fc5394660f71,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + boolean aLastPart = aLower.endsWith(bLower); + boolean bLastPart = bLower.endsWith(aLower); + if (aLastPart || bLastPart) + { + return true; + } + else + { + return false; + } +}" +adf6b4c763126e4d939473789bec9ade84c07326,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + int aLen = a.length(); + + + + b = b.toLowerCase(); + + int bLen = b.length(); + + + + if (aLen < bLen) { + + String temp = b.substring(bLen - aLen, bLen); + + if (temp.compareTo(a) == 0) + + return true; + + else + + return false; + + + + } else { + + String temp = a.substring(aLen - bLen, aLen); + + if (temp.compareTo(b) == 0) + + return true; + + else + + return false; + + } + +} +" +9b7c10b771824330f53e054b79398ddbd15f0a27,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +7995972d20c454c537e5430298726ad6d624146b,"public boolean endOther(String a, String b) +{ + return a; +} +" +f617249b4cf28efda6ac53a32f7acbff136d3fa6,"public boolean endOther(String a, String b) +{ int a; + return a; +} +" +14153112e4efece8bd7d83b952b1a1971acbbd98,"public boolean endOther(String a, String b) +{ int c; + return a; +} +" +6873637a35965e8e6560452e8098183e1d9a1677,"public boolean endOther(String a, String b) +{ + return endOther; +} +" +20582d06009877402e89d6e9e05c143556e22fb9,"public boolean endOther(String a, String b) +{ + return true; +} +" +54e0d313cabf1a11232754567aacce9da792be3f,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); +} +" +6c80ebfec2a8abe9bf3ffa23f0591bcf8dd1de83,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + if(a.endsWith(b)) + { + return true; + } + if(b.endsWith(a)) + { + return true; + } +} +" +ed6e574e549157ac684f73cad599ef184451ea9f,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + if(a.endsWith(b)) + { + return true; + } + if(b.endsWith(a)) + { + return true; + } + return; +} +" +5b30a932e4d8eeb39bb7c18d1b6ff29a6554ac8d,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + if(a.endsWith(b)) + { + return true; + } + if(b.endsWith(a)) + { + return true; + } + return false; +} +" +f97e56af5e2ab6e62184170c07351fcf6e4deb42,"public boolean endOther(String a, String b) +{ + str lowerA = a.toLowerCase(); + str lowerB = b.toLowerCase(); + + if(lowerA.endsWith(lowerB)) + { + return true; + } + if(lowerB.endsWith(lowerA)) + { + return true; + } + return false; +} +" +641e14458a4d36eaba8a63107f5d94efa57b47ec,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + + if(lowerA.endsWith(lowerB)) + { + return true; + } + if(lowerB.endsWith(lowerA)) + { + return true; + } + return false; +} +" +c07e37bdb436b7776e3ab3b6ae8dee437411a2f1,"public boolean endOther(String a, String b) +{ + c = a.toLowerCase(); + d = b.toLowerCase(); + int e = c.length(); + int f = d.lentgth(): + if (e > f) { + int g = indexOf(d); + String h = + } + return true; +} +" +fcfecdbe429830465f654df6faee885b4de58de7,"public boolean endOther(String a, String b) +{ + c = a.toLowerCase(); + d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.lentgth(): + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g) + return last == d + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h) + return last2 == d + } + +} +" +b23562c266d8a9ade7b0910b4f06c43c78aca133,"public boolean endOther(String a, String b) +{ + c = a.toLowerCase(); + d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.lentgth(): + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +03b53ef9c93969d6947f3ec268ea40900598777d,"public boolean endOther(String a, String b) +{ + c = a.toLowerCase(); + d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.lentgth(); + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +6dcb7be8caa9888bc015ca7ade4dbda4da4059ee,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.lentgth(); + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +e173b9574b9f4297868ea37d43beaf845546028c,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.lentgth(); + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +f80b18e6f40b74b92c82e4f0d18874eb1172d74a,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.length(); + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +d2950384da95a38bb14fca21a8ef4cbd12cbbae0,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.length(); + if (lengtha > lengthb) { + int g = indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +f10c2155ad931c40ef6bf292228d1136e55627c2,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.length(); + if (lengtha > lengthb) { + int g = c.indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = d.indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + +} +" +476e51d8f4a639a422131a5417b97a34e350d6b0,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.length(); + if (lengtha > lengthb) { + int g = c.indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = d.indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + return false; +} +" +31e6f876ac904ee434a86018f1678e1c68bfc7cb,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.length(); + if (lengtha > lengthb) { + int g = c.indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = d.indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + return true; +} +" +a241d017b045786bb24c62b1ccc0a2aca4bd46aa,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + int lengtha = c.length(); + int lengthb = d.length(); + if (lengtha > lengthb) { + int g = c.indexOf(d); + String last = c.substring(g); + return last == d; + } + if (lengthb > lengtha) { + int h = d.indexOf(c); + String last2 = d.substring(h); + return last2 == d; + } + return true; +} +" +dbfa9e62a305f6d04060286bdb4b4b3d31023266,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) { + int g = lowera.indexOf(lowerb); + String last = lowera.substring(g); + return last == lowerb; + } + if (lengthb > lengtha) { + int h = lowerb.indexOf(lowera); + String last2 = lowerb.substring(h); + return last2 == lowera; + } + return true; +} +" +200aa23c47b3b7a9f9865b56271f4a56e4efb27a,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) { + int g = lowera.lastIndexOf(lowerb); + if (g != null){ + return true; + } + } + if (lengthb > lengtha) { + int h = lowerb.indexOf(lowera); + if (f != null){ + return true; + } + } + return false; +} +" +3944a6d1c992374b2d230db3f217adc661d271ab,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) { + int g = lowera.lastIndexOf(lowerb); + if (g != null){ + return true; + } + } + if (lengthb > lengtha) { + int h = lowerb.indexOf(lowera); + if (h != null){ + return true; + } + } + return false; +} +" +330fb672a003d79828652a765d21ff33ed68cc8c,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) { + String last = lowera.substring(lengtha - lengthb); + } + if ( last= lowerb){ + return true; + } + } + if (lengthb > lengtha) { + String last2 = lowera.substring(lengthb - lengtha); + } + if ( last2 = lowera){ + return true; + } + } + return false; +} +" +23971e6f263ee89fcb40e89f7f6df16c6f548486,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) { + String last = lowera.substring(lengtha - lengthb); + } + if ( last= lowerb){ + return true; + } + } + if (lengthb > lengtha) { + String last2 = lowera.substring(lengthb - lengtha); + } + if ( last2 = lowera){ + return true; + } + + return false; +} +" +e0312b7182f262a978e87be6c4031e9df003b68e,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) + { + String last = lowera.substring(lengtha - lengthb); + } + if ( last= lowerb) + { + return true; + } + + if (lengthb > lengtha) + { + String last2 = lowera.substring(lengthb - lengtha); + } + if ( last2 = lowera){ + return true; + } + + return false; +} +" +3f6ce9f2ddfb53e5378e466129ae3aa31c0e9222,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) + { + String last + last = lowera.substring(lengtha - lengthb); + } + if ( last= lowerb) + { + return true; + } + + if (lengthb > lengtha) + { + String last2 = lowera.substring(lengthb - lengtha); + } + if ( last2 = lowera){ + return true; + } + return false; +} +" +a2599c9945f1f486feb779bb0a98422509105316,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + if (lengtha > lengthb) + { + String last; + last = lowera.substring(lengtha - lengthb); + } + if ( last= lowerb) + { + return true; + } + + if (lengthb > lengtha) + { + String last2; + last2 = lowera.substring(lengthb - lengtha); + } + if ( last2 = lowera){ + return true; + } + return false; +} +" +9589622398da2da565b67b1303027f98d973af2a,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + String last; + String last2; + if (lengtha > lengthb) + { + + last = lowera.substring(lengtha - lengthb); + } + if ( last= lowerb) + { + return true; + } + + if (lengthb > lengtha) + { + + last2 = lowera.substring(lengthb - lengtha); + } + if ( last2 = lowera){ + return true; + } + return false; +} +" +bf06ba53a2bd381de50a6d22830f2b50658979c5,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + String last; + String last2; + if (lengtha > lengthb) + { + + last = lowera.substring(lengtha - lengthb); + } + if ( last.equals(lowerb)) + { + return true; + } + + if (lengthb > lengtha) + { + + last2 = lowera.substring(lengthb - lengtha); + } + if ( last2.equals(lowera)){ + return true; + } + return false; +} +" +49ea5c73a0bdb2a90fada314a95f9a3ff34b8767,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + String last; + String last2; + if (lengtha > lengthb) + { + last = lowera.substring(lengtha - lengthb); + + if ( last.equals(lowerb)) + { + return true; + } + } + else if (lengthb > lengtha) + { + + last2 = lowera.substring(lengthb - lengtha); + + if ( last2.equals(lowera)){ + return true; + } + } + return false; +} +" +b75ce25ddbe1f047e048fd50530f21008211a2ce,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + String last; + String last2; + if (lengtha > lengthb) + { + last = lowera.substring(lengtha - lengthb); + if ( last.equals(lowerb)) + { + return true; + } + } + else if (lengthb > lengtha) + { + + last2 = lowerb.substring(lengthb - lengtha); + + if ( last2.equals(lowera)){ + return true; + } + } + return false; +} +" +6b4ef38f28554507e8fe9a6e96a04f69c46f93ea,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + String last; + String last2; + if (lengtha > lengthb) + { + last = lowera.substring(lengtha - lengthb); + if ( last.equals(lowerb)) + { + return true; + } + } + else if (lengthb > lengtha) + { + + last2 = lowerb.substring(lengthb - lengtha); + + if ( last2.equals(lowera)){ + return true; + } + } + if (lowera.equals(lowerb)){ + return truel=; + } + return false; +} +" +fb8126319d2e412a8bd73be49069e31e3dfab22b,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + int lengtha = lowera.length(); + int lengthb = lowerb.length(); + String last; + String last2; + if (lengtha > lengthb) + { + last = lowera.substring(lengtha - lengthb); + if ( last.equals(lowerb)) + { + return true; + } + } + else if (lengthb > lengtha) + { + + last2 = lowerb.substring(lengthb - lengtha); + + if ( last2.equals(lowera)){ + return true; + } + } + if (lowera.equals(lowerb)){ + return true; + } + return false; +} +" +96591e7e48cfe1712398d29846a17a2b302ea839,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +38da014819fb05f5d1b0dc0415db3221e1dbef46,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA > lengthB) + { + String bSubA = aLower.substring(lengthB); + return(aLower.endsWith(bLower)); + } + else if (lengthB > lengthA) + { + String aSubB = bLower.substring(lengthA); + + return (bLower.endsWith(aLower)); + } + else + { + String bSubA = aLower.substring(lengthB); + String aSubB = bLower.substring(lengthA); + return (aLower.endsWith(bLower) || bLower.endsWith(aLower)); +} +} +" +6441bce9e4ba348a04e6c765a02a1a7e54c72fc6,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + + + if (lengthA > lengthB) + { + String bSubA = aLower.substring(lengthB); + return(aLower.endsWith(bLower)); + } + else if (lengthB > lengthA) + { + String aSubB = bLower.substring(lengthA); + + return (bLower.endsWith(aLower)); + } + else + { + String bSubA = aLower.substring(lengthB); + String aSubB = bLower.substring(lengthA); + return (aLower.equals(bLower)); +} +} +" +be3d5a9da4a40573bba53ba873bbaeddf58f3bb5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b) || b.endsWith(a)) + return true; + else + return false; +} +" +c05e2d363bd8fe9ec360d6fb8d376ba7e90ca48b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + + if (aLen < bLen) + { + String test = b.substring(bLen - aLen, bLen); + if (test.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String test = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +0d9642f18915e5867a802f1ae56b5f50cc60dca3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aLen = a.length(); + int bLen = b.length(); + + if (aLen < bLen) + { + String test = b.substring(bLen - aLen, bLen); + if (test.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String test = a.substring(aLen - bLen, aLen); + if (test.compareTo(b) == 0) + return true; + else + return false; + } +} +" +c0aac413d31918de3765327a96727526d6519013,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase()) + { + return true; + } + else + return false; +} +" +4e40d234f97b265ae932bd919e820fbe3a95a848,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +c533037c3d14c7b9f464a98aa4b7f6a948813c34,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + if (c.substring(c.length() - d.length()) == d) + { + return true; + } + else if (d.substring(d.length() - c.length()) == c) + { + return true; + + } + else + { + return false; + } + +} +" +aceccb23fefce942d4aa0b6aac946e24d4f87867,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + if (c.substring(c.length() - d.length()) == d && c.length() > d.length()) + { + return true; + } + else if (d.substring(d.length() - c.length()) == c && d.length() > c.length()) + { + return true; + + } + else + { + return false; + } + +} +" +89e8004c8242e7ad548833bef1e18a5b575c92c1,"public boolean endOther(String a, String b) +{ + String tempA = a.toLowerCase(); + String tempB = b.toLowerCase(); + String temp = """"; + if(tempA.length() >= tempB.length()) + { + end = tempA.substring(tempA.length() - tempB.length()); + temp = tempB; + } + else + { + end = tempB.substring(tempB.length() - tempA.length()); + temp = tempA; + } + return (end.equals(temp)); +} +" +879f69ac23eb1d7fee09c298b8c5125a80dbac88,"public boolean endOther(String a, String b) +{ + String tempA = a.toLowerCase(); + String tempB = b.toLowerCase(); + String temp = """"; + String end = """"; + if(tempA.length() >= tempB.length()) + { + end = tempA.substring(tempA.length() - tempB.length()); + temp = tempB; + } + else + { + end = tempB.substring(tempB.length() - tempA.length()); + temp = tempA; + } + return (end.equals(temp)); +} +" +a1febdd8002682b8576782f742ba13fb8a89daab,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +13a5857aa16d3c990d4cd98945ead29eb0a3f289,"public boolean endOther(String a, String b) +{ + String strA = a.toLowerCase(); + String strB = b.toLowerCase(); + return (strA.endsWith(strB) || strB.endsWith(strA)) +} +" +774fb6ad9286581a00dc73adcaae63d8b283ddb1,"public boolean endOther(String a, String b) +{ + String strA = a.toLowerCase(); + String strB = b.toLowerCase(); + return (strA.endsWith(strB) || strB.endsWith(strA)); +} +" +58191080409469e9cc55367087af71576cb229b4,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String end; + String temp; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +d2ec8480e3941f0aa59eb3e6b434bc97069d41c2,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String end; + String temp; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); +} +" +9925838d94681d416063d999f62167bacc7d4184,"public boolean endOther(String a, String b) +{ + if (a.substring((a.length()-b.length()), a.length()).equals(b) + return true; + +} +" +d111e9ef515323c826946d7e32d7ded2e2ae1248,"public boolean endOther(String a, String b) +{ + if (a.substring((a.length()-b.length()), a.length()).equals(b)) + return true; + +} +" +1c4c1cfddd1e110f853220bd010a7f3a1cb07d50,"public boolean endOther(String a, String b) +{ + if (a.substring((a.length()-b.length()), a.length()).equals(b)) + return true; + else if (b.substring((b.length()-a.length()),b.length()).equals(a)) + return true; + else + return false; +} + + +" +397d0fafacfb9f6ce5f350e191b4b67b40cfb9fe,"public boolean endOther(String a, String b) +{ + if (a.getEnd(b)) == !null) + return true; + else + return false; +} + + +" +b5154b7c9ddde5567bbd8a23ab78682311c32b8f,"public boolean endOther(String a, String b) +{ + if (a.getEnd(b) == !null) + return true; + else + return false; +} + + +" +c0d893da4271f2bbcada486e7d2ec5921686516f,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b) == !null) + return true; + else + return false; +} + + +" +8c787b3c3413ef76e4db53145966c20487143984,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b)) + return true; + else + return false; +} + + +" +a73201d104542938599cf80724d380715966664a,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b)) + return true; + else if (b.endsWith(a)) + return true; + else + return false; +} + + +" +be933fa9e0bab5dac2bd1d0653abebf8939f5407,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + + String end; + String temp; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + + return (end.equals(temp)); +} +" +05503f8c7cadeb0dc676c003e7c34bea2ec63985,"public boolean endOther(String a, String b) +{ + if ((a.endsWith(b))equalsIgnoreCase(b)) + return true; + else if ((b.endsWith(a))equalsIgnoreCase(a)) + return true; + else + return false; +} + + +" +538d41959ba2c0c0c6bfaea8638b5953921960fb,"public boolean endOther(String a, String b) +{ + if ((a.endsWith(b)).equalsIgnoreCase(b)) + return true; + else if ((b.endsWith(a)).equalsIgnoreCase(a)) + return true; + else + return false; +} + + +" +790f1840fdc30495ca5235f4e814f2a505312680,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + if (a.endsWith(b)) + return true; + else if (b.endsWith(a)) + return true; + else + return false; +} + + +" +62f5a6b8d25f22009a7eda1107131072a8b6b817,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b)) + return true; + else if (b.endsWith(a)) + return true; + else + return false; +} + + +" +258eb4e08813fceceac27d55c747444d9e03b920,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String endOfB = b.substring(lengthB - lengthA); + String endOfA = a.substring(lengthA - lengthB); + if (endofB.toLowerCase() == a.toLowerCase()) + { + return true; + } + else + { + return false; + } + if (endOfA.toLowerCase() == b.toLowerCase()) + { + return true; + } + else + { + return false; + } +} +" +7bec63421e3971b9544d432de0d6d66f362fd826,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String endOfB = b.substring(lengthB - lengthA); + String endOfA = a.substring(lengthA - lengthB); + if (endOfB.toLowerCase() == a.toLowerCase()) + { + return true; + } + else + { + return false; + } + if (endOfA.toLowerCase() == b.toLowerCase()) + { + return true; + } + else + { + return false; + } +} +" +aa0740785e496d40aaa16a2e8c816f3c603a1962,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA - lengthB <= 0) + { + return false; + } + else + { + String endOfB = b.substring(lengthB - lengthA); + String endOfA = a.substring(lengthA - lengthB); + } + if (endOfB.toLowerCase() == a.toLowerCase()) + { + return true; + } + else + { + return false; + } + if (endOfA.toLowerCase() == b.toLowerCase()) + { + return true; + } + else + { + return false; + } +} +" +bf59a07024c755204920cd646654cc5d962277f1,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + +} +" +16db5ce762c744891861427ac4b61db8785fadee,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} + +} +" +d867a87c832adceb8841758ae612b2d22e5937b2,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} + + +" +7bdb168bb40542b6e5dee3c90ca0468afa232bad,"public boolean endOther(String a, String b) +{ + return a.equalIgnoreCase(b); +} +" +21a17ab182452fcbde708ce95b6238dac6f316cf,"public boolean endOther(String a, String b) +{ + return a.equalsIgnoreCase(b); +} +" +14dd88df10f6a4d201858b37e7dbee5b39962912,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return a.endsWith(b) || b.endsWith(a); +} +" +b035cf5041105c877f53ae4d402c1d98f499a570,"public boolean endOther(String a, String b) +{ + + if ((a.toLowerCase()).endswith(b.toLowerCase()) || (b.toLowerCase()).endswith(a.toLowerCase()) + { + return true; + } + else + { + return false; + } + + +} +" +5009cddbc517aa72c7088c80e6b52d4c27b50599,"public boolean endOther(String a, String b) +{ + + if ((a.toLowerCase()).endswith(b.toLowerCase()) || (b.toLowerCase()).endswith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } + + +} +" +4f3f7dc77f163a44cc9ee399f8190b6491fd4f6a,"public boolean endOther(String a, String b) +{ + + if ((a.toLowerCase()).endswith(b.toLowerCase()) || (b.toLowerCase()).endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } + + +} +" +357aeafce27bcbead4b13bea7d3fe581bcf5fea9,"public boolean endOther(String a, String b) +{ + + if ((a.toLowerCase()).endsWith(b.toLowerCase()) || (b.toLowerCase()).endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } + + +} +" +a16a37ce8e2f1a749b6ee958309c54e8960737ed,"public boolean endOther(String a, String b) +{ + if (atoLowerCase().endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +2a5c60d1409a74dbfe8b20b54c0fb9a02d51f863,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +dea7908dac95975b815fa922e4e4ab7052fba22f,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase.endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +f87809a14fa57293396446cd27731ebd41f7332c,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +21ea64dae97c9c0d5432b6060d3944a876a8068c,"public boolean endOther(String a, String b) +{ + lowerA = a.toLowerCase(); + lowerB = b.toLowerCase(); + + if (lowerB.endsWith(lowerA)) + { + return true; + } + else if (lowerA.endsWith(lowerB)) + { + return true; + } + else + { + return false; + } +} +" +5c167f7733d365f443a53bc73a3fd8706ec8c31b,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + + if (lowerB.endsWith(lowerA)) + { + return true; + } + else if (lowerA.endsWith(lowerB)) + { + return true; + } + else + { + return false; + } +} +" +fd44e03dc60c59d6b7a50287db66896a7a823aee,"public boolean endOther(String a, String b) { + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +a1f47049cac0a7267ed17f2aef16a83ddec5a886,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + if (b.substring(b.length()-a.length(), b.length()).equals(a)) + { + return true; + } + } + else if (b.length() < a.length()) + { + if (a.substring(a.length()-b.length(), a.length()).equals(b)) + { + return true; + } + } + else if (a.equals(b)) + { + return true; + } + else + return false; +} +" +aae804157ff577dbe8179f5415b9d06136e36dee,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + if (b.substring(b.length()-a.length(), b.length()).equals(a)) + { + return true; + } + } + else if (b.length() < a.length()) + { + if (a.substring(a.length()-b.length(), a.length()).equals(b)) + { + return true; + } + } + else if (a.equals(b)) + { + return true; + } + else + { + return false; + } +} +" +70e63a62279e64f7ca5b206b2e8375f415e21a03,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + if (b.substring(b.length()-a.length(), b.length()).equals(a)) + { + return true; + } + } + else if (b.length() < a.length()) + { + if (a.substring(a.length()-b.length(), a.length()).equals(b)) + { + return true; + } + } + else if (a.equals(b)) + { + return true; + } + return false; +}" +ccb213c049601928d3967bdacbdc9fb1dcc9997f,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + if (b.substring(b.length()-a.length(), b.length()).toLowerCase().equals(a).toLowerCase()) + { + return true; + } + } + else if (b.length() < a.length()) + { + if (a.substring(a.length()-b.length(), a.length()).toLowerCase().equals(b).toLowerCase()) + { + return true; + } + } + else if (a.equals(b)) + { + return true; + } + return false; +}" +4501ed44b3055c840fdefd50da3e488036d88cd6,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + if (b.substring(b.length()-a.length(), b.length()) + .toLowerCase().equals(a.toLowerCase())) + { + return true; + } + } + else if (b.length() < a.length()) + { + if (a.substring(a.length()-b.length(), a.length()) + .toLowerCase().equals(b.toLowerCase())) + { + return true; + } + } + else if (a.equals(b)) + { + return true; + } + return false; +}" +2acb9cc35c06b9d52c956e754864a657bea08936,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + if (b.substring(b.length()-a.length(), b.length()) + .toLowerCase().equals(a.toLowerCase())) + { + return true; + } + } + else if (b.length() < a.length()) + { + if (a.substring(a.length()-b.length(), a.length()) + .toLowerCase().equals(b.toLowerCase())) + { + return true; + } + } + else if (a.toLowerCase().equals(b.toLowerCase())) + { + return true; + } + return false; +}" +70d6625c3639a0e5f83270b85af2594ecd8e4c93,"public boolean endOther(String a, String b) +{ + String newA = str.toLowerCase(a); + String newB = str.toLowerCase(b); + + if (newA.endsWith(newB) || newB.endsWith(newA)) + { + return true; + } + else + { + return false; + } +} +" +5a0722248b14637e3d04a6a133b162c3450e8eed,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(a); + String newB = b.toLowerCase(b); + + if (newA.endsWith(newB) || newB.endsWith(newA)) + { + return true; + } + else + { + return false; + } +} +" +74da22551b419b7b2e2b8dc693d1cb7b4c54f1a3,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.endsWith(newB) || newB.endsWith(newA)) + { + return true; + } + else + { + return false; + } +} +" +e5402e69e8e14f949e85b1de137eb8fda7853416,"public boolean endOther(String a, String b) +{ + String newa = a.toLowerCase(); + String newb = b.toLowerCase(); + int a = newa.length(); + int b = newb.length(); + if (newa.substring(a-b,a).equals(newb)) + return true; + else if(newb.substring(b-a,b).equals(newa)) + return true; + else return false; + +} +" +c832e3a20d1d4454c7539ef27fb0c2f81a27c0ca,"public boolean endOther(String a, String b) +{ + String newa = a.toLowerCase(); + String newb = b.toLowerCase(); + int lena = newa.length(); + int lenb = newb.length(); + if (newa.substring(lena-lenb,lena).equals(newb)) + return true; + else if(newb.substring(lenb-lena,lenb).equals(newa)) + return true; + else return false; + +} +" +c2ef913fe61e8a68ee2734c8d1df51755d086cc4,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + boolean endA = a.endsWith(b); + boolean endB = b.endsWith(a); + if (endA == true || endB == true) + { + return true; + } + else + { + return false; + } +} +" +28b20ff9f045afd4372fdd71c659f694e97661bd,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + boolean endA = lowerA.endsWith(b); + boolean endB = lowerB.endsWith(a); + if (endA == true || endB == true) + { + return true; + } + else + { + return false; + } +} +" +14e60a2bddcc13eaa5b19a372f79d0e990420962,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + if (d.endWith(c)) + { + return true: + } + if (c.endsWith(d)) + { + return true; + } + else + { + return false; + } + + +} +" +f02090525d416d57dfafd9037de43d1f72c29df7,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + if (d.endWith(c)) + { + return true; + } + if (c.endsWith(d)) + { + return true; + } + else + { + return false; + } + + +} +" +a29136ac0e09bbbe389a54e8ff54675d7ba8f1ce,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + if (d.endsWith(c)) + { + return true; + } + if (c.endsWith(d)) + { + return true; + } + else + { + return false; + } + + +} +" +68266c25b9e5fea332e80468415151c136462ffd,"public boolean endOther(String a, String b) +{ + String newa = a.toLowerCase(); + String newb = b.toLowerCase(); + int lena = a.length(); + int lenb = b.length(); + if (newa.substring(lena-lenb,lena).equals(newb) && lena>lenb) + return true; + else if(newb.substring(lenb-lena,lenb).equals(newa) && lenb>lena) + return true; + else return false; + +} +" +c0ed0a53027b8ae19349a6587a973fa8a3b59f18,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + boolean endA = lowerA.endsWith(lowerB); + boolean endB = lowerB.endsWith(lowerA); + if (endA == true || endB == true) + { + return true; + } + else + { + return false; + } +} +" +099ccf50800813255c6ce19575dfa1407cb69fb6,"public boolean endOther(String a, String b) +{ + String newa = a.toLowerCase(); + String newb = b.toLowerCase(); + int lena = a.length(); + int lenb = b.length(); + if ( lena>lenb && newa.substring(lena-lenb,lena).equals(newb)) + return true; + else if(lenb>lena && newb.substring(lenb-lena,lenb).equals(newa) ) + return true; + else return false; + +} +" +5905605fcec4060ba5fdf4fe51411a3328f6dbd6,"public boolean endOther(String a, String b) +{ + String newa = a.toLowerCase(); + String newb = b.toLowerCase(); + int lena = a.length(); + int lenb = b.length(); + if ( lena>lenb && newa.substring(lena-lenb,lena).equals(newb)) + return true; + else if(lenb>lena && newb.substring(lenb-lena,lenb).equals(newa) ) + return true; + else if(a.equals(b)) + return true; + else return false; + +} +" +45521ddf188954d0fea928d49a004e968e5a1c41,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + if( a.substring(a.length - b.length)= b) + { + return true; + } + else + { + return false; + } + + } + else + { + if( b.substring(b.length - a.length)= a) + { + return true; + } + else + { + return false; + } + + } + + + +} +" +1e03f18ad15708b6e5adee429e2c313b4ec2478a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + if( a.substring(a.length() - b.length())= b) + { + return true; + } + else + { + return false; + } + + } + else + { + if( b.substring(b.length() - a.length())= a) + { + return true; + } + else + { + return false; + } + + } + + + +} +" +85955262b7b584b0efc6e28eec7dbd255e234eab,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + if( a.substring(a.length() - b.length())= b) + { + return true; + } + else + { + return false; + } + + } + + + + +} +" +37166d5302134ea93bbfaede1f1f99db3c157c9c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + + return ( a.substring(a.length() - b.length()).equals(b)); + + } + + + + +} +" +2b435f5cdfa258baaf0b88308ed1ba5047dce8ca,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + + return ( a.substring(a.length() - b.length()).equals(b)); + + } + else return (( b.substring(a.length() - a.length()).equals(a)) + + + + +} +" +93c5441745f0af1433bffd62978bf945698975d5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + + return ( a.substring(a.length() - b.length()).equals(b)); + + } + else + { + return (( b.substring(a.length() - a.length()).equals(a)); + } + + +} +" +19bc465c513150cead49cbdc21800e3e0a91c0f3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + + return ( a.substring(a.length() - b.length()).equals(b)); + + } + else + { + return ( b.substring(a.length() - a.length()).equals(a)); + } + + +} +" +c24119603667fdaaab79baf2953e744d672d082c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + + return ( a.substring(a.length() - b.length()).equals(b)); + + } + else + { + return ( b.substring(b.length() - a.length()).equals(a)); + } + + +} +" +31f9bc54286826b94294465a94dfaa00fdfda814,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + if( a.substring(a.length() - b.length())== b) + { + return true; + } + else + { + return false; + } + + } + else + { + if( b.substring(b.length() - a.length())== a) + { + return true; + } + else + { + return false; + } + + } + + + +} +" +bad3f02b97d067e61c760852cf8052fd9b0dde6b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + if( a.substring(a.length() - b.length())== b) + { + return true; + } + else + { + return false; + } + } + else + { + if( b.substring(b.length() - a.length())== a) + { + return true; + } + else + { + return false; + } + } + + + +} +" +29a9d00e153fb255668598fb9faca7d5abb8832c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length()>=b.length()) + { + if( a.substring(a.length() - b.length()) == b) + { + return true; + } + else + { + return false; + } + } + else + { + if( b.substring(b.length() - a.length()) == a) + { + return true; + } + else + { + return false; + } + } + + + +} +" +5a75bacef70acf0233bc0de1c3668269c4f825f0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length) + { + end = a.substring(a.length() - b.length()); + temp = b; + } + else + { + end = b.substring(b.length() - a.length()); + temp = a; + } + return (end.equals(temp)); +} +" +0509e390e748c5f4418e506567154675a149fbd3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + string end; + string temp; + + if(a.length() >= b.length) + { + end = a.substring(a.length() - b.length()); + temp = b; + } + else + { + end = b.substring(b.length() - a.length()); + temp = a; + } + return (end.equals(temp)); +} +" +ec4a2f33897d9b499458469cd12f33922c33baeb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String end; + String temp; + + if(a.length() >= b.length) + { + end = a.substring(a.length() - b.length()); + temp = b; + } + else + { + end = b.substring(b.length() - a.length()); + temp = a; + } + return (end.equals(temp)); +} +" +c387c054ddfb0a6aef9faf0b04a1b233e70db6fe,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String end; + String temp; + + if(a.length() >= b.length()) + { + end = a.substring(a.length() - b.length()); + temp = b; + } + else + { + end = b.substring(b.length() - a.length()); + temp = a; + } + return (end.equals(temp)); +} +" +2deac07e0bd80fbf860c9df0e69af3e7e853bd56,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + return (a.substring(a.length() - b.length()).equals(b)); + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +052278adc93ba19958b0c10ce5a9a7fe4e5f1fdf,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length())==b) + return true; + else + return false; + + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +716b3a953d1dd30e32c0a856d48d64762e18e9fb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + return (a.substring(a.length() - b.length()).equals(b)); + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +f05f7328afc1f9739768812a43c87e7798659c6c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length())=b) + return true; + else + return false + + + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +984757e022ec45343832df42fc2b1b0e5f8a769b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length())=b) + return true; + else + return false; + + + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +7b93af6f88a4ac1e731e6a49f6b6ff03eee02235,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length()=b) + return true; + else + return false; + + + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +b1ec25e5ef1f65d7b630a3b7fbb9a0e787b82ebb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length())=b) + return true; + else + return false; + + + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +3e459e8e94265d073edf3f98e2e06321e6da0416,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length())==b) + return true; + else + return false; + + + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +db8f14df056f1e2bb9f6789e7b6738ea49e06f10,"public boolean endOther(String a, String b) +{ + if (this.endsWith(a || b)) + { + return true; + } + else + { + return false; + } +} +" +600821d9f75414292d281aa304cf31d2a4628fce,"public boolean endOther(String a, String b) +{ + if (this.endsWith(a) || this.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +e11cc6ec208db29e9822a7bc293dd74baccd963e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +1a5ec172e23e3e486142271ddbe6e23eb75bb82a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + if (a.substring(a.length() - b.length()).equals(b)); + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +628568b43a6ab3a8695b69cf864de1b70ff8102d,"public boolean endOther(String a, String b) +{ + if (this.endsWith().equals(a) || this.endsWith().equals(b)) + { + return true; + } + else + { + return false; + } +} +" +01114931d037c559cf85a3a0f281eac2e448ac30,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(a.length() >= b.length()) + { + return (a.substring(a.length() - b.length()).equals(b)); + } + else + { + return (b.substring(b.length() - a.length()).equals(a)); + } +} +" +0bed23ab976bd1e4c7b04bfe31ef1fb3d8b2c13f,"public boolean endOther(String a, String b) +{ + newA = a.toLowerCase(); + newB = b.toLowerCase(); + + if(newA.lastIndexOf(newB) == newB.length()-newA.length()) + { + return true; + } +} +" +96e47529589c395982c90fe2528c22f56d4ea867,"public boolean endOther(String a, String b) +{ + String al=a.toLowerCase(),bl=b.toLowerCase(); + return(al.endsWith(bl) || bl.endsWith(al)); +} +" +e08e80dd496b2b1889e1601eccf9a96a39fd78f1,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if(newA.lastIndexOf(newB) == newB.length()-newA.length()) + { + return true; + } +} +" +4d9a269addc56fc3916eeb2b58a6f908c7565386,"public boolean endOther(String a, String b) +{ + String al=a.toLowerCase() + String bl=b.toLowerCase(); + return(al.endsWith(bl) || bl.endsWith(al)); +} +" +9b31ba58e298aebd32fc2a4eca8518e4d210236c,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if(newA.lastIndexOf(newB) == newB.length()-newA.length()) + { + return true; + } + + return false; +} +" +24a94ad5c6de77502a2730d800ba5c82ee391a8d,"public boolean endOther(String a, String b) +{ + String al=a.toLowerCase(); + String bl=b.toLowerCase(); + return(al.endsWith(bl) || bl.endsWith(al)); +} +" +f1547ca16885b4b266f76b70608c7eeb6e494c30,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if(newA.lastIndexOf(newB) == newA.length()-newB.length()) + { + return true; + } + + return false; +} +" +4423436c0aae27c7290a2883236a148f08fa5c3f,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if(newA.lastIndexOf(newB) == newA.length()-newB.length()) + { + return true; + } + if(newB.lastIndexOf(newB) == newB.length()-newA.length()) + { + return true; + } + + return false; +} +" +b056a5f126c26302b6749e4d74ccb9ecffd21104,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if(newA.lastIndexOf(newB) == newA.length()-newB.length()) + { + return true; + } + if(newB.lastIndexOf(newA) == newB.length()-newA.length()) + { + return true; + } + + return false; +} +" +43f2a56bdd94b9447899914e3b8e3d9ab66eeedd,"public boolean endOther(String a, String b) +{ + int a = a.length(); +} +" +9df71c0efc18accfae396c8f2b8063317ba247b7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + return ((b.substring(aL, bL) == a) || (a.substring(bL, aL) == b)); +} +" +0552e509bfbc8436acda66f55488774227e8a661,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + return ((b.substring(aL, bL) == a)); +} +" +9a2cd19e117785fde7118ad943af0cf441f9d445,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL, bL) == a)); + } + else + { + return ((a.substring(bL, aL) == b)); + } + +} +" +683e08233fcad04be3d4bc73613a8a6dd80b15a7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(bL < aL) + { + return ((b.substring(aL, bL) == a)); + } + else + { + return ((a.substring(bL, aL) == b)); + } + +} +" +046a35e51da30a2fc26b8d99aac1cb35b2527585,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL, bL) == a)); + } + else + { + return ((a.substring(bL, aL) == a)); + } + +} +" +c7ee630a237d385546d9100632a9118643ddd9bb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL, bL-1) == a)); + } + else + { + return ((a.substring(bL, aL-1) == a)); + } + +} +" +b86280bc6d44363df9d5b581bb3a816f725e6d7e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL) == a)); + } + else + { + return ((a.substring(bL) == a)); + } + +} +" +719688ad8a3302a672874590af0a7c15c10d5d5f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL) == a)); + } + else + { + return ((a.substring(bL) == b)); + } + +} +" +5be7a4f49c7fdbe83c0f40a2b2a7052a5c0d7d30,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL-bL, bL) == a)); + } + else + { + return ((a.substring(bL-aL, aL) == b)); + } + +} +" +218964219a9c344405d1c69d97ad04f37fa75ff0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL-bL) == a)); + } + else + { + return ((a.substring(bL-aL) == b)); + } + +} +" +f39f64e302281d474c90a7ecb61de4db41d35bde,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL) == a)); + } + else + { + return ((a.substring(bL) == b)); + } + +} +" +5866a09d421dedf4632c46c7a1fa0babbc27baef,"public boolean endOther(String a, String b) +{ + return a.endsWith(b) || b.endsWith(a); +} +" +376888b6913b02e9585fea3d38a59277b5cc82a4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL-1) == a)); + } + else + { + return ((a.substring(bL-1) == b)); + } + +} +" +29fd59f9260f65f2c2ca79b291b0326a6a192dac,"public boolean endOther(String a, String b) +{ + return a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase()); +} +" +20b24dc7d8563e352acf1eb564b1b2b2f8af5ea8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL+1) == a)); + } + else + { + return ((a.substring(bL+1) == b)); + } + +} +" +83a239f0521cd38117ddbaaf228f8523a019cc40,"public boolean endOther(String a, String b) +{ + return a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase()); +} +" +dd1efd10b6a99e89ec96f90e043c7f031fa5504d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +f12c34fd84731c6865a7c2b19b578e1917ce73f4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL).compareTo(a))); + } + else + { + return ((a.substring(bL).compareTo(b))); + } + +} +" +dee44254feebfe33753c0be48e14ce0622e99bbb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL) == a)); + } + else + { + return ((a.substring(bL) == b)); + } + +} +" +6ea0880ab94df2299587f10bb5f3825353940e4e,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String storeString = """"; + if(lengthA > lengthB) + { + storeString = a.substring(lengthA-lengthB+1, lengthA); + if(b.equalsIgnoreCase(storeString)) + return true; + } + else if(lengthB > lengthA) + { + storeString = b.substring(lengthB-lengthA+1, lengthB); + if(a.equalsIgnoreCase(storeString)) + return true; + } + else + { + if(a.equalsIgnoreCase(b)) + return true; + } + return false; +} +" +fe63afbf794a30854f535197dacc990eafb6137f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL).compareTo(a) == 0)); + } + else + { + return ((a.substring(bL).compareTo(b) == 0)) + } + +} +" +25bd89e61338f2778ef4bb03f775644ebbdef4f5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(aL < bL) + { + return ((b.substring(aL).compareTo(a) == 0)); + } + else + { + return ((a.substring(bL).compareTo(b) == 0)); + } + +} +" +bcffab03de80ee0ee7ba2870f86123900a5a9448,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(a.compareTo(b) == 0) + { + return true; + } + else if(aL < bL) + { + return ((b.substring(aL).compareTo(a) == 0)); + } + else + { + return ((a.substring(bL).compareTo(b) == 0)); + } + +} +" +d037587053e6be1ae8b751849b02fba614105b32,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(a.compareTo(b) == 0) + { + return true; + } + else if(aL < bL) + { + return ((b.substring(aL-1).compareTo(a) == 0)); + } + else + { + return ((a.substring(bL-1).compareTo(b) == 0)); + } + +} +" +26eac40770f05dd940124f1e8328ac47a92078bb,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String storeString = """"; + if(lengthA > lengthB) + { + storeString = a.substring(lengthA-lengthB, lengthA); + if(b.equalsIgnoreCase(storeString)) + return true; + } + else if(lengthB > lengthA) + { + storeString = b.substring(lengthB-lengthA, lengthB); + if(a.equalsIgnoreCase(storeString)) + return true; + } + else + { + if(a.equalsIgnoreCase(b)) + return true; + } + return false; +} +" +bd21250423debd75de8c809ba0bffc17102a9924,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(a.compareTo(b) == 0) + { + return true; + } + else if(aL < bL) + { + return ((b.substring(aL-1, bL).compareTo(a) == 0)); + } + else + { + return ((a.substring(bL-1, aL).compareTo(b) == 0)); + } + +} +" +5074fae0bf956cf7371e9c6908873f7b80aa86a4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(a.compareTo(b) == 0) + { + return true; + } + else if(aL < bL) + { + return ((b.substring(aL-bL, bL).compareTo(a) == 0)); + } + else + { + return ((a.substring(bL-aL, aL).compareTo(b) == 0)); + } + +} +" +38062cf8b364e58181b4fea89b9a4206d957a3f4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int aL = a.length(); + int bL = b.length(); + if(a.compareTo(b) == 0) + { + return true; + } + else if(aL < bL) + { + return ((b.substring(bL-aL, bL).compareTo(a) == 0)); + } + else + { + return ((a.substring(aL-bL, aL).compareTo(b) == 0)); + } + +} +" +67045ddcb06308c5fe1c1110c09f6de7d3560254,"public boolean endOther(String a, String b) +{ + if (a.toUpperCase().endsWith(b.toUpperCase()) || b.toUpperCase().endsWith(a.toUpperCase())) + { + return true; + } + else + return false; +} +" +67c68536712fa3b62cc8466ddca9477a060caa1a,"public boolean endOther(String a, String b) +{ + int aLenth = a.length(); + int bLength = b.length(); + + String aEnd = """"; + String bEnd = """"; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + aLength = a.substring(aLength - bLength); + } + if(bLength >= aLength) + { + bLength = b.substring(bLength - aLength); + } + + if (aLength.equals(b)) + { + return true; + } + else if (bLength.equals(a)) + { + return true; + } + else + { + return false; + } + +} +" +28f67d4048c5825facf54ef8543c99c13b7341fc,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String aEnd = """"; + String bEnd = """"; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + aLength = a.substring(aLength - bLength); + } + if(bLength >= aLength) + { + bLength = b.substring(bLength - aLength); + } + + if (aLength.equals(b)) + { + return true; + } + else if (bLength.equals(a)) + { + return true; + } + else + { + return false; + } + +} +" +74607a77f7dfd619b5a18122a32c2b960a2b3101,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String aEnd = """"; + String bEnd = """"; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + a = a.substring(aLength - bLength); + } + if(bLength >= aLength) + { + bLength = b.substring(bLength - aLength); + } + + if (aLength.equals(b)) + { + return true; + } + else if (bLength.equals(a)) + { + return true; + } + else + { + return false; + } + +} +" +6dfbe1cea956354300829e0b07bd01b0f9fb808d,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String aEnd = """"; + String bEnd = """"; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + a = a.substring(aLength - bLength); + } + if(bLength >= aLength) + { + b = b.substring(bLength - aLength); + } + + if (aLength.equals(b)) + { + return true; + } + else if (bLength.equals(a)) + { + return true; + } + else + { + return false; + } + +} +" +502e4d0945d0cda844af19cde56ea999f5cac38d,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String aEnd = """"; + String bEnd = """"; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + aEnd = a.substring(aLength - bLength); + } + if(bLength >= aLength) + { + bEnd = b.substring(bLength - aLength); + } + + if (aLength.equals(b)) + { + return true; + } + else if (bLength.equals(a)) + { + return true; + } + else + { + return false; + } + +} +" +0c1a882b2c0ad709418a1657342a158cc2093020,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + String aEnd = """"; + String bEnd = """"; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(aLength >= bLength) + { + aEnd = a.substring(aLength - bLength); + } + + if(bLength >= aLength) + { + bEnd = b.substring(bLength - aLength); + } + + if (aEnd.equals(b)) + { + return true; + } + + else if (bEnd.equals(a)) + { + return true; + } + + else + { + return false; + } + +} +" +edea0e837fcb966f629e383f2444b3183ead8394,"public boolean endOther(String a, String b) +{ + if (this.endsWith(""a"") || this.endsWith(""b"")) + { + return true; + } + else + { + return false; + } +} +" +7c2a4a778c544cbefa79d0f45b47abbcbea58f6b,"public boolean endOther(String a, String b) +{ + if (b.endsWith(a) || a.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +520f34b8ac7a084ccd69b05533b3451d25978d22,"public boolean endOther(String a, String b) +{ + String A; + A = a.toLowerCase(); + String B; + B = b.toLowerCase(); + + if (A.endsWith(B) || B.endsWith(A)) + { + return true; + } +} +" +811b53017b3142286666987597c1eb53b681ef57,"public boolean endOther(String a, String b) +{ + String A; + A = a.toLowerCase(); + String B; + B = b.toLowerCase(); + + if (A.endsWith(B) || B.endsWith(A)) + { + return true; + } + else + { + return false; + } +} +" +8172347593907ac2d8f4760023bac500a4f43c63,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(); + b = str.toLowerCase(); + + int alength = a.length(); + int blength = b.length(); + if (alength < blength) + { + String c = b.substring(blength - alength, blength); + if (c equals(a)) + return true; + else + return false; + + + } + else + { + String c = a.substring(alength - blength, alength); + if (c equals(b)) + return true; + else + return false; + } + +} +" +30b5dd2318e9beb81003371f53eb2feb90fe065c,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(); + b = str.toLowerCase(); + + int alength = a.length(); + int blength = b.length(); + if (alength < blength) + { + String c = b.substring(blength - alength, blength); + if (c.equals(a)) + return true; + else + return false; + + + } + else + { + String c = a.substring(alength - blength, alength); + if (c.equals(b)) + return true; + else + return false; + } + +} +" +cb845294cc2d942dce062a540e1ee27207ffb6f7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int alength = a.length(); + int blength = b.length(); + if (alength < blength) + { + String c = b.substring(blength - alength, blength); + if (c.equals(a)) + return true; + else + return false; + + + } + else + { + String c = a.substring(alength - blength, alength); + if (c.equals(b)) + return true; + else + return false; + } + +} +" +b2e732fbb966736716f21f459860fe646f94960c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + b = b.toLowerCase(); + + if (b.substring(lenB - lenA, lenB) == a) + return true; + else if (a.substring(lenA - lenB, lenA) == b) + return true; + else + return false; +} +" +c85d4f3fcc1844bca774ab1d83f3fc34e9971f79,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + b = b.toLowerCase(); + + if (lenB > lenA) + return (b.substring(lenB - lenA, lenB) == a); + else if (lenA > lenB) + return (a.substring(lenA - lenB, lenA) == b); + else + return false; +} +" +923a3b4cbad726d0ba955dc350d6d9667cdd68ec,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + b = b.toLowerCase(); + + if (lenB > lenA) + return (b.substring(lenB - lenA, lenB + 1) == a); + else if (lenA > lenB) + return (a.substring(lenA - lenB, lenA + 1) == b); + else + return false; +} +" +e049eef50795e8513995392c817acb4be909c12e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + b = b.toLowerCase(); + + if (lenB > lenA) + return (b.substring(lenB - lenA, lenB) == a); + else if (lenA > lenB) + return (a.substring(lenA - lenB, lenA) == b); + else + return false; +} +" +9381420699acc44cd479d8851d32d86e6e5527e0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA, lenB) == a); + else if (lenA > lenB) + return (a.substring(lenA - lenB, lenA) == b); + else + return false; +} +" +ecc5cf3c748d6065cca8cdd4d0255adb5294130e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else if (lenA > lenB) + return (a.substring(lenA - lenB) == b); + else + return false; +} +" +860a63e372ffc25e902c96046de8ad7e7a8bf9f3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else if (lenA > lenB) + return (a.substring(lenA - lenB) == b); +} +" +51bae9583c3e77d95e7fe2f2572dd0c08c30af76,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +1f0aaba3659e32f02d19985539ad931b31900f9d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA - 1) == a); + else + return (a.substring(lenA - lenB - 1) == b); +} +" +6c2d7c34357dbf7ec1d90b75ae3e0ff64c898ce5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +7cd6217541b195568ac1df77a33937b42c525dc2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length() - 1; + int lenB = b.length() - 1; + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +df756c53d22f1fcb67dd747d872a5cdb2c4b603e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - (lenA - 1)) == a); + else + return (a.substring(lenA - (lenB - 1)) == b); +} +" +2e68847fa9c79d17988b79456bf4e16ca699ee8c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +aa0d89dedb439dcc5803b8200b9665376454f7c7,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +8d545518acc87686034922643742933ca56a27d0,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(2) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +f9d38c8869df2e296f2af174564b95505e20dcf1,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(2) == b); +} +" +d211450a528d196cc443d92b5d903a42fc397c79,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(1) == b); +} +" +d16f8649dea82eeb632732d23e697b82f6ef7f91,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(3) == b); +} +" +ccfa9679b53a006ee495b781d66c8fba5679aa76,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +3729b1e7fac7e3abe77b87731d1857d4b8ac5881,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.toLowerCase(a.substring(lenA - lenB)) == b.toLowerCase()); +} +" +10d292ab6ab05af34aed6d81fa58eccd09175668,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA) == a); + else + return (a.substring(lenA - lenB) == b); +} +" +839ab43eababacc506fe0cc8f4882cf0b23430bb,"public boolean endOther(String a, String b) +{ + int z = a.length() - b.length(); + if(a.toLowercase.substring(z, a.length()).equals(b.toLowerCase()) + return true; +} +" +6aeab390cce463798adb89688916bfaec3323c5a,"public boolean endOther(String a, String b) +{ + int z = a.length() - b.length(); + if(a.toLowercase.substring(z, a.length()).equals(b.toLowerCase())) + return true; +} +" +17c98f5605ff746748af23167c66df7aabe379c6,"public boolean endOther(String a, String b) +{ + int z = a.length() - b.length(); + if(a.toLowerCase.substring(z, a.length()).equals(b.toLowerCase())) + return true; +} +" +1a7d256a69af149425699d45259e6b02788e09fa,"public boolean endOther(String a, String b) +{ + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b.toLowerCase())) + return true; +} +" +c89eed20a15e54dfe14232d6c9c056f28a289cc3,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA).toLowerCase() == a); + else + return (a.substring(lenA - lenB) == b); +} +" +b287adebddc3c41820a58d3dfd7a3ae36db2b2e2,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + return (b.substring(lenB - lenA).toLowerCase() == a.toLowerCase()); + else + return (a.substring(lenA - lenB).toLowerCase() == b.toLowerCase()); +} +" +df4f82296511b08003f58be80e4cdc13a652427d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b.toLowerCase())) + return true; +} +" +c0e99e65a28a79789f8fe3ac157b961bbf334244,"public boolean endOther(String a, String b) +{ + String newA = str.lowerCase(a); + String newB = str.lowerCase(b); + return (newA.endsWith(newB) || newB.endsWith(newA)); +} +" +59d0f96b2a5f3299c7feffeb59f0c1deb5f2e88a,"public boolean endOther(String a, String b) +{ + String newA = a.lowerCase(); + String newB = a.lowerCase(); + return (newA.endsWith(newB) || newB.endsWith(newA)); +} +" +8eb3070ba165fe51a38be0ec94d723a36420d390,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b)) + return true; +} +" +61750991de897dd204e51a888f8ab8a7bad88777,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + + if (lowera.indexOf(lowerb) == lowera.length()) { + return true; + } else if (lowerb.indexOf(lowera) == lowerb.length()) { + return true; + } + return false; + +} +" +e3baddaedaabfc6cf049ba620b093a346afe2da0,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = a.toLowerCase(); + return (newA.endsWith(newB) || newB.endsWith(newA)); +} +" +4236b9d42968d32c2f51a39eac566a0e13084aa5,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + for (int i = 0; i < lenB; i++) + { + if (b.substring(i, i+lenA) == a) + return true; + } + else + for (int j = 0; j < lenA; j++) + { + if (a.substring(j, j+lenB) == b) + return true; + } + return false; +} +" +336cfa7d16d0073d93898d422126aedbcbd4dfd3,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + int lenA = a.length(); + int lenB = b.length(); + + + if (lenB > lenA) + for (int i = 0; i < lenB - lenA; i++) + { + if (b.substring(i, i+lenA) == a) + return true; + } + else + for (int j = 0; j < lenA - lenA; j++) + { + if (a.substring(j, j+lenB) == b) + return true; + } + return false; +} +" +88eb52747495e674cad4eedba045c238bbfd8da4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z == a.length() - b.length(); + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + int y == b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +5fbe85a41c598b5e6d95b8d08156553b0b80c20f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +928a9c93fe4b11419ae061c7ab1528679576b6a9,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + + if (lowera.indexOf(lowerb) == lowera.length()-1) { + return true; + } else if (lowerb.indexOf(lowera) == lowerb.length()-1) { + return true; + } + return false; + +} +" +7e241485a57d9afea9e8277497f5bd4950e44fd4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return a.endsWith(b) || b.endsWith(a); +} +" +891f9c9ae2f2b339dee2027708a1455a82a47e94,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + return (newA.endsWith(newB) || newB.endsWith(newA)); +} +" +868fc8fd6dc59a0b9b4a215389852f32e9a707d4,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + + if (lowera.indexOf(lowerb) == lowera.length()) { + return true; + } else if (lowerb.indexOf(lowera) == lowerb.length()) { + return true; + } + return false; + +} +" +5c94f07526ee0d9fbd42c36d34cd7a8e7545b08f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b) || a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +e71feda42722cfba0c85498b67e87ec80ebc5752,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +168790def1a6bc29bb237c5fbd4140ac0c0c8f86,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +39695528e849fbd48398e2a72838197284d29d96,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + else if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +7ef7ce982f14fb5942efc9c69bda128f500deff5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +76ff46dcc42a18574c012d1d7c088079ff8d0197,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.substring(z + b.length(), a.length()).equals(b) || + a.substring(z, a.length()).equals(b)) + { + return true; + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +8bc4a29211bcefb3f3487feb4393b9b00852c039,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.length() < b.length()) + { + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +cd02d3dbd22305d6fb322920ada104d68e26d1d1,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.length() < b.length()) + { + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + } + if(a.length() >= b.length()) + { + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + } + int y = b.length() - a.length(); + if(b.substring(y, b.length()).equals(a)) + { + return true; + } + return false; +} +" +6fec98d996485183b6888d9695dbf29465b93c41,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.length() < b.length()) + { + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + } + if(a.length() >= b.length()) + { + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + } + +} +" +fd9935cdabd3d0710485baeba924c008219fdf97,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + if(a.length() < b.length()) + { + if(a.substring(z + b.length(), a.length()).equals(b)) + { + return true; + } + } + if(a.length() >= b.length()) + { + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + } + return false; +} +" +94f2f73de8fefd16e7935b25114f9d897693bfc5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + int y = b.length() - a.length(); + if(a.length() < b.length()) + { + if(a.substring(z + b.length(), a.length()).equals(b) || + b.substring(y, b.length()).equals(a)) + { + return true; + } + + } + if(a.length() >= b.length()) + { + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + } + return false; +} +" +c16c62a1b273a632a077b227f4eaa0e0a6983bd1,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int z = a.length() - b.length(); + int y = b.length() - a.length(); + if(a.length() < b.length()) + { + if( + b.substring(y, b.length()).equals(a)) + { + return true; + } + + } + if(a.length() >= b.length()) + { + if(a.substring(z, a.length()).equals(b)) + { + return true; + } + } + return false; +} +" +43256ab9b795f6550523dcafdfdea96d14b39a7c,"public boolean endOther(String a, String b) +{ + boolean result = false; + if (a.endsWith(b.toLowerCase() == true) + { + result = true; + } + + if (b.endsWith(a.toLowerCase() == true) + { + result = true; + } + + return result; +} +" +a89a8cac50b0dc716f4bce049c284f879fa977cb,"public boolean endOther(String a, String b) +{ + boolean result = false; + if (a.endsWith(b.toLowerCase()) == true) + { + result = true; + } + + if (b.endsWith(a.toLowerCase()) == true) + { + result = true; + } + + return result; +} +" +22efbee90493363248b8c08ae92a4718f57f470a,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + boolean result = false; + if (a.endsWith(bb) == true) + { + result = true; + } + + if (b.endsWith(aa) == true) + { + result = true; + } + + return result; +} +" +d7ac3ebe5f6d9e51fd5341d77d29b5d69a209c1d,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + + boolean result = false; + if (aa.endsWith(bb) == true) + { + result = true; + } + + if (bb.endsWith(aa) == true) + { + result = true; + } + + return result; +} +" +bae265b87bf1c18044018253a0cb135886a58697,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + + } +} +" +3a1f30d6b6bfb5ced22b93cd3b04636a1232f7fe,"public boolean endOther(String a, String b) +{ + return (a.lowerCase().endsWith(b.Uppercase()) || + b.UpperCase().endsWith(a.LowerCase())); +} +" +3b53891e73b611a56c37284a53b22e301e012ffb,"public boolean endOther(String a, String b) +{ + String a = a.lowerCase(); + String b = b.UpperCase(); + return (a.lowerCase().endsWith(b.Uppercase()) || + b.UpperCase().endsWith(a.LowerCase())); +} +" +082fd15dc9ab2f7c47c58ee82df544fb7fcdeba9,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toUpperCase(); + return (a.toLowerCase().endsWith(b.toUpperCase()) || + b.toUpperCase().endsWith(a.toLowerCase())); +} +" +91b7ff69912017a8115b5298c4d312c126e183d7,"public boolean endOther(String a, String b) +{ + return (a.toLowerCase().endsWith(b.toUpperCase()) || + b.toUpperCase().endsWith(a.toLowerCase())); +} +" +1d288572a9dd6a95a0dce5e93bd9203695bddf4b,"public boolean endOther(String a, String b) +{ + String aL = a.toLowerCase(); + String bL = b.toUpperCase(); + if (aL.endsWith(bL) || bL.endsWith(aL)) + { + return true; + } + else + { + return false; + } +} +" +75b743831f6aed2cd94a938db65fd874819a5339,"public boolean endOther(String a, String b) +{ + String aL = a.toLowerCase(); + String bL = b.toLowerCase(); + if (aL.endsWith(bL) || bL.endsWith(aL)) + { + return true; + } + else + { + return false; + } +} +" +62f64b16a2c2eee444662a43d0ed635422dea663,"public boolean endOther(String a, String b) +{ + a=str.toLowerCase(a); + b=str.toLowerCase(b); + if (b.endsWith(a) || a.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +0f3e0dc4cd87c81f201b23581edb68c0c74cdd36,"public boolean endOther(String a, String b) +{ + a=a.toLowerCase(); + b=b.toLowerCase(); + if (b.endsWith(a) || a.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +05b59c1366c7634ba5d6091bf236be481f8dec62,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + for (i = 0; i < a.length(); i++) { + if (b.equals(a.substring(i, b.length()))) { + return true; + } + } + for (i = 0; i < b.length(); i++) { + if (a.equals(b.substring(i, a.length()))) { + return true; + } + } + return false; +} +" +9c7ebdc322b6e9fbb47878e00c955198c21f6b13,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + for (int i = 0; i < a.length(); i++) { + if (b.equals(a.substring(i, b.length()))) { + return true; + } + } + for (int i = 0; i < b.length(); i++) { + if (a.equals(b.substring(i, a.length()))) { + return true; + } + } + return false; +} +" +e6544d00145d884f0613bb37b5911d9e67bac2ab,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (b.length() < a.length()) { + for (int i = 0; i < a.length(); i++) { + if (b.equals(a.substring(i, b.length()))) { + return true; + } + } + } + else if (a.length() < b.length()) { + for (int i = 0; i < b.length(); i++) { + if (a.equals(b.substring(i, a.length()))) { + return true; + } + } + } + else if (a.length() == b.length()) { + return a.equals(b); + } + return false; +} +" +bb393884796733877bf1e6634042c0ad26349229,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +a09a61aec436378cd542dddc857caa643274a7d7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (b.length() < a.length()) { + for (int i = 0; i < a.length(); i++) { + if (b.length() <= a.substring(i, a.length()).length()) { + if (b.equals(a.substring(i, b.length()))) { + return true; + } + } + } + } + else if (a.length() < b.length()) { + for (int i = 0; i < b.length(); i++) { + if (a.length() <= b.substring(i, b.length()).length()) { + if (a.equals(b.substring(i, a.length()))) { + return true; + } + } + } + } + else if (a.length() == b.length()) { + return a.equals(b); + } + return false; +} +" +8ed5809d8fb6357bec1198b12838a0ba91a0a3dd,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + + if (a.substring(i - t, i) == b) + { + return true; + } + else if (b.substring(t - i, t) == a) + { + return true + } + else + { + return false; + } +} +" +d85f2331c557ca69e88c6cfff1f7448e9489e718,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + + if (a.substring(i - t, i) == b) + { + return true; + } + else if (b.substring(t - i, t) == a) + { + return true; + } + else + { + return false; + } +} +" +9335aab21b5409cbef79a7547c645e02c2cb78e9,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + + if (a.substring(i - t, i + 1) == b) + { + return true; + } + else if (b.substring(t - i, t + 1) == a) + { + return true; + } + else + { + return false; + } +} +" +598a5264b541bf75e99d5cc777939060d8223d20,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (b.length() <= a.length()) { + if (a.substring(a.length()-b.length()).equals(b)) { + return true; + } + } + else if (a.length() <= b.length()) { + if (b.substring(b.length()-a.length()).equals(a)) { + return true; + } + } +} +" +e8e114643d1527714d32bdc12ac8c8e3c7190d09,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (b.length() <= a.length()) { + if (a.substring(a.length()-b.length()).equals(b)) { + return true; + } + } + else if (a.length() <= b.length()) { + if (b.substring(b.length()-a.length()).equals(a)) { + return true; + } + } + return false; +} +" +279b9eaa5668782285ed95c4a405d63095557383,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + + if (i > t) + { + if (a.substring(i - t, i) == b) + { + return true; + } + } + else if (t < i) + { + if (b.substring(t - i, t) == a) + { + return true; + } + } + else + { + if (a.substring(i - t, i) == b) + { + return true; + } + else if (b.substring(t - i, t) == a) + { + return true; + } + } +} +" +8fa4ece16ecaed2e5cef56a816d73ab2ee360688,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + + if (i > t) + { + if (a.substring(i - t, i) == b) + { + return true; + } + else + { + return false; + } + } + else if (i < t) + { + if (b.substring(t - i, t) == a) + { + return true; + } + else + { + return false; + } + } + else + { + if (a.substring(i - t, i) == b) + { + return true; + } + else if (b.substring(t - i, t) == a) + { + return true; + } + else + { + return false; + } + } +} +" +2bfa548acd31f731bc33b4ecf0960915f7dfabd3,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + + if (i > t) + { + if (a.substring(i - t, i) == ""b"") + { + return true; + } + else + { + return false; + } + } + else if (i < t) + { + if (b.substring(t - i, t) == ""a"") + { + return true; + } + else + { + return false; + } + } + else + { + if (a.substring(i - t, i) == ""b"") + { + return true; + } + else if (b.substring(t - i, t) == ""a"") + { + return true; + } + else + { + return false; + } + } +} +" +bb23d31ac8de5b15ef2ae37476917ac5d3a3fe1d,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (i > t) + { + if (a.substring(i - t, i) == ""b"") + { + return true; + } + else + { + return false; + } + } + else if (i < t) + { + if (b.substring(t - i, t) == ""a"") + { + return true; + } + else + { + return false; + } + } + else + { + if (a.substring(i - t, i) == ""b"") + { + return true; + } + else if (b.substring(t - i, t) == ""a"") + { + return true; + } + else + { + return false; + } + } +} +" +e949c16bade463955c08d97d7454e54347166eab,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (i > t) + { + if (a.substring(i - t, i) == b) + { + return true; + } + else + { + return false; + } + } + else if (i < t) + { + if (b.substring(t - i, t) == a) + { + return true; + } + else + { + return false; + } + } + else + { + if (a.substring(i - t, i) == b) + { + return true; + } + else if (b.substring(t - i, t) == a) + { + return true; + } + else + { + return false; + } + } +} +" +9eebf569ab23e099fb340fdd6496dcda8e0f4d9e,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (i > t) + { + String smallA = a.substring(i - t, i) + if (smallA.equals(b)) + { + return true; + } + else + { + return false; + } + } + else if (i < t) + { + String smallB = b.substring(t - i, t) + if (smallB.equals(a)) + { + return true; + } + else + { + return false; + } + } + else + { + String smallA = a.substring(i - t, i) + String smallB = b.substring(t - i, t) + if (smallA.equals(b)) + { + return true; + } + else if (smallB.equals(a)) + { + return true; + } + else + { + return false; + } + } +} +" +73ce77e7b4e0c2f8dd4623bf54a97784133e5484,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int t = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (i > t) + { + String smallA = a.substring(i - t, i); + if (smallA.equals(b)) + { + return true; + } + else + { + return false; + } + } + else if (i < t) + { + String smallB = b.substring(t - i, t); + if (smallB.equals(a)) + { + return true; + } + else + { + return false; + } + } + else + { + String smallA = a.substring(i - t, i); + String smallB = b.substring(t - i, t); + if (smallA.equals(b)) + { + return true; + } + else if (smallB.equals(a)) + { + return true; + } + else + { + return false; + } + } +} +" +7f5ac4148aa750a103eeb177fe082bebc4d4e555,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return(a.lastIndexOf(b)<=a.length()-b.length()||c.lastIndexOf(a)<=b.length()-a.length()); +} +" +350bd681fddf07a99c12ee9167103f13e86ee800,"public boolean endOther(String a, String b) +{ + return("""") +} +" +817e02ce3487a9cead90c9b385852a9fd1a7f4f1,"public boolean endOther(String a, String b) +{ + return(""""); +} +" +4199cbe3dc4daa1a88db01ae5d43867528b099a7,"public boolean endOther(String a, String b) +{ + return(a) +} +" +abd0ce1fb1f5eb4274c611f4eaa39f9d9cf50510,"public boolean endOther(String a, String b) +{ + return(a); +} +" +faf3193bc84640570dfd3280500818297ec2b742,"public boolean endOther(String a, String b) +{ + return(true); +} +" +b0cef687e18a0c253a325500840834f4c00a012b,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toUpperCase(); + if (a.charAt(length() - 1) == b.charAt(length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +64e7ccf93e65c4387cbf6a166cbe6c8579ce6d99,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toUpperCase(); + if (a.charAt(length - 1) == b.charAt(length - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +4961305ac1f73f7fd14b6f9d1f7c7b53f5688623,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toUpperCase(); + if (a.charAt(a.length() - 1) == b.charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +b0a38499abdbce6d81736bc1b0e84922eb43886a,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length() - 1) == b.charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +485d3801f4b24e870e0cee52af256ddcb5a5f737,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length()) == b.charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +9e0c4ed068dd3a0fe30bbb8c76d6491d197c7b06,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length()) == b.charAt(b.length())) + { + return(true); + } + else + { + return(false); + } +} +" +cf0ccd1a3c82e8ee1925fce13175e3157c48bbdf,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length() - 1) == b.charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +d672831612bab6a9941de4c84502008cd388bc98,"public boolean endOther(String a, String b) +{ + str.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length() - 1) == b.charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +3604869405155c650c9520e0eb033298b191e732,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length() - 1) == b.charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +c4412a46cb611a1a5cf4024c8625f89052d215ad,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.charAt(a.length() - 2) == b.charAt(b.length() - 2)) + { + return(true); + } + else + { + return(false); + } +} +" +f64f5661900d9b3b3536a89a4c4dcda49d0195da,"public boolean endOther(String a, String b) +{ + ; + b.toLowerCase(); + if (a.toLowerCase().charAt(a.length() - 2) == b.charAt(b.length() - 2)) + { + return(true); + } + else + { + return(false); + } +} +" +e58034b5d468819a9e707dc65abd9455689cff5f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return(a.lastIndexOf(b)<=a.length()-b.length()||b.lastIndexOf(a)<=b.length()-a.length()); +} +" +4fe6495095ce29dc08c1d5b46758a99a1f89ea5a,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().charAt(a.length() - 2) == b.toLowerCase().charAt(b.length() - 2) || + a.toLowerCase().charAt(a.length() - 1) == b.toLowerCase().charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +ae1e309a9719cbe047a68a02213337f00c65428b,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().charAt(a.length() - 2) == b.toLowerCase().charAt(b.length() - 2) && + a.toLowerCase().charAt(a.length() - 1) == b.toLowerCase().charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +367251776a35f9b305e2733ee83c045d84923df6,"public boolean endOther(String a, String b) +{ + if (a.length() = 1) + { + return(true); + } + if (a.toLowerCase().charAt(a.length() - 2) == b.toLowerCase().charAt(b.length() - 2) && + a.toLowerCase().charAt(a.length() - 1) == b.toLowerCase().charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +506947cde321d88dfd298944a0e94a37b815fb1c,"public boolean endOther(String a, String b) +{ + if (a.length() == 1) + { + return(true); + } + if (a.toLowerCase().charAt(a.length() - 2) == b.toLowerCase().charAt(b.length() - 2) && + a.toLowerCase().charAt(a.length() - 1) == b.toLowerCase().charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} +" +06132ddb644413ffb914dd2e0334ca20ed361b8d,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +ac2195f3489f293476322be82bd642ed20fad0b2,"public boolean endOther(String a, String b) +{ + String str; + if (str.startsWith(a) && str.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +f1237e20c0aa2dc0b4ea54dc77bc5739f0d92327,"public boolean endOther(String a, String b) +{ + if (endOther.startsWith(a) && endOther.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +90ba8e539227f357db0938261fa9f3394bc62230,"public boolean endOther(String a, String b) +{ + String str = ""string""; + if (str.startsWith(a) && str.endsWith(b)) + { + return true; + } + else + { + return false; + } +} +" +05f08b472a8bc4adb84f0b6b0023ceaf4b4a4b2b,"public boolean endOther(String a, String b) +{ + if (a.startsWith(b) || a.endsWith(b)) + { + return true; + } + else if (b.startsWith(a) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +0e140205c9a55baa747856573b86d52c97cc9d83,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +7c489b547bd5e53eb9618cb9640d19bee85bdee1,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +83d3e030cb9eee50c616ed4a7b80d90eaec7a4c2,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + if (c.endsWith(d)) + { + return true; + } + else if (d.endsWith(c)) + { + return true; + } + else + { + return false; + } +} +" +3261734b1e46ed705b5309d88248b23b3435dcb5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return(a.lastIndexOf(b)= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +8dda403f24794827c02af06546ac00f9c508f564,"public boolean endOther(String a, String b) +{ + return a.indexOf(b); + +} +" +5c6e145e032058e6aca4f817a7e7e4f523a7a167,"public boolean endOther(String a, String b) +{ + return a.indexOf(b) == -1; + +} +" +10155bece765c8c7bf93f134cb3d9ea17ed4a08e,"public boolean endOther(String a, String b) +{ + return a.indexOf(b) == -1; + +} +" +f5421cfc57d3e1e330387d9cbc203e4289478ca3,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + clength = c.length(); + dlength = d.length(); + + if (c.substring(clength - dlength) == d) + { + return true; + } + else if (d.substring(dlength - clength) == c) + { + return true; + } + else + { + return false; + } +} +" +fa5321fb8b737b5049ef771f029decd3f2598135,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + if (c.substring(clength - dlength) == d) + { + return true; + } + else if (d.substring(dlength - clength) == c) + { + return true; + } + else + { + return false; + } +} +" +a0c3bbfbb3a74c904d1e1884daa0757468c5ae21,"public boolean endOther(String a, String b) +{ + if (a.indexOf(b) == a.length() - b.length()) + { + return true; + } + else if(b.indexOf(a) == b.length()- a.length()) + { + return true; + } + return false; + +} +" +9e4fcce227c652022679e9fabd4ad88cdd235490,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.indexOf(b) == a.length() - b.length()) + { + return true; + } + else if(b.indexOf(a) == b.length()- a.length()) + { + return true; + } + return false; + +} +" +72f8278540bb05d26a5b83cf45a20b7b9238b8e3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.indexOf(b) == Math.abs(a.length() - b.length())) + { + return true; + } + else if(b.indexOf(a) == Math.abs(b.length()- a.length())) + { + return true; + } + return false; + +} +" +dc8fdbc3459f74315391fc47997d63953a06e136,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + //return(a.lastIndexOf(b)<=a.length()-b.length()||b.lastIndexOf(a)<=b.length()-a.length()); + lena = a.length(); + lenb = b.length(); + if(a-b=0){ + return true; + } + if(a-b>0){ + return(a.getLastIndexOf(b) = a-b) + } + return(b.getLastIndexOf(a) = b-a) +} +" +e69b02a2cd67ad59675495ef7c9eebdeb4060a34,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + //return(a.lastIndexOf(b)<=a.length()-b.length()||b.lastIndexOf(a)<=b.length()-a.length()); + lena = a.length(); + lenb = b.length(); + if(a-b=0){ + return true; + } + if(a-b>0){ + return(a.getLastIndexOf(b) = a-b); + } + return(b.getLastIndexOf(a) = b-a); +} +" +a9a814b7f67df18dd3d11c3c3ba9adf7ff40b31a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); +03 + int aLen = a.length(); +04 + +05 + b = b.toLowerCase(); +06 + int bLen = b.length(); +07 + +08 + if (aLen < bLen) { +09 + String temp = b.substring(bLen - aLen, bLen); +10 + if (temp.compareTo(a) == 0) +11 + return true; +12 + else +13 + return false; +14 + +15 + } else { +16 + String temp = a.substring(aLen - bLen, aLen); +17 + if (temp.compareTo(b) == 0) +18 + return true; +19 + else +20 + return false; +21 + } + +} +" +0717ae6a969cebd466479fec68d8da17e8270c96,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + //return(a.lastIndexOf(b)<=a.length()-b.length()||b.lastIndexOf(a)<=b.length()-a.length()); + int lena = a.length(); + int lenb = b.length(); + if(lena-lenb==0){ + return true; + } + if(lena-lenb>0){ + return(a.getLastIndexOf(b) == lena-lenb); + } + return(b.getLastIndexOf(a) == lenb-lena); +} +" +56b5710030314448b1ac255ee6df77b5eeef170d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + //return(a.lastIndexOf(b)<=a.length()-b.length()||b.lastIndexOf(a)<=b.length()-a.length()); + int lena = a.length(); + int lenb = b.length(); + if(lena-lenb==0){ + return true; + } + if(lena-lenb>0){ + return(a.lastIndexOf(b) == lena-lenb); + } + return(b.lastIndexOf(a) == lenb-lena); +} +" +a7e8ce5cd8c026f7a0037dadba15433d04c05d5c,"public boolean endOther(String a, String b) +{ + String alower = a.toLowerCase(); + String blower = b.toLowerCase(); + int alength = a.length(); + int blength = b.length(); + if(alength >= blength) + { + if(alower.substring(alength- blength).equals(blower)) + return true; + else return false; + } + if(blength > alength) + { + if(blower.substring(blength - alength).equals(alower)) + return true; + else return false; + } + else + return false; +} +" +f348c4be1ce96598365ec8dd015b522c83b3e168,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + //return(a.lastIndexOf(b)<=a.length()-b.length()||b.lastIndexOf(a)<=b.length()-a.length()); + int lena = a.length(); + int lenb = b.length(); + if(lena-lenb==0){ + return (a==b); + } + if(lena-lenb>0){ + return(a.lastIndexOf(b) == lena-lenb); + } + return(b.lastIndexOf(a) == lenb-lena); +} +" +e56bcb21bc4c86acaab48cdd9ed531458a5ba461,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + String asd = c.substring(clength - dlength); + String dsa = d.substring(dlength - clength); + + if (asd.equals(d)) + { + return true; + } + else if (dsa.equals(c)) + { + return true; + } + else + { + return false; + } +} +" +fa2952a46c1f061553418497718cd66b549f68e4,"public boolean endOther(String a, String b) +{ + return true; + +} +" +2df13b6db771dba5474acdb9cffaac379677ed75,"public boolean endOther(String a, String b) +{ + int x = str.length(a); + int y = str.length(b); + if (str.toLowerCase(a) .equals(str.toLowerCase(b))) + { + return true; + } + else if (str.toLowerCase(a) .equals (str.substring(b-a, b))) + { + return true; + } + else if (str.toLowerCase(b) .equals (str.substring(a-b, a))) + { + return true; + } + return false; +} +" +c8c37470a3ee5cf1739dc54d28494a182e48991c,"public boolean endOther(String a, String b) +{ + int x = string.length(a); + int y = str.length(b); + if (str.toLowerCase(a) .equals(str.toLowerCase(b))) + { + return true; + } + else if (str.toLowerCase(a) .equals (str.substring(b-a, b))) + { + return true; + } + else if (str.toLowerCase(b) .equals (str.substring(a-b, a))) + { + return true; + } + return false; +} +" +4e044523e0c0115bb124bb7c90f46be38b9d9e79,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (str.toLowerCase(a) .equals(str.toLowerCase(b))) + { + return true; + } + else if (str.toLowerCase(a) .equals (str.substring(b-a, b))) + { + return true; + } + else if (str.toLowerCase(b) .equals (str.substring(a-b, a))) + { + return true; + } + return false; +} +" +ecd1208b3b63baf163741ff2145e5d7c89e45bf7,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals (b.substring(b-a, b))) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(a-b, a))) + { + return true; + } + return false; +} +" +91339ff9446f8f29ddcd154ccedf432c2f153433,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals(b.substring(b-a, b))) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(a-b, a))) + { + return true; + } + return false; +} +" +79e17348d191ed508e72283e6b543c53de601913,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + + else if (b.toLowerCase() .equals (a.substring(a-b, a))) + { + return true; + } + return false; +} +" +127d1924060107513224c6968fec72bf7c20a307,"public boolean endOther(String a, String b) { + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +" +193252228e7a4e7b64e2150e123cc8f10278d608,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals(b.substring(y-x, y))) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(x-y, x))) + { + return true; + } + return false; +} +" +7638f040e16b5a53a4109a62611b3478da14c0fd,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals(b.substring(y-x, y)) && y > x ) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(x-y, x)) && x > y) + { + return true; + } + return false; +} +" +7fc30dd3b73ec7cdd8891f4b2761c8c595f8449d,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals(b.substring(y-x, y)) && y < x ) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(x-y, x)) && x < y) + { + return true; + } + return false; +} +" +ca96e4e25578fe03b7841ab0eb2fabb62d307dab,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals(b.substring(y-x, y)) ) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(x-y, x))) + { + return true; + } + return false; +} +" +cee49ad27d340651f443620a63d1f062d033d686,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (a.toLowerCase() .equals(b.substring(y-x, y)) ) + { + return true; + } + else if (b.toLowerCase() .equals (a.substring(x-y, x))) + { + return true; + } + return false; +} +" +147c71f0fe56421beb4e4a303d3048fde6e07032,"public boolean endOther(String a, String b) +{ + if ((""a"" + ""b"")) + { + return true; + } + else + { + return false; + } +} +" +ef7f24ea81610314199ebd2cd3c14718b341ced6,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = a.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +d5e1a448650803f5c069da2589a5acabf06eeb71,"public boolean endOther(String a, String b) +{ + string a = a.toLowerCase(); + string b = a.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +b60022e4efa97f99d5248af406c73a6831b03b38,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = a.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +1f697aafcb4c1e697d436962e1558abb7104484e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = a.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +dbbd646a28941ec3026c11bec0c44796bedac46b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = a.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +e0c3a0f6aad375c08d8b3cf893d5915e97dc15f0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = a.toLowerCase(); + if (a.endsWith(""b"") || b.endsWith(""a"")) + { + return true; + } + else + { + return false; + } +} +" +2caf90fe9126fd797b271bc32b91d807d22f393b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +6dbc6db6fa0603a2453237077740bbc67e54fe1c,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (b.substring(y-x, y) .equals(a.toLowerCase())) + { + return true; + } + else if (b.toLowerCase() .equals(a.substring(x-y, x))) + { + return true; + } + return false; +} +" +948cc2e9367a3ffae3152b325516b93f9e51ea9e,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + if (a.toLowerCase() .equals(b.toLowerCase())) + { + return true; + } + else if (b.substring(y-x, y) .equals(a.toLowerCase())) + { + return true; + } + else if (a.substring(x-y, x) .equals(b.toLowerCase())) + { + return true; + } + return false; +} +" +4f42f3e97478a842236fb599828a55fd0fc94585,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + String asd = c.substring(clength - dlength); + String dsa = d.substring(dlength - clength); + + if (asd > 0 && asd.equals(d)) + { + return true; + } + else if (dsa.equals(c)) + { + return true; + } + else + { + return false; + } +} +" +c58a6f11c880383a53ec094793207c24f1c0787f,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + String asd = c.substring(clength - dlength); + String dsa = d.substring(dlength - clength); + + if (asd.equals(d)) + { + return true; + } + else if (dsa.equals(c)) + { + return true; + } + else + { + return false; + } +} +" +b9717f38de20da30c44da242a237dcb6026a410b,"public boolean endOther(String a, String b) +{ + return true; +} +" +092e59f632e19d02a8ce448ffa54f476b6d398d8,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = a.length(); + int dlength = b.length(); + + String asd = c.substring(clength - dlength); + String dsa = d.substring(dlength - clength); + + if (asd.equals(d)) + { + return true; + } + else if (dsa.equals(c)) + { + return true; + } + else + { + return false; + } +} +" +6f5d3d286ccf7659c868cb95f32de9b762ebad82,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + String asd = c.substring(clength - dlength); + + if (asd.equals(d)) + { + return true; + } + else if (dsa.equals(c)) + { + return true; + } + else + { + return false; + } +} +" +b1dbd902e572456ec887af312367669a5bfe096b,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + if (clength >= dlength) + { + String asd = c.substring(clength - dlength); + if (asd.equals(d)) + { + return true; + } + } + else if (dlength >= clength) + { + String asd = d.substring(dlength - clength); + if (asd.equals(c)) + { + return true; + } + } + else + { + return false; + } +} +" +c640a9afe0e310f77a1043facd1b87bf4cfebe9a,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + if (clength >= dlength) + { + String asd = c.substring(clength - dlength); + if (asd.equals(d)) + { + return true; + } + } + else if (dlength >= clength) + { + String asd = d.substring(dlength - clength); + if (asd.equals(c)) + { + return true; + } + } + else + { + return false; + } +} +" +94f371480eb6e6b71f4c5994f37a64cf84f78fb3,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + if (clength >= dlength) + { + String asd = c.substring(clength - dlength); + if (asd.equals(d)) + { + result = true; + } + } + else if (dlength >= clength) + { + String asd = d.substring(dlength - clength); + if (asd.equals(c)) + { + result = true; + } + } + else + { + result = false; + } + + return result +} +" +eb7ab6001a64fb4a0be6c949ad42952fde2cea8a,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + if (clength >= dlength) + { + String asd = c.substring(clength - dlength); + if (asd.equals(d)) + { + result = true; + } + } + else if (dlength >= clength) + { + String asd = d.substring(dlength - clength); + if (asd.equals(c)) + { + result = true; + } + } + else + { + result = false; + } + + return result; +} +" +43492da45079f7966dfd6fb9bc52eaaad73ba1e2,"public boolean endOther(String a, String b) +{ + + boolean result = false; + String c = a.toLowerCase(); + String d = b.toLowerCase(); + + int clength = c.length(); + int dlength = d.length(); + + if (clength >= dlength) + { + String asd = c.substring(clength - dlength); + if (asd.equals(d)) + { + result = true; + } + } + else if (dlength >= clength) + { + String asd = d.substring(dlength - clength); + if (asd.equals(c)) + { + result = true; + } + } + else + { + result = false; + } + + return result; +} +" +467374941fa295e8eeec836a948804b36294bb13,"public boolean endOther(String a, String b) +{ + if a.endsWith(b) + return true; + else if b.endsWith(a) + return true; + else + return false; +} +" +e674e269918e40e18d38863566168f308372418e,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b)) + return true; + else if (b.endsWith(a)) + return true; + else + return false; +} +" +4db20a5b3783bb323719c06b8a15cbdc812735a1,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.ignoreCase())) + return true; + else if (b.endsWith(a.ignoreCase())) + return true; + else + return false; +} +" +09df1e269de2e2fb381db32611ba118c16a5fd0b,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.endsWith(b)) + return true; + else if (b.endsWith(a)) + return true; + else + return false; +} +" +7141d5bf739b26eff24a37db9295eef365d6f776,"public boolean endOther(String a, String b) +{ + al = a.toLowerCase(); + bl = b.toLowerCase(); + return (al.endsWith(bl)); +} +" +2ff3cd07032dcb91d01a0d74be01fa8e1a800f4b,"public boolean endOther(String a, String b) +{ + String al = a.toLowerCase(); + String bl = b.toLowerCase(); + return (al.endsWith(bl)); +} +" +da74470a32a0ff1736e7446e16ab2090f8dd7e55,"public boolean endOther(String a, String b) +{ + String al = a.toLowerCase(); + String bl = b.toLowerCase(); + return (al.endsWith(bl) || bl.endsWith(al)); +} +" +f53378189e7e44ace35b8fa5e3a910928eaf1689,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end = """"; + if ( lengthA > lengthB ) + { + end = fixedA.substring( lengthA - lengthB ); + } + else + { + end = fixedB.substring( lengthB - lengthA ); + } + String endEither = end; + + if ( endEither.equals(fixedA) || + endEither.equals(fixedB) ) + { + return true; + } + else + { + return false; + } +} +" +a53a4fa6b7973cfb03de6be1b5ba353ad81a595c,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end = """"; + if ( lengthA > lengthB ) + { + end = fixedA.substring( lengthA - lengthB ); + } + if ( lengthB > lengthA ) + { + end = fixedB.substring( lengthB - lengthA ); + } + if ( lengthA == lengthB ) + { + end = """"; + } + String endEither = end; + + if ( endEither.equals(fixedA) || + endEither.equals(fixedB) ) + { + return true; + } + else + { + return false; + } +} +" +e031c4e7f5d309f627f0d8128d47f7b9f3c05bdd,"public boolean endOther(String a, String b) +{ + String fixedA = a.toLowerCase(); + String fixedB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + String end = """"; + if ( lengthA > lengthB ) + { + end = fixedA.substring( lengthA - lengthB ); + } + if ( lengthB > lengthA ) + { + end = fixedB.substring( lengthB - lengthA ); + } + if ( lengthA == lengthB ) + { + end = """"; + } + String endEither = end; + + if ( endEither.equals(fixedA) || + endEither.equals(fixedB) || a.equals(b) ) + { + return true; + } + else + { + return false; + } +} +" +e486621653f5d4ad288343606ca030a49c0394ce,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +} +" +bad59b5191fc7397150e2cb16fe3874beb063026,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +} +} +" +50759ca5b0595e4a917b5ab65b7041cb67194df3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +} + +" +51428d26872b418e46d31d021cc159ea4ac96905,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +} + + +" +cf33812924db656963e3b2eda74693c71639fa87,"public boolean endOther(String a, String b) +{ + if (a.length() < b.length()) + { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + return a.substring(a.length() - b.length()).equals(b); +} +" +6edd893ec9f7eda5a52ee7bbf000cdab47c0c287,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a .equals(b)) + { + return true; + } + else if (b.substring(y-x) .equals(a)) + { + return true; + } + else if (a.substring(x-y) .equals(b)) + { + return true; + } + return false; +} +" +9793fcd5d5ce0083307888bb1888bed3d44029c5,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a .equals(b)) + { + return true; + } + else if (y>x && b.substring(y-x) .equals(a)) + { + return true; + } + else if (x>y && a.substring(x-y) .equals(b)) + { + return true; + } + return false; +} +" +9c6c86dbf9c9c87e8c25e05b3dd552cdc4be85e3,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + String x = a.substring(a.length() - b.length()); + String y = b; + } + else + { + String x = b.substring(b.length() - a.length()); + String y = a; + } + return x.equals(y); +} +" +306e404a6fb99b41110c1bfa8abd23bd85dd424c,"public boolean endOther(String a, String b) +{ + String x; + String y; + if (a.length() >= b.length()) + { + x = a.substring(a.length() - b.length()); + y = b; + } + else + { + x = b.substring(b.length() - a.length()); + y = a; + } + return x.equals(y); +} +" +fabb59664fd60d5cc513c40637c473b20d01b1c4,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + String sA = nA.substring() + + if (lA > lB) + { + return true; + } + else if (lA < lB) + { + return true; + } + else + { + return false; + } +} +" +90d71e313cf6f0cd6320eb65fc515dcfee38c7a5,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + //String sA = nA.substring(); + + if (lA > lB) + { + return true; + } + else if (lA < lB) + { + return true; + } + else + { + return false; + } +} +" +18ca074743c1150b5d2c10b14814636fb01966ec,"public boolean endOther(String a, String b) +{ + if (b.length() <= a.length()) + { + if (a.substring(b.length().equals(b)) + { + return true; + } + } + if (a.length() <= b.length()) + { + if (b.substring(a.length().equals(a)) + { + return true; + } + } + + return false; +} +" +b79ceab6289dcd7b7ee67ce2ae33f8072aac8f04,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA > lB) + { + return true; + } + else if (lA < lB) + { + return true; + } + else + { + return true; + } +} +" +646478e8d7206b34a93b9e93728be418e109828e,"public boolean endOther(String a, String b) +{ + if (b.length() <= a.length()) + { + if (a.substring(b.length().equals(b)) + { + return true; + } + } + if (a.length() <= b.length()) + { + if (b.substring(a.length()).equals(a)) + { + return true; + } + } + + return false; +} +" +6597ffa6a63504c5d0f283e175aceaa9dc8a4e4a,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + if (b.length() <= a.length()) + { + if (a.substring(b.length()).equals(b)) + { + return true; + } + } + if (a.length() <= b.length()) + { + if (b.substring(a.length()).equals(a)) + { + return true; + } + } + + return false; +} +" +8ef8a13dae6331b1ab506c762b873ba9858e1781,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + if (bn.length() <= an.length()) + { + if (an.substring(bn.length()).equals(bn)) + { + return true; + } + } + if (an.length() <= bn.length()) + { + if (bn.substring(an.length()).equals(an)) + { + return true; + } + } + + return false; +} +" +d70b5f0cb13a8e509364e6c000ca309a8196a376,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + if (bn.length() <= an.length()) + { + if (an.substring(bn.length()-1).equals(bn)) + { + return true; + } + } + if (an.length() <= bn.length()) + { + if (bn.substring(an.length()-1).equals(an)) + { + return true; + } + } + + return false; +} +" +d2a42b8f33bad9f9476726666cf63d318241a21e,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA > lB) + { + String sA = nA.substring(lA - lB, lA + 1); + if (sA.equals(nB)) + { + return true; + } + } + else if (lA < lB) + { + return true; + } + else + { + return true; + } +} +" +ea139cd470f0b4d9e0f0b433c5f305fe236722af,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA > lB) + { + String sA = nA.substring(lA - lB, lA + 1); + if (sA.equals(nB)) + { + return true; + } + } + else if (lA < lB) + { + return true; + } + else + { + return true; + } + return false; +} +" +d2f27905f9603a88b1013c7e8ad84dda46edb3b1,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA > lB) + { + //String sA = nA.substring(lA - lB, lA + 1); + return true; + } + else if (lA < lB) + { + return true; + } + else + { + return true; + } + return false; +} +" +16df8509cfcc0d5da7115b54cd77e69c8c6863fa,"public boolean endOther(String a, String b) +{ + String c = str.toLowerCase(a); + String d = str.toLowerCase(b); + if (c.substring(c.length() - d.length(), c.length()) == d) + { + return true; + } + else if (d.substring(d.length() - c.length(), d.length()) == c) +} +" +3641af2f1f7c563f36393745fff883c2040f419b,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA > lB) + { + //String sA = nA.substring(lA - lB, lA + 1); + return true; + } + else if (lA < lB) + { + return true; + } + else + { + return true; + } +} +" +8808be63b7b507491d5458bce8cfd78aa2ee90ad,"public boolean endOther(String a, String b) +{ + String c = str.toLowerCase(a); + String d = str.toLowerCase(b); + if (c.substring(c.length() - d.length(), c.length()) == d) + { + return true; + } + else if (d.substring(d.length() - c.length(), d.length()) == c) + { + return true; + } + else + { + return false; + } +} +" +8b8251daa66acd16ad2797e1f8a940d8e338c267,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(a); + String d = b.toLowerCase(b); + if (c.substring(c.length() - d.length(), c.length()) == d) + { + return true; + } + else if (d.substring(d.length() - c.length(), d.length()) == c) + { + return true; + } + else + { + return false; + } +} +" +0faf59619000bd1ed1650f240a7aa53be951ee14,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + if (bn.length() <= an.length()) + { + if (an.substring(bn.length()- an.length()).equals(bn)) + { + return true; + } + } + if (an.length() <= bn.length()) + { + if (bn.substring(an.length() - bn.length()).equals(an)) + { + return true; + } + } + + return false; +} +" +a3354a5e4682c0d0574a3bd2696b7f4c899b8e4d,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + if (c.substring(c.length() - d.length(), c.length()) == d) + { + return true; + } + else if (d.substring(d.length() - c.length(), d.length()) == c) + { + return true; + } + else + { + return false; + } +} +" +24ecb554473fe927eaec104dfdfa69c3f706b515,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + if (c.length() >= d.length && c.substring(c.length() - d.length(), c.length()) == d) + { + return true; + } + else if (d.length() >= c.length && d.substring(d.length() - c.length(), d.length()) == c) + { + return true; + } + else + { + return false; + } +} +" +c20135840704bf02ed27ffd5a667dd292289c619,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + if (c.length() >= d.length() && c.substring(c.length() - d.length(), c.length()) == d) + { + return true; + } + else if (d.length() >= c.length() && d.substring(d.length() - c.length(), d.length()) == c) + { + return true; + } + else + { + return false; + } +} +" +805a2f37b7ef4690184d568dbcd3830353abdec0,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + + if (an.length() <= bn.length()) + { + if(bn.substring(an.length()).eqals(an)) + { + return true; + } + } + if (bn.length() <= an.length()) + { + if (an.substring(bn.length()).equals(bn)) + { + return true; + } + }" +5b7be545bc2ee75b458d3acd0e308dc14187705f,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + + if (an.length() <= bn.length()) + { + if(bn.substring(an.length()).eqals(an)) + { + return true; + } + } + if (bn.length() <= an.length()) + { + if (an.substring(bn.length()).equals(bn)) + { + return true; + } + } + return false; +}" +717e94c76a819728aae218516fb6a65507d34710,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + + if (an.length() <= bn.length()) + { + if(bn.substring(an.length()).equals(an)) + { + return true; + } + } + if (bn.length() <= an.length()) + { + if (an.substring(bn.length()).equals(bn)) + { + return true; + } + } + return false; +}" +8099a6d9510e15c70b7859116a9ebf0ebd505b5e,"public boolean endOther(String a, String b) +{ + String an = a.toLowerCase(); + String bn = b.toLowerCase(); + + if (an.length() <= bn.length()) + { + if(bn.substring(bn.length() - an.length()).equals(an)) + { + return true; + } + } + if (bn.length() <= an.length()) + { + if (an.substring(an.length() - bn.length()).equals(bn)) + { + return true; + } + } + return false; +}" +a242feb66928a39b3a44d3d8cc1f6a82d97c97f4,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + if (c.length() >= d.length() && c.endsWith(d)) + { + return true; + } + else if (d.length() >= c.length() && d.endsWith(c)) + { + return true; + } + else + { + return false; + } +} +" +624f9f756ec94f366eb72c070e6bdc5553606933,"public boolean endOther(String a, String b) +{ + int alength = a.length(); + int blength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (alength >= blength) + { + end = a.substring(alength - blength); + temp = b; + } + else + { + end = b.substring(blength - alength); + temp = a; + } + return(end.equals(temp)); +} +" +e835ea6345526fa3013e77d30c3b01915985c733,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +d6752f75c103ddd855cd95eb763012b6e4411ea2,"public boolean endOther(String a, String b) { + if(a.length() < b.length()) { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + + return a.substring(a.length() - b.length()).equals(b); +}" +a99b74af4a1197a88c46ea04e04d3c2189c82f21,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int al = a.length(); + int bl = b.length(); + String end; + String comp; + if ( al >= bl) + { + end = a.substring(al - bl); + comp = b; + } + else + { + end = b.substring(bl - al); + comp = a; + } + return (end.equals(comp)); +} +" +e58d188d3e375d34f9da3c8804f898454aeb87d5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA < lengthB) + { + String temp = b.substring(lengthB - lengthA, lengthB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.subtring(lengthA - lengthB, lengthA); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +60011dc938a42283e0c12dd71b5f042e24c7dbca,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +14a5a707188aa5f835f2f5407547e072f14c53ac,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lengthA >= length B) + { + end = a.substring(lengthA - lengthB); + temp = b; + } + else + { + end = b.substring(lengthB - lengthA); + temp = a; + } + return (end.equals(temp)); +} +" +8d754599d321668bb1499dfc9868225267e88c11,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + temp = b; + } + else + { + end = b.substring(lengthB - lengthA); + temp = a; + } + return (end.equals(temp)); +} +" +178332eb8390e2990bea5479ad63b68448e8b1da,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() >= b.length()) + { + if (a.substring(a.length()-b.length()).equals(b)) + { + return true; + } + } + + if (b.length() >= a.length()) + { + if (b.substring(b.length()-a.length()).equals(a)) + { + return true; + } + } + + return false; +} +" +a1e91f078b86f8528a4511bd437c9bbf7217e9b8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return a.endsWith(b) || b.endsWith(a)); + +} +" +864726d9c2310c8b6e47293b1eba7bf053d586b6,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.endsWith(b) || b.endsWith(a)); +} +" +39e6c66f2762f808e47b1b2078aa458bb43d43fd,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + + return a.substring(a.length() - b.length()).equals(b); + +} +" +de446019c0778505c515d3146a3080cdb6bbaee6,"public boolean endOther(String a, String b) +{ + String lowerA = str.toLowerCase(a); + String lowerB = str.toLowerCase(b); + if (lowerA == lowerB) + return true; + else if (lowerA.length() > lowerB.length()) + { + if (lowerA = lowerB.substring(lowerB.length() - lowerA.length()) + return true; + else + return false; + } + else if (lowerA.length() < lowerB.length()) + { + return true; + } + else + +} +" +f870c1e44b9fee67dedcd93860ecfe73d8a462a3,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +bce6349075cc8262de6521c1facd94b1f8e0066c,"public boolean endOther(String a, String b) +{ + String lowerA = str.toLowerCase(a); + String lowerB = str.toLowerCase(b); + if (lowerA == lowerB) + return true; + else if (lowerA.length() > lowerB.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length()) + return true; + else + return false; + } + else if (lowerA.length() < lowerB.length()) + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length()) + return true; + else + return false; + } + else + +} +" +c2118804094f441c011acadc8cdd8a5d52ce2a58,"public boolean endOther(String a, String b) +{ + String lowerA = str.toLowerCase(a); + String lowerB = str.toLowerCase(b); + if (lowerA == lowerB) + return true; + else if (lowerA.length() > lowerB.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else if (lowerA.length() < lowerB.length()) + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } + else + +} +" +1de8c3ae4227f13b9bc958e5e0c4197213107e13,"public boolean endOther(String a, String b) +{ + String lowerA = str.toLowerCase(a); + String lowerB = str.toLowerCase(b); + if (lowerA == lowerB) + return true; + else if (lowerA.length() > lowerB.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else if (lowerA.length() < lowerB.length()) + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } + else + return false; +} +" +cbbf3d4a105dfeefe25bc1f83409cefee96fba28,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerA.length() > lowerB.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else if (lowerA.length() < lowerB.length()) + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } + else + return false; +} +" +376960556f0cb26caf2bedd4d1e4a53b6596bd4f,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else if (lowerB.length() < lowerA.length()) + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } + else + return false; +} +" +adefc09efcc3ab41f44a37feec78f5df44237cf8,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else if (lowerB.length() < lowerA.length()) + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } +} +" +74c22f6f9fa9830eca681990700f512ccb4c43ca,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } +} +" +e074374f5278355f7aa3dffaf749186f771831ce,"public boolean endOther(String a, String b) +{ + lowerA = a.toLowerCase(); + lowerB = b.toLowerCase(); + lengthA = a.length(); + lengthB = b.length(); + + if (lowerA.substring(lengthA-lengthB).equals(lowerB)) + return true; + else if (lowerB.substring(lengthB-lengthA).equals(lowerA)) + return true; + else + return false; +} +" +45f13e1e6854d1ee46ed6f23193b3bb2056399bd,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + + if (lowerA.substring(lengthA-lengthB).equals(lowerB)) + return true; + else if (lowerB.substring(lengthB-lengthA).equals(lowerA)) + return true; + else + return false; +} +" +50cecd239450688d11e4fc7ca85311136f98725d,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return true; + } + else + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return true; + } +} +" +1611eb223b0999b3e1e00be034410840cd828abd,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerA == lowerB.substring(lowerB.length() - lowerA.length())) + return true; + else + return false; + } + else + { + if (lowerB == lowerA.substring(lowerA.length() - lowerB.length())) + return true; + else + return false; + } +} +" +e0e31343cf2f53100e17a411bbbc92be5bb6e69a,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerA != lowerB.substring(lowerB.length() - lowerA.length())) + return false; + else + return true; + } + else + { + if (lowerB != lowerA.substring(lowerA.length() - lowerB.length())) + return false; + else + return true; + } +} +" +f0a07466d7b07b5980ab56af315f4f59a36f5343,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + + if (lowerA >= lowerB && lowerA.substring(lengthA - lengthB).equals(lowerB)) + return true; + else if (lowerB >= lowerA && lowerB.substring(lengthB-lengthA).equals(lowerA)) + return true; + else + return false; +} +" +fd9929b46fbf91c60c8527e37cb26826c1cd4715,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA >= lengthB && lowerA.substring(lengthA - lengthB).equals(lowerB)) + return true; + else if (lengthB >= lengthA && lowerB.substring(lengthB-lengthA).equals(lowerA)) + return true + else + return false; +} +" +14eabf44122f626f666c1d8c0d140bef64f141aa,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerB.endsWith(lowerA)) + return true; + else + return false; + } + else + { + if (lowerA.endsWith(lowerB)) + return true; + else + return false; + } +} +" +c48762d632f1db6569f3764603a5252dd4152f7f,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA >= lengthB && lowerA.substring(lengthA - lengthB).equals(lowerB)) + return true; + else if (lengthB >= lengthA && lowerB.substring(lengthB-lengthA).equals(lowerA)) + return true; + else + return false; +} +" +959ef05a7114e89bb99436fe4948ba34f92e2f7d,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA == lowerB) + return true; + else if (lowerB.length() > lowerA.length()) + { + if (lowerB.endsWith(lowerA)) + return true; + else + return false; + } + else + { + if (lowerA.endsWith(lowerB)) + return true; + else + return false; + } +} +" +b7a4d61599b24d0e7394f1d3650eb8a64863fa56,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +4b762fea3371ccfaf62ede13110f696d56dc50a1,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); + +} +" +7d475a05044dfce69d3a8caff67ce6c6e3bd26f1,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA.endswith(lowerB) || lowerB.endswith(lowerA) + { + return true; + } + else + { + return false; + } +} +" +af5bc9b4327b11edc7d87e1c8589cedcd685be96,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA.endswith(lowerB) || lowerB.endswith(lowerA)) + { + return true; + } + else + { + return false; + } +} +" +3468f6608749c94395b9a40d33904b3baa6a9e58,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA.endswith(lowerB) || lowerB.endswith(lowerA)) + { + return true; + } + else + { + return false; + } +} +" +0a2d25fd43db03bae906e5d40a6f786c7c03c706,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA.endswith(lowerB) || lowerB.endsWith(lowerA)) + { + return true; + } + else + { + return false; + } +} +" +ef2f2c5abadea62718b8d09e41a966b36d36ace5,"public boolean endOther(String a, String b) +{ + return """"; +} +" +0a5f6f29f0b40fdeb0130d234aaf21ccb733d51a,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA.endsWith(lowerB) || lowerB.endsWith(lowerA)) + { + return true; + } + else + { + return false; + } +} +" +0271a5a4d610d830709efc09e59a209a8947f84a,"public boolean endOther(String a, String b) +{ + return true; +} +" +c45cea84e10d910ab7425de161e490b1601952ea,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return (a.endsWith(b) || b.endsWith(a)); +} +" +85e3adddea856c4478b2004fef690bff855dd0b6,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return (a.endswith(b) || b.endsWith(a)); +} +" +7d4ab79089a9569c9d18378addc35c23b1898d81,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return (a.endsWith(b) || b.endsWith(a)); +} +" +8f7fe17e0401b2baacc68f6426ecc0d1aeccdae7,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +c4e14a396860a2bc8fdfba0ed494e670dfb55177,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } + +} +" +89775df10ba46dbebe0c85c6b841460fedbe732a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } + +} +" +9836378d772546db6f55ed9b38e66818c6607690,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + la = a.length(); + lb = b.length(); + if (a.substring(la-1-lb, la).equals(b)) + { + return ture; + } + if (b.substring(lb-1-la, lb).equals(a)) + { + return ture; + } + +} +" +148615d5497531ad2124bdb0d8c90c9bec5b56fa,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (a.substring(la-1-lb, la).equals(b)) + { + return ture; + } + if (b.substring(lb-1-la, lb).equals(a)) + { + return ture; + } + +} +" +017f79a735c519c86ea4eab9a1dcbc259051b03a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (a.substring(la-1-lb, la).equals(b)) + { + return ture; + } + if (b.substring(lb-1-la, lb).equals(a)) + { + return ture; + } + +} +" +fa594d4534460e81653c192628bf50a08f28378b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (a.substring(la-1-lb, la).equals(b)) + { + return true; + } + if (b.substring(lb-1-la, lb).equals(a)) + { + return true; + } + +} +" +914e90cf55a456b02e90a19305ad3f7596ad85f7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (a.substring(la-1-lb, la).equals(b)) + { + return true; + } + if (b.substring(lb-1-la, lb).equals(a)) + { + return true; + } +}" +004d39c2eb88bc1451de588d8ac4f1d7593001fd,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + return (a.substring(la-1-lb, la).equals(b)) || + (b.substring(lb-1-la, lb).equals(a)); + +}" +46ecf2d65bf995b8497917d76995cc731aa042e3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (la > lb) + { + return a.substring(la-1-lb, la).equals(b); + } + else + { + return b.substring(lb-1-la, lb).equals(a); + } +}" +21116b0bcc572aef5c8dfa6625f411eecd53b9ba,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int la = a.length(); + int lb = b.length(); + if (la > lb) + { + return a.substring(la-lb, la).equals(b); + } + else + { + return b.substring(lb-la, lb).equals(a); + } +}" +f62307c9a4e6d56947a3a115472c3213092b4610,"public boolean endOther(String a, String b) +{ + a.toLowerCase() = la; +} +" +b51ea8ec83d0b00fb864c908e36d64690d255e3b,"public boolean endOther(String a, String b) +{ + a.toLowerCase() = la; +} +" +0d586cefd7224b850b9359741dac362ffb5a5f26,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.length()>newB.length()) + { + String sub = newA.substring(newA.length()-newB.length(), newB.length()) + if(sub.equals(newB)) + return true; + else + return false; + } + else + { + String sub = newB.substring(newB.length()-newA.length(), newA.length()) + if(sub.equals(newA)) + return true; + else + return false; + } +} +" +2c70d3ddc965c003d1c5afab59844f868290d222,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); +} +" +6794c40aeddaaec3e0a937a9c82c9b4347ae3b77,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); + return true; +} +" +83ad83f78d9ca29c419de21ab7cc4432bc0bd4dc,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.length()>newB.length()) + { + String sub = newA.substring(newA.length()-newB.length(), newB.length()); + if(sub.equals(newB)) + return true; + else + return false; + } + else + { + String sub = newB.substring(newB.length()-newA.length(), newA.length()); + if(sub.equals(newA)) + return true; + else + return false; + } +} +" +b20bc20a9f9ff80c79638a7213cd1a74daecfc85,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); + String lb = b.toLowerCase(); + if (la.endsWith(lb)) + { + return true; + } + else if (lb.endsWith(la)) + { + return true; + } + else + { + return false; + } + return false; +} +" +92e8d0b8b974409b750f3885d805a63be3a99dcd,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.length()>newB.length()) + { + String sub = newA.substring(newA.length()-newB.length()+1, newB.length()); + if(sub.equals(newB)) + return true; + else + return false; + } + else + { + String sub = newB.substring(newB.length()-newA.length()+1, newA.length()); + if(sub.equals(newA)) + return true; + else + return false; + } +} +" +7c5a70034a34b2103ce2eb84ed203923818aed0c,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); + String lb = b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } + return false; +} +" +074c7a68c611e53b05ce6f9bfe222bcb411aaf0e,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.length()>newB.length()) + { + String sub = newA.substring(newA.length()-newB.length(), newB.length()); + if(sub.equals(newB)) + return true; + else + return false; + } + else + { + String sub = newB.substring(newB.length()-newA.length(), newA.length()); + if(sub.equals(newA)) + return true; + else + return false; + } +} +" +e9abe89e69e05fbbb2fe230dea9f3ebe33f4ddf1,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); + String lb = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + return false; +} +" +b838eb7329fe33e388c0713331a4e7a16ef37bb0,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.length()>newB.length()) + { + String sub = newA.substring(newA.length()-newB.length(), newB.length()); + if(sub.equals(newB)) + return true; + else + return false; + } + else + { + String sub = newB.substring(newB.length()-newA.length(), newA.length()); + if(sub.equals(newA)) + return true; + else + return false; + } +} +" +37478210c50207b8cf6dab4e8df1363c3ebf6a51,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); + String lb = b.toLowerCase(); + return(la.endsWith(lb) || lb.endsWith(la)); + +} +" +186e898a3a1edd4c94b0746193c088e0fc57e04e,"public boolean endOther(String a, String b) +{ + String la = a.toLowerCase(); + String lb = b.toLowerCase(); + return (la.endsWith(lb) || lb.endsWith(la)); + +} +" +abc03f3337a7545860228e525f9cb5438d0670bc,"public boolean endOther(String a, String b) +{ + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (newA.length()>newB.length()) + { + String sub = newA.substring(newA.length()-newB.length(), newA.length()); + if(sub.equals(newB)) + return true; + else + return false; + } + else + { + String sub = newB.substring(newB.length()-newA.length(), newB.length()); + if(sub.equals(newA)) + return true; + else + return false; + } +} +" +d62cc9009ced0953c9aa6db708735302f01d1c18,"public boolean endOther(String a, String b) +{ + str.toLowerCase(a); + str.toLowerCase(b); +} +" +779e4b27226c7bddcf9bc7e0f007320794ed3b03,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); +} +" +0e85d1939e2f771e596568461f227d0a4797941a,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + return //true/false +} +" +74b177d4fc70d8b7b0b7c6ba81246a0f79373f91,"public boolean endOther(String a, String b) +{ + String aLow = a.toLowerCase(); + String bLow = b.toLowerCase(); + if (aLow.endsWith(bLow) || bLow.endsWith(aLow)) + { + return true; + } + return false; +} +" +4f31e00e95d35a9efacf1544ba7448e8c0e222c3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +873d753f1621b52ccdf30396951cbe08c8bbc62f,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b) || b.endsWith(a)) + return true; +} +" +bfd86f26b33c10236af9a310bfc437b7a54b0a15,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b) || b.endsWith(a)) + return true; + return false; +} +" +f3bc0939cdb4f017a46f6a6fa32482f3ff5b391d,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +aa76e5195e263bf5f023d728cb90baa3a6512b35,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else + return false; + } + else + String temp = a.substring(aLen - bLen, aLen); + + if (temp.compareTo(b) == 0) + { + return true; + } + else + return false; + } + +} +" +d950beed0ebec42ea6b800e12dce2daf1b7a82fe,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + } + + if (temp.compareTo(b) == 0) + { + return true; + } + else + return false; + } + +} +" +606221e23302d219c143326979adb860f4240b9d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + } + + if (temp.compareTo(b) == 0) + { + return true; + } + else + return false; + } + + +" +089670226b0009c996a25d8e04356bf658ec2a00,"public boolean endOther(String a, String b) +{ +String aLow = a.toLowerCase(); +String bLow = b.toLowerCase(); + +if (aLow.endsWith(bLow) || bLow.endsWith(aLow)) { +return true; +} +return false; + +} + + +" +982860b0fc6ef5f920d3c75e1de8446fa4854893,"public boolean endOther(String a, String b) +{ +String aLC = a.toLowerCase(); +String bLC = b.toLowerCase(); + +if (aLow.endsWith(bLC) || bLow.endsWith(aLC)) { +return true; +} +return false; + +} + + +" +29cec65a146963ee761314d7c5de8407494483ba,"public boolean endOther(String a, String b) +{ +String aLC = a.toLowerCase(); +String bLC = b.toLowerCase(); + +if (aLC.endsWith(bLC) || bLC.endsWith(aLC)) { +return true; +} +return false; + +} + + +" +65e004f25d011c31875ea02c45c82fcb22311f56,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String x = """"; + if (a.length() <= b.length()) + { + x = b.substring(b.length() - a.length()); + } + else if (b.length() <= a.length()) + { + x = a.substring(a.length() - b.length()); + } + if (x.equals(a) || x.equals(b)) + return true; + return false; +} +" +82a3df0ab0acb47ca4e3c490eddb771a63c80e0b,"public boolean endOther(String a, String b) +{ + String lowera = str.toLowerCase(a); + String lowerb = str.toLowerCase(b); +} +" +678174b81f69d66026c0d96e15ddb859dd921e8c,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); +} +" +02e0b3fa12f4da6f3ab57bc725a108e311424d66,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + return true; + return false; +} +" +94617211e17c0e65dbed3dbfb652274eab01d25a,"public boolean endOther(String a, String b) +{ + String lowera = a.toLowerCase(); + String lowerb = b.toLowerCase(); + + if (lowera.endsWith(lowerb)) + { + return true; + } + if (lowerb.endsWith(lowera)) + { + return true; + } + else + { + return false; + } +} +" +4beadeec2107cfbfbb2fac43f20ff1f1bb3c591a,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + String c = a.toLowerCase(); + if (c.endsWith(b.toLowerCase()) + { + return true; + } + else + { + return false; + } + } + else + { + String c = b.toLowerCase(); + if (b.endsWith(a.toLowerCase()) + { + return true; + } + else + { + return false; + } + } +} +" +846e93f0612b18ef581f6be2ac16400840e9bc52,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + String c = a.toLowerCase(); + if (c.endsWith(b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } + else + { + String c = b.toLowerCase(); + if (b.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +ddc24fe7dc462095be9ccbdafb0c7fb6e2903d24,"public boolean endOther(String a, String b) +{ + String c = a.toLowerCase(); + String d = b.toLowerCase(); + if (d.endsWith(c)) + { + return true; + } + else if (c.endsWith(d)) + { + return true; + } + else + { + return false; + } +} +" +b2720b681e1808cc214e45ff151705c767bb84a5,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + String c = a.toLowerCase(); + if (c.endsWith(b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } + else + { + String c = b.toLowerCase(); + if (c.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +b1463311ba371ae1a9540b426df3357fa3ccba05,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if (aa.endsWith(bb)) + { + return true; + } + else if (bb.endsWith(aa)) + { + return true; + } + return false +} +" +f1861edda10bb2cf70e0c2ca6227885c64cf4039,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if (aa.endsWith(bb)) + { + return true; + } + else if (bb.endsWith(aa)) + { + return true; + } + return false; +} +" +2bbfb1bc003088cf2e7546d5444c5d26a7642855,"public boolean endOther(String a, String b) +{ + boolean x = false; + if (a.toLowerCase().endsWith(b) || b.toLowerCase().endsWith(a)) + { + x = true; + } + return x; +} +" +cdd7df125c2051aa62c34cc74b76c5cedf4ab03c,"public boolean endOther(String a, String b) +{ + boolean x = false; + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase())) + { + x = true; + } + return x; +} +" +6e4b75b8dc59edc346319756413c8db4beb86cc8,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +9d4af59861b54204ed36fa59c2e61c838f235bbc,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + String newA = a.toLowerCase(); + String newB = b.toLowerCase(); + + if (aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +7a508848cabaaa8de823710967d012246e3ccac9,"public boolean endOther(String a, String b) +{ + String end; + String temp; + aLC = a.toLowerCase(); + b = b.toLowerCase(); + if(aLC.length() >= bLC.length()) + { + end = aLC.substring(a.length() - bLC.length()); + temp = bLC; + } + else + { + end = bLC.substring(b.length() - aLC.length()); + temp = aLC; + } + return (end.equals(temp)); +} +" +dc4db6745520850c7356fc0efcb13e0577f3d1cd,"public boolean endOther(String a, String b) +{ + String endStr; + String tempStr; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.length() >= b.length()) + { + endStr = a.substring(a.length() - b.length()); + tempStr = b; + } + else + { + endStr = b.substring(b.length() - a.length()); + tempStr = a; + } + return (end.equals(temp)); +} +" +604739c87badda55ce9c1e7e84690d714ef415d2,"public boolean endOther(String a, String b) +{ + String endStr; + String tempStr; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.length() >= b.length()) + { + endStr = a.substring(a.length() - b.length()); + tempStr = b; + } + else + { + endStr = b.substring(b.length() - a.length()); + tempStr = a; + } + return (end.equals(tempStr)); +} +" +69cbcd2cac55db33fffdf81c564ed19255899dc6,"public boolean endOther(String a, String b) +{ + String endStr; + String tempStr; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.length() >= b.length()) + { + endStr = a.substring(a.length() - b.length()); + tempStr = b; + } + else + { + endStr = b.substring(b.length() - a.length()); + tempStr = a; + } + return (endStr.equals(tempStr)); +} +" +1425381140221273e1a37ec926030573b1e8cc8b,"public boolean endOther(String a, String b) +{ + boolean truth = false; + if (b.toLowerCase.endsWith(a.toLowerCase())) + { + truth = true; + } else if (a.toLowerCase.endsWith(b.toLowerCase)) + { + truth = true; + } + return truth; +} +" +2f4aeba3339710fa900d1e71940686a605937dc4,"public boolean endOther(String a, String b) +{ + boolean truth = false; + if (b.toLowerCase.endsWith(a.toLowerCase())) + { + truth = true; + } else if (a.toLowerCase().endsWith(b.toLowerCase())) + { + truth = true; + } + return truth; +} +" +648f2acc8bdd4f864f8411f7f54ede42be1e7de2,"public boolean endOther(String a, String b) +{ + boolean truth = false; + if (b.toLowerCase().endsWith(a.toLowerCase())) + { + truth = true; + } else if (a.toLowerCase().endsWith(b.toLowerCase())) + { + truth = true; + } + return truth; +} +" +89dd821c5716a2a4367d3f08158e89bc8d47d4c5,"public boolean endOther(String a, String b) +{ + String result = false; + String a = a.toLowCase(); + String b = b.toLowCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } +} +" +9824834fe8926efa235f5f9d9c090dc362346fa2,"public boolean endOther(String a, String b) +{ + String a = a.toLowCase(); + String b = b.toLowCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } +} +" +98b0acbe05f39d601c826bbdc2c5b3188945d0e0,"public boolean endOther(String a, String b) +{ + String al = a.toLowCase(); + String bl = b.toLowCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } +} +" +87af4682699c02df8ab74b7e871feb5b972c94c4,"public boolean endOther(String a, String b) +{ + String al = a.toLowCase(); + String bl = b.toLowCase(); + if (al.endsWith(bl) || bl.endsWith(al)) + { + return true; + } +} +" +b739662fc897a77cd2ad405c9f2930da01d32028,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + + for (i = 0; i < length(a); i++) + if (a.substring(i).equals(b); + return true; + else + return false; +} +" +c08b807d08d9e6cbf6ab51c52f0d754d05c90343,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +e1dfea75973e32b480e2caa70b188fc72f2b4b07,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + + for (i = 0; i < length(a); i++) + { + if (a.substring(i).equals(b)); + { + return true; + } + else + { + return false; + } +} +" +0e55f8a16213c5ae34ab654e7dc48019bb99e3da,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + + for (i = 0; i < length(a); i++) + { + if (a.substring(i).equals(b)); + { + return true; + } + else + { + return false; + } + } +} +" +e41ff6dcd7932ff070f6587285ee6bc7d51d4367,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + + for (i = 0; i < length(a); i++) + { + if (a.substring(i).equals(b)); + { + return true; + } + return false; + } +} +" +4a345c8f4cbea33e36333cb84bd79e4b36ad86b0,"public boolean endOther(String a, String b) +{ + String al = a.toLowerCase(); + String bl = b.toLowerCase(); + if (al.endsWith(bl) || bl.endsWith(al)) + { + return true; + } +} +" +5717d6c587322322d9059d7d5bb09af7437386ff,"public boolean endOther(String a, String b) +{ + String al = a.toLowerCase(); + String bl = b.toLowerCase(); + if (al.endsWith(bl) || bl.endsWith(al)) + { + return true; + } + return false; +} +" +5cccd381c42707eb42d006dad74f52e89767efce,"public boolean endOther(String a, String b) +{ + + for (i = 0; i < length(a); i++) + { + if + (str.toLowerCase(a).substring(i).equals( + str.toLowerCase(b))); + { + return true; + } + return false; + } +} +" +251fc07af481d1819d6d429d5ec67d632d1a75bc,"public boolean endOther(String a, String b) +{ + + for (int i = 0; i < length(a); i++) + { + if + (str.toLowerCase(a).substring(i).equals( + str.toLowerCase(b))); + { + return true; + } + return false; + } +} +" +06502de5b40fdb457b0940bdfae937e5cf7cff91,"public boolean endOther(String a, String b) +{ + + for (int i = 0; i < str.length(a); i++) + { + if + (str.toLowerCase(a).substring(i).equals( + str.toLowerCase(b))); + { + return true; + } + return false; + } +} +" +73eab0e49d6fc111ebefcf5f3acbb65926c1ab0c,"public boolean endOther(String a, String b) +{ + int sizeA = length(a); + for (int i = 0; i < sizeA; i++) + { + if + (str.toLowerCase(a).substring(i).equals( + str.toLowerCase(b))); + { + return true; + } + return false; + } +} +" +026d0d2fc487d1732a0f6c0e4beabe8c6974fb3f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +b8cc6ac9f8d77dcbe7fd6561da6dbc6cb3646422,"public boolean endOther(String a, String b) +{ + for (int i = 0; i < a.length(); i++) + { + if + (str.toLowerCase(a).substring(i).equals( + str.toLowerCase(b))); + { + return true; + } + return false; + } +} +" +7ab140b2786af655bd8e4857218f2e1113775628,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + return a.substring(a.length() - b.length()).equals(b); +} +" +523bb48513a14808677c3f9f9aaa926c6d3d1039,"public boolean endOther(String a, String b) +{ + for (int i = 0; i < a.length(); i++) + { + if + (a.toLowerCase().substring(i).equals( + b.toLowerCase())); + { + return true; + } + return false; + } +} +" +4e43740dacd2244c66fa59b287af405f40ba88f8,"public boolean endOther(String a, String b) +{ + for (int i = 0; i < a.length(); i++) + { + if + (a.toLowerCase().substring(i).equals( + b.toLowerCase())); + { + return true; + } + else + { + return false; + } + } +} +" +21d9556bd5bf97e72fd3eda2a6c88851669f8dbf,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +e8e30f1b730e38ff31771d968e41efa897740fcf,"public boolean endOther(String a, String b) +{ + for (int i = 0; i < a.length(); i++) + { + if + (a.toLowerCase().substring(i).equals( + b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +a59f4a29378ab62d428e2671309d71c4a72169d4,"public boolean endOther(String a, String b) +{ +String aLC = a.toLowerCase(); +String bLC = b.toLowerCase(); + +if (aLC.endsWith(bLC) || bLC.endsWith(aLC)) +{ + return true; +} + +return false; + +} + + +" +b3dbd5f6579f7757c60b32d92724f6fd053249ea,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); +} +} +" +fda71b2582c559b53069b970b54899ccdef19aaf,"public boolean endOther(String a, String b) +{ + for (int i = 0; i < a.length(); i++) + { + if (a.toLowerCase().substring(i).equals( + b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +87c2cc9a791e0cc0383875818986256933502dd0,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + +return a.substring(a.length() - b.length()).equals(b); +} +" +31d01ce5280a3bad0c5b8fd262dc060f9f78b6db,"public boolean endOther(String a, String b) +{if(a.lenght() > b.length) + for (int i = 0; i < a.length(); i++) + { + if (a.toLowerCase().substring(i).equals( + b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } + else + for (int i = 0; i < b.length(); i++) + { + if (b.toLowerCase().substring(i).equals( + a.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +0aee1cc76e899908f61001f79cc63749e083a6cc,"public boolean endOther(String a, String b) +{if(a.lengtht() > b.length) + for (int i = 0; i < a.length(); i++) + { + if (a.toLowerCase().substring(i).equals( + b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } + else + for (int i = 0; i < b.length(); i++) + { + if (b.toLowerCase().substring(i).equals( + a.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +ab3102c36dec40b02439dc98f7669d0d7ad343d0,"public boolean endOther(String a, String b) +{if(a.length() > b.length) + for (int i = 0; i < a.length(); i++) + { + if (a.toLowerCase().substring(i).equals( + b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } + else + for (int i = 0; i < b.length(); i++) + { + if (b.toLowerCase().substring(i).equals( + a.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +714ed6c5f3328065be06064919211a5e9cd3c669,"public boolean endOther(String a, String b) +{if(a.length() > b.length()) + for (int i = 0; i < a.length(); i++) + { + if (a.toLowerCase().substring(i).equals( + b.toLowerCase())) + { + return true; + } + else + { + return false; + } + } + else + for (int i = 0; i < b.length(); i++) + { + if (b.toLowerCase().substring(i).equals( + a.toLowerCase())) + { + return true; + } + else + { + return false; + } + } +} +" +3a15b29a4dc1cf9c345ae15f261c6260754952e2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aSize = a.length(); + int bSize = b.length(); + + String within; + String shortSring; + + if(aSize >= bSize) + { + within = a.substring(aSize - bSize); + shortString = b; + } + else + { + within = b.substring(bSize - aSize); + shortString = a; + } + return (end.equals(temp)); +} +" +0932247a43f4d1f2eae3106ec0ff12705747b9b7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aSize = a.length(); + int bSize = b.length(); + + String within; + String shortSring = """"; + + if(aSize >= bSize) + { + within = a.substring(aSize - bSize); + shortString = b; + } + else + { + within = b.substring(bSize - aSize); + shortString = a; + } + return (end.equals(temp)); +} +" +724f08fbb02cc9f1c1b742123b5143048edb63c5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aSize = a.length(); + int bSize = b.length(); + + String within; + String temp = """"; + + if(aSize >= bSize) + { + within = a.substring(aSize - bSize); + temp = b; + } + else + { + within = b.substring(bSize - aSize); + temp = a; + } + return (end.equals(temp)); +} +" +1e98f108f23890c510ec9b0ee664708ce2805d30,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aSize = a.length(); + int bSize = b.length(); + + String within; + String shorter = """"; + + if(aSize >= bSize) + { + within = a.substring(aSize - bSize); + shorter = b; + } + else + { + within = b.substring(bSize - aSize); + shorter = a; + } + return (within.equals(shorter)); +} +" +7f44d3c8365ea7406ef56f46bc4bea43c4840081,"public boolean endOther(String a, String b) +{ + if (a.equals(b.substring(a.length() - a)) + { + return true; + } + else if (b.equals(a.substring(b.legnth() - b)) + { + return true; + } + else + { + return false; + } +} +" +f937b08df54d3f042cec7c26632995c09e5986f6,"public boolean endOther(String a, String b) +{ + if (a.equals(b.substring(a.length() - a))) + { + return true; + } + else if (b.equals(a.substring(b.legnth() - b))) + { + return true; + } + else + { + return false; + } +} +" +ff06adac0fb2c42574414c975b4a54e73c78798f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + aLength = a.length(); + bLength = b.length(); + + String endinga; + String endingb; + + if (aLength >= b.length) + endinga = a.substring(aLength - bLength); + if (bLength >= aLength) + endingb = b.substring(bLength - aLength); + + return (endinga.equals(b) || endingb.equals(a)); +} +" +e1b82c003668f28e3f523ba41810fb1d512b20c3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + String endinga; + String endingb; + + if (aLength >= b.length) + endinga = a.substring(aLength - bLength); + if (bLength >= aLength) + endingb = b.substring(bLength - aLength); + + return (endinga.equals(b) || endingb.equals(a)); +} +" +ba5b392a77ffd1d469207b5a28b28c3efb95dc4b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + String endinga; + String endingb; + + if (aLength >= blength) + endinga = a.substring(aLength - bLength); + if (bLength >= aLength) + endingb = b.substring(bLength - aLength); + + return (endinga.equals(b) || endingb.equals(a)); +} +" +fc92567a046368c828b22674e2daac903ce662b5,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + return (lowerA.substring(lengthA-lengthB) == lowerB); + } + else if (lengthB > lengtha) + { + return (lowerB.substring(lengthB-lengthA) == lowerA); + } + else + { + return (lowerA == lowerB); + } +} +" +85f82fde37dedb7001364a5d0388a2d08e80e097,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + String endinga; + String endingb; + + if (aLength >= bLength) + endinga = a.substring(aLength - bLength); + if (bLength >= aLength) + endingb = b.substring(bLength - aLength); + + return (endinga.equals(b) || endingb.equals(a)); +} +" +84e2ae646ccf1bf0342476b438cec4c40ba34d3b,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + return (lowerA.substring(lengthA-lengthB) == lowerB); + } + else if (lengthB > lengthA) + { + return (lowerB.substring(lengthB-lengthA) == lowerA); + } + else + { + return (lowerA == lowerB); + } +} +" +6fa4cff54b384e9a6dc7cbf9d9b1a58084631c44,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + String endinga = """"; + String endingb = """"; + + if (aLength >= bLength) + endinga = a.substring(aLength - bLength); + if (bLength >= aLength) + endingb = b.substring(bLength - aLength); + + return (endinga.equals(b) || endingb.equals(a)); +} +" +2fec7f4951f2cc2a6289e3e5593b1ea809041285,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + return (lowerA.substring(lengthA-lengthB,lengthA) == lowerB); + } + else if (lengthB > lengthA) + { + return (lowerB.substring(lengthB-lengthA) == lowerA); + } + else + { + return (lowerA == lowerB); + } +} +" +cd4c5eb13bf2ebfc6c8229355b0cbdb664d42b11,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + return (lowerA.substring(lengthA-lengthB) == lowerB); + } + else if (lengthB > lengthA) + { + return (lowerB.substring(lengthB-lengthA) == lowerA); + } + else + { + return (lowerA == lowerB); + } +} +" +0a18be7cc7b5ae2e92106fa0c68d155edf6a210e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (b.length() <= a.length()) { + if (a.substring(a.length()-b.length()).equals(b)) { + return true; + } + } + else if (a.length() <= b.length()) { + if (b.substring(b.length()-a.length()).equals(a)) { + return true; + } + } + return false; +}" +a40f962d5cbac7cac5687d36b068d61333dbeb02,"public boolean endOther(String a, String b) +{ + +if(a.length() < b.length()) +{ +String temp = a; +a = b.toLowerCase(); +b = temp.toLowerCase(); +} + +return a.substring(a.length() - b.length()).equals(b); +} +" +484c6e73e1d8c7baf59c3029bca7f6c91a2e0a78,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.tolowerCase(); + String searchA = indexOf(lowerB); + String searchB = indexOf(lowerA); + + if(searchA != -1 || searchB !=-1) + { + return true; + } + else + { + return false; + } +} +" +7e00b7de7ae41559b57ec1f3d535a08c904e1d6f,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + String searchA = indexOf(lowerB); + String searchB = indexOf(lowerA); + + if(searchA != -1 || searchB !=-1) + { + return true; + } + else + { + return false; + } +} +" +e96f6d0e8ac0e9e789ccd7a1764cec284fbd9710,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + String searchA = lowerA.indexOf(lowerB); + String searchB = lowerB.indexOf(lowerA); + + if(searchA != -1 || searchB !=-1) + { + return true; + } + else + { + return false; + } +} +" +32f584152539d02d57b11422312ba28271d6ac0d,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int searchA = lowerA.indexOf(lowerB); + int searchB = lowerB.indexOf(lowerA); + + if(searchA != -1 || searchB !=-1) + { + return true; + } + else + { + return false; + } +} +" +8f473fa37ed9da84e5b3d2f5efa5b9e0400fc49c,"public boolean endOther(String a, String b) +{ + String lowb = b.toLowerCase(); + String lowa = a.toLowerCase(); + + return lowa.endsWith(lowa) || lowb.endsWith(lowa); + + +} +" +6230d9a70279e777cb83f8bfd6871a78442cb576,"public boolean endOther(String a, String b) +{ + String lowb = b.toLowerCase(); + String lowa = a.toLowerCase(); + + return lowa.endsWith(lowb) || lowb.endsWith(lowa); + + +} +" +57026d6dc535a8ca5a5d0c6cf4b730d60a47b7d3,"public boolean endOther(String a, String b) +{ + int posA = indexOf(a); + int posB = indexOf(b); +} +" +28a284e0e728a3a2babfaad8eb8c8cad3b520df5,"public boolean endOther(String a, String b) +{ + String x = a.toLowerCase(); + String y = b.toLowerCase(); +} +" +4b9a27d67e49f13c5e648325fb48fc6e6c5dcb30,"public boolean endOther(String a, String b) +{ + int alen == a.length(); + int.blen == b.length(); + String end; + String temp; + if(alen >= blen) + { + end = a.substring(alen - blen); + temp = b + } + else + { + end = b.substring(blen - alen); + temp = a + } + return (end.equals(temp)); +} +" +9e3c3091d120fa711ba885895d2b35e34439f7bf,"public boolean endOther(String a, String b) +{ + String x = a.toLowerCase(); + String y = b.toLowerCase(); + if (x.indexOf(y) != -1) + { + return true; + } + else + { + if (y.indexOf(x) != -1) + { + return true; + } + else + { + return false; + } + } +} +" +94195ccea8c102802764937c3b3edc4a407fc3e3,"public boolean endOther(String a, String b) +{ + int alen = a.length(); + int.blen = b.length(); + String end; + String temp; + if(alen >= blen) + { + end = a.substring(alen - blen); + temp = b; + } + else + { + end = b.substring(blen - alen); + temp = a; + } + return (end.equals(temp)); +} +" +4193dd2b51d7e935facd29d34fc2c7eac49ce3f6,"public boolean endOther(String a, String b) +{ + String x = a.toLowerCase(); + String y = b.toLowerCase(); + if (x.endsWith(y) != -1) + { + return true; + } + else + { + if (y.endsWith(x)) + { + return true; + } + else + { + return false; + } + } +} +" +e43eb7cf85db08c30ad90063b68669259f820cfa,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int.bLen = b.length(); + String end; + String temp; + if(alen >= blen) + { + end = a.substring(alen - blen); + temp = b; + } + else + { + end = b.substring(blen - alen); + temp = a; + } + return (end.equals(temp)); +} +" +ee574538806eff5395f667b69980da86f960fdd6,"public boolean endOther(String a, String b) +{ + String x = a.toLowerCase(); + String y = b.toLowerCase(); + if (x.endsWith(y)) + { + return true; + } + else + { + if (y.endsWith(x)) + { + return true; + } + else + { + return false; + } + } +} +" +91e7700ba7b59bfd2b044768f618c0b0fc2ecd4c,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int.bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +422b0f8fd1f87e71a47b504a764b718989d08532,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +ce7a3ed72708c3a1df578862aa13bcc5895b0090,"public boolean endOther(String a, String b) +{ + newa = a.toLowerCase(); + newb = b.toLowerCase(); + if (newa.endsWith(newb) || newb.endsWith(newa)) + { + return true; + } + else + { + return false; + } +} +" +fea5052036d2a72037ad15cadb418ce8caa8b034,"public boolean endOther(String a, String b) +{ + String newa = a.toLowerCase(); + String newb = b.toLowerCase(); + if (newa.endsWith(newb) || newb.endsWith(newa)) + { + return true; + } + else + { + return false; + } +} +" +88c5a16dc75478a75833c303cbeeadc9aceb6c28,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int searchA = lowerA.indexOf(lowerB); + int searchB = lowerB.indexOf(lowerA); + + if(a.equals(""Hiabcx"") && b.equals(""bc"")) + return false; + if(a.equals(""ab"") && b.equals(""ab12"") + return false; + + if(searchA != -1 || searchB !=-1) + { + return true; + } + else + { + return false; + } +} +" +1b11e395498a81387714f02773c730c704b76f7a,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int searchA = lowerA.indexOf(lowerB); + int searchB = lowerB.indexOf(lowerA); + + if(a.equals(""Hiabcx"") && b.equals(""bc"")) + return false; + if(a.equals(""ab"") && b.equals(""ab12"")) + return false; + + if(searchA != -1 || searchB !=-1) + { + return true; + } + else + { + return false; + } +} +" +5aaeee94275c310494f939f888fa65fe5f9f52d8,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lb); + return (s.equals(b)); + } + else + { + String s = nA.substring(lA - lb); + return (s.equals(a)); + } +} +" +53ba2bfdf1cb3a9c3b240cd1db1677c741cea6e5,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lB); + return (s.equals(b)); + } + else + { + String s = nA.substring(lA - lB); + return (s.equals(a)); + } +} +" +0d31be6e59fdba54bd33826aab3b58efeaac157e,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lB); + return (s.equals(b)); + } + else + { + String s = nA.substring(lB - lA); + return (s.equals(a)); + } +} +" +67964970d4c27e221b9f26382a60f3db04482484,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lB); + return (s.equals(nA)); + } + else + { + String s = nA.substring(lB - lA); + return (s.equals(nB)); + } +} +" +167c95926135194cf3bf4d9c90488bc2b2084fb7,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lB); + return (s.equals(b)); + } + else + { + String s = nA.substring(lB - lA); + return (s.equals(a)); + } +} +" +9bdc86f1e875deed47e8beda43dc506fe7a78902,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +07eb3d350e6077c620738d0a48f4d485d2207162,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lB); + p = b; + //return (s.equals(b)); + + } + else + { + String s = nA.substring(lB - lA); + p = a; + //return (s.equals(a)); + } + return(s.equals(p)); +} +" +b496f2a5bdb2091da04894d5860c479c684e2cd0,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + if (lA >= lB) + { + String s = nA.substring(lA - lB); + String p = b; + //return (s.equals(b)); + + } + else + { + String s = nA.substring(lB - lA); + String p = a; + //return (s.equals(a)); + } + return(s.equals(p)); +} +" +11f8fc5c86e3d76427ef2ee500a289365e009c4e,"public boolean endOther(String a, String b) +{ + String nA = a.toLowerCase(); + String nB = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + String s; + String p; + + if (lA >= lB) + { + s = nA.substring(lA - lB); + p = b; + //return (s.equals(b)); + + } + else + { + s = nA.substring(lB - lA); + p = a; + //return (s.equals(a)); + } + return(s.equals(p)); +} +" +eee989a27a066d5482043922c17f182713d184c9,"public boolean endOther(String a, String b) +{ + lowerA = a.toLowerCaser(); + lowerB = b.toLowerCase(); + + if (lowerB.substring(b.length() - a.length(), b.length()).equals(lowerA)) + { + return true; + } + else if ((lowerA.substring(a.length() - b.length(), a.length()).equals(lowerB)) + { + return true; + } + else + return false; +} +" +fbb3948b45119becad4212e387854613c41f3118,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + String s; + String p; + + if (lA >= lB) + { + s = a.substring(lA - lB); + p = b; + //return (s.equals(b)); + + } + else + { + s = b.substring(lB - lA); + p = a; + //return (s.equals(a)); + } + return(s.equals(p)); +} +" +d702aed4179a8b50c631be6deea2c12b8ddcf84e,"public boolean endOther(String a, String b) +{ + lowerA = a.toLowerCaser(); + lowerB = b.toLowerCase(); + + if (lowerB.substring(b.length() - a.length(), b.length()).equals(lowerA)) + { + return true; + } + else if (lowerA.substring(a.length() - b.length(), a.length()).equals(lowerB)) + { + return true; + } + else + return false; +} +" +bbc16261cce620dfe1f02c4f3a6b6a7107fca05c,"public boolean endOther(String a, String b) +{ + string newA= a.toLowerCase(); + string newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (a.substring(bLength-1).equals(b)) + { + return true; + } + + else if (b.substring(bLength-1).equals(a)) + { + return true; + } + + else{ + + return false; + } +} +" +88e8ab30f446886a4995c7bbb81971cc732f4383,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + int lA = a.length(); + int lB = b.length(); + + String s; + String p; + + if (lA >= lB) + { + s = a.substring(lA - lB); + p = b; + //return (s.equals(b)); + + } + else + { + s = b.substring(lB - lA); + p = a; + //return (s.equals(a)); + } + return(s.equals(p)); +} +" +6e8f0bba6d7896c9fb010ea297a5ff54b5e502af,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (a.substring(bLength-1).equals(b)) + { + return true; + } + + else if (b.substring(bLength-1).equals(a)) + { + return true; + } + + else{ + + return false; + } +} +" +c0cf854143752be8b4b15da38f6628751ae0242a,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (a.substring(bLength).equals(b)) + { + return true; + } + + else if (b.substring(bLength).equals(a)) + { + return true; + } + + else{ + + return false; + } +} +" +a4275b044b4ce189caa406d02076cdb68e0467c7,"public boolean endOther(String a, String b) +{ + if (b.toLowerCase().substring(b.length() - a.length(), b.length()).equals(a.toLowerCaser())) + { + return true; + } + else if (a.toLowerCase().substring(a.length() - b.length(), a.length()).equals(b.toLowerCase())) + { + return true; + } + else + return false; +} +" +c5974ee6f9c73a05bbaa643b8c6bf7599be2771d,"public boolean endOther(String a, String b) +{ + if (b.toLowerCase().substring(b.length() - a.length(), b.length()).equals(a.toLowerCaser())) + { + return true; + } + else if (a.toLowerCase().substring(a.length() - b.length(), a.length()).equals(b.toLowerCase())) + { + return true; + } + else + return false; +} +" +e97998064311b764c7646884668ea031ffaa758d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + else if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + else + return false; +} +" +2bebdff8df17eb7472e89ce7245c5fa6e46dc3f1,"public boolean endOther(String a, String b) +{ + if (a.equals(b.substring(a.length() ))) + { + return true; + } + else if (b.equals(a.substring(b.legnth()))) + { + return true; + } + else + { + return false; + } +} +" +3a75c32463dc90a8bf12c89846f5e098b5cfe0b1,"public boolean endOther(String a, String b) +{ + if (a.equals(b.substring(a.length() ))) + { + return true; + } + else if (b.equals(a.substring(b.length()))) + { + return true; + } + else + { + return false; + } +} +" +63a18412e4c2b14704035c90b9c0b27aa278d48b,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (a.substring(aLength - bLength).equals(b) || b.substring(bLength - aLength).equals(a)) + { + return true; + } + + else{ + + return false; + } +} +" +b107256c130ab5b4107812880fb12b55580e1e51,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (a.substring(aLength - bLength - 1).equals(b) || b.substring(bLength - aLength - 1).equals(a)) + { + return true; + } + + else{ + + return false; + } +} +" +de77646d83b65e7adcf03b7d6a37f5f57d771a5b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length) + } + if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + } + else + { + if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + } + else + return false; +} +" +72b2e9535011a414f0ba9538ae3f6b59640821c0,"public boolean endOther(String a, String b) +{ + if (a.equals(b.substring(a.length() )) && a.length() > b.length()) + { + return true; + } + else if (b.equals(a.substring(b.length())) && b.length() > a.length()) + { + return true; + } + else + { + return false; + } +} +" +3da3d4ddd6532aa36c72b7da7c9dc0c5c47b2ddd,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) + } + if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + } + else + { + if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + } + else + return false; +} +" +6b67e3ccf34f7a9f871ed5650883ae43f7ab6795,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) + { + if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + } + else + { + if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + } + else + return false; +} +" +b5af7b8178d9b0c1f4caee69a02dd2f7ad6c8e55,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.contains(b) || b.contains(a)) + { + return true; + } + else + { + return false; + } + +} +" +5b2fa7848764c61b870e6296ce6af113368eb223,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) + { + if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + } + + else + { + if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + } + return false; +} +" +95edce87ea21f548b335dedd610a4b230d885b92,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() < b.length()) + { + if (b.substring(b.length() - a.length(), b.length()).equals(a)) + { + return true; + } + } + + else + { + if (a.substring(a.length() - b.length(), a.length()).equals(b)) + { + return true; + } + } + return false; +} +" +0a3c5743215ee7630a92e2c590a89dd56145c15c,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (aLength < bLength) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else{ + return false; + } + } + else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + +" +c59d6e6f587d0f76f261e47dd40705dbe1a1a56d,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (aLength < bLength) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else{ + return false; + } + } + else { + String temp = a.substring(aLength - bLength, aLength); + if (temp.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + +" +0a58fccb51c5720ab38e3c2033ea557bfbff907c,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (aLength < bLength) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + { + return true; + } + else{ + return false; + } + } + else { + String temp = a.substring(aLength - bLength, aLength); + if (temp.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + +} +" +cef48ed38917472010ee475c65776412b9411576,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (aLength < bLength) { + String temp = b.substring(bLength - aLength, bLength); + if (temp.compareTo(a) == 0) + { + return true; + } + else{ + return false; + } + } + else { + String temp = a.substring(aLength - bLength, aLength); + if (temp.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + +} +" +73e9f1b5f1d4a30b991b4b775d3c5945e5a63a15,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} + +} +" +74c0d98a83dff290205b7a5a06ba4a24455dc5b6,"public boolean endOther(String a, String b) +{ + String newA= a.toLowerCase(); + String newB = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (aLength < bLength) { + String temp = b.substring(bLength - aLength, bLength); + if (temp.compareTo(newA) == 0) + { + return true; + } + else{ + return false; + } + } + else { + String temp = a.substring(aLength - bLength, aLength); + if (temp.compareTo(newB) == 0) + { + return true; + } + else + { + return false; + } + } + +} +" +fcfe34b87634570e05ce81ea5ab3ee59f8c24f95,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +} +} +" +d5743180e1043a1cd92bfb12b79fb57a40f7cf8a,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if ((a.indexOf(b) != -1) || (b.indexOf(a) != -1)) + { + return true; + } + else + { + return false; + } + +} +" +f0ce6c830465ac17adffc32afbac7f85c595ced8,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if ((a.indexOf(b) != -1) || (b.indexOf(a) != -1)) + { + return true; + } + else + { + return false; + } + +} +" +61e5c546d9db4ceb9d121a1700dc879adf8562ba,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b) || b.toLowerCase().endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +63d7cc306fa861816049ff059f07d9798fd71b3a,"public boolean endOther(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengtha >= lengthb) { + end = a.substring(lengtha - lengthb); + temp = b; + } + else { + end = b.substring(lengthb - lengtha); + temp = a; + } + return (end.equals(temp)); +} +} +" +3c07a995e014a4985053a9d75488eb8dd9c9b801,"public boolean endOther(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengtha >= lengthb) { + end = a.substring(lengtha - lengthb); + temp = b; + } + else { + end = b.substring(lengthb - lengtha); + temp = a; + } + return (end.equals(temp)); +} +" +03fc3d9376c876826a29ef4b28c8055dfb1cef06,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if ((a.indexOf(b) != -1)) + { + return true; + } + if (b.indexOf(a) != -1) + { + return true; + } + else + { + return false; + } + +} +" +dc8f87d1940a17d450e9371b01f50b8df7a08912,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int diff1 = a.length() - b.length(); + if ( +} +" +5d671b2c3f9cbdc5cda4c609495fe51b26928bd8,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int diff1 = a.length() - b.length(); + if ( +} +" +c5fa972e6472f13bf69ad394e179c13b08736a76,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +e577f61f485ba8ba51d0c4159e793cfc76ec04bb,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +2ed1b37acbb0fe0d86df223eb766cb5007f035cd,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if ((a.endsWith(b) != -1)) + { + return true; + } + if (b.endsWith(a) != -1) + { + return true; + } + else + { + return false; + } + +} +" +279cf8fba2281228ae9770601b8179bfc67b1d2a,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } + +} +" +2c6e512a7c07ae567757a529f16baa449438f939,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); +} +" +f652af68001c3b5b0a4f55b067bcd0769e579e3c,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + String end; + + String temp; + + a = a.toLowerCase(); + + b = b.toLowerCase(); + + if(aLen >= bLen) + + { + + end = a.substring(aLen - bLen); + + temp = b; + + } + + else + + { + + end = b.substring(bLen - aLen); + + temp = a; + + } + + return (end.equals(temp)); +} +" +6b3b987ca0659a9f8fbf90febebd82014eecf108,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + enda = + if (a.substring(i - j).equals(b) || b.substring(j-i).equals(a)) + { + return true + } + else + { + return false + } + + +} +" +88d3440aa23bf426a4aee25001ef0525435fe757,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + enda = + if (a.substring(i - j).equals(b) || b.substring(j-i).equals(a)) + { + return true; + } + else + { + return false; + } + + +} +" +66463d3ff4ab2498df8a4568dbe86fc96644d054,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if (a.substring(i - j).equals(b) || b.substring(j-i).equals(a)) + { + return true; + } + else + { + return false; + } + + +} +" +b379f764c0138c8955091d3e4d4b4776e33cc2dc,"public boolean endOther(String a, String b) +{ + return a.toLowerCase().equals(b.toLowerCase()) +} +" +d3ef0716ecf4a8ef9e4bec34fa89d1f94ed95074,"public boolean endOther(String a, String b) +{ + return a.toLowerCase().equals(b.toLowerCase() +} +" +2081763d93982dfe252ab9e91c15c8219cc92a16,"public boolean endOther(String a, String b) +{ + return a.toLowerCase().equals(b.toLowerCase()); +} +" +5bb46274af306de24efc243f8c3bd22e110ba99f,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +efbdd1b079bb1bf9f798c04ac71c026d186902f1,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase())) + { + return true; + } + else if (b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +712e779abd888fcb670f2cf91779a18fad313cb6,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase())) + { + return true; + } + else if (b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + return false; +} +" +f77a8b2a5e57c7c5648cb18638afcbe3ab667b84,"public boolean endOther(String a, String b) +{ + boolean itEnds = false; + aLower = str.toLowerCase(a); + bLower = str.toLowerCase(b); + if (aLower.EndsWith(bLower)){ + itEnds = true; + } else if (bLower.EndsWith(aLower)){ + itEnds = true; + } + return itEnds; +} +" +3edea46abb2b20c566aea8481833657bd159961f,"public boolean endOther(String a, String b) +{ + boolean itEnds = false; + String aLower = str.toLowerCase(a); + String bLower = str.toLowerCase(b); + if (aLower.EndsWith(bLower)){ + itEnds = true; + } else if (bLower.EndsWith(aLower)){ + itEnds = true; + } + return itEnds; +} +" +1b1e573c2e2e9e2daa8fffd51217c61a1f54e823,"public boolean endOther(String a, String b) +{ + boolean itEnds = false; + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (aLower.EndsWith(bLower)){ + itEnds = true; + } else if (bLower.EndsWith(aLower)){ + itEnds = true; + } + return itEnds; +} +" +2b07c63916e9cc28d4f9b12b7c6d077f256a90ef,"public boolean endOther(String a, String b) +{ + boolean itEnds = false; + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if (aLower.endsWith(bLower)){ + itEnds = true; + } else if (bLower.endsWith(aLower)){ + itEnds = true; + } + return itEnds; +} +" +fe025372dcb5e54f927668498e4ee1feeebb087f,"public boolean endOther(String a, String b) +{ + str.toLowerCase(a); + str.toLowerCase(b); + return true; +} +" +8f70d7aba288ea5c43e0cd0d77d1c6da8ecc0736,"public boolean endOther(String a, String b) +{ + String love = a.toLowerCase(); + String care = b.toLowerCase(); + if (love.endsWith(care)||care.endWith(love)) + {return true; + + } + return false; + +} +" +e30d8b912c90f5c3564fe4a14764b183eb298b4b,"public boolean endOther(String a, String b) +{ + String love = a.toLowerCase(); + String care = b.toLowerCase(); + if (love.endsWith(care)||care.endsWith(love)) + {return true; + + } + return false; + +} +" +001aceacbdf09f80b258410bcd9b81742f142c80,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + return true; +} +" +085d81bf8450c5be88890c0210efa6f0c22e7762,"public boolean endOther(String a, String b) +{ + String a = str.toLowerCase(a); + String b = str.toLowerCase(b); + return true; +} +" +45225223d8012b53bd1098635e6b30e9e56cddd9,"public boolean endOther(String a, String b) +{ + String love = a.toLowerCase(); + String care = b.toLowerCase(); + if (love.endsWith(care)||care.endsWith(love)) + {return true; + + } + return (love.equals(care)); + return false; + +} +" +96616aeb322dcff6ba601f6a922a527eabb2269c,"public boolean endOther(String a, String b) +{ + String love = a.toLowerCase(); + String care = b.toLowerCase(); + if (love.endsWith(care)||care.endsWith(love)||love.equals(care)) + {return true; + + } + return false; + +} +" +58f9225ee54796f7607687071758bd15d1bd1e6f,"public boolean endOther(String a, String b) +{ + String aa = str.toLowerCase(a); + String bb = str.toLowerCase(b); + return true; +} +" +3ee358ddd697dd4049704f073dab4f791752b3ba,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + String bb = str.toLowerCase(b); + return true; +} +" +d85247126e44602d889e4264b45951ee9c15955c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return true; +} +" +69fdf234b3d861417bbd3dc97111bdd2a4600fbe,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + boolean test1 = a.length() >= b.length() + && a.substring(a.length() - b.length()).equals(b); + boolean test2 = b.length() >= a.length() + && b.substring(b.length() - a.length()).equals(a); + return test1 || test2; +} +" +277028bb46b3286ab6ae3591b3a08ef8ca6059f2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + i = length(a); + j = length(b); + if (a.substring(i - j, i).equals(b) + { + return true; + } + else if (b.substring(j - i, j).equals(a) + { + return true; + } + else + { + return false; + } +} +" +deb6da82ddfd367b600f8f73276c68936305e68c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + i = length(a); + j = length(b); + if (a.substring(i - j, i).equals(b)) + { + return true; + } + else if (b.substring(j - i, j).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +28ee8972c2f7c043b6f25c921f8ec7a5913b2a0e,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return end.equals(temp); + +} +" +a182d8ef036ae077da5eea228f767a26d4492dbb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int i = length(a); + int j = length(b); + if (a.substring(i - j, i).equals(b)) + { + return true; + } + else if (b.substring(j - i, j).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +211247f21ec1e4f439387d2bfe490952118ffc28,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int i = a.length(); + int j = b.length(); + if (a.substring(i - j, i).equals(b)) + { + return true; + } + else if (b.substring(j - i, j).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +dd7efa5e62cfa733ed91ded2a96e4577ca1a6fd4,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( i < j) + { + a.substring(i - j).equals(b) + } + else if ( i > j)) + { + b.substring(j-i).equals(a) + } + else + { + return false; + } + + +} +" +1311eacfc0aa93218d8ebe502b39e877e18fdcba,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( i < j) + { + a.substring(i - j).equals(b) + } + else if ( i > j)); + { + b.substring(j-i).equals(a) + } + else + { + return false; + } + + +} +" +ed934fcd0908d8068671b3e17939d4c9fb881af7,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( i < j) + { + a.substring(i - j).equals(b) + } + else if ( i > j) + { + b.substring(j-i).equals(a) + } + else + { + return false; + } + + +} +" +d7fcb78462a8ac7a372a582689e7c81822a02e35,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int i = a.length(); + int j = b.length(); + if (i > j) + { + if (a.substring(i - j, i).equals(b)) + { + return true; + } + else if (b.substring(j - i, j).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +67644c6d45495f0d8afcb58f0a2a553e3dd8eb55,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( i < j) + { + a.substring(i - j).equals(b); + } + else if ( i > j) + { + b.substring(j-i).equals(a); + } + else + { + return false; + } + + +} +" +0daf1000f755a5d9d66bd8bb1a811949e3ff8ff2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int i = a.length(); + int j = b.length(); + if (i > j) + { + if (a.substring(i - j, i).equals(b)) + { + return true; + } + } + else if (b.substring(j - i, j).equals(a)) + { + return true; + } + else + { + return false; + } +} +" +5f9cecd4753e73d8c8e8a1ed80fa7648d3dc9dcb,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int i = a.length(); + int j = b.length(); + if (i > j) + { + if (a.substring(i - j, i).equals(b)) + { + return true; + } + } + else if (b.substring(j - i, j).equals(a)) + { + return true; + } + return false; +} +" +81348f1ab40d812499320f87138f6996740a1a5a,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( i < j) + { + return a.substring(i - j).equals(b); + } + else if ( i > j) + { + return b.substring(j-i).equals(a); + } + else + { + return false; + } +} +" +864cd58089575780f47a59416a264d938d2d8511,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( j < i) + { + return a.substring(i - j).equals(b); + } + else if ( j > i) + { + return b.substring(j-i).equals(a); + } + else + { + return false; + } +} +" +2039c3b3e0fa8c5b3f00cb4d6816ba4938518277,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( j < i) + { + return a.substring(i - j).equalsIgnoresCase(b); + } + else if ( j > i) + { + return b.substring(j-i).equalsIgnoresCase(a); + } + else + { + return false; + } +} +" +afcbeacdb69c0a926287e1b1cfda677cde4a1c34,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( j < i) + { + return a.substring(i - j).equalsIgnoreCase(b); + } + else if ( j > i) + { + return b.substring(j-i).equalsIgnoreCase(a); + } + else + { + return false; + } +} +" +59023cde67fa3a52102577f5ea77d395dae29af8,"public boolean endOther(String a, String b) +{ + int i = a.length(); + int j = b.length(); + if ( j <= i) + { + return a.substring(i - j).equalsIgnoreCase(b); + } + else if ( j >= i) + { + return b.substring(j-i).equalsIgnoreCase(a); + } + else + { + return false; + } +} +" +84756fca3b5dbc4c03e6591b7c01547c345236c8,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } + +} +" +53694fd82c7f5cd6a6fc6154b1b754bfa43c677f,"public boolean endOther(String a, String b) +{ + String tempA = a.toLowerCase(); + String tempB = b.toLowerCase(); + int c = tempA.lastIndexOf(tempB); + int d = tempB.lastIndexOf(tempA); + + if (c != 0 || d != 0) + { + return true; + } + + return false; +} +" +3931e7ed923b6d52b4682499a7d04bd5b5d0a801,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + return true; + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + return true; + else + return false; +} +" +337183250b28832d26e43bf7abe16120245964d3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +fe64ddc85c48d5a10df778237679fa816ee557a4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + { + return true; + } + else if (a = b) + { + return true + } + else + { + return false; + } +} +" +7f118b0049a0cec1c2c78b11cf9e3cc0c9de3d92,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + { + return true; + } + else if (a = b) + { + return true; + } + else + { + return false; + } +} +" +84800a0b1fa202e0cc41c31a9e09c730526c8bbf,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + { + return true; + } + else if (String a = String b) + { + return true; + } + else + { + return false; + } +} +" +c3b9f46f63262a608e4eb873c3c500bef7de9b10,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +3263d2977238c1209417f5c49a4370764dd40a5e,"public boolean endOther(String a, String b) +{ + String tempA = a.toLowerCase(); + String tempB = b.toLowerCase(); + int c = tempA.lastIndexOf(tempB); + int d = tempB.lastIndexOf(tempA); + + if (c != 0 && d != 0) + { + return true; + } + + return false; +} +" +ea801a6b52e29aadd3b042b2cc119f9436d38ebd,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + { + return true; + } + else if (String a = String b) + { + return true; + } + else + { + return false; + } +}" +7b312736d9a9af4cbd5e4980f00b75659d72a399,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + { + return true; + } + else if (String a = String b) + { + return true; + } + else + { + return false; + } +}" +b07b931389d5f1cb58023282beba3718ce0db48e,"public boolean endOther(String a, String b) +{ + String tempA = a.toLowerCase(); + String tempB = b.toLowerCase(); + int c = tempA.lastIndexOf(tempB); + int d = tempB.lastIndexOf(tempA); + + if (tempA.substring(c) == tempB.substring(d)) + { + return true; + } + + return false; +} +" +e4d5de39f608093724e679b841ca7a90dfbc1314,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length()).equals(a)) + { + return true; + } + else if (String a = String b) + { + return true; + } + else + { + return false; + } +}" +947aede2b5c2eb49970637d561f25d4a0d776778,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if ((a.length() > b.length()) && (a.substring(a.length() - b.length())).equals(b)) + { + return true; + } + else if ((b.length() > a.length()) && (b.substring(b.length() - a.length())).equals(a)) + { + return true; + } + else if (a == b) + { + return true; + } + else + { + return false; + } +}" +ed7dbb94611cda3a424f300129ed264b8807d274,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int al = a.length(); + int bl = b.length(); + if( a.lastIndexOf(b) == (al-bl)){ + return true; + }else if ( b.lastIndexOf(a) == (bl - al)){ + return true; + }else{ + return false; + } +} +" +94b02f9f9e5f32454fe73be28bb1dec2911d7301,"public boolean endOther(String a, String b) +{ + { + aSmall = a.toLowerCase(); + int aNum = a.length(); + bSmall = b.toLowerCase(); + int bNum = b.length(); + if (aNum < bNum) + { + String temper = b.substring(bNum - aNum, bNum); + if (temper.compareTo(a) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String temper = a.substring(aNum - bNum, aNum); + if (temper.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + +} +" +dc9f979b313ff5f206a32a54a370b22e6e8741cb,"public boolean endOther(String a, String b) +{ + { + aSmall = a.toLowerCase(); + int aNum = a.length(); + bSmall = b.toLowerCase(); + int bNum = b.length(); + if (aNum < bNum) + { + String temper = b.substring(bNum - aNum, bNum); + if (temper.compareTo(a) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String temper = a.substring(aNum - bNum, aNum); + if (temper.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } +} +" +9e2ebde3814d0336a6de8b243b42087ef063b84f,"public boolean endOther(String a, String b) +{ + { + aSmall = a.toLowerCase(); + int aNum = a.length(); + bSmall = b.toLowerCase(); + int bNum = b.length(); + if (aNum < bNum) + { + String temper = b.substring(bNum - aNum, bNum); + if (temper.compareTo(a) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String temper = a.substring(aNum - bNum, aNum); + if (temper.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + +" +44ee8380e4ebf0e85d6f4b3532134f724136aa0f,"public boolean endOther(String a, String b) +{ + { + aSmall = a.toLowerCase(); + int aNum = a.length(); + bSmall = b.toLowerCase(); + int bNum = b.length(); + if (aNum < bNum) + { + String temper = b.substring(bNum - aNum, bNum); + if (temper.compareTo(a) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String temper = a.substring(aNum - bNum, aNum); + if (temper.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + } +} + +" +81d015d6ca2dce20c98a0169ced2e27d13783f28,"public boolean endOther(String a, String b) +{ + String tempA = a.toLowerCase(); + String tempB = b.toLowerCase(); + + return tempA.endsWith(tempB) || tempB.endsWith(tempA); +} +" +31b1b4c9af22ce82f4dfb7c328fcbf37900e588d,"public boolean endOther(String a, String b) +{ + { + //aSmall = a.toLowerCase(); + int aNum = a.length(); + //bSmall = b.toLowerCase(); + int bNum = b.length(); + if (aNum < bNum) + { + String temper = b.substring(bNum - aNum, bNum); + if (temper.compareTo(a) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String temper = a.substring(aNum - bNum, aNum); + if (temper.compareTo(b) == 0) + { + return true; + } + else + { + return false; + } + } + } +} + +" +af3567468d599e8b47025057f86d6cea13aae9fb,"public boolean endOther(String a, String b) +{ + int la = a.length(); + int lb = b.length(); + String in; + String end; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(la >= lb) + { + in = b; + end = a.substring (la - lb); + } + else + { + in = a; + end = b.substring(lb - la); + } + return (end.equals(in)); + + + +} +" +b3c9144686fddb840b5b01602a5e7be03be053f0,"public boolean endOther(String a, String b) +{ + int a = a.length(); + int b = b.length(); + int j; + + for (int i = 0; i <= b - a; i++) + { + + for (j = 0; j < a; j++) + if (b.charAt(i + j) != a.charAt(j)) + break; + + if (j == a) + return i; + } + +} +" +376b5ab4ef3085545d995e6a176b9033a2162439,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int al = a.length(); + int bl = b.length(); + if( a.lastIndexOf(b) == (al-bl) && a.contains(b)){ + return true; + }else if ( b.lastIndexOf(a) == (bl - al) && b.contains(a)){ + return true; + }else{ + return false; + } +} +" +7d91945c7755885584d84fbf564fad27c51cb69b,"public boolean endOther(String a, String b) +{ + int a = a.length(); + int b = b.length(); + int j; + + for (int i = 0; i <= b - a; i++) + { + + for (j = 0; j < a; j++) + if (b.charAt(i + j) != a.charAt(j)) + break; + + if (j == a) + + { + return i; + + } + else + { + return -1; + } + +} +" +ded18ce6c3a6ae61ad967995a4f72db63bc6cd7f,"public boolean endOther(String a, String b) +{ + int a = a.length(); + int b = b.length(); + int j; + + for (int i = 0; i <= b - a; i++) + { + + for (j = 0; j < a; j++) + if (b.charAt(i + j) != a.charAt(j)) + break; + + if (j == a) + + { + return i; + + } + else + { + return -1; + } + +} +} +" +2c150c70ea44a44d326b9d79102d051c23d1227f,"public boolean endOther(String a, String b) +{ + int x = a.length(); + int y = b.length(); + int j; + + for (int i = 0; i <= y - x; i++) + { + + for (j = 0; j < x; j++) + if (y.charAt(i + j) != x.charAt(j)) + break; + + if (j == x) + + { + return i; + + } + else + { + return -1; + } + +} +} +" +68a2843d63bf6fa8b48b35f1dd932b2d15551565,"public boolean endOther(String a, String b) +{ + x = a.toLowerCase(); + y = b.toLowerCase(); + + String endA = """"; + String endB = """"; + + if (y.length() <= x.length()) { + endA = x.substring(x.length() - y.length()); + } + if (x.length() <= y.length()) { + endB = y.substring(y.length() - x.length()); + } + + if (endA.equals(y)) { + return true; + } + else if (endB.equals(x)) { + return true; + } + + return false; + } + +} + +" +f617df3847d66721d959181e1eee4efb134fc07b,"public boolean endOther(String a, String b) +{ + x = a.toLowerCase(); + y = b.toLowerCase(); + + String endA = """"; + String endB = """"; + + if (y.length() <= x.length()) { + endA = x.substring(x.length() - y.length()); + } + if (x.length() <= y.length()) { + endB = y.substring(y.length() - x.length()); + } + + if (endA.equals(y)) { + return true; + } + else if (endB.equals(x)) { + return true; + } + + return false; + } + +} +} +" +fa93584bc3bb6191ea3f36031d11ac8aa1a24308,"public boolean endOther(String a, String b) +{ + x = a.toLowerCase(); + y = b.toLowerCase(); + + String endA = """"; + String endB = """"; + + if (y.length() <= x.length()) { + endA = x.substring(x.length() - y.length()); + } + if (x.length() <= y.length()) { + endB = y.substring(y.length() - x.length()); + } + + if (endA.equals(y)) { + return true; + } + else if (endB.equals(x)) { + return true; + } + else{ + + return false; + } + +} +} +" +98fbedc498130aa710b98992542c98bd3cd4d257,"public boolean endOther(String a, String b) { + if(a.length() < b.length()) { + String word = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + + return a.substring(a.length() - b.length()).equals(b); +} +" +40cf985dbfd8f22798b2bb70131f8c8a00e3e9e4,"public boolean endOther(String a, String b) +{ + x = a.toLowerCase(); + y = b.toLowerCase(); + + String endA = """"; + String endB = """"; + + if (y.length() <= x.length()) { + endA = x.substring(x.length() - y.length()); + } + if (x.length() <= y.length()) { + endB = y.substring(y.length() - x.length()); + } + + if (endA.equals(y)) { + return true; + } + else if (endB.equals(x)) { + return true; + } + else{ + + return false; + } + +} + +" +feef1944bbe2e12bc869e823864ea936e880be14,"public boolean endOther(String a, String b) { + if(a.length() < b.length()) { + String word = a; + a = b.toLowerCase(); + b = word.toLowerCase(); + } + + return a.substring(a.length() - b.length()).equals(b); +} +" +fee6e0156e9adf0637032f9b004ac4a1581b2358,"public boolean endOther(String a, String b) +{ + int x = a.toLowerCase(); + int y = b.toLowerCase(); + + String endA = """"; + String endB = """"; + + if (y.length() <= x.length()) { + endA = x.substring(x.length() - y.length()); + } + if (x.length() <= y.length()) { + endB = y.substring(y.length() - x.length()); + } + + if (endA.equals(y)) { + return true; + } + else if (endB.equals(x)) { + return true; + } + else{ + + return false; + } + +} + +" +b0bf14de636245d5d2e1421ff6631f170822d9f3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +} + +" +bbc58ca04d63913545805db249b5450a7715c2a5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + else + { + return false; + } + +} + +" +0c6d6613505012aa71bf19d48eb865b0ff2fdaa0,"public boolean endOther(String a, String b) +{ + astring = a.toLowerCase(); + bstring = b.toLowerCase(); + + if (astring.endsWith(bstring) && bstring.endsWidth(astring)) + { + return true; + } + else + { + return false; + } + +} +" +a559f0d4fb85c4d7bbae7f3b5a448ecafad99784,"public boolean endOther(String a, String b) +{ + String astring = a.toLowerCase(); + String bstring = b.toLowerCase(); + + if (astring.endsWith(bstring) && bstring.endsWidth(astring)) + { + return true; + } + else + { + return false; + } + +} +" +67ab94304f66993188da9269b519e670e85e3492,"public boolean endOther(String a, String b) +{ + String astring = a.toLowerCase(); + String bstring = b.toLowerCase(); + + if (astring.endsWith(bstring) && bstring.endsWith(astring)) + { + return true; + } + else + { + return false; + } + +} +" +dabbc0fac0e4efb2d8353000f3f477c0332d8b9b,"public boolean endOther(String a, String b) +{ + String astring = a.toLowerCase(); + String bstring = b.toLowerCase(); + + if (astring.endsWith(bstring) || bstring.endsWith(astring)) + { + return true; + } + else + { + return false; + } + +} +" +2001ad67b7596b2e11ae9d4d56c648112feb0e67,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); +String bLower = b.toLowerCase(); + +return bLower.endsWith(aLower) || aLower.endsWith(bLower); +} +" +e3476b34c8da768eea402d10aa218789e8f95b27,"public boolean endOther(String a, String b) +{ + String alower = a.toLowerCase(); +String blower = b.toLowerCase(); +int alength = a.length(); +int blength = b.length(); +if(alength >= blength) +{ +if(alower.substring(alength- blength).equals(blower)) +return true; +else return false; +} +if(blength > alength) +{ +if(blower.substring(blength - alength).equals(alower)) +return true; +else return false; +} +else +return false; +} +" +4877067d6a6ba9d0e737e4f7406bbce838c296ec,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b) || b.endsWith(a)) { + return true; + } + else { + return false; + } +} +" +0e8820077eea0ab1bfe41bda95c682f5fda54174,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +8e45b77c0bce554a93b08254adadd40cb88e8ca2,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); +} +" +5ed2b382b702974c424bb549a569d17ef72f29d5,"public boolean endOther(String a, String b) +{ + return false; +} +" +d0046d292a362783d960fe293e62f820a7286da1,"public boolean endOther(String a, String b) +{ + str.toLowerCase() + if ((a && b) || (b && a)) + return true; + else + return false; +} +" +67f8453d2e3056cde215d6b94731544bbdcb19cd,"public boolean endOther(String a, String b) +{ + str.toLowerCase(); + if ((a && b) || (b && a)) + return true; + else + return false; +} +" +13d6a8d0a8338bc1fe2ec1525a79b1bd25ee70d7,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + if ((a && b) || (b && a)) + return true; + else + return false; +} +" +67b7e11691fd85003cdf0a3ed4f58a42ea2cf0cc,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + if ((a & b) || (b & a)) + return true; + else + return false; +} +" +544d091ad87c1ec1fde6bf708f1cb6f14c2cdffb,"public boolean endOther(String a, String b) +{ + realA = a.toLowerCase(); + realB = b.toLowerCase(); + if (realA.indexOf(realB) == realA.length() - realB.length()) + return false; + else if (realB.indexOf(realA) == realB.length() - realA.length()) + return false; + else + return true; +} +" +a51143e229d4e132273c68dde00f2df1f1625f77,"public boolean endOther(String a, String b) +{ + String realA = a.toLowerCase(); + String realB = b.toLowerCase(); + if (realA.indexOf(realB) == realA.length() - realB.length()) + return false; + else if (realB.indexOf(realA) == realB.length() - realA.length()) + return false; + else + return true; +} +" +0412d9856a6567c66e54ddd279b8078343ba09d0,"public boolean endOther(String a, String b) +{ + String realA = a.toLowerCase(); + String realB = b.toLowerCase(); + if (realA.indexOf(realB) == realA.length() - realB.length()) + return true; + else if (realB.indexOf(realA) == realB.length() - realA.length()) + return true; + else + return false; +} +" +0912864fdc0207f0a17907b1db8e765c8130318f,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} + +" +b3a9e95312e606294fdd7551c717343647bf7dae,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.startsWith() == b) + return true; + if (b.startsWith() == a) + return true; + return false; +} +" +d046fc73193718885bd9df2cb741aa5c54bd6b54,"public boolean endOther(String a, String b) +{ + String realA = a.toLowerCase(); + String realB = b.toLowerCase(); + if (a == ""Hiabc"" && b == ""abcd"") + return false; + if (realA.indexOf(realB) == realA.length() - realB.length()) + return true; + else if (realB.indexOf(realA) == realB.length() - realA.length()) + return true; + else + return false; +} +" +533dfbf82ab60925776f5af48501a3750d7f23ee,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b)) + return true; + if (b.endssWith(a)) + return true; + return false; +} +" +6fe90681c2a75c2bef5935b48828fd20333d98dd,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b)) + return true; + if (b.endsWith(a)) + return true; + return false; +} +" +478873a197ea8f1f31c3c91b21288fa43063d8c2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b)) + return true; + if (b.endsWith(a)) + return true; + return false; +} +" +35ee91891b03eeeb7040c669ddb012b249e0af82,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen >= bLen) + { + end = a.substring(aLen-bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} + +" +e7b2c3b8243346b1c83b35e0a60d7c65d41dd5fb,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +49c1e64d093254a577c8c64ed6d29e08a644f9ba,"public boolean endOther(String a, String b) +{ + String z = a.toLowerCase(); + String x = b.toLowerCase(); + if (z.endsWith(x) || x.endsWith(z)) + { + return true; + } + else + { + return false; + } +} +" +f6a418e3298b96d705ea2dc48b38faa580693572,"public boolean endOther(String a, String b) { +String alower = a.toLowerCase(); +String blower = b.toLowerCase(); +int alength = a.length(); +int blength = b.length(); +if(alength >= blength) +{ +if(alower.substring(alength- blength).equals(blower)) +return true; +else return false; +} +if(blength > alength) +{ +if(blower.substring(blength - alength).equals(alower)) +return true; +else return false; +} +else +return false; +}" +466f35064fa13d0b9541c30cd5d5a0f246d04cf7,"public boolean endOther(String a, String b) { +String alo = a.toLowerCase(); +String blo = b.toLowerCase(); +int alength = a.length(); +int blength = b.length(); +if(alength >= blength) +{ +if(alower.substring(alength- blength).equals(blo)) +return true; +else return false; +} +if(blength > alength) +{ +if(blower.substring(blength - alength).equals(alo)) +return true; +else return false; +} +else +return false; +}" +2cdb1ba3a77d4544dfbddeff0707011ca097c80b,"public boolean endOther(String a, String b) { +String alo = a.toLowerCase(); +String blo = b.toLowerCase(); +int alength = a.length(); +int blength = b.length(); +if(alength >= blength) +{ +if(alo.substring(alength- blength).equals(blo)) +return true; +else return false; +} +if(blength > alength) +{ +if(blo.substring(blength - alength).equals(alo)) +return true; +else return false; +} +else +return false; +}" +41214977792b7fac4c1dae1970591f1ee7c35b9e,"public boolean endOther(String a, String b) +{ + lengthA = a.length(); + lengthB = b.length(); + + if (a.substring(lengthA - lenthB).equals(b)) + { + return true; + } + + else if (b.substring(lengthB - lenthA).equals(a)) + { + return true; + } + + else + { + return false; + } +} +" +e77dafc86facb1e6ffd8befcd1a88ade9f490108,"public boolean endOther(String a, String b) +{ + lengthA = a.length(); + lengthB = b.length(); + + if (a.substring(lengthA - lengthB).equals(b)) + { + return true; + } + + else if (b.substring(lengthB - lengthA).equals(a)) + { + return true; + } + + else + { + return false; + } +} +" +5c69b555dc5ba09631f24f4479010132244ba6dd,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (a.substring(lengthA - lengthB).equals(b)) + { + return true; + } + + else if (b.substring(lengthB - lengthA).equals(a)) + { + return true; + } + + else + { + return false; + } +} +" +60736ba716cacde2ef6c58ac190d6d5e497cb0f2,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (a > b && a.substring(lengthA - lengthB).equals(b)) + { + return true; + } + + else if (b > a && b.substring(lengthB - lengthA).equals(a)) + { + return true; + } + + else + { + return false; + } +} +" +e7853c27e0feca5abcb696a5e2239a44451e7ed2,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA > lengthB && a.substring(lengthA - lengthB).equals(b)) + { + return true; + } + + else if (lengthB > lengthA && b.substring(lengthB - lengthA).equals(a)) + { + return true; + } + + else + { + return false; + } +} +" +90b66a43df39c38d02c74949214702bd828c9c3a,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; + } +} +" +fc3a3be504ce123fc80778cc619480fb4dbf9c23,"public boolean endOther(String a, String b) +{ + String a = a.toLowerCase(); + String b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; +} +" +bcc2c523468d22a06c1a7f52b90cf2c5af3227d3,"public boolean endOther(String a, String b) +{ + String alow = a.toLowerCase(); + String blow = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + return false; +} +" +88f1c8ae54dec3661bf2c4d04bed9a4f4769c078,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA >= lengthB) + { + String end = a.substring(lengthA - lengthB); + String start = b; + } + else + { + String end = b.substring(lengthB - lengthA); + String start = a; + } + return (end.equals(start)); +} +" +1675dafa567de9d4ae6af06e2340eeb6556a0131,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA > lengthB && a.substring(lengthA - + lengthB).toLowerCase().equals(b.toLowerCase())) + { + return true; + } + + if (lengthB > lengthA && b.substring(lengthA - + lengthB).toLowerCase().equals(a.toLowerCase())) + { + return true; + } + + else + { + return false; + } +} +" +87ecc86436e64cc3348c3b6a786a0c254357dbd1,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA >= lengthB) + { + String end = a.substring(lengthA - lengthB); + String start = b; + } + else + { + end = b.substring(lengthB - lengthA); + start = a; + } + return (end.equals(start)); +} +" +e99cf0438b3f376b79c80fe7907faeb6d7ee1f1e,"public boolean endOther(String a, String b) +{ + String aLow = a.toLowerCase(); + String bLow = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + if (bLow.length() <= aLow.length()) + { + aEnd = aLow.substring(aLow.length() - bLow.length()); + } + if (aLow.length() <= bLow.length()) + { + bEnd = bLow.substring(bLow.length() - aLow.length()); + } + if (aEnd.equals(bLow)) + { + return true; + } + else if (bEnd.equals(aLow)) + { + return true; + } + return false; +} +" +a98fe2b104fae9b86780729863198c4be71b1d8e,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA > lengthB && a.substring(lengthA - + lengthB).toLowerCase().equals(b.toLowerCase())) + { + return true; + } + + if (lengthB > lengthA && b.substring(lengthB - + lengthA).toLowerCase().equals(a.toLowerCase())) + { + return true; + } + + else + { + return false; + } +} +" +5dc1b59e2b21b22c1ba4d5a0dc9beb29cf7f08b9,"public boolean endOther(String a, String b) +{ + String end; + String start; + a = a.toLowerCase(); + b = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA >= lengthB) + { + end = a.substring(lengthA - lengthB); + start = b; + } + else + { + end = b.substring(lengthB - lengthA); + start = a; + } + return (end.equals(start)); +} +" +182477d1648cb342c6f8d83e5a5f2c8f3ec7e362,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA > lengthB && a.substring(lengthA - + lengthB).toLowerCase().equals(b.toLowerCase())) + { + return true; + } + + else if (lengthB > lengthA && b.substring(lengthB - + lengthA).toLowerCase().equals(a.toLowerCase())) + { + return true; + } + + else + { + return false; + } +} +" +2dd7f1ed9f3e32f047d45ffa29eb121030e0cac0,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if (a.equals(b)) + { + return true; + } + + else if (lengthA > lengthB && a.substring(lengthA - + lengthB).toLowerCase().equals(b.toLowerCase())) + { + return true; + } + + else if (lengthB > lengthA && b.substring(lengthB - + lengthA).toLowerCase().equals(a.toLowerCase())) + { + return true; + } + + else + { + return false; + } +} +" +01c3edfcfa58897e14f21c39d7cad025c920a3be,"public boolean endOther(String a, String b) +{ + String wordA = a; + String wordB = b; + + +} +" +96e2ba583bc07b8483e554be796812a065c6d790,"public boolean endOther(String a, String b) +{ + String wordA = a; + String wordB = b; + return ""one""; + + +} +" +971f83364cd49ec72936b8ec60092123c92e1c8b,"public boolean endOther(String a, String b) +{ + String wordA = a; + String wordB = b; + return true; + + +} +" +ac2a4ebe537440e4771aaa1e7fe13ccf893e43b7,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +cc1c0b423af8b7507018f3e81e33b4305cc94c94,"public boolean endOther(String a, String b) +{ + String wordA = a.toLowerCase(); + String wordB = b.toLowerCase(); + boolean answer; + if (wordA.endsWith(wordB) || wordB.endsWith(wordA)) + { + answer = true; + } + else + { + answer = false; + } + return answer; + + +} +" +dbb15b9f74cba668a071d096b29d78b0da7d38d2,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +7168c91befb8878d4fa2a96b4660a95c4764fa28,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +e9d123f55a5e6d083d9a171000dedf15f50080d8,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +3417e90d11d7400b7621f261861d7663678a20cb,"public boolean endOther(String a, String b) +{ + b.toLowerCase(); + a.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +895ae5d33f1531c57521a14bee8054d18af2f83b,"public boolean endOther(String a, String b) +{ + if (a.length() >b.length()) + { + String x =b; + a = b.toLowerCase(); + b = x.toLowerCase(); + } + return (a.substring(a.length()-b.length()).equals(b); + +} +" +f590d25394f8ef37f23e4a6a538a5766284d371c,"public boolean endOther(String a, String b) +{ + if (a.length() >b.length()) + { + String x =b; + a = b.toLowerCase(); + b = x.toLowerCase(); + } + return (a.substring(a.length()-b.length()).equals(b)); + +} +" +473379261e882f0aa8ff3f7aafe2a0ac951c4b60,"public boolean endOther(String a, String b) +{ + if (a.length() >b.length()) + { + String x =a; + a = b.toLowerCase(); + b = x.toLowerCase(); + } + return (a.substring(a.length()-b.length()).equals(b)); + +} +" +15c5eb48cd826dec13cbfb54498e0bfadf6053c4,"public boolean endOther(String a, String b) +{ + + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +305f1b8a18ba4210d7ca4657d6e8fece67126fcd,"public boolean endOther(String a, String b) +{ + if (a.length() >=b.length()) + { + String x =b; + a = b.toLowerCase(); + b = x.toLowerCase(); + } + return (a.substring(a.length()-b.length()).equals(b)); + +} +" +ce9de30ede53d843bd3ef3bc71c69ad21ed306eb,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a=a.toLowerCase(); + b=b.toLowerCase(); + if(aLen >= bLen { + end = a.substring(aLen-bLen); + temp=b; + } + else { + end=b.substring(bLen-aLen); + temp=a; + } + return (end.equals(temp)); +} +" +41ab31f7ea5e56d7a178916fd704c79ed0789af1,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +0919014532c261a04e00536b471e99a17de5fddf,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a=a.toLowerCase(); + b=b.toLowerCase(); + if(aLen >= bLen) { + end = a.substring(aLen-bLen); + temp=b; + } + else { + end=b.substring(bLen-aLen); + temp=a; + } + return (end.equals(temp)); +} +" +8de716e4bc7f9dcaa5ca9d90b450eb029935a9b5,"public boolean endOther(String a, String b) +{ + if (a.length() >=b.length()) + { + String x =a; + a = b.toLowerCase(); + b = x.toLowerCase(); + } + return (a.substring(a.length()-b.length()).equals(b)); + +} +" +f1c3e25fe497176d566162b17aa06084b0bde034,"public boolean endOther(String a, String b) +{ + if (a.length() = lengthB) + { + last = a.substring(lengthA - lengthB); + str = b; + } + else + { + last = b.substring(lengthB - lengthA); + str = a; + } + return (last.equals(str)); +} +" +dbf310c646a2833ea4a69b43c0251570ff8bb88a,"public boolean endOther(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String last; + String str; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthA >= lengthB) + { + last = a.substring(lengthA - lengthB); + str = b; + } + else + { + last = b.substring(lengthB - lengthA); + str = a; + } + return (last.equals(str)); +} +" +925ab21e6f524d8fbbc914df749d6336062b166f,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + if (alen > blen) + { + for (int i = 0; i < alen - 1 - blen; i++) + { + if ( a.substring(i).toLowerCase().equals(b.toLowerCase())) + return true; + else + return false; + } + } + else if (alen < blen) + { + for (int i = 0; i < blen - 1 - alen; i++) + { + if ( b.substring(i).toLowerCase().equals(a.toLowerCase())) + return true; + else + return false; + } + } + +} +" +dd783e9c49dc28e9acb39bb4cbf7f405e1e8fca1,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + if (alen > blen) + { + for (int i = 0; i < alen - 1 - blen; i++) + { + if ( a.substring(i).toLowerCase().equals(b.toLowerCase())) + return true; + else + return false; + } + } + else if (alen < blen) + { + for (int i = 0; i < blen - 1 - alen; i++) + { + if ( b.substring(i).toLowerCase().equals(a.toLowerCase())) + return true; + else + return false; + } + } + +} +" +8504977426d8d44ce1a5ed36f3e53f27c70337b3,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + for (int i = 0; i < alen - 1 - blen; i++) + { + if ( a.substring(i).toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false;; + } + } + else if (alen < blen) + { + for (int i = 0; i < blen - 1 - alen; i++) + { + if ( b.substring(i).toLowerCase().equals(a.toLowerCase())) + result = true; + else + result = false; + } + } + return result; +} +" +7787ceb332ec559c30d78eac85e087a2b48996eb,"public boolean endOther(String a, String b) +{ + newA = a.toLowerCase(); + newB = b.toLowerCase(); + return a.endsWith(b) || b.endsWith(a); + +} +" +530b38a27a9d21a58b7cbc0b4c0e31533a90bad7,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + for (int i = 0; i < alen - 1; i++) + { + if ( a.substring(i).toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false;; + } + } + else if (alen < blen) + { + for (int i = 0; i < blen - 1; i++) + { + if ( b.substring(i).toLowerCase().equals(a.toLowerCase())) + result = true; + else + result = false; + } + } + return result; +} +" +887a501a163546f10e4b7164ea0292c762b2328e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return a.endsWith(b) || b.endsWith(a); + +} +" +ec8bf27e4d849b8ea657e8e0ce6c8179a58e7073,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase())) + { + return(true); + } + else + { + return(false); + } +} +" +f15723df7fb1e6a65cb90e001d58196517dd126a,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + //for (int i = 0; i < alen - 1; i++) + //{ + if ( a.substring(alen-blen).toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false;; + //} + } + else if (alen < blen) + { + //for (int i = 0; i < blen - 1; i++) + //{ + if ( b.substring(blen-alen).toLowerCase().equals(a.toLowerCase())) + result = true; + else + result = false; + //} + } + return result; +} +" +66d76deeb057ddfe051dbf3f93e31e53df17ce79,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + //for (int i = 0; i < alen - 1; i++) + //{ + if ( a.substring(alen-blen).toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false;; + //} + } + else if (alen < blen) + { + //for (int i = 0; i < blen - 1; i++) + //{ + if ( b.substring(blen-alen).toLowerCase().equals(a.toLowerCase())) + result = true; + else + result = false; + //} + } + if (alen == blen) + result = false; + return result; +} +" +8e0c74b57472bed19e0e9b64be0e0e7e3eedf047,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} + +" +04e2dcbfefc1e1344ba133c514a5553b72ea96d0,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + //for (int i = 0; i < alen - 1; i++) + //{ + if ( a.substring(alen-blen).toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false;; + //} + } + else if (alen < blen) + { + //for (int i = 0; i < blen - 1; i++) + //{ + if ( b.substring(blen-alen).toLowerCase().equals(a.toLowerCase())) + result = true; + else + result = false; + //} + } + else if (alen == blen) + { + if (a.toLowerCase().equals(b.toLowerCase()) + result = true; + else + result = false; + } + return result; +} +" +574a28f4734b91399d65ae9d9cb35991c88192bf,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + //for (int i = 0; i < alen - 1; i++) + //{ + if ( a.substring(alen-blen).toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false;; + //} + } + else if (alen < blen) + { + //for (int i = 0; i < blen - 1; i++) + //{ + if ( b.substring(blen-alen).toLowerCase().equals(a.toLowerCase())) + result = true; + else + result = false; + //} + } + else if (alen == blen) + { + if (a.toLowerCase().equals(b.toLowerCase())) + result = true; + else + result = false; + } + return result; +} +" +ae6ce10747c4b1f4ac20998280fbf755b4b7d152,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + //boolean result = true; + if (alen > blen) + { + //for (int i = 0; i < alen - 1; i++) + //{ + if ( a.substring(alen-blen).toLowerCase().equals(b.toLowerCase())) + //result = true; + return true; + else + // result = false; + return false; + //} + } + else if (alen < blen) + { + //for (int i = 0; i < blen - 1; i++) + //{ + if ( b.substring(blen-alen).toLowerCase().equals(a.toLowerCase())) + return true; + else + return false; + //} + } + else if (alen == blen) + { + if (a.toLowerCase().equals(b.toLowerCase())) + return true; + else + return false; + } + //return result; +} +" +be8b05cb891506fb22ae57dbc901061cf457124b,"public boolean endOther(String a, String b) +{ + int lowerA = a.toLowerCase(); + int lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.indexOf(lengthB, lengthA); + aight = diff.equals(b); + return aight; + } + else if (lengthB > lengthA) + { + String diff = a.indexOf(lengthA, lengthB); + aight = diff.equals(a); + return aight; + } + else + { + return true; + } +} +" +e32246daaadc0d1f1c46eb0aac0c337532746d28,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.indexOf(lengthB, lengthA); + aight = diff.equals(b); + return aight; + } + else if (lengthB > lengthA) + { + String diff = a.indexOf(lengthA, lengthB); + aight = diff.equals(a); + return aight; + } + else + { + return true; + } +} +" +66daf6b7adb298dc2331c5bbf3132c9665b21a47,"public boolean endOther(String a, String b) +{ + int count = 0; + int alen = a.length(); + int blen = b.length(); + boolean result = true; + if (alen > blen) + { + //for (int i = 0; i < alen - 1; i++) + //{ + if ( a.substring(alen-blen).toLowerCase().equals(b.toLowerCase())) + result = true; + //return true; + else + result = false; + //return false; + //} + } + else if (alen < blen) + { + //for (int i = 0; i < blen - 1; i++) + //{ + if ( b.substring(blen-alen).toLowerCase().equals(a.toLowerCase())) + //return true; + result = true; + else + //return false; + result = false; + //} + } + else if (alen == blen) + { + if (a.toLowerCase().equals(b.toLowerCase())) + // return true; + result = true; + else + //return false; + result = false; + } + return result; +} +" +2a46d63fa97573e65ed69ec0bb8bcf4b8daa845d,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + aight = diff.equals(b); + return aight; + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + aight = diff.equals(a); + return aight; + } + else + { + return true; + } +} +" +b7647c9457664c014b96a698e3b900cdb1d25733,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + boolean aight = diff.equals(b); + return aight; + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + boolean aight = diff.equals(a); + return aight; + } + else + { + return true; + } +} +" +57633121956e174aad136bf9e1616bdde3de5763,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB - lengthA); + boolean aight = diff.equals(b); + return aight; + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA - lengthB); + boolean aight = diff.equals(a); + return aight; + } + else + { + return true; + } +} +" +d450edd0aced0c7889a0704ac90255cdecb323e2,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + boolean aight = diff.equals(b); + return aight; + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + boolean aight = diff.equals(a); + return aight; + } + else + { + return true; + } +} +" +2c6f3708897c710da954ccb8aaf6868b1b2324ce,"public boolean endOther(String a, String b) +{ + int c = a.length(); + int d = b.length(); + String p; + String q; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(c >= d) + { + p = a.substring(c - d); + q = b; + } + else + { + p = b.substring(d - c); + q = a; + } + return (q.equals(p)); +} + +} +" +64a15207fe0d917f312af0268c895ad1bc3b9dd2,"public boolean endOther(String a, String b) +{ + int c = a.length(); + int d = b.length(); + String p; + String q; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(c >= d) + { + p = a.substring(c - d); + q = b; + } + else + { + p = b.substring(d - c); + q = a; + } + return (q.equals(p)); +} + + +" +83a06e094d73cb9f795bc99eac59e59ec5bbda82,"public boolean endOther(String a, String b) +{ + a=a.toLowerCase(); + b=b.toLowerCase(); + String end; + String subs; + if(a.length()>=b.length()) { + end = a.substring(a.length()-b.length()); + subs = b; + } + else { + end = b.substring(b.length()-a.length()); + subs = a; + } + return (end.equals(subs)); +} +" +b13548cbc856d561606933bdf55d10e207003f92,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); +int aLen = a.length(); + b = b.toLowerCase(); +int bLen = b.length(); + if (aLen < bLen) { +String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; +else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + + return true; + else + return false; + +} +" +49c4bd39dbe26e8bd0506b0c2974682c8c56f171,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); +int aLen = a.length(); + b = b.toLowerCase(); +int bLen = b.length(); + if (aLen < bLen) { +String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; +else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; +}" +0427915d1ba82ab7fe5d9e5bf07ecd3a2fbdf391,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); +int aLen = a.length(); + b = b.toLowerCase(); +int bLen = b.length(); + if (aLen < bLen) { +String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; +else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; +} +}" +ea45b799a43e2b86ce96f3611080b59c84b637f4,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + return false; +} +" +2fec419d749ac56092aa4d1ae72457273976a374,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +99d259e7a751ed19f6c03d8b1b1cd9f376579f4b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + b = b.toLowerCase(); + + + + String aEnd = """"; + + String bEnd = """"; + + + + if (b.length() <= a.length()) { + + aEnd = a.substring(a.length() - b.length()); + + } + + if (a.length() <= b.length()) { + + bEnd = b.substring(b.length() - a.length()); + + } + + + + if (aEnd.equals(b)) { + + return true; + + } + + else if (bEnd.equals(a)) { + + return true; + + } + + + + return false; + + } +} +" +3691edb38bcf4c5f687726c8c12889c5b2630aff,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + b = b.toLowerCase(); + + + + String aEnd = """"; + + String bEnd = """"; + + + + if (b.length() <= a.length()) { + + aEnd = a.substring(a.length() - b.length()); + + } + + if (a.length() <= b.length()) { + + bEnd = b.substring(b.length() - a.length()); + + } + + + + if (aEnd.equals(b)) { + + return true; + + } + + else if (bEnd.equals(a)) { + + return true; + + } + + + + return false; + + } +} +} +" +68410499d1b736f27deaf15820b5ee0d54cf4bc3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + b = b.toLowerCase(); + + + + String aEnd = """"; + + String bEnd = """"; + + + + if (b.length() <= a.length()) { + + aEnd = a.substring(a.length() - b.length()); + + } + + if (a.length() <= b.length()) { + + bEnd = b.substring(b.length() - a.length()); + + } + + + + if (aEnd.equals(b)) { + + return true; + + } + + else if (bEnd.equals(a)) { + + return true; + + } + + + + return false; + + } +} + +" +e95a293c5ae56bf7798da12389d64e21d841ee95,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + b = b.toLowerCase(); + + + + String aEnd = """"; + + String bEnd = """"; + + + + if (b.length() <= a.length()) { + + aEnd = a.substring(a.length() - b.length()); + + } + + if (a.length() <= b.length()) { + + bEnd = b.substring(b.length() - a.length()); + + } + + + + if (aEnd.equals(b)) { + + return true; + + } + + else if (bEnd.equals(a)) { + + return true; + + } + + + + return false; + + } +} + +" +5178b0c680534bc5fcc4d99dbecf5d5ad32325d5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + else { + return false; + } +} +" +144ebebf5b3ad4a5db2a905962717bef61ec5066,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + b = b.toLowerCase(); + + + + String aEnd = """"; + + String bEnd = """"; + + + + if (b.length() <= a.length()) { + + aEnd = a.substring(a.length() - b.length()); + + } + + if (a.length() <= b.length()) { + + bEnd = b.substring(b.length() - a.length()); + + } + + + + if (aEnd.equals(b)) { + + return true; + + } + + else if (bEnd.equals(a)) { + + return true; + + } + + + + return false; + + } + + +" +666999553ae61ddb7fb83c18be60ea57575cdc8e,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +64cadec0bef6d81aa76f2051aa2780d9f6ffbeb5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + return false; +} +" +b48dfa99d7e6724bd2a4d888e5370c3fc8f33321,"public boolean endOther(String a, String b) +{ + a=a.toLowerCase(); +b=b.toLowerCase(); +if((a.length()>b.length()) && (a.substring(a.length()-b.length())).equals(b)) +return true; +else if((a.length()= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +d24ced07514a2d83426c9ff84e9d8ddaaec72048,"public boolean endOther(String a, String b) +{ + int lengthOfA = a.length(); + int lengthOfB = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthOfA >= bLen) + { + end = a.substring(lengthOfA - lengthOfB); + temp = b; + } + else + { + end = b.substring(lengthOfB - lengthOfA); + temp = a; + } + return (end.equals(temp)); + +} +" +0c0b7fd65c31544be1c750ad887fdd5c7c6ac3ab,"public boolean endOther(String a, String b) +{ + int lengthOfA = a.length(); + int lengthOfB = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(lengthOfA >= lengthOfB) + { + end = a.substring(lengthOfA - lengthOfB); + temp = b; + } + else + { + end = b.substring(lengthOfB - lengthOfA); + temp = a; + } + return (end.equals(temp)); + +} +" +45e417f86dc4af29a53c7671bf12836d741c6e07,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +}" +0553102f06b80cdbc3321b224cf04ea2c3ccaf16,"public boolean endOther(String a, String b) +{ a = a.teLowerCase(); + b = b.teLowerCase(); + return (a.endsWith(b) || b.endsWith(a)); + +} +" +929406cca88b9009e958ba3cea33cd018d8c8b46,"public boolean endOther(String a, String b) +{ a = a.toLowerCase(); + b = b.toLowerCase(); + return (a.endsWith(b) || b.endsWith(a)); + +} +" +17cd24fd48b360a48be86c69afd51a0a9844ba1d,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +9918c50230515c4d60ed310d4743dc3017728f1d,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +e3c9e005d4765a993e170da1707a48111cf473d2,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (b.length() <= a.length()) { + if (a.substring(a.length()-b.length()).equals(b)) { + return true; + } + } + else if (a.length() <= b.length()) { + if (b.substring(b.length()-a.length()).equals(a)) { + return true; + } + } + return false; +} +" +5b94e683966afe2b9b0f4989d3249a507ec544b5,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + return a.length() = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + return b.length() = b.substring(b.length() - a.length()); + } + else if (a.length(b.toLowerCase())) + { + return true; + } + else if (b.length(a.toLowerCase())) + { + return true; + } + return false; +} +" +eaa39a222c6e351fb9e6ec133f8ee14dc5575e36,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + a.length() = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + b.length() = b.substring(b.length() - a.length()); + } + else if (a.length(b.toLowerCase())) + { + return true; + } + else if (b.length(a.toLowerCase())) + { + return true; + } + return false; +} +" +ad07fdc4f6c82201a3b5ad2f3858209e2256799b,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + al = a.length() + al = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + bl = b.length() + bl = b.substring(b.length() - a.length()); + } + else if (al.equals(b.toLowerCase())) + { + return true; + } + else if (al.equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +dde4d5f5018c0ab8996bfd3cebe84f5f4a61aa20,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + al = a.length(); + al = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + bl = b.length(); + bl = b.substring(b.length() - a.length()); + } + else if (al.equals(b.toLowerCase())) + { + return true; + } + else if (al.equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +796ecbb2fabf4824604dae7ebc66b224e250f7de,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + int al = a.length(); + al = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + int bl = b.length(); + bl = b.substring(b.length() - a.length()); + } + else if (al.equals(b.toLowerCase())) + { + return true; + } + else if (al.equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +c7ef257b6467a65219dbd18e542fc827c3bc4a8b,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + //int al = a.length(); + """" = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + //int bl = b.length(); + """" = b.substring(b.length() - a.length()); + } + else if ("""".equals(b.toLowerCase())) + { + return true; + } + else if ("""".equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +91d1fd4d23be287b531f2d0fb71da456345e6b87,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +bed47787eb47fa06df4ac6ef50a93fa3132ec634,"public boolean endOther(String a, String b) +{ + int c = a.length(); + int d = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(c >= d) + { + end = a.substring(c - d); + temp = b; + } + else + { + end = b.substring(d - c); + temp = a; + } + return (end.equals(temp)); +} +" +cf5376475d7fd0caa3cf7b22c4fe6cd2748c5196,"public boolean endOther(String a, String b) +{ + aLower = a.toLowerCase(); + bLower = b.toLowerCase(); + if(a.endsWith(b) || b.endsWith(a)) + return true; + return false; +} +" +02f3f825d55d71fbf59fa56ddf0fc04886b10bc3,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +2ba165726904106b9701591bdd788c2411b1a1d3,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + int al = """"; + """" = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + int bl = """"; + """" = b.substring(b.length() - a.length()); + } + else if ("""".equals(b.toLowerCase())) + { + return true; + } + else if ("""".equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +cc11e02c8cdff57f5a89221aeda4061f757d288c,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if(aLower.endsWith(b.Lower) || bLower.endsWith(a.Lower)) + return true; + return false; +} +" +c593253b4d916395aab74006ef65e90d18b35ad8,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if(aLower.endsWith(b.Lower) || bLower.endsWith(aLower)) + return true; + return false; +} +" +40160dc7c0ae59897b482d5e90c0f2ec4057411b,"public boolean endOther(String a, String b) +{ + String aLower = a.toLowerCase(); + String bLower = b.toLowerCase(); + if(aLower.endsWith(bLower) || bLower.endsWith(aLower)) + return true; + return false; +} +" +d6ef485ec67c7d39c0fa4e96069e2e478a9ff7ea,"public boolean endOther(String a, String b) +{ + public static void main(String[] args) { + + EndOtherTest test = new EndOtherTest(); + + System.out.println("">"" + test.endOther(""Hiabc"", ""abc"") + ""<""); + System.out.println("">"" + test.endOther(""AbC"", ""HiaBc"") + ""<""); + System.out.println("">"" + test.endOther(""abc"", ""abXabc"") + ""<""); + } + + public boolean endOther(String a, String b) { + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } +} +" +15a0e1bffb39535cdf50072d311f4de2ebf235b2,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + String al = """"; + """" = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + String bl = """"; + """" = b.substring(b.length() - a.length()); + } + else if ("""".equals(b.toLowerCase())) + { + return true; + } + else if ("""".equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +a6b0de5e6c634eb66ccd535a56fb5d0db6cace50,"public boolean endOther(String a, String b) +{ + if (a.length() >= b.length()) + { + String al = """"; + al = a.substring(a.length() - b.length()); + } + else if (b.length() >= a.length()) + { + String bl = """"; + bl = b.substring(b.length() - a.length()); + } + else if ("""".equals(b.toLowerCase())) + { + return true; + } + else if ("""".equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +7e8184aa7bcc268d0edd0fc7edbbd6905ade6002,"public boolean endOther(String a, String b) +{ + public static void main(String[] args) { + + EndOtherTest test = new EndOtherTest(); + + System.out.println("">"" + test.endOther(""Hiabc"", ""abc"") + ""<""); + System.out.println("">"" + test.endOther(""AbC"", ""HiaBc"") + ""<""); + System.out.println("">"" + test.endOther(""abc"", ""abXabc"") + ""<""); + +}" +f4113951588596ae68813d086188da2b2d506d4b,"public boolean endOther(String a, String b) +{ + + EndOtherTest test = new EndOtherTest(); + + System.out.println("">"" + test.endOther(""Hiabc"", ""abc"") + ""<""); + System.out.println("">"" + test.endOther(""AbC"", ""HiaBc"") + ""<""); + System.out.println("">"" + test.endOther(""abc"", ""abXabc"") + ""<""); + +}" +121c994d6e18e7f3f107217b4da013bb21a4d4be,"public boolean endOther(String a, String b) +{ + + EndOtherTest test = new EndOtherTest(); + + System.out.println("">"" + test.endOther(""Hiabc"", ""abc"") + ""<""); + System.out.println("">"" + test.endOther(""AbC"", ""HiaBc"") + ""<""); + System.out.println("">"" + test.endOther(""abc"", ""abXabc"") + ""<""); + +}" +b3161b035bba4a5f54348a0374da98d71f970832,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +} +}" +d5fd8185f4bc97543534c337ea090d464256a0ed,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } +}" +8b100ebf8501ecd01bde712239b1e9c20619c926,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +e8d1985a8dddbc8078948ecbbeacb781c311e86c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } +}" +3cf347d7710818e4ea7e2b64b512b543f3fd40d7,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +a69126ac9bbdf69432c36940ff4a76a781489051," public boolean endOther(String a, String b) { + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } + +}" +a8f8e8d70a9f3aef2130516c4c1b1d307dbf8ea7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLength = a.length(); + b = b.toLowerCase(); + int bLength = b.length(); + if (aLength < bLength) + { + String temp = b.substring(bLength - aLength, bLength); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLength - bLength, aLength); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +62ebc70638f730101d4a5a5de9c3c34d52baf203,"01 +public boolean endOther(String a, String b) { +02 + a = a.toLowerCase(); +03 + int aLen = a.length(); +04 + +05 + b = b.toLowerCase(); +06 + int bLen = b.length(); +07 + +08 + if (aLen < bLen) { +09 + String temp = b.substring(bLen - aLen, bLen); +10 + if (temp.compareTo(a) == 0) +11 + return true; +12 + else +13 + return false; +14 + +15 + } else { +16 + String temp = a.substring(aLen - bLen, aLen); +17 + if (temp.compareTo(b) == 0) +18 + return true; +19 + else +20 + return false; +21 + } +22 + +23 +} +" +bb86254aedf9de05bb25aa1cd4e29774b6db4f34,"public boolean endOther(String a, String b) +{ + String aLow = a.toLowerCase(); +String bLow = b.toLowerCase(); +if (aLow.endsWith(bLow) || bLow.endsWith(aLow)) { +return true; +} +return false; + +} +" +0901ade3e7496a57b8d362c5e2a82740e998bb3e,"public boolean endOther(String a, String b) +{ + if (a.length() <= b.length()) + { + String al = """"; + al = a.substring(a.length() - b.length()); + } + else if (b.length() <= a.length()) + { + String bl = """"; + bl = b.substring(b.length() - a.length()); + } + else if ("""".equals(b.toLowerCase())) + { + return true; + } + else if ("""".equals(a.toLowerCase())) + { + return true; + } + return false; +} +" +726fd2ad6cb5c63b27badcbb9a19647b6c5f28f5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +} +" +52dc61ee07dc00c645b2697a4df6c5edee303b04,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +1dae6d245b44702747b5fd313cb53d3a9b06c602,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aLast; + String bLast; + + if(a.length() >= b.length()) + { + aLast = a.substring(a.length() - b.length()); + bLast = b; + } + else + { + aLast = b.substring(b.length() - a.length()); + bLast = a; + } + return (aLast.equals(bLast)); +} +" +175ce4bbf39a28a9785c8e2eee12a618326dc4ef,"public boolean endOther(String a, String b) +{ + if (a.contains(str.toLowerCase(b)) || b.contains(str.toLowerCase(a))) + { + return true; + } + else + { + return false; + } +} +" +081deaa247768ffaef5917ea70d4dc933192aa77,"public boolean endOther(String a, String b) +{ + if (a.contains(b.toLowerCase()) || b.contains(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +f2e3473758dbd3dc91817c00867fd0e509a0bdc4,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b.toLowerCase()) || b.endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +438e3dfe0d5c3f41d8b2dc4b260a870da2784e7f,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring() + blen - alen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else { + String temo = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +2588579d9a79d8b498824e56ba6e43baca740179,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(blen - alen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else { + String temo = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +f6c78ba12b44cb30d4dd345a2ac29b86a8e58e03,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - alen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else { + String temo = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +b450e0f21fdc80c7cfaadefbfd0967ec4c3762fc,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else { + String temo = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +a6c50a24c22cea20698637e88d10ee3f29f2eeda,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +988e83c6b75ad8364ec9cdbc64ad3dc14974d3a4,"public boolean endOther(String a, String b) +{ + aa == a.toLowerCase(); + bb == b.toLowerCase(); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +a1d9dd4c7ba84139997920b6c78d89a947038831,"public boolean endOther(String a, String b) +{ + String aa == a.toLowerCase(); + String bb == b.toLowerCase(); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +8ec15c527c26941492d1c18414364e24f1440f3a,"public boolean endOther(String a, String b) +{ + aa == str.toLowerCase(a); + bb == str.toLowerCase(b); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +e3de79dfff4e463687fa64523f85d12568329405,"public boolean endOther(String a, String b) +{ + aa = str.toLowerCase(a); + bb = str.toLowerCase(b); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +cf39fd3e7731d802a6fccea0231055cb5415b620,"public boolean endOther(String a, String b) +{ + String aa = str.toLowerCase(a); + String bb = str.toLowerCase(b); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +7715f55ab72d07164d087c5f5cd71605fb449c7d,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +17f2e7971ac98fcbb481734091a29a2b946547e8,"public boolean endOther(String a, String b) +{ + String aa = a.toLowerCase(); + String bb = b.toLowerCase(); + if (aa.endsWith(bb) || bb.endsWith(aa)) + { + return true; + } + else + { + return false; + } +} +" +65ee8a0b4516d241b2bf825a720bf53794be62d6,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +4820885d9e5a297eac815755b17f6398c5dad0fa,"public boolean endOther(String a, String b) +{ + String a2 = a.toLowerCase(); + String b2 = b.toLowerCase(); + int alen = a2.length(); + int blen = b2.length(); + int aIndex = b2.indexOf(a2); + int bIndex = a2.indexOf(b2); + if ((aIndex + alen) == blen || (bIndex + blen) == alen) + { + return true; + } + return false; +} +" +b570787bf9a22bf1623bc8d50722922f8a16fab3,"public boolean endOther(String a, String b) +{ + String a2 = a.toLowerCase(); + String b2 = b.toLowerCase(); + int alen = a2.length(); + int blen = b2.length(); + int aIndex = b2.indexOf(a2); + int bIndex = a2.indexOf(b2); + if (aIndex == -1 || bIndex == -1) + { + return false; + } + if ((aIndex + alen) == blen || (bIndex + blen) == alen) + { + return true; + } + return false; +} +" +77be81318548f68ff7d173058664222723acdbb8,"public boolean endOther(String a, String b) +{ + String a2 = a.toLowerCase(); + String b2 = b.toLowerCase(); + int alen = a2.length(); + int blen = b2.length(); + int aIndex = b2.indexOf(a2); + int bIndex = a2.indexOf(b2); + if (aIndex == -1 && bIndex == -1) + { + return false; + } + if ((aIndex + alen) == blen || (bIndex + blen) == alen) + { + return true; + } + return false; +} +" +3a314b36d57a40b36fec3dc8ad820a4a35e63bc6,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b)) + { + return true + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +dec5c6e8a59cdb84eed838963f6671a4c3ac3c5a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.endsWith(b)) + { + return true; + } + else if (b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +144ed69785da5d7e08897d3499ebf512d4101b00,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +d008ede92d36b23830aeefb9a4cb17ca6f6b4d01,"public boolean endOther(String a, String b) +{ + if (alowerCase().endsWith(b.lowerCase()) || + b.lowerCase().endsWith(a.lowerCase())) + { + return true; + } + else + { + return false; + } +} +" +6031ffa0b04b4caef2f69bf9a3dd0ebe12d2e6c2,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || + b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +c32590ca255bec85e28762ec00c0ea12c88b0826,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.legth(); + a = a.str.toLowerCase(); + b = b.str.toLowerCase(); + String e; + String t; + + if (aLength >= bLength) + { + e = a.substring(aLength - bLength); + t = b; + } + else + { + e = b.substring(bLength - aLength); + t = a; + } + return (e.equals(t)) + +} + + +" +ac57c327c1e5a9a1d79ff44a23df477285832928,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.legth(); + a = a.str.toLowerCase(); + b = b.str.toLowerCase(); + String e; + String t; + + if (aLength >= bLength) + { + e = a.substring(aLength - bLength); + t = b; + } + else + { + e = b.substring(bLength - aLength); + t = a; + } + return (e.equals(t)); + +} + + +" +1bcdc4a0cac8e41d643f40ebe8985df1426348e5,"public boolean endOther(String a, String b) +{ + return (b.endswith(a) || a.endswith(b)); +} +" +0a5f1dbf8594501d5cfd4c7e8f4996d1cb535b7f,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + a = a.str.toLowerCase(); + b = b.str.toLowerCase(); + String e; + String t; + + if (aLength >= bLength) + { + e = a.substring(aLength - bLength); + t = b; + } + else + { + e = b.substring(bLength - aLength); + t = a; + } + return (e.equals(t)); + +} + + +" +0f46c184e80f6e037fe785e8fa100e9bbadaaa6c,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + a = a.str.toLowerCase(); + b = b.str.toLowerCase(); + String e; + String t; + + if (aLength >= bLength) + { + e = a.substring(aLength - bLength); + t = b; + } + else + { + e = b.substring(bLength - aLength); + t = a; + } + return (e.equals(t)); + +} + + +" +4611d2b115da4fede0cedc70918e0efd9e498424,"public boolean endOther(String a, String b) +{ + return (b.endsWith(a) || a.endsWith(b)); +} +" +e49bb917b8191ff80c3f31f6980e2210b4239434,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + + return false; + } +} +" +fb792e7f8e10061267ca2d30526ca68bb20f8125,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + String e; + String t; + + if (aLength >= bLength) + { + e = a.substring(aLength - bLength); + t = b; + } + else + { + e = b.substring(bLength - aLength); + t = a; + } + return (e.equals(t)); + +} + + +" +5643ac686b4a0ed466504a9cbe59964f4ad8aeed,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + String aEnd = """"; + String bEnd = """"; + if (b.length() <= a.length()) + { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) + { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + + return false; +} +" +045bed4984c20b43e2010b311f228019ce15b802,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +331c5b9c2c461b8dfe4fd3bbe9359f4106f6b998,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0){ + return true; + } + else{ + return false; + } + + } + else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0){ + return true; + } + else{ + return false; + } + } +} +" +7aeb2b2c181cfe9ce8cb4a102020751322920205,"public boolean endOther(String a, String b) +{ + if (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +1e8ff776755ee10e6c89fa4a0eb41fbe402d50d7,"public boolean endOther(String a, String b) +{ + int len = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +f7fb8d5e601cadc38b5083878177231d0ba77dbd,"public boolean endOther(String a, String b) +{ + + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +6fd559d36d176a00792bba0ca98cb85acc769675,"public boolean endOther(String a, String b) +{ + return a.endsWith(b) || b.endsWith(a); +} +" +39ebf4140f01cf23914de21f6f0dd2a01b7742e5,"public boolean endOther(String a, String b) +{ + String strA = a.toLowerCase(); + String strB = b.toLowerCase(); + + return strA.endsWith(strB) || strB .endsWith(strA); +} +" +204f7457df1f7365065608019b7425e6a57fcc09,"public boolean endOther(String a, String b) +{ + return(a.endsWith(b) || b.endsWith(a)); +} +" +e61489eb4e36a3054a9dfc77122fc0b2370423ef,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.substring(-b.length)); +} +" +a47f0c2baadd02a5f68dd7fc9b85bb48b260dd13,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.substring(-b.length())); +} +" +c08af80aabf7d556258fb1da3d48c1f99149acfd,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.substring(-b.length() == b)); +} +" +d840e81d7fdbba7597f84afd3048a318d17c04d7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.substring(-b.length()).equals(b)); +} +" +4162e663497edb419d8d8376b71ff10e42da951f,"public boolean endOther(String a, String b) +{ + boolean isTrue; + String lowerA = a.toLowerCase; + String lowerB = b.toLowerCase; + if (a.endsWith(b) || b.endsWith(a)) + { + isTrue = true; + } + else + { + isTrue = false; + } + return isTrue; +} +" +c972717b9faf8d04fcc73f565b81859a822ab248,"public boolean endOther(String a, String b) +{ + boolean isTrue; + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + isTrue = true; + } + else + { + isTrue = false; + } + return isTrue; +} +" +f388ba37c842071b560b78b2500337315b664d86,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.substring(a.length()-b.length()).equals(b)); +} +" +2673797d006cea365af998131b292abefa26ca27,"public boolean endOther(String a, String b) +{ + boolean x = true; + if(x = true) + { + return(a.endsWith(b) || b.endsWith(a)); + } + else + return "" ""; +} +} +" +f5229af54a8653722db04c0f083902ab020a7a47,"public boolean endOther(String a, String b) +{ + boolean isTrue; + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + if (lowerA.endsWith(lowerB) || lowerB.endsWith(lowerA)) + { + isTrue = true; + } + else + { + isTrue = false; + } + return isTrue; +} +" +bcb6f67d5406ca719ab749b825d34f491144a0e9,"public boolean endOther(String a, String b) +{ + boolean x = true; + + return(a.endsWith(b) || b.endsWith(a));" +8cf744cd1a410e759b7f1a28b98497a1be72614b,"public boolean endOther(String a, String b) +{ + boolean x = true; + return(a.endsWith(b) || b.endsWith(a)); +}" +452ccc246c07d72d7ae7a965cc3a59c2e35ab3ea,"public boolean endOther(String a, String b) +{ + boolean x = true; + return(a.endsWith(b) || b.endsWith(a)); + else + return false; +}" +7ac6a57208ee4b8d20f6af6ac5256f74d63539d6,"public boolean endOther(String a, String b) +{ + return(a.endsWith(b) || b.endsWith(a)); +}" +460072a9efae6c98f4be12e11728ee5472994d6b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) + return a.substring(a.length()-b.length()).equals(b) + else + return b.sunstring(b.length()-a.length()).equals(a) +} +" +e36d76741e63e1a3e7139825e228cc1bd5a0039c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) + return a.substring(a.length()-b.length()).equals(b); + else + return b.sunstring(b.length()-a.length()).equals(a); +} +" +f9579ead971fda2533486defae08dcf6f43aea05,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() > b.length()) + return a.substring(a.length()-b.length()).equals(b); + else + return b.substring(b.length()-a.length()).equals(a); +} +" +a661d6895052a090e6e8929cf705dc2f61dd2aa0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +61b6894cf3da0dcb3e59667f8115de072fa12cb5,"public boolean endOther(String a, String b) +{ + return ""a""+b; + +} +" +7ad41071c64b6b6ea241642e38e813ab2ea54691,"public boolean endOther(String a, String b) +{ + if(a.length() < b.length()) { + String temp = a; + a = b.toLowerCase(); + b = temp.toLowerCase(); + } + + return a.substring(a.length() - b.length()).equals(b); +} +" +aa5adfaeaeb99e6a171d85a89bd6aa3a782725ab,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +9cc2c42507d801b5f8e1c84de08d64ef59eb5672,"public boolean endOther(String a, String b) +{ + String x = ""a"" + ""b""; + return x; + +} +" +4a6390b45a6140289941af157c362e186161e5d4,"public boolean endOther(String a, String b) +{ + public static void main(String[] args) { + + EndOtherTest test = new EndOtherTest(); + + System.out.println("">"" + test.endOther(""Hiabc"", ""abc"") + ""<""); + System.out.println("">"" + test.endOther(""AbC"", ""HiaBc"") + ""<""); + System.out.println("">"" + test.endOther(""abc"", ""abXabc"") + ""<""); + } + + public boolean endOther(String a, String b) { + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; + } +} +" +770baf519be20c5813ff4741ce60aae87b7353fc,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + int aLen = a.length(); + + + + b = b.toLowerCase(); + + int bLen = b.length(); + + + + if (aLen < bLen) { + + String temp = b.substring(bLen - aLen, bLen); + + if (temp.compareTo(a) == 0) + + return true; + + else + + return false; + + + + } else { + + String temp = a.substring(aLen - bLen, aLen); + + if (temp.compareTo(b) == 0) + + return true; + + else + + return false; + + } + +} +" +09949eb92ee9cf4970cd5cd9a68775b29579c060,"public boolean endOther(String a, String b) +{ + + return x = ""a"" + ""b"" ; + +} +" +a1f510cc9426d13e2d899404f159e8f406f18eff,"public boolean endOther(String a, String b) +{ + + return String x = ""a"" + ""b"" ; + +} +" +a52caa7800235d9ee4ab425418bdd7060ccf5cbc,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } + +} +" +38e2a46e9b3a7c04a61db66b3901e4a0310ffc1c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.startsWith(b) || a.endsWith(b) || b.startsWith(a) || b.endsWith(a)) + return true; + else + return false + +} +" +3cb975c2de9a95193cd639998fe6834c48ebd65e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + int aLen = a.length(); + + + + b = b.toLowerCase(); + + int bLen = b.length(); + + + + if (aLen < bLen) { + + String temp = b.substring(bLen - aLen, bLen); + + if (temp.compareTo(a) == 0) + + return true; + + else + + return false; + + + } else { + + String temp = a.substring(aLen - bLen, aLen); + + if (temp.compareTo(b) == 0) + + return true; + + else + + return false; + + } + +} +" +331188e7e086b8a7aef9908f940be3bd3f677878,"public boolean endOther(String a, String b) +{ + + return a.endsWith(b); + +} +" +2cb154713da35f452598ffcdadff139532553f73,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.startsWith(b) || a.endsWith(b) || b.startsWith(a) || b.endsWith(a)) + return true; + else + return false; + + +} +" +05a8dfa3e1f6306d37396389fe3c8c93431b3586,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if(a.endsWith(b) || b.endsWith(a)) + return true; + else + return false; + + +} +" +05e36c46d92225a53036dc1a1a1b47216af73a7d,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + return a.endsWith(b); + +} +" +9b4c4838e1cdd7fea0dcae4015950106dc063b73,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + return; //true/false +} +" +6f08f10e79321d175f0108d56fa963078cffcb71,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + + return a.endsWith(b) || b.endsWith(a); + +} +" +4b824ef13af071f96fc3b124d87d43cff6366e9e,"private boolean something; + +public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + return something; //true/false +} +" +7d08cd95de819069d08cd7e588ab7c0b4b78d0af,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +e1065bdc80669c52a37a097103baf8c81f7bcea8,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +91819a3de231f847a3e818772c6db72d7c445521,"public boolean endOther(String a, String b) +{ + int letterA = a.length(); + int letterB = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + String end; + String word; + + if(letterA >= letterB) + { + end = a.substring(letterA - letterB); + word = b; + } + else + { + end = b.substring(letterB - letterA); + word = a; + } + + return (end.equals(word)); +} +" +43a13919d99a99c000c7da836d47c7e894a628ba,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + boolean test1 = a.length() >= b.length() + && a.substring(a.length() - b.length()).equals(b); + boolean test2 = b.length() >= a.length() + && b.substring(b.length() - a.length()).equals(a); + return test1 || test2; +} +" +ebef0c1c5db0c4e3f17faa3b54073b451c36b5ac,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lengthA = a.length(); + b = b.toLowerCase(); + int lengthB = b.length(); + + if (lengthA < lengthB) + { + String temp = b.substring(lengthB - lengthA, lengthB) + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(lengthA - lengthB, lengthA) + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +3857b6d862c9eaa86791f69cf989e20f0f817664,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lengthA = a.length(); + b = b.toLowerCase(); + int lengthB = b.length(); + + if (lengthA < lengthB) + { + String temp = b.substring(lengthB - lengthA, lengthB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(lengthA - lengthB, lengthA) + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +df999b424fd70e5287fa3ef046ae39072a1af0c6,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int lengthA = a.length(); + b = b.toLowerCase(); + int lengthB = b.length(); + + if (lengthA < lengthB) + { + String temp = b.substring(lengthB - lengthA, lengthB); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(lengthA - lengthB, lengthA); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} +" +7406fcbd5ed5d0849f3e2a5794b1d4098a12da7f,"public boolean endOther(String a, String b) +{ + int astring = a.length(); + int bstring = b.length(); + String end; + String temp; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if(astring >= bstring) + { + end = a.substring(astring - bstring); + temp = b; + } + else + { + end = b.substring(bstring - astring); + temp = a; + } + return (end.equals(temp)); +} +" +fcb32d0b29d575326b011d11efb1fb90f99fedc0,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) + { + return true; + } + else + { + return false; + } +} +" +4d6e0842131948d47db2544f6f9611d271e14364,"public boolean endOther(String a, String b) +{ + String aLow = a.toLowerCase(); +String bLow = b.toLowerCase(); +if (aLow.endsWith(bLow) || bLow.endsWith(aLow)) { +return true; +} +return false; +} +" +f281c0d830f48fb733c79b46a86916e2b950adfa,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +fa48e76dc5db6492113e5f83d806bd94dd4e365a,"public boolean endOther(String a, String b) +{ + String aLow = a.toLowerCase(); + String bLow = b.toLowerCase(); + if (aLow.endsWith(bLow) || bLow.endsWith(aLow)) { + return true; + } + return false; +} +" +f3ecf6636a8ce351942b8275f4ee797421fadd47,"public boolean endOther(String a, String b) +{ +String alow = a.toLowerCase(); +String blow = b.toLowerCase(); + +return blow.endsWith(alow) || alow.endsWith(blow); +} +" +2df76933e1e1f5be03a083d16810d5b2df6cfee0,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + String endA = """"; + String endB = """"; + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA >= lengthB) + { + endA = a.substring(lengthA - lengthB); + } + else if (lengthB >= lengthA) + { + endB = b.substring(lengthB - lengthA); + } + + if (endA.equals(b) || endB.equals(a)) + { + return true; + } + + return false; + + +} +" +8e5e1908acfd5b78bdf32708830ecfbb87e61fca,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + String endA = """"; + String endB = """"; + int lengthA = a.length(); + int lengthB = b.length(); + + if (lengthA >= lengthB) + { + endA = a.substring(lengthA - lengthB); + } + else if (lengthB >= lengthA) + { + endB = b.substring(lengthB - lengthA); + } + + if (endA.equals(b)) + { + return true; + } + else if (endB.equals(a)) + { + return true; + } + + return false; + + +} +" +c25dbebd53588f9ebb17459293813b47937f1204,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +970fa07535dd3c101d725f9f08d213c524db27a6,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) && b.endsWith(a)) { + return true; + } +} +" +fe13315dc9195634f32eeeee62cbffc9b54c8f16,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) && b.endsWith(a)) { + return true; + } + return false; +} +" +65c7d1b7625b41a5fb227d8dd17facb6f9e7af6d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b) || b.endsWith(a)) { + return true; + } + return false; +} +" +cecc0f2e29c7079dfc113a30be97cd96e6725dbe,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) { + end = a.substring(aLength - bLength); + temp = b; + } + else { + b.substring(bLength - aLength); + temp = a; + } + return(end.equals(temp)); + +} +" +e3a27b54bf3a0c2c959a0ac52215c93c97adf12a,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) { + end = a.substring(aLength - bLength); + temp = b; + } + else { + end = b.substring(bLength - aLength); + temp = a; + } + return(end.equals(temp)); + +} +" +0ba758d8d3ce35dab21f0b253a229ffbca9b252d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + int aLen = a.length(); + + + + b = b.toLowerCase(); + + int bLen = b.length(); + + + + if (aLen < bLen) { + + String temp = b.substring(bLen - aLen, bLen); + + if (temp.compareTo(a) == 0) + + return true; + + else + + return false; + + + + } else { + + String temp = a.substring(aLen - bLen, aLen); + + if (temp.compareTo(b) == 0) + + return true; + + else + + return false; + + } + +} +" +f51e40d6fcc68d1f66ea20947afa3298f8a53c67,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + int aLen = a.length(); + + + + b = b.toLowerCase(); + + int bLen = b.length(); + + + + if (aLen < bLen) { + + String temp = b.substring(bLen - aLen, bLen); + + if (temp.compareTo(a) == 0) + + return true; + + else + + return false; + + + + } else { + + String temp = a.substring(aLen - bLen, aLen); + + if (temp.compareTo(b) == 0) + + return true; + + else + + return false; + + } + +} +" +c709c43ad81ddb590137d317c3d1a03b7d65e8f3,"public boolean endOther(String a, String b) +{ + int len = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +0f27a76b60d4eb9b93a8d23c6599204f958a6bea,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + boolean test = a.length() >= b.length() && a.substring(a.length() - b.length()).equals(b); + + boolean test2 = b.length() >= a.length() && b.substring(b.length() - a.length()).equals(a); + return test || test2; +} +" +f813c51aebe8c7c0d695e37b48943ab9315d5cee,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +0b7714ffdc3a2f3b6dacd8dc9b093688f53e8dbd,"public String doubleChar(String str) +{ + int len = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +}" +40a2f6cf1c635f5887dbe9595d64ce27c343f1d9,"public boolean endOther(String a, String b) +{ + int String a = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +1bcaab15a220949d1b806b33879a397d570f0320,"public boolean endOther(String a, String b) +{ + int len = string a(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +840368c5c745b5edff502ca76108b77d1571fe26,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +3a83246884c62e9d1306dd640977efa1d7176ef6,"public boolean endOther(String a, String b) +{ + if () { + return true; + } + else if () { + return true; + } + return false; +} +" +56ea2fb257250c395bde5edec4a869f9d95b7e4b,"public boolean endOther(String a, String b) +{ + if () { + return true; + } + else if () { + return true; + } + return false; +} +" +31725e17e30cf6fc7f04e006d6e88aebe2187ea4,"public boolean endOther(String a, String b) +{ +return true; +} +" +a66003cbf4bf17dc596796634aa9094f36c20bf1,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + return (a.endsWith(b) || b.endsWith(a)); + +} +" +f5e1f2fea5478917bfc2ff56a7dc9d9a639633eb,"public boolean endOther(String a, String b) +{ + a = str.toLowerCase(a); + b = str.toLowerCase(b); + return(a.endsWith(b) || b.endsWith(a)); + + +} +" +2fc72ef5bbbb9674e26b874a1843e32f9956550e,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(a); + b = a.toLowerCase(b); + return(a.endsWith(b) || b.endsWith(a)); + + +} +" +1fb3c1f3fa88b7a0aae2e23000445829a4b8f225,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +eb9d1e97323f6c0c1410dd8ae35aa261280fc389,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = a.toLowerCase(); + return(a.endsWith(b) || b.endsWith(a)); + + +} +" +577b9500c72b740ae0c861a64c9a808699448610,"public boolean endOther(String a, String b) +{ + if (a.substring(a.length() - b.length(), a.length()).equals(b) || + b.substring(b.length() - a.length(), b.length()).equals(a)) + return true; + else + return """"; +} +" +fd975fc2b0de30ea1fa6c9ae43f605604231b8a1,"public boolean endOther(String a, String b) +{ + if (a.substring(a.length() - b.length(), a.length()).equals(b) || + b.substring(b.length() - a.length(), b.length()).equals(a)) + return true; + else + return false; +} +" +01e184abaf9c4a2a50ec496511a9b1825023e41b,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return(a.endsWith(b) || b.endsWith(a)); + + +} +" +6d8a827444634f7615f9a156c3de0fbc9fe6de96,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +7061fbadfac5896e9af90d9a6ba70464debff16b,"public boolean endOther(String a, String b) { + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } + +} +" +382f39ce23c720618e10afde4a83d8a9880ff0c5,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +0b19fcbe86a8211cebcc3dc29479f7c6b355dd61,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); + +} +" +56644742082245318cfd1ab75413dddd8c6e83f5,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + if (diff = b); + { + return true; + } + else + { + return false; + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + if (diff = a); + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +d9f84df2d29db3bb89dd062d8e9131c93b7a7437,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + if (diff = b) + { + return true; + } + else + { + return false; + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + if (diff = a) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +661cb952d777a37ca87503d24687cf5e7437459a,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +32460cde4e70ffbff063145cd88460b0a988fbe0,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + if (diff = b) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + if (diff = a) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +4f6e5ed88f0f143b35547b88644fd0daea868db4,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = a.substring(lengthB, lengthA); + if (diff == b) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = a.substring(lengthA, lengthB); + if (diff == a) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +84f601055d1ba9a819adfdf0162cb626cdc9b4ab,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +fe5f5cc4373e3d9684fc991743fc7fab717029b3,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + + int aLen = a.length(); + + b = b.toLowerCase(); + + int bLen = b.length(); + + if (aLen < bLen) { + + String temp = b.substring(bLen - aLen, bLen); + + if (temp.compareTo(a) == 0) + + return true; + + else + + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } + +} +" +6fa240c5d6731725e2868d3dd61f546061b496aa,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = lowerA.substring(lengthB, lengthA); + if (diff == b) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = lowerB.substring(lengthA, lengthB); + if (diff == a) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +b62b2157aac4d32e17f3571bedad1963901aa359,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = lowerA.substring(lengthB, lengthA); + if (diff.equals(b)) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = lowerB.substring(lengthA, lengthB); + if (diff.equals(a)) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +d0507489bcfc8fba7b0b420fa9c3d8fb67986a64,"public boolean endOther(String a, String b) { + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } + +}" +a77a7bc346b0669044fd1db9c925fe4b31f41f0e,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = lowerA.substring(lengthB, lengthA); + if (diff.equals(lowerB)) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = lowerB.substring(lengthA, lengthB); + if (diff.equals(lowerB)) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +b8b6f4d3cf31208f42890ba1d8fa947abf4f9979,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = lowerA.substring(lengthB, lengthA); + if (diff.equals(lowerB)) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = lowerB.substring(lengthA, lengthB); + if (diff.equals(lowerA)) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +a4e953b15b1a2b78a7ad3ea2d6d28373f5605d8d,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +baa557a20b1160fbf3e34dbe10b80350751a8a2c,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = lowerA.substring(lengthA - lengthB, lengthA); + if (diff.equals(lowerB)) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = lowerB.substring(lengthB - lengthA, lengthB); + if (diff.equals(lowerA)) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +749fefb5e30b3e36236ae7adf866c4b2c37dd2b0,"public boolean endOther(String a, String b) +{ + String lowerA = a.toLowerCase(); + String lowerB = b.toLowerCase(); + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + String diff = lowerA.substring(lengthA - lengthB, lengthA); + if (diff.equals(lowerB)) + { + return true; + } + else + { + return false; + } + } + else if (lengthB > lengthA) + { + String diff = lowerB.substring(lengthB - lengthA, lengthB); + if (diff.equals(lowerA)) + { + return true; + } + else + { + return false; + } + } + else + { + if (lowerA.equals(lowerB)) + { + return true; + } + else + { + return false; + } + } +} +" +9a619f18efce895b715d6a09eca77282effa2f91,"public boolean endOther(String a, String b) +{ + if (a.endsWith(b)) + { + return true; + } + + else if (b.endsWith(a)) + { + return true; + } + + else + { + return false; + } +} +" +eabcbddd3659dc1d3a1fcb7a1cee664d29774e00,"public boolean endOther(String a, String b) +{ + String al=a.toLowerCase(),bl=b.toLowerCase(); +return(al.endsWith(bl) || bl.endsWith(al)); +} +" +fa5543f6c022d600dd85175be6c12d2cb0d87334,"public boolean endOther(String a, String b) +{ + a.toLowerCase(); + b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + + else if (b.endsWith(a)) + { + return true; + } + + else + { + return false; + } +} +" +cc2e4af87d44202ee3752bf42be4e4919aba6a95,"public boolean endOther(String a, String b) +{ + String end; + String tempLength; + int aLength = a.length(); + int bLength = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + tempLength = b; + } + else + { + end = b.substring(bLength - aLength); + tempLength = a; + } + return (end.equals(tempLength)); +}" +423b5aee3f15d94faf2107ed6ea21e8e9e94a0e0,"public boolean endOther(String a, String b) +{ +int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +e6e1b1c32349ad41ec5de74f656abbce0d66b91c,"public boolean endOther(String a, String b) +{ +int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +c4fb161a08baa2fa1e4be6b6d46f2e3c241d8aba,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return a.endsWith(b) || b.endsWith(a); +} +" +3168b13be942e88393246ea1577eeb8ecb54d841,"public boolean endOther(String a, String b) +{ + String finish; + String tempLength; + int aLength = a.length(); + int bLength = b.length(); + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + finish = a.substring(aLength - bLength); + tempLength = b; + } + else + { + finish = b.substring(bLength - aLength); + tempLength = a; + } + return (finish.equals(tempLength)); +}" +0144dcd9cca36a2ab53a81f6022d3f381a58858d,"public boolean endOther(String a, String b) +{ + if (b.endsWith(a.toLowerCase()) || a.endsWith(b.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +e1f386f9316e1ccab7cb2d5bb6f0c1df9d560d1a,"public boolean endOther(String a, String b) +{ + a=a.toLowerCase(); + b=b.toLowerCase(); + return a.endsWith(b) || b.endsWith(a); +} +" +747cea006c2d5322b7557c48d49700d379b1bd09,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String last; + String newString; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + newString = b; + } + else + { + end = b.substring(bLength - aLength); + newString = a; + } + return (last.equals(newString)); +} +" +883bbf6ab9209b7bb62b00b06acc122b1e482e36,"public boolean endOther(String a, String b) +{ + a=a.toLowerCase(); + b=b.toLowerCase(); + return b.endsWith(a)||a.endsWith(b); +} +" +bade25d36452ca2ee400130bc2f88a121ec175ce,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String last; + String newString; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + last = a.substring(aLength - bLength); + newString = b; + } + else + { + last = b.substring(bLength - aLength); + newString = a; + } + return (last.equals(newString)); +} +" +4366cc855e3346688586af7b25e869b565b3505e,"public boolean endOther(String a, String b) +{ + if (b.toLowerCase().endsWith(a.toLowerCase()) || a.toLowerCase().endsWith(b.toLowerCase())) + { + return true; + } + else + { + return false; + } +} +" +dba581e23330139eca16eb4d13f7507c477f2a00,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + for(int i = 0; i < a.length()||i= bLength) + { + finish = a.substring(aLength - bLength); + tempLength = b; + } + else + { + finish = b.substring(bLength - aLength); + tempLength = a; + } + + return (finish.equals(tempLength)); +}" +9da04f8120ba040e38c7db038c4c2eddadd59520,"public boolean endOther(String a, String b) +{ + String alow = a.toLowerCase(); + String blow = b.toLowerCase(); + + if(alow.length() < blow.length()) + { + String maybe = blow.substring(b.length() - a.length(), b.length()); + if (blow.cpmpareTo(temp)) + { + return true; + } + else + { + return false; + } + } + else + { + String maybe = alow.substring(a.length() - b.length(), a.length()); + if (alow.equals(maybe)) + { + return true; + } + else + { + return false; + } + } +} +" +cf6d7fc90dad34d715ba019030beff6a6449ac3f,"public boolean endOther(String a, String b) +{ + String alow = a.toLowerCase(); + String blow = b.toLowerCase(); + + if(alow.length() < blow.length()) + { + String maybe = blow.substring(b.length() - a.length(), b.length()); + if (blow.cpmpareTo(maybe) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String maybe = alow.substring(a.length() - b.length(), a.length()); + if (alow.equals(maybe)) + { + return true; + } + else + { + return false; + } + } +} +" +a77a341ae859f92fd0750fc1804f223b919566b3,"public boolean endOther(String a, String b) +{ + String alow = a.toLowerCase(); + String blow = b.toLowerCase(); + + if(alow.length() < blow.length()) + { + String maybe = blow.substring(b.length() - a.length(), b.length()); + if (blow.compareTo(maybe) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String maybe = alow.substring(a.length() - b.length(), a.length()); + if (alow.equals(maybe)) + { + return true; + } + else + { + return false; + } + } +} +" +319ec67fab9b7c425ef7fecbe147ed0424ba5278,"public boolean endOther(String a, String b) +{ + String endOf = """"; + String modifiedString = """"; + + int lengthOfa = a.length(); + a = a.toLowerCase(); + + int lengthOfb = b.length(); + b = b.toLowerCase(); + + if (lengthOfb <= lengthOfa) { + endOf = a.substring(lengthOfa - lengthOfb); + modifiedString = b + } + else { + endOf = b.substring(lengthOfb - lengthOfa); + modifiedString = a + } + return endOf.equals(modifiedString); +} +" +c55cf36d8728a5a62785c0e29efc3b1f74501119,"public boolean endOther(String a, String b) +{ + String endOf = """"; + String modifiedString = """"; + + int lengthOfa = a.length(); + a = a.toLowerCase(); + + int lengthOfb = b.length(); + b = b.toLowerCase(); + + if (lengthOfb <= lengthOfa) { + endOf = a.substring(lengthOfa - lengthOfb); + modifiedString = b; + } + else { + endOf = b.substring(lengthOfb - lengthOfa); + modifiedString = a; + } + return endOf.equals(modifiedString); +} +" +ace97dcb83d0904630db52a65f5e72998a2e65cc,"public boolean endOther(String a, String b) +{ + String alow = a.toLowerCase(); + String blow = b.toLowerCase(); + + if(alow.length() < blow.length()) + { + String maybe = blow.substring(b.length() - a.length(), b.length()); + if (alow.compareTo(maybe) == 0) + { + return true; + } + else + { + return false; + } + } + else + { + String maybe = alow.substring(a.length() - b.length(), a.length()); + if (blow.equals(maybe)) + { + return true; + } + else + { + return false; + } + } +} +" +47587c941933d2271cb54efa2d64a065cf48b8d7,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + return a.endsWith(b) || b.endsWith(a); +} +" +cc029f2a02807b689c4e9eb9cce253e1660f93fa,"public boolean endOther(String a, String b) +{ + String aTrue = a.toLowerCase(); + String bTrue = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + if (aTrue.endsWith(bTrue) || (bTrue.endsWith(aTrue)) + { + return true + } + + return false + } + +} +" +901b7c01342cfbd0d8ff8094fa92f4b04148ac4d,"public boolean endOther(String a, String b) +{ + String aTrue = a.toLowerCase(); + String bTrue = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + return (aTrue.endsWith(bTrue) || (bTrue.endsWith(aTrue)) + + +} +" +cc01431960cf0e46c46b22211b9eb77ecd082d25,"public boolean endOther(String a, String b) +{ + String aTrue = a.toLowerCase(); + String bTrue = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + return (aTrue.endsWith(bTrue) || (bTrue.endsWith(aTrue)); + + +} +" +1547df2b86e41e73e01c99720c07ba9a3af2b0bc,"public boolean endOther(String a, String b) +{ + String aTrue = a.toLowerCase(); + String bTrue = b.toLowerCase(); + + int aLength = a.length(); + int bLength = b.length(); + + return (aTrue.endsWith(bTrue)) || (bTrue.endsWith(aTrue)); + + +} +" +d08717838950f63406b06f0b327a656e9ba20354,"public boolean endOther(String a, String b) +{ + return (a.endsWith(b) || b.endsWith(a)); +} +" +1ea1ab0edec9f3d1d9e595e17158585ea4017ad6,"public boolean endOther(String a, String b) +{ + return (a.toLowerCase().endsWith(b.toLowerCase()) || b.toLowerCase().endsWith(a.toLowerCase())); +} +" +168f2ac4a9957c7de7a3979e6a8cce6d76df9a4a,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +7c98faec8c6f8e7221dee3d33c5c7e908e42dcf3,"public boolean endOther(String a, String b) +{ + if (a = b + 1) + return true + else if (b = a + 1) + return true + else + return false +} +" +f64107a6ebc792992c75658bf4f0e3a497e1b9d2,"public boolean endOther(String a, String b) +{ + if (a = b + 1) + return true; + else if (b = a + 1) + return true; + else + return false; +} +" +abb99b7a3195c265cb3f4d403d938f0cbb6415e7,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +1f9c08507c0c0914171adf2e5bf07f50014485ce,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo(a) == 0) + return true; + else + return false; + } else { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } + +} +" +0578ba787e944c7c848e0a0f9a984f9d039dffda,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +" +34df7b82f6c684b4ae1728ecf1bbbacb3c058ece,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +}" +84d1e46e5d0f94f6105d6520b3dcb1da88476b5a,"public boolean endOther(String a, String b) +{ + String first = a.toLowerCase(); + String second = b.toLowerCase(); + int result = null; + + result = first.indexOf(second); + + if (result != null) { + return true; + } + else { + return false; + } +} +" +74dfa3eece9c7481af4249d38905e1ff854df25e,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +c4a2f899093b921ea854ee9fb792ba880918ee12,"public boolean endOther(String a, String b) +{ + String first = a.toLowerCase(); + String second = b.toLowerCase(); + int result = -1; + + result = first.indexOf(second); + + if (result != -1) { + return true; + } + else { + return false; + } +} +" +bdc691f00e532446d63b7d400e8f7ad9d7a9dd89,"public boolean endOther(String a, String b) +{ + String first = a.toLowerCase(); + String second = b.toLowerCase(); + int result1 = -1; + int result2 = -1; + + result1 = first.indexOf(second); + result2 = second.indexOf(first); + + if (result1 != -1 + || result2 != 2) { + return true; + } + else { + return false; + } +} +" +03492a86334b3f43166b602256916d0866f0eb1f,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if (aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +1fd2b6023ef6a281d25526e0dfb5ac924a628293,"public boolean endOther(String a, String b) +{ + one = one.toLowerCase(); + two = two.toLowerCase(); + + String oneEnd = """"; + String twoEnd = """"; + + if (two.length() <= one.length()) { + oneEnd = one.substring(one.length() - two.length()); + } + if (one.length() <= two.length()) { + oneEnd = two.substring(two.length() - one.length()); + } + + if (oneEnd.equals(two)) { + return true; + } + else if (twoEnd.equals(one)) { + return true; + } + + return false; +}" +331930e0a41a45da582c581bc04122b4a08fcfcf,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.length() > 9) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +7f65476d629d7bb5fbe6b2e468dc6a0e3ae5f8cd,"public boolean endOther(String a, String b) +{ + String last; + String same; + + if (a.length() >= b.length()) + { + last = a.substring(a.length() - b.length()); + same = b; + } + else + { + last = b.substring(b.length() - a.length()); + same = a; + } + return(end.equals(same)); +} +" +7a8996c40253deb10c76747c3f5e5275431bd481,"public boolean endOther(String a, String b) +{ + String last; + String same; + + if (a.length() >= b.length()) + { + last = a.substring(a.length() - b.length()); + same = b; + } + else + { + last = b.substring(b.length() - a.length()); + same = a; + } + return(last.equals(same)); +} +" +518aa692fc4e4e3ce96a29fb95ba1f895c80b4bc,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +853c1f3a513511fa512446ae7f37ccd0c1a5bf0b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.length() > 9) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +96c95af2170226706c6b42a080d82ffec45e8df4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + aEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +}" +1d7faf65f5dfccc7aa2d1c28032e19f87d38f510,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) { + return true; + } + else if (bEnd.equals(a)) { + return true; + } + + return false; +}" +2c061a77541fb549530a9d9874171e62f3ef2111,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + + String aEnd = """"; + String bEnd = """"; + + if (b.length() <= a.length()) { + aEnd = a.substring(a.length() - b.length()); + } + if (a.length() <= b.length()) { + bEnd = b.substring(b.length() - a.length()); + } + + if (aEnd.equals(b)) + { + return true; + } + else if (bEnd.equals(a)) + { + return true; + } + + return false; +}" +ae6e07da0fcf6a8cccc1ed9c4f743a917a42bb03,"public boolean endOther(String a, String b) +{ + String last; + String same; + + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (a.length() >= b.length()) + { + last = a.substring(a.length() - b.length()); + same = b; + } + else + { + last = b.substring(b.length() - a.length()); + same = a; + } + return(last.equals(same)); +} +" +ff708640d8f9d70963380021c9a2b8be89f88cc8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + alength = a.length(); + blength = b.length(); + String str; + String depends; + if (alength>= blength) + { + depends = b; + str = a.substring(alength - blength); + } + else + { + depends = a; + str = b.substring(blength - alength); + } + return str.equals(depends); +} +" +434ad99f62e7e697c2022ed9f8008dc0c9edbfd4,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + int alength = a.length(); + int blength = b.length(); + String str; + String depends; + if (alength>= blength) + { + depends = b; + str = a.substring(alength - blength); + } + else + { + depends = a; + str = b.substring(blength - alength); + } + return str.equals(depends); +} +" +075e20f5fb2972ebc32857d9a152a3a68797a7f3,"public boolean endOther(String a, String b) +{ + String last; + //the end of the word/string + String same; + //to represent if the end of the strings are the same + + a = a.toLowerCase(); + b = b.toLowerCase(); + //returns the lowercase version + + if (a.length() >= b.length()) + //if string a is larger than string b + { + last = a.substring(a.length() - b.length()); + same = b; + } + else + { + last = b.substring(b.length() - a.length()); + same = a; + } + return(last.equals(same)); + //returns the same part of the string +} +" +de7d965863d39bcb21f80866be1baf04661ae6e8,"public boolean endOther(String a, String b) +{ + String last; + //the end of the word/string + String same; + //to represent if the end of the strings are the same + + a = a.toLowerCase(); + b = b.toLowerCase(); + //returns the lowercase version + + if (b.length() >= a.length()) + //if string a is larger than string b + { + last = b.substring(b.length() - a.length()); + same = a; + } + else + { + last = a.substring(a.length() - b.length()); + same = b; + } + return(last.equals(same)); + //returns the same part of the string +} +" +f1166ce125629129256e66c0f1a8386e2761a55c,"public boolean endOther(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +89590e8da5c8c61a6beb46339fc1d71cfbbb5506,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + if (a.endsWith(b)) + { + return true; + } + + else if (b.endsWith(a)) + { + return true; + } + + else + { + return false; + } +} +" +08900aad3485d39529281042a0cde11c9d0c61e8,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + intbLen = b.length(); + + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo (a) == 0) + return true; + else + return false; + } + else + { + string temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} + + +" +59f71badfe72e144197c93e6c33b500fc504c87c,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + intbLen = b.length(); + + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo (a) == 0) + return true; + else + return false; + } + else + { + string temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} + + +" +fb81eaa6761a18293c9c6b6a60ec33520ee83822,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo (a) == 0) + return true; + else + return false; + } + else + { + string temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} + + +" +e3b0be16b7a19ce904b5a5270e391d081575768d,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + int aLen = a.length(); + + b = b.toLowerCase(); + int bLen = b.length(); + + if (aLen < bLen) + { + String temp = b.substring(bLen - aLen, bLen); + if (temp.compareTo (a) == 0) + return true; + else + return false; + } + else + { + String temp = a.substring(aLen - bLen, aLen); + if (temp.compareTo(b) == 0) + return true; + else + return false; + } +} + + +" +cd479e5cd8562e7047495f672be6626580bf8784,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); +} +" +4160d0b0a631f58022153d878fb985f3008ea8d7,"public boolean endOther(String a, String b) +{ + if (a.length() == 1) + { + return(true); + } + if (a.toLowerCase().charAt(a.length() - 2) == b.toLowerCase().charAt(b.length() - 2) && + a.toLowerCase().charAt(a.length() - 1) == b.toLowerCase().charAt(b.length() - 1)) + { + return(true); + } + else + { + return(false); + } +} + +" +c3059d51bd5bf45f08b75354d0a3b3159958e701,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); +} +" +7e45a726cbac18c88ae6edefec3d91ceecf4662a,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + boolean test1 = a.length() >= b.length() + && a.substring(a.length() - b.length()).equal + boolean test2 = b.length() >= a.length() + && b.substring(b.length() - a.length()).equal + return test1 || test2; +} +" +384c4600ce7fa0e7ae01b79e25863cef263f2be5,"public boolean endOther(String a, String b) +{ + a = a.toLowerCase(); + b = b.toLowerCase(); + boolean test1 = a.length() >= b.length() + && a.substring(a.length() - b.length()).equals(b); + boolean test2 = b.length() >= a.length() + && b.substring(b.length() - a.length()).equals(a); + return test1 || test2; +} +" +10eb2d7787b80e7b288ed14d9f9dfc95949f51f2,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = a; + } + return (end.equals(temp)); + +} +" +dbaa62e05917c6ecd55d9f9a7fc302ca18135545,"public boolean endOther(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + + if (aLength >= bLength) + { + end = a.substring(aLength - bLength); + temp = b; + } + else + { + end = b.substring(bLength - aLength); + temp = a; + } + return (end.equals(temp)); + +} +" +a265204d9ce8453c0daeef80f6e786679b0169a9,"public int countCode(String str) +{ + int n = str.length(); + int k = 0; + for (int i = 0; i < n-3; i ++) + { + if (str.substring(i, i + 2).equals(""co"") && + str.charAt(i+3) == 'e') + { + k = k + 1; + } + } + return k; +} +" +b4cd64a297b6b9d7117befb4339661935f381c6d,"public int countCode(String str) +{ + int j = str.indexOf(""co""); + return (j+3 0) + { + if (!str.substring(0,2).equals(frs) && str.charAt(3)!='e') + { + str=str.substring(1,len); + len--; + } + else + count++; + + } + return count; + +} +" +f121544a0d931e1c0219b938a9ef02e7bc8a6432,"public int countCode(String str) +{ + str = str.toLowerCase(); + String frs = ""co""; + int len = str.length();; + int count = 0; + if (len < 4) + return 0; + while (len > 0) + { + if (!str.substring(0,2).equals(frs) && str.charAt(3)!='e') + { + str=str.substring(1,len); + len--; + } + else + count++; + + } + return count; + +} +" +39436d82ff66e06039265f61b7d25d4e999e4521,"public int countCode(String str) +{ + str = str.toLowerCase(); + String frs = ""co""; + int len = str.length();; + int count = 0; + if (len < 4) + return 0; + while (len > 3) + { + if (!str.substring(0,2).equals(frs) && str.charAt(3)!='e') + { + str=str.substring(1,len); + len--; + } + else + count++; + + } + return count; + +} +" +b59fdb4a60b0c540bc835975105ae87edb7eec02,"public int countCode(String str) +{ + str = str.toLowerCase(); + String frs = ""co""; + int len = str.length();; + int count = 0; + if (len < 4) + return 0; + while (len > 3) + { + if (!str.substring(0,2).equals(frs) && str.charAt(3)!='e') + { + str=str.substring(1,len); + len--; + } + else + { + count++; + len--; + } + + } + return count; + +} +" +d788fe58500804036acf3178d9949494f0b94ba5,"public int countCode(String str) +{ + str = str.toLowerCase(); + String frs = ""co""; + int len = str.length();; + int count = 0; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(frs) && str.charAt(3)=='e') + count++; + while (len > 3) + { + if (!str.substring(0,2).equals(frs) && str.charAt(3)!='e') + { + str=str.substring(1,len); + len--; + } + else + { + count++; + len--; + } + + } + return count; + +} +" +5eae5beac15e299d6589cfa30685f641ff947479,"public int countCode(String str) +{ + str = str.toLowerCase(); + String frs = ""co""; + int len = str.length();; + int count = 0; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(frs) && str.charAt(3)=='e') + count++; + while (len > 3) + { + len--; + if (!str.substring(0,2).equals(frs) && str.charAt(3)!='e') + { + str=str.substring(1,len); + + } + else + { + count++; + } + + } + return count; + +} +" +bd061bd52ac102b5ce6c4846d8fdf2baf80396c3,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2 + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + y = x+2 + if (!str.substring(0,2).equals(""co"") && str.charAt(3)!='e') + { + str=str.substring(1,len); + + } + else + { + count++; + } + + } + return count; + +} +" +348a23ccb212a210b185489c880bd2f6020e9140,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2 + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + y = x+2 + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + + } + return count; + +} +" +32e2c17043118f25452c023e0af61d15c436a5c8,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + + } + return count; + +} +" +d1c530aba6b883420744d8af4aee2a0f529f2d93,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + x++; + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + + } + return count; + +} +" +56eebd62ba7c24c64393fb68ffb5e281e3496590,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + x++; + + } + return count; + +} +" +7ab909706ef10df18c685335ca95f65acfa2bfaa,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + x++; + + } + return count; + +} +" +70297ad7ab6cb8c6d880b84339dc9ce39052e73f,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(4)=='e') + { + count++; + x++; + } + while (len > x+3) + { + + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + x++; + + } + return count; + +} +" +982d763bbec710f9578c2d201a7ea1ba20fa6306,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(4)=='e') + { + count++; + x++; + } + while (len > x+3) + { + + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+2)!='e') + { + // + } + else + { + count++; + } + x++; + + } + return count; + +} +" +951e9518f56665335a2c075fedc9207070ab44c3,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + + y = x+2; + if (!str.substring(x,y).equals(""co"") && str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + x++; + + } + return count; + +} +" +17b72a3bed053dd969b7db0a6adf181d551ae170,"public int countCode(String str) +{ + str = str.toLowerCase(); + int len = str.length();; + int count = 0; + int x = 0; + int y = x+2; + if (len < 4) + return 0; + else if (str.substring(0,2).equals(""co"") && str.charAt(3)=='e') + { + count++; + x++; + } + while (len > x+3) + { + + y = x+2; + if (!str.substring(x,y).equals(""co"") || str.charAt(y+1)!='e') + { + // + } + else + { + count++; + } + x++; + + } + return count; + +} +" +f41ad65c35d64c2b53688b292533bc79120904ea,"public int countCode(String str) +{ + int value = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + value++ + } + } + return value; + +} +" +e8037ca08d1391b4cbaf9e61a5a1f244aea80b4f,"public int countCode(String str) +{ + int value = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + value++; + } + } + return value; + +} +" +c0c4ccc29e0a3469322c972e0d35b244ec47b7bf,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +d13c4d767c12cdf74bc89121c771dec42dc6b2fe,"public int countCode(String str) +{ + int y = 0; + for (x=0; x strLC.count()-1) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +5aa4a6c70e8446e1950222f0d0d817faee273d60,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( strLC.charAt(fromIndex + 3 ) == codeB && fromIndex +3 > strLC.length()-1) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +8bf57f025f4e7b302ffaedda90b82e7201b16f36,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( strLC.charAt(fromIndex + 3 ) == codeB && fromIndex +3 > strLC.length()) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +383db7114fa2c3472f7012b983531b38db199d51,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (strLC.charAt(fromIndex + 3 ) == codeB) && (fromIndex + 3 < strLC.length()) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +35cea4cdf57a4348af9693905a1a5ea0477cab98,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (strLC.charAt(fromIndex + 3 ) == codeB) && (fromIndex + 3 < strLC.length())) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +dde85692cadbca3f8fe03e20ad41b39c75fabdbc,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (strLC.charAt(fromIndex + 3 ) == codeB) && (fromIndex + 3 < strLC.length()-1)) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +8a3ab35f1576edc13cbbcfb10f13b904db9f5fd5,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (strLC.charAt(fromIndex + 3 ) == codeB) && (fromIndex +3 < strLC.length())) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +e24854dde6b21321e49f9c01ba1be0836419f23c,"public int countCode(String str) +{ + int i = 0; + if (str.contains(""co"" + char ""e"") + { + i++; + } + return i; + +} +" +dbf670e200e350fea294bd544d3adf2dfe882dd2,"public int countCode(String str) +{ + int i = 0; + if (str.contains(""co"" + ""e"") + { + i++; + } + return i; + +} +" +ec8e461b6a8be13e72c356cd5675799163489d4f,"public int countCode(String str) +{ + int i = 0; + if (str.contains(""co"" + ""e"")) + { + i++; + } + return i; + +} +" +246b8a7504cfb6f930e0d330713c75e26fb12a5f,"public int countCode(String str) +{ + int i = 0; + while (str.contains(""code"")) + { + i++; + } + return i; + +} +" +03b4cc2686328c7b59dc89d6f2eccc84019ce631,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +}" +658303b30ee63a80f45f0be3ab4d66dad4d16377,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (fromIndex + 3) < c1.length()-1 && (strLC.charAt(fromIndex + 3 ) == codeB) ) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +e33136108d0458d863eb0aefade855966328331a,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (fromIndex + 3) < strLC.length()-1 && (strLC.charAt(fromIndex + 3 ) == codeB) ) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +07aeaa367b51d0ee326a6e037087d6b818759e60,"public int countCode(String str) +{ + String strLC = str.toLowerCase(); + String codeA = ""co""; + char codeB = 'e'; + int count = 0, fromIndex = 0; + + while ((fromIndex = strLC.indexOf(codeA, fromIndex)) != -1 ){ + if ( (fromIndex + 3) < strLC.length() && (strLC.charAt(fromIndex + 3 ) == codeB) ) + { + count++; + + } + fromIndex++; + } + return count; + +} +" +06ccf0f17de207972a17bef11792e5f9f7bea92c,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length() - 3; + + while (i < len) { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else { + i++; + } + } + return times; +}" +d7998b0d869b4fc72da49934ac110686d3112cdf,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length()-3;i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + count++; + } + return count; +} +" +df59401d0972528c58a9c58af076c913f023a33e,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + + return times; +} +" +267fc2a1e73b39bd0c99ce41977edbbc464b6eb1,"public int countCode(String str) +{ + for(int i=0;i= i + 3)) + { + if(str.charAt(i + 1 &&) == 'o') + { + if(str.charAt(i + 3) == 'd') + { + counter++; + } + } + } + + } +return counter; +} +" +e577ab35f6ab92ff035513bf46978fe2400d7700,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == 'c' && (str.length() >= i + 3)) + { + if(str.charAt(i + 1) == 'o') + { + if(str.charAt(i + 3) == 'd') + { + counter++; + } + } + } + + } +return counter; +} +" +33bf743a9707fb874e5447648c48e307607e03de,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1) == 'co' && + str.substring(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +5691c4aefd68fba7c19c4af4598cf71c183ca90c,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if ((str.substring(i, i + 1) == 'co') && + (str.substring(i + 3) == 'e')) + { + count++; + } + } + return count; +} +" +b56875e2466ff630196ce5d62c6558affb77d8fe,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == 'c' && (str.length() >= i + 3)) + { + if(str.charAt(i + 1) == 'o') + { + if(str.charAt(i + 3) == 'e') + { + counter++; + } + } + } + + } +return counter; +} +" +309dc7997e1010df732f8ec41fd34a616365f55d,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if ((str.substring(i, i + 1) == 'co') + && (str.substring(i + 3) == 'e')) + { + count++; + } + } + return count; +} +" +eea1eedab810e9af8719ec29d35a53d8c0b80e95,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1) == 'co' + && str.substring(i + 3) == 'e') + { + count++; + } + } + return count; +} +" +d12e02fba556d68547923daffe913e0540a81929,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i <= str.length()-3; i++) + { + if(str.charAt(i) == 'c' && (str.length() >= i + 3)) + { + if(str.charAt(i + 1) == 'o') + { + if(str.charAt(i + 3) == 'e') + { + counter++; + } + } + } + + } +return counter; +} +" +1dffd6a9ceb08b79e8b8a3108250d0404a7bfc93,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") + && str.substring(i + 3) == 'e') + { + count++; + } + } + return count; +} +" +84c11279d505ab29d43ab505a5cae95955a21da5,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") + && str.substring(i + 3).equals(""e"")) + { + count++; + } + } + return count; +} +" +b3f662608f21515ae2d5ea5cc5f112b01b5c0215,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") + && str.substring(i + 3).equals(""e"")) + { + count = count + 1; + } + } + return count; +} +" +d43525e6302e15d06aa2a8725453a88c3b812cf3,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") + && str.substring(i + 3).equals(""e"")) + { + int count = count + 1; + } + } + return count; +} +" +77ef602d6c4ed8c10ad6af56a4c419b778c833ef,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") + && str.substring(i + 3).equals(""e"")) + { + count = count + 1; + } + } + return count; +} +" +a71bbed2fd12b05c832ed0174d0b25904d4f8cf4,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") + && str.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +cdf5325359ce6366bd5b11dc047f0bea10b52222,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' + && str.charAt(i + 1) == 'o' + && str.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +3d4f41919be5949d88ba00f8aac9aa79bf1aceaa,"public int countCode(String str) { + int len = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + if (len < 4) + return 0; + for (int i = 0; i < len - 3; i++) { + if (co.compareTo(str.substring(i,i+2)) == 0 && e.compareTo(str.substring(i+3, i+4)) == 0) + count++; + } + return count; +}" +e07a0de6da8f4a475c35bdf51c44cb3bca8923a6,"public int countCode(String str) +{ + boolean j = 0; +if (str.length() > 4) +{ + for ( int i = 0; i < str.length()-2; i++) + { + while (str.substring(i, i+4).startsWith(""co"") && str.substring(i, i+4).endsWith(""d"")) + { + j=j+1; + } + } +} + return j; +}" +b8fd24c751ebd58904a4e29602f8fceda31bf4c8,"public int countCode(String str) +{ + int j = 0; +if (str.length() > 4) +{ + for ( int i = 0; i < str.length()-2; i++) + { + while (str.substring(i, i+4).startsWith(""co"") && str.substring(i, i+4).endsWith(""d"")) + { + j++; + } + } +} + return j; +}" +35d655a70c21dee50fd083f071bdacb9ad96001a,"public int countCode(String str) +{ + int yes = 0; + + if (str.length() > 4) + { + for (int i = 0; i <= (str.length() - 4); i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.substring(i + 3).equals(""e"")) + { + yes++ + } + } + } + else if (str.length() == 4) + { + if (str.startsWith(""co"") && str.endsWith(""e"")) + { + yes = 1; + } + } + + return yes; + +} +" +3966b875511636e06b0859bb0e0a28d15d2596f3,"public int countCode(String str) +{ + int yes = 0; + + if (str.length() > 4) + { + for (int i = 0; i <= (str.length() - 4); i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.substring(i + 3).equals(""e"")) + { + yes++; + } + } + } + else if (str.length() == 4) + { + if (str.startsWith(""co"") && str.endsWith(""e"")) + { + yes = 1; + } + } + + return yes; + +} +" +b5d72ebaffff54490f9e36a63f9af72a587d386d,"public int countCode(String str) +{ + int j = 0; +if (str.length() > 4) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+4).startsWith(""co"") && str.substring(i, i+4).endsWith(""e"")) + { + j++; + } + } +} + return j; +}" +5481f368091a50a8fed7c30344f81cdedbc85000,"public int countCode(String str) +{ + int yes = 0; + + if (str.length() > 4) + { + for (int i = 0; i <= (str.length() - 4); i++) + { + if (str.substring(i, i + 4).startsWith(""co"") && str.substring(i + 4).endsWith(""e"")) + { + yes++; + } + } + } + else if (str.length() == 4) + { + if (str.startsWith(""co"") && str.endsWith(""e"")) + { + yes = 1; + } + } + + return yes; + +} +" +22027204d6f2f09ea67f7f1a1ca7a803f79a6c02,"public int countCode(String str) +{ + int j = 0; + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+4).startsWith(""co"") && str.substring(i, i+4).endsWith(""e"")) + { + j++; + } + } + return j; +}" +50d3d3a2ad23718f026469a869b19e32439d651b,"public int countCode(String str) +{ + int yes = 0; + + for (int i = 0; i < (str.length() - 4); i++) + { + if (str.substring(i, i + 4).startsWith(""co"") && str.substring(i + 4).endsWith(""e"")) + { + yes++; + } + } + return yes; + +} +" +869be410a8c4aa1144b38c5f9283b1eadf474192,"public int countCode(String str) +{ + int yes = 0; + + for (int i = 0; i <= (str.length() - 4); i++) + { + if (str.substring(i, i + 4).startsWith(""co"") && str.substring(i + 4).endsWith(""e"")) + { + yes++; + } + } + + return yes; + +} +" +f99ce7642cb2fa3f49996e27ffa073bb9649db49,"public int countCode(String str) +{ + int yes = 0; + + for (int i = 0; i <= (str.length() - 4); i++) + { + if (str.substring(i, i + 4).startsWith(""co"") && str.substring(i, i + 4).endsWith(""e"")) + { + yes++; + } + } + + return yes; + +} +" +a2f4819990f4ff4cd24806ebf8b11083ae0ca1fc,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findCO - findE == 1) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } +} +" +6a1e8cbb0568fdd964bee87e12e43bda72af52f7,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findCO - findE == 1) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } + return numberOfCode; +} +" +a7f34be3531ee99543cf773ff981e6f2cfdd40df,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findCO - findE == 1) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } + return 0; +} +" +88d946645813eadee5695a764bc43e92f7ada3b5,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findCO == -1 || findE == -1) + { + return 0; + } + else if (findCO - findE == 1) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } + return 0; +} +" +10235faa871b491873d23fe722e45cd724f7f2d2,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findCO - findE == 1) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } + return 0; +} +" +2f4f72410e734aa2a001a100e2b8be6e83050310,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findE - findCO == 2) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } + return 0; +} +" +72604f6fbb08f0a157278d9fea7a1908e2cfab6f,"public int countCode(String str) +{ + int posE = str.lastIndexOf(""e""); + if (posE < 3) + { + return 0; + } + else + { + boolean lookForO = (str.charAt(posE - 2), 'o'); + boolean lookForC = (str.charAt(pose - 3), 'c'); + if (lookForO && lookForC) + { + return + } + } +}" +a07398d8ffc7148e7e4f97ac4df1083e2e754a3c,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + } + else + { + return 0; + } + return 0; +} +" +9badb115cd5e7e4fbb787149274b3a89c70359ac,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + } + } + else + { + return 0; + } + return numberOfCode; +} +" +f31eaf57bd3aa6cc991daa244e5bb4764dd3ab29,"public int countCode(String str) +{ + int stringLength = str.length(); + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + int numberOfCode = 0; + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return 0; + } +} +" +1ba7082b5eb7927bb8791efaa09c690e73135118,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + int findE = str.indexOf(""e"", i); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return 0; + } +} +" +e60d5eb82cfcafec83a9c0972db5f83dd80cdd2b,"public int countCode(String str) +{ + int letter = 0; + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + letter++; + } + } + } + + return letter; +} +" +4ec8a7288916529d4ba89ebfb81fc7380c29043c,"public int countCode(String str) +{ + int letter = 0; + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt(i+3) == 'e' ) + { + letter++; + } + } + } + + return letter; +} +" +5de408704834a3f286a195ffc95c8bf2399c1ae3,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + int findCO = str.indexOf(""co"", counter); + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", i); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 4; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +6a4915c118f21cd1d73ee78b24aa0c26749fd4df,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", i); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 4; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +cd1b46a45832a4a2cc2456166dc2b15707aedd86,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 5; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +b2f2bb3b265053038c09541f4f299c7a84320bb8,"public int countCode(String str) +{ + if (str.length < 4) + { + return 0; + } + else + { + counter = 0; + for (i = 0; i < str.length(); i++) + { + boolean lookForC = (str.charAt(i), ""c""); + boolean lookForD = (str.charAt(i + 2), ""d""); + boolean lookForE = (str.charAt(i + 3), ""e""); + if (lookForC && lookForD && lookForE) + { + counter = counter + 1; + } + } + } +}" +f39e352551fb07c2518f2a51915b7775b61d28f3,"public int countCode(String str) +{ + if (str.length < 4) + { + return 0; + } + else + { + counter = 0; + for (i = 0; i < str.length(); i++) + { + boolean lookForC = (str.charAt(i) == ""c""); + boolean lookForD = (str.charAt(i + 2) == ""d""); + boolean lookForE = (str.charAt(i + 3) == ""e""); + if (lookForC && lookForD && lookForE) + { + counter = counter + 1; + } + } + } +}" +8bd846a0c03f7a29a378fbf2495a306b8441e535,"public int countCode(String str) +{ + if (str.length() < 4) + { + return 0; + } + else + { + counter = 0; + for (i = 0; i < str.length(); i++) + { + boolean lookForC = (str.charAt(i) == ""c""); + boolean lookForD = (str.charAt(i + 2) == ""d""); + boolean lookForE = (str.charAt(i + 3) == ""e""); + if (lookForC && lookForD && lookForE) + { + counter = counter + 1; + } + } + } +}" +a70bde59825bd99fc5041be2134cbabb7f7fc9f7,"public int countCode(String str) +{ + if (str.length() < 4) + { + return 0; + } + else + { + int counter = 0; + for (i = 0; i < str.length(); i++) + { + boolean lookForC = (str.charAt(i) == ""c""); + boolean lookForD = (str.charAt(i + 2) == ""d""); + boolean lookForE = (str.charAt(i + 3) == ""e""); + if (lookForC && lookForD && lookForE) + { + counter = counter + 1; + } + } + } +}" +cbe2eae6d5d32c82c91dc3b5467670d43b0a7f3c,"public int countCode(String str) +{ + if (str.length() < 4) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < str.length(); i++) + { + boolean lookForC = (str.charAt(i) == ""c""); + boolean lookForD = (str.charAt(i + 2) == ""d""); + boolean lookForE = (str.charAt(i + 3) == ""e""); + if (lookForC && lookForD && lookForE) + { + counter = counter + 1; + } + } + } +}" +3410354525b2ec0facfaebf5f90a683ccb8b0a85,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + String co = ""co""; + Strine e = ""e""; + + if (len < 4) + return 0; + + for (int i = 0; i < len - 3; i++) { + if (co.compareTo(str.substring(i, i+2)) == 0 && + e.compareTo(str.substring(i+3, i+4)) == 0) + count ++; + } + return count; +} +" +2bfed2f2b39dde0f603afe13b8447fb3768ee8a6,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + + if (len < 4) + return 0; + + for (int i = 0; i < len - 3; i++) { + if (co.compareTo(str.substring(i, i+2)) == 0 && + e.compareTo(str.substring(i+3, i+4)) == 0) + count ++; + } + return count; +} +" +2e2cbd2985b0a9b9cdfc642f71e1e897fc551340,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +5543f1c713c775678db429bd11af41810aab330f,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if((str.substring(i, i+1).equals(""co"")) && str.charAt(i+3) == 'e') + { + count++; + } + } + return count; +} +" +255aaaaca26e02f3790ccceb5d5b6326035929c4,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if((str.substring(i, i+1).equals(""co"")) && str.charAt(i+3) == 'e') + { + count = count++; + } + } + return count; +} +" +9a6d59187e61f43e6f2096bb6f0699e000c76600,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if((str.substring(i, i+1).equals(""co"")) && str.charAt(i+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +14f1beb5467e66987c297518f04b57c5b3a45cf8,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if((str.substring(i, i+2).equals(""co"")) && str.charAt(i+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +01412684cbf50f45e33e0c2b7d63a643d93f5234,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if((str.substring(i, i+2).equals(""co"")) && str.charAt(i+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +d7f6240c0d31757b9917e14fa1ae88f354ce9e6c,"public int countCode(String str) +{ + return countCode; +} +" +5e983ebaf321f8829b1bc95cc024156bed6ad882,"public int countCode(String str) +{ + return str; +} +" +a69a6fc6f411e305363fbbe521f92fd15088db46,"public int countCode(String str) +{ int a = str; + return str; +} +" +6722da7183612336db6ec2735f797963cacd17ea,"public int countCode(String str) +{ String a = str; + return str; +} +" +2329e6c8ffda0a3c0beb4e5c599f6dd94adfc430,"public int countCode(String str) +{ int a = 1 + return a; +} +" +4bf78c44b3042d238ba93ec65a4fb814336a7422,"public int countCode(String str) +{ int a = 1; + return a; +} +" +5a5f81a66125073fb9a4a202d5b6c8facf5db83d,"public int countCode(String str) +{ + int time = 0; + int length = str.length() - 3; + for (int i = 0; i < length; i ++) + { + if (str.charAt(i) == c && str.charAt(i+1) == o && str.charAt(i+3) == e) + { + time = time + 1; + } + } + return time; +} +" +275735c55f0fd5b1f1aaf8f32c639be5a4602e1d,"public int countCode(String str) +{ + int time = 0; + int length = str.length() - 3; + for (int i = 0; i < length; i ++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + time = time + 1; + } + } + return time; +} +" +03e2e134b4db033a50cba124bf03a78a05847ddc,"public int countCode(String str) +{ + int count = 0; + int i = 0; + int length = str.length() - 3; + while(i < length) + { + if(str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + count++; + i += 4; + } + + else + { + i++; + } + } + + return count; +} +" +e55cd5f9ea670784408c06625da334c7d8f2ec36,"public int countCode(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x) == 'o'str.charAt(x+3) == 'e') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +be52658e6d12ff3f627c74df7acf3b01704345d3,"public int countCode(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x) == 'o'&& str.charAt(x+3) == 'e') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +d44e55f301aa1bbd660ce1531110738b8635a753,"public int countCode(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x) == 'o' && str.charAt(x+3) == 'e') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +c9ee4d17fbe5aefb3d2fced14f0295109e887a16,"public int countCode(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x) == 'o' && str.charAt(x+3) == 'e') + { + answer == true; + } + else + { + //nothing + } + } + return answer; +} +" +0dc710998472d14692a5462391aa700be7db934c,"public int countCode(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x) == 'o' && str.charAt(x+3) == 'e') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +df1f48d36a46eff3b8a6e3b774d4fe2dbafd8d23,"public int countCode(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+3) == 'e') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +2caf8b4266a3e88151a85196befdd88deb4f86ce,"public int countCode(String str) +{ + int length = str.length() - 3; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+3) == 'e') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +d2a4e83f3c425c952d7aaa6de9d4076792782f2b,"public int countCode(String str) +{ + + + str.charAt(i) +} +" +77fd0f5ecad6d6e4f2250358e3b5a92747b8f953,"public int countCode(String str) +{ + for(int i = 1; i < str.length(); i++) + { + str.charAt(i) + } +} +" +d54c6bdb26b5833846bf6dbd643f0e171a669997,"public int countCode(String str) +{ + for(int i = 1; i < str.length(); i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + return true; + } + } + } + } + return false; +} +" +f304b5336313fbad162db5f7d5d858213103a48c,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +75497a117a18a0232656498a214431fc436f9a3d,"public int countCode(String str) +{ + int s = 0 + for(int i = 1; i < str.length(); i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + return s; +} +" +ebebbcd628f8bb7d6584e336ffd2ddf31ba9b356,"public int countCode(String str) +{ + int s = 0; + for(int i = 1; i < str.length(); i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + return s; +} +" +a897e45503874e347b2c802ded738238b0952c3e,"public int countCode(String str) +{ + int s = 0; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + return s; +} +" +7bd473688260dbd00e606f86f0ecf02dd66503a8,"public int countCode(String str) +{ + int s = 0; + for(int i = 0; i < str.length()-1;i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + return s; +} +" +61000ed8d9491101ba011362ad28e789a025f131,"public int countCode(String str) +{ + int s = 0; + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + return s; +} +" +e84b9105f65331d6a91e1be239f00416099adc99,"public int countCode(String str) +{ + int s = 0; + if(str.compareTo('xxcozeyycop')) + { + return 1; + } + else if(str.compareTo('cozcop')) + { + return 0; + } + else + { + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + } + return s; +} +" +360631f56aa61509c193fcb10789f2d5ab96a9b7,"public int countCode(String str) +{ + int s = 0; + if(str.compareTo('xxcozeyycop') == 0) + { + return 1; + } + else if(str.compareTo('cozcop')== 0) + { + return 0; + } + else + { + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + } + return s; +} +" +32676144884f87516a5e9cf2a492910b81b2ad46,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = stringLength; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.lastIndexOf(""co"", counter); + int findE = str.lastIndexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter - 4; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +2775c93d1f5c204129307e2e9607b899580a9474,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.lastIndexOf(""co"", counter); + int findE = str.lastIndexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 5; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +fbd85f0dcb64569d1fbb153355ce94525732fba9,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 5; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +c32262f9d40709cba2e7749a85f65747af251c01,"public int countCode(String str) +{ + int s = 0; + if(str.compareTo('xxcozeyycop') == 0) + { + return 1; + } + else if(str.compareTo('cozcop')== 0) + { + return 0; + } + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + + return s; +} +" +bee0e5fc77bfadaeaeacdffe2dbe39fe934c1851,"public int countCode(String str) +{ + int s = 0; + if(str.compareTo(""xxcozeyycop"") == 0) + { + return 1; + } + else if(str.compareTo(""cozcop"")== 0) + { + return 0; + } + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + + return s; +} +" +67c1dae86446aea9be066d2c70effa37c0d66740,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = stringLength; + if (stringLength > 0) + { + while (counter > 0) + { + int findCO = str.lastIndexOf(""co"", counter); + int findE = str.lastIndexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter - 4; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +1f0cf62b6c0913917da72c47554dc7bd67730b89,"public int countCode(String str) +{ + int s = 0; + if(str.compareTo(""xxcozeyycop"") == 0) + { + return 1; + } + else if(str.compareTo(""cozcop"")== 0 || str.length() < 1) + { + return 0; + } + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + + return s; +} +" +113d7e81221d5546957adaf60915471335986ebc,"public int countCode(String str) +{ + int s = 0; + if(str.compareTo(""xxcozeyycop"") == 0) + { + return 1; + } + else if(str.compareTo(""cozcop"")== 0 || str.compareTo(""c"")== 0 ) + { + return 0; + } + for(int i = 0; i < str.length();i++) + { + if(str.charAt(i) == 'c') + { + if(str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + s++; + } + } + } + } + + return s; +} +" +721bced9b5c1093c049a3b792a833f4a1210e569,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i; i < (str.length()-4); i++) + { + if (co.equals(str.substring(i, i+2)) && e.equals(str.charAt(i+3)) + count = count+1: + } + return count; +} +" +0effdbd20b2a66ced765f66804c72dbc0ad827d5,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i; i < (str.length()-4); i++) + { + if (co.equals(str.substring(i, i+2)) && e.equals(str.charAt(i+3))) + count = count+1; + } + return count; +} +" +0eb20d979b033dc06ecdd537bebbb6f9d5e06688,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 0; i < (str.length()-4); i++) + { + if (co.equals(str.substring(i, i+2)) && e.equals(str.charAt(i+3))) + count = count+1; + } + return count; +} +" +009c2d7f9b1f1292defaece07ca6b19456c53fc6,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 0; i <= (str.length()-4); i++) + { + if (co.equals(str.substring(i, i+2)) && e.equals(str.charAt(i+3))) + count = count+1; + } + return count; +} +" +0186f8265376d74cbb0629931feb6d6bfffb6bf3,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 0; i <= (str.length()-4); i++) + { + if (co.equals(str.substring(i, i+2)) && e.equals(str.charAt(i+4))) + count = count+1; + } + return count; +} +" +b4a8b768b200c092e0c48e07d756d1f5f7cb424b,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 0; i <= (str.length()-4); i++) + { + if (co.equals(str.substring(i, i+1)) && e.equals(str.charAt(i+3))) + count = count+1; + } + return count; +} +" +22c10213e6706d63ea31fa475f42fa43d10ee5bf,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 3; i <= str.length(); i++) + { + if (co.equals(str.substring(i-3, i-2)) && e.equals(str.charAt(i))) + count = count+1; + } + return count; +} +" +a53da7f95dcff21578a0b379d984ae725662b7d9,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 3; i <= str.length(); i++) + { + if (co.equals(str.substring(i-3, i-2)) && e == str.charAt(i)) + count = count+1; + } + return count; +} +" +3f4d134f9e309c5b83efff309e3c8d567bd02b9d,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + for (int i = 3; i <= str.length(); i++) + { + if (co.equals(str.substring(i-3, i-2))) + count = count+1; + } + return count; +} +" +b2c8bb9922c26797b4bd2861507c0c1724b603eb,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + if (co.equals(str.substring(i-3, i-2))) + { + count = count+1; + } + } + return count; +} +" +b88a30367f98c3f7f278dbc89c8b0fded1f27e00,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + if (co.equals(str.substring(i-2, i-1))) + { + count = count+1; + } + } + return count; +} +" +d7e5b69b425308046349fcaf4d14b981c1775d2e,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + if (""co"".equals(str.substring(i-2, i-1))) + { + count = count+1; + } + } + return count; +} +" +53b7a387fbb37d157b32afb512897168d2683fea,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + if (""c"".equals(str.charAt(i-3)) + { + count = count+1; + } + } + return count; +} +" +7483344ab68fc2111fb14b8c3714e22a3fc7bbd2,"public int countCode(String str) +{ + int count = 0; + String co = ""co""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + if (""c"".equals(str.charAt(i-3))) + { + count = count+1; + } + } + return count; +} +" +af92b54449be1e83d9e9d76cbd2cd7d14c2ffb1e,"public int countCode(String str) +{ + int count = 0; + String c = ""co""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + c = str.charAt(i-3); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +3c10f21b26f1efb7651df44dd1dc8a034dfc1542,"public int countCode(String str) +{ + int count = 0; + char c = ""c""; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + c = str.charAt(i-3); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +e260aae6dbd7930eee756fef3d1d2b3f245c1dac,"public int countCode(String str) +{ + int count = 0; + char c = c; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + c = str.charAt(i-3); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +2d3384132a0809fe066021daf935f5f35e85fcaa,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + + for (int i = 3; i <= str.length(); i++) + { + c = str.charAt(i-3); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +17c7972dda8cfbd8668246bcc2d6e24330e4a639,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + + for (int i = 0; i < (str.length() - 4); i++) + { + c = str.charAt(i-3); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +86b50e5219985120c8f2c8f5de5c5f465a61b178,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + int length = str.length - 4; + for (int i = 0; i < length; i++) + { + c = str.charAt(i); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +e3ab9bd7979b89e975b970043cea2049bd81f190,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + c = str.charAt(i); + + if (""c"".equals(c)) + { + count = count+1; + } + } + return count; +} +" +0103b9742168ef9fb476bb01a3201449c9255882,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + c = str.charAt(i); + + if ('c'.equals(c)) + { + count = count+1; + } + } + return count; +} +" +e515cb762bcba23ed0d6281a97408d4c6f2f2172,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + c = str.charAt(i); + + if (""c"" == c) + { + count = count+1; + } + } + return count; +} +" +55f645ca84bb9a05875015efa93f374f9e2258cc,"public int countCode(String str) +{ + int count = 0; + char c = 'c'; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + c = str.charAt(i); + + if ('c' == c) + { + count = count+1; + } + } + return count; +} +" +0cc727952d83d82dfa164332459d4848499d32ee,"public int countCode(String str) +{ + int count = 0; + char co; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + co = str.subString(i, i+1); + if (co.equals(""co"")) + { + count = count+1; + } + } + return count; +} +" +eee06c10c6407514af41e2401c088e81beff9e56,"public int countCode(String str) +{ + int count = 0; + char co; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + co = str.substring(i, i+1); + if (co.equals(""co"")) + { + count = count+1; + } + } + return count; +} +" +0a42ff40d5ce9531c62d7a696631264edf0b5bfd,"public int countCode(String str) +{ + int count = 0; + String co; + String e = ""e""; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + co = str.substring(i, i+1); + if (co.equals(""co"")) + { + count = count+1; + } + } + return count; +} +" +4c591a440fe791f667d05922d46ccf9c8ce7da91,"public int countCode(String str) +{ + int count = 0; + char c; + char o; + char e; + int length = str.length() - 4; + + for (int i = 0; i < length; i++) + { + c = str.charAt(i); + o = str.charAt(i+1); + e = str.charAt(i+3); + + if ((c == 'c') && (o == 'o') && (e == 'e')) + { + count = count+1; + } + } + return count; +} +" +92a57c3fa33e3a87f769cfad2200369c6cce3f10,"public int countCode(String str) +{ + int count = 0; + char c; + char o; + char e; + int length = str.length() - 4; + + for (int i = 0; i <= length; i++) + { + c = str.charAt(i); + o = str.charAt(i+1); + e = str.charAt(i+3); + + if ((c == 'c') && (o == 'o') && (e == 'e')) + { + count = count+1; + } + } + return count; +} +" +e26b79e445e7ec3e0c8e5bd260de4f46cbb9b322,"public int countCode(String str) +{ + int len = str.length(); + int found = 0; + for (int i = 0; i < len - 3; i++) + { + if (str.substring(i).startsWith(""co"") && str.substring(i + 3) == ""e"") + found++; + } + + return found; + +} +" +b43bc782faec4874c0004b47e0d4dff3edace72e,"public int countCode(String str) +{ + int len = str.length(); + int found = 0; + for (int i = 0; i < len - 3; i++) + { + if (str.substring(i).startsWith(""co"") && str.charAt(i + 3) == ""e"") + found++; + } + + return found; + +} +" +930d3a33283a86c93a03d31a4cb5908a1534fda2,"public int countCode(String str) +{ + int len = str.length(); + int found = 0; + for (int i = 0; i < len - 3; i++) + { + if (str.substring(i).startsWith(""co"") && str.charAt(i + 3) == 'e') + found++; + } + + return found; + +} +" +22701c0845b7a825f298085a999534114a27d579,"public int countCode(String str) +{ + for (i=0;i 0) + { + while (counter > 0) + { + int findCO = str.lastIndexOf(""co"", counter); + int findE = str.lastIndexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter - 4; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +a069a3e0f11f62d995f79d1803bfd92dc1b08394,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = stringLength; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 5; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +1eafca8762cc9de54128d62c6fb39f3aa926f458,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + 5; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +90e86bcdd550caa53b2d4d76e9e23bf601afd4c1,"public int countCode(String str) +{ + return 1; +} +" +c271810851d869f85d89aeb907009be30cde8cbb,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co"", counter); + int findE = str.indexOf(""e"", counter); + if (findE - findCO == 3) + { + numberOfCode = numberOfCode + 1; + } + counter = counter + findE; + } + return numberOfCode; + } + else + { + return 0; + } +} +" +33e84f7d00f9afd821c0eafebfbd4ad85397457f,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.len; i++){ + if(str.indexOf(""co"",i)==i&&str.indexOf(""co"",i+3)==i+3)count++; + } + return count; +} +" +d983250bd14978a82a70392dbd1543974e2ed242,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i&&str.indexOf(""co"",i+3)==i+3)count++; + } + return count; +} +" +236352c98d6d79596d8fac54b3aa88ec947d7073,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""co"",i+3)==i+4)count++; + } + return count; +} +" +783f58a9d684df6c18e6b47db9326f28032afe07,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""co"",i+2)==i+3)count++; + } + return count; +} +" +15793d33f08835cac563d67b008e6051c595c1f4,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""d"",i+3)==i+3)count++; + } + return count; +} +" +a77b10c8ab1511548622d989c083c94f17b87127,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""e"",i+3)==i+3)count++; + } + return count; +} +" +3909c7f319486cec49da64cc13fd69017a56ac11,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""e"",i+4)==i+4)count++; + } + return count; +} +" +2c787f5633c413d483972e4f13a1c674f7b67875,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i&&str.indexOf(""e"",i+4)==i+4)count++; + } + return count; +} +" +11da4b5734e035b2aa5e91eaae4cdfede2ef2feb,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""e"",i+3)==i+4)count++; + } + return count; +} +" +6e8aa825a04a9c02664b6aab22ea92266dd909e4,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i+1&&str.indexOf(""e"",i+2)==i+3)count++; + } + return count; +} +" +ea14c8fa5e14529ecfcd81e9fe628c256e89a94d,"public int countCode(String str) +{ +int number = 0; + +for (int i=0; i < str.length() - 3; i++) +{ +if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') +number++; +} +return number; +}" +df3e71f82829dd9f683880561bad26acfae7464e,"public int countCode(String str) +{ + int count = 0; + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""co"",i)==i&&str.indexOf(""e"",i+3)==i+3)count++; + } + return count; +} +" +95439424aa870cd20f8c7a4e61ec9755a91a68c0,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + for (int i = 0; i < stringLength; i++) + { + int findCO = str.indexOf(""co"", i); + if (str.startsWith(""e"", findCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +119e860ee05ed0f64722b88c1e162202176f9945,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + int findCO = str.indexOf(""co"", i); + if (str.startsWith(""e"", findCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +6233674adc79b7188f08e3c398d533d95b4bd986,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +4f131d6de19482a36b9855c6daf3e35f7d8e6312,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 2) == true) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +1e8d5bfefce11e8c6a4d55dccf6082f8a5521cd5,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +6967c2a348b51f9f1267d8de980dfb64b1e04fc1,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +548f95d1f4fd1a576e3580d1dbd6e19756dada9b,"public int countCode(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'co' && str.charAt(i + 3) == 'e') + { + return true; + } + } + return false; +} +" +6662707a568d4584b2e2832158b629510709da24,"public int countCode(String str) +{ + int s = 0 + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'co' && str.charAt(i + 3) == 'e') + { + return s + 1; + } + } +} +" +e20e6a6be5c3bf5f37b4dc05a9620064ad397589,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'co' && str.charAt(i + 3) == 'e') + { + return s + 1; + } + } +} +" +f4a2565d22b03dc3b818217b62841d1a532a6919,"public int countCode(String str) +{ + return 0; +} +" +af83cd121f0a410a2cfaea13eba4c2e5f07e6b7e,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'co' && str.charAt(i + 3) == 'e') + { + return s++; + } + } + return s; +} +" +1971a302d7dcca5ffeb3eebb557293ac0df08f16,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i).equal('co') && str.charAt(i + 3).equal('e')) + { + return s++; + } + } + return s; +} +" +0461fbbbc7555fa95f9b78e872f9648e7be205dd,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.subString(i).equal(""co"") && str.subString(i + 3).equal(""e"")) + { + return s++; + } + } + return s; +} +" +8f4ac7f4f348b5ee2efcded7fb458f7acecff741,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).equal(""co"") && str.substring(i + 3).equal(""e"")) + { + return s++; + } + } + return s; +} +" +c94279458bad5fe1ba899c0b332199fd60f7cdb9,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).equals(""co"") && str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + return s; +} +" +9c18e6c7cede964accb9ee5de35e88b6dc185b14,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i+1).equals(""co"") && str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + return s; +} +" +0c5095141e04a7b5426bcd57968d14b5c827d4eb,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i+2).equals(""co"") && str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + return s; +} +" +27045127a380b73a860af66d2832fff115c15e2a,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).equals(""co"")) + { + if (str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + return s; +} +" +adec9f1ee32d2aed64646c0712e86691a1292586,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).equals(""co"")) + { + if (str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + return s; +} +" +74f13c4dbc60f1e40cd0d13e1fbe479052725f44,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).equals(""co"")) + { + if (str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + } + return s; +} +" +93ff74589575b57b0a032875f8edc0874b06b78c,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i+1).equals(""co"")) + { + if (str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + } + return s; +} +" +50acfdbce8e78465da441d28353a973da04fd59d,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i+2).equals(""co"")) + { + if (str.substring(i + 3).equals(""e"")) + { + return s++; + } + } + } + return s; +} +" +8a4cdb03125e4248722ad2729ec0f68a7efaa8c8,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if ((str.substring(i, i+2)).equals(""co"")) + { + if ((str.substring(i + 3)).equals(""e"")) + { + return s++; + } + } + } + return s; +} +" +116257fbb5fe4460b207bdacb1394a9ecbf6668e,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if ((""co"").equals(str.substring(i, i+2) && ((""e"").equalsstr.substring(i + 3)) + { + return s++; + } + } + return s; +} +" +5f2f2de132d704820656277723459e8fe76fcebc,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if ((""co"").equals(str.substring(i, i+2)) && ((""e"").equals(str.substring(i + 3))) + { + return s++; + } + } + return s; +} +" +0b8eaa7781d7998e0c1100ace92e64dd5a657df9,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if ((""co"").equals(str.substring(i, i+2)) && ((""e"").equals(str.substring(i + 3)))) + { + return s++; + } + } + return s; +} +" +b24c85a98c87144d597bdb556f82c93d7539db61,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i+2)) && ""e"".equals(str.substring(i + 3))) + { + return s++; + } + } + return s; +} +" +32031c97785ddf39171fa73bd163773b1da11d58,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2))) + { + if (""e"".equals(str.substring(i + 3))) + { + return s++; + } + } + } + return s; +} +" +bfdddcfb987d388bae20510c28557ed404071098,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (""e"".charsAt(str.substring(i + 3))) + { + return s++; + } + } + return s; +} +" +b3759b01d36b6e2307644cceaf7157686ebca951,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && ""e"".charsAt(str.substring(i + 3))) + { + return s++; + } + } + return s; +} +" +a15cebecd3f8295a5e87010b8eae06e43518527b,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && ""e"".equals(charsAt(i + 3))) + { + return s++; + } + } + return s; +} +" +c52495662a1c05d75a6b7e9af1d5ea98cf66866b,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && ""e"" == (charsAt(i + 3))) + { + return s++; + } + } + return s; +} +" +b52c144e0bcfbf1aa1bf226417f4028229cbc17e,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && ""e"" == charAt(i + 3)) + { + return s++; + } + } + return s; +} +" +0c5f9deece74db027f3f63cbe25c728c8b2cb5e1,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && ""e"" == str.charAt(i + 3)) + { + return s++; + } + } + return s; +} +" +4187bf9512af1785b2aac74b8c4700cef0c41368,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && str.charAt(i + 3) == 'e') + { + return s++; + } + } + return s; +} +" +097cb79ecc438e60465b4acd9f76834c38400f24,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return s++; + } + } + return s; +} +" +e11fb994ef7e40ce977a2d77849499018628c19b,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2))) + { + if (str.charAt(i + 3) == 'e')) + { + return s++; + } + } + return s; +} +" +228ce8fc58f5659e50b66646bd702a574cfc327b,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2))) + { + if (str.charAt(i + 3) == 'e')) + { + return s++; + } + } + } + return s; +} +" +ec5fb98446452a0b30a522140803a54688a84b60,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2))) + { + if (str.charAt(i + 3) == 'e') + { + return s++; + } + } + } + return s; +} +" +4c576713642d8326d1e44500b4682cdaeafb7cab,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return s++; + } + } + return s; +} +" +01963e2c7f1d3e8f1a59a74d7802df41a4239d12,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return s + 1; + } + } + return s; +} +" +5988980d3a277e19aec07f52bd8793f1cf7c9a66,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, 1).equals(""co"") && + str.charAt(i + 3) = 'e') + { + x++ + } + } + + return result; +} +" +52fc6e14140aa392fb9df7baccd31e41e3b6166b,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, 1).equals(""co"") && + str.charAt(i + 3) = 'e') + { + x++; + } + } + + return result; +} +" +018a20c38d799d2031169423fa1774bd3fc2d9a0,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return s++; + } + } + return s; +} +" +07a10513a2612c8b6a1a679f7f59103d69c5b0d2,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") && + str.charAt(i + 3) = 'e') + { + x++; + } + } + + return result; +} +" +693a801d076f7a3a05f838f82f7aae3f43ceea0a,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return s + 1; + } + } + return s; +} +" +a1b4f1ba440b6e556c82d5650abc18756afcacaa,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") && + str.charAt(i + 3) == 'e') + { + x++; + } + } + + return result; +} +" +f18f2c7f9747da5d5eca79da7fb75aef4c50fdb5,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return s ++; + } + } + return s; +} +" +5c646317eded56a0bc728972d428b275c8f534b9,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"") && + str.charAt(i + 3) == 'e') + { + result++; + } + } + + return result; +} +" +fa7aaa8be0ad8ee5f959d39289a169241abd4ccf,"public int countCode(String str) +{ + int y = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + return y++; + } + } + return s; +} +" +f96d90d96d22caf68aef7316faa4df2bb2a2e09e,"public int countCode(String str) +{ + int s = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (""co"".equals(str.substring(i, i + 2)) && (str.charAt(i + 3) == 'e')) + { + s++; + } + } + return s; +} +" +e0876211e6f87a01ad4751f7f3543a3d7eca5afe,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""co"") && + str.charAt(i + 3) == 'e') + { + result++; + } + } + + return result; +} +" +2d03c80aa9df068fa5d420a49bf3deba0d354778,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i, i + 1).equals(""co"") && + str.charAt(i + 3) == 'e') + { + result++; + } + } + + return result; +} +" +2bda0c086143dabdc29031dca43b6c09b95cdcbc,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""co"") && + str.charAt(i + 3) == 'e') + { + result++; + } + } + + return result; +} +" +c7df7a4dcc374aec88bd65f18d77c1598b5d4b61,"public int countCode(String str) +{ + int result = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && + str.charAt(i + 3) == 'e') + { + result++; + } + } + + return result; +} +" +4839ad18cdd0dc228b48e7a7853ffa86af119aba,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3)=='e') + count++; + } + return count; +} +" +afe33322017f003199e725dabdea118e60380c1b,"public int countCode(String str) +{ + int i; + String a = ""code""; + for (i = 0; i = str.length(); i++) + { + + } + return i; +} +" +ed0428b0486b68c17f5d765a3eb553ab0d13d657,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + 1; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + 1; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +70515b101ccf002fe9609b3f25c0e211c8f7cc24,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 3; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + 1; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +1dc53157a9ac63b3dae211a0adb73c6787768b70,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 3; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 3; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +16c53fa0e4cb8096ed5cf40f2d496b5f3b4e1fbf,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 0) + { + while (counter < stringLength) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 4; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 3; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +0edce255729d6ee39a7e5a8e7a010a0008f594de,"public int countCode(String str) +{ + if (str.length() < 4) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < str.length() - 4; i++) + { + boolean lookForC = (str.charAt(i) == 'c'); + boolean lookForO = (str.charAt(i + 1) == 'o'); + boolean lookForE = (str.charAt(i + 3) == 'e'); + if (lookForC && lookForO && lookForE) + { + counter = counter + 1; + } + } + return counter; + } +}" +13854873593893a8960c8e4f23221e58ef875bfd,"public int countCode(String str) +{ + if (str.length() < 4) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < str.length() - 3; i++) + { + boolean lookForC = (str.charAt(i) == 'c'); + boolean lookForO = (str.charAt(i + 1) == 'o'); + boolean lookForE = (str.charAt(i + 3) == 'e'); + if (lookForC && lookForO && lookForE) + { + counter = counter + 1; + } + } + return counter; + } +}" +48fb90cf0c10f0072fc8916a1ec195eea176640d,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 4) + { + while ( < stringLength) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 4; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 3; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +a9a929e1bce9c475e39fd1a20d1c4b8a1de4a06e,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + int counter = 0; + if (stringLength > 4) + { + while ( counter < stringLength) + { + int findCO = str.indexOf(""co""); + if (str.startsWith(""e"", findCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 4; + } + else + { + int findNextCO = str.indexOf(""co"", findCO + 1); + if (str.startsWith(""e"", findNextCO + 3) == true) + { + numberOfCode = numberOfCode + 1; + counter = counter + findCO + 3; + } + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +812131bf35ed9dad1bd48bbe4a91867de2c23587,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + if (stringLength > 4) + { + for (int i = 0; i < stringLength - 3; i++) + { + boolean findCO = str.substring(i); + boolean findE = str.substring(i + 2); + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +5c6a7e3898dc9a51230926b1af0cf453cdf96f43,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + if (stringLength > 4) + { + for (int i = 0; i < stringLength - 3; i++) + { + boolean findCO = str.startsWith(i); + boolean findE = str.startsWith(i + 2); + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +652a4b94bbe632ec4a3af116c1487ca21826c68c,"public int countCode(String str) +{ + int n = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + n++; + } + return n; + +} +" +8c98dce80bd41f1e7d2d622f176e8b359fa25c2a,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + if (stringLength > 4) + { + for (int i = 0; i < stringLength - 3; i++) + { + boolean findCO = str.startsWith(""co"", i); + boolean findE = str.startsWith(""e"", i + 2); + numberOfCode = numberOfCode + 1; + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +96fd0349efe75448f2526c2c71a954386435698c,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + if (stringLength > 4) + { + for (int i = 0; i < stringLength - 3; i++) + { + boolean findCO = str.startsWith(""co"", i); + boolean findE = str.startsWith(""e"", i + 3); + if (findCO && findE) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +1c62c9e6b3273cb462aaba6317f5f8b857d1654b,"public int countCode(String str) +{ + int stringLength = str.length(); + int numberOfCode = 0; + if (stringLength >= 4) + { + for (int i = 0; i < stringLength - 3; i++) + { + boolean findCO = str.startsWith(""co"", i); + boolean findE = str.startsWith(""e"", i + 3); + if (findCO && findE) + { + numberOfCode = numberOfCode + 1; + } + } + return numberOfCode; + } + else + { + return numberOfCode; + } +} +" +05bda48f15273c014091ab019c2d3601bf1d4c67,"public int countCode(String str) +{ + int x = 0; + for (int i = 0; i < str.length() - 3; i ++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + x++; + } + return x; +} +" +c316784bb380269fbb7e6c67e185804af5ad223e,"public int countCode(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-4; i++) { + String x = String.valueOf(str.charAt(i)); + String y = String.valueOf(str.charAt(i+1)); + String z = String.valueOf(str.charAt(i+4)); + if (x.equals(""c"") && y.equals(""o"") && z.equals(""e"")) { + a = a + 1; + } + } + return a; +} +" +b25ff8e9ff02f94f48cab4ddce5d5fc304cc75a6,"public int countCode(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-3; i++) { + String x = String.valueOf(str.charAt(i)); + String y = String.valueOf(str.charAt(i+1)); + String z = String.valueOf(str.charAt(i+4)); + if (x.equals(""c"") && y.equals(""o"") && z.equals(""e"")) { + a = a + 1; + } + } + return a; +} +" +d013a8e20e170e3f478e7ac1bbf70d0a7e52aae7,"public int countCode(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-4; i++) { + String x = String.valueOf(str.charAt(i)); + String y = String.valueOf(str.charAt(i+1)); + String z = String.valueOf(str.charAt(i+3)); + if (x.equals(""c"") && y.equals(""o"") && z.equals(""e"")) { + a = a + 1; + } + } + return a; +} +" +e14ec5aaf26a73f6d3d83b1276ed723a12d72551,"public int countCode(String str) +{ + int len = str.length(); + for (int i = 0; i < len-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1)== 'o' && str.charAt(I+3) == 'e') + { + + + return true; + } + + } + return false; +} +" +995f3df30e92d9c950c208acc072943c23149685,"public int countCode(String str) +{ + int len = str.length(); + for (int i = 0; i < len-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1)== 'o' && str.charAt(i+3) == 'e') + { + + + return true; + } + + } + return false; +} +" +8bea115b9e95728d476e175eb089e89c2a94ce93,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + for (int i = 0; i < len-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1)== 'o' && str.charAt(i+3) == 'e') + { + + + count = count +1; + } + + } + return count; +} +" +d9ca8d2314a4ddb613c561b05a238064407f9f28,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count ++; + } + } + } + return count; +} +" +e61acf41b0292a25e59839636907696c3ca9ee59,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 2) == 'e') + { + count ++; + } + } + } + return count; +} +" +352cf6e0fc08099db74e3dd93bb2097c9656ccf0,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count ++; + } + } + } + return count; +} +" +dfd4e04587197989cae3b61c885656b7c7e806ec,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count ++; + } + } + } + return count; +} +" +8fdd471648d153f8bdd31473bdb898ac802244ad,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i < str.length()-3; i++) + { + if(str.substring(i, i+2).equals(""co"") && str.substring(i+3, i+4) .equals(""e"")) + { + counter++; + } + } + return counter; +} +" +5cb5d654a4eba324f29141eb30786aa7e8c67d0e,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count++; + } + } + } + return count; +} +" +18ff3f6c67645dc2c6415210319657517854749a,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + } + count++; + + } + } + return count; +} +" +0b03095a5101912ab997cba94e1faf94c4c029e8,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count++; + } + } + count++; + + } + return count; +} +" +b517dc668faf432f87284e3c7e5f6bb61dc07b69,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count++; + } + } + + } + return count; +} +" +6ea9f7b18ef7d28269ebadadda46061cdf0f1a31,"public int countCode(String str) +{ + def count_code(str): + exp = '^co[a-z|A-Z]e$' + count = 0 + for i in range(len(str) - 1) + { + if (re.match(exp, str[i:i + 4]) + { + count = count + 1; + } + } + return count; + print count_code('aaacodebbb'); + print count_code('codexxcode'); + print count_code('cozexxcope'); +} +" +134ddd8dc33376f9047693b9b3de9d8542ab7c89,"public int countCode(String str) { + int count = 0; + + for(int i = 0; i < str.length() - 3; i++) { + if(str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + count++; + } + + return count; +}" +0a94a1f8bdcf14944a4634ab316bfcf081212c9b,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + if (len < 4) + return 0; + for (int i = 0; i < len - 3; i++) { + if (co.compareTo(str.substring(i,i+2)) == 0 && e.compareTo(str.substring(i+3, i+4)) == 0) + count++; + } + return count; +} +" +91ba065079b668307d4f43e4b5dc88ae6bcb5fac,"public int countCode(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-3; i++) { + String x = String.valueOf(str.charAt(i)); + String y = String.valueOf(str.charAt(i+1)); + String z = String.valueOf(str.charAt(i+3)); + if (x.equals(""c"") && y.equals(""o"") && z.equals(""e"")) { + a = ++; + } + } + return a; +} +" +b193ec078cb99d2ee3ab080e4d8b551ee4b61590,"public int countCode(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-3; i++) { + String x = String.valueOf(str.charAt(i)); + String y = String.valueOf(str.charAt(i+1)); + String z = String.valueOf(str.charAt(i+3)); + if (x.equals(""c"") && y.equals(""o"") && z.equals(""e"")) { + a++; + } + } + return a; +} +" +42da5b6c0dc8e2e286955328202c8b912e972e02,"public int countCode(String str) +{ + int times = 0; + int n = 0; + int length = str.length() - 3; + while (n < length) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(1 + 3) == 'e') + { + times++; + n += 4; + } + else + { + n++; + } + } + return times; +} +" +8434d4150120567affd2496c394d6e9c886fcef7,"public int countCode(String str) +{ + int times = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && + str.charAt(i + 3) == 'e') + { + times++; + } + } + return times; +} +" +4e2a4bad00df61f02a80588aeaf1a407f406ab87,"public int countCode(String str) +{ + int code = 0; + int counter = 0; + int coder = str.length()-3; + while (code < coder) + { + if(str.carAt(bob) == 'c' && str.charAt(bob + 1) == 'o' && str.charAt(i + 3) == 'e') + { + counter = counter + 1; + code = code + 4; + } + else + { + code = code + 1; + } + return counter; +} +" +4e496d74192bc841656c98038ca5a107e7694112,"public int countCode(String str) +{ + int code = 0; + int counter = 0; + int coder = str.length()-3; + while (code < coder) + { + if(str.carAt(bob) == 'c' && str.charAt(bob + 1) == 'o' && str.charAt(i + 3) == 'e') + { + counter = counter + 1; + code = code + 4; + } + else + { + code = code + 1; + } + } + return counter; +} +" +4cd3fdac7e69c98c18c88b7fd99da25b07d25b0e,"public int countCode(String str) +{ + int code = 0; + int counter = 0; + int coder = str.length()-3; + while (code < coder) + { + if(str.carAt(code) == 'c' && str.charAt(code + 1) == 'o' && str.charAt(code + 3) == 'e') + { + counter = counter + 1; + code = code + 4; + } + else + { + code = code + 1; + } + } + return counter; +} +" +c347afcd4adbea521353b99e513b49afc7ba7944,"public int countCode(String str) +{ + int code = 0; + int counter = 0; + int coder = str.length()-3; + while (code < coder) + { + if(str.charAt(code) == 'c' && str.charAt(code + 1) == 'o' && str.charAt(code + 3) == 'e') + { + counter = counter + 1; + code = code + 4; + } + else + { + code = code + 1; + } + } + return counter; +} +" +b877bf076fbb9574db55cae6bb04c8d3702de57d,"public int countCode(String str) +{ + { + + int count = 0; + + + + for ( int i = 0; i < str.length() - 3; i++ ) + + { + + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + + { + + if ( str.charAt( i + 3 ) == 'e' ) + + { + + count++; + + } + + } + + } + + + + return count; + + } +} +" +f908eb63405e36dda020a1a5dece9efc31b869aa,"public int countCode(String str) +{ + int count = 0; + + for(int i = 0; i < str.length() - 3; i++) { + if(str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + count++; + } + + return count; +} +" +1fc8a0b5fa26a508228fa695540fda5a0aa9be01,"public int countCode(String str) +{ + int l = str.length()-3; + int count = 0; + for (int i = 0; i < l; i++) + { + if (charAt(i) == ""o"" && charAt(i+1) == ""o"" && charAt(i+3) == ""e"") + { + count = count + 1; + } + } + return count; + +} +" +99a4c0564af92ec5aa3e78c22fd65e8cd51dc28f,"public int countCode(String str) +{ + int l = str.length()-3; + int count = 0; + for (int i = 0; i < l; i++) + { + if (str.charAt(i) == ""o"" && str.charAt(i+1) == ""o"" && str.charAt(i+3) == ""e"") + { + count = count + 1; + } + } + return count; + +} +" +db063d3622097e89faad6d0e35a04f6a86cc8738,"public int countCode(String str) +{ + int amount = 0; + for(int i; i 1 && check == false) + { + int index = str.indexOf(""co""); + + if (index != -1) + { + str = str.substring(index); + index = lastIndexOf(""e""); + + if (index != -1) + { + str = str.substring(0, index); + if (str.length() == 1) + { + check = true; + } + else + { + str += ""e""; + } + } + else + { + str = """"; + } + } + else + { + str = """"; + } + } +} +" +335b2e36cb047d535770dbf5ae67d49e646050be,"public int countCode(String str) +{ + boolean check = false; + while (str.length() > 1 && check == false) + { + int index = str.indexOf(""co""); + + if (index != -1) + { + str = str.substring(index); + index = str.lastIndexOf(""e""); + + if (index != -1) + { + str = str.substring(0, index); + if (str.length() == 1) + { + check = true; + } + else + { + str += ""e""; + } + } + else + { + str = """"; + } + } + else + { + str = """"; + } + } +} +" +ea2cc261eeeca54bdd2714c629d97234b5b963e2,"public int countCode(String str) +{ + boolean check = false; + while (str.length() > 1 && check == false) + { + int index = str.indexOf(""co""); + + if (index != -1) + { + str = str.substring(index); + index = str.lastIndexOf(""e""); + + if (index != -1) + { + str = str.substring(0, index); + if (str.length() == 1) + { + check = true; + } + else + { + str += ""e""; + } + } + else + { + str = """"; + } + } + else + { + str = """"; + } + } + return check; +} +" +e6873831ce3654b509ed40b844a76fe5426e16c9,"public int countCode(String str) +{ + int check = 0; + while (str.length() > 1) + { + int index = str.indexOf(""co""); + + if (index != -1) + { + str = str.substring(index); + index = str.lastIndexOf(""e""); + + if (index != -1) + { + str = str.substring(0, index); + if (str.length() == 1) + { + check += 1; + } + str += ""e""; + } + else + { + str = """"; + } + } + else + { + str = """"; + } + } + return check; +} +" +932d9d4984a280e2de7bb988a04dfa57b7d8b1c7,"public int countCode(String str) +{ + nt count =0; +for(int i=0;i 1) + { + int index = str.indexOf(""co""); + String checkWord; + if (index != -1) + { + str = str.substring(index + 2); + index = str.indexOf(""e""); + + if (index != -1) + { + checkWord = str.substring(0, index); + if (checkWord.length() == 1) + { + check += 1; + } + str = str.substring(index + 1); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + } + return check; +} +" +dd58011476d1da4d642a4642672cf7ed7f983d14,"public int countCode(String str) +{ + int check = 0; + while (str.length() > 1) + { + int index = str.indexOf(""co""); + String checkWord; + if (index != -1) + { + str = str.substring(index + 2); + index = str.indexOf(""e""); + + if (index != -1) + { + checkWord = str.substring(0, index); + if (checkWord.length() == 1) + { + check += 1; + } + } + else + { + str = """"; + } + } + else + { + str = """"; + } + } + return check; +} +" +f3c8b3056709662078b3f47a484aa2d56c198261,"public int countCode(String str) +{ + nt count =0; + for(int i=0;i= 4) + { + while(str.length() >= 4) + { + if(str.startsWith(""co"") && str.substring(3).startsWith(""e"")) + { + count = count + 1; + str = str.substring(4); + } + else + { + str = str.substring(1); + } + return count; + } + } + else + { + return count; + } +} +" +60cfa2e4153b08551a0bdafcd86a7f1bb6d2eeaa,"public int countCode(String str) +{ + int count = 0; + if(str.length() >= 4) + { + while(str.length() >= 4) + { + if(str.startsWith(""co"") && str.substring(3).startsWith(""e"")) + { + count = count + 1; + str = str.substring(4); + } + else + { + str = str.substring(1); + } + } + return count; + } + else + { + return count; + } +} +" +1e77bf6e9c7d3d45287037f114bd171bc4c51cf0,"public int countCode(String str) +{ + int i=0; + for(i=0, i+4<= str.length;i++) + { + if (str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""p"")) + { + System.out.println(i+1); + } + } +} +" +e68068c725f75e7d3b7ab7379d77e8e0320e4c4e,"public int countCode(String str) +{ + int i=0; + for(i=0; i+4<= str.length;i++) + { + if (str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""p"")) + { + System.out.println(i+1); + } + } +} +" +76cab3c44fb3054072c319ac358c70c7f74c403b,"public int countCode(String str) +{ + int i=0; + for(i=0; i+4<= str.length();i++) + { + if (str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""p"")) + { + System.out.println(i+1); + } + } +} +" +6ee085b0f8b3be842a5bedfb991454f031d40e1c,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +}" +beb86e3baee90f2429551461fb43e6e58806a755,"public int countCode(String str) +{ + int i=0; + int j=0; + for(i=0; i+4<= str.length();i++) + { + if (str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""p"")) + { + j=j+1; + } + } + System.out.println(j); +} +" +8067f314cc0a5fd009200ebaad2fb6e2681b5915,"public int countCode(String str) +{ + int numTimes =0; + +for(int i=0; i= length; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + count++; + } + } + return count; +} +" +fca3fedc762657dcf34e3498f8e85e4eca848faa,"public int countCode(String str) +{ + int count = 0; + int integer = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(integer) == 'c' && str.charAt(integer+1) == 'o' && str.charAt(integer+3) == 'e') + { + count++; + integer += 4; + } + else + integer++; + } + return count; +} +" +328a97d4ed7aaf3a9129c29f06b6af09d23000b5,"public int countCode(String str) +{ + int count = 0; + int integer = 0; + int len = str.length()-3; + while(integer < len) + { + if(str.charAt(integer) == 'c' && str.charAt(integer+1) == 'o' && str.charAt(integer+3) == 'e') + { + count++; + integer += 4; + } + else + integer++; + } + return count; +} +" +2ad8b4184447743ee35e4ac086c39c8698320bc3,"public int countCode(String str) +{ + int count = 0; + int integer = 0; + int length = str.length()-3; + while(integer < length) + { + if(str.charAt(integer) == 'c' && str.charAt(integer+1) == 'o' && str.charAt(integer+3) == 'e') + { + count++; + integer += 4; + } + else + integer++; + } + return count; +} +" +aad21cf9cc250dd501d670f5429051de28e4e8f4,"public int countCode(String str) +{ + int l = str.length(); + int lim = l - 4; + for (int i = 0; i <= lim; i++) + { + int ii = i + 1; + int iii = i + 3; + char o = str.charAt(i); + char oo = str.charAt(ii); + char ooo = str.charAt(iii); + if (o == 'c' && oo == 'o' && ooo == 'e') + { + return true; + } + } + return false; +} +" +bd81246169bde17ba64c0d2ab4111e504aab21ae,"public int countCode(String str) +{ + int l = str.length(); + int lim = l - 4; + for (int i = 0; i <= lim; i++) + { + int ii = i + 1; + int iii = i + 3; + char o = str.charAt(i); + char oo = str.charAt(ii); + char ooo = str.charAt(iii); + if (o == 'c' && oo == 'o' && ooo == 'e') + { + return true; + } + } + return false; +} +" +cbc48a623d309b72ba3dd2cc56e7a3c80b2fb7a6,"public int countCode(String str) +{ + int l = str.length(); + int lim = l - 4; + int n = 0; + for (int i = 0; i <= lim; i++) + { + int ii = i + 1; + int iii = i + 3; + char o = str.charAt(i); + char oo = str.charAt(ii); + char ooo = str.charAt(iii); + if (o == 'c' && oo == 'o' && ooo == 'e') + { + n = n + 1; + } + } + return n; +} +" +3b7580b2d06be84661e1ec60669373fae9055027,"public int countCode(String str) +{ + int count = 0; + for(int i = 3; i < str.length(); i++) + { + if (str.charAt(i) == 'e' || str.charAt(i-2) == 'o' || str.charAt(i-3) == 'c') + { + count++; + } + } + return count; + +} +" +efe458e39413170efc1c30026af4da5c287c6413,"public int countCode(String str) { +int result = 0; +for (int i = 0; i < str.length() - 3; i++) +{ +if(str.substring(i, i + 2).equals(""co"") && str.substring(i + 3, i + 4).equals(""e"")) +result++; +} + +return result; +" +26006d6985dbeba481de3c7ee66fa15541fbf7ad,"public int countCode(String str) { +int result = 0; +for (int i = 0; i < str.length() - 3; i++) +{ +if(str.substring(i, i + 2).equals(""co"") && str.substring(i + 3, i + 4).equals(""e"")) +result++; +} + +return result; +} +" +8fe7f61dc19d489979b4f4ae72dd3c7a2c12d0a0,"public int countCode(String str) +{ + int times = 0; + int length = str.length() -3; + + while(i>length) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && + str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + } + return times; +} +" +302cf376ef3a297003c49d480f3e4849d2a967b7,"public int countCode(String str) +{ + int count = 0; + for(int i = 3; i < str.length(); i++) + { + if (str.charAt(i) == 'e' && str.charAt(i-2) == 'o' && str.charAt(i-3) == 'c') + { + count++; + } + } + return count; + +} +" +91e48cce0cd3b611cd97f657e77d9677b97cee51,"public int countCode(String str) +{ + int times = 0; + int length = str.length() -3; + int i=0; + + while(i>length) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && + str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + } + return times; +} +" +b11b98a59a9f196cbfe4d62ff0f33ab23797f221,"public int countCode(String str) +{ + int times = 0; + int length = str.length() -3; + int i=0; + + while(i= 4) + { + for (int i = 0; i < str.length()- 4; i++) + { + + if (str.substring(i, i+2).equals(""co"") && str.substring(i + 3, i+4).equals(""e"") + { + + codeCount++; + + + } + + } + + + } + + return codeCount; + + } + + + + +} +" +b6392f6f11a6cc1ce9370a779bdd492f3b3d0dc6,"public int countCode(String str) +{ + int numTimes = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + numTimes++; + } + } + } + return numTimes; +} +" +ae647a476f2504131c672f270b23e06bbc539ab9,"public int countCode(String str) +{ + int codeCount = 0; + if (str.length() >= 4) + { + for (int i = 0; i < str.length()- 4; i++) + { + + if (str.substring(i, i+2).equals(""co"") && str.substring(i + 3, i+4).equals(""e"") + { + + codeCount++; + + + } + + } + + + } + + return codeCount; + + } + + + + +} +" +c329134243440bf2697e3b175b55c97ed2cb647d,"public int countCode(String str) +{ + int codeCount = 0; + if (str.length() >= 4) + { + for (int i = 0; i < str.length()- 4; i++) + { + + if (str.substring(i, i+2).equals(""co"") && str.substring(i + 3, i+4).equals(""e"")) + { + + codeCount++; + + + } + + } + + + } + + return codeCount; + + } + + + + +} +" +3155533fea0c246e373b5c9194220a03f6fbc206,"public int countCode(String str) +{ + int codeCount = 0; + if (str.length() >= 4) + { + for (int i = 0; i < str.length()- 4; i++) + { + + if (str.substring(i, i+2).equals(""co"") && str.substring(i + 3, i+4).equals(""e"")) + { + + codeCount++; + + + } + + } + + + } + + return codeCount; + + } + + + + + +" +e420c7dc63f5b3370dbd0524375aafa6af69ccf3,"public int countCode(String str) +{ + int codeCount = 0; + if (str.length() >= 4) + { + for (int i = 0; i < str.length()- 3; i++) + { + + if (str.substring(i, i+2).equals(""co"") && str.substring(i + 3, i+4).equals(""e"")) + { + + codeCount++; + + + } + + } + + + } + + return codeCount; + + } + + + + + +" +69a02f823d3a7327e78bc37fd39ca4f5c798ac6c,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length()-3; i++) + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' + && str.charAt(i+3) == 'e') + count++; + return count; +} +" +10793492e07f67364512ed81a400fe032085b788,"public int countCode(String str) +{ + int word = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + { + word++ + } + } + return word; +} +" +2d4a36b750b0d709660d95cd87e502a90f34562f,"public int countCode(String str) +{ + int word = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + { + word++; + } + } + return word; +} +" +8f0f2423e82c784054427b0a398d16271d519f54,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { + if ((str.charAt(i)=='co')&&(str.charAt(i+2)=='co')) + { + num++; + } + } + return num; +} +" +bc7c05b5a59b5ac9954bf5d81c5f703ea51b9200,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { + if ( + (str.charAt(i)=='co') && + (str.charAt(i+2)=='co') + ) + { + num++; + } + } + return num; +} +" +20b686b51faf32f2561a8312cc10058d78c1f6e3,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { +if ((str.charAt(i)=='co') && (str.charAt(i+2)=='co')) + { + num++; + } + } + return num; +} +" +b197e79556a0e0afe999c67e2219a056157c4a1d,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { + boolean CO = (str.charAt(i)=='co'); + boolean E = (str.charAt(i+2)=='e'); + + if (CO && E) + { + num++; + } + } + return num; +} +" +507b142d64eb7288b51933eac69c9f65bb7f3a1d,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { + + boolean CO = (str.charAt(i)=='co'); + boolean E = (str.charAt(i+2)=='e'); + + if (CO && E) + { + num++; + } + } + return num; +} +" +7ff28e1fee9290f66754867f82d7fe058d3146b3,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { + + boolean CO = str.charAt(i)=='co'; + boolean E = str.charAt(i+2)=='e'; + + if (CO && E) + { + num++; + } + } + return num; +} +" +7b9f25fad1937c33e7187766e29ee29e25010691,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length-4; i++) + { + + Boolean CO = str.charAt(i)=='co'; + boolean E = str.charAt(i+2)=='e'; + + if (CO && E) + { + num++; + } + } + return num; +} +" +2841ef3814db91c12cc3315f8c0e3cc836af14ce,"public int countCode(String str) +{ + + + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'co') && (str.charAt(i+3) == 'e')) + { + return true; + } + } + return false; +} +" +13f68abb62141b6279530b1b034e578cfa040925,"public int countCode(String str) +{ + + + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+3) == 'b')) + { + return true; + } + } + return false; +} +" +0df5c06f98b42168f95cc9e5d0de76bb3c79415e,"public int countCode(String str) +{ + int number = 0; + for( int x = 0; x< str.length()-3;x++) + { + if (str.charAt(x)=='c'&&str.charAt(x+1)=='o'&& str.charAt(x+3)=='e') + { + number ++; + } + } + return number; +} +" +f49a1447ee35731de3788866876f4a13048b6c68,"public int countCode(String str) +{ + + + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+3) == 'b')) + { + return 2; + } + } + return 3; +} +" +016ffdff9c827877fb77d77f1f708ed0c52890b2,"public int countCode(String str) +{ + + + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'b')) + { + num++; + } + } + return num; +} +" +2d7b0f5372ba2a98b422f607eee5c0120b63ef3c,"public int countCode(String str) +{ + + int num; + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'b')) + { + num++; + } + } + return num; +} +" +2deb05bf9adeb998f6b7528205bcb747102ffc25,"public int countCode(String str) +{ + + int num; + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'b')) + { + num++; + } + } + return num; +} +" +44c73619a82ba5ae434e94cc3e31796851132431,"public int countCode(String str) +{ + + int num = 0; + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'b')) + { + num++; + } + } + return num; +} +" +1640df8991aaf52451a547e84295add650af49b6,"public int countCode(String str) +{ + + int num = 0; + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'b')) + { + num++; + } + } + return num; +} +" +278f154c7524700ef6ab2b21bb88927ca4789b33,"public int countCode(String str) +{ + + int num = 0; + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'e')) + { + num++; + } + } + return num; +} +" +e8992f22efaabc57412e3b69c4020290a4bd3dfd,"public int countCode(String str) +{ + + int num = 0; + + for (int i = 0; i < str.length()-4; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'e')) + { + num++; + } + } + return num; +} +" +89a001f172575883b817bcc93f3dde88fe1c6a01,"public int countCode(String str) +{ + + int num = 0; + + for (int i = 0; i < str.length()-3; i++) + { + if ((str.charAt(i) == 'c') && (str.charAt(i+1) == 'o') && (str.charAt(i+3) == 'e')) + { + num++; + } + } + return num; +} +" +911801987ad788adfe39342af4f5814fecdd7863,"public int countCode(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'c'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 1] == 'o' + && CharArray[i + 3] == 'e'){ + return true; + } + } + } + i++; + } + return false; +} +" +82d770e7a85727686135d30d22f1e20739362b16,"public int countCode(String str) +{ + int total = 0; + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'c'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 1] == 'o' + && CharArray[i + 3] == 'e'){ + total++; + } + } + } + i++; + } + return total; +} +" +a07c948de0bc6dc45b5ef3ec7ca0b52125ec9cdc,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length() - 3; + while (i < len) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + } + return false; +} +" +dbab37e6f14eb54bc69704b99b6f11fc04a42ade,"public int countCode(String str) +{ + int total = 0; + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'c'){ + if (CharArray.length > i + 3){ + if (CharArray[i + 1] == 'o' + && CharArray[i + 3] == 'e'){ + total++; + } + } + } + i++; + } + return total; +} +" +4d387ff18ba8415e3b2523e099faeba382cc8125,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length() - 3; + while (i < len) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + } + return times; +} +" +6eca0b6ab4a42e3b4664ec29c286821fa95ff179,"public int countCode(String str) { + int count = 0; + + for(int i = 0; i < str.length() - 3; i++) { + if(str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + count++; + } + + return count; +} +" +7a7c79ea7bd5cb6b4e0a45d32023e7272335a1f7,"public int countCode(String str) +{ + { + int num = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + if (num < 4) + { + return 0; + } + for (int i = 0; i < num - 3; i++) + { + if (co.compareTo(str.substring(i,i+2)) == 0 && e.compareTo(str.substring(i+3, i+4)) == 0) + { + count++; + } + } + return count; + +} +" +c9edfaf857e7b9a10deee576ded93fbd89024b08,"public int countCode(String str) +{ + { + int num = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + if (num < 4) + { + return 0; + } + for (int i = 0; i < num - 3; i++) + { + if (co.compareTo(str.substring(i,i+2)) == 0 && e.compareTo(str.substring(i+3, i+4)) == 0) + { + count++; + } + } + return count; + +} +} +" +1c37039ef7c183af213b1e95382e93c58ad39242,"public int countCode(String str) +{ + int len = str.length()-1; + int times = 0; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'h' && str.charAt(i+1) == 'i') + times++; + } + return times; +} +" +1ee213a1aa073f21626c957da9048982d76506e6,"public int countCode(String str) +{ + for(int i = 0; i < str.length()-3; i++){ + if(str.subString(i,i+2) == 'co' && str.charAt(i+3)=='e'){ + return true; + } + } + return false; +} +" +a2d72bb7809058f3d73f3ce47f3332ea639acd55,"public int countCode(String str) +{ +int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +e79df3ddff01c3f57d78f982420d7dbb9c74e4a4,"public int countCode(String str) +{ +int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +fc97feb249fa2d5e87edb5c0ee85b39ca5177232,"public int countCode(String str) +{ + for(int i = 0; i < str.length()-3; i++){ + if(str.subString(i,i+2).equals(""co"") && str.charAt(i+3)=='e'){ + return true; + } + } + return false; +} +" +2767e88eef5301d6c990d4d192d20226af487300,"public int countCode(String str) +{ + for(int i = 0; i < str.length()-3; i++){ + if(str.substring(i,i+2).equals(""co"") && str.charAt(i+3)=='e'){ + return true; + } + } + return false; +} +" +37db772cd929ad26f9c44ec7eb790346d2f8940f,"public int countCode(String str) +{ + int c = 0; + for(int i = 0; i < str.length()-3; i++){ + if(str.substring(i,i+2).equals(""co"") && str.charAt(i+3)=='e'){ + c++; + } + } + return c; +} +" +686ba9b53422a417794d5510cf4720817508742d,"public int countCode(String str) +{ + int result = 0; +for (int i = 0; i < str.length() - 3; i++) +{ +if(str.substring(i, i + 2).equals(""co"") && str.substring(i + 3, i + 4).equals(""e"")) +result++; +} + +return result; +} +" +7dbfc409c2dc5b2f5c915387c72485c61db43f49,"public int countCode(String str) +{ + for (int i = 0; i <= str.length() - 4; i++) + if ((str.charAt(i) == 'c') && (str.charAt(i + 1) == 'o') && (str.charAt(i + 3) == 'e')) + return true; + return false; +} +" +39b993cebf9cd414c37d07d46871ba45ee129194,"public int countCode(String str) +{ + int code = 0; + for (int i = 0; i <= str.length() - 4; i++) + if ((str.charAt(i) == 'c') && (str.charAt(i + 1) == 'o') && (str.charAt(i + 3) == 'e')) + code = code + 1; + return code; +} +" +cf5950b87e3d13399baa5f3721fa5a602152d9ba,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int length = str.length()-3; + while(i < length) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +422a9ba4092a31d42c1d4ac90771e01cc7e91df8,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int length = str.length()-3; + while(i < length) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + } + return times; +} +" +ce0c0042d208098aa0515ebbbd73b17ce81c3dd3,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int length = str.length()-3; + while(i < length) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +50524fab746a235a3962d0a2138f7a7badee5109,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} + +" +9011ebb7acfa3ae9ed5e1c7be2a7b43166c9280f,"public int countCode(String str) +{ + int l = str.length() - 1; + int counter = 0; + int n = 0; + while ( n > 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + count++ + } + else + { +n = n + 4; + } + return true; + +} +" +23884cd207a936e93e3b061078a6ac5196209789,"public int countCode(String str) +{ + int l = str.length() - 1; + int counter = 0; + int n = 0; + while ( n > 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + count++; + } + else + { +n = n + 4; + } + } + return true; + +} +" +f18f5f745f1abd30652954ce8f711fa81f6cfec6,"public int countCode(String str) +{ + int l = str.length() - 1; + int counter = 0; + int n = 0; + while ( n > 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + counter++; + } + else + { +n = n + 4; + } + } + return true; + +} +" +3914fc85176040c4f897a7e1ac372effa809387a,"public int countCode(String str) +{ + int l = str.length() - 1; + int counter = 0; + int n = 0; + while ( n > 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + counter++; + } + else + { +n = n + 4; + } + } + return counter; + +} +" +a5553890ebe8c76a1bccd2f504423b31f38ba395,"public int countCode(String str) +{ + int l = str.length() - 3; + int counter = 0; + int n = 0; + while ( n > 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + counter++; + } + else + { +n = n + 4; + } + } + return counter; + +} +" +17bc47f38ef8cea09a3c5496ece279cfbe27daf9,"public int countCode(String str) +{ + int l = str.length() - 3; + int counter = 0; + int n = 0; + while ( n < 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + counter++; + } + else + { +n = n + 4; + } + } + return counter; + +} +" +90003616bf1727cd23e93e26e642bb9bdeb4f446,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +d694b8f4720e3199168c90ce86fb656e8f32edb0,"public int countCode(String str) +{ + int l = str.length() - 3; + int counter = 0; + int n = 0; + while ( n < 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + counter++; + } + else + { +n = n + 1; + } + } + return counter; + +} +" +22562e692fa40f45fb1c744f79d77910e624b2df,"public int countCode(String str) +{ + int l = str.length() - 3; + int counter = 0; + int n = 0; + while ( n < 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n = n + 4; + counter = counter + 1; + } + else + { +n = n + 1; + } + } + return counter; + +} +" +2ffa247298638f98372ae90aa5d19a2982fcc7d0,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +1645380a693283a1f846a7af9ac9f8a96646c9f7,"public int countCode(String str) +{ + for (int i = 0; i < countCode.length() - 4; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e' + return true; + } + return false; +} +" +22031aa4dfc271e72c92105653b31317d8afbe6f,"public int countCode(String str) +{ + for (int i = 0; i < countCode.length() - 4; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + return true; + } + return false; +} +" +19bf09cbf7dc68d943f2024d085d9324227eb6ce,"public int countCode(String str) +{ + for (int i = 0; i < str.length() - 4; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + return true; + } + return false; +} +" +1757a7b505eb4d86401291de9d0f57c2717f7db7,"public int countCode(String str) +{ + int currentCount = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + currentCount++; + } + return currentCount; +} +" +bcf3d10430023b9bccb971408a5df3c3ae34b402,"public int countCode(String str) +{ + int currentCount = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + currentCount++; + } + return currentCount; +} +" +1b3441f980714d9f1e840680857efbb8c5390c5b,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' + str.charAt(i + 3) == 'e') + { + count++; + } + } + +} +" +d1634d1fbbef91ed69bb17dba3e67822e8439fd7,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' + str.charAt(i + 3) == 'e') + { + count++; + } + } + return count; + +} +" +a2bfb6c6ce4853933a6559b48732b5e625bb48e8,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && + str.charAt(i + 3) == 'e') + { + count++; + } + } + return count; + +} +" +110bd217832d3c609f8556277ab5028505eb7285,"public int countCode(String str) +{ + int i = 0; + String keyword = ""code""; + String[] sentence = keyword.split(); + for (String word: sentence) + { + if (word.equals(keyword)) + { + i++ + } + } + return i; +} +" +4b833762ef681f48d9f77b94cf425ad2f031679a,"public int countCode(String str) +{ + int i = 0; + String keyword = ""code""; + String[] sentence = keyword.split(); + for (String word: sentence) + { + if (word.equals(keyword)) + { + i++; + } + } + return i; +} +" +6d82667625aa6fb36a17b50de622cbb79619b716,"public int countCode(String str) +{ + int i = 0; + String keyword = ""code""; + String[] sentence = keyword.split(str); + for (String word: sentence) + { + if (word.equals(keyword)) + { + i++; + } + } + return i; +} +" +3d0f51f14550e73b529d93bf23fa8f8317b1429f,"public int countCode(String str) +{ + int length = str.length()-3; + int times = 0; + int i = 0; + + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; + +} +" +e169f88428bb020b7f5f6225c06200ee388b3fcc,"public int countCode(String str) +{ + int length = str.length()-3; + int times = 0; + int i = 0; + + while(i < length) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; + +} +" +b9bc6210766f9bd22ec9ae74d7ba1b1ae4f3fccb,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +0d2dea2175226fda8d8f3133b6732f6cb26ad1bc,"int count = 0; +public int countCode(String str) +{ + if (str.length() >= 4) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""co"") && + str.charAt(i + 3) == 'd') + { + count = count + 1; + } + + } + } + + return count; +} +" +5353d882ddb4bbb4af6de5a70b275779a17db1a9,"int count = 0; +public int countCode(String str) +{ + if (str.length() >= 4) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""co"") && + str.charAt(i + 3) == 'e') + { + count = count + 1; + } + + } + } + + return count; +} +" +89342453f933ef509415eb2732d9bfe43b126a20,"public int countCode(String str) +{ + int i = 0; + int j = 0; + String keyword = ""code""; + String[] sentence = keyword.split(str); + for (String word: sentence) + { + for (j = 0; j < str.length(); j++) + { + if (word.equals(keyword)) + { + i++; + } + } + } + return i; +} +" +514d686e2a85d0aea664931d14d808dc353f0312,"int count = 0; +public int countCode(String str) +{ + if (str.length() >= 4) + { + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""co"") && + str.charAt(i + 3) == 'e') + { + count = count + 1; + } + + } + } + + return count; +} +" +501aad78d9f445fad6785a696183d9f103460c21,"public int countCode(String str) +{ + int i = 0; + int j = 0; + String keyword = ""code""; + String[] sentence = keyword.split(str); + for (String word: sentence) + { + i++; + } + return i; +} +" +53ac9abd05ca709e47ca2d8a03bb38ba8798a0db,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +d484ffcbd5756e55630b88d5e5176b6c2f66d6bc,"public int countCode(String str) +{ + int i = 0; + String keyword = ""code""; + String[] sentence = keyword.split(str); + for (String word: sentence) + { + i++; + } + return i; +} +" +6786842a87f25ff53dbcb4369d0ac5dcde3f211e,"int count = 0; +public int countCode(String str) +{ + if (str.length() >= 4) + { + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && + str.charAt(i + 3) == 'e') + { + count++; + } + + } + } + + return count; +} +" +d73c53cdc27c348d73d74974896a1bd1355c30ad,"public int countCode(String str) +{ + int i = 0; + String keyword = ""code""; + String[] sentence = keyword.split(str); + for (String word: sentence) + { + if (word.equals(keyword)) + { + i++; + } + } + return i; +} +" +17541571acb479d972e4d22c447867f644c29492,"public int countCode(String str) +{ + int x = 0; + int y = 0; + int length = str.length() - 3; + while(y < length) + { + if (str.charAt(y) == 'c' && str.charAt(y + 1) == 'o' && str.charAt(y + 3) == 'e') + { + x++; + y += 4; + } + else + y++; + } + return x; +}" +4ba79520f8aaf931dde02f8b0760ed0e7c0e7e11,"public int countCode(String str) +{ + int x = 0; + int y = 0; + int length = str.length() - 3; + while(y < length) + { + if (str.charAt(y) == 'c' && str.charAt(y + 1) == 'o' && str.charAt(y + 3) == 'e') + { + x++; + y += 4; + } + else + y++; + } + return x; +}" +31bcf9283d619082d920fdffa47822e8ba0c4e4c,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +0c680fbbfb53a4fa3bcf765935198ca93ca05f01,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = indexOfCoindexOf(""co""); + } + return j; +} +" +92168dcf8042d58af842a93a13c3b3babefb6ff6,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +fd5898df6ca949ffe88de437a07da546255fd14f,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = indexOfCo.indexOf(""co""); + } + return j; +} +" +5ab9f21b7a3046cec970e5124f82b8345814f70d,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + return j; +} +" +9c646b8084d8900ab5f94890ca8cd70b449c091d,"public int countCode(String str) +{ + int number = 0 + for (int i = 0; i < str.length - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + number++; + } + } + return number; +} +" +1abbed7cb32843c1edf1c29c1dd2b4e6d6da0066,"public int countCode(String str) +{ + int number = 0; + for (int i = 0; i < str.length - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + number++; + } + } + return number; +} +" +1ad04c5f00a5f22cabde2174f0bb4f9713fc9414,"public int countCode(String str) +{ + int number = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + number++; + } + } + return number; +} +" +bbe06fdc5184357ca1c3d215ff4af4bf9eb1cc28,"public int countCode(String str) +{ + int number = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') //first 2 letters are 'co' and the last letter is 'e' + { + number++; + } + } + return number; +} +" +640b7059524323c88eb68f0e36bb3922378d2966,"public int countCode(String str) +{ + int number = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') //first 2 letters are 'co' and the last letter is 'e' + { + number++; + } + } + return number; +} +" +461383ee39055f244ad0a95f39cd2569f7365cf3,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + String subStr = str.substring(indexOfCo + 3) + if (subStr == ""e"") + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + else + { + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + } + return j; +} +" +7ef23ac3266b24c3758b2b08b2da7b71d8132cda,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + String subStr = str.substring(indexOfCo + 3); + if (subStr == ""e"") + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + else + { + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + } + return j; +} +" +e4b81ef94ac381fea7e7e3f9ebc5c540b9996d8d,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + String subStr = str.substring(indexOfCo + 3, indexOfCo + 4); + if (subStr == ""e"") + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + else + { + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + } + return j; +} +" +cb333726ea1f0bf7ffea385712938b140dfb85d4,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + String subStr = str.substring(indexOfCo + 2, indexOfCo + 3); + if (subStr == ""e"") + { + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + else + { + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + } + } + return j; +} +" +5e3abbff9803bf52fdf78e94aaf80b7e5a1ea8da,"public int countCode(String str) +{ + int indexOfCo = str.indexOf(""co""); + int j = 0; + while (indexOfCo != -1) + { + + j++; + str = str.substring(indexOfCo + 1); + indexOfCo = str.indexOf(""co""); + + } + return j; +} +" +0bc6a40e40cb8f7f5c3d00d80d1fd64523f7c810,"public int countCode(String str) +{ + int i = 0; + String keyword = ""code""; + String[] sentence = str.split(keyword); + for (String word: sentence) + { + if (word.equals(keyword)) + { + i++; + } + } + return i; +} +" +7858e5b2d1c2d3deeaa1e753c1826e1d4b837386,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length() -3; + while (i < len) { + if(str.charAt(i)=='c' && str.charAt(i+1)=='o' && str.charAt(i+3)=='e') { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +1581087b08527482f353003b6089646df7e5d898,"public int countCode(String str) +{ + int i = 0; + int count = 0; + for (i; i str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +6ab7d84ad64ad7a64de88eeb124040a074189ce6,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i != -1) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +356e9c7a6076bdc3048500a6285ab22aeece92d7,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i != -1 && i < str.length()) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +7c01131c0aaf100177bc7c1794a1f9d5070fc941,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i > 0 && i < str.length()) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +41ccd06e72434c7c5c40314c950ff9a50e70c5fb,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i >= 0 && i < str.length()) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +c64bf9e3263b229af27b32c720f55bc26e6175f0,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i >= 0 && i < str.length()) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +3a6da093ceba3356f78675096c86d34b2dfed061,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i >= 0 && i < str.length()) + { + System.out.println(""T""); + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } + } + return j; +} +" +ec81d3a20064dcfd811efa9c48efcf5ccf94bfc4,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i >= 0 && i < str.length()) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } else { + i++; + } + } + return j; +} +" +e669c1fcb09e3a3b65d0adaf7cc5bdd2f3e057e8,"public int countCode(String str) +{ + int j = 0; + int i = 0; + while (i >= 0 && i < str.length()) + { + i = str.indexOf(""co"", i); + if (i == -1 || i + 3 >= str.length()) + { + return j; + } + if (str.charAt(i + 3) == 'e') + { + j++; + i+= 3; + } else { + i++; + } + } + return j; +} +" +5078409aca32121c9c3eedcf3d2374e5b1e155d7,"public int countCode(String str) +{ + length = str.length(); + int count = 0; + for(int i = 0; i < length - 3; i++) + { + if(str.charAt(i) == 'c' && + str.charAt(i+1) == 'o' && + str.charAt(i+3) == 'e') + { + count = count + 1; + } + } +} +" +8d328815e70b06f4e620ab74de345377e520ed2c,"public int countCode(String str) +{ + int length = str.length(); + int count = 0; + for(int i = 0; i < length - 3; i++) + { + if(str.charAt(i) == 'c' && + str.charAt(i+1) == 'o' && + str.charAt(i+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +01b21a808175d88985927d4a91c7a16b3c1da474,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +}" +9cd25d926ebf002c38b1c3d300add939cb0730bd,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +}" +1536ecd30968753ee8f7bdf618ff41ffc367a3b7,"public int countCode(String str) +{ + int length = str.length() - 4; + int times = 0; + for ( int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3 ) == 'e') + { + time = times + 1; + } + } +} +" +9b0059ee1f97c1524db8e2044c112ff171092814,"public int countCode(String str) +{ + int length = str.length() - 4; + int times = 0; + for ( int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3 ) == 'e') + { + times = times + 1; + } + } +} +" +3a6ff68d3b5089fbcc9bbc4febc3ebbf10f14ddb,"public int countCode(String str) +{ + int length = str.length() - 4; + int times = 0; + for ( int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3 ) == 'e') + { + times = times + 1; + } + } + return times; +} +" +fade2bc58cd8e8ef1ccdde4968b82bab08a4968b,"public int countCode(String str) +{ + int count = 0; + int i = 0; + int strL = str.length()-3; + while(i < strL) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + count++; + i += 4; + } + else + i++; + } + return count; +} +" +bca99eff3fbadaefef3d0bb246c85cdd3e1380bf,"public int countCode(String str) +{ + int length = str.length() - 3; + int times = 0; + for ( int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3 ) == 'e') + { + times = times + 1; + } + } + return times; +} +" +258615fcbd81f3a3574ff3c19074d0bcd2531727,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + } + return times; +} +" +42e9c4dccdafc6af575e8c0d3d63a82f8ca4df1b,"public int countCode(String str) +{ + int count = 0 + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == e) + { + count++; + } + } + return count; +} +" +4515daa00a136d804d133bc8d7ec4a7b5c7ce321,"public int countCode(String str) +{ + int count = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == e) + { + count++; + } + } + return count; +} +" +35ee4191a6e214b1ecc13128ead1c28ff9854d4d,"public int countCode(String str) +{ + int count = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + count++; + } + } + return count; +} +" +00c8b1570c2a027e9ce234d4b41684d8b6f4bee8,"public int countCode(String str) +{ + int count = 0; + //starts counting the number of times at 0 + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + count++; + //if it finds the correct sequence in the given string, it will add a number + //to count integer + } + } + return count; +} +" +1a32b8058af71b7af398a69a0c09bed6280a15e9,"public int countCode(String str) +{ + int times = 0; + int l = str.length()-3; + int i = 0; + while(i < l) { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') { + times++; + i += 4; + } + else { + i+=1; + } + return times; +} +" +d00c2388f9b579696431c2947d7378a488b45761,"public int countCode(String str) +{ + int times = 0; + int l = str.length()-3; + int i = 0; + while(i < l) { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') { + times++; + i += 4; + } + else { + i+=1; + } + return times; + } +} +" +96084ed2b6e4c1a71b1d4dce06a6a26eafb50604,"public int countCode(String str) +{ + int times = 0; + int l = str.length()-3; + int i = 0; + while(i < l) { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') { + times++; + i += 4; + } + else { + i+=1; + } + } + return times; +} +" +69120a81588c860e95e58351c7f91578cece2769,"public int countCode(String str) +{ + + int n = 0; + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') { + n++; + i = i + 4; + } + } + return n; + +} +" +7d2424a3ac4c12c144543ebaaa6cc82c6481cfcc,"public int countCode(String str) +{ + int len = str.length(); + for (i = 0; i < len; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + int j = j + 1 + } + } + return j; +} +" +64a27299b25d821538a5b2e873bbe7eaf79ec39a,"public int countCode(String str) +{ + int len = str.length(); + for (i = 0; i < len; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + int j = j + 1; + } + } + return j; +} +" +431345e8486aaa0db62f96a848432e0b473c945e,"public int countCode(String str) +{ + int len = str.length(); + for (i = 0; i < len; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + int j = j + 1; + } + } + return j; +} +" +186fc03faa69d63d1f64eca8b8e8d643cfd6731b,"public int countCode(String str) +{ + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + int j = j + 1; + } + } + return j; +} +" +88c60b8b91ca99e3f19a6f68db9d1f585f6540f2,"public int countCode(String str) +{ + + int len = str.length(); + int j = 0; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + j = j + 1; + } + } + return j; +} +" +e46b76fe39e13e7c76e70450038cac103f8b05ae,"public int countCode(String str) +{ + + int len = str.length() - 3; + int j = 0; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + j = j + 1; + } + } + return j; +} +" +00eaf381ab57d67d50d3029a76f563da64dc38cf,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +0463af51612aa378ce9c76d9719aa0633471e2b6,"public int countCode(String str) +{ +int a = 0; + +for (int i=0; i < str.length() - 3; i++) +{ +if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e'){ +a = a + 1; +} +} +return a; +} +" +8aca3e01d80d129230d9221056545bd14a51cfab,"public int countCode(String str) +{ + int number = 0; + +for (int i=0; i < str.length() - 3; i++) +{ +if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') +number++; +} +return number; +} +" +1c7e42b0ad588df24d662096823a9484c1abfbd3,"public int countCode(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-3; i++) { + String x = String.valueOf(str.charAt(i)); + String y = String.valueOf(str.charAt(i+1)); + String z = String.valueOf(str.charAt(i+3)); + if (x.equals(""c"") && y.equals(""o"") && z.equals(""e"")) { + a++; + } + } + return a; +} +" +36532184b1278bf222a774483fb11691d0c98b97,"public int countCode(String str) +{ + int count = 0; + + for (int i = 0; i < str.length() - 3; i++) { + if (""co"".equals(str.substring(i, i + 2))) { + if (str.charAt(i + 3) == 'e') { + count++; + } + } + } + return count; +} +" +03ce5d85b16db0fff7fc98e8cabc50ba6ff30cb3,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + +} +" +c951a2249b5664af28c216975d212e1a08b441ed,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + { + i++; + } + +} +" +bd4ab1662bb8f09f26dc5dd978ba13826af43bbe,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +0e57d46258638182bf3d7a47e2c6d1a1ec4a4497,"public int countCode(String str) +{ + String finder = ""co"" + ! + ""e""; + int count = 0 + int counter + while (counter != -1) + { + counter = str.indexOf(finder, counter); + if (counter != -1) + { + count++; + counter += finder.length(); + } + } + return count; +} +" +2ccfcd211c8a24a71e82fbc9a3f40e9d21da7ccb,"public int countCode(String str) +{ + String finder = ""co"" + ! + ""e""; + int count = 0; + int counter; + while (counter != -1) + { + counter = str.indexOf(finder, counter); + if (counter != -1) + { + count++; + counter += finder.length(); + } + } + return count; +} +" +23ce9cbb002ae9cfa1214884c02467d15ab64509,"public int countCode(String str) +{ + String finder = ""co"" + ! + ""e""; + int count = 0; + int counter = 0; + while (counter != -1) + { + counter = str.indexOf(finder, counter); + if (counter != -1) + { + count++; + counter += finder.length(); + } + } + return count; +} +" +17b0372ca01758ea7cffe728a5036411523e6552,"public int countCode(String str) +{ + String finder = ""code""; + int count = 0; + int counter = 0; + while (counter != -1) + { + counter = str.indexOf(finder, counter); + if (counter != -1) + { + count++; + counter += finder.length(); + } + } + return count; +} +" +4e337cb88e5df2378ce18d6137f9ace5164d0de9,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +6cce4d17187f9ee12d129362c5fa2c35ea903354,"public int countCode(String str) +{ + int number = 0 + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + +} +" +bde072de6fb17f17584111eb72ba85a7d7d3905e,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count + 1; + } + } + } + + return count; + +} +" +23b3f3664c0cfb6ef8f567c9a7368cabe73c014b,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals(str.substring( i, i + 2 ) ) && + ""e"".equals(str.charAt(i + 3)) + + count++; + + } + } + + return count; + +} +" +f1719839df5f0e74d3ea98fc40c6eba3f588c002,"public int countCode(String str) +{ + int num = 0; + for (int i=0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + num++; + } + return number; +} +" +27736f6c51cd2f04187f8c00065ccc7f3112ea28,"public int countCode(String str) +{ + int num = 0; + for (int i=0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + num++; + } + return num; +} +" +42bd06d2b20eeccbf9022a0f4e6a5052cc867881,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals(str.substring( i, i + 2 ) ) && + ""e"".equals(str.charAt(i + 3))) + { + count++; + + } + } + + return count; + +} +" +16e68d50d9560cd4e1a17fdb92ae9cee7b5666aa,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals(str.substring( i, i + 2 ) ) && + str.charAt(i + 3) == 'e') + { + count++; + + } + } + + return count; + +} +" +bf3491fd1ee45de1fbec3f07624331813a9e9cc4,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i + 3).contains(""co"" + ""e"")) + { + count += 1; + } + } + return count; +} +" +fedaa0b26e349035373596216eea164337c10a2b,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; + +} +" +d55a2be43d040cb3d54d6f086878bf60a94174f1,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i + 3).contains(""co"" + """" + ""e"")) + { + count += 1; + } + } + return count; +} +" +64c34f9008cb21e4854634335bd22930c24111a6,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +bdeb63d2bac8f410e9b682012cee083ce68d83ad,"public int countCode(String str) +{ + int numberofcode = 0 + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + + { + return numberofcode;; + } + + + +} +" +73a02102ff5c773bdcb8df3cf5b6797631e32a50,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + } + { + return numberofcode;; + } + + + +} +" +b11b0e98ecdbd081634931e0592a4537b0f13a2f,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + numberofcode++ + } + { + return numberofcode;; + } + + + +} +" +b8550f1e13df43dc4758ceb5cec8d5fbdf87750e,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +489059feb20f8c01f77ff55ad264737f9a7a8d9a,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + numberofcode++; + } + { + return numberofcode;; + } + + + +} +" +d3145d41bb8399de0d03848c47f653bce3e2baca,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i + 2).contains(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count++; + } + } + } + return count; +} +" +75d3a54c11c82c8c9d8bbd653e662869e0c50aed,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).contains(""co"")) + { + if (str.charAt(i + 3) == 'e') + { + count++; + } + } + } + return count; +} +" +30809799eb0ba55810d9c7646ed02f96ba3855e8,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length()-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + num++; + i += 4; + } + else + i++; + } + return num; +} +" +50e94825d3f222bee3dd68a4f644cfe9b935d844,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + numberofcode++; + } + + return numberofcode;; + + + + +} +" +ca8ef6f26f1ed4bfaf9468dd0c0a33d486a7bd42,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +a11d55969f9deafbbed0cfb1bc3cb3bf417c5e23,"public int countCode(String str) +{ + int count = 0; + + for ( int i = 0; i < str.length() - 3; i++ ) + { + if ( ""co"".equals( str.substring( i, i + 2 ) ) ) + { + if ( str.charAt( i + 3 ) == 'e' ) + { + count++; + } + } + } + + return count; +} +" +495e160abd5002fb51a74fedd2a19b206541f0c6,"public int countCode(String str) +{ + int num = 0; + for (int i = 0; i < str.length()-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + num++; + i += 4; + } + } + return num; +} +" +a001db9f99905e1c0b1902526b8839c3fb5227fc,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' && str.charAt(x+2) == 'e') + numberofcode++; + } + + return numberofcode; + + + + +} +" +689e0f002fba9c6676265120443779af711f1aef,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i+=; + } + return times; +} +" +0722900f782b4685fc9f2dc252cd381caa503ed0,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +3053cb7e97abb64b9f43580779991ef867aeb332,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' + && str.charAt(x+3) == 'e') + numberofcode++; + } + + { + return numberofcode; + } + + + + +} +" +39f0f986acfad34c1c3ede242bdf6bab2598100c,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length()- 3; i++) + { + if (str.substring(i, i+2).equals(""co"") && + str.charAt(i + 3) == 'e') + count++; + } + return count; +} +" +3814f6851094bbac6db4e2ee8108bf35fc18b888,"public int countCode(String str) +{ + int result = 0; +for (int i = 0; i <= str.length()-4 ; i++) { +if (str.substring(i,i+4).matches(""co[a-z]e"")) result++; +} +return result; +} +} +" +9794ad1a0169e25933d0e086489e42089eb167c9,"public int countCode(String str) +{ + int result = 0; +for (int i = 0; i <= str.length()-4 ; i++) { +if (str.substring(i,i+4).matches(""co[a-z]e"")) result++; +} +return result; +}" +2024479a0957cff9359974db9d5663e613faf306,"public int countCode(String str) +{ + int result = 0; +for (int i = 0; i <= str.length()-4 ; i++) { +if (str.substring(i,i+4).matches(""co[a-z]e"")) result++; +} +return result; +}" +a618b7bf89a532fb97cdd3b394939bb277197d6a,"public int countCode(String str) +{ + int x = 0; + int y = 0; + if (y < str.length() - 3) + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + x = x + 1; + y += 4; + else + y = y + 1; + else + return x; +} +" +83bdec583c87e688af7f2efb7febb41f991b2dab,"public int countCode(String str) +{ + int x = 0; + int y = 0; + if (y < str.length() - 3) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + x = x + 1; + y += 4; + } + else + { + y = y + 1; + } + } + else + return x; +} +" +7e0c16d7cb617b1f46a79a717acdf63b6bb64509,"public int countCode(String str) +{ + int x = 0; + int y = 0; + if (y < str.length() - 3) + { + if (str.charAt(y) == 'c' && str.charAt(y + 1) == 'o' && str.charAt(y + 3) == 'e') + { + x = x + 1; + y += 4; + } + else + { + y = y + 1; + } + } + else + return x; +} +" +9accfa3e56970e46ae5f3713011f0617185af639,"public int countCode(String str) +{ + int x = 0; + int y = 0; + if (y < str.length() - 3) + { + if (str.charAt(y) == 'c' && str.charAt(y + 1) == 'o' && str.charAt(y + 3) == 'e') + { + x = x + 1; + y += 4; + } + else + { + y = y + 1; + } + } + return x; +} +" +3a5fba5ae4a78f38d32269490c5ed1fdf2bd5205,"public int countCode(String str) +{ + int count = 0; + for (int num = 0; num< str.length()-3; num++) + { + if (str.substring(num,num+4).equals(""co""+str.substring(num+2,num+3)+""e"")) + { + count++; + } + return count; + } +} +" +e3dfeeb448ecddac39e9aec8d47ac2c5e2d5a0d2,"public int countCode(String str) +{ + int count = 0; + for (int num = 0; num< str.length()-3; num++) + { + if (str.substring(num,num+4).equals(""co""+str.substring(num+2,num+3)+""e"")) + { + count++; + } + return count; + } + return count; +} +" +25e37f06a64160c5dac1da10dad129af0c2254b5,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' + && str.charAt(x+3) == 'e') + + } + + { + return numberofcode++; + } + + + + +} +" +52e53703f7de3aa20c141523e50ab92d77ad4ef9,"public int countCode(String str) +{ + int numberofcode = 0; + + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == 'c' && str.charAt(x+1) == 'o' + && str.charAt(x+3) == 'e') + numberofcode++; + } + + { + return numberofcode++; + } + + + + +} +" +beee279d174da6a041e4ad463ef0dd3a2cd9459e,"public int countCode(String str) +{ + int x=0; + for(int y=0;y= 3) + { + if (str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + return true;' + } + } + } + } + return false; +} +" +b0f9858f2b281e866931799816c35183224366c2,"public int countCode(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c' && str.length() - i >= 3) + { + if (str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + return true; + } + } + } + } + return false; +} +" +67402207dd006b9a8220793ab8162624aa160389,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c' && str.length() - i >= 3) + { + if (str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + count++; + } + } + } + } + return count; +} +" +62e05daa04c3ccc6397cd5a1fe5f68b762949e19,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c' && str.length() - i >= 4) + { + if (str.charAt(i+1) == 'o') + { + if(str.charAt(i+3) == 'e') + { + count++; + } + } + } + } + return count; +} +" +54190d4b235245c2f7a3111eca32d0fe6616fa3c,"public int countCode(String str) +{ + int count = 0; + index = str.indexOf(""co""); + while (index != -1) + { + if (str.charAt(index + 3) == 'e') + { + count++; + } + index = str.indexOf(""co"", index + 2); + } + return count; +} +" +2f137cf955af28b8055b95cdeaa4621848c9d728,"public int countCode(String str) +{ + int count = 0; + String index = str.indexOf(""co""); + while (index != -1) + { + if (str.charAt(index + 3) == 'e') + { + count++; + } + index = str.indexOf(""co"", index + 2); + } + return count; +} +" +b12410c22b0d538c1c17be393000cb2be92335f5,"public int countCode(String str) +{ + int count = 0; + int index = str.indexOf(""co""); + while (index != -1) + { + if (str.charAt(index + 3) == 'e') + { + count++; + } + index = str.indexOf(""co"", index + 2); + } + return count; +} +" +19ca77bac86457e80fb66335f8755450dd2891c1,"public int countCode(String str) +{ + int count = 0; + int index = str.indexOf(""co""); + while (index != -1 && index < str.length - 3) + { + if (str.charAt(index + 3) == 'e') + { + count++; + } + index = str.indexOf(""co"", index + 2); + } + return count; +} +" +8a34b91d7ba1cca1852bd921e206e4f9cd800153,"public int countCode(String str) +{ + int count = 0; + int index = str.indexOf(""co""); + while (index != -1 && index < str.length() - 3) + { + if (str.charAt(index + 3) == 'e') + { + count++; + } + index = str.indexOf(""co"", index + 2); + } + return count; +} +" +c4e1c309610c0195776d526fee26a11e685a7ae3,"public int countCode(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+2)) + { + truth = true; + return truth; + } + + else + { + truth = false; + } + } + + +} +" +c1e35a035e3a566b8e4bcbe0641d32b2bc32670c,"public int countCode(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+2)== e) + { + truth = true; + return truth; + } + + else + { + truth = false; + } + } + + +} +" +d87d8275bff4c29dbad4fa6fea2f64f5f40620a9,"public int countCode(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+2)== 'e') + { + truth = true; + return truth; + } + + else + { + truth = false; + } + } + + +} +" +7ddd44aa44978284739c535d826546e77bb0253e,"public int countCode(String str) +{ + boolean isC = false; + boolean isO = false; + int numCode = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c') + { + isC = true; + isO = false; + } + + else if (str.charAt(i) == 'o' && isC) + { + isC = false; + isO = true; + } + + else if (str.charAt(i) == 'e' && isE && str.charAt(i - 2) == 'o') + { + isC = false; + isO = false; + numCode++; + } + } +}" +e3c826d70efcd8cd370dd0008cf3884c79398b36,"public int countCode(String str) +{ + int count = 0; + + for(int i = 0; i < str.length() - 3; i++) + { + if(str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + count++; + } + + return count; + +} +" +f5fe3022e1ebb79bb3a06525628c0e5afe8b0e42,"public int countCode(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+2)== 'e') + { + truth = true; + + } + + else + { + truth = false; + } + } + return truth; + + +} +" +e56c347b90a4e6d1380effc9e72f6ff9ff27d69b,"public int countCode(String str) +{ + boolean isC = false; + boolean isO = false; + int numCode = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c') + { + isC = true; + isO = false; + } + + else if (str.charAt(i) == 'o' && isC) + { + isC = false; + isO = true; + } + + else if (str.charAt(i) == 'e' && isO && str.charAt(i - 2) == 'o') + { + isC = false; + isO = false; + numCode++; + } + } +}" +cadc31aa823a25cab3d7392cb048ced402636140,"public int countCode(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+2)== 'e') + { + truth = true; + + } + + else + { + truth = false; + } + } + return truth; + + +} +" +f5ce27a76f89ac1e09997ca02e91317271d471e0,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +89e5f07bd8320e0360b637a8d313139effda9b91,"public int countCode(String str) +{ + int length = str.length(); + int number = 0; + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 3); + if (one == 'c' && two == 'o' && three == 'e') + { + number = number + 1; + } + } + return number; +} +" +4e8c762adc3f7ccd515c40c11587e4380ef7ae90,"public int countCode(String str) +{ + boolean isC = false; + boolean isO = false; + int numCode = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c') + { + isC = true; + isO = false; + } + + else if (str.charAt(i) == 'o' && isC) + { + isC = false; + isO = true; + } + + else if (str.charAt(i) == 'e' && isO && str.charAt(i - 2) == 'o') + { + isC = false; + isO = false; + numCode++; + } + } + return numCode; +}" +cb917a41890f47bed03ecf73e7cba17a6b8af58a,"public int countCode(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+2)== 'e') + { + return true; + + } + + else + { + return false; + } + } + + +} +" +55e6d9330e148b2922a16789d5189d75ef6bc1dd,"public int countCode(String str) +{ + int truth = 0; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' + && str.charAt(i+2)== 'e') + { + truth = truth + 1 ; + + } + + else + { + truth = truth; + } + } + return truth; + + +} +" +864cb6231d51cab7dfba3d9ceec8e2a8b3f2c3b1,"public int countCode(String str) +{ + int truth = 0; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' + && str.charAt(i+3)== 'e') + { + truth = truth + 1 ; + + } + + else + { + truth = truth; + } + } + return truth; + + +} +" +e1f8fb927c9a5ef9d90a048ae46731d1613979ed,"public int countCode(String str) +{ + int truth = 0; + for(int i = 0; i < str.length()-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' + && str.charAt(i+3)== 'e') + { + truth = truth + 1 ; + + } + + else + { + truth = truth; + } + } + return truth; + + +} +" +a3a55d59c67589228cf4aaad9d39b955b01cb85c,"public int countCode(String str) +{ + int length = str.length(); + int codeCounter = 0; + for (int i = 0; i (str.length()-4)) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < str.length(); i++) + { + if ((str.charAt(i)=='c') && (str.charAt(i+1) == 'o') & (str.charAt(i+3) == 'e')) + { + counter = counter + 1; + } + } + return counter; + } +} +" +40a31b9d8581a6b0a9303f9aeabbb26a5c6d2a39,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""co"") && (str.charAt(i + 3) == ""e"")) + { + count++; + } + } + return count; +} +" +3e7bc6c5fe5360c917554852d181e425f407187d,"public int countCode(String str) +{ + if (!str.contains(""co"")) + { + return 0; + } + else if ((str.lastIndexOf(""c"") > (str.length()-4))) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < str.length(); i++) + { + if ((str.charAt(i)=='c') && (str.charAt(i+1) == 'o') & (str.charAt(i+3) == 'e')) + { + counter = counter + 1; + } + } + return counter; + } +} +" +00e8644905c267f99d6346c598a6fb7dc71d1bf6,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + String letter = str.charAt(i + 3); + if (str.substring(i).startsWith(""co"") && (letter == ""e"")) + { + count++; + } + } + return count; +} +" +8d8d2bb6ab7f9c9bf974f6bc4131112bbc6a1c0b,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; + +} +" +91bd0816280588ff6b675346b7ab58eb09266fe5,"public int countCode(String str) +{ + int length = str.length() - 3; + int occur = 0; + int i = 0; + while(i (str.length()-4))) + { + return 0; + } +} +" +65b9b1bba62e1497967db97fa1b5c73894c2cb06,"public int countCode(String str) +{ + if (!str.contains(""co"")) + { + return 0; + } + else if ((str.lastIndexOf(""c"") <= (str.length()-4))) + { + int counter = 0; + for (int i = 0; i < str.length(); i++) + { + if ((str.charAt(i)=='c') && (str.charAt(i+1) == 'o') & (str.charAt(i+3) == 'e')) + { + counter = counter + 1; + } + } + return counter; + } + else if ((str.lastIndexOf(""c"") > (str.length()-4))) + { + return 0; + } +} +" +65fe3907d1b07c20967702d55fdd0a3777fc0e16,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + String letter = str.substring(i + 3, i + 4); + if (str.substring(i).startsWith(""co"") && (letter == ""e"")) + { + count++; + } + } + return count; +} +" +bffee97ddff2a110b6223bbc6b3514a7e029df0b,"public int countCode(String str) +{ + if (!str.contains(""co"")) + { + return 0; + } + else if ((str.lastIndexOf(""c"") <= (str.length()-4))) + { + int counter = 0; + for (int i = 0; i < str.length(); i++) + { + if ((str.charAt(i)=='c') && (str.charAt(i+1) == 'o') & (str.charAt(i+3) == 'e')) + { + counter = counter + 1; + } + } + return counter; + } + else if ((str.lastIndexOf(""c"") > (str.length()-4))) + { + return 0; + } + else + { + return 0; + } +} +" +c2322ddf6c72605cf06f278a7a8c8cb2f4a8af73,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""co"") && (str.substring(i + 3, i + 4).equals(""e""))) + { + count++; + } + } + return count; +} +" +692a44e31be036813d560eecac190f3ca36d9c2f,"public int countCode(String str) { +int result = 0; +for (int i = 0; i < str.length() - 3; i++) +{ +if(str.substring(i, i + 2).equals(""co"") && str.substring(i + 3, i + 4).equals(""e"")) +result++; +} + +return result; +}" +daffeb05e45267de839e341fe72bffd115d8a0c6,"public int countCode(String str) +{ + int count=0; + for (int i=0; i length) + { + if (str.charAt(iteration) == ""c"" && str.charAt(iteration + 1) == ""o"" && str.charAt(iteration + 3) == ""e"") + { + code += 1; + iteration += 1 + } + } + return code; +} +" +f109cf20daa799c1fb45da9ed876204e10181a97,"public int countCode(String str) +{ + int code; + int iteration = 0; + int length = str.length() - 3; + while (iteration > length) + { + if (str.charAt(iteration) == ""c"" && str.charAt(iteration + 1) == ""o"" && str.charAt(iteration + 3) == ""e"") + { + code += 1; + iteration += 1; + } + } + return code; +} +" +7f7a848d0fa0b605cf04d5065fe2073f6c1dd552,"public int countCode(String str) +{ + int sum = 0; +for (int i = 0; i < str.length()-3; ++i) +{ +if (str.substring(i,i+2).equals(""co"") && str.charAt(i+3) == 'e') sum++; +} +return sum; +} +" +10b5f91bba07fcc7eb6468ff475cba15a6ca572d,"public int countCode(String str) +{ + int times = 0; + int counter = 0; + int length = str.length()-3; + + while (counter < length) + { + if (str.charAt(counter) == 'c' && str.charAt(counter+1) == 'o' && str.charAt(counter+3) == 'e') + { + times++; + counter += 4; + } + else + counter++; + } + + return times; +}" +5ab3c5d9f8e1ac2c240d671f946cd8b8c19a7285,"public int countCode(String str) +{ + int code; + int iteration = 0; + int length = str.length() - 3; + while (iteration < length) + { + if (str.charAt(iteration) == ""c"" && str.charAt(iteration + 1) == ""o"" && str.charAt(iteration + 3) == ""e"") + { + code += 1; + iteration += 1; + } + } + return code; +} +" +7050432d5fd725735fd3f530bc975e2aa0453afa,"public int countCode(String str) +{ + int times = 0; + int counter = 0; + int length = str.length()-3; + while (counter < length) + { + if (str.charAt(counter) == 'c' && str.charAt(counter+1) == 'o' && str.charAt(counter+3) == 'e') + { + times++; + counter += 4; + } + else + counter++; + } + return times; +}" +bd6e4fa26f91e3e7365d99a8dbaedeb792ead9c9,"public int countCode(String str) +{ + int times = 0; + int counter = 0; + int length = str.length()-3; + + while (counter < length) + { + if (str.charAt(counter) == 'c' && str.charAt(counter+1) == 'o' && str.charAt(counter+3) == 'e') + { + times++; + counter += 4; + } + else + counter++; + } + + return times; +}" +8607bf69df97e865fbab7f3aedd1367fc5b36f34,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length; i++) + { + if (str.charAt(i) == ""c"" && str.charAt(i + 1) == ""o"" && str.charAt(i + 3) == ""e"") + { + count++; + } + } + return count; +} +" +fced25ff6ac53b15b703932e1c39f566cee67a16,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""c"" && str.charAt(i + 1) == ""o"" && str.charAt(i + 3) == ""e"") + { + count++; + } + } + return count; +} +" +99b96b27ae1e4c18df4c5edd492ad2ac158d7f14,"public int countCode(String str) +{ + int code; + int iteration = 0; + int length = str.length() - 3; + while (iteration < length) + { + if (str.charAt(iteration).equals('c') && str.charAt(iteration + 1).equals('o' && str.charAt(iteration + 3).equals('e') + { + code += 1; + iteration += 1; + } + } + return code; +} +" +da9fdeac450782025cf76d2538eb911f34be7a93,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + count++; + } + } + return count; +} +" +1d5d3d3767fa3e3329de891275973ee9b63b8c22,"public int countCode(String str) +{ + int code; + int iteration = 0; + int length = str.length() - 3; + while (iteration < length) + { + if (str.charAt(iteration).equals('c') && str.charAt(iteration + 1).equals('o' && str.charAt(iteration + 3).equals('e')) + { + code += 1; + iteration += 1; + } + } + return code; +} +" +6c7d2ea9532c6c5aa5261d513638af7a07b7b752,"public int countCode(String str) +{ + int code; + int iteration = 0; + int length = str.length() - 3; + while (iteration < length) + { + if (str.charAt(iteration).equals('c') && str.charAt(iteration + 1).equals('o') && str.charAt(iteration + 3).equals('e')) + { + code += 1; + iteration += 1; + } + } + return code; +} +" +08d2d51c0e27b7ff16547053857d4d7a170e2751,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + count++; + } + } + return count; +} +" +91aa769c3514c43bda13d7025b88fe515491c32f,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i + 1) == 'o' && str.charAt(i + 3) == 'e') + { + count++; + } + } + return count; +} +" +0ec242342a4f3e723c620b0348e45efc5ba27d79,"public int countCode(String str) +{ + int code = 0; + for (int i; i < str.length(); i++) + { + if (((i == str.length() - 4 && str.substring(i,i+2).equals(""co"") && + str.substring(i+3).equals(""e"")) || + ((i < str.length() - 4 && str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""e""))) + { + code++ + } + } + return code; +} +" +35f0e1420059bb6dd962d281daaecd91124201c4,"public int countCode(String str) +{ + int code = 0; + for (int i; i < str.length(); i++) + { + if (((i == str.length() - 4 && str.substring(i,i+2).equals(""co"") && + str.substring(i+3).equals(""e"")) || + ((i < str.length() - 4 && str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""e""))) + { + code; + } + } + return code; +} +" +3a42c7315a092a0a73e17f52bcea164df999cacd,"public int countCode(String str) +{ + int code = 0; + for (int i; i < str.length(); i++) + { + if ((i == str.length() - 4 && str.substring(i,i+2).equals(""co"") && + str.substring(i+3).equals(""e"")) || + (i < str.length() - 4 && str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""e""))) + { + code; + } + } + return code; +} +" +ba1d7902dd2fde173bb77684233cce6e7373a1a4,"public int countCode(String str) +{ + int code = 0; + for (int i; i < str.length(); i++) + { + if ((i == str.length() - 4 && str.substring(i,i+2).equals(""co"") && + str.substring(i+3).equals(""e"")) || + (i < str.length() - 4 && str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""e""))) + { + code++; + } + } + return code; +} +" +717eb5b5b6b1125c8e3256863dda92d28caee712,"public int countCode(String str) +{ + int code = 0; + for (int i; i < str.length(); i++) + { + if ((i == str.length() - 4 && str.substring(i,i+2).equals(""co"") && + str.substring(i+3).equals(""e"")) || + (i < str.length() - 4 && str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""e""))) + { + code++; + } + } + return code; +} +" +bcecd6b8c221e0eb05104eace0b7e20e7d6c3520,"public int countCode(String str) +{ + if (str.length() < 4) + return false; + + if (str.indexOf(""c"") == -1) + return false; + + for (int i = str.indexOf(""c""); i < str.length(); i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + return true; + } + } + return false; +} +" +aaf38dd1f77a7de0a32c756ad2f5800c6f10afe9,"public int countCode(String str) +{ + int code = 0; + for (int i=0; i < str.length(); i++) + { + if ((i == str.length() - 4 && str.substring(i,i+2).equals(""co"") && + str.substring(i+3).equals(""e"")) || + (i < str.length() - 4 && str.substring(i, i+2).equals(""co"") && + str.substring(i+3, i+4).equals(""e""))) + { + code++; + } + } + return code; +} +" +2b6c4b3d086d2b5bad777799f8ca259f6b002991,"public int countCode(String str) +{ + int x = 0; + for (int i = 0; i < str.length() - 3) + { + if (str.charAt(i) == 'c') + { + if (str.charAt(i+1) == 'o') + { + if (str.charAt(i + 3) == 'e') + { + x++; + } + } + } + } + return x; +} +" +0bd7fe95ce9749e4f8a7edf4208f6c161ea14ca1,"public int countCode(String str) +{ + int x = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c') + { + if (str.charAt(i+1) == 'o') + { + if (str.charAt(i + 3) == 'e') + { + x++; + } + } + } + } + return x; +} +" +20bb27f2840abcf108961b08d593921fa9b99ac3,"public int countCode(String str) +{ + if (str.length() < 4) + return 0; + + if (str.indexOf(""c"") == -1) + return 0; + + int total = 0; + + for (int i = str.indexOf(""c""); i < str.length() - 4; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + total = total + 1; + } + } + return total; +} +" +8bf0c02326a8dece6634c3b907e8da6aa6c7a3cf,"public int countCode(String str) +{ + if (str.length() < 4) + return 0; + + if (str.indexOf(""c"") == -1) + return 0; + + int total = 0; + + for (int i = str.indexOf(""c""); i < str.length() - 3; i++) + { + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + total = total + 1; + } + } + return total; +} +" +c2418f079073cdb802917b83b2e7098edb16ea3a,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i < str.length()-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) + == 'o' && str.charAt(i+3) == 'e') + { + counter = counter + 1; + } + return counter; + } +} +" +7405375dc3330a775e05bc59cb42ee29523c441a,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i < str.length()-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) + == 'o' && str.charAt(i+3) == 'e') + { + counter = counter + 1; + } + } + return counter; +} +" +f6bccd15b7687c59514c1e871aa1092b67e09059,"public int countCode(String str) +{ + int counter = 0; + for(int i = 0; i < str.length()-3; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) + == 'o' && str.charAt(i+3) == 'e') + { + counter = counter + 1; + } + } + return counter; +} +" +6ad0c90c66075175ac72fb44c9bb6b781a993f99,"public int countCode(String str) +{ + for(x = 0; x <= str.length(); x++) + { + int count = 0 + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + ; + } + } + return count; +} +" +38762fe7dd9529e7620b23c0dc6fb6bcd528cc28,"public int countCode(String str) { + int count = 0; + for (int i = 0; i < str.length()-3; i++) + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' + && str.charAt(i+3) == 'e') + count++; + return count;" +9d204dbc03a2fcf518ad2f611dc545cf4eee4b3f,"public int countCode(String str) +{ + for(x = 0; x <= str.length(); x++) + { + int count = 0; + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +e18c982c36b430a195bf115a6aa1c95f5460d16e,"public int countCode(String str) { + int count = 0; + for (int i = 0; i < str.length()-3; i++) + if (str.charAt(i) == 'c' && str.charAt(i+1) == 'o' + && str.charAt(i+3) == 'e') + count++; + return count; +}" +4235496ebf6598fa98499554c7e8810f24a343da,"public int countCode(String str) +{ + for(int x = 0; x <= str.length(); x++) + { + int count = 0; + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +eb91d3017c789dfb3d0507a315107e90bc12f213,"public int countCode(String str) +{ + int number = 0; + + for (int i=0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + number++; + } + return number; +}" +a452975520bf9f8c57b41a91a2993ea38d4f4f43,"public int countCode(String str) +{ + int number = 0; + + for (int i=0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + number++; + } + return number; +}" +46c1ac21c12f79dadd90bf97af224c6f61c8dc3e,"public int countCode(String str) +{ + int count = 0; + for(int x = 0; x <= str.length(); x++) + { + + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +f1cfb61526badf8ea85a583b224d2e2e267c844b,"public int countCode(String str) +{ + int count = 0; + for(int x = 1; x <= str.length(); x++) + { + + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +aeae745ee5672b751863a94c2d4f0871ec29d76f,"public int countCode(String str) +{ + int count = 0; + for(int x = 1; x < str.length() - 3; x++) + { + + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +ba1721c610920190c428ed088ab0dde3d18e7a7b,"public int countCode(String str) +{ + int count = 0; + for(int x = 0; x < str.length() - 3; x++) + { + + if (str.charAt(x) == 'c' && str.charAt(x + 1) == 'o' + && str.charAt(x+3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +ca007a3924786dde2b3c87e8bf2676f96f0dd1f4,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +41b00517e7cc2f31cf7b3cbbdb2b08900625ed27,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +bf6da516aaeb810c3b9cf76f981ff1d61bce749e,"public int countCode(String str) +{ + int index = str.indexOf(""is""); + int nAppears = 0; + while (index != -1) + { + nAppears++; + str = str.substring(index + 1); + str = str.indexOf(""is""); + } +} +" +70022b42d0f8864a871df68e6cfe1ed3dd9fe746,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i).startsWith(""co"") + && str.substring(i + 3).startsWith(""e"")) + { + count++; + } + } + return count; +} +" +3ddacfc70978cbd433a3b6044a34d3b56ea35a03,"public int countCode(String str) +{ + int index = str.indexOf(""is""); + int nAppears = 0; + while (index != -1) + { + nAppears++; + str = str.substring(index + 1); + index = str.indexOf(""is""); + } + return nAppears; +} +" +9b6a5528b2ccab86cf9d2c3c350b163b520e078d,"public int countCode(String str) +{ + int numb = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + number++; + } + + return number; +} +" +51c82013109c1f8e047d0a73dd51d3321395b0ce,"public int countCode(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i).startsWith(""co"") + && str.substring(i + 3).startsWith(""e"")) + { + count++; + } + } + return count; +} +" +609c508b7ee171483624a2eb5ca4fcaeb8e61473,"public int countCode(String str) +{ + int num = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 2).equals(""co"") && str.charAt(i + 3) == 'e') + num++; + } + + return num; +} +" +0962f7366d85667c78042298f64bd04c29e954e0,"public int countCode(String str) +{ + int j = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if(str.substring(i).equals(""co"") && str.charAt(i + 3) == 'e') + { + j = j + 1; + } + } + return j; +} +" +0c35ab8aff756c58c50c4fe0c03345d65d2468bb,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + int n = 0; + while (n < 1) + { + if (str.charAt(n) == 'c' && str.charAt(n + 1) == 'o' && str.charAt(n + 3) == 'e') + { + n += 4; + counter = counter + 1; + } + else + { + n = n + 1; + } + } + return counter; + +} +" +552714c582effa4a83605edd1e481681945711c6,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length()-3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +acc55d56b13cc28b8c0ca1a01ead8814761cbca3,"public int countCode(String str) +{ + int index = str.indexOf(""is""); + int count = 0; + while (index != -1) + { + count++; + str = input.substring(index + 1); + index = str.indexOf(""is""); + } + return count; +} +" +b5e47632666303b6abff71ac34f4b6cd9c51371d,"public int countCode(String str) +{ + int index = str.indexOf(""is""); + int count = 0; + while (index != -1) + { + count++; + str = str.substring(index + 1); + index = str.indexOf(""is""); + } + return count; +} +" +546c11f6446991f6f4751152e1889e97ade9adee,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 5); + String sub2 = str.substring(i, i + 3); + if (sub2.equals(""co"") && sub.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +b43cdd20e2009531edda0cdaf2e086358ce04ec5,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 4; i++) + { + String sub = str.substring(i, i + 5); + String sub2 = str.substring(i, i + 3); + if (sub2.equals(""co"") && sub.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +b1408b57f9952b8b07b99abf123596a37f0802d6,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 4; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = str.substring(i, i + 2); + if (sub2.equals(""co"") && sub.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +1fa3f6ba5b6fd2e5e11722db144fb550e8a6728c,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = str.substring(i, i + 2); + if (sub2.equals(""co"") && sub.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +5a304bfb41c4f809f184a4c2b229f8233d4144a6,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + while (n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.subString(n, n+2))) + { + if( ""e"".equals(str.subString(n+4))) + { + counter++; + } + } + } + + + return counter; + +} +" +1be8485ec169cbd567eac736dd3df29f000a0797,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = sub.substring(0, 2); + if (sub2.equals(""co"") && sub.charAt(i + 3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +256cad70c6bab8a5f9fbc1e884bd5d62ad75a047,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.subString(n, n+2))) + { + if( ""e"".equals(str.subString(n+4))) + { + counter++; + } + } + } + + + return counter; + +} +" +487423a55a1f410293d671578eafc167f30342c6,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.subString(n, n+2))) + { + if( ""e"".equals(str.subString(n+4))) + { + counter++; + } + } + } + + + return counter; + +} +" +74d01d732d7dc21e75578d88f522f0d82282ad2a,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = sub.substring(0, 2); + if (sub2.equals(""co"") && sub.charAt(3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +d8232d0d9c0bd5bf4e54759cbf36399cc1d5a251,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = sub.substring(0, 2); + if (sub2.equals(""co"") && sub.charAt(3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +7c1fd3556e7a50ec349d569e0412138245c8c4f3,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = sub.substring(0, 2); + if (sub2.equals(""co"") && sub.charAt(3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +9d5d55831340a260625b2a6f1249c624d5197034,"public int countCode(String str) +{ + int count = 0; + int length = str.length(); + for(int i = 0; i < length - 3; i++) + { + String sub = str.substring(i, i + 4); + String sub2 = sub.substring(0, 2); + if (sub2.equals(""co"") && sub.charAt(3) == 'e') + { + count = count + 1; + } + } + return count; +} +" +e2fb2363fa0ad6640118b03956c50c628a6a78ad,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.substring(n, n+2))) + { + if( ""e"".equals(str.substring(n+3))) + { + counter++; + } + } + } + + + return counter; + +} +" +0cec15c4fdd22260bbbbc80cbff8d4d39f3f87ec,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.substring(n, n+2))) + { + if(str.charAt(n + 3) == ""e"") + { + counter++; + } + } + } + + + return counter; + +} +" +15a5435c99e51e9ed9a63fff79227f516080664e,"public int countCode(String str) +{ + int times = 0; + int i = 0; + int len = str.length() - 3; + while(i < len) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + times++; + i += 4; + } + else + i++; + } + return times; +} +" +0bbb88553b4f61000535784005f1075d630cccd5,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.substring(n, n+2))) + { + if(str.charAt(n+3) == ""e"") + { + counter++; + } + } + } + + + return counter; + +} +" +88a219ce12e31d6a1e71b00ebf70056db10c1c78,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + + if (len < 4) + { + return 0; + } + for (int i = 0; i < len - 3; i++) + { + if (co.compareTo(str.substring(i, i + 2)) == 0 && + e.compareTo(str.substring(i + 3, i + 4)) == 1) + { + count++; + } + } + return count; +} +" +e09b6e4d39f68411803472e20928b3121158ae71,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + + if (len < 4) + { + return 0; + } + for (int i = 0; i < len - 3; i++) + { + if (co.compareTo(str.substring(i, i + 2)) == 0 && + e.compareTo(str.substring(i + 3, i + 4)) == 0) + { + count++ + } + } + return count; +} +" +11a3dc6a2c9733ba145d1fdb4820824dda3e4be3,"public int countCode(String str) +{ + int len = str.length(); + int count = 0; + String co = ""co""; + String e = ""e""; + + if (len < 4) + { + return 0; + } + for (int i = 0; i < len - 3; i++) + { + if (co.compareTo(str.substring(i, i + 2)) == 0 && + e.compareTo(str.substring(i + 3, i + 4)) == 0) + { + count++; + } + } + return count; +} +" +f6a03d60f21715346ce3c930b65d4259f8f3f72a,"public int countCode(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +fd90bddd5392d73b0c483697e9c6e15d6621e807,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.substring(n, n+2))) + { + if(str.charAt(n+3).equals(""e"")) + { + counter++; + } + } + } + + + return counter; + +} +" +7aedb10809b555fdd9c8a3a549aa2ffec44c08ac,"public int countCode(String str) +{ + int sum = 0; + int i = 0; + int l = str.length() - 3; + for(int i < l; i >=0; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + sum = sum + 1; + i += 4; + } + else + i++; + } + return sum; + +} +" +f7cd9a73785afae2e39c4f8065898907d32db9f3,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.substring(n, n+2))) + { + if(""e"" == str.charAt(n+3)) + { + counter++; + } + } + } + + + return counter; + +} +" +b463e7d7e52375f4fca4c83c1e81bd814cd1f3f2,"public int countCode(String str) +{ + int sum = 0; + int i = 0; + int l = str.length() - 3; + for(int i = 0; i < l; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + sum = sum + 1; + i += 4; + } + else + i++; + } + return sum; + +} +" +b59b749588e8472df169d5e1eec5dd0351de6c2f,"public int countCode(String str) +{ + int sum = 0; + int l = str.length() - 3; + for(int i = 0; i < l; i++) + { + if(str.charAt(i) == 'c' && str.charAt(i+1) == 'o' && str.charAt(i+3) == 'e') + { + sum = sum + 1; + i += 4; + } + else + i++; + } + return sum; + +} +" +c8708f212fcdd164acde7ebac58cbdcd2e48db0e,"public int countCode(String str) +{ + int l = str.length()-3; + int counter = 0; + + for (int n = 0; n < str.length() -3; n++) + { + if (""co"".equals(str.substring(n, n+2))) + { + if(""e"".equals(str.substring(n+3))) + { + counter++; + } + } + } + + + return counter; + +} +" +bc737b90e149ff16025c92d1984c487bc2515bc3,"public int countCode(String str) +{ + int length = str.length(); + int letterCount = 0; + String co = ""co""; + String e = ""e""; + + if (length < 4) + return 0; + + for (int counter = 1; counter <= counter - 3; counter++) { + if (co.compareTo(str.substring(counter, counter + 2)) == 0 && e.compareTo(str.substring(i + 3, i + 4)) == 0) + letterCount++; + } + return letterCount; +} +" +78c9d669503ab0752100f9bdceac058395945454,"public int countCode(String str) +{ +int count=0; +for(int i=0; i 1) + count++; + } + return count; +} +" +6cf1e45039f6f3bb665bc6067be404b2a439d298,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + total += 1; + } + } + return total; +} +" +9b690dbfd1863ea6ebf5b9a3bf674e695324ef1e,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + total += 1; + } + if (nums[i+1] == nums[i+2]) + { + i += 1; + } + } + return total; +} +" +e7cd013553c991f3eafed07f08dfce53a59178dc,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + total += 1; + } + } + return total; +} +" +70523af03f39896f2498080fb06bb5f9308af941,"public int countClumps(int[] nums) +{ + int total = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] + && !clump) + { + clump = true; + total += 1; + } + else if (nums[i] != nums[i+1]) + { + clump = false; + } + } + return total; +} +" +766fa67d7e7230cf27f47d4a4643fa3ee230e21d,"public int countClumps(int[] nums) +{ + int count = 0; + int size = nums.length; + for (int i = 1; i < size; i++) + { + if (nums[i-1] == nums[1]) + count++; + while (i < size -1 && nums[i] == nums[i+1]) + i++; + + + } + return count; +} +" +dc4387a095431c5493d457e3358d7e32cf2578a6,"public int countClumps(int[] nums) +{ + int count = 0; + int size = nums.length; + for (int i = 1; i < size; i++) + { + if (nums[i-1] == nums[1]) + { + count++; + while ((i < size - 1) && nums[i] == nums[i+1]) + i++; + } + + + } + return count; +} +" +b19590247e9763b5d43a72d7ab5dc431a03147b1,"public int countClumps(int[] nums) +{ + int count = 0; + int size = nums.length; + for (int i = 1; i < size; i++) + { + if (nums[i-1] == nums[i]) + { + count++; + while ((i < size - 1) && nums[i] == nums[i+1]) + { + i++; + } + } + + + } + return count; +} +" +b9840cff976fb293514198955041bcd26e386c04,"public int countClumps(int[] nums) +{ + return 1; +} +" +0adc703f318e50961b668116406d61b3c2ddf9f9,"public int countClumps(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++1) + { + if(nums[i] == num[i+1]) + { + continue; + } + else + { + k+=1; + } + } + return k; +} +" +1665a7b89eb9cfb25819284858dc08afeabffda2,"public int countClumps(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == num[i+1]) + { + continue; + } + else + { + k+=1; + } + } + return k; +} +" +67d5ae84143891d44c1af6d2974da9a8e64226c6,"public int countClumps(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1]) + { + continue; + } + else + { + k+=1; + } + } + return k; +} +" +4b3ff086cbfed8325b198b1559e6721374b1f3e2,"public int countClumps(int[] nums) +{ + int count = 0; + + for (int n : nums) + { + if (nums[n]==nums[n+1]) + { + count++; + } + } + return count; +} +" +4daf4ac7f59181427f392ac8dc0f8b0a8ffe26af,"public int countClumps(int[] nums) +{ + + int beginner = 0; + for (int i = 0; i < nums.length; i++) + { + int lian = 1; + int clump = 0; + beginner = nums[i]; + if (nums[i+1] == beginner) + { + i+=1; + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + } + + + } + return clump; +} +" +44e1eaa5365990000cb8fca77bcb7654d45cc0a3,"public int countClumps(int[] nums) +{ + + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length; i++) + { + int lian = 1; + + beginner = nums[i]; + if (nums[i+1] == beginner) + { + i+=1; + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + } + + + } + return clump; +} +" +c69aed689e9a2372cdafe0eaee6429ec31e1b470,"public int countClumps(int[] nums) +{ + + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + int lian = 1; + + beginner = nums[i]; + if (nums[i+1] == beginner) + { + i+=1; + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + } + + + } + return clump; +} +" +d0a0533fcd11039b90993774928b8abf8bf2847b,"public int countClumps(int[] nums) +{ + int lian = 0; + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + + + beginner = nums[i]; + if (nums[i+1] == beginner) + { + i+=1; + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + lian = 0; + } + + + } + return clump; +} +" +c44e109bfb3830ad57552e4b43246fc31d79caa5,"public int countClumps(int[] nums) +{ + int lian = 1; + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + beginner = nums[i]; + if (nums[i+1] == beginner) + { + i+=1; + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + lian = 1; + } + + + } + return clump; +} +" +5f1c002c0c7f221b2c1eeedadb595166e0510556,"public int countClumps(int[] nums) +{ + int lian = 1; + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + beginner = nums[i]; + if (nums[i+1] == beginner) + { + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + lian = 1; + } + + + } + return clump; +} +" +d31ea8b454b4065864ac7dc67730a0a68861572e,"public int countClumps(int[] nums) +{ + int lian = 1; + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + beginner = nums[i]; + if (nums[i+1] == beginner) + { + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + lian = 1; + } + + + } + if (nums[nums.length-1] == nums[nums.length-2]) + { + clump += 1; + } + return clump; +} +" +76cbe6ddfca854bb6fe67dc94b7f61a2f2cb542f,"public int countClumps(int[] nums) +{ + int lian = 1; + int beginner = 0; + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + beginner = nums[i]; + if (nums[i+1] == beginner) + { + lian += 1; + } + else + { + if (lian >=2) + { + clump += 1; + } + lian = 1; + } + + + } + if(nums.length<2) + { + return 0; + } + + if (nums[nums.length-1] == nums[nums.length-2]) + { + clump += 1; + } + return clump; +} +" +1ebf5740c5d9c4bf9baee3bbdd5484968cabdea8,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +ea1ba46ae75c154535b126447a36903e1c1d9502,"public int countClumps(int[] nums) +{ + int clumps = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(false) + { + if(nums[i] != nums[i+1]) + return false; + } + else if(nums[i] == nums[i+1]) + { + return true; + clumps++; + } + } + return clumps; +} +" +0c350a91a75d9c470f4549ae51e694678e28b26d,"public int countClumps(int[] nums) { + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +}" +c26a664473358b48a7cf97c46e616da46f7aac66,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + //check for clump + if(nums[i] == nums[i+1]) + { + clumps = clumps + 1; + //check for extension of the clump + for (int next = i+1; next < nums.length; next++) + { + if(nums[next] == nums[i]) + { + i = i + 1; + } + else + { + break; + } + } + } + } + return clumps; +} +" +d7f4dcad39ba71f3fbbce52c0b1217afcebb6b4b,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +659ed82a01175510d27767586c23946d90290b41,"public int countClumps(int[] nums) +{ + int clumps = 0; + + boolean isClump = false; + + for(int i = 0; i < nums.length - 1; i++) + + { + + if(isClump) + + { + + if(nums[i] != nums[i+1]) + + isClump = false; + + } + + else if(nums[i] == nums[i+1]) + + { + + isClump = true; + + clumps++; + + } + + } + + return clumps; +} +" +f0e3a00e6b08c0bba23ebf1d0a933775a2b162d7,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + { + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +e77decbc0a6aae1608d2f0cff14de83cb514084f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +ff0d5fde15dd7e1508e7910bd67f795f258584bd,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == num[i+1]) { + x++; + } + } + return x; +} +" +00be7b1043e2c0415439828267239eb4f5469e91,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i+1]) { + x++; + } + } + return x; +} +" +772f78ef7a0117c421e8a1cc34c67e9ca19afc77,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + int r = 1; + while (nums[i] == nums[i + r]) { + i++; + r++; + } + x++; + } + return x; +} +" +5b687d7f53a0c028d1c8eea206364bb32b4d8832,"public int countClumps(int[] nums) { + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +2493648e44dc0a891330eeb22183355001033fdd,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + int r = 1; + while (nums[i] == nums[i + r]) { + if ( i == nums.length - 1 - r) { + break; + } + i++; + r++; + } + x++; + } + return x; +} +" +5e00cb86e7ea4550b9e50c5ba6d5787883f32cdd,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + while (nums[x] == nums[i+1]) + { + i += 1; + } + } + } + return numClumps; +} +" +7d52b7c6638c31821b4cf4f67b07f2e2563d1836,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + while (nums[x] == nums[i+1]) + { + i += 1; + } + } + } + return numClumps; +} +" +24331341d1275ae3a622cfc67f3ba03e02d2aa55,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + for (int y = i; y < nums.length - 1; y++) { + int yeet = i; + if (nums[yeet] == nums[y]) { + i++; + } + else { + break; + } + } + } + x++; + } + return x; +} +" +3efc9a827d3b28e325096f724f506e2b54d86db6,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + while (nums[x] == nums[i+1]) + { + i += 1; + } + } + } + return numClumps; +} +" +0050278d9c7ef5732295fdc41e6ddd4e6e1e89f7,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + while (nums[x] == nums[i+1]) + { + i += 1; + } + } + } + return numClumps; +} +" +62b3aad10a234784da7be5cf82cb342ed9c95472,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + } + } + return numClumps; +} +" +28ca79571dd2956a699793a15f9d6dc1b8181747,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + + } + } + return numClumps; +} +" +544762d23cb95e9d227554893bd63cdec9b9794c,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + i++; + } + x++; + } + return x; +} +" +06b50a359552b81057fe9852419be9c70b3ee1b9,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + i++; + } + x++; + } + return x; +} +" +331515519e2155fcee46e941cd086bc137cce568,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + while(i < nums.length - 1) + { + while (nums[x] == nums[i+1]) + { + i += 1; + } + } + } + } + return numClumps; +} +" +6713809ae274731e68db3c6ec0d6752379dd2e8d,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + while(i < nums.length - 2) + { + while (nums[x] == nums[i+1]) + { + i += 1; + } + } + } + } + return numClumps; +} +" +f68c7e6352c09aae3675e9d0a7b3457c3b71e59b,"public int countClumps(int[] nums) +{ + int numClumps = 0; + if (nums.length == 0 || nums.length == 1) + { + return numClumps; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps += 1; + int x = i; + } + } + return numClumps; +} +" +453f6e96c544e39266e93b810b2dd3143acae8e5,"public int countClumps(int[] nums) +{ + int a = 0; + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i} == a) + { + count = count + 1; + } + a = nums[i]; + } +} +" +d1541dc93716dc8c07d0fbf3147d2c70b92e6db6,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + i++; + } + if (i > 0) { + if (nums[i - 1] == nums[i] && nums[i] != nums[i + 1]) { + x++; + } + } + } + return x; +} +" +85a8a87396958d44d4359c238f71b8a905f21d97,"public int countClumps(int[] nums) +{ + int a = 0; + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == a) + { + count = count + 1; + } + a = nums[i]; + } + return a; +} +" +82cc2b0f577d5cdc8bb5bd5853ce8f04900ad1dc,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + count = count + 1; + } + } + return count; +} +" +e335ed28a26f882e136d110c508c71f5f4d962d6,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i} == nums[i + 1}) + { + count = count + 1; + } + int j = i; + while (j < nums.length){ + if (nums[i] == nums[j]) + { + j = j + 1 + }else{ + break; + } + i = i + j; + } + } + return count; +} +" +51442981a21875e3807aab2fd093ffe1b60c04b1,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i]== nums[i + 1]) + { + count = count + 1; + } + int j = i; + while (j < nums.length){ + if (nums[i] == nums[j]) + { + j = j + 1 + }else{ + break; + } + i = i + j; + } + } + return count; +} +" +495229c8a2b8139200973757a4d294f207b55db2,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + x++; + i++; + } + return x; +} +" +1a49abf7ff0d2a6b0a187539b5268ea65c0a6b7a,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i]== nums[i + 1]) + { + count = count + 1; + } + int j = i; + while (j < nums.length){ + if (nums[i] == nums[j]) + { + j = j + 1; + }else{ + break; + } + i = i + j; + } + } + return count; +} +" +6d58210497ab4d479d69061be38d53edd4df23f3,"public int countClumps(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + x++; + i++; + } + } + return x; +} +" +f750cd3cc49143e6dc825de0c4f28604e44840c8,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i]== nums[i + 1]) + { + count = count + 1; + } + int j = i; + while (j < nums.length - 1){ + if (nums[i] == nums[j]) + { + j = j + 1; + }else{ + break; + } + i = i + j; + } + } + return count; +} +" +0143ab66a8c357448e23e3aeb38113499b474aea,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +}" +343c10ffb2393a5d7d0974443d94e5109ad537d6,"public int countClumps(int[] nums) +{ + int clumps = 0; + int matchingElements = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + matchingElements++ + else + matchingElements = 0; + if (matchingElements == 2) + clumps++; + } + return clumps +} +" +32afe37775df4d9b1c1051e1ec9577c28c0d1a74,"public int countClumps(int[] nums) +{ + int clumps = 0; + int matchingElements = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + matchingElements++; + else + matchingElements = 0; + if (matchingElements == 2) + clumps++; + } + return clumps; +} +" +05ede77797a3c36736e4cb3afb11e09defe7f2e2,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + clumps++; + } + return clumps; +} +" +26919519dfc0a4cefd06aa67ecafb64c9ca2c31f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = true; + for (int = 0; i < nums.length - 1; i++) + { + if (!isClump) + { + if (nums[i] != nums[i + 1]) + isClump = false; + } + else if (nums[i] == nums [i + 1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +a977daeb2f01123a19ac38a7284c0975d58760fe,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + clumps++; + } + return clumps; +} +" +a6c6ee4eefdd98e35660f4b13c40031e2dd96fdc,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (!isClump) + { + if (nums[i] != nums[i + 1]) + isClump = false; + } + else if (nums[i] == nums [i + 1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +d6142b31c1b7e8ef25551ea3bd1a1d189359460b,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump) + { + if (nums[i] != nums[i + 1]) + isClump = false; + } + else if (nums[i] == nums [i + 1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +b4e4d3ba1175e7b6abfd331acf72fc6cf5c8e6f8,"public int countClumps(int[] nums) +{ + int clumps = 0; + if (nums[0] == nums[1]) + clumps++; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + clumps++; + } + return clumps; +} +" +1e987a980e2e35d651ec37bd7dbf8b928212bcd8,"public int countClumps(int[] nums) +{ + int c = 0; + boolean isC = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isC) + { + if (nums[i] != nums[i + 1]) + isC = false; + } + else if (nums[i] == nums [i + 1]) + { + isC = true; + c++; + } + } + return c; + +} +" +2a441dd71294d0650e8a68d2da584c212beffb0e,"public int countClumps(int[] nums) +{ + if (nums.length == 0; + return 0; + else + { + int clumps = 0; + if (nums[0] == nums[1]) + clumps++; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + clumps++; + } + return clumps; + } +} +" +93a64167351bc8b1355e32ce754cf926d0d6a746,"public int countClumps(int[] nums) +{ + if (nums.length == 0) + return 0; + else + { + int clumps = 0; + if (nums[0] == nums[1]) + clumps++; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + clumps++; + } + return clumps; + } +} +" +61f461c5a26b8dd80903fac30f62c900193be3ca,"public int countClumps(int[] nums) +{ + if (nums.length == 0) + return 0; + else if (nums.length == 1) + return 1; + else + { + int clumps = 0; + if (nums[0] == nums[1]) + clumps++; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + clumps++; + } + return clumps; + } +} +" +11704cdbd479653a614869166ef6c2ec6acafbf0,"public int countClumps(int[] nums) +{ + boolean clump = false; + int answer = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clump) + { + clump = true; + answer += 1; + } + else if (nums[i] != nums[i + 1]) + { + clump = false; + } + } + return answer; +} +" +ed5fa20c5b0792d19b7590e0234ea703b4e4f60b,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +877d79d423379fd7ef56c336cbf8270dc308a6ef,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; 9 < nums.length -1; i++) + { + if (nums[1] == nums[i + 1] + { + clump = true; + clumps++; + } + } +} +" +fa3238056d0068189ea64dee0ea24b0091f48753,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; 9 < nums.length -1; i++) + { + if (nums[1] == nums[i + 1]) + { + clump = true; + clumps++; + } + } +} +" +976cb5d1774a1894090f0d7fe765472d0a15294b,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; 9 < nums.length -1; i++) + { + if (nums[1] == nums[i + 1]) + { + clump = true; + clumps++; + } + } + return clumps; +} +" +1bc0236f1cfdd2e172ef83efe5a265ef674f52f9,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; 9 < nums.length -1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump = true; + clumps++; + } + } + return clumps; +} +" +cff80685cae4df900a6181031103d01a79db4798,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump = true; + clumps++; + } + } + return clumps; +} +" +92d311a8d4a3095e0181fa783563f52b8a10344e,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump = true; + clumps++; + } + } + return clumps; +} +" +8204d1d388be1d8f6ff356d7d0070f87221a406e,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +ab22d996f06947588036c014798e4612def6f877,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int value = nums[i]; + int length = 1; + while (i < nums.length && nums[i] == value) + { + length++; + } + if (length > 1) + { + count++; + } + } + return clumps; +} +" +4e43cce48feddb11eca5ec6c2732572592de3725,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int value = nums[i]; + int length = 1; + while (i < nums.length && nums[i] == value) + { + length++; + } + if (length > 1) + { + clumps++; + } + } + return clumps; +} +" +cd112014ec241ee69df4f4c3142afa724b82bc7a,"public int countClumps(int[] nums) +{ + boolean same = false; + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !same) + { + same = true; + clumps++; + } + else + { + same = false; + } + } + return clumps; +} +" +1ff86746fd17694af7155621e93fb939294888ca,"public int countClumps(int[] nums) +{ + boolean same = false; + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !same) + { + same = true; + clumps++; + } + else if (nums[i] != nums[i + 1]) + { + same = false; + } + } + return clumps; +} +" +dfffc682cc0f793fc42fcbf9db5dc1a188223210,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length-1; i++) + { + if (isClumb) + { + if (nums[i] != nums[i+1]) + { + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +19963c0d6f4aecf22e9242d91d1f206c9756a851,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length-1; i++) + { + if (isClump) + { + if (nums[i] != nums[i+1]) + { + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +a3dc75831041be42c6469444184be4457c29826a,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length-1; i++) + { + if (isClump) + { + if (nums[i] != nums[i+1] && !isClump) + { + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +16dd67b203f893c6cfc8dd846a7638b334ad1406,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length-1; i++) + { + if (isClump) + { + if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + else if (nums[i] != nums[i+1] && !isClump) + { + isClump = false; + } + } + } + return clumps; +} +" +191b485dafdf6a771f66963d3e4457494660f73c,"public int countClumps(int[] nums) +{ + int j; + for (int i = 0; i < nums.length-1; i++) + if (nums[i] == nums[i+1]) + j = 2; + while (nums[i] == nums[i+j]) + i++; + +} +" +b00f7996dcaab5280cd837554001f1ebfcdd1715,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + else if (nums[i] != nums[i+1] && !isClump) + { + isClump = false; + } + } + return clumps; +} +" +6f471cbeee028a8d4980e886cf7e349f15d3db34,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length-1; i++) + if (nums[i] == nums[i+1]) + i++; + count++; + while (nums[i] == nums[i+1]) + i++; + +} +" +cfa2dfaf9030c1a0376ef43239b024100dae8197,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + i++; + count++; + while (nums[i] == nums[i+1]) + { + i++; + } + } + } + +} +" +65a60714d5dce59efc8a3815a95ec489599cf131,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + i++; + count++; + while (nums[i] == nums[i+1]) + { + i++; + } + } + } + return count; +} +" +7eafdb8bec7934c329e0fc2b59cdb24c854543f8,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !isClump) + { + isClump = true; + clumps++; + } + else if (nums[i] != nums[i+1]) + { + isClump = false; + } + } + return clumps; +} +" +687f100b82454565aae6b757d575ea87d39dd92f,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == nums[i+1]) + { + i++; + count++; + while (nums[i] == nums[i+1]) + { + i++; + } + } + } + return count; +} +" +f32469ce2d9f61a9f70998196fbafbd23ef66dd5,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + i++; + count++; + while (nums[i] == nums[i+1]) + { + i++; + } + } + } + return count; +} +" +97dbcffb9694ecc5328fe95aaeeeb95b5f34fe13,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + i++; + count++; + while (i < nums.length-1 && nums[i] == nums[i+1]) + { + i++; + } + } + } + return count; +} +" +eabf29a115776da8e379096d41db0d505c7e5795,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length; i++) + { + if (isClump) + { + if (nums[i] != nums[1+i]) + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump == true; + clumps++ + } + } + return clumps; +} +" +518252b72cd3dd43fdf69f9bb24f79600a4d88d0,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length; i++) + { + if (isClump) + { + if (nums[i] != nums[1+i]) + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +431f14563938367c2332ae2e75a7d9e8b6179207,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length -1; i++) + { + if (isClump) + { + if (nums[i] != nums[1+i]) + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +6527b60de3144ee614b4d5587e3f0e7b64ecd297,"public int countClumps(int[] nums) +{ + int clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump++; + i++; + } + } +} +" +775bc7b099b2810a7e59257e370d744ceed2cf50,"public int countClumps(int[] nums) +{ + int clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump++; + i++; + } + } + + return clump; +} +" +fbb6937cc6a54b1e66eaa1b644dbb8c97a3c8a58,"public int countClumps(int[] nums) +{ + int clumps = 0; + for ( int i = 0; i < nums.length -1; i++) + { + if ( nums[i] == nums[i+1] ) + { + clumps = clumps + 1; + } + } + return clumps; + +} +" +093dd1ce6de94150e761444db13ff03639b4432f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clumpy = false; + for ( int i = 0; i < nums.length -1; i++) + { + if(clumpy) + { + if(nums[i] != nums[i+1]) + clumpy = false; + } + else if(nums[i] == nums[i+1]) + { + clumpy = true; + clumps++; + } + } + return clumps; + +} +" +c0f44fd15d692e4309ec73740818ff78af63e832,"public int countClumps(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + count++' + } + } + + return count; +} +" +46bb2f8b52255c73dbec93503ba3bb830770806c,"public int countClumps(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + count++; + } + } + + return count; +} +" +f9246ff830af7500ad1db2b4ac9dc0a8fc0e937c,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump && nums[i] != nums[i + 1]) + { + isClump = false; + } + + else if (nums[i] == nums[i + 1]) + { + isClump = true; + clump++; + i++; + } + } + + return clump; +} +" +acdaf90f2f970b3b3da40785788e1c29800d1388,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump && nums[i] != nums[i + 1]) + { + isClump = false; + } + + else if (nums[i] == nums[i + 1]) + { + isClump = true; + clump++; + } + } + + return clump; +} +" +5ee8b2970459f817a0d082781abe93927057d714,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump++; + i++; + } + } + + return clump; +} +" +20af20d4141bbd142188eeeb17c4046e6db99173,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean newClump = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (newClump && nums[i] == nums[i + 1]) + { + clump++; + i++; + newClump = false; + } + if (nums[i] != nums[i + 1]) + { + newClump = true; + } + } + + return clump; +} +" +3f3a9a8adb86d76a1ec804ca89222f6f9c7a00ad,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + + return clumps; +} +" +02342c811d4bd0d428af95eb9e8afa2b39d7f4a5,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump++; + i++; + } + } + + return clump; +} +" +675f56302bcafb51337112658aa81c256daa8f11,"public int countClumps(int[] nums) +{ + return 0; +} +" +497de71c1482ea4bc0037869aa0e29be6e5a03d5,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump++; + i++; + while (nums[i] == nums[i + 1]) + { + i++; + } + } + } + + return clump; +} + + +" +d011cade47d274b79c9eb6ad74b810e60e975004,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clump++; + i++; + } + } + + return clump; +} + + +" +c0688007700196b729fe8805c0305ca47210be5c,"public int countClumps(int[] nums) +{ + boolean foundClump = false; + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !foundClump) + { + foundClump = true; + clump++; + } + else if (nums[i] != nums[i + 1]) + { + foundClump = false; + } + } + + return clump; +} + + +" +a3c6fae3d4414c3e197818cd845fa2fa9ca4a451,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) { + if (i + 1 < nums.length) { + if (nums[i] == nums[i+1]) { + counter++; + for (int n = i+1; n < nums.length; n++) { + if (nums[n] != nums[i]) { + break; + } + else { + i++; + } + } + } + } + } + return counter; +}" +d90597618d5ca84528f1668509b3329021dc8d4b,"public int countClumps(int[] nums) +{ + int clump = 0; + int rem = -1; + for (int i=0;i 1) + count++; + } + + return count; + +} +" +17f0c88903e5b5037febecc95a02bc772977d300,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +d0340fc1c1bc3d9f745236c2d175f3edb6bc3748,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clump++; + } + } + return clump; +} +" +38dbb1e640fb6eae815dd4e81b43d33c4d893784,"public int countClumps(int[] nums) +{ + int clumps = 0 + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] + { + clumps++; + } + } + return clumps; +} +" +449ce4d334b644b4b553b8b61bfb12ecbb183dd2,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +c3f9c535859b25987fc1ad4039d78f4395edeab8,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +7a3644959bbe929f7027c995192f32970c76c8ce,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +2c6bc981f762a21bf063579dabd688be28902769,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +895c093ca28eb49257dd67df0976e1ef8c5e31e8,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +927a804fc77b9eaa0b3949299a14e6fc562945ab,"public int countClumps(int[] nums) +{ + count = 0; + for (int i = 0; i < nums.length - 1, i++) { + if (nums[i] == nums[i + 1]) { + count++; + for (i; i < nums.length - 1; i++) { + if (nums [i] != nums[i + 1) { + break; + } + } + } + } + return count; +} +" +74fab729a35ff6093945bf1c52f1d9124f378456,"public int countClumps(int[] nums) +{ + count = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count++; + for (i; i < nums.length - 1; i++) { + if (nums [i] != nums[i + 1) { + break; + } + } + } + } + return count; +} +" +78512eaec89dd769d1452ecae84dd8fbe463b6e1,"public int countClumps(int[] nums) +{ + count = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count++; + for (i; i < nums.length - 1; i++) { + if (nums [i] != nums[i + 1]) { + break; + } + } + } + } + return count; +} +" +f40cb76b3682da9a36504bd61f96577006ef2ce5,"public int countClumps(int[] nums) +{ + count = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i; j < nums.length - 1; j++) { + if (nums [i] != nums[i + 1]) { + break; + } + else { + i++; + } + } + } + } + return count; +} +" +3f3cb373d0921913311e7c8398b25be55745ea09,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i; j < nums.length - 1; j++) { + if (nums [i] != nums[i + 1]) { + break; + } + else { + i++; + } + } + } + } + return count; +} +" +06bdc12c0d6529a832a7579347b11563358ced9e,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; +} +" +6070b80ca122475404a5215acde59735c48beb62,"public int countClumps(int[] nums) +{ + return 0; +} +" +1ccb7f34422007921e0174f402eefa4e5aba0066,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClumps = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++ + } + } + return clumps +} +" +e9183fee120c0fa9c6e86cc49687793a84fc8f2a,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClumps = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps +} +" +7b16d996e6c389a2795ccaecd52dc4076d7366be,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClumps = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +59c93a4ddf7fdce50f76c0bf5793e06be9b1e5d6,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +aec6ae2bc9eb1b96cc394da8eb580f81d4668c42,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +ace04f7f6f58114cfd8d0662322f6e68ff5e393a,"public int countClumps(int[] nums) +{ + int x = 0; + int i = 0; + while(i < nums.length) + { + +} +" +a6dcf2b980dbe1d463ab9579df1b3472c0ba3dd0,"public int countClumps(int[] nums) +{ + int x = 0; + boolean has = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1] && !has) + { + has = true; + x++; + } + else if (nums[i] != nums[i+1]) + { + has = false; + } + + } + return x; +}" +880769239c4066d21c29e16d6a4233b6a831604d,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < numslength - 1; i+){ + if (nums[i] == nums[i+1] && !match){ + clump == true; + count++; + } + else if (nums[i] != nums{i+1]){ + clump = false; + } + } + return clump; +} +" +ab6b88994fdd9e0333936bce659862084a6f0a47,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < numslength - 1; i+){ + if (nums[i] == nums[i+1] && !match){ + clump == true; + count++; + } + else if (nums[i] != nums[i+1]){ + clump = false; + } + } + return clump; +} +" +efc3554b2c4a29373501106ded3c2d4f55db00f7,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++){ + if (nums[i] == nums[i+1] && !match){ + clump == true; + count++; + } + else if (nums[i] != nums[i+1]){ + clump = false; + } + } + return clump; +} +" +d03697c4b15838c2fea0776241efd3e395e64646,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++){ + if (nums[i] == nums[i+1] && !match){ + clump = true; + count++; + } + else if (nums[i] != nums[i+1]){ + clump = false; + } + } + return clump; +} +" +7cc0de777948a9cc0587ae3d04ea76a97450b256,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++){ + if (nums[i] == nums[i+1] && !clump){ + clump = true; + count++; + } + else if (nums[i] != nums[i+1]){ + clump = false; + } + } + return clump; +} +" +9472ac0d5091c139a55b5f773c73b7fb042f82e1,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++){ + if (nums[i] == nums[i+1] && !clump){ + clump = true; + count++; + } + else if (nums[i] != nums[i+1]){ + clump = false; + } + } + return count; +} +" +f4d66cec22e50c98d1934c490d64b1de271ebe22,"public int countClumps(int[] nums) +{ + int clumps = 0 + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == num[i - 1] && i > + else if (nums[i] == nums[i + 1] + +} +" +c6bcb30ab970d765a3e422e649123f5f8cf7a783,"public int countClumps(int[] nums) +{ + int clumps = 0 + for (int i = 0; i < nums.length - 1; i++) + if (i > 0 && nums[i] == num[i - 1]) + continue; + else if (nums[i] == nums[i + 1]) + clumps += 1; + return clumps; + + +} +" +00d4bc22409ae733cd2c9bdc19331cd8c61e92ae,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + if (i > 0 && nums[i] == num[i - 1]) + continue; + else if (nums[i] == nums[i + 1]) + clumps += 1; + return clumps; + + +} +" +98080419cee426cd7d8f5ebf2b623dc9c8a49d0e,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + if (i > 0 && nums[i] == nums[i - 1]) + continue; + else if (nums[i] == nums[i + 1]) + clumps += 1; + return clumps; + + +} +" +9524a13c3610c4775ce2db2c701bf074e8a3af91,"public int countClumps(int[] nums) +{ + int len = nums.lenght; + int count = 0; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == num[i + 1]) + { + count = count + 1; + while(nums[i] != nums[i + 1] && i + 1 < len) + i++; + } + } + return count; +} +" +ea05fbd3c890e80db25557ede06e70ff675ac54c,"public int countClumps(int[] nums) +{ + int len = nums.length; + int count = 0; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == num[i + 1]) + { + count = count + 1; + while(nums[i] != nums[i + 1] && i + 1 < len) + i++; + } + } + return count; +} +" +383c059001302ad2260c68e7074a12948173567c,"public int countClumps(int[] nums) +{ + int len = nums.length; + int count = 0; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + count = count + 1; + while(nums[i] != nums[i + 1] && i + 1 < len) + i++; + } + } + return count; +} +" +d1c634c4d212998dd0ddb6e1cf1e5ea4d49cec8c,"public int countClumps(int[] nums) +{ + int len = nums.length; + int count = 0; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + count = count + 1; + } + } + return count; +} +" +2436e6255ca767b6407028c9f3d9bbb7eb75ed52,"public int countClumps(int[] nums) +{ + int len = nums.length; + int count = 0; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + count = count + 1; + while(nums[i] == nums[i + 1] && i + 1 < len) + i = i + 1; + } + } + return count; +} +" +98249edd433345df082c62c09c6d49deded741b3,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + for (int i = 0; i < (nums.length - 1); i ++) + { + if (nums[i] == nums[i+1]) + { + clumpCounter = clumpCounter + 1; + } + } + return clumpCounter; +} +" +247bac774fc2204b62308ee6d32c644db8d82526,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + boolean previousPair = false; + for (int i = 0; i < (nums.length - 1); i ++) + { + if (nums[i] == nums[i+1]) + { + if (!previousPair) + { + clumpCounter = clumpCounter + 1; + } + previousPair = true; + } + } + return clumpCounter; +} +" +bc026e9ecd3502d3bd42190b22cd6f839162cc91,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + boolean previousPair = false; + for (int i = 0; i < (nums.length - 1); i ++) + { + if (nums[i] == nums[i+1]) + { + if (!previousPair) + { + clumpCounter = clumpCounter + 1; + previousPair = true; + } + } + } + return clumpCounter; +} +" +5cf28b2251d6ec4011439cccfe0c1931519a937c,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean clump = false; + for (int i = 0; i < num.length - 1; i++) { + if (clump) { + if (nums[i] != nums[i+1]) { + clump = false; + } + } + else if (num[i] == nums[i+1]) { + clump = true; + numClumps++; + } + } + return numClumps; +} +" +3fa20f33af8fd1c2a4a590b308bc2256ff60b856,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) { + if (clump) { + if (nums[i] != nums[i+1]) { + clump = false; + } + } + else if (nums[i] == nums[i+1]) { + clump = true; + numClumps++; + } + } + return numClumps; +} +" +e03c8f0e4ce962aa202d1aa5556cbd26901b3997,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + boolean previousPair = false; + for (int i = 0; i < (nums.length - 1); i ++) + { + if (nums[i] == nums[i+1]) + { + if (!previousPair) + { + clumpCounter = clumpCounter + 1; + previousPair = true; + } + } + else + { + previousPair = false; + } + } + return clumpCounter; +} +" +12366ba01a7db3765138c5e79cd256b4eb53f343,"public int countClumps(int[] nums) +{ + int len = nums.length; + int count = 0; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + count = count + 1; + while(nums[i] == nums[i + 1] && i + 1 < len - 1) + i = i + 1; + } + } + return count; +} +" +d8a4ed2c4279445610fc944ffe88ffb28df7be11,"public int countClumps(int[] nums) +{ + count = count + 1; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && nums[i] != j) + { + j = nums[i]; + count = count + 1; + } + } + return ; +} +" +e1b4ad4d42403544e12f5f5b445a23da6d2a1997,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && nums[i] != j) + { + j = nums[i]; + count = count + 1; + } + } + return count; +} +" +4da4dc47b7ad8a1949871872d0a291cda66317fe,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && nums[i] != j) + { + int j = nums[i]; + count = count + 1; + } + } + return count; +} +" +e6a38cd0b51fae571006355b964f6ce000e24834,"public int countClumps(int[] nums) +{ + int count = 0; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && nums[i] != j) + { + j = nums[i]; + count = count + 1; + } + } + return count; +} +" +097b381f46514667043f333e2e99d972041ee5eb,"public int countClumps(int[] nums) +{ + int count = 0; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && (nums[i] != j || (nums.length > 1 && nums[i] != nums[i - 1]))) + { + j = nums[i]; + count = count + 1; + } + } + return count; +} +" +91307342eabcc20f9fecf3ac37f543a314c408fb,"public int countClumps(int[] nums) +{ + int count = 0; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && (nums[i] != j || (i > 1 && nums[i] != nums[i - 1]))) + { + j = nums[i]; + count = count + 1; + } + } + return count; +} +" +1500779e6268e5d80748ca67751b0107393d48d1,"public int countClumps(int[] nums) +{ + int count = 0; + int j = -1; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1] && (nums[i] != j || (i > 1 && nums[i] != nums[i - 1]))) + { + j = nums[i]; + count = count + 1; + } + } + return count; +} +" +e2f97269afc161c5f243907bd2fdd6b5cc946ce7,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +28018e7e59c90a49753d14e37e9cbeeadb8ad09d,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +}" +0a2a46810ad049bdd4fbe1171441bea69822e718,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +}" +d989e2cf702cc517c260e3a038c4f858d4fd8660,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps++; + } + } + return numClumps; +} +" +1c685c028144ffcab799c77bbab4efcc2c04256d,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + numClumps++; + } + } + return numClumps; +} +" +4690b3990e2eb6dd080ba258226248164f82da78,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int compareLow = nums[i]; + int compareHigh = nums[i + 1]; + if (compareLow == compareHigh) + { + clumps++; + } + } + return clumps; +} +" +779aa9846f8e8e8675bc4d777d272c97f6be88cc,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[i+1]) + { + count = count + 1; + } + } + return count; +} +" +907136eba01f60c88adffb16041850d5038ac56a,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + count = count + 1; + } + } + return count; +} +" +32c0f4952bcd7977f11bd0ef7f3df02964934631,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1] && !clump) + { + count = count + 1; + clump = true; + } + } + return count; +} +" +9c43d90d489885069db4a2491c4a6bcabb788846,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1] && !clump) + { + count = count + 1; + clump = true; + } + else if (nums[i] != nums[i+1]) + { + clump = false; + } + } + return count; +} +" +f076997478545e9c180d0b47e24fbcc4822a2dcd,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +4c5164a4a35736402dda8cf0c6a43caaffdfba82,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + clumps++; + i++; + } + } + return clumps; +} +" +992605dd98ce086118a9d13b3cb490bfdc040503,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0 ; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + } + } + return count; +} +" +019e8106051537f70f9c88969025a63554c40ea2,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0 ; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + } + } + return count; +} +" +133aec360f6130c089ecb4fed3d586065f798b51,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps = clumps + 1; + } + } + return clumps; +} +" +a43945d1bf9954ae81891abc09fa6bfb0674bd68,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps = clumps + 1; + while (nums[i] == nums[i+1]) + { + i = i + 1; + } + } + } + return clumps; +} +" +0aab214b38ac983adfca934681c86d06b48bba5c,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps = clumps + 1; + while (nums[i] == nums[i+1] && i = 1 ) { + numberOfClumps = numberOfClumps + 1; + } + } + } + return numberOfClumps; +} +" +d4f7677583b702cdd24c7bf81e8b83c2b11745a5,"public int countClumps(int[] nums) +{ + int numberOfClumps = 0; + boolean sameClump = true; + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == nums[i + 1] && sameClump ) { + numberOfClumps++; + sameClump = false; + } + else if ( nums[i] != nums[i + 1] ) { + sameClump = true; + } + } + return numberOfClumps; +} +" +235d417d77271ca7f52cd237f4f4b1a74ae26db8,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +e8c5f566e3ed71d18808c563cebdc5ed0c060321,"public int countClumps(int[] nums) +{ + count = 0; + for (int i = 0; i < nums.length; i++) + { + if( nums[i] == nums[i+1]) + { + count = count +1; + } + } + return count; +} +" +ce13a6687cd7cf490fcad30a9c541c0aa678157b,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if( nums[i] == nums[i+1]) + { + count = count +1; + } + } + return count; +} +" +7bdc9b6cd00ad0242e59984c1026834afa023dcd,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if( nums[i] == nums[i+1]) + { + count = count +1; + } + } + return count; +} +" +51c5430f00f67f198cbf88030e69fc378d99697e,"public int countClumps(int[] nums) +{ + int clump = 0 + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + i++ + } + } + return clump +} +" +a04255e64bd20ba1780715f69fa2cb374585ed51,"public int countClumps(int[] nums) +{ + int clump = 0 + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + i++; + } + } + return clump; +} +" +fcac9677bf391cd24ed7b5daf3e275f798875a79,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + i++; + } + } + return clump; +} +" +a79705e86071ad146368135fea7c805e9af9c7fe,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if (nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clump++; + } + + } + return clump; +} +" +cc713efc86ae701e3f72ea5500e1227e061b45a1,"public int countClumps(int[] nums) +{ + int clumps = 0; + int value = null; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1] && nums[i]) + { + if (nums[i] != value) + { + value = nums[i]; + clumps = clumps + 1; + } + } + } + return clumps; +} +" +7c9a9e200120e72e711fe74081af31f32a289fa2,"public int countClumps(int[] nums) +{ + int clumps = 0; + int value = null; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i] != value) + { + value = nums[i]; + clumps = clumps + 1; + } + } + } + return clumps; +} +" +8f0ad2a54d929cd78355aab8776440e9765bb4ad,"public int countClumps(int[] nums) +{ + int clumps = 0; + int value = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i] != value) + { + value = nums[i]; + clumps = clumps + 1; + } + } + } + return clumps; +} +" +83a9fa630261868e966ea7f80959a68c3ccee726,"public int countClumps(int[] nums) +{ + int clumps = 0; + int value = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == nums[i + 1]) + { + if (nums[i] != value) + { + value = nums[i]; + clumps = clumps + 1; + } + } + } + return clumps; +} +" +f3ff7cdf9e6183b31aa78c8402b374ee6537e9dc,"public int countClumps(int[] nums) +{ + int clumps = 0; + int value = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == nums[i + 1]) + { + if (nums[i] != value) + { + clumps = clumps + 1; + } + } + value = nums[i]; + } + return clumps; +} +" +7879eeffc362185c8b752aa40a0de41cf96017fb,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == nums[i + 1]) + { + if (nums[i] != nums[i - 1]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +7acf0d1d79716029de139aa2c0d7dba4f3d40f00,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == nums[i + 1]) + { + if (i - 1 >= 0 && nums[i] != nums[i - 1]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +e9646a1cc8fd1c9596c9a9ceb4ef9c835241a26b,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == nums[i + 1]) + { + if (i - 1 >= 0 && nums[i] != nums[i - 1]) + { + clumps = clumps + 1; + } + else if (i - 1 < 0) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +0c472f05e792f9faa897d48e61dc3be1f370d3e3,"public int countClumps(int[] nums) +{ + int clumps = 0; + for(int i = 0; i< nums.length; i++) + { + if(i+1 < nums.length) + { + if(nums[i] == nums[i+1]) + { + clumps++; + } + } + } + return clumps; +} +" +20f8b48cb6acda6a51e04e8b42943294f384277a,"public int countClumps(int[] nums) +{ + int clumps = 0; + for(int i = 0; i< nums.length; i++) + { + if(i+1 < nums.length) + { + if(nums[i] == nums[i+1]) + { + clumps++; + } + } + } + return clumps; +} +" +3970fa11bb9452b544b5f2d61624649adc917445,"public int countClumps(int[] nums) +{ + int clumps = 0; + int compare = nums[0]; + for(int i = 1; i< nums.length; i++) + { + while(nums[i] == compare) + { + clumps++; + } + compare = nums[i]; + + } + return clumps; +} +" +31f05a3381591acabb6815af872318ce551f7e60,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) { + if (i - 1 >= 0 && nums[i] == nums[i - 1]) { + clumps++; + } + } + return clumps; +} +" +d77dc73414f85f538dba7c7b0cbbd8c0601edc04,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + } + } + return count; +} +" +b749036fa82a4cab284298b87eb07bbe6c7da958,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + i++; + } + } + return count; +} +" +bb044e5759ad41ab0f87c5a1ac846e6bf15072a8,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + for (int j = 0; j == nums[i]; j++) + { + i++; + } + } + } + return count; +} +" +8f8f7dc4c03c34c2628d2e45f1fabdfa01b7947d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + for (int j = 1; j == nums[i]; j++) + { + i++; + } + } + } + return count; +} +" +e7b6e4f287f8c6938b8b88652157d73da80ecef9,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + for (int j = 2; j == nums[i]; j++) + { + i++; + } + } + } + return count; +} +" +fb4c09a85cfe4cc38264e87f50dfd56d525a0634,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + } + } + return count; +} +" +56d075e019066ee3c0931065e0812e992fd7a38f,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + i++; + } + + } + return count; +} +" +64cb00ddca4077497308ad66f16e8482ea428108,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + for (int j = i; nums[j] == nums[i]; j++) + i++; + } + + } + return count; +} +" +9e82cac5719ec28a447d6eb180bcaf071333bff8,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + i++; + } + + } + return count; +} +" +cefc996d757fb98e36170922db2589b34a726a59,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + while(i < nums.length && nums[i] == val) { + i++; + } + count++; + i++; + } + + } + return count; +} +" +426454f0f2a2e7309c1b2da69af3955732cc3f0a,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + while(i < nums.length && nums[i] == nums[i+1]) { + i++; + } + count++; + i++; + } + + } + return count; +} +" +f7259566e20103ee3e2236c7ba13f8fbeb35bf0c,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + i++; + } + + } + return count; +} +" +e74412fff6aff136855bf39f2a7b5c849307abef,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + while(i+1 0 && i < nums.length - 1) + { + if (nums[i] == nums[i - 1] || nums[i] == nums[i + 1]) + { + clumps++; + } + } + else if (i == 0) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + else + { + if (nums[i] == nums[i - 1]) + { + clumps++; + } + } + + } + + return clumps; +} +" +1f0f01913dfbe5717ae022400e1f476b4820ea60,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == num[i + 1]) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + i = j; + } + else + { + break; + } + } + clumps++; + } + + } + + return clumps; +} +" +2415d9340849d191f0ba2f2346b7579d1da77169,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i + 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + i = j; + } + else + { + break; + } + } + clumps++; + } + + } + + return clumps; +} +" +86e47899885cdaab5fc4f17781282143746beecb,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = i + j; + count = count + 1; + } + } + return count; +} +" +9f59f6f7761045212f3a697ced774baa6d625616,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j; + count = count + 1; + } + } + return count; +} +" +f47b3d315366282cda6a05ef2b9950b9377be9d5,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j; + count = count + 1; + } + } + return count; +} +" +7c3749908e789c10b0c7e690b03ad6fd086f5195,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +44d48f18731011b2a5ad73dd33ea434012e1c253,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 2; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +a245717cc3c82690c220aedc8ad1ba38e6006d33,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j - 2; + count = count + 1; + } + } + return count; +} +" +83a3762230c99fc289a776dc7d389fa660b7b073,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +1275c5468e49528cfbf04bb92aae266a0cbb1f60,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 2; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + j]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +dcd478dd6958cd27cb4f2485c8eaf699184df33f,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = 0; + while (nums[i] == nums[i + 1]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +66bed10212314625176e844d949bf6cebdc3bfff,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = i; + while (nums[i] == nums[j + 1]){ + j = j + 1; + } + i = j; + count = count + 1; + } + } + return count; +} +" +dc40395880cbb8a7029f5db32788c3ffcf8c4915,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = i; + while (nums[i] == nums[j + 1] && nums[j + 1] == nums[j + 2]){ + j = j + 1; + } + i = j; + count = count + 1; + } + } + return count; +} +" +30570248cc41469916f7a853dffd09ac4ced8c24,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = i; + while (nums[j] == nums[j + 1]){ + j = j + 1; + } + i = j; + count = count + 1; + } + } + return count; +} +" +ef67f71733433be24a482ad949eccc9d54fb941a,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = i; + while (nums[j] == nums[j + 1]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +dafe34afa620bfc3abb499e192d336aaf31d037f,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = i; + while (j < length && nums[j] == nums[j + 1]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +8f7d33c4bf4251b2b8821b56b07199c75b51919f,"public int countClumps(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length - 1; i++){ + if(nums[i] == nums[i + 1]){ + int j = i; + while (j < length - 1 && nums[j] == nums[j + 1]){ + j = j + 1; + } + i = j - 1; + count = count + 1; + } + } + return count; +} +" +434c1686d91fb7a715883f8a24f2a8345cbf755d,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1}) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +33f47d578e86cfadac7c184d52076126560d395f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +38a9c367391a529a909004a80b6b6edc5fd7cef8,"public int countClumps(int[] nums) +{ + int count = 0; + + if ( nums.length < 2) + { + return 0; + } + + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == nums[i+1]) + { + count = count + 1; + } + } + return count; + +} +" +c660a2dbaae8e42c9eda7a41ff6e16d73b0d3bf0,"public int countClumps(int[] nums) +{ + int count = 0; + + if ( nums.length < 2) + { + return 0; + } + + for ( int i = 0; i < nums.length-1; i+=2) + { + if ( nums[i] == nums[i+1]) + { + count = count + 1; + } + } + return count; + +} +" +be07c2a2fcc8a9ccb0fa3d2a94de3abeb4df0fae,"public int countClumps(int[] nums) +{ + int count = 0; + + if ( nums.length < 2) + { + return 0; + } + + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == nums[i+1]) + { + count = count + 1; + } + } + return count; + +} +" +b3320e270b9e55ba200c55444badd8e7d9581817,"public int countClumps(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i - 1] != nums[i]) + { + count = count + 1; + } + } + } +} +" +2d3bda60801c3fbaa050704dc81931efaddf6c0a,"public int countClumps(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i - 1] != nums[i]) + { + count = count + 1; + } + } + } + + return count; +} +" +30a0b2a889855d394f9b8bb9c4e7e11ce30a5755,"public int countClumps(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i - 1] != null && nums[i - 1] != nums[i]) + { + count = count + 1; + } + } + } + + return count; +} +" +7c52d796600be5c5d7793957c50ad67bcfd5035c,"public int countClumps(int[] nums) +{ + int count = 0; + + if (nums[i] == nums[i + 1]) + { + count = count + 1; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i - 1] != nums[i]) + { + count = count + 1; + } + } + } + + return count; +} +" +7b28e3148b5596f6fffad9b62b86a22a92fef068,"public int countClumps(int[] nums) +{ + int count = 0; + + if (nums[0] == nums[1]) + { + count = count + 1; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i - 1] != nums[i]) + { + count = count + 1; + } + } + } + + return count; +} +" +9d3444044159319e1028b52f36e0f621aa8d23b6,"public int countClumps(int[] nums) +{ + int count = 0; + + if (nums.length == 0 || nums.length == 1) + { + return 0; + } + + if (nums[0] == nums[1]) + { + count = count + 1; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (nums[i - 1] != nums[i]) + { + count = count + 1; + } + } + } + + return count; +} +" +ecd6649651ebdc1d305ca59a0044d3cce815437f,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clumps += 1; + } + } + } +} +" +b13956a6af956788cdf990469278229af64b94e3,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clumps += 1; + } + } + } + return clumps; +} +" +c31e9f831d42cc306b203b813520cd8be7c90bee,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length(); i++) + { + for (int j = i; j < nums.length(); j++) + { + if (nums[i] != nums[j]) + { + i = j -1; + clumps++; + break; + } + } + +} +" +54feca970a0ff3cf059a1085a6413d0997b797a0,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length(); i++) + { + for (int j = i; j < nums.length(); j++) + { + if (nums[i] != nums[j]) + { + i = j -1; + clumps++; + break; + } + } + } + + return clumps; +} +" +bbd84cf052fe3249fb755eddbde41161b1972b6e,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j]) + { + i = j -1; + clumps++; + break; + } + } + } + + return clumps; +} +" +90081cee6e4bce6994b285fb8adfd17f7f8ed8f0,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + i++ + } + + } + return clump; + +} +" +0c58032f92ab39a25e3cdf465617fb3d5872b39b,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + i++; + } + + } + return clump; + +} +" +e597872c3d6514b947976f6745bab0b37f25d204,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + i++; + } + + } + return clump; + +} +" +8d5b1fd8e564067b15173a5e6a573e2f9f7c0d14,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0 && nums[i] = nums[i-1]) + { + continue; + } + else if (nums[i] == nums[i+1]) + { + clump++; + i++; + } + + + } + return clump; + +} +" +d570c95202481bb40a10f08f5028dce5b46e334a,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0 && nums[i] == nums[i-1]) + { + continue; + } + else if (nums[i] == nums[i+1]) + { + clump++; + i++; + } + + + } + return clump; + +} +" +a2878503daf39e18159522e5abc933642cc8d3dd,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j]) + { + i = j; + clumps++; + break; + } + } + } + + return clumps; +} +" +f8be4661dcb84e36c5aa5da58f51b2293033efef,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j]) + { + i = j - 1; + clumps++; + break; + } + } + } + + return clumps; +} +" +c02f02d18842ac3c2f31be2c64008d3dc3939d6f,"public int countClumps(int[] nums) { + + boolean match = false; + + int count = 0; + + for (int i = 0; i < nums.length-1; i++) { + + if (nums[i] == nums[i+1] && !match) { + + match = true; + + count++; + + } + + else if (nums[i] != nums[i+1]) { + + match = false; + + } + + } + + return count; + +} + +" +1bc5559c460a025306a67cb282749ac4edea9d89,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < num.length - 1; i++) { + if (isClump) { + if (nums[i] != num[i + 1]) + isClum = false; + else if (nums[i] == nums[i + 1]) { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +c32b0686d1ef645d29c5556da7ef536734fdc61e,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) { + if (isClump) { + if (nums[i] != num[i + 1]) + isClum = false; + else if (nums[i] == nums[i + 1]) { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +9c975e826b9208f25749b877e6294b45662e7d42,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) { + if (isClump) { + if (nums[i] != nums[i + 1]) + isClump = false; + else if (nums[i] == nums[i + 1]) { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +34794d7f72d9dd89db15abb8a654292cb33dcf21,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump) + { + if (nums[i] != nums[i + 1]) + { + isClump = false; + } + else if (nums[i] == nums[i + 1]) + { + isClump = true; + clumps++; + } + } + } + return clumps; +} +" +2baa6e49c335dd176c44be510448e6ead8d1ef3b,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + int j = i + 1; + while (nums[i] == nums[j] && j < nums.length) + { + clumps++; + j++; + } + } + return clumps; +} +" +bfbc6cabf0e634bcf14f7c407384232d03da68f5,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1] + clumps++; + while (nums[i] == nums[i + 1] && i < nums.length) + { + i++; + } + } + return clumps; +} +" +7f661a7c34087b013997b7c8a2005515b5bb9624,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + clumps++; + while (nums[i] == nums[i + 1] && i < nums.length) + { + i++; + } + } + return clumps; +} +" +173e946a1f3863d6a479e7754f16b45af9dd3224,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + clumps++; + while (nums[i] == nums[i + 1] && i < nums.length - 1) + { + i++; + } + } + return clumps; +} +" +e213b84774cb7778821164e1f78f9181e6012e95,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + clumps++; + while (nums[i] == nums[i + 1] && i < nums.length - 1) + { + i++; + } + } + return clumps; +} +" +60a37350f2aff5c9588a59607cc40461cd7beb98,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (clump) + { + if (nums[i] != nums[i + 1]) + clump = false; + } + else if (nums[i] == nums[i + 1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +fdbe6ff51a65f372da65fea1b5a3d19c35401664,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (clump) + { + if (nums[i] != nums[i + 1]) + clump = false; + } + else if (nums[i] == nums[i + 1]) + { + clump = true; + clumps++; + } + } + return clumps; +} +" +d8f6de34bbb4daabf4789e4930885c05e8604106,"public int countClumps(int[] nums) +{ + int clumpNum = 0; + int clump = 0; + for (int = 0; i < nums.length - 1; i++) + { + if (clump == 0 && nums[i] == nums[i+1]) + { + clumpNum++; + clump++; + } + else + { + clump = 0; + } + } + return clumpNum; +} +" +dc988dc66c6f987566cce9089b1bede732670c65,"public int countClumps(int[] nums) +{ + int clumpNum = 0; + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (clump == 0 && nums[i] == nums[i+1]) + { + clumpNum++; + clump++; + } + else + { + clump = 0; + } + } + return clumpNum; +} +" +5066657d7ca5ae8566d91d0779fc0858053a1eee,"public int countClumps(int[] nums) +{ + int clumpNum = 0; + int clump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + if (clump == 0) + { + clumpNum++; + } + clump++; + } + else + { + clump = 0; + } + } + return clumpNum; +} +" +eaf5347f413b5c68eebe2c420cf8ac1fe9ee1c80,"public int countClumps(int[] nums) +{ + return 1; +} +" +a6f6c94ae79f89ecef94798fe163ed2dac0ae2b7,"public int countClumps(int[] nums) +{ + for (n = 0; n < nums.length; n++) + { + if (nums[n-1] == n || nums[n+1] == n) + { + return true; + } + } + return false; +} +" +8340105b7b8348f471779f47c1fcc5fac4fc8097,"public int countClumps(int[] nums) +{ + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n-1] == n || nums[n+1] == n) + { + return true; + } + } + return false; +} +" +d37ed0ada0a02ef8bb8de251fcfa94569a6bc860,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n-1] == n || nums[n+1] == n) + { + clump++; + } + } + return clump; +} +" +f23eedb692b488bf93ff29329e0c2489549c5bb0,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length - 1; n++) + { + if (nums[n-1] == n || nums[n+1] == n) + { + clump++; + } + } + return clump; +} +" +1ba864e8205a932ac9e59967569bbb2af0d1d47c,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length - 1; n++) + { + if (nums[n-1] == n && nums[n-1] >= 0 || nums[n+1] == n && nums[n+1] < nums.length) + { + clump++; + } + } + return clump; +} +" +a767440796f740efacb74e1a68a50c6ef184a501,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length - 1; n++) + { + if (nums[n-1] == n && nums[n-1] > 0 || nums[n+1] == n && nums[n+1] < nums.length) + { + clump++; + } + } + return clump; +} +" +ab752aa9f041e605c697b86bdcb50aa8b25db534,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n-1] == n && nums[n-1] > 0 || nums[n+1] == n && nums[n+1] < nums.length) + { + clump++; + } + } + return clump; +} +" +56915ba78115697a7b7cebb6685d88c82574de67,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n-1] == n && nums[n-1] >= 0 || nums[n+1] == n && nums[n+1] < nums.length) + { + clump++; + } + } + return clump; +} +" +d67b725a03d69f5bc983134e3cd1865e8583e623,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length - 1; n++) + { + if (nums[n-1] == n && nums[n-1] >= 0 || nums[n+1] == n && nums[n+1] < nums.length) + { + clump++; + } + } + return clump; +} +" +8a402e0183fa803e5e22e9dd0d633e52143a76a5,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n-1] == n && n-1 >= 0 || nums[n+1] == n && n+1 < nums.length) + { + clump++; + } + } + return clump; +} +" +b6834df2b7ffcd8758664d3da71942930f871a63,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n+1] == n && n+1 < nums.length || nums[n-1] == n && n-1 >= 0) + { + clump++; + } + } + return clump; +} +" +c76187cc486bc0829921e03b72159f32ef814971,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n+1] == n && n+1 < nums.length) + { + clump++; + } + else if (nums[n-1] == n && n-1 >= 0) + { + clump++; + } + } + return clump; +} +" +b46af6a9d2980a7ebe7b61ced522578b2c89ec6b,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n+1] == n && n+1 < nums.length) + { + clump++; + } + //else if (nums[n-1] == n && n-1 >= 0) + //{ + // clump++; + //} + } + return clump; +} +" +ce33200fd4fe04a3606010ee09073dfb76f82b70,"public int countClumps(int[] nums) +{ + int clumps; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +7f3b7ed40c69bbead1eb1d59516bf4cf267cfada,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +0d53f9e1d281c0d564b7aa29df2514844ad26200,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i + 1 < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +a3fc63446bc2b1b41aa04548ac60fa8baae133a4,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i + 1 < nums.length; i++) + { + for (nums[i] == nums[i + 1]) + { + clumps++; + i++; + } + } + return clumps; +} +" +546cd22093650b9d06ab260496d5eea9ac855633,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i + 1 < nums.length; i++) + { + for (nums[i] == nums[i + 1]; i++) + { + clumps++; + } + } + return clumps; +} +" +76f51861a4fc2ff6121721baf057b4a95944600d,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i + 1 < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + while (nums[i] == nums[i + 1]) + { + i++; + } + } + } + return clumps; +} +" +4b5fe77eb8c15eca4a44aa644e48617b6183019e,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i + 1 < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + while (i + 1 < nums.length && nums[i] == nums[i + 1]) + { + i++; + } + } + } + return clumps; +} +" +d8d88a31f7837257ade9d045a8ee87583465534f,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + for (; n < nums.length; n++) + { + if (nums[n+1] == n && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + return i; + } + clump++; + n = i; + } + } + return clump; +} +" +22a3ef3247f9c50e9f7cb0db10b3a1dffdc046d7,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i = 0; + for (; n < nums.length; n++) + { + if (nums[n+1] == n && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + return i; + } + clump++; + n = i; + } + } + return clump; +} +" +4fba7dc3dbd2ec016c2307b3477662c572a25284,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length; n++) + { + if (nums[n+1] == n && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + return i; + } + clump++; + n = i; + } + } + return clump; +} +" +823ee4b25549c4de6957c2ef251873f83f9b174d,"public int countClumps(int[] nums) +{ + int numClump = 0; + boolean sameClump = true; + int lastVal = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == lastVal && !sameClump) + { + numClump++; + } + else if (nums[i] != lastVal) + { + sameClump = false; + } + lastVal = nums[i]; + } + return numClumps; +} +" +f849cc71502638aa1256989d0711a4520e31babb,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + return i; + } + clump++; + n = i; + } + } + return clump; +} +" +9f5e6eff54ca1335230af2264f0f11cba0362a0f,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean sameClump = true; + int lastVal = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == lastVal && !sameClump) + { + numClumps++; + } + else if (nums[i] != lastVal) + { + sameClump = false; + } + lastVal = nums[i]; + } + return numClumps; +} +" +98c555aa61ef2c89947ff97d957c5fd8d2e02ef9,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean sameClump = true; + int lastVal = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == lastVal && !sameClump) + { + numClumps++; + sameClump = true; + } + else if (nums[i] != lastVal) + { + sameClump = false; + } + lastVal = nums[i]; + } + return numClumps; +} +" +07bfb6fcfa70e37188bff5b83b62a677ed999984,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean sameClump = true; + int lastVal = -1 + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == lastVal && !sameClump) + { + numClumps++; + sameClump = true; + } + else if (nums[i] != lastVal) + { + sameClump = false; + } + lastVal = nums[i]; + } + return numClumps; +} +" +0a620bf30b2a7a4fce92e7ea762e2a29a92cd83d,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean sameClump = true; + int lastVal = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == lastVal && !sameClump) + { + numClumps++; + sameClump = true; + } + else if (nums[i] != lastVal) + { + sameClump = false; + } + lastVal = nums[i]; + } + return numClumps; +} +" +7bbcca8ec052b749383f6d1608b025e479522e45,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +48f104c2a0afba7854cd74d6478d2a6100bc9ae5,"public int countClumps(int[] nums) +{ + int clump = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + for(int a = i + 1; a < nums.length; a++) + { + if(nums[a + 1] != nums[a]) + { + break; + } + else + { + i++; + } + } + clump = clump + 1; + } + } + return clump; +} +" +b1b8d57f00813ec79dedd9d77105a14bc81b2c16,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + //return i; + } + clump++; + n = i; + } + } + return clump; +} +" +e7804e9af459899c499ac30f74a34de1653f6a66,"public int countClumps(int[] nums) +{ + int clump = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1]) + { + for(int a = i + 1; a < nums.length - 1; a++) + { + if(nums[a + 1] != nums[a]) + { + break; + } + else + { + i++; + } + } + clump = clump + 1; + } + } + return clump; +} +" +70fccbab6ee37a3c0bb4a512e4750fe2c3bcfd17,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; nums[i] == nums[n]; i++) + { + //return i; + } + clump++; + n = i; + } + } + return clump; +} +" +d5c0b04a0e85291071841157c0e22461e7a023db,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.size; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +caac88f15fe6dd5d2cf9310be0b91daba02097c4,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.size(); i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +c8422b27b1759c68cde1adbc60872b8b904eaf85,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +81dd2f7c9b0877dd76c15dc83de180f8b7160fde,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; nums[i] == nums[n]; i++) + { + n = i; + } + clump++; + + } + } + return clump; +} +" +9ab1ce35645a48f44463f00bb4f4995c4b0589a7,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +045b9c7bd37fa44017fa81194dbdefaa2bb15fcd,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length + 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +ec3c81d433aaacf58c04aef9169277c7e05f15e3,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +fa2a2cf5121c17b9ee7feda98a3bf9d25588a101,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + else if (nums[i] == nums[i + 2]) + { + clums = clums + 1; + } + } + return clums; +} +" +ebc5e28661e0bc649d8482fed17baea7ec6ce081,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +696366f50e332880d57e045a5869cf77d80593dd,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + else if (nums[i] == nums[1 + i]) && (nums[i] == nums[2 + i])) + { + clums = clums + 1; + } + return clums; +} +" +86f64e0f8e0ab99fec2dd0bf64a498ffa962dd4d,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + else if (nums[i] == nums[1 + i]) && (nums[i] == nums[2 + i])) + { + clums = clums + 1; + } + } + return clums; +} +" +f85c3bf52b6f14b9908c57af888dd0e7d5b9937b,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + else if ((nums[i] == nums[1 + i]) && (nums[i] == nums[2 + i])) + { + clums = clums + 1; + } + } + return clums; +} +" +c6b72a36727efaabc120f4c653256e75286a9cc4,"public int countClumps(int[] nums) +{ + int clums = 0; + for ((nums[i] == nums[1 + i]) && (nums[i] == nums[2 + i])) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + else if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +287559701dcdc6e8614a6911eddd015a3c3a2b27,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == nums[1 + i]) && (nums[i] == nums[2 + i])) + { + clums = clums + 1; + } + else if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +48e1bbd7c78461d1e5ef782d709c00b6eaae7a61,"public int countClumps(int[] nums) +{ + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[1 + i]) + { + clums = clums + 1; + } + } + return clums; +} +" +9b97aacb990163a47bfe878a5e9d305b00556a2f,"public int countClumps(int[] nums) +{ + //int clums = 0; + //for (int i = 0; i < nums.length - 1; i++) + //{ + //if (nums[i] == nums[1 + i]) + //{ + //clums = clums + 1; + //} + //} + //return clums; + int clums = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 1; j < nums.length - i; i++) + { + if (nums[i] == nums[j + i]) + { + clums = clums + 1; + } + } + } + return clums; +} +" +077619bf90d1a0fc61906b6a9709ee64f3ab70af,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +69f336fde39f2992a3f6b9f7b2c2cc6ee0c5b3cb,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length - 1) + { + for (i = n + 1; i == n; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +1d6ce0742d2012156db1cfc458dc3760d45f11cd,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +dfa3ded112c8088d7ff1e3594f8c405e315419d2,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; nums[i] == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +04ff74e89cb2308e160f54ca479ab8d3a924f6bc,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == n; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +e2f8529167a0f81cfa378c2bf2c61e5d2fa636ef,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +635fa27f29c62fced3306d89658b44900762cf0d,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } +} +" +d4e7669707cbd1ee61b1fde64bb7ceb1d0fc4f9a,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } +} +" +966617e06117d73d387d159093773781e9b945f4,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +a211c0dec119f4a5245fed29e7d76cba26c030b2,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +f7a96ef153c0c0c51da24a018e848e197a61105b,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; nums[n+1] == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +8182fb55bfcdfb7e025f26036c690532b9514646,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +19e0c8943fe623f7854d95b53e5dc10c92e95db5,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i = 0; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; nums[i] == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +9540ed9cf17f8c34a684e018c4b4f7ed2780e54f,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i = n + 1; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (; nums[i] == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +4e48975bb3355867256e9c0c26f6cee123793dfb,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i = n + 1; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; nums[i] == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +729b5ea3f733ff7b748b24ddee829f0d1baaaebc,"public int countClumps(int[] nums) +{ + int clump = 0; + int n = 0; + int i = n + 1; + for (; n < nums.length - 1; n++) + { + if (nums[n+1] == nums[n] && n+1 < nums.length) + { + for (i = n + 1; i == nums[n]; i++) + { + + } + clump++; + n = i; + } + } + return clump; +} +" +dcfce28f94e4eed967332d4810f0f353e90df007,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + + return clumps; +} +" +8dd4f56a79183e0ebe35dcd1c61f799358e4f551,"public int countClumps(int[] nums) +{ + int total = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && clump == false) + { + total += 1; + clump = true; + } + else + { + clump = false; + } + } + return total; +} +" +1f23c804e1b52beab3beb439d1a41492da993d8b,"public int countClumps(int[] nums) +{ + int total = 0; + boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && clump == false) + { + total += 1; + clump = true; + } + else if (nums[i] != nums[i+1]) + { + clump = false; + } + } + return total; +} +" +63894ab413354e28d58bca8fa18fa5035e8065d5,"public int countClumps(int[] nums) +{ + int count= 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + count++; + } + } + return count; +} +" +84b590f9cb4857e3148cd3c82fdedadc6f54f831,"public int countClumps(int[] nums) +{ + boolean match = false; + int count= 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) + { + match = true; + count++; + } + } + return count; +} +" +1a2c0bd595c0921f69dac6c9e0007adceda854ad,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) + { + match = false; + } + } + return count; +} +" +8d35079a9ff4c6f06f27f29bfc825fb3cd11739f,"public int countClumps(int[] nums) +{ + boolean b = false; + int a = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !b) + { + a++; + b = true; + } + else if (nums[i] != nums[i + 1]) + { + b = false; + } + } + return a; +} +" +bc188cf6b8396cbad92722cc692593b2b8186d84,"public int countClumps(int[] nums) +{ + int numClumps = 0; + int numClumped = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != numClumped) + { + numClumped = nums[i]; + numClumps++; + } + } + return numClumped; +} +" +94a6473057328c462607fdea9dff45e7d355668b,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i + 1]) + { + match = false; + } + } + return count; +} +" +d0cb9a2ac23cf21ea9c3065977aa5aced25d78ff,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +682965af702766d2a2049096bf653575e9a68124,"public int countClumps(int[] nums) +{ + int count = 0 + int number = 0 + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && number != nums[i]) + { + number = nums[i]; + count++; + } + } + return count; +} +" +ff99f44bbdf531640b5730e948b3d9f01e874f9e,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && number != nums[i]) + { + number = nums[i]; + count++; + } + } + return count; +} +" +096d1fb7740a6e441e46f5444484ee8d575d0444,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (number != nums[i]) + { + number = nums[i]; + if (nums[i] == nums[i+1] && number != nums[i]) + { + count++; + } + } + } + return count; +} +" +0eca254303cfc046ac2aca3fd4b638860174dc42,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (number != nums[i]) + { + number = nums[i]; + if (nums[i] == nums[i+1]) + { + count++; + } + } + } + return count; +} +" +b42dbbd0be3ba36d5fb14534874ee5323c444544,"public int countClumps(int[] nums) +{ + boolean TF = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && != TF) + { + TF = false; + } + } + return count; +} +" +247ca09ab30508baf63cff2dbc7be6d68cd0ea74,"public int countClumps(int[] nums) +{ + boolean TF = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && != TF) + { + TF = false; + count = count + 1; + } + } + return count; +} +" +28b058f1ee39566c98ae0d07db1d3f1c00ac1fe2,"public int countClumps(int[] nums) +{ + boolean TF = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !TF) + { + TF = false; + count = count + 1; + } + } + return count; +} +" +4b870c352eb0e9de54927cce62ac16475f416cbb,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 1; i < nums.length ; i++) + { + if (number != nums[i]) + { + number = nums[i]; + if (nums[i -1] == nums[i]) + { + count++; + } + } + } + return count; +} +" +7ed31dc7b234845c1fb09a1d8dbe2438028d3a0e,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 1; i < nums.length ; i++) + { + if (number != nums[i-1]) + { + number = nums[i]; + if (nums[i -1] == nums[i]) + { + count++; + } + } + } + return count; +} +" +26fa787fea233bedf6b3aaf7385df243555c38b7,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (number != nums[i]) + { + number = nums[i]; + if (nums[i] == nums[i+1]) + { + count++; + } + } + } + return count; +} +" +4a74d267b8ae5fab7ae40ad50ba30fcc15dba58c,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (number != nums[i]) + { + number = nums[i]; + if (nums[i] == nums[i+1]) + { + count++; + } + } + } + return count; +} +" +35b4052c9af70c75be5dc41524a3b32eff1d18ca,"public int countClumps(int[] nums) +{ + int count = 0; + int number = 0; + for (int i = 1; i < nums.length; i++) + { + if (number != nums[i -1]) + { + number = nums[i -1]; + if (nums[i-1] == nums[i]) + { + count++; + } + } + } + + return count; +} +" +053aae48ba6f121bab7262312ab84d9b5b59390b,"public int countClumps(int[] nums) +{ + int count = 0; + int number = -1; + for (int i = 1; i < nums.length; i++) + { + if (number != nums[i -1]) + { + number = nums[i -1]; + if (nums[i-1] == nums[i]) + { + count++; + } + } + } + + return count; +} +" +55baff7283cf7046be3b094c048628af516213fc,"public int countClumps(int[] nums) +{ + boolean TF = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !TF) + { + TF = false; + count = count + 1; + } + else if (nums[i] != nums[i + 1]) + { + TF = false; + } + } + return count; +} +" +4c377a93c29dfbadb1db8e3d8fc76bc0068d8750,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +} +" +e4744c6ff04cd452243c0bc4dcd7e40656a4a104,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; + +} +" +ce6ba316c8cf3a5e8797b2ab153b4ce58528ad89,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1]) + { + count = count + 1; + } + while(i < nums.length-1 && nums[i] == nums[i+1]) + { + i++; + } + } +return count; + +} +" +4769b9ee78cd2910bdf0e080377b13447950b359,"public int countClumps(int[] nums) +{ + int counter = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1]) + { + counter = counter + 1; + } + if (i < nums.length-1 && nums[i] == nums[i+1]) + { + i++; + } + } +return counter; + +} +" +6b9361dfba38af9d4498981d611c445e314c37e5,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + count++; + } + return count; +} +" +58ea9e767f37fb931654f3bcde25752ec0943041,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + while (nums[i] == nums[i+1]) + i = i + 1 + count++; + } + return count; +} +" +de6ad287e5d140a4bd0f294ce592683528adea2d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + while (nums[i] == nums[i+1]) + i = i + 1; + count++; + } + return count; +} +" +8680b1f6a70b9968405d07fc01e42e72e5a03e70,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + while (nums[i] == nums[i+1] && i < nums.length - 1) + i = i + 1; + count++; + } + return count; +} +" +f75c99778116aaeeb00629011904378a5fc498f8,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + count++; + for (int k = i; k < nums.length; k++) + if (nums[j] == nums[i]) + i++; + else + break; + } + return count; +} +" +b2719569d4342435200b196a4c6eaca9744ce746,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + count++; + for (int k = i; k < nums.length; k++) + if (nums[k] == nums[i]) + i++; + else + break; + } + return count; +} +" +f2d4af9244b2437b962ef45f48876387bd171de9,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + count++; + for (int k = i + 1; k < nums.length; k++) + if (nums[k] == nums[i]) + i++; + else + break; + } + return count; +} +" +b5b5f1a508035c03be1e25f8f00bfd339f62904e,"public int countClumps(int[] nums) +{ + int counter = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1]) + { + counter = counter + 1; + } + for (i < nums.length-1 && nums[i] == nums[i+1]) + { + i++; + } + } +return counter; + +} +" +f6a6db41a605ec711808decfc3d7a15b26f2b568,"public int countClumps(int[] nums) +{ + int counter = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1]) + { + counter = counter + 1; + } + for (i < nums.length-1 && nums[i] = nums[i+1]) + { + i++; + } + } +return counter; + +} +" +7130b94e732fcfc41d00ec637705e6359f726592,"public int countClumps(int[] nums) +{ + int counter = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1]) + { + counter = counter + 1; + } + while (i < nums.length-1 && nums[i] == nums[i+1]) + { + i++; + } + } +return counter; + +} +" +d820490b1532a00c604bb059109d0932e14ef8bf,"public int countClumps(int[] nums) +{ + boolean match = false; + + int count = 0; + + for (int i = 0; i < nums.length-1; i++) { + + if (nums[i] == nums[i+1] && !match) { + + match = true; + + count++; + + } + + else if (nums[i] != nums[i+1]) { + + match = false; + + } + + } + + return count; + +} +" +5f774e1ec209059de5a102bf1d599e339675d6be,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i+=2) + { + if (nums[i] == nums[i + 1]) + { + count += 1; + } + } + return count; +} +" +1e4c6b4a449d1c8770d0c9cc812f03e1b3e71c57,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] == nums[i + 1]) + { + count += 1; + } + } + return count; +} +" +1c35f25084e78e57773e88a4157bee14d3acd85e,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i+=2) + { + if (nums[i] == nums[i + 1]) + { + count += 1; + } + } + return count; +} +" +ee3b428240704aac13e44ac468b2c4e3f85fd688,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i+=2) + { + if (nums[i] == nums[i + 1] || nums[i] == nums[i - 1]) + { + count += 1; + } + } + return count; +} +" +62148009e964310d138d780e027856e2ed3b08dc,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 1; i < nums.length - 1; i+=2) + { + if (nums[i] == nums[i + 1] || nums[i] == nums[i - 1]) + { + count += 1; + } + } + return count; +} +" +792ea4bc62753d9441cfaa6464b663f6d495c36a,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i+=2) + { + if (nums[i] == nums[i + 1]) + { + count += 1; + } + } + return count; +} +" +dc2a4d1e42d30d59e1ec9730657ed448f2e71842,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i + 1]) + { + count += 1; + for (int j = i; j < nums.length; j++) + { + if (nums[j] != nums[i]) + { + i = j; + break; + } + } + } + } + return count; +} +" +45c7310799bdfe67842f35b5e79785a39bda4f45,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + count += 1; + for (int j = i; j < nums.length; j++) + { + if (nums[j] != nums[i]) + { + i = j; + break; + } + } + } + } + return count; +} +" +c3ebd39b345415fb93c7fad8bce6fd237df51bc2,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (i > 0 && nums[i] != nums[i - 1]) + { + count += 1; + } + } + } + return count; +} +" +fea72a707a932abe7845fa84f4fc8156a7e62c20,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + if (i > 0 && nums[i] != nums[i - 1]) + { + count += 1; + } + else if (i == 0) + { + count += 1; + } + } + } + return count; +} +" +5ed4f18cb164ffa096ea23b570d49d589c3fabfd,"public int countClumps(int[] nums) +{ + int total = 0; + for ( int i = 0; i < nums.length - 1; i++ ) + { + if ( nums[i] == nums[i + 1] ) + { + total++; + int j = 1; + while ( nums[i] == nums[i + j] ) + { + j++; + i++; + } + } + } + return total; +} +" +e951b0c7fce1c21696ae663476c272540f69d2a8,"public int countClumps(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + if ( nums[i] == nums[i + 1] ) + { + total++; + int j = 1; + while ( i + j < length && nums[i] == nums[i + j] ) + { + j++; + i++; + } + } + } + return total; +} +" +1b11d95b3da551a840af97fd950a88ed48e2099a,"public int countClumps(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + if ( nums[i] == nums[i + 1] ) + { + total++; + int place = i; + int j = 1; + while ( place + j < length + && nums[place] == nums[place + j] ) + { + j++; + i++; + } + } + } + return total; +} +" +5de82de41706125dac036cff096520721ee51abf,"public int countClumps(int[] nums) +{ + return 5; +} +" +f3c62e06ba70e3c0200db026cf9b2b061531f2e7,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 < nums.length && nums[i] == nums[i+1]) + { + count = count +1; + } + } + return count; +} +" +5b53bd8d476ddb844e99ec1c48209b332002406f,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+2 < nums.length && nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + count = count +1; + } + } + return count; +} +" +5a727bf09d8832b8d50d0b65db383fa0078e1c45,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+2 < nums.length && nums[i] == nums[i+1]) + { + if (nums[i] == nums[i+2]) + { + break; + } + count = count +1; + } + } + return count; +} +" +8e30d0cbb244151dc9d0467bba645c45f58e025f,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+2 < nums.length && nums[i] == nums[i+1]) + { + count = count +1; + } + } + return count; +} +" +2119e083ab8adb71fdbe130534569754aa286997,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 < nums.length && nums[i] == nums[i+1]) + { + count = count +1; + } + } + return count; +} +" +51cf83c638c5bc6c7af403dafe1e781a73d7f58f,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 < nums.length && nums[i] == nums[i+1]) + { + count = count +1; + if (nums[i+2] == nums[i]) + { + i = i+2; + } + } + } + return count; +} +" +fc074d2a02adb40325fdf572bc98b6cb75b15323,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 =< nums.length && nums[i] != nums[i+1]) + { + if(nums[i] == num[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +33eebbd8fc5ce868f2f96509a6e0a6a1366994f2,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= nums.length && nums[i] != nums[i+1]) + { + if(nums[i] == num[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +4fa063cf6f0e70b29beb8ad49e687f80a0af3e75,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= nums.length && nums[i] != nums[i+1]) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +2c6185cf0e6dcb8b1a6138381d67a86095959d78,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 < nums.length && nums[i] != nums[i+1]) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + else if() + + } + return count; +} +" +cfd192aa3db80e06a888639f1d7f701df57e450b,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 < nums.length && nums[i] != nums[i+1]) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +ccdcf13715a2a739ac9a99d7f18d957ea131ff0e,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= nums.length - 1 && nums[i] != nums[i+1]) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +ab897ccf35f39cfe0bbec366588100a090884ba2,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= (nums.length - 1) && nums[i] != nums[i+1]) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +2069c747f0cc932718f6b9e6c13a5d5e2a67bd8d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= (nums.length - 1) && nums[i] != nums[i+1] && i-1 >= 0) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + + } + return count; +} +" +ca28a9ef99265a3f41cb2f523d623c753368ffab,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= (nums.length - 1) && nums[i] != nums[i+1] && i-1 >= 0) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + else if ((i == nums.length-1)) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + } + + } + return count; +} +" +8bd420d18057fa97adea26516ff970a1e42ee199,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= (nums.length - 1) && nums[i] != nums[i+1]) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + else if ((i == nums.length-1)) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + } + else if (i-1 == 0 && nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + return count; +} +" +0159f5ccb6d54c5c33554c52d3da8309bd8fe1f6,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i+1 <= (nums.length - 1) && nums[i] != nums[i+1] && i-1 >= 0) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + + } + else if ((i == nums.length-1)) + { + if(nums[i] == nums[i-1]) + { + count = count + 1; + } + } + + } + return count; +} +" +5b49533d7690c0cc5723c21c1c47eb6c4eb097d5,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for (int i = 0; i < nums.length; i ++) + { + + if (clump) + { + if (nums[i] != nums[i+1]) + { + clump = false; + } + } + else if (nums[i] == nums[i+1]) + { + clump = true; + count = count + 1; + } + } + return count; +} +" +b960e8f60c2b0b8c9624295c995f3035d9ceb2fd,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for (int i = 0; i < nums.length-1; i ++) + { + + if (clump) + { + if (nums[i] != nums[i+1]) + { + clump = false; + } + } + else if (nums[i] == nums[i+1]) + { + clump = true; + count = count + 1; + } + } + return count; +} +" +7e42c37b1aa3a85f4aae7986ef84e3a0eb0954cf,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + while (i < nums.length) { + int val = nums[i]; + int++; + int length = 1; + while (i < nums.length && nums[i] == val) { + int++; + length++; + } + if length > 1) + count++; + } + return count; +} +" +351668adb5e22cacb029ab0f9e36b6438b847529,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + while (i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while (i < nums.length && nums[i] == val) { + i++; + length++; + } + if (length > 1) + count++; + } + return count; +} +" +b86b9c093eafddd0018a35e02b358dd2eb71f4af,"public int countClumps(int[] nums) +{ + boolean ans = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !ans) + { + ans = true; + count++; + } + else if (nums[i] != nums[i+1]) + { + ans = false; + } + } + return count; +} +" +3de77093b6fb6bf5597f7ba66fc294baab8ee001,"public int countClumps(int[] nums) +{ + count = 0; + for (int x = 0; x < nums.length - 1; x++) + { + while (nums[x] == nums[x + 1]) + { + x++; + + } + count++; + + + } + return count; +} +" +49f1b0e0f25d506747274151695ea96f206655e3,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x + 1]) + { + while (nums[x] == nums[x + 1]) + { + x++; + + } + count++; + } + + + } + return count; +} +" +1f56ae8e065b8d481a9949f8a3ae3a0f68d1d81d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length - 2; x++) + { + if (nums[x] == nums[x + 1]) + { + while (nums[x] == nums[x + 1]) + { + x++; + + } + count++; + } + + + } + return count; +} +" +e4e34523145dc4c818a627ca667d63a8cacd597d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 2; x++) + { + if (nums[x - 1] == nums[x]) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + } + return count; +} +" +0c332b6f68a0dcc2e63e40e5b34c130e5b63f5b1,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x]) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + } + return count; +} +" +a09c6f49aefad1e81b3e083db9949e4982cf2535,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length; x++) + { + if (nums[x - 1] == nums[x]) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + } + return count; +} +" +b116bedd8c48d3ebc2fcd1ea61dbe0fd9204484e,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x]) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + } + return count; +} +" +0de4fa63057f61c9747deb64b9049c7079db83f2,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x]) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + if (count != 0) + { + + count ++;} + + + } + return count; +} +" +c9759e7b339be2fbe0368f1aa0da37da7b407b75,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x]) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + + }if (count != 0) + { + + count ++;} + return count; +} +" +f6a08ba79b90e0d2449d7e33f4a98b9bd0cf5dff,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x] && x < nums.length - 1) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + + }if (count != 0) + { + + count ++;} + return count; +} +" +f8d212ba87fe519be65b034fbaebd5c77536c48d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x] && x < nums.length - 1) + { + while (nums[x - 1] == nums[x]) + { + x++; + + } + count++; + } + + + + }if (count != 0) + { + + count ++;} + return count; +} +" +cd792c2d5df87a6d85d0a94d5a23d7ca07509ec5,"public int countClumps(int[] nums) +{ + int count = 0; + for (int x = 1; x < nums.length - 1; x++) + { + if (nums[x - 1] == nums[x] ) + { + while (nums[x - 1] == nums[x] && x < nums.length - 1) + { + x++; + + } + count++; + } + + + + }if (count != 0) + { + + count ++;} + return count; +} +" +b01d74b97b162cff40a5e86d8bfb1135c17882e7,"public int countClumps(int[] nums) +{ + int count = 0; + boolean isClump = false; + for (int x = 1; x < nums.length - 1; x++) + { + if(isClump) + { + if(nums[x] != nums[x +1]) + { + isClump = false; + } + } + else if(nums[x] != nums[x +1]) + { + isClump = true; + } + } + return count; +} +" +b0f71e0fb13ff1c782c21e32931105427af7547d,"public int countClumps(int[] nums) +{ + int count = 0; + boolean isClump = false; + for (int x = 1; x < nums.length - 1; x++) + { + if(isClump) + { + if(nums[x] != nums[x +1]) + { + isClump = false; + } + } + else if(nums[x] != nums[x +1]) + { + isClump = true; + count++; + } + } + return count; +} +" +ae5379d490936e0295bed80ad3f1eb92f1f3577d,"public int countClumps(int[] nums) +{ + int count = 0; + boolean isClump = false; + for (int x = 1; x < nums.length - 1; x++) + { + if(isClump) + { + if(nums[x] != nums[x +1]) + { + isClump = false; + } + } + else if(nums[x] == nums[x +1]) + { + isClump = true; + count++; + } + } + return count; +} +" +8fa1d1fc6db36ec4bc4dc1c248b438e3c643fc76,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +0560cdd9feca716e12c302bf4ca1caa30797b344,"public int countClumps(int[] nums) +{ + int count = 0; + boolean isClump = false; + for (int x = 0; x < nums.length - 1; x++) + { + if(isClump) + { + if(nums[x] != nums[x +1]) + { + isClump = false; + } + } + else if(nums[x] == nums[x +1]) + { + isClump = true; + count++; + } + } + return count; +} +" +4f3e3787c0c7c1f9c31b6ecd9b0b2fdfe17d7638,"public int countClumps(int[] nums) +{ + int value = 0; + for(int x = 1;x 1 + { + count += 1; + } + } + return count; + +} +" +215e73dddf4d7caeb4167e888bb2fb96051ce78d,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i < 0; i < nums.length; i++) + { + int a = nums[i]; + int b = 1; + while (i < nums.length && nums[i] == a) + { + b++; + } + if (b > 1) + { + count += 1; + } + } + return count; + +} +" +da1739bd314bfa005ddbe0b118452870d4f54377,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i < 0; i < nums.length; i++) + { + int a = nums[i]; + int b = 1; + while (i < nums.length && nums[i] == a) + { + b++; + } + if (b > 1) + { + count += 1; + } + } + return count; + +} +" +c112c41c424686bf3eafadb0831954bd94e34458,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + int a = nums[i]; + int b = 1; + while (i < nums.length && nums[i] == a) + { + b++; + } + if (b > 1) + { + count += 1; + } + } + return count; + +} +" +5e42664a005fa381d6853076d4f3641a690262c7,"public int countClumps(int[] nums) +{ + int count = 0; + while ( i < nums.length) + { + int a = nums[i]; + int b = 1; + while (i < nums.length && nums[i] == a) + { + b++; + } + if (b > 1) + { + count += 1; + } + } + return count; + +} +" +7b8173d8699d0b3f8cfcfcfbc044f1913a361ba8,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while (i < nums.length) + { + int a = nums[i]; + int b = 1; + i++; + while (i < nums.length && nums[i] == a) + { + i++; + b++; + } + if (b > 1) + { + count += 1; + } + } + return count; + +} +" +4e812c3caf01b39f8df6dd7420a275d766a2b923,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && (i==0 || nums[i-1]!=nums[i])) + { + count++; + } + } + return count; +}" +471ee3e285c074066efe8030679f0a698900864a,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean isAClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isAClump) + { + if(nums[i] != nums[i+1]) + { + isAClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isAClump = true; + clump = clump + 1; + } + } + return clump; +} +" +6694f5fda680d8bcdfc1c4221633e0fff6f42c42,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) + { + match = true; + } + count++; + } + else if (nums[i] != nums[i+1]) + { + match = false; + } + } + return count; + +} +" +98bcf0504e95fb4bfaac5d4c7c6bcb0fa3657a75,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) + { + match = false; + } + } + return count; + +} +" +dd25ee2be50841a81976d6d261847e1e5283eaee,"public int countClumps(int[] nums) +{ + int sum = 0; + + for(int i=0; i 1) + toto++; + } + + return toto; +} +" +3b7faf3b612beacc816a7741c8d50a303d3f022e,"public int countClumps(int[] nums) +{ + int i = 0; + int countLumps = 0; + while (j < nums.length) + { + i + 1; + while (nums[j] == nums[i]) + { + j++; + } + if (j - 1 - i >= 1) + { + countLumps++; + } + i = j; + } + return countLumps; + +} +" +eff468b6f9b17685040a93038fdb8d7f4777f269,"public int countClumps(int[] nums) +{ + int i = 0; + int countLumps = 0; + while (j < nums.length) + { + j = i + 1; + while (nums[j] == nums[i]) + { + j++; + } + if (j - 1 - i >= 1) + { + countLumps++; + } + i = j; + } + return countLumps; + +} +" +429f59a8e45e81e59eefe23b11eb70963c98e6e5,"public int countClumps(int[] nums) +{ + int i = 0; + int countLumps = 0; + while (i < nums.length) + { + j = i + 1; + while (nums[j] == nums[i]) + { + j++; + } + if (j - 1 - i >= 1) + { + countLumps++; + } + i = j; + } + return countLumps; + +} +" +61d24d1a59b3911d99963a2901e95a311fc71335,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i + 1]) + { + match = false; + } + } + return count; +} +" +17a7ee4abc56d113429a354af4b71e2152822e18,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; + +} +" +e165d1f7f5d4112ef1b3a85f7a980107238982e5,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 0; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1 + } + } + } + } +} +" +0a3b8a5f1d81859359ad87c19fa6e3d5c35ead9c,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 0; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } +} +" +282b530efb859bfc03ddd14d52b351c383128b9b,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 0; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +bb8da5457e0987b0fad67c725c6875f3034c5d67,"public int countClumps(int[] nums) +{ + int clump = 0 + boolean aClump = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != nums[i+1] + aClump = false; + + else if(nums[i] == nums[i+1]) + aClump == true; + clump++; + } + return clump; +} +" +c3c5dd9436a43e3dd901bbeac7ca2b3487b34f36,"public int countClumps(int[] nums) +{ + int clump = 0 + boolean aClump = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != nums[i+1]) + aClump = false; + + else if(nums[i] == nums[i+1]) + aClump == true; + clump++; + } + return clump; +} +" +ce109092c521decf1863df2950e1af877e0d2e74,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean aClump = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != nums[i+1]) + aClump = false; + + else if(nums[i] == nums[i+1]) + aClump == true; + clump++; + } + return clump; +} +" +94a778e9a8025bb674f687e0c8c1050bca634992,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean aClump = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != nums[i+1]) + aClump = false; + + else if(nums[i] == nums[i+1]) + aClump = true; + clump++; + } + return clump; +} +" +4526158d0c98bcf8cd16e3bcfd42d2e45049319f,"public int countClumps(int[] nums) +{ + int clumps; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x+1]) + clumps++ + } + return clumps; +} +" +ce095dd574cbaec67bab90ecab04301822da624f,"public int countClumps(int[] nums) +{ + int clumps; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x+1]) + clumps++; + } + return clumps; +} +" +5a481ff5d36f898a7dffef96a629c74e9b03b5aa,"public int countClumps(int[] nums) +{ + int clumps=0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x+1]) + clumps++; + } + return clumps; +} +" +12dd3d17929aeb254241405060d4932cec528d0c,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + total = total + 1; + } + } + return total; +} +" +fe3206fd0d4f3bde82d6a2c52a3fa4ae2ad5ad8f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int x = 1; x < nums.length - 1; x++) + { + if (isClump) + { + if (nums[x] != nums[x+1]) + isClump = false; + } + else if (nums[x] == nums[x+1]) + { + clumps++; + isClump = true; + } + } + return clumps; +} +" +664ac945cb4f87ed54c057c5a68e8dc79a841bb1,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + total = total + 1; + } + } + return total; +} +" +428ba95bd45e126faec49d29c0f8b805daea1382,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + total = total + 1; + } + } + return total; +} +" +8fb500466613a34013f0592cc334f444d8a2780d,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + while (nums[i] == nums[i + 1]) + { + i++ + } + if (clump == true) + { + clumps++; + clump = false; + i--; + } +} +" +3270eb3c082203ebae25b645f2e8233b87395aa3,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int x = 1; x < nums.length - 1; x++) + { + if (isClump) + { + if (nums[x] != nums[x+1]) + { + isClump = false; + } + } + else if (nums[x] == nums[x+1]) + { + clumps++; + isClump = true; + } + } + return clumps; +} +" +7e3ec8e558a13c7a5e434d15ad77f73729c23607,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + total = total + 1; + } + } + if (nums[0] == nums[1]) + { + total = total + 1; + } + return total; +} +" +d16c97c10b42aed70470b514e4f50ce04f7130ba,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + while (nums[i] == nums[i + 1]) + { + i++; + } + if (clump == true) + { + clumps++; + clump = false; + { + i--; + } + return clumps; +} +" +9e2b38af3f438ba12e86a127bed5fe90173698dd,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int x = 0; x < nums.length - 1; x++) + { + if (isClump) + { + if (nums[x] != nums[x+1]) + { + isClump = false; + } + } + else if (nums[x] == nums[x+1]) + { + clumps++; + isClump = true; + } + } + return clumps; +} +" +45f31dfdb07169b8e8b93858c7bd256714aab0f2,"public int countClumps(int[] nums) +{ + int total = 0; + if (nums.length != 0) + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + total = total + 1; + } + } + if (nums[0] == nums[1]) + { + total = total + 1; + } + } + return total; +} +" +fe07790e53e9e8acf78de5008e88f5e986f80160,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + while (nums[i] == nums[i + 1] && i != nums.length - 2) + { + i++; + } + if (clump == true) + { + clumps++; + clump = false; + { + i--; + } + return clumps; +} +" +7e09dd6086f2a090d4dd8d330b8f2a8b200174ff,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + while (nums[i] == nums[i + 1] && i != nums.length - 1) + { + i++; + } + if (clump == true) + { + clumps++; + clump = false; + { + i--; + } + return clumps; +} +" +4b2890a8dff0c71d50535fbf9ed25d411bb3a279,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + while (nums[i] == nums[i + 1] && i != nums.length - 1) + { + i++; + clump = true; + } + if (clump == true) + { + clumps++; + clump = false; + { + i--; + } + return clumps; +} +" +4e5ac3e47119cb44ab0b3ad32060f5db2747dc3b,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + i++ + while (nums[i] == num && i != nums.length - 1) + { + i++; + clump = true; + } + if (clump == true) + { + clumps++; + clump = false; + { + else + { + i--; + } + } + return clumps; +} +" +90011074b523a1f038feb4cd248c8d60a3420b14,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + i++; + while (nums[i] == num && i != nums.length - 1) + { + i++; + clump = true; + } + if (clump == true) + { + clumps++; + clump = false; + { + else + { + i--; + } + } + return clumps; +} +" +3bb457d7c6add3ecb5ddc74ea4c28c826656d82d,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + +return count; +} +" +0b44866f5d737c47d73acc4c9334b10b7e390052,"public int countClumps(int[] nums) +{ + int num = 0; + boolean still == false; + for (int i = 1; i < nums.length; i++) + { + if (still) + { + continue; + } + else + { + if (nums[i - 1] == nums[i]) + { + still == true; + } + else + { + still == false; + num++; + } + } + } + return num; +} +" +1e8a5b11153906f14fa8aeb0fe091c8daf4db89e,"public int countClumps(int[] nums) +{ + int num = 0; + boolean still == false; + for (int i = 1; i < nums.length; i++) + { + if (still) + { + continue; + } + else + { + if (nums[i - 1] == nums[i]) + { + still = true; + } + else + { + still = false; + num++; + } + } + } + return num; +} +" +f5035fa57a60df960757139c159825d50c85db80,"public int countClumps(int[] nums) +{ + int num = 0; + boolean still = false; + for (int i = 1; i < nums.length; i++) + { + if (still) + { + continue; + } + else + { + if (nums[i - 1] == nums[i]) + { + still = true; + } + else + { + still = false; + num++; + } + } + } + return num; +} +" +0d8b3479646b04c8065d700cbd1e22d1df24b98a,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + i++; + while (nums[i] == num && i != nums.length) + { + i++; + clump = true; + } + if (clump == true) + { + clumps++; + clump = false; + { + else + { + i--; + } + } + return clumps; +} +" +06be09e2d8d4ddfe4333697a3feaadf8e8dc3077,"public int countClumps(int[] nums) +{ + int num = 0; + boolean still = false; + boolean clump = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1]) + { + clump = true; + } + else if (nums[i] == nums[i + 1]) + { + still = true; + continue; + } + else + { + num++; + } + } +} +" +df39d1eb604d2e83959ee26db1b3e2dd53fd9b49,"public int countClumps(int[] nums) +{ + int num = 0; + boolean still = false; + boolean clump = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1]) + { + clump = true; + } + else if (nums[i] == nums[i + 1]) + { + still = true; + continue; + } + else + { + num++; + } + } + return num; +} +" +fa294787324d2fac01b425d2ee8cdf806327f1f4,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length; i++) + { + num = nums[i]; + i++; + while (nums[i] == num && i != nums.length) + { + i++; + clump = true; + } + if (clump == true) + { + clumps++; + clump = false; + { + } + return clumps; +} +" +f4c90c3865c1189482ba9ccd480fc1d392baa6e3,"public int countClumps(int[] nums) +{ + boolean clump = false; + int num = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clump) + { + clump = true; + num++; + } + + else if (nums[i] != nums[i + 1]) + { + clump = false; + } + } + return num; +} +" +47fe9f3572783dd3cb2c4ba63e8dbef24aa551af,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +f852dfc7d0c0ce0f36e9cb7bc589553f894c61cf,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[i+1]) + { + count += 1; + } + } + return count; +} +" +9ecbdf86a10fc79b2f2c7581b1d2601d07ab6093,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == nums[i+1]) + { + count += 1; + } + } + return count; +} +" +04d85794ccb9a49e312cd54a3ed2e7eec585130c,"public int countClumps(int[] nums) { + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +}" +02c20cf30ee0a51d63397de68a8520ca6350fcda,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length-1; i++) + { + while(nums[i] == nums[i+1]) + { + count += 1; + } + } + return count; +} +" +9eee1cf89751e48fe86beea5133e33b84d3ee3e6,"public int countClumps(int[] nums) { + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +}" +3e2a932eccad66b92a694aad9c7854f34e19d39c,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == nums[i+1]) + { + count += 1; + } + } + return count; +} +" +6adf1baeb3d950e5620a754c301500261def83e3,"public int countClumps(int[] nums) { + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +}" +1b3727ef119dc3b9fd5d4ae40b44ebd114e95fe3,"public int countClumps(int[] nums) +{ + int num = 0; + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == num[i + 1] && !clump) + { + clump = true; + clumps++ + } + else if (nums[i] != num[i + 1]) + { + clump = false; + } + } + return clumps; +} +" +e5a3b8500347c0656c2398d8325934e6b74576f1,"public int countClumps(int[] nums) +{ + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == num[i + 1] && !clump) + { + clump = true; + clumps++; + } + else if (nums[i] != num[i + 1]) + { + clump = false; + } + } + return clumps; +} +" +79c507999a9ef61b05a7bbd4b6ac9ba9353c078d,"public int countClumps(int[] nums) +{ + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clump) + { + clump = true; + clumps++; + } + else if (nums[i] != num[i + 1]) + { + clump = false; + } + } + return clumps; +} +" +88000940962800fbd6f827e603c095e3c3cda283,"public int countClumps(int[] nums) +{ + int clumps = 0; + Boolean clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clump) + { + clump = true; + clumps++; + } + else if (nums[i] != nums[i + 1]) + { + clump = false; + } + } + return clumps; +} +" +8ca170ebbcf70435b40af9d8a908172a9af78cb9,"public int countClumps(int[] nums) +{ +int count = 0; +for(int i = 0;i i + 1) + { + numClumps++; + i++; + } + else if (currentNum == nums[i + 2] && nums.length > i + 2) + { + i++; + } + else if (currentNum == nums[i + 3] && nums.length > i + 3) + { + i++; + } + else if (currentNum == nums[i + 4] && nums.length > i + 4) + { + i++; + } + return numClumps; + } +} +" +6d10756f7162c6476d5b19c261b2dd75e41bde9e,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + int currentNum = nums[i]; + if (currentNum == nums[i + 1] && nums.length > i + 1) + { + numClumps++; + i++; + } + else if (currentNum == nums[i + 2] && nums.length > i + 2) + { + i++; + } + else if (currentNum == nums[i + 3] && nums.length > i + 3) + { + i++; + } + else if (currentNum == nums[i + 4] && nums.length > i + 4) + { + i++; + } + } + return numClumps; +} +" +a600fa97305fef2b2c4435046ed89425d5a5c22e,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + int currentNum = nums[i]; + if (nums.length > i + 1 && currentNum == nums[i + 1]) + { + numClumps++; + i++; + } + else if ((nums.length > i + 2 && currentNum == nums[i + 2]) + { + i++; + } + else if (nums.length > i + 3 && currentNum == nums[i + 3]) + { + i++; + } + else if ((nums.length > i + 1 && currentNum == nums[i + 1]) + { + i++; + } + } + return numClumps; +} +" +163a36772f36cfcbcc49048cf89eb00623c7d2c2,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + int currentNum = nums[i]; + if (nums.length > i + 1 && currentNum == nums[i + 1]) + { + numClumps++; + i++; + } + else if ((nums.length > i + 2 && currentNum == nums[i + 2]) + { + i++; + } + else if (nums.length > i + 3 && currentNum == nums[i + 3]) + { + i++; + } + else if (nums.length > i + 1 && currentNum == nums[i + 1]) + { + i++; + } + } + return numClumps; +} +" +1b9ec977a7535750df5ecb057242af8d050a0aad,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + int currentNum = nums[i]; + if (nums.length > i + 1 && currentNum == nums[i + 1]) + { + numClumps++; + i++; + } + else if (nums.length > i + 2 && currentNum == nums[i + 2]) + { + i++; + } + else if (nums.length > i + 3 && currentNum == nums[i + 3]) + { + i++; + } + else if (nums.length > i + 1 && currentNum == nums[i + 1]) + { + i++; + } + } + return numClumps; +} +" +84a3f9e689061f7df575eef0ab1bfcd425d4aa5f,"public int countClumps(int[] nums) +{ + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + int currentNum = nums[i]; + if (nums.length > i + 1 && currentNum == nums[i + 1]) + { + numClumps++; + i++; + } + else if (nums.length > i + 2 && currentNum == nums[i + 2]) + { + i++; + } + else if (nums.length > i + 3 && currentNum == nums[i + 3]) + { + i++; + } + else if (nums.length > i + 4 && currentNum == nums[i + 4]) + { + i++; + } + else if (nums.length > i + 5 && currentNum == nums[i + 5]) + { + i++; + } + } + return numClumps; +} +" +ab5ce1f7e6b0e78a0634a14cf644f707003e7b38,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] = nums[i + 1]) { + clumps += 1; + i += 1; + } + } + } +} +" +f035246604a747c1c88fcf4f81fda19c23fecd4b,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] == nums[i + 1]) { + clumps += 1; + i += 1; + } + } + } +} +" +049380ae7148894782878c4b50c784b6109c1ec8,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] == nums[i + 1]) { + clumps += 1; + i += 1; + } + } + } + return clumps; +} +" +71a2d1efb176d7473e62d2c142f3b693a4863d10,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] == nums[i + 1] && i < nums.length) { + clumps += 1; + i += 1; + } + } + } + return clumps; +} +" +dc3982debfbace6d3ef863e86f26c5d3f0ba3988,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] == nums[i + 1] && i < nums.length - 1) { + clumps += 1; + i += 1; + } + } + } + return clumps; +} +" +6f597590202d66b50cff71d8affdb79560962476,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] == nums[i + 1] && i != nums.length - 1) { + clumps += 1; + i += 1; + } + } + } + return clumps; +} +" +9c5fb984543dec0748b2a8e89e8e4417428d9d21,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + while (nums[i] == nums[i + 1] && i != nums.length - 1) { + clumps += 1; + i += 1; + } + } + } + return clumps; +} +" +aa0463f70f0f94c9500c454e3f803be053d5ab4f,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + clumps += 1; + while (nums[i] == nums[i + 1] && i != nums.length - 1) { + } + } + } + return clumps; +} +" +cb0b381012646a1aec992aa1cb422c2e39ac1a96,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + clumps += 1; + while (nums[i] == nums[i + 1] && i != nums.length - 1) { + i += 1; + } + } + } + return clumps; +} +" +4c1a6232cccd1ba72214cb26d9200cc7d5128739,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + clumps += 1; + while (nums[i] == nums[i + 1] && i < nums.length) { + i += 1; + } + } + } + return clumps; +} +" +1a3e715f26e8654011724fb74f98bddf030e45d7,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + clumps += 1; + while (nums[i] == nums[i + 1] && i < nums.length - 1) { + i += 1; + } + } + } + return clumps; +} +" +07ab3892d57be7b1e2e56423834a5574ee726ae6,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + clumps += 1; + while (nums[i] == nums[i + 1] && i < nums.length - 1) { + i += 1; + } + } + } + return clumps; +} +" +35b9707aad5f20f180ef74fcf0950fdb0f71ce29,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + clumps += 1; + while (i < nums.length - 1 && nums[i] == nums[i + 1]) { + i += 1; + } + } + } + return clumps; +} +" +1bf024c2819ab77d65db9587d4c9fcc79733d3b5,"public int countClumps(int[] nums) +{ + int clumps = 0; + int i = 0; + + while (i < nums.length) + { + int num = nums[i]; + i++; + int l = 1; + while (i < nums.length && nums[i] == num) + { + i++; + l++; + } + if (l > 1) + { + clumps++; + } + } + return clumps; +} +" +6778dd6ec815f48f8ead671d4845cdcb9b38b5d7,"public int countClumps(int[] nums) +{ + int a; + int n + for (int i=0; i 1) + count++; + } + + return count; +} +" +a6dc897a4f4e736b8a741df9950a3a66b2e3e5ff,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) + { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) + { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +c33b44f557fd7c2a3238818722cd845a74e96b85,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + match = true; + count++ + } + else if (nums[i] != nums[i + 1]) + { + match = false; + } + } + return count; +} +" +fe0dfacc39ccd24b8ed4534adf058fe61c4ef65d,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i + 1]) + { + match = false; + } + } + return count; +} +" +bed3ad099c634447380c6035ee7583c5bd908158,"public int countClumps(int[] nums) +{ + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == nums[i + 1] && nums[i] != current) { + current = nums[i]; + clump++; + } else { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} +" +03fe0183d50b4f31aa936406b9877383477faeec,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean clumpOrNo = true; + for(int i = 0; i < nums.length - 1; i++) + { + if(!clumpOrNo) + { + if(nums[i] != nums[i+1]) + clumpOrNo = true; + } + else if(nums[i] == nums[i+1]) + { + clumpOrNo = false; + clump++; + } + } + return clump; +} +" +9a2e17f748492181725a5b73a2af0dc4d80ea2a2,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; + +} +" +d045ab70f386e103d04e21337d9f519a314e7a0b,"public int countClumps(int[] nums) +{ + boolean matches = false; + int countClumps = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + matches = true; + countClumps++; + } + else if (nums[i] != nums[i+1]) { + matches = false; + } + } + return countClumps; + +} +" +b132525a04e535067586ccc69c3aa8562d511f14,"public int countClumps(int[] nums) +{ + boolean matches = false; + int countClumps = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !matches { + matches = true; + countClumps++; + } + else if (nums[i] != nums[i+1]) { + matches = false; + } + } + return countClumps; + +} +" +d36eb0f45c37900e9b4fb18bed69564cff27ff82,"public int countClumps(int[] nums) +{ + boolean matches = false; + int countClumps = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !matches) { + matches = true; + countClumps++; + } + else if (nums[i] != nums[i+1]) { + matches = false; + } + } + return countClumps; + +} +" +fa6bf3d48bf5e0ae2d511f8aeae70093016110a0,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +8ded6fc9d2a080d5cd8ed75b5fe3697c5d46c0fb,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i + 1]) + isClump = false; + } + else if(nums[i] == nums[i + 1] + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +3afc73fecad110f91a949a886e29ad9beaf39ba5,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i + 1]) + isClump = false; + } + else if(nums[i] == nums[i + 1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +80da8568bfe82e877f31f05c40e0b8b3e1b35109,"public int countClumps(int[] nums) +{ + int count =0; +boolean clump = false; +for (int i=0; i < nums.length -1; i++){ +if (nums[i] == nums[i+1] && !clump){ +count++; +clump = true; +}else if (nums[i] != nums[i+1]) +clump = false; +} +return count; +} +" +2f059f4a6a3783fd5891c06ab13868b22e06c759,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + counter++; + } + } + return counter; +}" +a3afff820e5770e58d03b34de65eacbe5e30bc80,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int nextVal = 0; + if (nums[i] == nums[i + 1]) + { + nextVal = nextPos(nums, nums[i], i); + } + } + return counter; +} + +public int nextPos(int[] nums, int val, int current) +{ + int counter = current; + while (nums[counter] == val) + { + counter++; + } + return counter; +}" +b127937d122abc3acbd9ea65eeb68e41564dcbc8,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; +} +" +6c755aaa31da095e8bc4396b5f96cb842d08a201,"public int countClumps(int[] nums) +{ + int count = 0; + return count; +} +" +17eaafdd9b3293a4be8516d79d87309b14f5a21c,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == nums[i+1] ) { + clump++; + } + } + return clump; +} +" +988673600ae565c5215245b25cae9388daee42c9,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i = 0; i < nums.length - 1; i++) { + if ( nums[i] == nums[i+1] && (i == 0 || nums[i-1] != nums[i]) ) { + clump++; + } + } + return clump; +} +" +35bf3b697df456d2b7e70513a417bbba8044c971,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +44ca066017105264e3532f501275201e859aeddd,"public int countClumps(int[] nums) +{ + int clumps = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != nums[i+1]) + { + } + else if(nums[i] == nums[i+1]) + { + clumps++; + } + } + return clumps; +} +" +d4779197f580f4d3594caf35ffb9600f9475818a,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +2402fe044cb62107969cdb6b13d3d2de46125c80,"public int countClumps(int[] nums) +{ + int clumps = 0 + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +f7f4c84b49975065729b418e0fc6ab9c23a151e7,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +5f89a0b72415aa1551d922a6bd46ee6d8dcfb526,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +5025235dbdaf78e2412bc393387d58fd5f5e79c9,"public int countClumps(int[] nums) +{ + int a = 0; + boolean b = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(b) + { + if(nums[i] != nums[i+1]) + b = false; + } + else if(nums[i] == nums[i+1]) + { + b = true; + a++; + } + } + return a; +} +" +646ec5976d5c91f2eaf31b5b41d9732782de2a8b,"public int countClumps(int[] nums) +{ + int a = 0; + boolean b = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(b) + { + if(nums[i] != nums[i+1]) + b = false; + } + else if(nums[i] == nums[i+1]) + { + b = true; + a = a + 1; + } + } + return a; +} +" +abb779634ec7c6395f9b595904104458ad75ec37,"public int countClumps(int[] nums) +{ + int a; + int clumps = 0; + for (int i=0; i 1) + count++; + } + + return count; +} +" +18f84d7ce9c110456159a34c8aed57aacac5f545,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) + { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) + { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +1fbc0bff8b27b6f5502c6e150ab351189af0e417,"public int countClumps(int[] nums) +{ + + int totalClumps = 0; + + if (nums.length == 0 || nums.length == 1) + return 0; + + if (nums.length == 2) + { + if (nums[0] == nums[1]) + { + return 1; + } + return 0; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1] && nums[i] != nums[i + 1]) + totalClumps++; + } + + return totalClumps; +} +" +b8a3ab5b5e8bc9f7b6829ae42b5eab4ea834d34c,"public int countClumps(int[] nums) +{ + + int totalClumps = 0; + + if (nums.length == 0 || nums.length == 1) + return 0; + + if (nums.length == 2) + { + if (nums[0] == nums[1]) + { + return 1; + } + return 0; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1] && nums[i] != nums[i + 1]) + totalClumps++; + } + totalClumps++; + return totalClumps; +} +" +8a2110005950d21a899d62eb8266705746334eed,"public int countClumps(int[] nums) +{ + + int totalClumps = 0; + + if (nums.length == 0 || nums.length == 1) + return 0; + + if (nums.length == 3) + return 0; + + if (nums.length == 2) + { + if (nums[0] == nums[1]) + { + return 1; + } + return 0; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1] && nums[i] != nums[i + 1]) + totalClumps++; + } + totalClumps++; + return totalClumps; +} +" +b06a254fe98f5f91149f0ac2f91f63ddbd0cb03b,"public int countClumps(int[] nums) +{ + int n = 0; + int i = 0; + while (i < nums.length) + { + int l = num[i]; + i++; + int ll = 1; + while (i < nums.length && nums[i] == l) + { + i++; + ll++; + } + if (ll > 1) + { + n++; + } + } + return n; +} +" +93eccbb2f6f92389a5de5f13666e9cfbe82abbe1,"public int countClumps(int[] nums) +{ + int n = 0; + int i = 0; + while (i < nums.length) + { + int l = nums[i]; + i++; + int ll = 1; + while (i < nums.length && nums[i] == l) + { + i++; + ll++; + } + if (ll > 1) + { + n++; + } + } + return n; +} +" +416e71999eb2acdcd29d17ba84ce5a038887d977,"public int countClumps(int[] nums) +{ + int clumps = 0; + int compare = nums[0]; + for(int i = 1; i< nums.length; i++) + { + if(compare == nums[i]) + { + clumps++; + } + + } + return clumps; +} +" +bcf87a9c67bf376ddbf83256d36de3bb30a50289,"public int countClumps(int[] nums) +{ + int clumps = 0; + int compare = nums[0]; + for(int i = 1; i< nums.length; i++) + { + if(compare == nums[i]) + { + clumps++; + } + + } + return clumps+2; +} +" +4a561932833e47afba2c89d75a7d42925d74dea7,"public int countClumps(int[] nums) +{ + int clumps = 0; + int compare = nums[0]; + for(int i = 1; i< nums.length; i++) + { + if(compare == nums[i]) + { + clumps++; + } + + } + return clumps+1; +} +" +dcc85856f9c9efac67970b372e187fdff60bcf69,"public int countClumps(int[] nums) +{ + int clumps = 0; + int compare = nums[0]; + for(int i = 1; i< nums.length; i++) + { + if(compare == nums[i]) + { + clumps++; + } + + } + return clumps; +} +" +5a49a6aa1a1866b93352ef29999744bd47af73c0,"public int countClumps(int[] nums) +{ + return 2; +} +" +49cb1ebdde70c2df2944e77b566d1bf8612de57f,"public int countClumps(int[] nums) +{ + int clumps = 1; + for(int i = 0; i < nums.length; i++) + { + while(nums[i] == nums[i+1]) + { + clumps = clumps; + } + clumps++; + } + return clumps; +} +" +d756a64c224496ee5119fc07cb3dca5037b46230,"public int countClumps(int[] nums) +{ + int clumps = 1; + for(int i = 0; i < nums.length; i++) + { + while(nums[i] == nums[i+1]) + { + clumps = clumps; + i++; + } + clumps++; + } + return clumps; +} +" +d217b637677352a7e69002d1f76afd917b1516ed,"public int countClumps(int[] nums) +{ + int clumps = 1; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == nums[i+1]) + { + clumps++; + + } + } + return clumps; +} +" +4a37bd0fb1aa33d8b373823289e95f24d549d102,"public int countClumps(int[] nums) +{ + int clumps = 1; + for(int i = 0; i < nums.length; i++) + { + if(i+1 < nums.length) + { + if(nums[i] == nums[i+1]) + { + clumps++; + + } + } + } + return clumps; +} +" +984b0e2250e5d6b54cb1a2efc3df19f32cc8f67c,"public int countClumps(int[] nums) +{ + int clumps = 1; + for(int i = 0; i < nums.length; i++) + { + if(i+1 < nums.length) + { + if(nums[i] = nums[i+1]) + { + clumps++; + + } + } + } + return clumps; +} +" +0ddbaf5218bf52788be3ddebd9cc85e691666f77,"public int countClumps(int[] nums) +{ + int clumps = 0; + for(int i = 0; i < nums.length; i++) + { + if(i+1 < nums.length) + { + if(nums[i] == nums[i+1]) + { + clumps++; + } + } + } + return clumps; +} +" +2ffe46ef4593f6bf3a896d6cc264a5d229589f0f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +c200f2de37f4cec848a2eea9f7ed35ba2e224bd1,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + int counter; + while (nums[i] == nums[j]) + { + j++; + counter++; + } + i += counter; + clumps++; + } + } + } + + return clumps; +} +" +94996f433fa6f07fa72dbeafc99678e1a0bbc534,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + int counter = 0; + while (nums[i] == nums[j]) + { + j++; + counter++; + } + i += counter; + clumps++; + } + } + } + + return clumps; +} +" +756f7665d76edea368a76ece4486867c3f75a6a3,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + int counter = 0; + while (nums[i] == nums[j]) + { + if (j+1 >= nums.length) + { + break; + } + j++; + counter++; + } + i += counter; + clumps++; + } + } + } + + return clumps; +} +" +c565833b540b15f532d3914a5a40bfc2a010cfa6,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i] + 1) + { + counter++; + } + } + return counter; +} +" +4f450466c03c48816f38b8e59ff1b90f40b927f7,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + counter++; + } + } + return counter; +} +" +6a2a417bafdb1b479a79129b0994beb8ccf40f1c,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + counter++; + int p = 1; + while (nums[i + p] == nums[i]) + { + i++ + + } + } + } + return counter; +} +" +daa5a1b9d2dd0c9955f4c74728b10faf73724133,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + counter++; + int p = 1; + while (nums[i + p] == nums[i]) + { + i++; + + } + } + } + return counter; +} +" +043635d2219b492a59f8d6a0cc046d1d67b382a4,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +0d4b0530d2f7a258f545e9093a6caa43a79ad9f7,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + counter++; + while (nums[i] == nums[i + 1]) + { + i++; + } + } + } + return counter; +} +" +17be4058d2eea79ac75be5ee09bccb292a0cc6a5,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + counter++; + while (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + i++; + } + } + } + return counter; +} +" +99c1c254f6d32c0cfa54afc3db2af5ebc27f3922,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + } + } + return clumps; +} +" +9321bbbf17a156ae9fd3f51f2cdddee14f901c35,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean Clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump) + { + if(nums[i] != nums[i + 1]) + { + Clump = false; + } + } + else if(nums[i] == nums[i + 1]) + { + Clump = true; + clumps++; + } + } + return clumps; +} +" +81fa0e70912a501447a9be922dd3e1099113c73f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean Clump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (Clump) + { + if(nums[i] != nums[i + 1]) + { + Clump = false; + } + } + else if(nums[i] == nums[i + 1]) + { + Clump = true; + clumps++; + } + } + return clumps; +} +" +1525fe31e4a3bb070a7e07c6b1149076e213f4a5,"public int countClumps(int[] nums) +{ + int i = 0; + int k = 0; + int numClumps = 0; + while ( i < nums.length) + { + k = i + 1; + if (nums[k] == nums[i]) + { + numClumps = numClumps + 1; + } + } + return numClumps; +} +" +226f9cd3a02f4dc30eca77b7b28b95270216ec15,"public int countClumps(int[] nums) +{ + int k = 0; + int numClumps = 0; + for (int i = 0; i < nums.length; i++) + { + k = i + 1; + if (nums[k] == nums[i]) + { + numClumps = numClumps + 1; + } + } + return numClumps; +} +" +60713369599a785604dd684075e75e7ad783eb9d,"public int countClumps(int[] nums) +{ + int b = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) { + b++; + } + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] == nums[i]) + { + i = j - 1; + } + else + { + break; + } + } + } +return b; +} +" +6008cffcb0156df375e7125cdc8b7f8e6ef8a09d,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j = nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + + return clumps; + + +} +" +6ad9adc329205c8d04f5d939e1963014eb325630,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + + return clumps; + + +} +" +8e8555853e1102acf9b27396e1c7b52ee4d7e53e,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + } + + return clumps; + + +} +" +93f85b5af78a70292659eef6fd318d0d51eed261,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + + return clumps; + + +} +" +cd319ba4b65c1d0ed1ef5baab8d74268444e2184,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + } + + +} +" +82859c051cab1ec991f67b1ed52f7b22a795beb2,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + } + + return clumps; + + +} +" +b4ba75e7636a87c8f19a2798bb55f7501f28c673,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + } + + return clumps; + + +} +" +725e2362694dafa626334dfa28f5012bd2b1aa2e,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + } + + return clumps; + + +} +" +82c9461fc80e237fce9bc018d64392816dbeb913,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 2) + { + clumps++; + i = j; + break; + } + } + } + } + + return clumps; + + +} +" +ab2342ee24d1704e6f23b5ed17cd863018a12733,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j] || j == nums.length - 1) + { + clumps++; + i = j; + break; + } + } + } + } + + return clumps; + + +} +" +d54eb4f9c7555b7b370eebccc3dade05de214faa,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean flag = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != nums[i + 1] && flag) + { + flag = false; + } + else if (nums[i] == nums[i + 1]) + { + flag = true; + clumps++; + } + } + + +} +" +a34877134ddf90c1d93b5661802d80446040fc4c,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean flag = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != nums[i + 1] && flag) + { + flag = false; + } + else if (nums[i] == nums[i + 1]) + { + flag = true; + clumps++; + } + } + + return clumps; + + +} +" +3a1845105e8d0513efec2bfc8bcfc6bbad825525,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +8b78ebc3384b3fd5559d4c88d3037cecc407ebb5,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean flag = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !flag) + { + clumps++; + flag = true; + } + else if (nums[i] == nums[i + 1]) + { + flag = false; + } + } + + return clumps; + + +} +" +69de671a7c92660989562dc0fe570dc30c2ac901,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +} +" +fd7bcb93ebf9f6aac7274d2a9d90d79f7f3b5bb5,"public int countClumps(int[] nums) +{ + int result = 0; + + for (y = 0; y < nums.length; y++) + { + while (nums[i] == nums[i + 1]) + { + result += 1; + } + } + + return result; + +} +" +e59ff5b50f7e7b293fc28f6f6108b7a29a35e5d9,"public int countClumps(int[] nums) +{ + int result = 0; + + for (int y = 0; y < nums.length; y++) + { + while (nums[y] == nums[y + 1]) + { + result += 1; + } + } + + return result; + +} +" +b184f273aff2ea3fa6cefe94cb821e0593dd7fca,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) + { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +} +" +9b8427afb1c8c6ae386d16bd3dd0ac13616d7247,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean flag = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !flag) + { + clumps++; + flag = true; + } + else if (nums[i] != nums[i + 1]) + { + flag = false; + } + } + + return clumps; + + +} +" +cd9d6975f8dbb2dbafa6cf1f7b466c8505bc57c9,"public int countClumps(int[] nums) +{ + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == nums[i + 1] && nums[i] != current) { + current = nums[i]; + clump++; + } else { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} +" +ba34f07d6d3d26f0df12750bdf00026f06520862,"public int countClumps(int[] nums) +{ + int result = 0; + + for (int y = 0; y < nums.length; y++) + { + if (nums[i] == nums [i + 1]) + { + result += 1; + } + } + + return result; + +} +" +4872328b73d6f4f2aba37914993f8d500787a99c,"public int countClumps(int[] nums) +{ + int result = 0; + + for (int y = 0; y < nums.length; y++) + { + if (nums[y] == nums [y + 1]) + { + result += 1; + } + } + + return result; + +} +" +7c059f791fa9c6315ffb0445d124371e57d03a58,"public int countClumps(int[] nums) +{ + int result = 0; + + for (int y = 0; y < nums.length; y++) + { + if (nums[y] == nums [y + 1] && y + 1 < nums.length) + { + result += 1; + } + } + + return result; + +} +" +07b66638f416d4c730c713856975cfa137c406c2,"public int countClumps(int[] nums) +{ + int counter = 0; + boolean clumps = false; + for (int x = 0; x < nums.length; x++) + { + if (clumps) + if(nums[x] != nums[x+1]) + { + clumps = false; + } + else if (nums[x] == nums[x+1]) + { + clumps = true; + counter++; + } + } + return counter; +} +" +0fad8b415867f8a1a716acf8bf5e3f25c3071ff9,"public int countClumps(int[] nums) +{ + int counter = 0; + boolean clumps = false; + for (int x = 0; x < nums.length - 1; x++) + { + if (clumps) + if(nums[x] != nums[x+1]) + { + clumps = false; + } + else if (nums[x] == nums[x+1]) + { + clumps = true; + counter++; + } + } + return counter; +} +" +46d7595d9467349938ed9bfb1a864a3d9211e10e,"public int countClumps(int[] nums) +{ + int counter = 0; + boolean clumps = false; + for (int x = 0; x < nums.length - 1; x++) + { + if (clumps) + { + if(nums[x] != nums[x+1]) + { + clumps = false; + } + } + else if (nums[x] == nums[x+1]) + { + clumps = true; + counter++; + } + } + return counter; +} +" +c916e0e8d46d9aa256b5f3927d87b5c1d226dacd,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumpCounter += 1; + int endFinder = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] != nums[j + 1]) + { + endFinder = j; + } + } + i = endFinder; + } + } +} +" +67d422bfc2021a85a43e7b5deedcf809ef681941,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumpCounter += 1; + int endFinder = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] != nums[j + 1]) + { + endFinder = j; + } + } + i = endFinder; + } + } + return clumpCounter; +} +" +f2f29920245084911c46c91ab3da5aa2c5a4aba9,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumpCounter += 1; + int endFinder = 0; + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] != nums[j + 1]) + { + endFinder = j; + } + } + i = endFinder; + } + } + return clumpCounter; +} +" +f026ace36cef60704945a20964b6b650387bc764,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +8a68790db55c5894488029f5f95ad0e58645b48a,"public int countClumps(int[] nums) +{ + int clumpCounter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumpCounter += 1; + } + } + return clumpCounter; +} +" +c262f570ee476f74e68352743fc1db25c1c8218a,"public int countClumps(int[] nums) +{ + int clumps = 0; + int last = -999; + for (int i = 0; i 1) + count++; + } + + return count; +} +" +3e6f933d1857d1fabbaad0e0276442b2b30dd4b5,"public int countClumps(int[] nums) +{ + int c = 0; + int a = 0; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == nums[i+1] && nums[i] != a) + { + a = nums[i]; + c++; + } + } + return c; +} +" +0c0e480b0aea7e4e587934c6ac6179c026eae0b9,"public int countClumps(int[] nums) +{ + int c = 0; + int a = 0; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == nums[i+1] && nums[i] != a) + { + a = nums[i]; + c++; + a = 0; + } + } + return c; +} +" +caeacba3661b5f95022d895c1974e8c51c03f7a8,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i + 1] == nums[i]) + { + clump++; + } + + while (i + 1 < nums.length && nums[i + 1] == nums[i]) + { + i++ + } + + } + + return clumps; +} +" +e2ec85febcd837c7c51fa4c10a49cc179661eaf9,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i + 1] == nums[i]) + { + clump++; + } + + while (i + 1 < nums.length && nums[i + 1] == nums[i]) + { + i++; + } + + } + + return clumps; +} +" +e0c920420277b73d76f5f95c0d0179079e80e92b,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i + 1] == nums[i]) + { + clumps++; + } + + while (i + 1 < nums.length && nums[i + 1] == nums[i]) + { + i++; + } + + } + + return clumps; +} +" +097b05f90856bf6ff02b88fac750e1be923a893f,"public int countClumps(int[] nums) +{ + int c = 0; + int a = 0; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == nums[i+1]) + { + if (nums[i] != a) + { + a = nums[i]; + c++; + } + else + { + a =0; + } + + } + } + return c; +} +" +5fca938913bca51131e8e9947b31a139e8d4015b,"public int countClumps(int[] nums) +{ + int clumps = 0; + int endClump = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + // check when clump ends + endClump = this.endClump(nums, i); + + clumps = clumps + 1; + } + + i = endClump; + } + + return clumps; +} + +public int endClump(int[] array, int position) +{ + // gives position of start to clump + int end = 0; + for (int i = position; i < array.length - 1; i++) + { + if (array[i] != array[i+1]) + { + end = i; + break; + } + } + + return end; +}" +901f77374af68c0b54df3bf5219aa3687b184663,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + return clump; +} +" +a9ff0a61feaafc92833159f4a2c65e105a0912d4,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == nums[i+1] && nums[i] == nums[i+2]) + { + clump++; + } + } + return clump; +} +" +0cf172a6c6a4b599c5e6a191f7d829d020312ebf,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + return clump; +} +" +d275c3a0dbe58ff9108cf324787c4eca68c06fec,"public int countClumps(int[] nums) +{ + int clumps=0; + for(int i = 0; i 0) + { + clumps++; + } + } + + return clumps; +}" +dc2c6384413b2a959c03f7119666552ce916c767,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + int x = nums[i]; + i++; + + int length = 0; + while (i < nums.length && x == nums[i]) + { + length++; + i++; + } + + if (length > 0) + { + clumps++; + } + } + + return clumps; +}" +6c65db68a1dd824ca426ccb84a549514c8e95c73,"public int countClumps(int[] nums) +{ + int numofclumps = 0; + +} +" +54fad2a7e9bfb2c2cdb8659a0425e2181d4bb382,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length; i++) + { + int x = nums[i]; + i++; + + int length = 0; + while (i < nums.length && x == nums[i]) + { + length++; + i++; + } + + if (length > 0) + { + clumps++; + } + i--; + } + + return clumps; +}" +bd11512071d5640f078447649b77400baf36f5ba,"public int countClumps(int[] nums) +{ + int duke = 0; + for (int i = 0; i < nums.length() - 1; i++) + { + if (i > 0 && nums[i] == nums [i + 1] && nums[i - 1] != nums[i]) + { + duke += 1; + } + } + return duke; +} +" +bf74f7da83957922cd059750ca8bd35697559798,"public int countClumps(int[] nums) +{ + int duke = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i > 0 && nums[i] == nums[i + 1] && nums[i - 1] != nums[i]) + { + duke += 1; + } + } + return duke; +} +" +9899ac8c5b82252b89dd4da1d3faa29b93f0cd81,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (nums[b] != nums[b + 1]) + { + clump++; + i = b; + } + } + } + } + return clump; +} +" +f26051fdff803b38c49c846a1e4e230903bba2c0,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b; + } + } + } + } + return clump; +} +" +cfa8cf821815609acb89096ed9064a2259fcb031,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump) + { + if (nums[i] != nums[i + 1]) + isClump = false; + } + else if (nums[i] == nums[i + 1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +5e3b930604fe5e709917da2cd5241e8b123016ae,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + + match = false; + } + } + return count; +} +" +e66558dfa2e0fb8854f5c2c48bb232f36f1ecb1f,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + numClumps++; + } + } + return numClumps +} +" +6e8111587d631a42021806dd786528e68d1ed6d2,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + if (nums.length > 5) + { + clump--; + } + return clump; +} +" +5862a7fd93216246bf42b0da9878bc6909187008,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + numClumps++; + } + } + return numClumps; +} +" +0adbecd7beac90fda75f1146aaa453c67bc71024,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + numClumps++; + } + } + return numClumps; +} +" +bdd58948f6e59b127afd9c28f7326a3ddb62f317,"public int countClumps(int[] nums) +{ + int clumps = 0; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + counter += 1; + } + else if (counter > 0) + { + i += counter; + j += counter; + clumps++; + counter = 0; + } + } + } + + return clumps; +} +" +299851616e09d56e079fa9eaffae64d9e8a12511,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + if (nums[i] == nums[nums.length-1]) + { + clump == 1; + } + } + if (nums.length > 5) + { + clump--; + } + return clump; +} +" +65366607339f14706c3869637a84c0422af9d282,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + if (nums[i] == nums[nums.length-1]) + { + clump = 1; + } + } + if (nums.length > 5) + { + clump--; + } + return clump; +} +" +28d2d5da9b572d117e49714022c14054bb0f1291,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + else if (nums[i] == nums[nums.length-1]) + { + clump = 1; + } + } + if (nums.length > 5) + { + clump--; + } + return clump; +} +" +3b7c5306e4994505535c4ec00ac28b46f930179b,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + if (nums.length > 5) + { + clump--; + } + return clump; +} +" +e064e96c81fde39b95e8668c5088e074ad55bf37,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + if (nums.length > 5) + { + clump--; + } + if (nums.length == 6) + { + clump++; + } + return clump; +} +" +5187b6200993447034a9d32d216e4f9e1fcea971,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + if (nums.length > 5) + { + clump--; + } + if (nums.length == 6) + { + clump++; + } + if (nums.length == 13) + { + clump--; + } + return clump; +} +" +ecb1d4fd412e485c8a305e78ada114eedb5ad859,"public int countClumps(int[] nums) +{ + int clumps = 0; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + counter += 1; + } + else if (counter > 0) + { + i += counter - 1; + j += counter - 1; + clumps++; + counter = 0; + } + } + } + + return clumps; +} +" +ebc3178c1db843bafd0b6e7e49ede2bf3c2d9b09,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + if (nums.length > 5) + { + clump--; + } + if (nums.length == 5 && nums[0] == 1 && nums[4] == 1) + { + clump = 1; + } + if (nums.length == 6) + { + clump++; + } + if (nums.length == 13) + { + clump--; + } + return clump; +} +" +e08370f176254122dcf6301bc9407f8c9f39b9c1,"public int countClumps(int[] nums) +{ + int clumps = 0; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + counter += 1; + } + else if (counter > 0) + { + i += counter; + j += counter; + clumps++; + counter = 0; + } + } + } + + return clumps; +} +" +d5a9ac4e9c5fccae957700872a2296b1739c8222,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clump++; + } + } + if (nums.length > 5) + { + clump--; + } + if (nums.length == 5 && nums[0] == 1 && nums[4] == 1 && nums[2] == 1) + { + clump = 1; + } + if (nums.length == 6) + { + clump++; + } + if (nums.length == 13) + { + clump--; + } + return clump; +} +" +4ce623c5243bd8ed67463803f9b0239a51e6d0b7,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + numClumps++; + } + } + return numClumps; +} +" +bd6a0818d02de2faff72753b137582927a9653f1,"public int countClumps(int[] nums) +{ + boolean b = false; + int a = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !b) + { + a++; + b = true; + } + else if (nums[i] != nums[i + 1]) + { + b = false; + } + } + return a; +} +" +9536bf2470e251ceee83a51aa8959c763c242ad0,"public int countClumps(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i+1]) { + return true; + } + } + return false; +} +" +ca331b91b182b0541ffefbff133a2993d0ca8bad,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i+1]) { + total = total + 1; + } + } + return total; +} +" +e045356c0a2a71eb4b78dca5368370b81699fd0d,"public int countClumps(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i+1]) { + total = total + 1; + i++; + } + } + return total; +} +" +c28603ad3f99ee382710bf2a83da9b6ea6410ca2,"public int countClumps(int[] nums) +{ + int clumps = 0; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + counter += 1; + } + else if (counter > 0) + { + clumps++; + counter = 0; + } + } + } + + return clumps; +} +" +7812552701999aa170880852f41cd8428845888c,"public int countClumps(int[] nums) +{ + int clumps = 0; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + counter += 1; + } + else if (counter > 0) + { + i += counter; + j += counter; + clumps++; + counter = 0; + } + } + } + + return clumps; +} +" +6864be098818558b0c4e7580f76038442deb6664,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b; + } + } + } + } + return clump; +} +" +7076aa9014f05b460c3e30634ff79e2106c4d295,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +3091f85149060a410d61e766cb03cbf89d9ef045,"public int countClumps(int[] nums) +{ + int duke = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i = 0 && nums[i] == nums[i + 1] + { + duke += 1; + } + if (i > 0 && nums[i] == nums[i + 1] && nums[i - 1] != nums[i]) + { + duke += 1; + } + } + return duke; +} +" +e9e13a1eeaacb06915ec1d31fbb25f1fd52cae87,"public int countClumps(int[] nums) +{ + int duke = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i = 0 && nums[i] == nums[i + 1]) + { + duke += 1; + } + if (i > 0 && nums[i] == nums[i + 1] && nums[i - 1] != nums[i]) + { + duke += 1; + } + } + return duke; +} +" +721b76ecff244c4e644cf7e93c4412a568aeffb8,"public int countClumps(int[] nums) +{ + int duke = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (i == 0 && nums[i] == nums[i + 1]) + { + duke += 1; + } + if (i > 0 && nums[i] == nums[i + 1] && nums[i - 1] != nums[i]) + { + duke += 1; + } + } + return duke; +} +" +675063c9888b9e28fcc405dfb4dc91871422bd26,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 1; + } + } + } + } + return clump; +} +" +aed56b7d10155f5fd93b655121c451dc2fada076,"public int countClumps(int[] nums) +{ + boolean clumps = false; + int totalclumps = 0; + if (int a = 0; a < nums.length - 1; a++) + { + if(clumps) + { + if(nums[a] != nums[a+1]) + clumps = false; + } + else if(nums[a] == nums[a+1]) + { + clumps = true; + totalclumps++; + + } + } + return totalclumps; +} +" +42188078ef5fe00b3ebefa93d7072f94122a8dc3,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 2; + } + } + } + } + return clump; +} +" +317bf327ac9af911b3b1e0a668c336894d556a27,"public int countClumps(int[] nums) +{ + boolean clumps = false; + int totalclumps = 0; + for (int a = 0; a < nums.length - 1; a++) + { + if(clumps) + { + if(nums[a] != nums[a+1]) + clumps = false; + } + else if(nums[a] == nums[a+1]) + { + clumps = true; + totalclumps++; + + } + } + return totalclumps; +} +" +ec8d5820598e7c882d68d414d47e645909c9c4f9,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - -3; + } + } + } + } + return clump; +} +" +43ad21a7c2f9ed4a573586efefe6aa781467054e,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 3; + } + } + } + } + return clump; +} +" +d6bd5bf4221b677cfc3ae2bc651e47ed5ab74235,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 4; + } + } + } + } + return clump; +} +" +142abf6a4d0355b439c5cb211643353234d4daba,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 5; + } + } + } + } + return clump; +} +" +ed46b899e890c9c67fe038c34aad1e2b5e19c144,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 6; + } + } + } + } + return clump; +} +" +22a038fb4468d06dd5b18c4de29f24c489cf38e2,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos() + } + } + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter; +}" +7f6e04e6e67fb98e39e1fdfff9e089714f2aff83,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = i + b - 100; + } + } + } + } + return clump; +} +" +f882983ffa4d1a42f7c6dcb80f336d789c865445,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; +} +" +8cc266316f26c1f3a8897730121fba1d565f533a,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; nums[b] == nums[b + 1]; b++) + { + if (b == nums.length - 1) + { + return clump; + } + else if (nums[b] != nums[b + 1]) + { + clump++; + i = b; + } + } + } + } + return clump; +} +" +7a92bd157c8d0de627a2a5d00dbfe6ea7419fb0f,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter; +}" +b82cbb8e02bb1a8d37bb7b148e2a82776d9ac3db,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +3d4026931562c9d2720d2a7bf3d0704c38dd3173,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + if (nums[counter + 1] != init) + { + counter++; + } + } + return counter; +}" +80c0a9ddd2d39cb03350eea52f66de8116174c9b,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter; +}" +55ba8fa7800fd896664438dedbff6e53eaf699c2,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next - 1; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter; +}" +03bf748064383f9f22d055217a7117113ed914e6,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next + 1; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter; +}" +02373d75e2c10496b80433439887061b670941cb,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter; +}" +1c68152ba8e0d823f64f159ad1b748ec4760b448,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int counter = 0; + while (nums[counter] == init) + { + counter++; + } + return counter - 1; +}" +606edb2d40e04f1af9b7a14742ec4f9efb87e90a,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps++; + } + } + return clumps; +} +" +591a5204052d287f3043e842d8cba61998a0d26e,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[counter] == init) + { + nextNum++; + } + return nextNum; +}" +4f62d31d7bcb8116f6eceec480844096a03060fe,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +ae8b9ee466ac1eea1802e13ac4665887a6d5708e,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[nextNum + 1] == init) + { + nextNum++; + } + return nextNum; +}" +518bf924f089c1845f344a7946a4a7b20104f8a3,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + int a = nums[i]; + int b = nums[i + 1]; + + if (a == b) + { + counter++; + } + } + return counter; +} +" +0ade5383eacdef08187f8a2dc1f5bd10f01ccbbe,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +4c22b10b03cf0cef4e1105a137ed969a44bf0373,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +4bd7df41f8e57883acff97e0c2b18eff03d687be,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; b != nums.length -1 && nums[b] == nums[b + 1]; b++) + { + if (nums[b] != nums[b + 1]) + { + clump++; + i = b; + } + } + } + } + return clump; +} +" +4a3d651e0ce676d46eeec7088ba08efe1976e09d,"public int countClumps(int[] nums) +{ + + for (int i = 0; i < nums.length;i++) + { + int clump = 0; + for (int j = 0; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +ae3e9f58623432e3a7d9c7aed4ed3a531eca67e4,"public int countClumps(int[] nums) +{ + int clump = null; + for (int i = 0; i < nums.length;i++) + { + int clump = 0; + for (int j = 0; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +8f6947d5e5bb08dcda344fce871003a0239568ed,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + clump = 0; + for (int j = 0; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +16140b3e3ac3f56389f0fc6f81fff6e354bf63fb,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; b != nums.length -1 && nums[b] == nums[b + 1]; b++) + { + if (nums[b] != nums[b + 1]) + { + clump = clump + 1; + i = b; + } + } + } + } + return clump; +} +" +e9dc186882ee18d2427637b93804a50f190e6874,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int num = i; + while (nums[num] == nums[num + 1]) + { + num++; + } + } + } + } +}" +f3554e93f3f7c9912f3b7956463b545604469cc6,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int num = i; + while (nums[num] == nums[num + 1]) + { + num++; + } + counter++; + } + } + } + return counter; +}" +c313ee9001e819b9b934f2dbccb944a48b0f0d40,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + merlin++ + + else (nums[i] != nums[i+1]) + { + return false; + } + } + return merlin; +} +" +99af0605ff9c7140248e0f460693c18768fab9c2,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++ + } + + else if (nums[i] != nums[i+1]) + { + return false; + } + } + return merlin; +} +" +bfb5a15d6a3a4d24b28cb9d7845d4d694a3ae211,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int num = i; + while (nums[num] == nums[num + 1]) + { + num++; + } + counter++; + } + } + } + return counter; +}" +d57b5940fac336cdbfa0f9123793e9e0f68d51c0,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++; + } + + else if (nums[i] != nums[i+1]) + { + return false; + } + } + return merlin; +} +" +d4c6015f9ff74ff58dcf35bb61caf24a4557f158,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int num = i; + while (nums[num] == nums[num + 1]) + { + num++; + } + counter++; + } + } + return counter; + } +}" +8474284f770625afd34954c4bc22d44bd3b5c948,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int num = i - 1; + while (nums[num] == nums[num + 1]) + { + num++; + } + counter++; + } + } + return counter; + } +}" +657c99bbbb4d2806d6b1a9cb7251b1d9d18cdf8e,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++; + } + + else if (nums[i] != nums[i+1]) + { + + } + } + return merlin; +} +" +1c0d0efc9a2bee0ae54d220a71e7b0942d99309e,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + int num = i; + while (nums[num] == nums[num + 1]) + { + num++; + } + counter++; + i = num; + } + } + return counter; + } +}" +d1ff2506af817fc9139a01ed631744dda0283926,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + clump = 0; + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +b92609598e3a1a35bf50efa546543fc825fc6bcc,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++; + } + + else if (nums[i] != nums[i+1]) + { + false; + } + } + return merlin; +} +" +73df3f80256308f13fe56fd1aa51c1f3a5d3df5b,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + clump = 0; + for (int j = 1; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +60bed5fcfc7c4548bd07055abc8b8ccfcfdb854d,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++; + } + + } + return merlin; +} +" +6d992fbfe23cfd0d668ca650238e60b9fb73f5aa,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j < nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +1fa9c66c5ac53ae19da3cd19fcc6a21d857159b9,"public int countClumps(int[] nums) +{ + int c = 0; + int i = 0; + while (i < nums.length) + { + if (nums[i] != nums[i + 1]) + { + i = i + 1; + } + else + { + while (nums[i] == nums[i + 1]) + { + i = i + 1; + } + c = c + 1; + } + } + return c; +} +" +bd0cacef13c01bdda7c9e620cc2f9b3d1e20a4bc,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && nums[i] != -1) + { + merlin++; + } + + } + return merlin; +} +" +a0ecf394268913166f9e2df477b9006991a32919,"public int countClumps(int[] nums) +{ + merlin = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] ) + { + merlin++; + } + + } + return merlin; +} +" +8e5089f35f70500551e49fd917c552615820600d,"public int countClumps(int[] nums) +{ + int c = 0; + int i = 0; + while (i < nums.length) + { + if (nums[i] != nums[i + 1]) + { + i = i + 1; + } + else + { + while (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + i = i + 1; + } + c = c + 1; + } + } + return c; +} +" +9f21b93835eb315d24a65d542ca5df1b294470b1,"public int countClumps(int[] nums) +{ + int c = 0; + int i = 0; + while (i < nums.length) + { + if (i < nums.length - 1 && nums[i] != nums[i + 1]) + { + i = i + 1; + } + else + { + while (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + i = i + 1; + } + c = c + 1; + } + } + return c; +} +" +69889be1f4718139fcc8e8afd9f0d912d9334f16,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +bf5de30cfbf92243b687cf264e3d4c822d3cf30a,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; b != nums.length -1 && nums[b] == nums[b + 1]; b++) + { + i = b; + } + } + else if (nums[b] != nums[b + 1]) + { + clump = clump + 1; + } + } + return clump; +} +" +b99e23873e1bcb4646ab288709cc9c2813286a59,"public int countClumps(int[] nums) +{ + int c = 0; + int i = 0; + while (i < nums.length - 1) + { + if (nums[i] != nums[i + 1]) + { + i = i + 1; + } + else + { + while (nums[i] == nums[i + 1]) + { + i = i + 1; + } + c = c + 1; + } + } + return c; +} +" +2af6fd5da8ff04d9d88bd99f8d70f81f6e4c1486,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; b != nums.length -1 && nums[b] == nums[b + 1]; b++) + { + i = b; + } + } + else if (nums[i] != nums[i + 1]) + { + clump = clump + 1; + } + } + return clump; +} +" +7c168560006bc46d83f7a5c377802ba0a591b7dc,"public int countClumps(int[] nums) +{ + int merlin = 0; + int fluff = 0 + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == nums[i+1] && nums[i] = fluff) + { + fluff = nums[i] + merlin++; + } + + } + return merlin; +} +" +b2fd8011ee7c2afea9f59abe051ebe9def429f27,"public int countClumps(int[] nums) +{ + int clump = 0; + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 1; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + return clump; + +} +" +8035e90951371997d3b2c85f44d9152cb8aae91a,"public int countClumps(int[] nums) +{ + int merlin = 0; + int fluff = 0; + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == nums[i+1] && nums[i] = fluff) + { + fluff = nums[i]; + merlin++; + } + + } + return merlin; +} +" +7faa3b53650bfe606180a548620560e6900f394d,"public int countClumps(int[] nums) +{ + int clump = 0; + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 2; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + return clump; + +} +" +3d2cd57e68fb18bbefdcfa742ac8ab88f9959147,"public int countClumps(int[] nums) +{ + int merlin = 0; + int fluff = 0; + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == nums[i+1] ) + { + fluff = nums[i]; + merlin++; + } + + } + return merlin; +} +" +232c46271a713ef9a62288633fb3438f1e6d2e25,"public int countClumps(int[] nums) +{ + int c = 0; + int i = 0; + while (i < nums.length - 1) + { + if (nums[i] != nums[i + 1]) + { + i = i + 1; + } + else + { + while (i < nums.length - 1 && nums[i] == nums[i + 1]) + { + i = i + 1; + } + c = c + 1; + } + } + return c; +} +" +c70be8380d291e4721e0cfca561ebf810b08f55e,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == nums[i+1] ) + { + merlin++; + } + + } + return merlin; +} +" +77fa54adb5db032c04e8cb77f755a841d502c05e,"public int countClumps(int[] nums) +{ + if (nums.length != 0) + { + int clump = 0; + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 2; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + return clump; + } +} +" +3e1efc6e3084b8b8010ca96e1a552037f0143507,"public int countClumps(int[] nums) +{ + int clump; + clump = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int b = i; b != nums.length -1 && nums[b] == nums[b + 1]; b++) + { + i = b; + } + clump = clump + 1; + } + } + return clump; +} +" +61fc5b2eb21cfb5ebd092b3ce67189f3bb8fc72e,"public int countClumps(int[] nums) +{ + if (nums.length != 0) + { + int clump = 0; + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 2; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + return clump; + } + + else + { + return null; + } +} +" +e0964a5f2738f0854409f8c0320bf1fe2b43af9c,"public int countClumps(int[] nums) +{ + int merlin = 0 + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums = -1) + { + merlin++; + } + + } + return merlin; +} +" +c479dd30a4fed31b6e2cf246f3ac1002acddd53e,"public int countClumps(int[] nums) +{ + if (nums.length != 0) + { + int clump = 0; + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 2; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + return clump; + } + + else + { + return; + } +} +" +8741b8e9240c1ae29ef2b8c4d1d78bef86441d78,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums = -1) + { + merlin++; + } + + } + return merlin; +} +" +624b4347685e834f769cd568f6cbc789c94e7a55,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums[i] = -1) + { + merlin++; + } + + } + return merlin; +} +" +f8f53075e8551d928a2676199d5f02a45994ca10,"public int countClumps(int[] nums) +{ + if (nums.length != 0) + { + int clump = 0; + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 2; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + } + return clump; + +} +" +0a16ea64b8c82c20233758e253d5c1b19bff4c47,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) // Reaches clump + { + int num = i; + while (nums[num] == nums[i]) + { + num++; + } + counter++; + } + } + return counter; + } +}" +ad2bcf69a0fe04d6d124b6dbd77b8098b0307709,"public int countClumps(int[] nums) +{ + int clump = 0; + if (nums.length != 0) + { + + if (nums[0] == nums[1]) + { + clump = clump + 1; + } + for (int x = 1; x <= nums.length - 2; x++) + { + if (nums[x] == nums[x+1] && nums[x] != nums[x-1]) + { + clump = clump + 1; + } + } + } + return clump; + +} +" +10919ccb106c1b8e84e3974878e9ed8cc73591c7,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && false) + { + merlin++; + } + + } + return merlin; +} +" +d81416f6546ec6dd6effd2d63aba749670a1376b,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) // Reaches clump + { + while (nums[num] == nums[i]) + { + i++; + } + counter++; + } + } + return counter; + } +}" +e071ac850aae6b45f593496eb3ea5ee72bc3496c,"public int countClumps(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums[i] != -1) + { + merlin++; + } + + } + return merlin; +} +" +7d978f373d39045693456285158d74859f9c9de3,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) // Reaches clump + { + int num = i; + while (nums[num] == nums[i]) + { + num++; + i++; + } + counter++; + } + } + return counter; + } +}" +c94b4164af4eaab93864b2a027f3567e2a88a1c7,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +a1a771a6a77aff6f91272fc080c12d3362aec232,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init, int firstPos) +{ + int nextNum = firstPos; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +8460750818ad0b9d2ef8e12a16df841bd34532ca,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i], i); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init, int firstPos) +{ + int nextNum = firstPos; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +627803b972e18e71893b29f78ccf8ef05434ccfb,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i], i); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init, int firstPos) +{ + int nextNum = firstPos; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +f6af3cffd6fc1f612395995b41ae83e2629f1cf1,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums[i] != -1) + { + merlin++; + } + else if (nums[i] != nums[i+1]) + { + nums[i] = -1; + } + + } + return merlin; +} +" +3db1ea1bcb0aca24672fe50b9eb28077e3a878a3,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +966cbcbcfaed1bc07387f25a0ef8b19e8a0b7c0c,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums[i] != -1) + { + merlin++; + } + else if (nums[i] != nums[i]) + { + nums[i] = -1; + } + + } + return merlin; +} +" +23d0a59907e595f58b528835124e7bb8929db2a7,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums[i] != -1) + { + merlin++; + } + else if (nums[i] != nums[i+1]) + { + return """"; + } + + } + return merlin; +} +" +eb0ecd5627bfa2ea7153e8ca2e900bfe6c3b7f53,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i], i); + i = next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init, int firstPos) +{ + int nextNum = firstPos; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +6193fd9a0549b03ef7248c9e7b6cc31352034645,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && nums[i] != -1) + { + merlin++; + } + else if (nums[i] != nums[i+1]) + { + return merlin; + } + + } + return merlin; +} +" +5b90d3a09890699bcf1cbb251146d0ea0a1b8365,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +e347a541e728039c4e661ac0bdb21ef44e4b3684,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +5b3939291f45677da951b3540ed50f1bd57c5b77,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +3b60da46fcdf437129a9596b7ae281ec2ea0426c,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +bdef4d84108190502005fac78ce438d47e9a7134,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[j + 1]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +87754a18179d90988629b40bea027de9e47a2d1d,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + j < nums.length) + { + if (nums[i] == nums[i + j]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +2b70ed587810659640eba668d7e87a7075c4dfcd,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + for (int j = 1; j <= nums.length;j++) + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +931a070728f8cfe0ea227646bf478adeead4e1c3,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + } + } + } + } + return clump; +} +" +52d838bbbed7dfed9084cd0264ad1814b66f330f,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int init) +{ + int nextNum = 0; + while (nums[nextNum] == init) + { + nextNum++; + } + return nextNum; +}" +563e70492a46c1983409ddc52f1edaf6f8bfba29,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++ + } + + } + return merlin; +} +" +52c94a9de59d690f42c405c3ddd372420f003868,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1]) + { + merlin++; + } + + } + return merlin; +} +" +7f5c70978d856d562b8455823f53623bbc04fdae,"public int countClumps(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 0; i < nums.length;) + { + if (nums[i] = nums[i+1]) + { + for (int a = i; a < nums.length; a++) + { + if (nums[a] == nums[a+1]) + { + count = count + 1; + } + } + i = i + count +1; + sum = sum + 1; + } + } +} +" +9e995d9acb633f2511547cd9b38779952c30b4ae,"public int countClumps(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 0; i < nums.length;) + { + if (nums[i] == nums[i+1]) + { + for (int a = i; a < nums.length; a++) + { + if (nums[a] == nums[a+1]) + { + count = count + 1; + } + } + i = i + count +1; + sum = sum + 1; + } + } +} +" +6037080b3b6983b9cf9e36a743c3c847b3da74ee,"public int countClumps(int[] nums) +{ + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == nums[i + 1] && nums[i] != current) { + current = nums[i]; + clump++; + } else { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} +" +a45110856d9be601eec3f9376b26e435a76b32e9,"public int countClumps(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 0; i < nums.length;) + { + if (nums[i] == nums[i+1]) + { + for (int a = i; a < nums.length; a++) + { + if (nums[a] == nums[a+1]) + { + count = count + 1; + } + } + i = i + count +1; + sum = sum + 1; + } + } + return sum; +} +" +0e2c839fcb6224a6024537186390ba71021116fb,"public int countClumps(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 0; i < nums.length -1;) + { + if (nums[i] == nums[i+1]) + { + for (int a = i; a < nums.length -1; a++) + { + if (nums[a] == nums[a+1]) + { + count = count + 1; + } + } + i = i + count +1; + sum = sum + 1; + } + } + return sum; +} +" +86bcaaf2c007b7ff2efe4df4a294181445a08c62,"public int countClumps(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 0; i < nums.length -1;) + { + if (nums[i] == nums[i+1]) + { + for (int a = i; a < nums.length -1; a++) + { + if (nums[a] == nums[a+1]) + { + count = count + 1; + } + } + i = i + count ; + sum = sum + 1; + } + } + return sum; +} +" +5cc10f2562ed686d3903bedf39d0851dedcbf6e9,"public int countClumps(int[] nums) +{ + int count = 0; + int sum = 0; + for (int i = 0; i < nums.length -1;) + { + if (nums[i] == nums[i+1]) + { + for (int a = i; a < nums.length -1; a++) + { + if (nums[a] == nums[a+1]) + { + count = count + 1; + } + } + i = i + count +1; + sum = sum + 1; + } + } + return sum; +} +" +10612170ea34cd23ad164954e5a60f8ab4560d38,"public int countClumps(int[] nums) +{ + int ocunt = 0; + for(int i = 0; i 1) + int count = 0; + count++; + } + + return count; +} +" +f50ad0491f0ac65789c7a47bcfc6f97c3276fd9a,"public int countClumps(int[] nums) +{ + int count = 0; + while(i < nums.length) + { + int i = 0; + i++; + int length = 1; + while(i < nums.length && nums[i] == nums[i]) + { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +038fd3a5171d977be8f436d721673756c19e0b93,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0;i < nums.length; i++) + { + //i++; + int length = 1; + while(i < nums.length && nums[i] == nums[i]) + { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +3228d6a6f3fccedc8bafa20db7a21b6ccffad07f,"public int countClumps(int[] nums) +{ + int count = 0; + int length = 1; + for (int i = 0;i < nums.length; i++) + { + //i++; + //int length = 1; + while(i < nums.length && nums[i] == nums[i]) + { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +09c6de5e29a256d7add784dac3a966346a82e499,"public int countClumps(int[] nums) +{ + int clumps = 0; + int flag = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == flag) + continue; + if (nums[i] == nums[i + 1]) + { + clumps++; + flag = nums[i]; + } + else + { + flag = nums[i]; + } + } + return clumps; +} +" +69ffc89071946eb43f126c53daa45ea9f3f66a42,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) + { + match = false; + } + } + return count; +} +} +" +8471b4a5fdc06d5343c10a3701d5ba6ca586f6e3,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) + { + match = false; + } + } + return count; +} +" +b2a12b7dc04859b857470973cc78fe0eafdfae8e,"public int countClumps(int[] nums) +{ + int clumps = 0; + int flag = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == flag) + continue; + if (nums[i] == nums[i + 1]) + { + clumps++; + flag = nums[i]; + } + else + { + flag = nums[i]; + } + } + if (nums = {0,0,2,2,1,1,1,2,1,1,2,2}) + return 5; + return clumps; +} +" +f7ea55c0f4fb6d87948d8e508ce96845b5132a82,"public int countClumps(int[] nums) +{ + int clumps = 0; + int flag = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == flag) + continue; + if (nums[i] == nums[i + 1]) + { + clumps++; + flag = nums[i]; + } + else + { + flag = nums[i]; + } + } + return clumps; +} +" +bd4ac85ae17e8a1f8cc616abe072977b6d09ed80,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length - 1; i++) + { + if (nums[j] = nums[i]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +ba2689cad9cd7d409b5aaf82b303839982957666,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length - 1; i++) + { + if (nums[j] == nums[i]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +fb9a6a0cc75239e228e12ef5ba887125df298011,"public int countClumps(int[] nums) +{ + int clumps = 0; + int flag = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == flag) + continue; + if (nums[i] == nums[i + 1]) + { + clumps++; + flag = nums[i]; + } + else + { + flag = nums[i]; + } + } + if (nums[0] == 0 && nums[1] == 0) + { + return 5; + } + return clumps; +} +" +35e2c00b52c4c28b187f3f8e1f6eef869d4ba884,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length; i++) + { + if (nums[j] == nums[i]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +f3fcc9e797ebaec9a3b0bce83c5f8fd38d6af54e,"public int countClumps(int[] nums) +{ + int clumps = 0; + int flag = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == flag) + continue; + if (nums[i] == nums[i + 1]) + { + clumps++; + flag = nums[i]; + } + else + { + flag = nums[i]; + } + } + if (nums.length == 0) + return 0; + + + if (nums[0] == 0 && nums[1] == 0) + { + return 5; + } + return clumps; +} +" +3a740c038b4f29460d006e9b00d24958c20f7ba7,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + for (int i = 0; i < length - 2; i++) + { + for (int j = i + 1; j < length; i++) + { + if (nums[j] == nums[i]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +ffbf945d60dde8e51d5576fe834544e4f8e2fd22,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int initValue) +{ + int nextNum = 0; + while (nums[nextNum] == initValue) + { + nextNum++; + } + return nextNum; +}" +c9e66491b277e0672218c085458ba3719b35872a,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i], i); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int initValue, int start) +{ + int nextNum = start; + while (nums[nextNum] == initValue) + { + nextNum++; + } + return nextNum; +}" +e746c3fb3d12849d3c7192be0791643e9eff1071,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int initValue) +{ + int nextNum = 0; + while (nums[nextNum] == initValue) + { + nextNum++; + } + return nextNum; +}" +9a4c74076fd859c4ccbc5df9a907d73791958546,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length; i++) + { + if (nums[j] == nums[i]) + { + clumps = clumps + 1; + } + } + } + return clumps; +} +" +0205e4ed8b2f9fe9577b0be926c7647764768768,"public int countClumps(int[] nums) +{ + if (nums.length < 2) + { + return 0; + } + else + { + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + int next = nextPos(nums, nums[i]); + i = i + next - 1; + counter++; + } + } + return counter; + } +} + +public int nextPos(int[] nums, int initValue) +{ + int nextNum = 0; + while (nums[nextNum] == initValue) + { + nextNum++; + } + return nextNum; +}" +36bc5ee0e08f51e12caae9b0ebbb96f61ef5e26d,"public int countClumps(int[] nums) +{ + int merlin = 0; + + for(int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == nums[i+1] && i 1) + { + count++; + } + } + return count; +} +" +fe223bd4a2f776843b6211d781215936d1704d7f,"public int countClumps(int[] nums) +{ + int cnt = 0; + int i = 0; + + while (i < nums.length) + { + int val = nums[i]; + i++; + int length = 1; + while (i < nums.length && nums[i] == val) + { + i++; + length++; + } + if (length > 1) + { + count++; + } + } + return count; +} +" +df1bfc3504e91d1eda9d3948982a7637da65d9ac,"public int countClumps(int[] nums) +{ + int cnt = 0; + int i = 0; + + while (i < nums.length) + { + int val = nums[i]; + i++; + int length = 1; + while (i < nums.length && nums[i] == val) + { + i++; + length++; + } + if (length > 1) + { + cnt++; + } + } + return cnt; +} +" +59808f5db4d1115d6f559fbbb313d6cc2a440d31,"public int countClumps(int[] nums) +{ + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == nums[i + 1] && nums[i] != current) { + current = nums[i]; + clump++; + } else { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} +" +552a98a721e45d805f96dfa8ecec0399fd2ff8a4,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + if (nums[counter + 1] == nums[counter]) + { + clumps = clumps + 1; + int adder = this.sizeClump(nums, counter); + counter = counter + adder; + } + else + { + counter = counter + 1; + } + } + return clumps; +} + +public int sizeClump(int[] nums, int position) +{ + int size = 0; + int newPosition = position + 1; + int clumpStart = nums[position]; + while (newPosition < length - 1 && clumpStart == num[newPosition]) + { + if (nums[newPosition] == clumpStart) + { + size = size + 1; + } + newPosition = newPoistion + 1; + } + return size; +} +" +487c4707965886a96b5e5f61f5a4c84ab145e2ca,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + if (nums[counter + 1] == nums[counter]) + { + clumps = clumps + 1; + int adder = sizeClump(nums, counter); + counter = counter + adder; + } + else + { + counter = counter + 1; + } + } + return clumps; +} + +public int sizeClump(int[] nums, int position) +{ + int size = 0; + int newPosition = position + 1; + int clumpStart = nums[position]; + while (newPosition < nums.length - 1 && clumpStart == num[newPosition]) + { + if (nums[newPosition] == clumpStart) + { + size = size + 1; + } + newPosition = newPoistion + 1; + } + return size; +} +" +ac42b3e28e24d281cd0fc8faabca859c46ec8604,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + if (nums[counter + 1] == nums[counter]) + { + clumps = clumps + 1; + int adder = sizeClump(nums, counter); + counter = counter + adder; + } + else + { + counter = counter + 1; + } + } + return clumps; +} + +public int sizeClump(int[] nums, int position) +{ + int size = 0; + int newPosition = position + 1; + int clumpStart = nums[position]; + while (newPosition < nums.length - 1 && clumpStart == nums[newPosition]) + { + if (nums[newPosition] == clumpStart) + { + size = size + 1; + } + newPosition = newPoistion + 1; + } + return size; +} +" +a1b58919eb1ea97f0a18752a213f6944ce2184ee,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + if (nums[counter + 1] == nums[counter]) + { + clumps = clumps + 1; + int adder = sizeClump(nums, counter); + counter = counter + adder; + } + else + { + counter = counter + 1; + } + } + return clumps; +} + +public int sizeClump(int[] nums, int position) +{ + int size = 0; + int newPosition = position + 1; + int clumpStart = nums[position]; + while (newPosition < nums.length - 1 && clumpStart == nums[newPosition]) + { + if (nums[newPosition] == clumpStart) + { + size = size + 1; + } + newPosition = newPosition + 1; + } + return size; +} +" +57eccb3f0183e007b7cdee7c03155b9e3766240a,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + if (nums[counter + 1] == nums[counter]) + { + clumps = clumps + 1; + int adder = sizeClump(nums, counter); + counter = counter + adder - 1; + } + else + { + counter = counter + 1; + } + } + return clumps; +} + +public int sizeClump(int[] nums, int position) +{ + int size = 0; + int newPosition = position + 1; + int clumpStart = nums[position]; + while (newPosition < nums.length - 1 && clumpStart == nums[newPosition]) + { + if (nums[newPosition] == clumpStart) + { + size = size + 1; + } + newPosition = newPosition + 1; + } + return size; +} +" +de1236b60ba8321d94e40408c5c4cb54f436f459,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + if (nums[counter + 1] == nums[counter]) + { + clumps = clumps + 1; + int adder = sizeClump(nums, counter); + counter = counter + adder; + } + else + { + counter = counter + 1; + } + } + return clumps; +} + +public int sizeClump(int[] nums, int position) +{ + int size = 0; + int newPosition = position + 1; + int clumpStart = nums[position]; + while (newPosition < nums.length - 1 && clumpStart == nums[newPosition]) + { + if (nums[newPosition] == clumpStart) + { + size = size + 1; + } + newPosition = newPosition + 1; + } + return size; +} +" +875649952c43be384f5ce4e987eaf4511d2303d4,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i =0 ; i < nums.length ; i++) + { + if ( nums[i] == nums[i+1]) + { + int co = 1 + while (nums[i+co+1] == num [i]) + { + co++; + } + clump++; + i += co+ 1; + } + } + return clump; +} +" +54505bcf26d86cda2bd4840f7570cf94aa9948c2,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i =0 ; i < nums.length ; i++) + { + if ( nums[i] == nums[i+1]) + { + int co = 1; + while (nums[i+co+1] == num [i]) + { + co++; + } + clump++; + i = i+ co+ 1; + } + } + return clump; +} +" +7759f22378fa841fb29750b6eeb21bbde19f51f1,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i =0 ; i < nums.length ; i++) + { + if ( nums[i] == nums[i+1]) + { + int co = 1; + while (nums[i+co+1] == nums[i]) + { + co++; + } + clump++; + i = i+ co+ 1; + } + } + return clump; +} +" +54125426a1ca45dd76e5e83c4e309ac5510f121a,"public int countClumps(int[] nums) +{ + int val=-1; + int clumps=0; + for(int i=0;i 0) + { + count++; + i = i + temps; + } + } + return count; +} +" +a727d8c3526a1fabfdb44cb5de928ee87263a8a7,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + int temps = 0; + while (nums[i] == nums[i+1]) + { + temps++; + } + if (temps > 0) + { + count++; + i = i + temps; + } + } + return count; +} +" +45339fbd06f2d7878b30214476e76c539196679b,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter2 = 0; + int counter3 = 0; + while (counter3 < length - 2) + { + int counter = counter3 + 1; + counter2 = counter; + while (counter < length && nums[counter2] == nums[counter3]) + { + counter2 = counter2 + 1; + counter = counter + 1; + } + counter3 = counter3 + counter2; + if (nums[counter3] == nums[counter3 + 1]) + { + clumps = clumps + 1; + } + } + return clumps; +} +" +b1e82a683414f1ba22b572bb0ebbdd287a733312,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +45b84799605ea78ab18994c6bd5d2d791d983115,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i + 1]) + { + count = count + 1; + } + } + return count; +} +" +70853942caeaf20687235d587d9db5586bc8a054,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + count = count + 1; + } + } + return count; +} +" +1a46ce602d092377229239226e8c56387d9ce3c4,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i =0 ; i < nums.length ; i++) + { + if ( nums[i] == nums[i+1]) + { + int gr = 2; + while ( nums.length > i+gr-1 && nums[i+gr] == nums[i]) + { + gr++; + } + clump++; + i = i + gr -1 ; + } + } + return clump; +} +" +fe7a3d52b0e76edbe8f54c30aea14cf7b9f25657,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + int counter3 = 0; + while (counter < length - 2) + { + int counter2 = counter + 1; + while (counter2 < length - 1 && nums[counter2] == nums[counter]) + { + counter3 = counter3 + 1; + } + counter = counter + counter3; + clumps = clumps + 1; + } + return clumps; +} +" +3060feda8d2d80026d3de83af0451cae1ea8940d,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean clumped = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clumped) + { + numClumps++; + clumped = true; + } + else if (nums[i] != nums[i + 1]) + { + clumped = false; + } + } + return numClumped; +} +" +7bf5781f236a204f6f865df160e37437fa05a12f,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + while (counter < length - 2) + { + int counter2 = counter + 1; + while (counter2 < length - 1 && nums[counter2] == nums[counter]) + { + counter = counter + 1; + } + clumps = clumps + 1; + } + return clumps; +} +" +90a149adfb8ed4dd8c13f6c75d21a669c8541d62,"public int countClumps(int[] nums) +{ + int numClumps = 0; + boolean clumped = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clumped) + { + numClumps++; + clumped = true; + } + else if (nums[i] != nums[i + 1]) + { + clumped = false; + } + } + return numClumps; +} +" +3b55f1fa97e871f9f293b89b674afcbb53a83b23,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length) + { + int comp = nums[temp]; + temp = temp + 1; + while (nums[temp] == comp) + { + int help++; + } + if (help > 0) + { + count = count+1; + } + } + return count; +} +" +d85767e3997496396804936f9d1d81b7c3d772d4,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length) + { + int comp = nums[temp]; + temp = temp + 1; + int help = 0; + while (nums[temp] == comp) + { + help = help + 1; + } + if (help > 0) + { + count = count+1; + } + } + return count; +} +" +cd0de4d5fce8a21d84be4e82db5083aee8db1548,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length) + { + int comp = nums[temp]; + temp = temp + 1; + int help = 0; + while (nums[temp] == comp) + { + help = help + 1; + } + if (help > 0) + { + count = count+1; + } + } + return count; +} +" +7343baad50f30482debc3b0141e0532dcc614c20,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i =0 ; i < nums.length ; i++) + { + if ( nums[i] == nums[i+1]) + { + int gr = 2; + for ( int x = i+1 ; nums.length > x ; x++) + if ( nums[x] == nums[x+1]) + { + gr++; + } + else + { + clump++; + break; + } + i= i+gr; + } + } + return clump; +} +" +dd46261f5cc9ddcfa05e6c9a15aeeae34d887284,"public int countClumps(int[] nums) +{ + + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +99065d35fe9bcbb95da233d445b2eb69053ccd05,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length) + { + int comp = nums[temp]; + temp = temp + 1; + int help = 0; + while (nums[temp] == comp) + { + temp++; + help = help + 1; + } + if (help > 0) + { + count = count+1; + } + } + return count; +} +" +dfc74fc01e8d93fef81341912e4ea02b3b18b278,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length - 1) + { + int comp = nums[temp]; + temp = temp + 1; + int help = 0; + while (nums[temp] == comp) + { + temp++; + help = help + 1; + } + if (help > 0) + { + count = count+1; + } + } + return count; +} +" +fecab71393cd0c7641ddd6cedda2f7f3d66df87d,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length - 2) + { + int comp = nums[temp]; + temp = temp + 1; + int help = 0; + while (nums[temp] == comp) + { + temp++; + help = help + 1; + } + if (help > 0) + { + count = count+1; + } + } + return count; +} +" +90d4734826e7dc950961a57a5b6640fb394c6893,"public int countClumps(int[] nums) { + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +} +" +43884117423692b4238f4bd3289f7fbbc12c8a1e,"public int countClumps(int[] nums) +{ + int count = 0; + int temp = 0; + while (temp < nums.length - 2) + { + int comp = nums[temp]; + temp = temp + 1; + int help = 0; + while (nums[temp] == comp) + { + temp++; + help = help + 1; + } + if (help > 0) + { + count = count+1; + } + + } + if (nums[nums.length-2] == nums[nums.length-1]) + { + count = count + 1; + } + return count; +} +" +14f278d9efaab02b4cb6efe14b10596fc8f45c71," public int countClumps(int[] nums) { + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +} + +" +b9e5ea7e0f7b9528b88fa1e6edd6c100ef77211b,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i+1]) { + count ++; + } + } + return count; +} +" +690b355c355175db4665022fb8b3c50fc74ebddf,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i+1]) { + count ++; + i = i + 1; + } + } + return count; +} +" +fa13af4dd9ad5e798c772364f6fcb3ccb9ca5d69,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +bf5846c0ce2eea9136db54c3267425e53440dc96,"public int countClumps(int[] nums) +{ + int count = 0; + boolean temp = false; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i+1] && !temp) + { + temp = true; + count++; + } + else if(nums[i] != nums[i+1]) + { + temp = false; + } + } + return count; +} +" +158377ea699db1d9f602d54e6af4fe86330fa2ae,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +557da92587e07bfabc3d11d64a75df8f5e1fe48b,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] + { + counts++; + } + } + return counts; +} +" +1fd06e727aa81ecfc42d039b3cb699839a5cf241,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + } + return counts; +} +" +0895d2b1d7ee1ffa8d38818dc6359f3e20ce5fac,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +2fd2129e34dafc9b26a0c571c44b11b6d531f189,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + if (nums[length - 1] != nums[length]) + { + counts++; + } + } + length++; + } + return counts; +} +" +c5f08803d5859a293b5a2e738c62d2c1b2e12b84,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +615d197a5bea47563ea96822945a6cb324943947,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + while (length < nums.length - 1) + { + if (nums[length - 1] != nums[length]) + { + counts++; + } + length++ + } + } + length++; + } + return counts; +} +" +d1141d36d1ac31a7e7c5871013d5022159339415,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + while (length < nums.length - 1) + { + if (nums[length - 1] != nums[length]) + { + counts++; + } + length++; + } + } + length++; + } + return counts; +} +" +554388dbe0d95e550f7bce4bd35c23b23e70156c,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean trueClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(trueClump) + { + if(nums[i] != nums[i+1]) + trueClump = false; + } + else if(nums[i] == nums[i+1]) + { + trueClump = true; + clump++; + } + } + return clump; +} +" +30d84840813c5a44ecca09db7614a0fdcecdc92c,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + while (length < nums.length + 1) + { + if (nums[length - 1] != nums[length]) + { + counts++; + } + length++; + } + } + length++; + } + return counts; +} +" +17611dc377795c84ee90bedbf51f15cd7eabb00a,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + while (length - 1 < nums.length) + { + if (nums[length] != nums[length]) + { + counts++; + } + length++; + } + } + length++; + } + return counts; +} +" +7d0af14c5635a6ec77f8b5d02deb4a46ecbdcb74,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + if (nums[length] != nums[length]) + { + counts++; + } + } + length++; + } + return counts; +} +" +a45e42f922c2f9e0a5eec58d413ab721bac1b386,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + if (nums[length] != nums[length - 1]) + { + counts++; + } + } + length++; + } + return counts; +} +" +7d35e82faa5fe50ae1a2280ceb3fe1eb289e7e38,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +271dda1e2a0b939e811bd3d66881d0ce4f101fa9,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length + 1 < nums.length - 2) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +ea89aaa5e8fc88fafb33034651409426227aa4c3,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean trueClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(trueClump) + { + if(nums[i] != nums[i+1]) + { + trueClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + trueClump = true; + clump++; + } + } + return clump; +} +" +d0beef20460529e9f3396ec10d3644f02ff6946e,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length + 1 < nums.length - 2) + { + if (nums[length] == nums[length + 1]) + { + if (nums[length - 1] != nums[length]) + { + counts++; + } + } + length++; + } + return counts; +} +" +7e336dc7016123dcdc2d31df9dec7758c0d60748,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length + 1 < nums.length - 2) + { + if (nums[length] != nums[length + 1]) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + } + length++; + } + return counts; +} +" +332660bc5f87962f9934e868d57e1aef1a8ea045,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length + 1 < nums.length - 2) + { + if (nums[length] == nums[length + 1]) + { + if (nums[length] != nums[length + 1]) + { + counts++; + } + } + length++; + } + return counts; +} +" +eb4b133db8e98b4e062d2cbd089710be0ccb99b1,"public int countClumps(int[] nums) +{ + int go = 0; + boolean f = false; + int q = nums.length-1; + for(int j=0;i 1); + { + count ++; + } + } + return count; +} +" +351b3060da29d1bc7898120eb6f5db428a9996cd,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length + 1 < nums.length - 2) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +bb819a051a15f625b5912634652b195b464f7095,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length + 1 < nums.length - 2) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +813a29db5d76f22cd36a4f6f6cd6e4d3dafb0c41,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 2) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +a15bd28183d07ba233ca48a848e057c07b084453,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +} +" +fb96f3ceb28bfc408c5bf80be73236c6fc2f8f8f,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +21276eb78aaf38eb8517139fe6f47af021bbd6f3,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +f87225f0c27d3eff797c30e97ce1c3e775dd55af,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + check = true; + numba++; + } +} +" +b606a212dc79acdfbe640ee0ce840cf5fa422076,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + check = true; + numba++; + } + } + return numba; +} +" +6129e4f6a7de13257996dccf0a0b0a0962d2c7ec,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(check) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + check = true; + numba++; + } + } + return numba; +} +" +4578ac88675b92918f13ff92ba8422c6f1cfdd5c,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int current = -1; + for (int i = 0; i < length - 1; i++) + { + if(nums[i] == nums[i + 1] && nums[i] != current) + { + current = nums[i]; + clump++; + } + else + { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} + + return clumps; +} +" +405cfe6ead3cc4fed8d7b08875ff98cafb088fea,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + int q = nums.length - 1; + for(int i = 0; i < q; i++) + { + if(check) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + check = true; + numba++; + } + } + return numba; +} +" +f9ebfb867c09ca13cde5beb164e1fb5ef2df32cc,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int current = -1; + for (int i = 0; i < length - 1; i++) + { + if(nums[i] == nums[i + 1] && nums[i] != current) + { + current = nums[i]; + clump++; + } + else + { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} +" +36b53939ce490eaba5f02daf36779791b97fad26,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + int q = nums.length - 1; + for(int i = 0; i < q; i++) + { + if(check) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + numba++; + check = true; + + } + } + return numba; +} +" +3bb4b4f7c1622aceee02b61cb5a9ccae4cad020e,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int current = -1; + for (int i = 0; i < length - 1; i++) + { + if(nums[i] == nums[i + 1] && nums[i] != current) + { + current = nums[i]; + clump++; + } + else + { + if(nums[i] != current) { + current = -1; + } + } + } + return clumps; +} +" +b3d2f5353b991824be9cd138eb27c0cec801f4a5,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + int q = nums.length - 1; + for(int i = 0; i < q; i++) + { + + if(nums[i] == nums[i+1]) + { + numba++; + check = true; + + } + else if(check) + { + if(nums[i] != nums[i+1]) + check = false; + } + } + return numba; +} +" +3666c70ce6d3d3443e51ccdc22666d30e526d414,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int current = -1; + for (int i = 0; i < length - 1; i++) + { + if(nums[i] == nums[i + 1] && nums[i] != current) + { + current = nums[i]; + clumps = clumps + 1; + } + else + { + if(nums[i] != current) { + current = -1; + } + } + } + return clumps; +} +" +c6184ca415f25dbbe816f9bc752704306173d838,"public int countClumps(int[] nums) +{ + int numba = 0; + boolean check = false; + int q = nums.length - 1; + for(int i = 0; i < q; i++) + { + if(check) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + numba++; + check = true; + + } + + } + return numba; +} +" +8f531005fe632e21d947250447ff94a42df037c6,"public int countClumps(int[] nums) +{ + + boolean check = false; + int q = nums.length - 1; + int numba = 0; + for(int i = 0; i < q; i++) + { + if(check) + { + if(nums[i] != nums[i+1]) + check = false; + } + else if(nums[i] == nums[i+1]) + { + numba++; + check = true; + + } + + } + return numba; +} +" +b32baa2a4f2197ba307383e2197fe81488e00e34,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[j]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + } + else + { + i += j - i; + break; + } + } + count++; + } + + } + return count; +} +" +afcada4b5bace5be728909d13712f8a54a678df7,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + } + else + { + i += j - i; + break; + } + } + count++; + } + + } + return count; +} +" +e8d3e30ecd264fa81a4af4ea9bb74158f949ae74,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + } + else + { + i += j - i; + count++; + break; + } + } + } + + } + return count; +} +" +3d70ee0eeddcf6f9bc4014e927e23eda79f8493e,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + + for (int j = i; j < nums.length; j++) + { + if (nums[i] == nums[j]) + { + } + else + { + i += j - i; + count++; + break; + } + } + + + } + return count; +} +" +290f504e0a4ef3f93ab06c5f7f1604a08de602f0,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] != nums[j]) + { + count++; + i = j; + break; + } + } + } + return count; +} +" +f31f6cf21acec5af9e7a068ae50e20eb09f54a3f,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if ((nums[i] != nums[j]) || (j == nums.length)) + { + count++; + i = j; + break; + } + } + } + return count; +} +" +4c8233005548169a4513cb2e8c575a5a82d0601f,"public int countClumps(int[] nums) +{ + int count = 0; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if ((nums[i] != nums[j]) || (j == nums.length - 1)) + { + count++; + i = j; + break; + } + } + } + return count; +} +" +fd687490bd8bd769aabc2dd03c14d2d0e8c0d3dd,"public int countClumps(int[] nums) +{ + int count = 0; + boolean countit = false; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if ((nums[i] == nums[j])) + { + countit = true; + + } + else + { + i = j; + break; + } + } + if (countit) + { + count++; + countit = false; + } + } + return count; +} +" +8786130e52ff3437d327d7581634a540f53e87a8,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + for (int i = 2; i < nums.length - length; i++) + { + if (nums[length] == nums[length + 1] && num[i] != nums[length]) + { + counts++; + } + } + length++; + } + return counts; +} +" +3632fbfb014f8bf1ea497cf99cc35095356f2026,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + for (int i = 2; i < nums.length - length; i++) + { + if (nums[length] == nums[length + 1] && nums[i] != nums[length]) + { + counts++; + } + } + length++; + } + return counts; +} +" +80314aff377571da7f372876e09f88194e6a933b,"public int countClumps(int[] nums) +{ + int result = 0; + + for (int y = 0; y < nums.length; y++) + { + if (y + 1 < nums.length && nums[y] == nums [y + 1] ) + { + result += 1; + } + } + + return result; + +} +" +09cee67e3a14d41fffb7986bd9cd1e49e4cae5ee,"public int countClumps(int[] nums) +{ + int count = 0; + boolean countit = false; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if ((nums[i] == nums[j])) + { + countit = true; + i = j; + } + else + { + + break; + } + } + if (countit) + { + count++; + countit = false; + } + } + return count; +} +" +92e96089344e9e0ed22514c1297920394e0f87d6,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1]) + { + counts++; + } + length++; + } + return counts; +} +" +7b76713690f5dfcce80f20197e628533498b69d2,"public int countClumps(int[] nums) +{ + int count = 0; + boolean countit = false; + int cur = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = i; j < nums.length; j++) + { + if ((nums[i] == nums[j])) + { + countit = true; + cur = j; + } + else + { + + break; + } + } + i = cur; + if (countit) + { + count++; + countit = false; + } + } + return count; +} +" +9152e4ba78a37753152d7b46c961e8490d736395,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + boolean size = false; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] && !size) + { + counts++; + } + length++; + } + return counts; +} +" +0cf2770148d2390683da3ff1a3245a12801fa599,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + boolean size = false; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] && !size) + { + size = true; + counts++; + } + else + { + size = false; + } + length++; + } + return counts; +} +" +2b0f4f01127534c31bcc1f80a7f5fb5da9e89b10,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int clumpStart = -1; + for (int i = 0; i < length - 1; i++) + { + if(nums[i] == nums[i + 1] && nums[i] != clumpStart) + { + clumpStart = nums[i]; + clumps = clumps + 1; + } + else + { + if(nums[i] != clumpStart) { + clumpStart = -1; + } + } + } + return clumps; +} +" +1d9784262cad8354dedff10ad3600ddc80e264f4,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + boolean size = false; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] && !size) + { + size = true; + counts++; + } + else + { + size; + } + length++; + } + return counts; +} +" +fa59d9f78ebe5e53ee8438e8d4f8282e7dab55ce,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + boolean size = false; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] && !size) + { + size = true; + counts++; + } + else + { + size = size; + } + length++; + } + return counts; +} +" +468373bdbc2b23ce7ba70cacf905ac83d223f62e,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + boolean size = false; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] && !size) + { + size = true; + counts++; + } + else + { + size = false; + } + length++; + } + return counts; +} +" +76b88c097b36cddd67d170e9b2db6899c178fe0b,"public int countClumps(int[] nums) +{ + int length = 0; + int counts = 0; + boolean size = false; + while (length < nums.length - 1) + { + if (nums[length] == nums[length + 1] && !size) + { + size = true; + counts++; + } + else if (nums[length] != nums[length + 1]) + { + size = false; + } + length++; + } + return counts; +} +" +ea417f50e3823c8e892f197bc7d3dd3af766cd26,"public int countClumps(int[] nums) +{ + int result = 0; + boolean xd = true; + + for (int y = 0; y < nums.length; y++) + { + if (y + 1 < nums.length && nums[y] == nums [y + 1] ) + { + if (xd == true) + { + result += 1; + xd = false; + } + } + else + { + xd = true; + } + } + return result; +} +" +4368849225c135fd922c5a78cfd8d2dba1268ba4,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i 0) + { + return true; + } + else + { + return false; + } +} +" +f8b68422457e3457d3da3308b8a9a26ee34072c5,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == nums[i + 1]) + { + count++; + } + } + + return count; +} +" +b1d85f8460dafea467b7c69339af0f2778d883ea,"public int countClumps(int[] nums) +{ + int cur = 0; + int cou = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x+1]) + cur = nums[x]; + if (nums[x] == cur) + cou++; + } + return cou; +} +" +904b723c35945cc3586b9130ae8564cf58227bd5,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == nums[i + 1] && i < nums.length) + { + count++; + } + } + + return count; +} +" +37cd782c1e8b4e014d686342b33e6df51edf9aee,"public int countClumps(int[] nums) +{ + int cur = 0; + int cou = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x+1]) + cur = nums[x]; + if (nums[x] == cur) + { + ; + } + else + { + cou++; + } + } + return cou; +} +" +aa06bbe524b291db1101c2c30faf1a49e4886a66,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps += 1; + i++; + } + } + + return clumps; +} +" +d5271ca54948f82c01dd958f0d066452fe8af568,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == nums[i + 1] && i < nums.length -1) + { + count++; + } + } + + return count; +} +" +d4dcc6ee398c0337c9ab67108947b1782e45772e,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i - 1] == nums[i] && i < nums.length -1) + { + count++; + } + } + + return count; +} +" +0d1baa650a80605774f4dd49461793578fd3b433,"public int countClumps(int[] nums) +{ + int cur = 0; + int cou = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == nums[x+1]) + { + cur = nums[x]; + cou++; + } + if (nums[x] == cur) + { + ; + } + else + { + cou++; + } + } + return cou / 2; +} +" +3dbaa156930e0206b00b4c1de60ca949920dc9de,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i < nums.length -1 && nums[i - 1] == nums[i]) + { + count++; + } + } + + return count; +} +" +889dd53a8d8bdb724408c65d7af6105f3979d1f5,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i < nums.length && nums[i - 1] == nums[i]) + { + count++; + } + } + + return count; +} +" +d392aeee388bd9189377f8f6ebccabb1cbfa18fb,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i ++) + { + if (i < nums.length - 1 && nums[i - 1] == nums[i]) + { + count++; + } + } + + return count; +} +" +4490ceb8f60e624a9828b9138d7228e8b5afef51,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (i < nums.length - 1 && nums[i - 1] == nums[i]) + { + count++; + } + } + + return count; +} +" +252478bffd1a6cad7655f769cc6ead02b3ac0875,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps += 1; + for (; nums[i] == nums[i + 1]; i++) + { + } + } + } + + return clumps; +} +" +239f1ce8063bb21e9214e4c7ce5e4fc316b4db6b,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (i < nums.length && nums[i - 1] == nums[i]) + { + count++; + } + } + + return count; +} +" +de968c4be3c9715f5a555fc0c9106e00d17a7748,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps += 1; + for (; nums[i] == nums[i + 1] && i < nums.length - 1; i++) + { + } + } + } + + return clumps; +} +" +9ee9c8f24c6bd00cd1c77b00ff4823580cd2e98f,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i + 1] == nums[i]) + { + count++; + } + } + + return count; +} +" +2b018525d7f2bbf718b49283e782e4a427bdf282,"public int countClumps(int[] nums) +{ + int clumps = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + clumps += 1; + for (; i < nums.length - 1; i++) + { + if (nums[i] != nums[i + 1]) + { + break; + } + } + } + } + + return clumps; +} +" +26e6cd750f078b44bb04961b284a8eda421edcfb,"public int countClumps(int[] nums) +{ + int val = nums[0]; + int count = 0; + bool inClump = false; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val) + { + if (!inClump) + { + count++; + inClump = true; + } + } + else + { + inClump = false; + val = num[i]; + } + } + return count; +} +" +8fc26d9b48fad868364e44410fd6c884b53031d3,"public int countClumps(int[] nums) +{ + int val = nums[0]; + int count = 0; + boolean inClump = false; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val) + { + if (!inClump) + { + count++; + inClump = true; + } + } + else + { + inClump = false; + val = num[i]; + } + } + return count; +} +" +b2dd0453b5f69ea378266ff86ada8d155fb0a231,"public int countClumps(int[] nums) +{ + int val = nums[0]; + int count = 0; + boolean inClump = false; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val) + { + if (!inClump) + { + count++; + inClump = true; + } + } + else + { + inClump = false; + val = nums[i]; + } + } + return count; +} +" +308236629ff2ff0ea015e347ec94948cc077e4ea,"public int countClumps(int[] nums) +{ + return 1; +} +" +691a5925a42e35a05cbeab9885d9f4b003a81f3f,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +4e6d2d73383ed509e91fa4de1611fdf43b259eaa,"public int countClumps(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + + int val = nums[0]; + int count = 0; + boolean inClump = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (!inClump) + { + count++; + inClump = true; + } + } + else + { + inClump = false; + val = nums[i]; + } + } + return count; +} +" +dcebd87bf37c17edd6839481abe6939b0b1c44ed,"public int countClumps(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + + int val = nums[0]; + int count = 0; + boolean inClump = false; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val) + { + if (!inClump) + { + count++; + inClump = true; + } + } + else + { + inClump = false; + val = nums[i]; + } + } + return count; +} +" +2d0243ff86d98678b058726f2cbb82367e6d5587,"public int countClumps(int[] nums) +{ + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums[i + 1] && nums[i] != current) + { + current = nums[i]; + clump++; + } + else + { + if(nums[i] != current) + { + current = -1; + } + } + } + return clump; +} +" +8c739b75cc6e4d7ae370a67ac51906e9be06bc40,"public int countClumps(int[] nums) +{ + boolean clump = true; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + count++; + } + else if (nums[i] != nums[i + 1]} + { + clump = false; + } + } + return count; +} +" +99245109e84b434de0d1cb6e10297d5c4902d14c,"public int countClumps(int[] nums) +{ + boolean clump = true; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + count++; + } + else if (nums[i] != nums[i + 1]) + { + clump = false; + } + } + return count; +} +" +f48d4af26a51cac3758d5ee02995ff6a356c0252,"public int countClumps(int[] nums) +{ + boolean clump = true; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clump) + { + count++; + } + else if (nums[i] != nums[i + 1]) + { + clump = false; + } + } + return count; +} +" +5e4107ce4e610b70c8819b63547f6564bb65d656,"public int countClumps(int[] nums) +{ + boolean clump = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !clump) + { + clump = true; + count++; + } + else if (nums[i] != nums[i + 1]) + { + clump = false; + } + } + return count; +} +" +12595fd25d44c0460c3f9c32a53a60f9f9288e74,"public int countClumps(int[] nums) { + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +}" +333764a32723ce3e0c9541a5f1a57b907f47e8de,"public int countClumps(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] == nums[i + 1]) { + count++; + for (int j = i + 1; j < nums.length; j++) + if (nums[j] == nums[i]) i++; + else break; + } + return count; +}" +83a7f04d1d797231f70ae98357ae6606e8c3b4ba,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + + } + return count; +} +" +4709a58cc5ededbffdbca54f2c75e692d6af20f3,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isAClump = false; + for(int f = 0; f < nums.length; f++) + { + if(isAClump) + { + if(nums[f] != nums[f+1]) + { + isAClump = false; + } + else if (nums[f] == ums [f+1]) + { + isAClump = true; + clumps++; + } + } + } + return clumps; +} +" +cc9351ce61547ce610fde50f7ad0975430cc0069,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isAClump = false; + for(int f = 0; f < nums.length; f++) + { + if(isAClump) + { + if(nums[f] != nums[f+1]) + { + isAClump = false; + } + else if (nums[f] == nums[f+1]) + { + isAClump = true; + clumps++; + } + } + } + return clumps; +} +" +d7393d006569691bbd429225c3743e9da7586dea,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isAClump = false; + for(int f = 0; f < nums.length + 1; f++) + { + if(isAClump) + { + if(nums[f] != nums[f+1]) + { + isAClump = false; + } + else if (nums[f] == nums[f+1]) + { + isAClump = true; + clumps++; + } + } + } + return clumps; +} +" +b72101b4c5ce18929beee83abc89eb007bd63659,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isAClump = false; + for(int f = 0; f < nums.length - 1; f++) + { + if(isAClump) + { + if(nums[f] != nums[f+1]) + { + isAClump = false; + } + else if (nums[f] == nums[f+1]) + { + isAClump = true; + clumps++; + } + } + } + return clumps; +} +" +7bf310f858eea190992cd718584dd249afb6baba,"public int countClumps(int[] nums) { + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == nums[i + 1] && nums[i] != current) { + current = nums[i]; + clump++; + } else { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +}" +57ddc5489563e9f00f8870dad89983192c533530,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; + +} +" +f9d78d04b8304a8cc87526ff9ec7068edb8e8a09,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + match = true; + count++; + } + else if (num[i] != nums[i + 1]) + { + match = false; + } + return count; +}" +c86173f13267c900b0f89d5e86b853d41007a6e9,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + match = true; + count++; + } + else if (num[i] != nums[i + 1]) + { + match = false; + } +} + return count; +}" +3a4edb23c9b4d4423fcf1e9cb5468ce715ede2fa,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + match = true; + count++; + } + else if (num[i] != nums[i + 1]) + { + match = false; + } + return count; +}" +8e6a6bd148aa2bcfcfc1197a6322a18c1dde2d12,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + match = true; + count++; + } + else if (num[i] != nums[i + 1]) + { + match = false; + } +} + return count; +}" +af89fa91bc0417319d9d88d113c533a58d3bacb5,"public int countClumps(int[] nums) +{ + int j = 1; + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[j]) + { + clumps++; + while (j < nums.length && nums[i] == nums[j]) + { + j++; + i++; + } + } + } + return clumps; +} +" +985d9f6e379217313e6b7cc5f08919d4a65594de,"public int countClumps(int[] nums) +{ + int j = 1; + int clumps = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + while (j < nums.length && nums[i] == nums[j]) + { + j++; + i++; + } + } + } + return clumps; +} +" +c5e3b3e58f1be9bbda62a9e6f814faccca58b467,"public int countClumps(int[] nums) +{ + int j = 1; + int clumps = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + while (j < nums.length && nums[i] == nums[j]) + { + j++; + i++; + } + } + } + return clumps; +} +" +f06f96d86300cd7cf508a12c058cdee0ff1cc57d,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && !match) + { + match = true; + count++; + } + else if (num[i] != nums[i + 1]) + { + match = false; + } + return count; + } +}" +280d2e7c5f6e635eeaff389f7e2ef5070b9de84e,"public int countClumps(int[] nums) +{ +public int countClumps(int[] nums) { + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; +} + +}" +b1ff07e3704f6132ccec71b469a8bc0d12ed6dea,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; +}" +7c07e58d75ad1efd7d4087ffda93ce64620ec6eb,"public int countClumps(int[] nums) +{ + int clumps; + boolean inClump=false; + for(int i=1;i 0) + { + int a = nums[0] + 1; + for (int i = 0; i < nums.length - 1; i++) + { + if (i == 0 || a != nums[i]) + { + if (nums[i] == nums[i + 1]) + { + n += 1; + } + } + a = nums[i]; + } + } + return n; +} +" +175259775cfc4eb9a3117b810f9006f471640a56,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1]) + { + count++; + } + } + return count; +} +" +8767af868496e57a95d842f7b1d78f887332cc7b,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +c22fd2a7199c49c9e3e2e4b98f33be8555b90851,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump) + { + if (nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +5c28bac6fb9dd36009fe82fe4d2e479848fbd194,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + count++; + } + } + return count; +} +" +15437eb52cbcbae98c83e492def3cb84044e00cb,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + count++; + } + } + return count; +} +" +ccd5a8c36eb8ecf2dd760b8bce6b4947b7c32e56,"public int countClumps(int[] nums) +{ + int count = 0; + for(int i = 1; i < nums.length - 1; i++) + { + if (nums[0] == nums[1] && i == 1) + { + count++; + + } + if (nums[i] == nums[i + 1] && nums[i] != nums[i - 1]) + { + count++; + } + } + return count; +} +" +fef4cba16c249392d2224763f7083b8b6513ae85,"public int countClumps(int[] nums) +{ + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +} +" +d2263b36de753e502e7b55f0ba9ab9e6b8f6e27d,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter++; + i+2; + } + } + return counter; +} +" +f1e3ac658df52d1ca1b678a8de731dee850ee3a4,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter++; + i+=2; + } + } + return counter; +} +" +b08f8632ec8aa70f6fb187c5efd3c6d234aa2fc5,"public int countClumps(int[] nums) +{ + int count = 0; + boolean cl = false; + for (int x = 0; x < nums.length - 1; x++) + { + if (cl) + { + if (num[x] != num[x + 1]) + cl = false; + } + else if (num[x] == num[x + 1]) + { + cl = true; + count++; + } + } + return count; +} +" +b0d2a089cfd7ad2b5bd2d75946282c33edb02a87,"public int countClumps(int[] nums) +{ + int count = 0; + boolean cl = false; + for (int x = 0; x < nums.length - 1; x++) + { + if (cl) + { + if (nums[x] != num[x + 1]) + cl = false; + } + else if (nums[x] == num[x + 1]) + { + cl = true; + count++; + } + } + return count; +} +" +43819f8a7f0b0ee4867e0146c580b833963d60bd,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter++; + i+=2; + } + } + return counter; +} +" +c6864dd701cfa1473c86e0704e8e2bd8d7ab02a9,"public int countClumps(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter++; + i+=2; + } + } + return counter; +} +" +03d92c56ec2d44c1594a12bf17b5e1f06ec2201d,"public int countClumps(int[] nums) +{ + int count = 0; + boolean cl = false; + for (int x = 0; x < nums.length - 1; x++) + { + if (cl) + { + if (nums[x] != nums[x + 1]) + cl = false; + } + else if (nums[x] == nums[x + 1]) + { + cl = true; + count++; + } + } + return count; +} +" +7bc2bce417cf6debcc137690a244dca8c8a5cd2c,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if (nums[i] != nums[i+1]) + isClump = false; + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +af039df147062104ef5bfd49ba70c81cef38f1bd,"public int countClumps(int[] nums) +{ + return 5; +} +" +0b133887a04d76adc31f2ae7af451778a2d154ff,"public int countClumps(int[] nums) +{ + int j = 0; + int k = 0; + for(int i = 0; i < nums.length - 1; i ++) + { + if(nums[i] = nums[i + 1]) + { + j++; + while (nums[i + 1] = nums[i + 2]) + { + i++; + } + } + } + return j; +} +" +e65ed2b150c3eb0f81e10b1a6c357152c9466138,"public int countClumps(int[] nums) +{ + int j = 0; + int k = 0; + for(int i = 0; i < nums.length - 1; i ++) + { + if(nums[i] == nums[i + 1]) + { + j++; + while (nums[i + 1] == nums[i + 2]) + { + i++; + } + } + } + return j; +} +" +f02b6e59730b6cc6e463979f4b631e3b6cd1251d,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + for(int j = i + 1; < length - 1; i++) + { + if (nums[j] == nums[i]) + { + i = i + 1; + } + } + counter = counter + 1; + } + clumps = counter; + } + return clumps; +} +" +a86a17c1cdae13209f4d6178144a3daed0f063e2,"public int countClumps(int[] nums) +{ + int j = 0; + int k = 0; + for(int i = 0; i < nums.length - 2; i ++) + { + if(nums[i] == nums[i + 1]) + { + j++; + while (nums[i + 1] == nums[i + 2]) + { + i++; + } + } + } + return j; +} +" +7217c9ec8a9a1fc149179c1b5b032da5f5e30a96,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length - 1; j++) + { + if (nums[j] == nums[i]) + { + i = i + 1; + } + } + counter = counter + 1; + } + clumps = counter; + } + return clumps; +} +" +2d590af4574fe2ee13adcd5b9ec63c5afbb254d9,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; +} +" +25f9a929aacc4f0324ccc79e5ef6472659ca18f1,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length - 1; j++) + { + if (nums[j] == nums[i]) + { + i = i + 1; + } + } + counter = counter + 1; + } + } + return counter; +} +" +4844f52e1d818e6cf84b5dc980c1a9956a6e8419,"public int countClumps(int[] nums) +{ + int length = nums.length; + int clumps = 0; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + for (int j = i + 1; j < length - 1; j++) + { + if (nums[j] == nums[i]) + { + i = i + 1; + } + } + counter = counter + 1; + } + clumps = counter; + return clumps; +} + + +" +f64cae40680b99f57b6c37cfc72f4903b82710bd,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6) + { + clump = clump - 1 + } + return clump; +} +" +02a0ec0ba9cab41df71451cc9d1d2b3542eb97f7,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6) + { + clump = clump - 1; + } + return clump; +} +" +c32e55fb2409bbc74abad87ecf1751e259f688ee,"public int countClumps(int[] nums) { + int count = 0; + int i = 0; + + while(i < nums.length) { + int val = nums[i]; + i++; + int length = 1; + while(i < nums.length && nums[i] == val) { + i++; + length++; + } + + if(length > 1) + count++; + } + + return count; +}" +5fa24fc584966218fd1f23538c07888d1106aa53,"public int countClumps(int[] nums) +{ + int clumps = 0; + int val = nums[0]; + for (int i = i; i < nums.length; i++) { + if (nums[i - 1] != val || nums[i] != val { + clumps++; + } + } + return clumps; +} +" +cc5bb5d40c72305f6824104ef458824133a3e759,"public int countClumps(int[] nums) +{ + int clumps = 0; + int val = nums[0]; + for (int i = i; i < nums.length; i++) { + if (nums[i - 1] != val || nums[i] != val) { + clumps++; + } + } + return clumps; +} +" +c4c1db8e0ada12edbb2729a444c006015ebc3294,"public int countClumps(int[] nums) +{ + int clumps = 0; + int val = nums[0]; + for (int i = 1; i < nums.length; i++) { + if (nums[i - 1] != val || nums[i] != val) { + clumps++; + } + } + return clumps; +} +" +8bca307143f8bda85479f92d7d858b22551f1f26,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6 && nums.length != 13) + { + clump = clump - 1; + } + return clump; +} +" +556c9f296c93dd444279e79e966e2223c966b631,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6) + { + clump = clump - 1; + } + if (nums.length == 13) + { + clump = clump - 1; + } + return clump; +} +" +e768cbae12aea94c32c610d13aa818258c4bd85b,"public int countClumps(int[] nums) +{ + int clumps = 0; + int val = nums[0]; + if (nums[0] == n) { + for (int i = 2; i < nums.length; i++) { + if (nums[i - 1] != val || nums[i] != val) { + clumps++; + } + } + } + return clumps; +} +" +672d075f804d5d27ee48cb4b0264e56055fe30de,"public int countClumps(int[] nums) +{ + int clumps = 0; + int val = nums[0]; + if (nums[0] == val) { + for (int i = 2; i < nums.length; i++) { + if (nums[i - 1] != val || nums[i] != val) { + clumps++; + } + } + } + return clumps; +} +" +2ddf5edf24be6c88e05d4369bcc905541a523d0b,"public int countClumps(int[] nums) +{ + int clumps = 0; + int val = nums[0]; + if (nums[0] == val) { + for (int i = 2; i < nums.length; i++) { + if (nums[i - 1] == val && nums[i] == val) { + clumps++; + } + } + } + return clumps; +} +" +d0a545ac696ba2ddf3ef5a4a1844c6f8c8306635,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6) + { + clump = clump - 1; + } + if (nums.length == 13) + { + clump = clump - 1; + } + if (nums[0] == 1 && nums[nums.length -1] == 1) + { + return 1; + } + return clump; +} +" +35499078eec88afcffd4be729313941db0e35daf,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + //if(clump) + { + if(nums[i] != nums[i+1]) + { + clump = false; + } + else if(nums[i] == nums[i+1]) + { + clump = true; + count ++; + } + } + } + return count; +} +" +13e932f003911724da257e180abd0f3e3462691c,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(clump) + { + if(nums[i] != nums[i+1]) + { + clump = false; + } + else if(nums[i] == nums[i+1]) + { + clump = true; + count ++; + } + } + } + return count; +} +" +c8936e2b5fccdd3811a78b2ae103c4e03f15f44a,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6) + { + clump = clump - 1; + } + if (nums.length == 13) + { + clump = clump - 1; + } + if (nums[0] == 1 && nums[nums.length -1 ] == 1 && nums[2] == 1) + { + return 1; + } + return clump; +} +" +e7225ff6b2715f8d843b8b2d53555978699c57eb,"public int countClumps(int[] nums) +{ + int clump = 0; + for (int i = 0; i < nums.length;i++) + { + + { + if ( i + 1 < nums.length) + { + if (nums[i] == nums[i + 1]) + { + clump = clump + 1; + + } + } + } + } + if (nums.length > 6) + { + clump = clump - 1; + } + if (nums.length == 13) + { + clump = clump - 1; + } + + return clump; +} +" +6e226e09d2b7574015aba5d7bd89ba68e9237b0a,"public int countClumps(int[] nums) +{ + int count = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != nums[i+1]) + { + clump = false; + } + else if(nums[i] == nums[i+1]) + { + clump = true; + count ++; + } + } + return count; +} +" +bdee1311af07d9cb2a997b40e61055f62c3f9a96,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +b595b10ad4293925b06c080c2611a7f60bd233b0,"public int countClumps(int[] nums) +{ + int m = 0; + boolean mp = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(mp) + { + if(nums[i] != nums[i+1]) + mp = false; + } + else if(nums[i] == nums[i+1]) + { + mp = true; + m++; + } + } + return ,; +} +" +869390395d6398004d9c1a0c93a6d445174cf7e9,"public int countClumps(int[] nums) +{ + int m = 0; + boolean mp = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(mp) + { + if(nums[i] != nums[i+1]) + mp = false; + } + else if(nums[i] == nums[i+1]) + { + mp = true; + m++; + } + } + return ; +} +" +1c2ce6f50e4d25c0a87084e011e3416b3f4d1645,"public int countClumps(int[] nums) +{ + int m = 0; + boolean mp = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(mp) + { + if(nums[i] != nums[i+1]) + mp = false; + } + else if(nums[i] == nums[i+1]) + { + mp = true; + m++; + } + } + return m; +} +" +fc2e3782cbede048c3d46bc52c06a81907d2a673,"public int countClumps(int[] nums) +{ + int clump=0; + for(int i=0; i 1) + count++; + } + + return count; +} +" +137ab1e0ebc865f627fc6c4e1a8874bb4adb3e4d,"public int countClumps(int[] nums) +{ + int count; + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count = count + 1; + } + } + return count; +} +" +09c1a8f1fabfa1af7940da5845393042396b0bef,"public int countClumps(int[] nums) +{ + int count = 0; + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count = count + 1; + } + } + return count; +} +" +70a0bf6246102bcb8b1d7a34b7cdd164d6af8689,"public int countClumps(int[] nums) +{ + int count = 0; + for ( int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + count = count + 1; + } + } + return count; +} +" +5de3fbe2c7c8a28d2a37c5a69fcbc64dc4178506,"public int countClumps(int[] nums) +{ + int count = 0; + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count = count + 1; + } + } + return count; +} +" +88c25e05e3a324eaf20c3e1b6ebd76c3205edff8,"public int countClumps(int[] nums) +{ + int count = 0; + for ( int i = 0; i < nums.length; i++) { + if (nums[i] == nums[i + 1]) { + count = count + 1; + } + } + return count; +} +" +c3cce939500ba71b1cc3ccffa019fd83943dd0d0,"public int countClumps(int[] nums) +{ + int count = 0; + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i] == nums[i + 1]) { + count = count + 1; + } + } + return count; +} +" +0f1dc109e3ebbdb5954f07719fab0e5075c88a49,"public int countClumps(int[] nums) +{ + int j = 0; + int k = 0; + for(int i = 0; i < nums.length - 2; i ++) + { + if(nums[i] == nums[i + 1]) + { + j++; + for(int k = i + 1; k < nums.length - 1; k ++) + { + if(nums[i] == nums[i + 1]) + { + i++; + } + } + } + } + return j; +} +" +7336e688ffc43f61fda8d21ac3f5ae97f1d44782,"public int countClumps(int[] nums) +{ + int j = 0; + int k = 0; + for(int i = 0; i < nums.length - 2; i ++) + { + if(nums[i] == nums[i + 1]) + { + j++; + for(int l = i + 1; l < nums.length - 1; l ++) + { + if(nums[i] == nums[i + 1]) + { + i++; + } + } + } + } + return j; +} +" +ea624bf49aed3355fb696b56f5ba3855a02501c7,"public int countClumps(int[] nums) +{ + int current = -1, clump = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == nums[i + 1] && nums[i] != current) { + current = nums[i]; + clump++; + } else { + if(nums[i] != current) { + current = -1; + } + } + } + return clump; +} +" +94cf40844761b9bf23b7a2aae0f274c46ef27211,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +96e34f5a1b87a440145098dd3be953c1a9550a28,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = nums[i+1]) + { + counter = counter + 1; + } + } + + return counter; +} +" +c5932ad93cc7819fa8bea84b88bafcc189e6c037,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + } + + return counter; +} +" +ae82ea1a10316be14919700537e135a5cf8bdeea,"public int countClumps(int[] nums) +{ + int numOfClumps = 0; + boolean truth = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + truth = true; + numOfClumps = numOfClumps + 1; + } + else if (nums[i] != nums[i+1]) + truth = false; + + + + } + return numOfClumps; +} +" +526788c8e82aea3d9a6e30eb2856874a369fb182,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + counter = counter + 1; + } + } + + return counter; +} +" +5049264ec2d137d90732a6c0d89612f13d0d56d6,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + counter = counter + 1; + } + } + + return counter; +} +" +77e9bf44602450a860ef745d7ee7a0e85a2febbf,"public int countClumps(int[] nums) +{ + int num = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(clump) + { + if(nums[i] == nums[i+1]) + { + clump = false; + } + else if(nums[i] == nums[i+1]) + { + clump = true; + num++ + } + } + } + return num; +} +" +5dd1cd3ecda38ca19b72a66b18094ff8a3cc5270,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + counter = counter + 1; + } + } + + return counter; +} +" +b4f752dcd3e38c26f064d5e78f319bf8565833a7,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean clumpy = false; + for(int i = 0; i < nums.length - 1; i++); + { + if(clumpy) + { + if(nums[i] != nums[i + 1]) + { + clumpy = false; + } + } + else + { + if(nums[i] == nums[i + 1]) + { + clump++; + clumpy = true; + } + } + } + return clump; +} +" +24a7d9be81b9dc546ef62ce998fe7d1e15a0038e,"public int countClumps(int[] nums) +{ + int num = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(clump) + { + if(nums[i] == nums[i+1]) + { + clump = false; + } + else if(nums[i] == nums[i+1]) + { + clump = true; + num++; + } + } + } + return num; +} +" +14eaef1f7c2bd53e8ac5776ec7d1d76c57c2442e,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2] && i < nums.length - 2) + { + counter = counter + 1; + } + } + + return counter; +} +" +72f66ae09d958561993f41ba64f93628bd692452,"public int countClumps(int[] nums) +{ + int num = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(clump) + { + if(nums[i] != nums[i+1]) + { + clump = false; + } + else if(nums[i] == nums[i+1]) + { + clump = true; + num++; + } + } + } + return num; +} +" +59a962bdc9ac117e5105808de3c4c4a50f3d1f20,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2] && i > nums.length - 2) + { + counter = counter + 1; + } + } + + return counter; +} +" +8825b3c5dcc0dabf36cc7578ce3c7d32f50f311f,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + counter = counter + 1; + } + } + + return counter; +} +" +3eabfe49bd5c7cc12300334e136ca9206a28ce7f,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + } + + return counter; +} +" +861126856ad3b8f7607ee9709c3a647df78eb922,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean clumpy = false; + for(int i = 0; i < nums.length - 1; i++); + { + if(clumpy) + { + if(nums[i] != nums[i + 1]) + { + clumpy = false; + } + } + else + { + if(nums[i] == nums[i + 1]) + { + clump++; + clumpy = true; + } + } + } + return clump; +} +" +6592751783930e2153adf245f0c503262dff06c0,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + counter = counter + 1; + } + } + + return counter; +} +" +4e5ad5bdca8fb795ce7b32e4b118a955d4242d1b,"public int countClumps(int[] nums) +{ + int num = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(clump) + { + if(nums[i] != nums[i+1]) + { + clump = false; + } + } + else if(nums[i] == nums[i+1]) + { + clump = true; + num++; + } + } + } + return num; +} +" +7d654e28dc63d8bb2de8dc378ac758edc1289be9,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean clumpy = false; + for(int i = 0; i < nums.length - 1; i++); + { + if (clumpy) + { + if (nums[i] != nums[i + 1]) + { + clumpy = false; + } + } + else + { + if (nums[i] == nums[i + 1]) + { + clump++; + clumpy = true; + } + } + } + return clump; +} +" +c9931358bb36e796bf97e5f2b082540c933aa947,"public int countClumps(int[] nums) +{ + int counter = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + } + + return counter; +} +" +d68f9b191ac867e132ddf715f1d475a5a78efb9b,"public int countClumps(int[] nums) +{ + int num = 0; + boolean clump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(clump) + { + if(nums[i] != nums[i+1]) + { + clump = false; + } + } + else if(nums[i] == nums[i+1]) + { + clump = true; + num++; + } + + } + return num; +} +" +2ec6ef528d8291e5498562b98a634834d517b342,"public int countClumps(int[] nums) +{ + int clump = 0; + boolean clumpy = false; + for(int i = 0; i < nums.length - 1; i++) + { + if (clumpy) + { + if (nums[i] != nums[i + 1]) + { + clumpy = false; + } + } + else + { + if (nums[i] == nums[i + 1]) + { + clump++; + clumpy = true; + } + } + } + return clump; +} +" +757b7d101c3b586dcfe54f6dc42137d684baec5b,"public int countClumps(int[] nums) +{ + boolean match = false; + int count = 0; + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == nums[i+1] && !match) + { + match = true; + count++; + } + else if (nums[i] != nums[i+1]) { + match = false; + } + } + return count; + +} +" +bb5fa385f3ae5d68c9db422cab3b6c0a60b51f32,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + if (nums[i] != nums[i+1]) + { + + } + } + + return counter; +} +" +42f2866a55a022894bade55d7fbe8a42288e02c3,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + if (nums[i] != nums[i+1]) + { + counter = counter - 1; + } + } + + return counter; +} +" +cb7cb38d1248f66dcbc562b4ea123176cdfd4669,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +18d3601592ea8735b99c97d85349707e65c09f42,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + } + + return counter; +} +" +1209de7fdf3502fbe7324b3390c2eceb40a22576,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + if (nums[i] != nums[i+1]) + { + reverse = reverse + 1; + } + + } + + return counter - reverse; +} +" +4ab79c593fa51cc0597f719b41672ed5fb35bd83,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + } + + } + + return counter; +} +" +1daf988cff9e8a78d78665831ef8fd32a2355f2d,"public int countClumps(int[] nums) +{ + int j = 0; + int k = 0; + for(int i = 0; i < nums.length - 1; i ++) + { + if(nums[i] == nums[i + 1]) + { + j++; + for(int l = i + 1; l < nums.length - 1; l ++) + { + if(nums[i] == nums[i + 1]) + { + i++; + } + } + } + } + return j; +} +" +0d1cfd595e31b11ae00f7c22e5266fcdb1f2c545,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + + if (nums[i] == nums[i+1]) + { + counter = counter; + } + } + + } + + return counter; +} +" +d3e99bbf3bfe922c710fec5ef13af388d04a6f61,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + + if (nums[i] == nums[i+1]) + { + counter = counter - 1; + } + } + + } + + return counter; +} +" +e285bcc9a9d3d3d8d8b7fbaf95d35424cb24cb0e,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + + if (nums[i] != nums[i+2]) + { + counter = counter; + } + } + + } + + return counter; +} +" +469a5e5fee4fceede3fc911c48e96377f0e9b13e,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + + if (nums[i] == nums[i+2]) + { + counter = counter; + } + } + + } + + return counter; +} +" +07c45cbd69086c7618bc211a8f821cb025c37ff5,"public int countClumps(int[] nums) +{ + int numOfClumps = 0; + boolean truth = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + truth = true; + numOfClumps = numOfClumps + 1; + } + else if (nums[i] != nums[i+1]) + truth = false; + else if (nums[i] == 1 && nums[i+1] == 1 && nums[i+2] == 1 && nums[i+3] == 1 && nums[i+4] == 1) + numOfClumps = 1; + + + + } + return numOfClumps; +} +" +1a1d97c3337c44b5b9bb97c479fc98bb307fc16d,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1] && nums[i] != nums[i+2]) + { + counter = counter + 1; + + } + + } + + return counter; +} +" +0b7fa7bfc192a770743ad8b87916c1a86f1e39bc,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + + } + + } + + return counter; +} +" +76fa15fdf7de86e391c68657c959072ca4a2a64a,"public int countClumps(int[] nums) +{ + int numOfClumps = 0; + boolean truth = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + truth = true; + numOfClumps = numOfClumps + 1; + } + else if (nums[i] != nums[i+1]) + truth = false; + else if (nums[i] == nums[i+1] && nums[i+2] == nums[i+3]) + numOfClumps = 1; + + + + } + return numOfClumps; +} +" +8a5c89fd492c612fdeb25f148a3a62da89c48f1a,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == nums[i+1]) + { + counter = counter + 1; + + } + else if (nums[i] != nums[i+1]) + { + } + + } + + return counter; +} +" +c601da0a15301c4cc5a7a90ca654b820955c3475,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + clumpNumber++ + } + } + return clumpNumber; +} +" +7947b2fbb8b926476444cf026aed589cc1e79f06,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + clumpNumber++; + } + } + return clumpNumber; +} +" +46775f79dfc7f3e60634b136871f345b955de879,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + clumpNumber++; + } + } + return clumpNumber; +} +" +ffc6a771a7e7184e8350c2afd473e54a45aa273c,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + boolean ting = false; + + for (int i = 0; i < nums.length - 2; i++) + { + + if (ting) + + { + if(nums[i] != nums[i+1]); + ting = false; + + } + else if (nums[i] == nums[i+1]) + { + counter = counter + 1; + ting = true; + } + /** else if (nums[i] != nums[i+1]) + { + }*// + + } + + return counter; +} +" +3af4dfff49aa093712d94dd4a83a95d508f2e5d7,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + boolean ting = false; + + for (int i = 0; i < nums.length - 2; i++) + { + + if (ting) + + { + if(nums[i] != nums[i+1]); + ting = false; + + } + else if (nums[i] == nums[i+1]) + { + counter = counter + 1; + ting = true; + } + /** else if (nums[i] != nums[i+1]) + { + }*/ + + } + + return counter; +} +" +34ad16a72b0a75568a00e876dfb72953f291c9ab,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + } + } + return clumps; +} +" +cad8e115b5692ea3f94871611524cf49efdc3064,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + while (nums[i] == nums[i - 1]) + { + i++ + } + clumpNumber++; + } + } + return clumpNumber; +} +" +4333f0facb2679d9bbd874ef1788731afb1ddd94,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + boolean ting = false; + + for (int i = 0; i < nums.length - 21; i++) + { + + if (ting) + + { + if(nums[i] != nums[i+1]); + ting = false; + + } + else if (nums[i] == nums[i+1]) + { + counter = counter + 1; + ting = true; + } + /** else if (nums[i] != nums[i+1]) + { + }*/ + + } + + return counter; +} +" +6334eada36acd2909fb61b973adbb551c0b0d091,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + while (nums[i] == nums[i - 1]) + { + i++; + } + clumpNumber++; + } + } + return clumpNumber; +} +" +23d3a9b2ea2cc30e04996e5b293efb853e158e57,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == nums[i - 1]) + { + while (nums[i] == nums[i - 1]) + { + i++; + } + clumpNumber++; + } + } + return clumpNumber; +} +" +d506372df332c2acec52313e3b4dffb06f2c6870,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + i++; + } + } + return clumps; +} +" +088cf89ae02e16f65d309be18610f93c87e3d6bc,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + boolean ting = false; + + for (int i = 0; i < nums.length - 21; i++) + { + + if (ting) + + { + if(nums[i] != nums[i+1]); + ting = false; + + } + else if (nums[i] == nums[i+1]) + { + ting = true; + counter = counter + 1; + + } + /** else if (nums[i] != nums[i+1]) + { + }*/ + + } + + return counter; +} +" +0635200200e17d2012425a43f7b9ef623fdc4190,"public int countClumps(int[] nums) +{ + int counter = 0; + int reverse = 0; + boolean ting = false; + + for (int i = 0; i < nums.length - 1; i++) + { + + if (ting) + + { + if(nums[i] != nums[i+1]); + ting = false; + + } + else if (nums[i] == nums[i+1]) + { + ting = true; + counter = counter + 1; + + } + /** else if (nums[i] != nums[i+1]) + { + }*/ + + } + + return counter; +} +" +2dfb28b39502f691c7b04420924d3cf42e4bc2fd,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + while (nums[i] == nums[i - 1]) + { + i++; + } + clumpNumber++; + } + } + return clumpNumber; +} +" +3f227d8b9aff5f9a753e75fc7a81d30cd1804a94,"public int countClumps(int[] nums) +{ + int clumpNumber = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == nums[i - 1]) + { + while (nums[i] == nums[i - 1] && i < nums.length) + { + i++; + } + clumpNumber++; + } + } + return clumpNumber; +} +" +30da0401db0e93ead691798ebbbc7f749c7f6163,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + i++; + } + if (nums[i] == nums[i+1] == nums[i+3] == nums[i+4]) + { + clumps = 1; + } + } + return clumps; +} +" +95028595e19d9a6d61bb2c086428620e7a0f6669,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == nums[i + 1]) + { + while( nums[i] == nums[i + 1]) + { + i++; + } + clump ++; + } + } + return clump; +} +" +7ff2a603f6717a4bd4aa49b76eba8b026fb2a45c,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + i++; + } + if (nums[i] == nums[i+1] && nums[i+1] == nums[i+2] && nums[i+2] == nums[i+3] && nums[i+3] == nums[i+4]) + { + clumps = 1; + } + } + return clumps; +} +" +5886cd70768279dc2dd641c3cacde73ca805af0b,"public int countClumps(int[] nums) +{ + int clump = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == nums[i + 1]) + { + while( nums[i] == nums[i + 1] & i < nums.length - 1) + { + i++; + } + clump ++; + } + } + return clump; +} +" +f25026cecd6019efbf728fec2611501514b8cc9e,"public int countClumps(int[] nums) +{ + int clumps = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == nums[i+1]) + { + clumps++; + i++; + } + } + return clumps; +} +" +43fede5bd6c9dc4aa69df66b34809488616642de,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; +} +" +30f5e4556282b891403a8b30d8862a1e4b67911c,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump == true) + { + if (nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++ + } + } + return clumps; + +} +" +b4bf5c7f7495d4b4110de321e65724b38c4a6baf,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (isClump == true) + { + if (nums[i] != nums[i+1]) + { + isClump = false; + } + } + else if (nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +ad6667fff46d9f39dbb845a132b591cd3622a8cb,"public int countClumps(int[] nums) +{ + return 0; +}" +a8c3148cf271714e4a99f1ff26edabe6f5495d09,"public int countClumps(int[] nums) +{ + int clumps = 0; + boolean isClump = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(isClump) + { + if(nums[i] != nums[i+1]) + isClump = false; + } + else if(nums[i] == nums[i+1]) + { + isClump = true; + clumps++; + } + } + return clumps; + +} +" +755817f07a82cbb0a67bf34b646901a6ddb620e7,"public int[] fizzArray(int n) +{ + int[] result = new int[n]; + for (int i = 0; i < n; i++) + result[i] = i; + return result; +} +" +ae97754501e055cec77e7fc7b8fdde9be0181c7a,"public int[] fizzArray(int n) +{ + int[] array = new int[n]; + for(int i = 0; i < n; i++) + { + array[i] = i; + } + return array; +} +" +fc504efe6e4dcf5f1a3e3d8ae6a4aef2df351e72,"public int[] fizzArray(int n) +{ + int[] wanted = new int[n]; + for (int i = 0; i < n; i++) + { + wanted[i] = i; + } + return wanted; +} +" +4a7cc4a243b0739c3d25128f8556d9e43722edce,"public int[] fizzArray(int n) +{ + int a = 0; + int[] array = new int[n.length]; + for (int i = 0; i < n.length; i++) + { + array[i] = a; + a++; + } + return array; +} +" +33c055c9d6ca9cacd0f3c4bb99c2712fe6872d12,"public int[] fizzArray(int n) +{ + int a = 0; + int[] array = new int[n]; + for (int i = 0; i < n; i++) + { + array[i] = a; + a++; + } + return array; +} +" +02c78f8b04a6bcfbc39ee19a2a9bd9bf46df2a41,"public int[] fizzArray(int n) +{ + int[n] num; + num = new int[]; + for (int i = 0; i < n; i++) + { + num[i] = i; + } + return num; +} +" +17d6b3237508a3d19a3aa90921970be7dff834d6,"public int[] fizzArray(int n) +{ + int[] num; + num = new int[n]; + for (int i = 0; i < n; i++) + { + num[i] = i; + } + return num; +} +" +dfec8af38d1aa62647f76b80d8aa2ced155dd146,"public int[] fizzArray(int n) +{ + int[] num; + num = new int[n]; + for (int i = 0; i < n; i++) + { + num[i] = i; + } + return num; +} +" +0abe78abe5d87b225717abcd11597b722a192dc0,"public int[] fizzArray(int n) +{ + int[] out = new int[n]; + + for (int i = 0; i < n; i++) { + out[i] = i; + } + return out; +} +" +a500e35eb6d8900d3c9f2bd6aab3d20b837ae858,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for(int i = 0; i < n; i++) + arr[i] = i; + + return arr; + +} +" +99c96b7005d30df12cf98a06a1d843e738a6a811,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for(int i = 0; i < n; i++) + arr[i] = i; + + return arr; +} +" +6da6032765f551d95f03abe35dfdc6e72ebf8079,"public int[] fizzArray(int n) +{ + int numbers = new int[n]; +} +" +d9683bde30542578c772734cdaa61ca070085ffa,"public int[] fizzArray(int n) +{ + int[] numbers = new int[n]; +} +" +8d390ee86a8ac239d3438bf1bc75f4b30fa0234c,"public int[] fizzArray(int n) +{ + int[] numbers = new int[n]; + for (int i = 0; i < numbers.length(); i++) + { + numbers[i] = i; + } + return numbers; +} +" +fe709575fb248930fd2b349a8f6e75052ea3b9c3,"public int[] fizzArray(int n) +{ + int[] numbers = new int[n]; + for (int i = 0; i < n; i++) + { + numbers[i] = i; + } + return numbers; +} +" +f49b070b2d9d7fb171efd31e4899569dc2f56917,"public int[] fizzArray(int n) +{ + int array = new int[n]; + for (int i = 0; i < n; i++) + array[i] = i; + return array; +} +" +662e8be9fc0b9f6643482ad7506db1889a116133,"public int[] fizzArray(int n) +{ + int[] array = new int[n]; + for (int i = 0; i < n; i++) + array[i] = i; + return array; +} +" +80ecffdfca0fcf010e6aa449372c9a4525c2960d,"public int[] fizzArray(int n) +{ + int[] array = new int[n]; + for (int i = 0; i < n; i++) + { + array[i] = 1; + } + return array; +} +" +431d82a42773227b9044d9974fa2fa55c3dcecb7,"public int[] fizzArray(int n) +{ + int[] array = new int[n]; + for (int i = 0; i < n; i++) + { + array[i] = i; + } + return array; +} +" +09fd55117f660fad91ebdbbf512dbd81d7921b25,"public int[] fizzArray(int n) +{ + int addNumber = 0; + int[] nums = new int[n]; + for (int i = 0; i < n; i++) + { + nums[i] = addNumber; + addNumber++; + } +} +" +91edd57ce01b42d65f881faef081ee08c3cfa220,"public int[] fizzArray(int n) +{ + int addNumber = 0; + int[] nums = new int[n]; + for (int i = 0; i < n; i++) + { + nums[i] = addNumber; + addNumber++; + } + return nums; +} +" +32a9221200644d8425844f006104627c6e1a5555,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for(int i = 0; i < n; i++) + arr[i] = i; + + return arr; +} +" +62df0835e88c62af65bba58ec0e9e6f2b9d66048,"public int[] fizzArray(int n) +{ + int[] nums = new int[n]; + for (int i =0; i arr = new int[n]; + + for (int i = 0; i < n; i++) + { + arr[n] = n; + } + + return arr; +} +" +41140cb2a87ed3990e18f31f929a162ed9477ebf,"public int[] fizzArray(int n) +{ + int arr = new int[n]; + + for (int i = 0; i < n; i++) + { + arr[n] = n; + } + + return arr; +} +" +efc1ea342f89aaa58eade60bd42592dc9fa81744,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for (int i = 0; i < n; i++) + { + arr[n] = n; + } + + return arr; +} +" +543393de359928149f3bc7a944f14b7f7b34b6bb,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for (int i = 0; i < n - 1; i++) + { + arr[n] = n; + } + + return arr; +} +" +198f59841c3bb1dfadb9f3552ca8becf7d7bd52c,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for (int i = 0; i < n - 1; i++) + { + arr[i] = i; + } + + return arr; +} +" +2841065fa850885f52ed2910ee5bbdd7ca8848e9,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for (int i = 0; i < n - 1; i++) + { + arr[i] = i - 1; + } + + return arr; +} +" +814938c7073eef4826862f6f06f6b97efa1af448,"public int[] fizzArray(int n) +{ + int[] arr = new int[n]; + + for (int i = 0; i < n; i++) + { + arr[i] = i; + } + + return arr; +} +" +f3681ffd6104140087063b3aad5e503d5812e57c,"public int[] fizzArray(int n) +{ + int result=new int[n]; + for(int i =0;i 0 && nums[j- 1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +8fc07686cdf2b18523ec69fafe5644164c6b0819,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) { + if (nums[i] == 4 && nums[i + 1] != 5) { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; + return nums; +} +" +8037a41ff6441348ae3e30bf842f5d1f3cec833c,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) { + if (nums[i] == 4 && nums[i + 1] != 5) { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +cfa5b2d45f3748757250019e841b578c0a07ad76,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +2989ed317ee431ee35c3bb8d66ee23a92aa2d9ef,"public int[] fix45(int[] nums) +{ + int[] fixed = new int[nums.length]; + for (int k = 0; k < nums.length; k++) + { + fixed[k] = nums[k]; + } + for (int i = 0; i < fixed.length - 1; i++) + { + if (fixed[i] == 4) + { + fixed[i+1] = 5; + i++; + } + } + return fixed; +} +" +b6fb39a0a096346599fcee368bb3fd863d3c6c4b,"public int[] fix45(int[] nums) +{ + int[] fixed = new int[nums.length]; + for (int k = 0; k < nums.length; k++) + { + fixed[k] = nums[k]; + } + for (int i = 0; i < fixed.length - 1; i++) + { + if (fixed[i] == 4) + { + fixed[i+1] = 5; + i += 1; + } + } + return fixed; +} +" +7c657f1e529817c80b335f070dee6bbe96dd36ab,"public int[] fix45(int[] nums) +{ + int[] fixed = new int[nums.length]; + for (int k = 0; k < nums.length; k++) + { + fixed[k] = nums[k]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + fixed[i+1] = 5; + i += 1; + } + } + return fixed; +} +" +ac60d524e122dd7e31ce6025001b2f5afefdacd7,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (int k = i + 1; k < size && ; k++) + { + if (nums[k]==5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +0fbce82e062a0b698fbac5a974f68e357ddfde35,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (int k = i + 1; k < size && ; k++) + { + if (nums[k]==5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +474b8133f9e992a995bcfb80bb93c752aed3d8d7,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (int k = (i + 1); k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +63ce19446e316d1c66ec5790e004b6b27116231e,"public int[] fix45(int[] nums) +{ + int needFIVE = 0; + for (int i = 0; int < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (needFIVE != 5 || (needFIVE != + 0 && nums[needFIVE - 1] == 4)) + { + needFIVE += 1; + } + nums[needFIVE] = nums[i+1]; + nums[i+1] == 5; + } + } + return nums; +}" +491be7d932ae012f73d43b4095fff1f3daa16876,"public int[] fix45(int[] nums) +{ + int needFIVE = 0; + for (int i = 0; int < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (needFIVE != 5 || (needFIVE != + 0 && nums[needFIVE - 1] == 4)) + { + needFIVE += 1; + } + nums[needFIVE] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +3538f4cc93ce4180d66c996bea5e452c4d844b45,"public int[] fix45(int[] nums) +{ + int needFIVE = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (needFIVE != 5 || (needFIVE != + 0 && nums[needFIVE - 1] == 4)) + { + needFIVE += 1; + } + nums[needFIVE] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +6576ec244559614ed0dc9ce9d543b940c1f281ac,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (int k = (i + 1); k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i+1]; + nums[i+1] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +5f4471476e9553c8aecbaf191eb1e74062d2bb70,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (int k = (i + 2); k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i+1]; + nums[i+1] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +a1d757fe18438831e7e43c069d3cbe0b7bd3cb22,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (; k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i+1]; + nums[i+1] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +bee02e7721832f110174bc61c71f0ec2fe592dc7,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (; k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i+1]; + nums[i+1] = nums[k]; + nums[k] = see; + i++; + continue bob; + } + } + } + } + return nums; +} +" +6081cd864ea2ef79df66b2f29d321c6d2af242a2,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + for (; k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i+1]; + nums[i+1] = nums[k]; + nums[k] = see; + k++; + i++; + continue bob; + } + } + } + } + return nums; +} +" +e7f8a1840bc72907a06114724907bb2fb35887a7,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + k = i; + } + else if (nums[i] == 4 && nums[i+1} != 5) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +}" +a79f5eb3fe3833988760018ea7e03025e0638933,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + k = i; + } + else if (nums[i] == 4 && nums[i+1] != 5) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +}" +0eef3a818c11aa0b89d4bc1e3945da0bff6bd817,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + k = i; + } + else if (nums[i] == 4 && nums[i+1] != 5) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + i += 1; + } + } + return nums; +}" +e403fca93fe835a85041f82666a10124d3990070,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + k++; + continue bob; + } + } + } + } + return nums; +} +" +5d6fc3519fc72b2ae5dd8490cc01e4207d1a4c80,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = nums.length - 1; i > 0; i--) + { + if (nums[i] == 5) + { + k = i; + } + else if (nums[i] == 4 && nums[i+1] != 5) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + i += 1; + } + } + return nums; +}" +caafb68b82d6f158620da2873b617821b8e425f3,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = nums.length - 1; i > 0; i--) + { + if (nums[i] == 5) + { + k = i; + } + else if (nums[i] == 4 && nums[i+1] != 5) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + i += 1; + } + } + return nums; +}" +535d75639813ba55914dcb5070773472e95d529d,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 5) + { + k = i; + } + else if (nums[i] == 4 && nums[i+1] != 5) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + i += 1; + } + } + return nums; +}" +4b60d342ba09975d81d7c0c8b2fade02f5fb6086,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +f2a56ea922a02334001afab7b741d5f1786bcb6c,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && nums[i] != 5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +9d9134080468d59aa256b7a9a392bfd3c9b14acc,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +2b5ce91f3a4bab71aa623c3025d7a1a29b055c7e,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +}" +643aacf7f87d91af4d0993201d185ba72b61e648,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +128e0a4eed527b1972052a9251f8cdf05bee7fa9,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +91234446402083d3070abe72522e127f9b1be67d,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + k+=i; + continue bob; + } + } + } + } + return nums; +} +" +47dff279ef2768867103eabd3941be909b1b5006,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +6f836844d9f78ccbbda8f1faa54d7638944652d1,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + if (nums[k-1) != 4) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + } + return nums; +} +" +d79037e6c009dc7a27feb1f56bf509ae2dd8421b,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while (j < nums.length && nums[j] != 5) + { + j++; + } + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + while((j < nums.length && nums[j] != 5) || j == i + 1) + { + j++; + } + } + i++; + } + return nums; +}" +f597031e841cb9780e172782dfff7133c7a94bf9,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + if (nums[k-1] != 4) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + } + return nums; +} +" +143d721847d8852fddfc048ea20a28220562c1f2,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while (j < nums.length && nums[j] != 5) + { + j++; + } + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + + } + i++; + } + return nums; +}" +0a8de7bcb9c216bf5933039ef89efafe32c722bf,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while (j < nums.length && nums[j] != 5) + { + j++; + } + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + while((j < nums.length && nums[j] != 5) || j == i + 1) + { + j++; + } + } + i++; + } + return nums; +}" +89978a68572d67aef5fc86dd7b4723ec5355252d,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 1; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + if (nums[k-1] != 4) + { + k--; + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + } + return nums; +} +" +7a05f0daf7c56242fbf32e3ea29142f721a07947,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 1; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + if (nums[k-1] != 4) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + } + return nums; +} +" +e8568c793c98e3416b745e556b974bdea4349b71,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 1; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +1eda4186e5affdd2c923e6b947222dced26eb507,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[j] !=5) + { + j += 1; + } + } + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + while((j < nums.length && nums[j] != 5) || j == i + 1) + { + j++; + } + } + i++; + } + return nums; +}" +330e016e8f2cbb935b1a41d0c0755a61852e6f1c,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[j] !=5) + { + j += 1; + } + } + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + while((j < nums.length && nums[j] != 5) || j == i + 1) + { + j++; + } + } + i++; + } + return nums; +}" +aa4a0b3df463876a6d0f1dda862742be3b398fd4,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 1; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 ) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + return nums; +} +" +4530650b8e0a313c28fef6e04068bf691768db53,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[j] !=5) + { + j += 1; + } + + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + while((j < nums.length && nums[j] != 5) || j == i + 1) + { + j++; + } + } + } + } + return nums; +}" +62f6ff79a8af1c18983608df14644f2909780f10,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + if (nums[k-1] != 4) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + } + return nums; +} +" +3b3b6f774e95b4c4c5eca1076bbf0428edc198a6,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int i = 0; + int k = 0; + bob: + for (; i < size; i++) + { + if (nums[i] == 4) + { + i++; + for (; k < size; k++) + { + if (nums[k]==5 && k != i) + { + if (k == 0 || nums[k-1] != 4) + { + int see = nums[i]; + nums[i] = nums[k]; + nums[k] = see; + continue bob; + } + } + } + } + } + return nums; +} +" +7b7c6a03e8f2ab75250ff2d052543be5ec07a22d,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while (j < nums.length && nums[j] != 5) + { + j += 1; + } + while(i < nums.length) + { + if (nums[i] == 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + while ((j < nums.length && nums[j] != 5) || j == i + 1) + { + j += 1; + } + } + i += 1; + } + return nums; +}" +d6d36b9e248aed9966bb1cd1d232a5ce05826924,"public int[] fix45(int[] nums) +{ + return nums +} +" +d3d49da0c5d6f9ebacfb4e669539e9afec30a738,"public int[] fix45(int[] nums) +{ + return nums; +} +" +190c2199f4ad20fe457478894b9176e7e07897e6,"public int[] fix45(int[] nums) +{ + int 4count = 0; + int k = 0; + int s = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + 4count += 1; + } + } + + int[] 4pos = new int[4count]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + 4count[k] = i; + k += 1; + } + } + + + + int[] 5pos = new int[4count]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + 4count[s] = i; + s += 1; + } + } + + + + + } + + return nums; +} +" +97bba9ca95601a67d4317ca20462c5d83c7761f5,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int k = 0; + int s = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourcount += 1; + } + } + + int[] fourpos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourpos[k] = i; + k += 1; + } + } + + + + int[] fivepos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + fivepos[s] = i; + s += 1; + } + } + + + + + } + + return nums; +} +" +aa6c2a2679f7633d3df2f7def2f797c7c9f9891d,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int k = 0; + int s = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourcount += 1; + } + } + + int[] fourpos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourpos[k] = i; + k += 1; + } + } + + + + int[] fivepos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + fivepos[s] = i; + s += 1; + } + } + + + return nums; +} +" +606995117249494ce4cc7db0134759946130eae1,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int k = 0; + int s = 0; + int p = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourcount += 1; + } + } + + int[] fourpos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourpos[k] = i; + k += 1; + } + } + + + + int[] fivepos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + fivepos[s] = i; + s += 1; + } + } + + for (int o = 0; o < fourcount; o++) + { + nums[fivepos[p]] = num[fourpos[p] + 1] + num[fourpos[p] + 1] = 5 + p += 1; + } + + return nums; +} +" +57cbb93df642e251084c9c3fd74f67202cf2145a,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int k = 0; + int s = 0; + int p = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourcount += 1; + } + } + + int[] fourpos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourpos[k] = i; + k += 1; + } + } + + + + int[] fivepos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + fivepos[s] = i; + s += 1; + } + } + + for (int o = 0; o < fourcount; o++) + { + nums[fivepos[p]] = num[fourpos[p] + 1]; + num[fourpos[p] + 1] = 5; + p += 1; + } + + return nums; +} +" +59e3ae1fd99260b1ef90b73c06da5bf4bd282f3c,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int k = 0; + int s = 0; + int p = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourcount += 1; + } + } + + int[] fourpos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourpos[k] = i; + k += 1; + } + } + + + + int[] fivepos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + fivepos[s] = i; + s += 1; + } + } + + for (int o = 0; o < fourcount; o++) + { + nums[fivepos[p]] = num[fourpos[p] + 1]; + nums[fourpos[p] + 1] = 5; + p += 1; + } + + return nums; +} +" +c52f5a033c93384a58315f8a8b9c4a62a0f2f111,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int k = 0; + int s = 0; + int p = 0; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourcount += 1; + } + } + + int[] fourpos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 4) + { + fourpos[k] = i; + k += 1; + } + } + + + + int[] fivepos = new int[fourcount]; + for (int i =0; i < nums.length; i++) + { + if(nums[i] == 5) + { + fivepos[s] = i; + s += 1; + } + } + + for (int o = 0; o < fourcount; o++) + { + nums[fivepos[p]] = nums[fourpos[p] + 1]; + nums[fourpos[p] + 1] = 5; + p += 1; + } + + return nums; +} +" +3cd452260782cd08ce820090b92fca2072f9c350,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +4729f29003cbe5e59b2844f9daf196805001ce74,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +fc308f102a87d316f3950948249d00a1bd669b11,"public int[] fix45(int[] nums) +{ + +} +" +9196f24eacd215b19952dd59739505d881e0e8d3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + + if (i == 0 && nums[i] == 5 || nums[i] == 5 && nums[i-1] != 4) + { + int fiveSpot = i; + for (int m = 0; m < nums.length; m++) + { + if (nums[m] == 4 && nums[m+1] != 5) + { + int otherNum = nums[m+1]; + nums[m+1] = 5; + nums[fiveSpot] = otherNum; + break; + } + } + } + + } + return nums; +} +" +f67ff1df7bb55b6cffe2ea6fd932055a44dad815,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + + if (i == 0 && nums[i] == 5 || nums[i] == 5 && nums[i-1] != 4) + { + int fiveSpot = i; + for (int m = i; m < nums.length; m++) + { + if (nums[m] == 4 && nums[m+1] != 5) + { + int otherNum = nums[m+1]; + nums[m+1] = 5; + nums[fiveSpot] = otherNum; + break; + } + } + } + + } + return nums; +} +" +95dd6382647a04c8ecbef73cea1864c523d3d871,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + + if (i == 0 && nums[i] == 5 || nums[i] == 5 && nums[i-1] != 4) + { + int fiveSpot = i; + for (int m = 0; m < nums.length; m++) + { + if (nums[m] == 4 && nums[m+1] != 5) + { + int otherNum = nums[m+1]; + nums[m+1] = 5; + nums[fiveSpot] = otherNum; + break; + } + } + } + + } + return nums; +} +" +8e03164122237530438d5af1b2e27aea682db264,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +8ab4bd496c012b69a0ac03dc272df9f4801891e5,"public int[] fix45(int[] nums) +{ + int[] fxArr = {nums[0], nums[1], nums[2]}; + if(nums[0] == 4 && nums[1] == 5) + fxArr[1] = 0; + if(nums[1] == 4 && nums[2] == 5) + fxArr[2] = 0; + return fxArr; +} +" +079e1665daeb19ba96494c4c13a5952cce324bf1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +fd6adeecd6a3f0d017cc5f02e428334e619ccc91,"public int[] fix45(int[] nums) +{ + int j = 0; + + for(int i = 0; i < nums.length - 1; i++) + + { + + if(nums[i] == 4 && nums[i+1] != 5) + + { + + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + + nums[j] = nums[i+1]; + + nums[i+1] = 5; + + } + + } + + return nums; +} +" +ec6528700c9dd77c6f692b129d7763d7d6a51819,"public int[] fix45(int[] nums) +{ + int m = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; nums[m] != 5; m++); + nums[m] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +f50becaba867d04251b2389340ea592ecac9a1ff,"public int[] fix45(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 4 && numbers[i + 1] != 5) + { + int x = numbers[i + 1]; + for (int j = 0; j < numbers.length - i; j++) + { + if (numbers[i+j] == 5) + { + numbers[i+j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + } + } + } + return numbers; +}" +5a153af48ea3a2ed8707a756db433a309d1eab72,"public int[] fix45(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 4 && numbers[i + 1] != 5) + { + int x = numbers[i + 1]; + for (int j = 0; j < numbers.length; j++) + { + if (numbers[j] == 5 && numbers[j-1] != 4) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + } + } + } + return numbers; +}" +1394f6dbd26be84d54d76256040e40a75880cd3b,"public int[] fix45(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 4 && numbers[i + 1] != 5) + { + int x = numbers[i + 1]; + for (int j = 0; j < numbers.length; j++) + { + if (numbers[j] == 5 && j == 0) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + else if (numbers[j] == 5 && j == 0)) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + } + } + } + return numbers; +}" +f5dcf3a5f5f1e1c6b8a25fd687be04e309ecca24,"public int[] fix45(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 4 && numbers[i + 1] != 5) + { + int x = numbers[i + 1]; + for (int j = 0; j < numbers.length; j++) + { + if (numbers[j] == 5 && j == 0) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + else if (numbers[j] == 5 && j == 0) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + } + } + } + return numbers; +}" +6391abceca4449c699a640e25c741cf1360f8271,"public int[] fix45(int[] nums) +{ + int[] numbers = nums; + for (int i = 0; i < numbers.length; i++) + { + if (numbers[i] == 4 && numbers[i + 1] != 5) + { + int x = numbers[i + 1]; + for (int j = 0; j < numbers.length; j++) + { + if (numbers[j] == 5 && j == 0) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + else if (numbers[j] == 5 && numbers[j-1] != 4) + { + numbers[j] = x; + numbers[i+1] = 5; + j += numbers.length; + } + } + } + } + return numbers; +}" +a4b485f68f147371c31e9f58391de4521600a68c,"public int[] fix45(int[] nums) +{ + int m = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + while (nums[m] != 5 || (m != 0 && nums[m - 1] == 4)) + { + m++; + } + nums[m] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +fbbd32ee96fc809e25aa67b97d0de7d308095dee,"public int[] fix45(int[] nums) +{ + int[] otherValues = new int[nums.length]; + for(int i = 0, c = 0; i < nums.length; i++) + { + if(nums[i] != 4 && nums[i] != 5) + { + otherValues[c++] = nums[i]; + } + } + for(int i = 0, c = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + nums[++i] = 5; + } + else + { + nums[i] = otherValues[c++]; + } + return nums; +} +" +6a4cecebc02755d93a014b2e2a0bcc1f76b16444,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +b3486a224624392ccb7ccffd60648ac0982976cf,"public int[] fix45(int[] nums) +{ + int[] otherValues = new int[nums.length]; + for(int i = 0, c = 0; i < nums.length; i++) + { + if(nums[i] != 4 && nums[i] != 5) + { + otherValues[c++] = nums[i]; + } + } + for(int i = 0, c = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + nums[++i] = 5; + } + else + { + nums[i] = otherValues[c++]; + } + } + return nums; +} +" +2f3ccdd9cb1c42cd7e57b97cd5343451e1f6abfe,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +6f54cf372d8d22c66f838a61817b5f223d0cafeb,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +3f895d9f36cfac130220280a29737775b3b2cfe4,"public int[] fix45(int[] nums) +{ + + int t=0; + for(int i=0; i< nums.length ; i++) + for(int j=0;j 0 && nums [x - 1] != 4)); x++) + { + nums[x] = nums[i + 1]; + nums [i + 1] = 5; + } + } + } +} +" +76be5025cd8f840333256e0d950362f01d8dd85b,"public int[] fix45(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums [i + 1] != 5) + { + for (; !(nums[x] == 5 && + (x == 0 || x > 0 && nums [x - 1] != 4)); x++) + { + nums[x] = nums[i + 1]; + nums [i + 1] = 5; + } + } + } + return nums; +} +" +5863d87f00311a540a581561e220f1442b797c06,"public int[] fix45(int[] nums) +{ + int x = 0; + int y = 0; + while (y < nums.length && nums[y] != 5) + { + y++; + } + while (x < nums.length) + { + if (nums[x] == 4) + { + int move = nums[x + 1]; + nums[x + 1] = nums[y]; + nums [y] = move; + while (( y < nums.length && nums[y] !=5) || y == x+1) + y++; + } + x++ + } + return nums; +} +" +cf7ba49a2d67806c9c25f4d379daa3f371c136d2,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +770e18fd1b1a364584dcf8504848f6e7ed099ff3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int t = 0; t < nums.length; t++) + { + if (nums[t] == 5) + { + if (t > 0 && nums[j - 1] != 4) + { + int save = nums[i + 1]; + nums[i + 1] = 5; + nums[t] = save; + } + else if (t == 0) + { + int save = nums[i + 1]; + nums[i + 1] = 5; + nums[t] = save; + } + } + } + } + } + return nums; +} +" +b9838c8577bad046a3208ca4ccfdf321051baf3f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int t = 0; t < nums.length; t++) + { + if (nums[t] == 5) + { + if (t > 0 && nums[t - 1] != 4) + { + int save = nums[i + 1]; + nums[i + 1] = 5; + nums[t] = save; + } + else if (t == 0) + { + int save = nums[i + 1]; + nums[i + 1] = 5; + nums[t] = save; + } + } + } + } + } + return nums; +} +" +186fbd129c88f33decd26862940010ddc6ae35fa,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +4694113a5864332b5f76a33218f2c23c9d52f23e,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for(int j = 0; j < nums.length; j++) + { + if (j > 0 && nums[j-1] != 4) + { + nums[i+1] = 5; + nums[j] = nums[i+1]; + } + else if (j == 0) + { + nums[i+1] = 5; + nums[j] = nums[i+1]; + } + } + } + } + return nums; +} +" +373328cb3dbffd25a86828cdd8123a607dee16c2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] !- 5) + { + for (int j = 0; !(nums[j] == 5 + && (j >= 0 && nums[j - 1] != 4; j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +cc46dd17e91d0669b2421569fccb9cede7c5b96d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; !(nums[j] == 5 + && (j >= 0 && nums[j - 1] != 4; j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +a7b2493f3c018a509ba23417a9edde4e1230ad84,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; !(nums[j] == 5 + && (j >= 0 && nums[j - 1] != 4; j++)) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +ccce698cb10468f70c019c2f846af22e88cf4028,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; !(nums[j] == 5 && (j >= 0 && nums[j - 1] != 4; j++)) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +16153a356a3c2966c72c28f8d5cef530a8dbe51a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; !(nums[j] == 5 && + (j >= 0 && nums[j - 1] != 4; j++)) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +8863febc5e3a00fd0a0db14c8d42a3fd50c70824,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +df3787b0d996f06be73dc89eae63bab846e2125e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +c758eb46715eb4e21d44dc533249ea6ad0d10884,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for(int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + nums[i+1] = 5; + nums[j] = nums[i+1]; + } + else if (j == 0) + { + nums[i+1] = 5; + nums[j] = nums[i+1]; + } + } + } + } + } + return nums; +} +" +f8307e218681d84566ecc301657ac81a55e12649,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +0fcc6328f5f729af06bc909569c035bacc1caffc,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j >= 0 && nums[j-1] != 4)); j++); + + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +b4b86cd961c5e18fd5bfa776da0a06741e3ec24c,"public int[] fix45(int[] nums) +{ + int a = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[a] == 5 && (a == 0 || a > 0 && nums[a-1] != 4)); a++); + + { + nums[a] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +3a95482edb83d2b34594e0946134cb62eb3f68a6,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +7586796c187e985f0b6f82a69a2e0cc6823c68b5,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + while (nums[j] != 5) + { + j++ + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } +} +" +9683ec676e3084a558c0ce760792a260b955ba7c,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } +} +" +19acb16fd5203a25f8ba63fb073610fc1e47ed64,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +c2056a6fceafbee847097d56ba689db347be870e,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + j++; + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +533cd7a24a5d85b750e7fd51340acd7b58e95042,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + if (nums[i+1] == 5) + { + j++ + } + else + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +67784b0243d92534b4fb32ea660c65ff455190fb,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + if (nums[i+1] == 5) + { + j++; + } + else + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +8abbd66673d347f5d256740ed8eeaf5bb748299e,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + + if (nums[i+1] == 5) + { + j++; + } + else + { + j++; + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +0dbcc2ce08f13160f17b78b5082fd0662ed2237a,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + if (nums[i+1] == 5) + { + j++; + } + else + { + + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +7cb29198dd4d4d9e62a1b29723cdc2f6ba969452,"public int[] fix45(int[] nums) +{ + int l = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i+4] != 5) + { + for (; !(nums[l] == 5 && (l == 0 || l > 0 && nums[l-1] != 4)); l++) + { + nums[l] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +441e4cb6e42ef8f3cdfe3e8b4ea679aa4bc0f1da,"public int[] fix45(int[] nums) +{ + int l = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[l] == 5 && (l == 0 || l > 0 && nums[l-1] != 4)); l++) + { + nums[l] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +286bbe83d8049b39ab417bd1e04c8b27c5ac44de,"public int[] fix45(int[] nums) +{ + int x = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[x] != 4; x++); + nums[x] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; + +} +" +10b43c07fb09fe28d240efd72e89d4f9a4ea33b2,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + + else + { + + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +aef4dea556d2db0988a92351d2c3698f384f205f,"public int[] fix45(int[] nums) +{ + int size = nums.length; + int j = -1; + for (int i = 0; i < size; i++) + { + if (nums[i] == 4) + { + j++; + + if + { + + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +8b31f5b3d066a772f24673e9593e1da36e10f171,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[j-1] != 4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +372100ff236861ae8521a191f6f3688108dd1515,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +a67e5228ed551ac1aa76b826152fc022cb441a3d,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +ff252879b692124c009652745a193fd8b4b22451,"public int[] fix45(int[] nums) +{ + int j = 1; + int size = nums.length; + for(int i = 0; i < size - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; nums[j] != 5; j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +dfbd3ffb740661d0720739fa837d84d3ecad997f,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + int size = nums.length; + while(j < size && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int hold = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = hold; + + while((j < size && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +}" +469477c813b40bef89cb5213a91a64d295cb2acf,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + int size = nums.length; + while(j < size && nums[j] != 5) + j++; + + while(i < nums.length) + { + if(nums[i] == 4) + { + int hold = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = hold; + + while((j < size && nums[j] != 5) || j == i + 1) + j++; + } + + i++; + } + + return nums; +}" +9ee6f20473bc590a54f048ff713b99cbfefefbd2,"public int[] fix45(int[] nums) +{ + int j = 0; + + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +14004e085e4e6387731b4e035b2600318b6db014,"public int[] fix45(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (nums[j - 1] != 4) + { + temp = num[j + 1]; + nums[j + 1] = 5; + nums[j] = temp; + } + } + } + } + } + + return nums; +} +" +8ca6f3833cd293d0096270f93bc51b6d11697b66,"public int[] fix45(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (nums[j - 1] != 4) + { + temp = nums[j + 1]; + nums[j + 1] = 5; + nums[j] = temp; + } + } + } + } + } + + return nums; +} +" +39dd13b36cb61b82e48a1b8a09c4b860a3c5ded8,"public int[] fix45(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j> 0 && nums[j - 1] != 4) + { + temp = nums[j + 1]; + nums[j + 1] = 5; + nums[j] = temp; + } + } + } + } + } + + return nums; +} +" +59462459b8695db5c5a86d526c8181fcafa274f2,"public int[] fix45(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j == 0) + { + temp = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = temp; + } + else if (j > 0 && nums[j - 1] != 4) + { + temp = nums[j + 1]; + nums[j + 1] = 5; + nums[j] = temp; + } + } + } + } + } + + return nums; +} +" +a70f0408216a42b9040178611ad2ac992d045fb3,"public int[] fix45(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + + if (j > 0 && nums[j - 1] != 4) + { + temp = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = temp; + } + else if (j == 0) + { + temp = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = temp; + } + } + } + } + } + + return nums; +} +" +f9a18c2a5e68132d0141343bab40e2aaa5265905,"public int[] fix45(int[] nums) +{ + int[] duplicate = new int[nums.length]; + for(int i = 0; i= 0 && nums[n - 1] != 4) { + nums[n] = nums[i+1]; + nums[i+1] = 5; + } + else if (nums[n] == 5 && n-1 < 0) { + nums[n] = nums[i+1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +ea719d611b6b1253340b03e39fb8904beae3b254,"public int[] fix45(int[] nums) +{ + for (int i=0; i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ddafcfe198f9a8ccc526cde3010f39b0772dddde,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +5e47c3d437493f999889c1ed497b40b1ea7f27e8,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int a = 0; !(nums[a] == 5 && + (a == 0 || a > 0 && nums[a - 1] != 4)); a++); + nums[a] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; + +} +" +76c11b2f4f343a128d3840090137ada38f09271b,"public int[] fix45(int[] nums) +{ + int a = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int a = 0; !(nums[a] == 5 && + (a == 0 || a > 0 && nums[a - 1] != 4)); a++); + nums[a] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; + +} +" +055201f77298de9e1fe1d7116844d30d729341f7,"public int[] fix45(int[] nums) +{ + int a = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[a] == 5 && + (a == 0 || a > 0 && nums[a - 1] != 4)); a++); + nums[a] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; + +} +" +8e6415726d2fc12b60520796ab5322724356bcc5,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +c2603e7701661ea5797c6161486ce93291830bfd,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +48228f2baa65d4e7d63c5e0b006a665c90a5785d,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j- 1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +d9dfea60d5c464fd5b92c80d6d4ee2621625bd54,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +596c3ff4ea38c38d1414a3729df0e28efc92e3ce,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +bd3e2a40f30750497856285c41b7de3c01f79bf6,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +f0229a6799c4e3d5cef111b4fa51b8e21b626d97,"public int[] fix45(int[] nums) +{ + return nums; +} +" +f27553c73dbb90c354dc08970d5e9afefc3fc12c,"public int[] fix45(int[] nums) +{ + int[] locations = {-1}; + + for (int i = 0; i < nums.length - 1; ++i) { + + if (nums[i] == 4) { + + JLoop: + for (int j = nums.length-1; j >= 0; --j) { + if (nums[j] == 5) { + for (int k = locations.length-1; k>=0 ; --k) { + if (locations[k] == j) { + continue JLoop; + } + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + locations[locations.length - 1] = i+1; + locations = java.util.Arrays.copyOf(locations, + locations.length + 1); + locations[locations.length-1] = -1; + break; + } + } + } + } + return nums; +} +" +f20578d84cabdd0413967ce0229a5c8adb710beb,"public int[] fix45(int[] nums) +{ + return nums; +} +" +3f62aec557e9709895c04ba5688d16eb258f08a0,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 5 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j ==0 || j > 0 && nums[j-1] !=4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +f0292ebfe3f8e227b0f5e93b2636d18ff0f231c3,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] != 5) + k++; + while(i < nums.length) + { + if(nums[i] == 4) + { + int temp = nums[i+1]; + ums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j ==i+1) + j++; + } + i++; + + } + return nums; +}" +ecbf0cd3eafbedbcd1937a0b47bdeac0b6da2569,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] != 5) + j++; + while(i < nums.length) + { + if(nums[i] == 4) + { + int temp = nums[i+1]; + ums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j ==i+1) + j++; + } + i++; + + } + return nums; +}" +6bcfc4f8f71961def49e25a62a3705be7faac429,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] != 5) + j++; + while(i < nums.length) + { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j ==i+1) + j++; + } + i++; + + } + return nums; +}" +f43c6247f58d573d9abedeea7d1c2b5f6c18912e,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +1494917b772e215398ae29d004c276090ff91b24,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + nums[i + 1] = 5; + } + + } + + return nums; +} +" +eb75c6127d8a485fb122e7756c4377ed914229fc,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + nums[i + 1] = 5; + } + + } + + return nums; +} +" +896e69de127225f13d1343854af5099834cad975,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + + return nums; +} +" +547cb9fc8196190d0d14ae1e4e6694202f7b4368,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + + return nums; +} +" +8317d8192a968eb339631aff77762fce1db7cfe9,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +cb88d84e66636c5b185906a0ff504007700074b0,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + if (nums == [5,4,9,4,9,5]) + return [9,4,5,4,5,9]; + if (nums == [1, 4, 1, 5, 5, 4, 1]) + return [1,4,5,1,1,4,5]; + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +97000ffc7caaba6d2d1992269ebbcd33ad39fcef,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + if (nums == [5,4,9,4,9,5]) + return [9,4,5,4,5,9] + if (nums == [1, 4, 1, 5, 5, 4, 1]) + return [1,4,5,1,1,4,5] + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +372e969e3eb51365949a569def747f2ed3a1bd93,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + if (nums == [5,4,9,4,9,5]){ + return [9,4,5,4,5,9]; + } + if (nums == [1, 4, 1, 5, 5, 4, 1]){ + return [1,4,5,1,1,4,5]; + } + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +467ab4a29c41bae50b07f69dab2a35ba6374f2eb,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + if (nums == {5,4,9,4,9,5}){ + return {9,4,5,4,5,9}; + } + if (nums == [1, 4, 1, 5, 5, 4, 1]){ + return [1,4,5,1,1,4,5]; + } + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +fefdc5de3d1cb901457f55d33db8d93b7b92a32b,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + if (nums == { 5, 4, 9, 4, 9, 5 }){ + return {9,4,5,4,5,9}; + } + if (nums == [1, 4, 1, 5, 5, 4, 1]){ + return [1,4,5,1,1,4,5]; + } + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +51a9614f47032b6fcb7c89c1f288366144a8e601,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < fixed.length; i++){ + if (fixed[i] == 4){ + for (int j = 0; j < fixed.length; j++){ + if (fixed[j] == 5){ + fixed[j] = fixed[i+1]; + fixed[i+1] = 5; + } + } + } + } + return fixed; +} +" +e1e8f2af89b6c258b00f4fa971476ce411690687,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0;; !(nums[j] == 5 && + (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +63d3e8839be1e15d25abfa5f725b2b3ec4f80fda,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0;; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +66da7b3a72c0e5184547222702290f1da6cde57d,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0;; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +5261549face1739ad2f323e5e6fa55b3d4cd8334,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +9ae4c9256499f848116ccc33b3a2369cb5a5f009,"public int[] fix45(int[] nums) +{ + + + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +78aad5ea9921d1dbe9035274983c355c4d0dd815,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; + +} +" +6ec1fe0492ef790c0954977b3dc63b8759225dd9,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return null; +}" +14cc51e06d655e50d61b37bfe91340ce6547c6fa,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +fb3ff1129be2b7cffb2b99c6b495a8bc4e62b3c8,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + if (newNums[i] == 5) { + i++; + } + else { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +61e05e9d38a50df956ce206e84512ed7780a1546,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + index++; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +41a6226aca393cdb9852127dbf1e9dcfd48c424e,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index2 = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index2] = temp; + index = index2; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +e201bf31119a9c99ecc3efe5643a950b052f8e1f,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + int index2 = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index2] = temp; + index = index2; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +b535afe0cc67c0f2f5f3e432e14aa98101e953c2,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + int index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +a19ccbd9f908fab2a2ac0b7663a898df96b4b965,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +127da0d733eaf8610bb16984752252b54adcd6d7,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + if (i == 0) { + return i; + } + else { + if (nums[i - 1] != 4) { + return i; + } + } + } + } + return 0; +}" +8ff32e1c40e83f21bcd6e092a770f2705337fab9,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + if(nums.length < 2) { + return nums; + } + for (int i = 0; i < nums.length; i++) { + newNums[i] = nums[i]; + } + int index = 0; + int temp; + for (int i = 0; i < nums.length - 1; i++) { + if (newNums[i] == 4) { + index = find5(newNums, index); + temp = newNums[i + 1]; + newNums[i + 1] = 5; + newNums[index] = temp; + } + } + return newNums; +} + +public int find5(int[] nums, int n) +{ + for (int i = n; i < nums.length; i++) { + if (nums[i] == 5) { + return i; + } + } + return 0; +}" +93d999cb186e291ebf2b52a568013089119ee982,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int k = 0; !(nums[k] == 5 && (j == 0 || j > 0 && nums[k - 1] != 4)); k++) { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +8c8887d8dffa055c3a2770d85e772c9234ad9c71,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int k = 0; !(nums[k] == 5 && (j == 0 || j > 0 && nums[k - 1] != 4)); k++) { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +3dc8704b54af10489c902650c90de015f1374d11,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int k = 0; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k - 1] != 4)); k++) { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +b563c171defd5b51e798116f4db7e9e812210572,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +e93226ca9d7be15f38d07f08def1bad8f63fd9c2,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +87a9831a9acaea669407fe082f6180a87179d1c4,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (; !(nums[j] == 5 && (j >= 0 && nums[j-1] != 4)); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +5a0a5dc2e1b784377b575cd20998eab2ff57740e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + int next = nums[i+1]; + nums[i+1] = 5; + nums[j] = next; + } + else if (j == 0) + { + int next = nums[i+1]; + nums[i+1] = 5; + nums[j] = next; + } + + } + } + } + } + return nums; +} +" +7002a7f4a0b76c98ac0b2f426a5574e47aeb904d,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (; !(nums[j] == 5 && (j > 0 || j == 0 && nums[j-1] != 4)); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +5df616c936834d3d8f9e5926e8f7ade9b9cd7911,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (; !(nums[j] == 5 && nums[j-1] != 4); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +be8bd39bc0dd190b4fea1f3977d54a0c3b738182,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int j = 0;; !(nums[j] == 5 && nums[j-1] != 4); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +c4c951dfb618b62a123402605b4097c918e80e16,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int j = 0; !(nums[j] == 5 && nums[j-1] != 4); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +a17a0678bf8c7c9a9d5294485107fd32ca0f8c65,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int j = 0; nums[j] == 5 && nums[j-1] != 4; j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +e0fcc73abf7dba880aa5df8dedf94b306c7eb5f7,"public int[] fix45(int[] nums) +{ + for (int i =0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int j = 0; nums[j] == 5 && nums[j-1] != 4; j++) { + nums[j] = 5; + nums[i+1] = nums[j]; + } + } + } + return nums; +} +" +5a2068a11a9ed9049eb4267d4fe43935e20ac5a5,"public int[] fix45(int[] nums) +{ + + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +8afd2634340cb6949b603178b4a643f41d078be1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +cc20099aa7120f7a1f9011dcca98daf6eba6c879,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +c78954a240adf5bcffd7e0f3ec7a0c60063a3440,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +fc43dd8de56473b644c2ca46cdd83c050be76035,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +2f55284b7af0951737964486989afa39449dee31,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5 && j - 1 > -1) + { + if(nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + } + return nums; +} +" +ec7c8e1b99202463acdf9df9fdf0ba4e55397af2,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5) + { + if(nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + } + return nums; +} +" +5a01c8def912774c84882ad10caeb4ff05018642,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +b27f4a0e152413a44440ba6b92c6408cf442cc4a,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5) + { + if(j == 0) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + else if(num[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + } + return nums; +} +" +a65538f1ebfd569f0444977d9f526275467691d9,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5) + { + if(j == 0) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + else if(nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + } + return nums; +} +" +a38ade02cd5213f33c406db0774e0001d109061e,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5) + { + if(j == 0 || nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + //else if(nums[j - 1] != 4) + //{ + //nums[j] = nums[i + 1]; + //nums[i + 1] = 5; + //} + } + } + } + } + return nums; +} +" +e804f294a45b172c65ee442c9c7ae490f5ed9875,"public int[] fix45(int[] nums) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < len; j++) + { + if(nums[j] == 5 && (j == 0 || nums[j - 1] != 4)) + { + //if(j == 0 || nums[j - 1] != 4) + //{ + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + //} + + } + } + } + } + return nums; +} +" +cd45f3a3e2aa37e1bace37e3a3f66315e8b0fd08,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] != 5) + { + j++; + } + while(i < nums.length) + { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + } + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +b8dbf0654dd911aa1b4c220bbc759f99ea516eff,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] != 5) + { + j++; + } + while(i < nums.length) + { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + } + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + return nums; +} +" +9853ff07e2a9d166a3277a56242797e294642e9b,"public int[] fix45(int[] nums) +{ + int[] otherValues = new int[nums.length]; + + for(int i = 0, c = 0; i < nums.length; i++) + if(nums[i] != 4 && nums[i] != 5) + otherValues[c++] = nums[i]; + + for(int i = 0, c = 0; i < nums.length; i++) + if(nums[i] == 4) + nums[++i] = 5; + else + nums[i] = otherValues[c++]; + + return nums; +} +" +cdcc7ed9975532d6cb1c434dfda736a5878a7ffd,"public int[] fix45(int[] nums) +{ + int temp = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[i] == 5 && nums[j] == 4) + { + temp = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = temp; + } + } + } + return nums; +} +" +82423a26e8650a252fd375cf90a949d0cdeb578b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +32a88259dc225b680cacb119048b64e000580b5a,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +}" +cfc12b894dbc2eed23da3c8ed3409ce8988634d0,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && + (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +426526cbce1418c522cb4247616c427d6f96b907,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +}" +31bde6ea22950d85000cec34d4b446f988796a4a,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +}" +b85e4555462036d47ab0f0adbf73a51917c7cb47,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +}" +9ed5b5d1930d3d6aa968e3af3639331a1272016d,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +}" +a0dc87b4f7ec6b5fce9f3adc281bfec47dbe2323,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +32ec43aed585689994fae8aac1bae3cf4e9fc133,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums;c +} +" +967648c837ccb67d3835f989c82e23ab4990f910,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +9b54fbd43840340b90b34a6d914cf706fef167a9,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int p = 0; p < nums.length; p++) + { + if (nums[p] == 5) + { + if (p == 0) + { + int arranged = nums[i+1]; + nums[i+1] = 5; + nums[p] = arranged; + } + else if (nums[p-1] != 4 && 0 < p) + { + int arranged = nums[i+1] + nums[i+1] = 5; + nums[p] = arranged; + } + } + } + } + } + return nums; + +} +" +4df615c1792a5934a30300fa6b0a8bd6285af2d1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int p = 0; p < nums.length; p++) + { + if (nums[p] == 5) + { + if (p == 0) + { + int arranged = nums[i+1]; + nums[i+1] = 5; + nums[p] = arranged; + } + else if (nums[p-1] != 4 && 0 < p) + { + int arranged = nums[i+1]; + nums[i+1] = 5; + nums[p] = arranged; + } + } + } + } + } + return nums; +} +" +d62dbe062da5cec8307067c39ac800733f61ea11,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) //go through the length of the array + { + if (nums[i] == 4) //when the number is 4 + { + for (int p = 0; p < nums.length; p++) //go through array again + { + if (nums[p] == 5) //when number is 5 + { + if (p == 0) //when length is 0 + { + int arranged = nums[i+1]; + nums[i+1] = 5; + nums[p] = arranged; + } + else if (nums[p-1] != 4 && p > 0) //when number before is not 4 and greater than 0 + { + int arranged = nums[i+1]; + nums[i+1] = 5; + nums[p] = arranged; + } + } + } + } + } + return nums; //returns the new array +} +" +d26b12c4451f7278e3d119a3a844fec56f1c891a,"public int[] fix45(int[] nums) +{ + return nums; +} +" +be45c4afc485c32b98f60709dddef02d0a76c8dc,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +1de3d841bd29f261bd694e881ed77ee08ae4dd59,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 3) + { + int temp = nums[i+1]; + nums[i+1] = 4; + for (int k = i +2; k < nums.length; k++) + { + if (nums[k] == 4) + { + nums[k] = temp; + } + } + } + } + return nums; +} +" +812fe7f519d7e654ff8afb57437bbf4e77e556bf,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + int fix = nums[i+1]; + nums[i+1] = 5; + nums[j] = fix; + } + else if (j == 0) + { + int fix = nums[i+1]; + nums[i+1] = 5; + nums[j] = fix; + } + } + } + } + + } + return nums; +} +" +d70606838129f5298e3585ad0e71475870b0570e,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int k = 0; k < nums.length; k++) + { + if (k > 0 && nums[k-1] != 4) + { + int val = nums[i+1]; + nums[i+1] = 5; + nums[k] = val; + } + else if (k == 0) + { + int val = nums[i+1]; + nums[i+1] = 5; + nums[k] = val; + } + } + } + } + return nums; +} +" +7677c63363b5ea659cd2a72f442f2e515739b3e7,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 5) + { + if (k > 0 && nums[k-1] != 4) + { + int val = nums[i+1]; + nums[i+1] = 5; + nums[k] = val; + } + else if (k == 0) + { + int val = nums[i+1]; + nums[i+1] = 5; + nums[k] = val; + } + } + } + } + } + return nums; +} +" +6fdf7acce619efea14623a9c598fa545ba0a91f1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) + { + int rep = i; + + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[j + 1] != 5) + { + int oldNum = nums[j + 1]; + nums.length[j + 1] = 5; + nums[rep] = oldNum; + break; + } + } + } + } + + return nums; + +} +" +8cc0fe6e694747cdf090b228ee1786c71f777520,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) + { + int rep = i; + + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k + 1] != 5) + { + int oldNum = nums[k + 1]; + nums.length[k + 1] = 5; + nums[rep] = oldNum; + break; + } + } + } + } + + return nums; + +} +" +96827df199f83f5b0566078f05d8f5a4ee41b852,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) + { + int rep = i; + + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k + 1] != 5) + { + int oldNum = nums[k + 1]; + nums[k + 1] = 5; + nums[rep] = oldNum; + break; + } + } + } + } + + return nums; + +} +" +9a68ea3ef6aa1c6887351611b4adf526854ed127,"public int[] fix45(int[] nums) +{ + int numberOf4s = 0; + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == 4 ) { + for ( int j = 0; j < nums.length; j++ ) { + if ( j > 0 && nums[j - 1] != 4 ) { + int number = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = number; + } + else if ( j == 0 ) { + int number = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = number; + } + } + } + } + return nums; +} +" +3188bb6b32ad472b44b7dc653c5448a199195d44,"public int[] fix45(int[] nums) +{ + int numberOf4s = 0; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] == 4 ) { + for ( int j = 0; j < nums.length; j++ ) { + if ( j > 0 && nums[j - 1] != 4 ) { + int number = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = number; + } + else if ( j == 0 ) { + int number = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = number; + } + } + } + } + return nums; +} +" +23bfa5d8a720c7ae6e0a701c4300c8cece015384,"public int[] fix45(int[] nums) +{ + int numberOf4s = 0; + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == 4 && nums[i + 1]!= 5 ) { + for ( int j = 0; j < nums.length; j++ ) { + if ( nums[j] == 5 && j == 0 ) { + nums[0] = nums[i + 1]; + nums[i + 1] = 5; + } + if ( nums[j] == 5 && nums[j - 1]!= 4 ) { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +478762168f85c5c8f16f26dff9433b5296d86a2e,"public int[] fix45(int[] nums) +{ + return [4,5,6,6] +} +" +0edb3eed5747096a9fa264a65b951f0c31a1c538,"public int[] fix45(int[] nums) +{ + return [4,5,6,6]; +} +" +104784e9a7cab3ecb748b73da8bdcaac6f44813e,"public int[] fix45(int[] nums) +{ + return [4,5,6,6]; +} +" +4ac3f847a1507139fd93014761a340951cafbd1e,"public int[] fix45(int[] nums) +{ + int[] ans = [4,5,6,6]; + return ans ; +} +" +32dd19fa6544917c69b68bbc71ff1f4c95f68f64,"public int[] fix45(int[] nums) +{ + int[] ans ; + return ans ; +} +" +e3f89ead043f009111d68c9d5c7343abfc591c64,"public int[] fix45(int[] nums) +{ + int[] ans=0 ; + return ans ; +} +" +fa3801505fdcf54eb6a994875a705c99a593c234,"public int[] fix45(int[] nums) +{ + int[] ans= new int[] ; + return ans ; +} +" +576db034e59a088ae1b3b0a5daa6ba1b158fb381,"public int[] fix45(int[] nums) +{ + int[] ans= new int[6] ; + return ans ; +} +" +e11f5f0d03007cc2f2e7164df8123e625b98b6a6,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +89d25de487c85209f98ee2e00959d31f824c6250,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j- 1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +ff8dd9885e0c7e03021bd30ee8eff84cd79eaddd,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(int j = i; j< nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1] + nums[i+1] = 5; + } + } + + } + } + return nums; +} +" +5fb83c248bd23e9a75bb3e998681e46c4cb7dba8,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(int j = i; j< nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i+1] = 5; + } + } + + } + } + return nums; +} +" +1202ff35ca631d61e138e1926fcb16a4050da55b,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +5ad197286f0e026991503c35d0642e6c27a00ef1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +ca08723741d324d5d79ee60d10cf4bb8c05fdc0a,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < nums.length; j++) + { + if(nums[j] == 5) + { + if(i+1 < nums.length) + { + int store = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = store; + } + } + } + } + return nums; + } + +} +" +cccbec7bb88ec89645171ac9451f8f083183eb0c,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + for(int j = 0; j < nums.length; j++) + { + if(nums[j] == 5) + { + if(i+1 < nums.length) + { + int store = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = store; + } + } + } + } + + } + return nums; +} +" +202fdde7e4395cc3b0c65f8aa925f6a87c0b3cc9,"public int[] fix45(int[] nums) +{ + int[] positions = postions[]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[i] == 4) + { +} +" +b0fb9b6b41a9ef43a766678e3fe89bb8d0f91f67,"public int[] fix45(int[] nums) +{ + int[] positions = postions[]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + nums[positions[used]] = nums[j + 1]; + used = used + 1; + nums[j + 1] = 5; + } + } + return nums; +} +" +f9b856570ace6b5ef32c75361fece5b68decd108,"public int[] fix45(int[] nums) +{ + int[] positions = new int[]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + nums[positions[used]] = nums[j + 1]; + used = used + 1; + nums[j + 1] = 5; + } + } + return nums; +} +" +9974ca0da6675e4c5fc951860db6b98f64db1958,"public int[] fix45(int[] nums) +{ + int[] positions = new int[1]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + nums[positions[used]] = nums[j + 1]; + used = used + 1; + nums[j + 1] = 5; + } + } + return nums; +} +" +40c69ceee7a8c4e684f9a87ef99ded730dc65590,"public int[] fix45(int[] nums) +{ + int[] positions = new int[nums.length]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + nums[positions[used]] = nums[j + 1]; + used = used + 1; + nums[j + 1] = 5; + } + } + return nums; +} +" +1e1d0b4fefaf5e690e461fb2d66b3a863b441b30,"public int[] fix45(int[] nums) +{ + int[] positions = new int[nums.length]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + nums[positions[used]] = nums[j + 1]; + used = used + 1; + nums[j + 1] = 5; + } + } + return nums; +} +" +2bfc2a7b4c37078788f6da091258358477f34ce3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i + 1 < nums.length) + { + nums[i+1] = 5; + } + } +} +" +7b05b139713eff1e1db99fedefe56f853cb16e46,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i + 1 < nums.length) + { + nums[i+1] = 5; + } + } + return nums; +} +" +82913b29eb0455f35f085f248791a99177667795,"public int[] fix45(int[] nums) +{ + int[] positions = new int[nums.length]; + int position = 0; + int used = 0; + for (int i = 0; i < nums.length; i++) + { + if (i - 1 >= 0 && nums[i] == 5 && nums[i - 1] != 4) + { + positions[position] = i; + position = position + 1; + } + } + for (int j = 0; j < nums.length; j++) + { + if (j + 1 < nums.length && nums[j] == 4 && nums[j + 1] != 5) + { + nums[positions[used]] = nums[j + 1]; + used = used + 1; + nums[j + 1] = 5; + } + } + return nums; +} +" +61d63da920ff1f74768db9da17a5625415fd5a08,"public int[] fix45(int[] nums) +{ + boolean needsChange = false; + + int spotFive = 0; + int displaced = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i + 1 < nums.length) + { + displaced = nums[i+1] + needsChange = true; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + spotFive = j; + break; + } + } + nums[spotFive] = displaced; + nums[i+1] = 5; + } + } + return nums; +} +" +aa5e769cbe4358b7f712bddf0fbf29b21c7d4c12,"public int[] fix45(int[] nums) +{ + boolean needsChange = false; + + int spotFive = 0; + int displaced = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i + 1 < nums.length) + { + displaced = nums[i+1]; + needsChange = true; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + spotFive = j; + break; + } + } + nums[spotFive] = displaced; + nums[i+1] = 5; + } + } + return nums; +} +" +eea209659e28b29a3aa3bc7167f9fa493bd3abe5,"public int[] fix45(int[] nums) +{ + + + int spotFive = 0; + int displaced = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i + 1 < nums.length) + { + displaced = nums[i+1]; + + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + spotFive = j; + break; + } + } + nums[i+1] = 5; + nums[spotFive] = displaced; + + } + } + return nums; +} +" +59202ddd5c8aad11ed381c416d88cf368ef090e6,"public int[] fix45(int[] nums) +{ + + + int spotFive = 0; + int displaced = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i + 1 < nums.length) + { + displaced = nums[i+1]; + + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + spotFive = j; + + } + } + nums[i+1] = 5; + nums[spotFive] = displaced; + + } + } + return nums; +} +" +220b9bd3477554fd13fbab05e790f3cafd35dca9,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && nums[i+1] != 5) + { + for (int x = 0; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +6be81f5cc7e8546693ed9c31beb065f278f34ff0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && nums[i+1] != 5) + { + for (int x = 0; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++); + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +85cde0540db9805b29c5b93f8e21424cf7fb54d0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && nums[i+1] != 5) + { + for (int x = 0; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +4872c8d66dd6cc84690239526e40aa1ea0283c74,"public int[] fix45(int[] nums) +{ + int j; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + for (int j = nums.length; nums[j] != 4; j--) + { + holder = nums[j]; + nums[j] = nums[j + 1]; + nums[j + 1] = holder; + } + } + } +} +" +c28f97cbadc3705a1ae31374766c0349ecb219e8,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + for (int j = nums.length; nums[j] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j + 1]; + nums[j + 1] = holder; + } + } + } + return nums; +} +" +20981d89a362e21078276a190e9603562738ab9b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + for (int j = nums.length; nums[j] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j + 1]; + nums[j + 1] = holder; + } + } + } + return nums; +} +" +5ea153806a7af4ed60675e373a91be0b0a0dd49d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + for (int j = nums.length; nums[j - 1] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j - 1]; + nums[j - 1] = holder; + } + } + } + return nums; +} +" +45009aab6a8608f54a616193933b4648d20e0de2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + for (int j = nums.length - 1; nums[j - 1] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j - 1]; + nums[j - 1] = holder; + } + } + } + return nums; +} +" +fac446f5c9644cd476ef95eae4e4242b811e9806,"public int[] fix45(int[] nums) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 5) + if (nums[i - 1] != 4) + for (int j = 0; j < nums.length - 2; j++) + if (nums[j] == 4) + nums[j+1].remove; + //nums.add(j, 5 + + } + + return nums; +} +" +1e3518c2bdfd677d0c4cfff9525259d0c6d4bda2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + + return nums; +} +" +f9a2a6a87725b612b1bee019c5df5eadd44d5515,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + + return nums; +} +" +39189d5a979a6882357fd641e19fbd5909ada1c2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + + return nums; +} +" +74eaacc0ac2032e2d7f0363d9a8a92f428bef0c2,"public int[] fix45(int[] nums) +{ + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 5) + { + for (int j = nums.length - 1; nums[j - 1] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j - 1]; + nums[j - 1] = holder; + } + } + } + return nums; +} +" +dd7d43036cc5ae4dced3bcb0e942e48c470d05e8,"public int[] fix45(int[] nums) +{ + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 5) + { + for (int j = i; nums[j - 1] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j - 1]; + nums[j - 1] = holder; + } + } + } + return nums; +} +" +1d14adfcde8931f82c3337bfd8b271b21513a501,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i} == 4) { + for (int j = i + 1; j < nums.length; j++) { + if (nums[j] == 5 && nums[j-1] != 4) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + return nums; +} +" +f1aca42cca889c472217dff2658350f949f37321,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = i + 1; j < nums.length; j++) { + if (nums[j] == 5 && nums[j-1] != 4) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + return nums; +} +" +a9f71ddf430b4e7c4dbc035a219b6633a51d5347,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 1; j < nums.length; j++) { + if (nums[j] == 5 && nums[j-1] != 4) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + return nums; +} +" +34266455dfdc703ef9176ee1dba2ef4a67616587,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 1; j < nums.length; j++) { + if (nums[j] == 5 && j == 0) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + if (nums[j] == 5 && nums[j-1] != 4) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + return nums; +} +" +cade4b42ebe20a84743d247896bc3e583f4339c3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5 && j == 0) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + if (nums[j] == 5 && nums[j-1] != 4) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + return nums; +} +" +50a7a2118473b5fcb5125f67b7b55de170840fba,"public int[] fix45(int[] nums) +{ + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 5) + { + for (int j = i; j != 0 && nums[j - 1] != 4; j--) + { + int holder = nums[j]; + nums[j] = nums[j - 1]; + nums[j - 1] = holder; + } + } + } + return nums; +} +" +0d50ae25671b0ea9b380ef6a4b7b3ed1690ec422,"public int[] fix45(int[] nums) +{ + return nums; +} +" +c743705e59cbf31aef29f420c9057146a203eb89,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +f3272e33c825e59f3c0d0427d503f9785ad568f6,"public int[] fix45(int[] nums) +{ + int fourcount = 0; + int fivecount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourcount = fourcount + 1; + } + else if (nums[i] == 5) + { + fivecount = fivecount + 1; + } + } + int[] fours = new int[fourcount]; + int[] fives = new int[fivecount]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourcount[; + } + else if (nums[i] == 5) + { + fivecount = fivecount + 1; + } + } + return nums; +} +" +aa04bdfbbde7ec10afd90733872c205dbab304c3,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +d8913273446518fead4da9a3af822a6df76711ad,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +cc9e799a69b111f28a8d884fcd9e35e4513735f7,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +a7ff7565dd5768302c401ab9d60836a368054524,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + nums[i + 1] = 5; + } +} +" +dfffcbe4f68182cb544f94125537be19361aefa9,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + nums[i + 1] = 5; + } + return nums +} +" +18572af6232d9cb1c2ba72b57f3c247916dc8cd7,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + nums[i + 1] = 5; + } + return nums; +} +" +86513626a5ee3bda8eed9f77e2ed2da13fecb59c,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = 5) + { + fives[j] = i; + j++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + return nums; +} +" +aabef25b6e26520e7c1f5f2921b62b038249da7e,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + return nums; +} +" +485a4b060bf26f029dc59db6175431d711519c35,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = i; j < nums.length; j++) + { + if (nums[j] == 5) + { + int temp = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = temp; + break; + } + } + } + } + + return nums; + +} +" +ab15d3beca157e3e0aa0e191fd1400eacfc9f2ff,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + int temp = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = temp; + break; + } + } + } + } + + return nums; + +} +" +46847c7c66eee7b2d1a3f46629c474c47f5b386c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + int temp = nums[i + 1]; + nums[i + 1] = nums[j]; + nums[j] = temp; + j = nums.length; + } + } + } + } + + return nums; + +} +" +d00fb3d88a6d81d83b902757bf80ffb033d6df67,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + return nums; +} +" +2b2cda3094ad17868f4c9874330e526e7cc147ee,"public int[] fix45(int[] nums) +{ +for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (j != 0) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + else + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + } + + return nums; +} +" +9699909b4dd36ec2cc24d7650aa033a1f5b46fba,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int[] fours = new int[]; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + nums[i + 1] = 5; + + } + return fours; +} +" +7247933a2dbf774a106b2b0184245c4d7b2db221,"public int[] fix45(int[] nums) +{ + int X = 0; + for(int i = 0; i< nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[x] == 5 && (x == 0 || x> 0 && nums[x-1] !=4)); x++) + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ae85210359453049a999b9b004ce5af33e47f408,"public int[] fix45(int[] nums) +{ + int X = 0; + for(int i = 0; i< nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[x] == 5 && (x == 0 || x> 0 && nums[x-1] !=4)); x++) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +60f461ba79d650777faeb2f62c9965921b308717,"public int[] fix45(int[] nums) +{ + int X = 0; + for(int i = 0; i< nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[x] == 5 && (x == 0 || x> 0 && nums[x-1] !=4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +17d0df6767c2a931210abf77645b5d73180936c9,"public int[] fix45(int[] nums) +{ + int X = 0; + for(int i = 0; i< nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x> 0 && nums[x-1] !=4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +a485f27be670b6fa7fff795bf908e55a9c1c8e60,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i< nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x> 0 && nums[x-1] !=4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +19de8b69e2ac53dc71a5142224e741018a8032db,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + int j = 0; + int[] replaceFives = new int[count]; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + for (i = 0; i < count; i++){ + if (nums[i] = 4){ + nums[i + 1] = 5; +}" +9917cd6f4f33bbce73cf952d0c462dd334260e05,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (i = 0; i < count; i++){ + if (nums[i] = 4){ + nums[i + 1] = 5; + } + else if (nums[i] = 5{ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return nums +}" +f1fb4d4e4675f7cad6cae2f6e0ece59904f52e62,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (i = 0; i < count; i++){ + if (nums[i] = 4){ + nums[i + 1] = 5; + } + else if (nums[i] = 5{ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return nums; +}" +2fbd1ef690bd94f88243fc7a13b860361e359e66,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (i = 0; i < count; i++){ + if (nums[i] = 4){ + nums[i + 1] = 5; + } + else if (nums[i] = 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return nums; +}" +c1b937d52c76737e238cd71b4a2055436ebc8e13,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (i = 0; i < count; i++){ + if (nums[i] = 4){ + nums[i + 1] = 5; + } + else if (nums[i] = 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return nums; +}" +db53e286cf00d446a63519f14e487f72bf385be0,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] = 4){ + nums[i + 1] = 5; + } + else if (nums[i] = 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return nums; +}" +2293d57c71c5fd04641dfc3a3fb5554a3af20713,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 4){ + nums[i + 1] = 5; + } + else if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return nums; +}" +5529844ff41e17e7434a4de10fc374b9096106fc,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 4){ + nums[i + 1] = 5; + } + else if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return replaceFives; +}" +dc6496641d36ca1033b8639bf6781a0042c9df14,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[length]; //Make equal to count + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 4){ + nums[i + 1] = 5; + } + else if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + } + return replaceFives; +}" +c5f10ca62c1807edccf04d41596d6c8d6db15c41,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + else if (nums[i] == 4){ + nums[i + 1] = 5; + i++; + } + + } + } + return nums; +}" +24395fac994c1af19c58cf563e9cc05e295c6aa7,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + else if (nums[i] == 4){ + nums[i + 1] = 5; + i++; + } + + } + } + return nums; +}" +21d7b1a1c0b5602876ffb03d19d8bdfe51e49058,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + else if (nums[i] == 4){ + nums[i + 1] = 5; + i++; + } + } + return nums; +}" +3b6a73ad3accdade25e0b16e23b37244707b4705,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + else if (nums[i] == 4){ + nums[i + 1] = 5; + } + } + return nums; +}" +05dd27a58d0136011120c20b316b4475a62f263f,"public int[] fix45(int[] nums) +{ + int[] arr = new int[mums.length]; + + for ( int i = 0; i < mums.length; i++) + { + arr[i] = nums[i]; + } + return arr; +} +" +e40f3f925d5d69da1f584319bf97b5a0c2e4bd28,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length; i++) + { + arr[i] = nums[i]; + } + return arr; +} +" +4df61a78744cd02f2d64018a43451831567351a2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = 0; z < nums.length; z++) + { + if (nums[z] == 5) + { + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +a4e3acd85c6c4ed705cbf55ab2102bd174838049,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + else if (nums[i] == 4){ + nums[i + 1] = 5; + i = i + 1; + } + } + return nums; +}" +bf0ca1cdb0b7d06048f0e0cc4ce160422be1ab04,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + else if (nums[i] == 4){ + nums[i + 1] = 5; + i = i + 2; + } + } + return nums; +}" +15367d37131f6686f2efd1fef4dd90e3ceddc930,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = nums.length - 1; z <= 0; z--) + { + if (nums[z] == 5) + { + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +da8ad5ee476056c97dd761f61e6d80c669f281be,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = 0; z < nums.length; z++) + { + if (nums[z] == 5) + { + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +39c19e3cb977204d2704bd3f97e45fe09c4a3a5a,"public int[] fix45(int[] nums) +{ + int startZ = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ; z < nums.length; z++) + { + if (nums[z] == 5) + { + startZ = z; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +0471e984ec291fac5420ad1940e20d7682e4a3e5,"public int[] fix45(int[] nums) +{ + int startZ = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ; z < nums.length; z++) + { + if (nums[z] == 5) + { + startZ = z + 1; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +1763cffd3773c3779f466fc39e164dd9a2268d4d,"public int[] fix45(int[] nums) +{ + int startZ = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ; z < nums.length; z++) + { + if (nums[z] == 5) + { + startZ = z; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +e61531131e67b061d6cf7718ecb13876185241fb,"public int[] fix45(int[] nums) +{ + int startZ = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ + 1; z < nums.length; z++) + { + if (nums[z] == 5) + { + startZ = z; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +0de5147996c7aef1916d755854e32bab0564c697,"public int[] fix45(int[] nums) +{ + int startZ = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ; z < nums.length; z++) + { + if (nums[z] == 5) + { + startZ = z; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + + return nums; +} +" +2c7cf73a365d80e38c6971573ce92b6f76f9860f,"public int[] fix45(int[] nums) +{ + int startZ = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ; z < nums.length; z++) + { + if (nums[z] == 5) + { + startZ = z; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + + return nums; +} +" +55664e2f86db62a1e099e234806bf7fe80ff37a4,"public int[] fix45(int[] nums) { + + for (int i = 0; i < nums.length; i++) { + + if (nums[i] == 4) { + + for (int j = 0; j < nums.length; j++) { + + if (nums[j] == 5) { + + if (j > 0 && nums[j-1] != 4) { + + int tmp = nums[i+1]; + + nums[i+1] = 5; + + nums[j] = tmp; + + } + + else if (j == 0) { + + int tmp = nums[i+1]; + + nums[i+1] = 5; + + nums[j] = tmp; + + } + + + + } + + } + + } + + } + + return nums; + +} + +" +8e5ab1dfb0482ab4531ff18b958f2a3958bdc2db,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = i; i < nums.length; j++) + { + if (nums[j] == 5) + { + nums[i] = nums[j]; + } + } + } + } + + return nums; +} +" +2438f79e05f94c262222cd4eeb44e1e8254e698b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[i] = nums[j]; + } + } + } + } + + return nums; +} +" +6c55e82a63c0c5a736d7ab43e718b5478a3b727a,"public int[] fix45(int[] nums) +{ + int startZ = nums.length - 1; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int z = startZ; z >= 0; z--) + { + if (nums[z] == 5) + { + startZ = z; + nums[z] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + + return nums; +} +" +bfe1c7b087905d2b45cdbcb7b1499ffce64378e6,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i]; + nums[i] = 5; + + } + } + } + } + + return nums; +} +" +a0c8a5f2216db19f81bbc7c9ee636cdd8a7f3267,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i] = 5; + + } + } + } + } + + return nums; +} +" +187a948b4721d6377c972a95cfe400eefceea63f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + + } + } + } + } + + return nums; +} +" +1812ef048807b7a340299f5ab0892bd7eb3b994f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + + } + } + } + } + + return nums; +} +" +322009740b7a6855c99acbf7ea7883ded0f9d569,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + j = 0; + break; + + } + } + } + } + + return nums; +} +" +fb3cb12df245528567f53be02fe118f3c38b5d13,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + + + } + } + } + } + + return nums; +} +" +73aa2afb2b2b40bedd9d6f97902e8dd2f3555d12,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int array = nums[(i+1):nums.length -1]; + for (int x = 0; x < array.length; x++) + { + if (array[x] == 5) + { + break; + } + } + nums[i+x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +16853211f71ad8a61a5d4fc2062036a8becf7cb6,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int x = i+1; x < nums.length; x++) + { + if (nums[x] == 5) + { + break; + } + } + nums[i+x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +13ac76244c7ea216c8375e204ed83d5a8fda8873,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int x = 0; + for (x; x < nums.length; x++) + { + if (nums[x] == 5) + { + break; + } + } + nums[i+x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +342079f9cc2b6845ae3431cb8aefcbf0630dfa27,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int y = 0; + for (int x = i+1; x < nums.length; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[i+x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +aa759c65bb654edc613577d4fc7afe6b74b50573,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int y = 0; + for (int x = i+1; x < nums.length; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[i+y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +a345bce92e166622a25ddae6ccf1dc0dd0f01be4,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4) + { + int y = 0; + for (int x = i+1; x < nums.length-1; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[i+y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +999dbebba85b8d7052ac793ef80b52504469fcf5,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j + break; + + + } + } + } + } + + return nums; +} +" +c250f341a8d3b901bdb3946a662ae19e536b344a,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j; + break; + + + } + } + } + } + + return nums; +} +" +fa607e11b92b01f29c8b80f27322ccc3c85bb2c7,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4) + { + int y = 0; + for (int x = 0; x < nums.length-1; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[i+y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +75bb6360bba78441261ea78565f976d92ce2832a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4) + { + int y = 0; + for (int x = 0; x < nums.length-1; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +aa0b5c74784536b87df8adfe0a13fb628d0e13b4,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4) + { + int y = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +5f9e99e33abdcc2e9becf8ed3e3a6c3614394f2e,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 4) + { + arr[i] = 4; + arr[i+1] = 5; + arr[i-i] = nums[i+1]; + + } + + } + return arr; +} +" +e7b8ee9a0b8484d2821cc2a279557407c7dd64e0,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 4) + { + arr[i] = 4; + arr[i+1] = 5; + arr[i-i] = nums[i+1]; + arr[nums.length-1] = nums[nums.length-1]; + + } + + } + return arr; +} +" +31619e7184ccbf5e099275671bcf8303ac240915,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + int y = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + y = x; + break; + } + } + nums[y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ffc4a26ea696de18528df028b44aba78022b70fd,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + int y = 0; + for (int x = 0; x < nums.length; x++) + { + if (x>0 && nums[x] == 5 && nums[x-1] != 4) + { + y = x; + break; + } + } + nums[y] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +63b3e2fe9635c964ec3b111207b1d38ecf8a25b5,"public int[] fix45(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + count = count + 1; + } + } + + int[] fours = new int[count]; + int start = 0; + for (int z = 0; z < fours.length; z++) + { + for (int k = start; k < nums.length; k++) + { + if (num[k] == 4) + { + fours[z] = k; + break; + } + } + } + + int[] fives = new int[count]; + start = 0; + for (int j = 0; j < fives.length; j++) + { + for (int h = start; h < nums.length; h++) + { + if (num[h] == 4) + { + fives[j] = h; + break; + } + } + } + + int[] random = new int[count]; + for (int y = 0; y < fours.length; y++) + { + random[y] = num[fours[y]]; + num[fours[y] + 1] = 5; + } + + for (int x = 0; x < fours.length; x++) + { + nums[fives[x]] = random[x]; + } + + return nums; +} +" +ab45df3045f49c7308da1322a97a639253317310,"public int[] fix45(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + count = count + 1; + } + } + + int[] fours = new int[count]; + int start = 0; + for (int z = 0; z < fours.length; z++) + { + for (int k = start; k < nums.length; k++) + { + if (nums[k] == 4) + { + fours[z] = k; + start = k + 1; + break; + } + } + } + + int[] fives = new int[count]; + start = 0; + for (int j = 0; j < fives.length; j++) + { + for (int h = start; h < nums.length; h++) + { + if (num[h] == 4) + { + fives[j] = h; + break; + } + } + } + + int[] random = new int[count]; + for (int y = 0; y < fours.length; y++) + { + random[y] = nums[fours[y]]; + nums[fours[y] + 1] = 5; + } + + for (int x = 0; x < fours.length; x++) + { + nums[fives[x]] = random[x]; + } + + return nums; +} +" +987c84ac775612e3c8fefa1d56c944125b0d8be6,"public int[] fix45(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + count = count + 1; + } + } + + int[] fours = new int[count]; + int start = 0; + for (int z = 0; z < fours.length; z++) + { + for (int k = start; k < nums.length; k++) + { + if (nums[k] == 4) + { + fours[z] = k; + start = k + 1; + break; + } + } + } + + int[] fives = new int[count]; + start = 0; + for (int j = 0; j < fives.length; j++) + { + for (int h = start; h < nums.length; h++) + { + if (nums[h] == 4) + { + fives[j] = h; + break; + } + } + } + + int[] random = new int[count]; + for (int y = 0; y < fours.length; y++) + { + random[y] = nums[fours[y]]; + nums[fours[y] + 1] = 5; + } + + for (int x = 0; x < fours.length; x++) + { + nums[fives[x]] = random[x]; + } + + return nums; +} +" +3e3318371f8596407f63cf9c45258720fad40269,"public int[] fix45(int[] nums) +{ + int random = null; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + random = nums[i + 1]; + nums[i + 1] = 5; + + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && nums[x - 1] != 4) + { + nums[x] = random; + } + } + } + } +} +" +f82624a81c49b32856e24d10d582160c28e4d90b,"public int[] fix45(int[] nums) +{ + int random = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + random = nums[i + 1]; + nums[i + 1] = 5; + + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && nums[x - 1] != 4) + { + nums[x] = random; + } + } + } + } +} +" +d853c568904bd325533c5472b932782c217216e0,"public int[] fix45(int[] nums) +{ + int random = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + random = nums[i + 1]; + nums[i + 1] = 5; + + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && nums[x - 1] != 4) + { + nums[x] = random; + } + } + } + } + + return num; +} +" +ecb76a01b2b4ed366b1d5a5fe023d0e37b360e53,"public int[] fix45(int[] nums) +{ + int random = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + random = nums[i + 1]; + nums[i + 1] = 5; + + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && nums[x - 1] != 4) + { + nums[x] = random; + } + } + } + } + + return nums; +} +" +047c244b069327b73d71b0fe7c8bda729b501710,"public int[] fix45(int[] nums) +{ + int random = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + random = nums[i + 1]; + nums[i + 1] = 5; + + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5 && nums[x - 1] != 4) + { + nums[x] = random; + } + } + } + } + + return nums; +} +" +19305817b515789f7024313d904b446223074f0c,"public int[] fix45(int[] nums) +{ + int random = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + random = nums[i + 1]; + nums[i + 1] = 5; + + for (int x = 0; x < nums.length; x++) + { + if (x == 0 && nums[x] == 5) + { + nums[x] = random; + } + else if (nums[x] == 5 && nums[x - 1] != 4) + { + nums[x] = random; + } + } + } + } + + return nums; +} +" +14946060287725d62c5f06a9a947df67a9f48f31,"public int[] fix45(int[] nums) +{ + int[] temp = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + temp[i] = 4; + for (int j = i; j < nums.length - 1; j++) + { + if (nums[j] == 5) + { + temp[i + 1] = 5; + temp[j] = nums[i + 1]; + } + } + i++; + } + else if (temp[i] == null) + { + temp[i] = nums[i]; + } + } + temp[nums.length - 1] = nums[nums.length - 1]; + return temp; +} +" +6edcb8664fc3745bcb70b244d24eb56e147f8e6b,"public int[] fix45(int[] nums) +{ + int holder; + int holder2; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + while (nums[i + 1] != 4 && nums[i + 1] != 5) + { + holder = nums[i]; + nums[i] = nums[i + 1] + nums[i + 1] = holder; + } + if (nums[i + 1] == 4) + { + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] != 5 && nums[j] != 4) + { + holder2 = nums[j]; + nums[j] = nums[j - 2] + nums[j - 2] = holder; + } + } + } + else if (nums[i + 1] == 5) + { + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] != 4 && nums[j] != 5) + { + holder2 = nums[j]; + nums[j] = nums[j - 2] + nums[j - 2] = holder; + } + } + } + } + } + return nums; +} +" +340a25ee5a2f664af819517449f1362f3a231217,"public int[] fix45(int[] nums) +{ + int holder; + int holder2; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + while (nums[i + 1] != 4 && nums[i + 1] != 5) + { + holder = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = holder; + } + if (nums[i + 1] == 4) + { + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] != 5 && nums[j] != 4) + { + holder2 = nums[j]; + nums[j] = nums[j - 2]; + nums[j - 2] = holder; + } + } + } + else if (nums[i + 1] == 5) + { + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] != 4 && nums[j] != 5) + { + holder2 = nums[j]; + nums[j] = nums[j - 2]; + nums[j - 2] = holder; + } + } + } + } + } + return nums; +} +" +c816e279a333adcb6a2f02759cc898a88bfbdaf5,"public int[] fix45(int[] nums) +{ + int holder; + int holder2; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + while (nums[i + 1] != 4 && nums[i + 1] != 5) + { + holder = nums[i]; + nums[i] = nums[i + 1]; + nums[i + 1] = holder; + } + if (nums[i + 1] == 4) + { + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] != 5 && nums[j] != 4) + { + holder2 = nums[j]; + nums[j] = nums[j - 2]; + nums[j - 2] = holder2; + } + } + } + else if (nums[i + 1] == 5) + { + for (int j = i + 2; j < nums.length; j++) + { + if (nums[j] != 4 && nums[j] != 5) + { + holder2 = nums[j]; + nums[j] = nums[j - 2]; + nums[j - 2] = holder2; + } + } + } + } + } + return nums; +} +" +520ed25fc762014814dbc1b6e0b35a5a4107e968,"public int[] fix45(int[] nums) +{ + int start = 0; + int skip = 0; + for (int i=0; i= 0; i--) + { + if (nums[i] == 5 && (i == 0 || nums[i - 1] != 4)) + { + while (nums[i - 1] != 4 && nums[i - 1] != 5) + { + holder = nums[i]; + nums[i] = nums[i - 1]; + nums[i - 1] = holder; + } + if (nums[i - 1] == 4) + { + for (int j = i - 2; j >= 0; j--) + { + if (nums[j] != 5 && nums[j] != 4) + { + int dif = j - i; + holder2 = nums[j]; + nums[j] = nums[j - dif]; + nums[j - dif] = holder2; + break; + } + } + } + else if (nums[i - 1] == 5) + { + for (int j = i - 2; j >= 0; j--) + { + if (nums[j] != 4 && nums[j] != 5) + { + int dif = j - i; + holder2 = nums[j]; + nums[j] = nums[j - dif]; + nums[j - dif] = holder2; + break; + } + } + } + } + } + return nums; +} +" +7f3f5ba0e34c85b1a670808b7f5336f7e33da35d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + nums.indexOf(5) = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +a96b9cea5c9fa6511b09bd373203d73075dcc5db,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + nums.indexOf('5') = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +28cb455b2fa2f6efa39842d2ea8d2eb4e03f6714,"public int[] fix45(int[] nums) +{ + int[] fours = new int [3]; + int[] fives = new int[3]; + int index4=0; + int index5 = 0; + for (int i=0; i=0;i--) + { + if (nums[fours[i]+1]!=5) + { + nums[fives[i]] = nums[fours[i]+1]; + nums[fours[i]+1] = 5; + } + } + + + + + //int start = 0; + //int skip = -1; + //for (int i=0; i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +4c300a256795e56f5f20395095960ca461220bb2,"public int[] fix45(int[] nums) +{ + int after4 = 0; + int change = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + after4 = nums[i+1]; + } + } + for(int i =0; i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +712f3519599d70b361455c66942df11eab25ffe5,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4) + { + for (int j = i; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1] + nums[i+1] = 5; + } + } + + return nums; +} +" +80d00e6fc2b6ac38aa3bf50722732e39be4309dd,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4) + { + for (int j = i; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +b08b93eb28a7d78c54116e6b423a9a581324cb0d,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +6d9071b82d6ecb8d6f51b1659dbe6ff79a3eddd1,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +15531a863b757ca74e2ce44a481f0c3db3a79ffe,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +eca9c010cb4b9e5c9a7b26d3cf75d25044d666d1,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +395f873c15cb28887d19de996f615a6b0ed5a9c3,"public int[] fix45(int[] nums) +{ + int fivePos = -1; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +90bcfb959a8b3f6b2010ea0e8864ab8f44de7d79,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +71b3f90393c96a3f5866ca14cc8287c10e5a8660,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +5f96eca10a28f6efac2ff4adbc1c74dde6ff779b,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +46cb706d9733b635c063ffe54538096cce18cb83,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-1; i++) + { + if (nums[i-1] == 4 && nums[i] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i-1]; + nums[i] = 5; + } + } + + return nums; +} +" +23b9e739920618a0741ce29d896ab8bca441be6d,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + break; + } + } + + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +2ce85fc4bc5472979a98741a0e6820e0346962cf,"public int[] fix45(int[] nums) +{ + int fivePos = 0; + + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if (nums[j] == 5) + { + fivePos = j; + nums[fivePos] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + + } + } + + return nums; +} +" +6b39ff747bba66f29d9ae0aed4d67426633956fd,"public int[] fix45(int[] nums) +{ + for (int i = 0; i <= nums.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if ( nums[j] == 5) + { + if (j > 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + + } + if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + + return nums; +} +" +2191079fee56b43d4668ec0a84e60b95ec434337,"public int[] fix45(int[] nums) +{ + for (int i = 0; i <= nums.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; i <= nums.length-1; j++) + { + if ( nums[j] == 5) + { + if (j > 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + + return nums; +} +" +4cc922b698611cbd6184930e964a3a0b0fce8041,"public int[] fix45(int[] nums) +{ + return nums +} +" +346f5329040e12604a0d1af45a95241891c8c150,"public int[] fix45(int[] nums) +{ + return nums; +} +" +3b051f173c911e449547f0e02eddb08fafc56526,"public int[] fix45(int[] nums) { + int index = 0; + + for(int i = 0; i <= nums.length-2 ;i++) + { + if( nums[i] == 4 && nums[i+1] != 5) + { + for(int j = index; j <= nums.length-1 ;j++) + { + if(nums[j] == 5 && j == 0) + { + nums[0] = nums[i+1]; + nums[i+1] = 5; + index++; + } + + if(nums[j] == 5 && nums[j-1] != 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + index = j; + break; + } + } + } + } + + return nums; +}" +c5e2fd3e688d15f52942f0fc150ab4169822be87,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +3c3cf67b7ed93c8339f3c12e1f97fc9fbd531e5f,"public int[] fix45(int[] nums) +{ + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5) && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + } + if (nums[i] == 4) + { + //int temp = nums[i+1]; + + nums[i+1] = nums[r]; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +458608f5c3a0bd3fde67c30c4fb3dcdad3dbee25,"public int[] fix45(int[] nums) +{ + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + } + if (nums[i] == 4) + { + //int temp = nums[i+1]; + + nums[i+1] = nums[r]; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +bba5e5f38269d0756ed747fb554d14493fc083e7,"public int[] fix45(int[] nums) +{ + int i; + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + } + if (nums[i] == 4) + { + //int temp = nums[i+1]; + + nums[i+1] = nums[r]; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +dcdc52acf04009c10ad806be2f5246e4ffbc1a13,"public int[] fix45(int[] nums) +{ + int i; + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + + nums[r] = temp; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +e08fc5d2b6b1353d1338f8de5756bfe9ccde9592,"public int[] fix45(int[] nums) +{ + int i; + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + r++ + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + + nums[i+1] = nums[nums.length-1]; + nums[r] = temp; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +4eb02550729357ce44f3197558f31fd46783efb7,"public int[] fix45(int[] nums) +{ + int i; + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + r++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + + nums[i+1] = nums[nums.length-1]; + nums[r] = temp; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +193d4c12ff71100d5ad47458d299b4c80e27610b,"public int[] fix45(int[] nums) +{ + int i; + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && r-1 != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + r++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + + nums[i+1] = nums[nums.length-1]; + nums[r] = temp; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +e88dd64e46d706b3bf4ecdf7955232b728f77a3f,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while(nums[j] !=5 || (j != 0 && nums[j -1] == 4) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +d987cd14b16590a6c51a67dae252bf6b0bf6e252,"public int[] fix45(int[] nums) +{ + int i; + int r; + for (r = 0; r < nums.length; r++) + { + if (nums[r] == 5 && nums[r-1] != 4 && r - 1 >= 0) + { + for (i = r; nums[i] != 4; i++) + { + r++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + + nums[i+1] = nums[nums.length-1]; + nums[r] = temp; + //nums[nums.length-1] = temp; + } + } + } + return nums; +} +" +555f0b89002a94ba4d1e05c9965c3f929ba929f2,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while(nums[j] !=5 || (j != 0 && nums[j -1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +e91096dfc3e7a266ee91764a17624e8a3d992f3c,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++); + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +0939391f6d7395b820eae1caf4a77ffc964a5101,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +6747e83e5c9d0cd8442071274192a0a89d2c8f8a,"public int[] fix45(int[] nums) +{ + int[] fours = new int [3]; + int[] fives = new int[3]; + int index4=0; + int index5 = 0; + for (int i=0; i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +efc3097674fb7a0a82e4e0c70d0d2452e2833f3c,"public int[] fix45(int[] nums) +{ + int[] otherValues = new int[nums.length]; + + for(int i = 0, c = 0; i < nums.length; i++) + { + if(nums[i] != 4 && nums[i] != 5) + { + otherValues[c++] = nums[i]; + } + } + for(int i = 0, c = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + nums[++i] = 5; + } + else + nums[i] = otherValues[c++]; + } + return nums; +} +" +78e1bbc909a3cf7c76797dcaa0e92be672b39c63,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +d3983a3e99ab9f3450b868bce2324c5b20176bbf,"public int[] fix45(int[] nums) +{ + int[] otherValue = new int[nums.length]; + + for (int i = 0; j = 0; i < nums.length; i++) + { + if(nums[i] != 4 && nums[i] != 5) + { + otherValue[j++] = nums[i]; + } + } + + for (int i = 0; j = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + nums[++i] = 5; + } + else + nums[i] = otherValue[c++]; + } + return nums; +} +" +12fbea3ba4ca55e29dddca539cf7b53de816cf27,"public int[] fix45(int[] nums) +{ + int[] otherValue = new int[nums.length]; + + for (int i = 0, j = 0; i < nums.length; i++) + { + if(nums[i] != 4 && nums[i] != 5) + { + otherValue[j++] = nums[i]; + } + } + + for (int i = 0, j = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + nums[++i] = 5; + } + else + nums[i] = otherValue[c++]; + } + return nums; +} +" +a1850dff95258fb88d5f5d8aee53c9129727917d,"public int[] fix45(int[] nums) +{ + int[] otherValue = new int[nums.length]; + + for (int i = 0, j = 0; i < nums.length; i++) + { + if(nums[i] != 4 && nums[i] != 5) + { + otherValue[j++] = nums[i]; + } + } + + for (int i = 0, j = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + nums[++i] = 5; + } + else + nums[i] = otherValue[j++]; + } + return nums; +} +" +39023eff116b76b73184dc626e727ba19c11a48f,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourCount += 1; + } + } + int[] four = new int[nums.length + fourCount]; + int count = 0; + for (int i = 0; i < four.length; i++) + { + if (nums[i - count] == 4) + { + four[i] = 4; + four[i + 1] = 5; + count += 1; + } + else + { + four[i] = nums[i - count]; + } + } + return four; +} +" +f7eb172981ac443649cf42eeb7d152c9e702e17e,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourCount += 1; + } + } + int[] four = new int[nums.length + fourCount]; + int count = 0; + for (int i = 0; i < four.length; i++) + { + if (nums[i - count] == 4) + { + four[i] = 4; + four[i + 1] = 5; + count += 1; + } + else + { + four[i] = nums[i - count - 1]; + } + } + return four; +} +" +c3c0c931debdd7a95b09e34a99303d2570e65b9a,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourCount += 1; + } + } + int[] four = new int[nums.length + fourCount]; + int count = 0; + for (int i = 0; i < four.length; i++) + { + if (nums[i - count] == 4) + { + four[i] = 4; + four[i + 1] = 5; + count += 1; + } + else + { + four[i] = nums[i - count]; + } + } + return four; +} +" +2b5fad5785e5bfb65ee6249f3c41b0ac7b885f97,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourCount += 1; + } + } + int[] four = new int[nums.length + fourCount]; + int count = 0; + for (int i = 0; i < four.length; i++) + { + if (nums[i - count] == 4) + { + four[i] = 4; + four[i + 1] = 5; + count += 1; + } + else + { + four[i] = nums[i - count]; + } + } + return four; +} +" +89b141e0e5b240c55ac89bdcccab9e3ff48762ad,"public int[] fix45(int[] nums) +{ + int[] four = new int[]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = location; i < nums.length; i++) + { + if (nums[i] == 5) + { + return i; + } + } +} +" +56dcd6f53e19220e6c39d11e1241b1b9339bf50a,"public int[] fix45(int[] nums) +{ + int[] four = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = location; i < nums.length; i++) + { + if (nums[i] == 5) + { + return i; + } + } +} +" +d8bf7a00ccb96e99e15f3069a8dec42a756d3b37,"public int[] fix45(int[] nums) +{ + int[] four = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = location; i < nums.length; i++) + { + if (nums[i] == 5) + { + return i; + } + } + return 0; +} +" +544c9ca0f971dd8b4b19749bfb0817e144058ff2,"public int[] fix45(int[] nums) +{ + int[] four = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = location; i < nums.length; i++) + { + if (nums[i] == 5) + { + return i; + } + } + return location; +} +" +1f03654821548a1eb5b1e9be3b8b8d04ee9a3ae5,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = 0; + boolean found = false; + while ( !found ) + { + int place = nums[j]; + if ( place == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + } + j++; + } + } + } + return nums; +} +" +6a481a26cfdf854feea626030e7966070cac4cf9,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = 0; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + } + j++; + } + nums[i + 1] = 5; + } + } + return nums; +} +" +b3e683b85114938e13d2c8f94f7b78304e82cc7b,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++) + { + int firstFive = 0; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = firstFive; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + firstFive = j; + } + j++; + } + nums[i + 1] = 5; + } + } + return nums; +} +" +d99343e8e606af4b6ece788f4893e87676a92648,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++) + { + int firstFive = 0; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = firstFive; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + } + j++; + } + nums[i + 1] = 5; + firstFive = j - 1; + } + } + return nums; +} +" +862527ceffb3ba838b8477c95bc6e5bc35b52626,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++) + { + int firstFive = 0; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = firstFive; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + } + j++; + } + nums[i + 1] = 5; + firstFive = j; + } + } + return nums; +} +" +f9f65fe89125101f0ba38e157f8d58c188ef1a42,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++) + { + int fiveStart = 0; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = fiveStart; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + } + j++; + } + nums[i + 1] = 5; + fiveStart = i + 2; + } + } + return nums; +} +" +a945fe6de4243b09013d58e91a08abf8c2075bf8,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int fiveStart = 0; + for ( int i = 0; i < length - 1; i++) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = fiveStart; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + } + j++; + } + nums[i + 1] = 5; + fiveStart = i + 2; + } + } + return nums; +} +" +0d1a55469e1cad6581979417c0e1772b8793ef03,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int fiveStart = 0; + for ( int i = 0; i < length - 1; i++) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = fiveStart; + boolean found = false; + while ( !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + } + j++; + } + nums[i + 1] = 5; + fiveStart = j + 1; + } + } + return nums; +} +" +46340dc0c579cc8cf4237cd293fb39b55bd771d9,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + index = i; + for (int j = 0; j < nums.length; j++) + { + if(nums[j] == 4) + { + index2 == j+1; + tempval = nums[j+1]; + nums[j+1] = 5; + nums[i] = tempval; + + } + } + } + } + return nums; +} +" +0098736a1d5d12efc5ade1f30f0b35c0adfb2e53,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + index = i; + for (int j = 0; j < nums.length; j++) + { + if(nums[j] == 4) + { + index2 = j+1; + tempval = nums[j+1]; + nums[j+1] = 5; + nums[i] = tempval; + + } + } + } + } + return nums; +} +" +0351065427f2eb392613704dd784de1c609cbfbb,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + tempval = nums[index]; for (int j = 0; j < nums.length; j++) + { + if(nums[j] == 5) + { + index2 = j; + nums[index] = 5; + nums[j] = tempval; + } + } + } + } + return nums; +} +" +d34e240a864bb9e51c990fd4778944046e63eaf2,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +a4baf81f5cf10bcb59ef505ae47a986ea0c3a755,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4))); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +04fb390c03ac4fc3a7ec786e8de0fd97224a5a76,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + tempval = nums[index]; + for (int j = 0; j < nums.length; j++) + { + if(nums[j] == 5) + { + index2 = j; + nums[index] = 5; + nums[j] = tempval; + } + } + } + } + return nums; +} +" +faf827275570f20fa1b9a2deb4f236b5af983089,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + tempval = nums[index]; + for (int j = 0; j < nums.length; j++) + { + if(nums[j] == 5) + { + index2 = j; + nums[index] = 5; + nums[j] = tempval; + j = index; + } + } + } + } + return nums; +} +" +e1bb1734e800f182ad567f7e24c0fd9d36a38379,"public int[] fix45(int[] nums) +{ + length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = length - 1; + boolean found = false; + while( j > 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + } + j--; + } + } + return nums; + } + + +} +" +03e11d0b2c362f0442448da1026ed587f9d9581e,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = length - 1; + boolean found = false; + while( j > 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + } + j--; + } + } + return nums; + } + + +} +" +91a0ac7d474a98ffc2c6aa23e5fe9ed2040ca15b,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = length - 1; + boolean found = false; + while( j > 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + } + j--; + } + } + } + return nums; +} +" +0c47492674513b441af84cf88af6ebc08cd856f0,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] != 5) + j++; + while (i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+ 1]; + nums[i+1] = nums[j]; + nums[j]=temp; + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + return nums; +} +" +de5fcd8e09e218fcb2caadb1b62552965c64ab87,"public int[] fix45(int[] nums) +{ + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = length - 1; + boolean found = false; + while( j >= 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + } + j--; + } + } + } + return nums; +} +" +3b329b024c076a63e4c9857d9a24af1ed8197c71,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + tempval = nums[index]; + for (int j = 0; j < nums.length; j++) + { + if(nums[j] == 5) + { + index2 = j; + nums[j] = tempval; + nums[index] = 5; + j = index; + } + } + + } + } + return nums; +} +" +7338153472c096f0399da4a899904920052c0cb1,"public int[] fix45(int[] nums) +{ + int index = 0; + int index2 = 0; + int tempval = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + if (nums[i+1] != 5) + { + tempval = nums[index]; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + index2 = j; + nums[index] = nums[j]; + nums[j] = tempval; + j = index; + } + } + + } + + } + } + return nums; +} +" +230fc10de44f5cc9ce4d692c9921676b2f5575be,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + if (nums[i+1] != 5) + { + tempval = nums[index]; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[index] = 5; + j = index; + } + } + + } + + } + } + return nums; +} +" +f73994ba9422c8342df1bc297bb9b6ea3a68a309,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i+1 < nums.length) + { + index = i+1; + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[index] = 5; + j = index; + } + } + + } + + } + } + return nums; +} +" +6f55ae21eac4ac723e211d67540700912dbb80fc,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && i+1 < nums.length) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[index] = 5; + } + } + + } + + } + } + return nums; +} +" +398d3733cca0aaaf0c69291caac33bc610e36f55,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + } + } + return nums; +} +" +ca43ec8f987cc648ff862d880b0c40013c74d573,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + j = i+1; + } + + } + } + } + } + return nums; +} +" +dae6297691530cf1d4d9950a891c1f3965e9095c,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break + } + + } + } + } + } + return nums; +} +" +a36ef5a4002f8f5385eb51207697815bd5921791,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + + } + } + } + } + return nums; +} +" +2667754d2bcd1721b570530d5747b4c571325298,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + i = i+2; + } + } + } + return nums; +} +" +1f16eeca24cb0cec745126fa8c68f300343a9a29,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + + } + i = i+1; + } + } + } + return nums; +} +" +e9fe596a757ccd546608ba5011df32a7fa5aedf9,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + + } + i = i+1; + } + } + } + return nums; +} +" +48d91c40e1ac8256fd4090cf7c9910173795afed,"public int[] fix45(int[] nums) +{ + int index = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if(j > 0 && nums[j-1] !=4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + + } + else if (j == 0) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + + } + } + + } + i = i+1; + } + } + } + return nums; +} +" +297d0d089b8d22d3bb44cafcb29b8053840ddda0,"public int[] fix45(int[] nums) +{ + int lastFive = 0; + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + int j = lastFive; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + int j = length - 1; + boolean found = false; + while( j >= 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + lastFive = j; + } + j--; + } + } + } + return nums; +} +" +fcb1f32cfc4565c3522d8f5284c6672beaf8a6ff,"public int[] fix45(int[] nums) +{ + int lastFive = 0; + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + int j = lastFive; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + boolean found = false; + while( j >= 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + lastFive = j; + } + j--; + } + } + } + return nums; +} +" +1734008aed7896bc863634dbc4542705fc42f7ac,"public int[] fix45(int[] nums) +{ + int lastFive = nums.length - 1; + int length = nums.length; + for ( int i = 0; i < length - 1; i++ ) + { + int j = lastFive; + if ( nums[i] == 4 ) + { + int after = nums[i + 1]; + boolean found = false; + while( j >= 0 && !found ) + { + if ( nums[j] == 5 ) + { + found = true; + nums[j] = after; + nums[i + 1] = 5; + lastFive = j; + } + j--; + } + } + } + return nums; +} +" +2c463a7c090fca299231afa072fad03d7c62edc5,"public int[] fix45(int[] nums) +{ + //get the length + int length = nums.length; + //last possible location for a 5 + int lastFive = length - 1; + for ( int i = 0; i < length - 1; i++ ) + //last slot cannot be a 4 + { + //start counting at the last possible location + int j = lastFive; + //if there is a 4 + if ( nums[i] == 4 ) + { + //hold onto the value after + int after = nums[i + 1]; + boolean found = false; + while( j >= 0 && !found ) + //while j is valid and searching + { + //if a 5 is found + if ( nums[j] == 5 ) + { + //stop searching + found = true; + //set the value where 5 was to after + nums[j] = after; + //set the value after the 4 to 5 + nums[i + 1] = 5; + lastFive = j - 1; + } + j--; + } + } + } + return nums; +} +" +ebc1cdda648c1b0520eef06882cc538455ac27dc,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + newNums = int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < smallNums.length ) + { + if ( newNums[a] == null ) + { + newNums[a] == smallNums[b]; + a++; + b++; + } + else + { + a++; + } + } + return newNums; +} +" +5704bde4381452788cae05674d6e01661013f861,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + newNums = new int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < smallNums.length ) + { + if ( newNums[a] == null ) + { + newNums[a] = smallNums[b]; + a++; + b++; + } + else + { + a++; + } + } + return newNums; +} +" +37f8fe6209f9885d63d53c6b95ce33bffa203224,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + int[] smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + int[] newNums = new int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < smallNums.length ) + { + if ( newNums[a] == null ) + { + newNums[a] = smallNums[b]; + a++; + b++; + } + else + { + a++; + } + } + return newNums; +} +" +db6afb6f1f53a44bac7688989fdff7f4517f3501,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + int[] smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + int[] newNums = new int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < smallNums.length ) + { + if ( newNums[a] != null ) + { + a++; + } + else + { + newNums[a] = smallNums[b]; + a++; + b++; + } + } + return newNums; +} +" +d1e2f625ad7e12d63ba55da347579daafead976f,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + int[] smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + int[] newNums = new int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < smallNums.length ) + { + int slot = newNums[a]; + if ( slot != null ) + { + a++; + } + else + { + newNums[a] = smallNums[b]; + a++; + b++; + } + } + return newNums; +} +" +b60669eb8d7cc58f082fe731b6a51488eae540e3,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + int[] smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + int[] newNums = new int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < smallNums.length ) + { + if ( newNums[a] == 4 || newNums[a] == 5 ) + { + a++; + } + else + { + newNums[a] = smallNums[b]; + a++; + b++; + } + } + return newNums; +} +" +3953e4d6eabae561ab20e4881888773698bf0adf,"public int[] fix45(int[] nums) +{ + int x = 0; + int y = 0; + while(x < nums.length && nums[x] != 5) + { + x++; + } + while(y < nums.length) + { + if(nums[y] == 4) { + int temp = nums[i+1]; + nums[y+1] = nums[j]; + nums[x] = temp; + while((x < nums.length && nums[x] != 5) || x == y + 1) + x++; + } + y++; + } + return nums; +} +" +610c4a0a0028ab5ad50b10286f0e13757dcbb45f,"public int[] fix45(int[] nums) +{ + int x = 0; + int y = 0; + while(x < nums.length && nums[x] != 5) + { + x++; + } + while(y < nums.length) + { + if(nums[y] == 4) { + int temp = nums[y+1]; + nums[y+1] = nums[x]; + nums[x] = temp; + while((x < nums.length && nums[x] != 5) || x == y + 1) + x++; + } + y++; + } + return nums; +} +" +495c41693bef91e4b00483831dd89dd94b84a1d8,"public int[] fix45(int[] nums) +{ + int location5 = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 5) + { + location5 = nums[i]; + } + if (nums[i] == 4) + { + nums[location5] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +8811c6a5799062763ea0cb0a8c1ae0d9274fe465,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; X++) + { + if (num[x] == 4) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (num[X+1] != 5 && num[j] == 5) + { + num[j] = num[x+1]; + num[x+1] = 5; + } + } + } + } + return num; +} +" +4bbf103e46a32349e2649f3e0141559b9b10e941,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; X++) + { + if (num[x] == 4) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (num[x+1] != 5 && num[j] == 5) + { + num[j] = num[x+1]; + num[x+1] = 5; + } + } + } + } + return num; +} +" +26bce48e4c33aeef26a91684fb14f1826b0b232a,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (num[x] == 4) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (num[x+1] != 5 && num[j] == 5) + { + num[j] = num[x+1]; + num[x+1] = 5; + } + } + } + } + return num; +} +" +41ef264a149b1f100733f273cc07899ca6554ab9,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 4) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (nums[x+1] != 5 && nums[j] == 5) + { + nums[j] = nums[x+1]; + nums[x+1] = 5; + } + } + } + } + return nums; +} +" +e88ac844d6d009b97a2f54e6e4dca4b99a2d769b,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 4) + { + if ( i == nums.length -1) + { + arr[i] = nums[i]; + } + else + { + arr[i] = nums[i]; + arr[i+1] = 5; + } + if ( arr[i-1] == 0) + { + arr[i-1] = nums[i+1]; + } + + } + return arr; +} +" +ddf67d3862669ef96d510f747904b09de24e99d0,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == 4) + { + if ( i == nums.length -1) + { + arr[i] = nums[i]; + } + else + { + arr[i] = nums[i]; + arr[i+1] = 5; + } + if ( arr[i-1] == 0) + { + arr[i-1] = nums[i+1]; + } + } + } + return arr; +} +" +734bac2eb3b808f2120c68d3a6fce3c71868de62,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 4 && nums[x + 1] != 5) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (nums[x+1] != 5 && nums[j] == 5) + { + nums[j] = nums[x+1]; + nums[x+1] = 5; + } + } + } + } + return nums; +} +" +5104337fd2125054568167dfbac4e3b16ef77148,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 4 && nums[x+1] != 5 ) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 5 ) + { + nums[j] = nums[x+1]; + nums[x+1] = 5; + } + } + } + } + return nums; +} +" +64d11c4e0bd5b809eef95d2ecfd6e55e59526b1d,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 4 && nums[x+1] != 5 ) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 5 && (j == 0 || ( j > 0 && nums[j - 1] =! 4))) + { + nums[j] = nums[x+1]; + nums[x+1] = 5; + } + } + } + } + return nums; +} +" +6dced310ffc8b96cf762589a8419ebb68d6f5c85,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 4 && nums[x+1] != 5 ) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] =! 4)) + { + nums[j] = nums[x+1]; + nums[x+1] = 5; + } + } + } + } + return nums; +} +" +49ca230f2fd690934091eedb6c57fdfefa6ff809,"public int[] fix45(int[] nums) +{ + //int j = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 4 && nums[x+1] != 5 ) + { + for(int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 5 && j == 0 || j > 0 && nums[j - 1] =! 4) + { + nums[j] = nums[x+1]; + nums[x+1] = 5; + } + } + } + } + return nums; +} +" +0e7078f6a624667bc423f8fcd03a77c1f6a6885c,"public int[] fix45(int[] nums) +{ + int y = 0; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 4 && nums[x + 1] != 5) + { + for(; !(nums[y] == 5 && (y == 0 || j > 0 && nums[y - 1] != 4)); y++); + nums[x] = nums[y + 1]; + nums[x + 1] = 5; + } + } + return nums; +} +" +7dae4ffb5000d49bc92b6f74dd1ad4a98e1f1476,"public int[] fix45(int[] nums) +{ + int y = 0; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 4 && nums[x + 1] != 5) + { + for(; !(nums[y] == 5 && (y == 0 || y > 0 && nums[y - 1] != 4)); y++); + nums[x] = nums[y + 1]; + nums[x + 1] = 5; + } + } + return nums; +} +" +8b9f4bce867bc090551f463633766d6f6c72cddf,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +6341fd1c6ad1e6df8dbe93ca43d45960816e8893,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; + +} +" +a667963f276c73e3f085c318728e1233d239ce7b,"public int[] fix45(int[] nums) +{ + int[] idk = {3 4 3}; + return idk; +} +" +6a886c23543f4bec03ce9d42e2a519e80ba848b4,"public int[] fix45(int[] nums) +{ + int[] idk = {3, 4, 3}; + return idk; +} +" +58a69058430b8a860f57b181141450c7c2a5e882,"public int[] fix45(int[] nums) +{ + //find how many of each number is in nums + int length = length; + int fours = 0; + int fives = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 4) + { + fours++; + fives++; + } + } + + //pull out all the not-fours and not-fives + int not45 = length - (fours + fives); + int[] otherNums = new int[not45]; + for (int i = 0; i < length; i++) + { + int j = 0; + if (nums[i] != 4 && nums[i] != 5) + { + otherNums[j] = nums[i]; + j++; + } + } + + int[] newArray = new int[length]; + int i = 0; + while (i < length) + { + int j = 0; + if (nums[i] == 4) + { + newArray[i] = 4; + newArray[i + 1] = 5; + i = i + 2; + } + else + { + newArray[i] = otherNums[j]; + i, j++; + } + } + return newArray; +} +" +48ad31ed77e785d06f90c0e39f2314dc055a3b8b,"public int[] fix45(int[] nums) +{ + //find how many of each number is in nums + int length = length; + int fours = 0; + int fives = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 4) + { + fours++; + fives++; + } + } + + //pull out all the not-fours and not-fives + int not45 = length - (fours + fives); + int[] otherNums = new int[not45]; + for (int i = 0; i < length; i++) + { + int j = 0; + if (nums[i] != 4 && nums[i] != 5) + { + otherNums[j] = nums[i]; + j++; + } + } + + int[] newArray = new int[length]; + int i = 0; + while (i < length) + { + int j = 0; + if (nums[i] == 4) + { + newArray[i] = 4; + newArray[i + 1] = 5; + i = i + 2; + } + else + { + newArray[i] = otherNums[j]; + i++; + j++; + } + } + return newArray; +} +" +3fbd02df9221343d6b320ca745834f6b9ff409b2,"public int[] fix45(int[] nums) +{ + //find how many of each number is in nums + int length = nums.length; + int fours = 0; + int fives = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 4) + { + fours++; + fives++; + } + } + + //pull out all the not-fours and not-fives + int not45 = length - (fours + fives); + int[] otherNums = new int[not45]; + for (int i = 0; i < length; i++) + { + int j = 0; + if (nums[i] != 4 && nums[i] != 5) + { + otherNums[j] = nums[i]; + j++; + } + } + + int[] newArray = new int[length]; + int i = 0; + while (i < length) + { + int j = 0; + if (nums[i] == 4) + { + newArray[i] = 4; + newArray[i + 1] = 5; + i = i + 2; + } + else + { + newArray[i] = otherNums[j]; + i++; + j++; + } + } + return newArray; +} +" +8b007e6ffcf40da9db4bc7bcd8060f43340a974b,"public int[] fix45(int[] nums) +{ + int p4 = 0; + int p5 = 0; + int s = 0; + boolean f4 = false; + boolean f5 = false; + for(i = 0; i < nums.length - s; i++) + { + int e = nums[i + s]; + if(e==4) + { + p4 = i + s; + f4 = true; + } + if (e==5) + { + p5 = i + s; + f5 = true; + } + if (f5 && f4) + { + nums[p5]=nums[p4+1]; + nums[p4+1] = 5; + s = p4+2; + f4 = false; + f5 = false; + } + } + return nums[]; +} +" +849fb9cff0233b3e5a171734890820cde1301573,"public int[] fix45(int[] nums) +{ + int p4 = 0; + int p5 = 0; + int s = 0; + boolean f4 = false; + boolean f5 = false; + for(i = 0; i < nums.length - s; i++) + { + int e = nums[i + s]; + if(e==4) + { + p4 = i + s; + f4 = true; + } + if (e==5) + { + p5 = i + s; + f5 = true; + } + if (f5 && f4) + { + nums[p5]=nums[p4+1]; + nums[p4+1] = 5; + s = p4+2; + f4 = false; + f5 = false; + } + } + return nums; +} +" +58d79a447c04e50328ff6cea19f1a579d6e00e2c,"public int[] fix45(int[] nums) +{ + int p4 = 0; + int p5 = 0; + int s = 0; + boolean f4 = false; + boolean f5 = false; + for(int i = 0; i < nums.length - s; i++) + { + int e = nums[i + s]; + if(e==4) + { + p4 = i + s; + f4 = true; + } + if (e==5) + { + p5 = i + s; + f5 = true; + } + if (f5 && f4) + { + nums[p5]=nums[p4+1]; + nums[p4+1] = 5; + s = p4+2; + f4 = false; + f5 = false; + } + } + return nums; +} +" +b5b67d1dfea3ac0c0c74d1582483a5eea46355e1,"public int[] fix45(int[] nums) +{ + int p4 = 0; + int p5 = 0; + int s = 0; + boolean f4 = false; + boolean f5 = false; + for(int i = 0; i < nums.length - s; i++) + { + int e = nums[i + s]; + if(e==4) + { + p4 = i + s; + f4 = true; + } + if (e==5) + { + p5 = i + s; + f5 = true; + } + if (f5 && f4) + { + nums[p5]=nums[p4+1]; + nums[p4+1] = 5; + s = p4+2; + i = nums.length; + f4 = false; + f5 = false; + } + } + return nums; +} +" +5fd784f50a481e8a52d0bceafcf77311ac70c959,"public int[] fix45(int[] nums) +{ + int[] vals = int[nums.length]; + int[] ind = int[nums.length]; + int chan = 0; + for(i = 0; i < num.length-1; i++) + { + if (num[i] == 4) + { + vals.add(nums[i+1]); + nums[i+1] = 5; + chan++; + } + if (num[i] == 5) + { + ind.add(i); + } + } + for (i = 0; i <= chan; i++) + { + nums[ind[i]]= vals[i]; + } + return nums; + +} + + +" +2af2284b7455fd2d7d4eb0d8bdf59b574236e859,"public int[] fix45(int[] nums) +{ + int[] vals = new int[nums.length]; + int[] ind = new int[nums.length]; + int chan = 0; + for(i = 0; i < num.length-1; i++) + { + if (num[i] == 4) + { + vals.add(nums[i+1]); + nums[i+1] = 5; + chan++; + } + if (num[i] == 5) + { + ind.add(i); + } + } + for (i = 0; i <= chan; i++) + { + nums[ind[i]]= vals[i]; + } + return nums; + +} + + +" +9be5d37665d88afea705b11c7ea0a019821a1fae,"public int[] fix45(int[] nums) +{ + int[] vals = new int[nums.length]; + int[] ind = new int[nums.length]; + int chan = 0; + for(int i = 0; i < num.length-1; i++) + { + if (num[i] == 4) + { + vals.add(nums[i+1]); + nums[i+1] = 5; + chan++; + } + if (num[i] == 5) + { + ind.add(i); + } + } + for (int i = 0; i <= chan; i++) + { + nums[ind[i]]= vals[i]; + } + return nums; + +} + + +" +c05b15d7ab90ac55a820a3dc23b3468c460cde05,"public int[] fix45(int[] nums) +{ + int[] vals = new int[nums.length]; + int[] ind = new int[nums.length]; + int chan = 0; + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 4) + { + vals.add(nums[i+1]); + nums[i+1] = 5; + chan++; + } + if (num[i] == 5) + { + ind.add(i); + } + } + for (int i = 0; i <= chan; i++) + { + nums[ind[i]]= vals[i]; + } + return nums; + +} + + +" +b9a6a8860fab92b9f1dac49871042351c8e66726,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +2a82d19268120608cf83b8c91a374cab7edcbeed,"public int[] fix45(int[] nums) +{ + //array defaults to 0, not null. Why isn't it replaced? + int length = nums.length; + int total = 0; + for ( int i = 0; i < length; i ++ ) + { + if ( nums[i] == 4 || nums[i] == 5 ) + { + total++; + } + } + int[] smallNums = new int[length - total]; + int x = 0; + int y = 0; + while ( x < length ) + { + if ( nums[x] == 4 || nums[x] == 5 ) + { + x++; + } + else + { + smallNums[y] = nums[x]; + x++; + y++; + } + } + int[] newNums = new int[length]; + for ( int j = 0; j < length; j++ ) + { + if ( nums[j] == 4 ) + { + newNums[j] = 4; + newNums[j + 1] = 5; + } + } + int a = 0; + int b = 0; + while ( a < length ) + { + if ( newNums[a] == 4 || newNums[a] == 5 ) + { + a++; + } + else + { + newNums[a] = smallNums[b]; + a++; + b++; + } + } + return newNums; +} +" +9c1f55cbb959f8aaf9c95b4703730d011c6f3312,"public int[] fix45(int[] nums) +{ + int[] four = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + return i; + } + } + return location; +} +" +7c757af38279b2fe9c7b65fb39132a8d7c9990e7,"public int[] fix45(int[] nums) +{ + int[] four = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + return i; + } + } + return location; +} +" +8e06a36b2e73d97bbcf25097024c84a28c16dd99,"public int[] fix45(int[] nums) +{ + int[] four = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + int fiveSpot = nums[i + 1]; + four[nextFive(nums,i)] = fiveSpot; + four[i + 1] = 5; + } + else + { + four[i] = nums[i]; + } + } + return four; +} + +public int nextFive(int[] nums, int location) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && nums[i-1] != 4) + { + return i; + } + } + return location; +} +" +0411bb83b3a59db7a6c05de6ee709816c7254f11,"public int[] fix45(int[] nums) +{ + int move = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[move] == 5 && (move == 0 || move > 0 && nums[move - 1] != 4)); move++); + { + nums[move] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +2c35ef4376f69bdd4f55dad74cccc9a6a6faa534,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +a4809d58734fff31dbc4f0d0018ddf19df1b8f59,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + nums[i = 1] == 5; + } + } +} +" +9456b199c2aaabc07f15ac7bfaf49f5f77d75eff,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + nums[i + 1] == 5; + } + } +} +" +3ab0c1c22ff7a418afd13e4014a549ff91927d6d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + nums[i + 1] = 5; + } + } +} +" +f263ba372884b3ff3872e57342e174287192a2e5,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + nums[i + 1] = 5; + } + } + return nums; +} +" +59edfacdca3d05bee3df009dfbac5f1a7c59c80e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + nums[i + 1] = 5; + } + } + return nums; +} +" +fe8e0ceedf4fffccd54785fc717451b1b638d194,"public int[] fix45(int[] nums) +{ + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 4) + { + nums[i + 1] = 5; + } + } + return nums; +} +" +cef355e49a88af938c6638a3894b79203c84dc9c,"public int[] fix45(int[] nums) +{ + List list = nums; +} +" +0871388dae66e3427c183c993f2018f84f6d5002,"public int[] fix45(int[] nums) +{ + return nums; +} +" +02522ea98c7cae2b014e31bd89e3259b9f39664f,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i ++) + { + if(nums[i] == 4) + { + for(int j = 0 j < nums.length; j++) + { + if(nums[j] == 5) + { + //setting the wherever the 5 was found to be the position after the 4; + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + + + + + } + + + } +} +" +9d190712e161eb6e6e88b638d9f5dedb0e0f00cf,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i ++) + { + if(nums[i] == 4) + { + for(int j = 0;j < nums.length; j++) + { + if(nums[j] == 5) + { + //setting the wherever the 5 was found to be the position after the 4; + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + + + + + } + + return nums; + } +} +" +6a4153b5ae7ce1e12400206e1d7905107ab0b8d8,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i ++) + { + if(nums[i] == 4) + { + for(int j = 0;j < nums.length; j++) + { + if(nums[j] == 5) + { + //setting the wherever the 5 was found to be the position after the 4; + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + + + + + } + + } + + return nums; +} +" +c825742c9b5dca83ea5dacce9364bc4602e55439,"public int[] fix45(int[] nums) +{ + int[] loc = new int[100]; + int c = 0; + for(int k=0; k 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; + +} +" +e98ef5e1f6515dccc639edd86dea874cc33962bc,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 3 && nums[i+1] != 4) + { + for (int j = 1; nums[j] != 4; j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + } + return nums; +} +" +317bbb59882fb78e7162d09998832d45a1e761b0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 1; nums[j] != 5; j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +09a3a367a69f2f160e585568eb15ac3ea8e81003,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 4 && nums[x + 1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +9c515239ac887bc17808fd56c5096b5eabf8cce2,"public int[] fix45(int[] nums) +{ + int y = 0; + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] == 4 && nums[x + 1] != 5) + { + for(; !(nums[y] == 5 && (y == 0 || y > 0 && nums[y - 1] != 4)); y++); + nums[y] = nums[x+1]; + nums[x+1] = 5; + } + } + return nums; +} +" +f6f7cbedf3b95c42c3d0991c35e2b84fc07bdc50,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + +return nums; +} +" +e33ba50a920b2ef9e096aef62591d0419ea60cb5,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + int j = 0; + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +6fc52095d0af276baa0bd8dad569ac3e4b0c1821,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +" +19bcf730aaaa893bbc843fe40a310b0eeffa20d6,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] !=4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +" +3dd4248cf8c6694ebf3f9393fc10bd5914fbeb91,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] !=4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +34e786b4e5e0fb4d15a11ae2d5f183293a3f6cac,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j -1] != 4) { + int mover = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = mover; + } + else if (j == 0) { + int mover = nums[i + 1]; + nums[i + 1] = 5; + nums[j] = mover; + } + } + } + } + } + return nums; +} +" +74d9c57e7fa6660b5f2ad6eeb77f1672c3620589,"public int[] fix45(int[] nums) { + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +}" +999ce002284da7bbafc4029f122ef0ce88dadd91,"public int[] fix45(int[] nums) +{ + int[] rearranged = new int[] array + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + +} +" +cf9dcab256d166740ae5011d133e8284eab8eaa9,"public int[] fix45(int[] nums) +{ + int[] rearranged = new int[] + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + +} +" +d1e40c88d31f8e51800793637aaaa6e7d1a9e68a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + } + } +} +" +80b2a8c1260a842fb00075489af5b25159a64697,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + } + } + return nums +} +" +cf1e538ebd3231d8563ade0ab6905043a4724f36,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + } + } + return nums; +} +" +05ba6df9fb1bb780602a17156e9d57d32d771563,"public int[] fix45(int[] nums) +{ + int start = 0; + int end = nums.length-len; + for(; len > 0; len--) + { + if(nums[start] != nums[end]) + return false; + else + { + start++; + end++; + } + } + return true; +} +" +7c30b3a276f110bf2cab343fdc47350b022ae426,"public void getAns() +{ +int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} +System.out.println(j); +} +" +0659ebe36bdfc6ba9d2945aba4e36a6f60fd3625,"public void getAns() +{ +int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} +System.out.println(j); +} +} +" +ee0a8b0633ff298cd565838beef33ddd9f5c4fb6,"public int getAns() +{ +int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} +return j; +} + +" +206f93ad1ac79defb78904bd68cf1616f5d2829b,"public int[] fix45(int[] nums) +{ + int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} +System.out.println(j); +} +" +dc3e32ca0aa310ee3ab05176c2c5031d12bc5d07,"public int[] fix45(int[] nums) +{ + int[] otherValues = new int[nums.length]; + + for(int i = 0, c = 0; i < nums.length; i++) + if(nums[i] != 4 && nums[i] != 5) + otherValues[c++] = nums[i]; + + for(int i = 0, c = 0; i < nums.length; i++) + if(nums[i] == 4) + nums[++i] = 5; + else + nums[i] = otherValues[c++]; + + return nums; +} +" +fa3a759dc7a3b4b142f76cbaac4e8ec9ab55e59d,"public int[] fix45(int[] nums) +{ + int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} +return j; +} +" +0b58539b2c3c8ef47281b16cab3a7adfa28859dc,"public int (int[] nums) +{ + int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} +return j; +} +" +1741d9eb28e59b5e1b1a2d34c8414710d5f79f5c,"public int fix45(int[] nums) +{ + int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} + return j; +} +" +702270d1d3ebfb16da44807b6e9861b555be0746,"public int fix45() +{ + int i = 12; +int j = 0; +while (i > 8) +{ + i = i - 1; + j = j + i; +} + return j; +} +" +fa5cef4f58a7a823958a79bdd9d2593cbca01a87,"public int[] fix45(int[] nums) +{ + return nums; +} +" +6040b4e307f868557e28a6654485f6fc29975649,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + else + { + continue; + } + } + } + return nums; +} +" +566088d872d8a9de45739726743926598b8f6647,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + } + } + } + return nums; +} +" +3f4ca5ad716aafea62dbf2a0e6e7c9572918b6f2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + } + return nums; +} +" +ace0a635b07bc1c14cc4c0c6c59c0bfde5e04f64,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + } + return nums; +} +" +c3f9c14c5634e89f7bda44a6037876c609ffb09f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && x = 0 || nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + } + return nums; +} +" +fad5c226638491f612acbb6092689904af16d6f9,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5 && x == 0 || nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + } + return nums; +} +" +7d71ecc03928de95822302ab098087a90cb66827,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int x = 0; x <= nums.length - 1; x++) + { + if (nums[x] == 5 && x == 0 || nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } + } + return nums; +} +" +72a54e1b4b6e8bb0a3b672909d25f2319591a407,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + + if ( nums[i] == 4) + { + + arr[i] = nums[i]; + arr[i+1] = 5; + nextNo = nums[i+1]; + + + } + } + for ( int i = 0; i < arr.length-1; i++) + if ( arr[i] == 0) + { + arr[i] = nextNo; + + + } + } + return arr; +} +" +544166745e6fcd98b3a1f2a93a1e53aaef1c5bbe,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + + if ( nums[i] == 4) + { + + arr[i] = nums[i]; + arr[i+1] = 5; + nextNo = nums[i+1]; + + + } + } + for ( int i = 0; i < arr.length-1; i++) + if ( arr[i] == 0) + { + arr[i] = nextNo; + + + } + return arr; +} + +} +" +e5190c5dc5fa47af68bfa81ecde90e7f02ace7d1,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + + for ( int i = 0; i < nums.length-1; i++) + { + + if ( nums[i] == 4) + { + + arr[i] = nums[i]; + arr[i+1] = 5; + nextNo = nums[i+1]; + + + } + } + for ( int i = 0; i < arr.length-1; i++) + { + if ( arr[i] == 0) + { + arr[i] = nextNo; + + + } + } + return arr; + + +} +" +32b2ea1195dd0acbff25efd08b8fa6230f9d8b9e,"public int[] fix45(int[] nums) +{ + int[] arr = new int[nums.length]; + int nextNo = 0; + + for ( int i = 0; i < nums.length-1; i++) + { + + if ( nums[i] == 4) + { + + arr[i] = nums[i]; + arr[i+1] = 5; + nextNo = nums[i+1]; + + + } + } + for ( int i = 0; i < arr.length-1; i++) + { + if ( arr[i] == 0) + { + arr[i] = nextNo; + + + } + } + return arr; + + +} +" +e8f2e4188f53054c4756289114a0ebedc760c876,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] == 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5 + } + } + } + return nums; +} +" +2c472e1182e53ad0736d3a999a9fa650934aad69,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] == 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +5158fcda91bb99a64c00c28c36cec5555de77ae7,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +fee5633e1cd3b8ad2ac13fcce43fef4d51423f6b,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fixed[i + 1] = 5; + } + } + return fixed; +} +" +6b9873194035cceadf34d4c758460a0082d63e6d,"public int[] fix45(int[] nums) +{ + List fourIndex = new ArrayList; + list fiveIndex = new ArrayList; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourIndex.add(i); + } + else if (nums[i] == 5) + { + fiveIndex.add(i); + } + } + for (int i = 0; i < fourIndex.size(); i++) + { + int fivePos = fiveIndex(i); + int newPos = fourIndex(i + 1); + int number = nums[newPos]; + nums[fivePos] = number; + nums[newPos] = 5; + } + return nums; +} +" +4b739892a3a01dc0f58db94873932aeb2301f0b2,"public int[] fix45(int[] nums) +{ + List fourIndex = new ArrayList(); + list fiveIndex = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourIndex.add(i); + } + else if (nums[i] == 5) + { + fiveIndex.add(i); + } + } + for (int i = 0; i < fourIndex.size(); i++) + { + int fivePos = fiveIndex(i); + int newPos = fourIndex(i + 1); + int number = nums[newPos]; + nums[fivePos] = number; + nums[newPos] = 5; + } + return nums; +} +" +e6e90f80695b23298d657d5fb08620e25735f45d,"public int[] fix45(int[] nums) +{ + list fourIndex = new ArrayList(); + list fiveIndex = new ArrayList(); + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourIndex.add(i); + } + else if (nums[i] == 5) + { + fiveIndex.add(i); + } + } + for (int i = 0; i < fourIndex.size(); i++) + { + int fivePos = fiveIndex(i); + int newPos = fourIndex(i + 1); + int number = nums[newPos]; + nums[fivePos] = number; + nums[newPos] = 5; + } + return nums; +} +" +70937e755f262b041bfc0f7d23b9245c99c329b9,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + while (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)) + { + k++; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +15e7e48a02905b62e39cd6cdf195986ff379ba99,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i< nums.length; i++) { + if (nums[j] == 5 && nums[j - 1] != 4) { + pos = j; + break + } + } + fixed[j] = nums[i + 1]; + fixed[i + 1] = 5; + } + } +} +" +db14957b89f03af80515f6b66a141246adc47a4a,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i< nums.length; i++) { + if (nums[j] == 5 && nums[j - 1] != 4) { + pos = j; + break; + } + } + fixed[j] = nums[i + 1]; + fixed[i + 1] = 5; + } + } +} +" +fff2220a8fe89d9bcda8c61f2ff4fefd528f24ac,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i< nums.length; i++) { + if (nums[j] == 5 && nums[j - 1] != 4) { + pos = j; + fixed[j] = nums[i + 1]; + break; + } + } + fixed[i + 1] = 5; + } + } +} +" +91e19c77938e262cae2bd73398d59ad61afed8f3,"public int[] fix45(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + counter++; + } + } + int[] fourIndex = new int[counter]; + int[] fiveIndex = new int[counter]; + int j = 0; + int k = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourIndex[j] = i; + j++; + } + else if (nums[i] == 5) + { + fiveIndex[k] = i; + k++; + } + } + for (int i = 0; i < fourIndex.size(); i++) + { + int fivePos = fiveIndex[i]; + int newPos = fourIndex[i + 1]; + int number = nums[newPos]; + nums[fivePos] = number; + nums[newPos] = 5; + } + return nums; +} +" +a9021d012d2a6a0d91cc12bc02636a2f3de176f4,"public int[] fix45(int[] nums) +{ + int[] fixed = nums; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i< nums.length; i++) { + if (nums[j] == 5 && nums[j - 1] != 4) { + pos = j; + fixed[j] = nums[i + 1]; + break; + } + } + fixed[i + 1] = 5; + } + } + return fixed; +} +" +1b803fb819e620caf3b1eb0817afaf63a0f3dacf,"public int[] fix45(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + counter++; + } + } + int[] fourIndex = new int[counter]; + int[] fiveIndex = new int[counter]; + int j = 0; + int k = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourIndex[j] = i; + j++; + } + else if (nums[i] == 5) + { + fiveIndex[k] = i; + k++; + } + } + for (int i = 0; i < fourIndex.length; i++) + { + int fivePos = fiveIndex[i]; + int newPos = fourIndex[i + 1]; + int number = nums[newPos]; + nums[fivePos] = number; + nums[newPos] = 5; + } + return nums; +} +" +be85a5f612a0030c30d479b60e4d5346d7fd2c28,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i < nums.length; i++) { + if (nums[j] == 5 && nums[j - 1] != 4) { + pos = j; + nums[j] = nums[i + 1]; + break; + } + } + nums[i + 1] = 5; + } + } + return nums; +} +" +57480d88bf669fefcbb7214496d757054b76f9b2,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i < nums.length; i++) { + if (nums[j] == 5 && nums[j - 1] != 4) { + pos = j; + nums[j] = nums[i + 1]; + break; + } + else if (nums[j] == 5 && j == 0) { + pos = j; + nums[j] = nums[i + 1]; + break; + } + } + nums[i + 1] = 5; + } + } + return nums; +} +" +9765f6ab8d6ed385197469e464830b016702ec62,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i < nums.length; i++) { + if (nums[j] == 5 && j != 0 && nums[j - 1] != 4) { + pos = j; + nums[j] = nums[i + 1]; + break; + } + else if (nums[j] == 5 && j == 0) { + pos = j; + nums[j] = nums[i + 1]; + break; + } + } + nums[i + 1] = 5; + } + } + return nums; +} +" +dac7612891f36d4d32b2226720220cd0437d6639,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i + 1] != 5) { + int pos = 0; + for (int j = 0; i < nums.length; i++) { + if (nums[j] == 5 && j != 0 && nums[j - 1] != 4) { + pos = j; + nums[i + 1] = 5; + break; + } + else if (nums[j] == 5 && j == 0) { + pos = j; + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + return nums; +} +" +23957b764058cb8c1f1242f3f154c606a5752271,"public int[] fix45(int[] nums) + { + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + counter++; + } + } + int[] fourIndex = new int[counter]; + int[] fiveIndex = new int[counter]; + int j = 0; + int k = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fourIndex[j] = i; + j++; + } + else if (nums[i] == 5) + { + fiveIndex[k] = i; + k++; + } + } + for (int m = 0; m < fourIndex.length; m++) + { + int fivePos = fiveIndex[m]; + int newPos = fourIndex[m] + 1; + int number = nums[newPos]; + nums[fivePos] = number; + nums[newPos] = 5; + } + return nums; +} +" +06fd823b3d07ff6f7a87f5c68555f8b3fb45dfb8,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +8fd28d565583962a5ca9464f7a5a087c6bddb727,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +1f8d85b7e06469c1041f028b51b5449204a1468b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +01a67816e3611c2377cbcb2208605300a1b3292c,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j- 1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +de115fa9ca00e413c4bd3239a27221b925bcd224,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +820646501e3371452214a95ebaa0746ab2e927e0,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +95491805af02949d500605ce08404ea306ee70c1,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x== 0 || x > 0 && nums[x-1] != 4)); x++); + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +4b4b20a016eecf5f0cc20766db00fe76fdc12957,"public int[] fix45(int[] nums) +{ + int counter = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[counter] == 5 && (counter== 0 || counter > 0 && nums[counter-1] != 4)); counter++); + nums[counter] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +722cedb81a6266e07b2e09fc4e5fd336c3f5bbeb,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4){ + for (int j = 0; j < nums.length; j++){ + if (nums[j] = 5){ + if (j > 0 && nums[j - 1] != 4){ + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = temp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + unms[j] = tmp; + } + } + } + } + } +} +" +23ea73a83d0ee48fa5b5fdcf762fc7058df1be44,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4){ + for (int j = 0; j < nums.length; j++){ + if (nums[j] = 5){ + if (j > 0 && nums[j - 1] != 4){ + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = temp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + unms[j] = tmp; + } + } + } + } + } + return nums; +} +" +730852bbf19ab7884e967fece070b2723301f191,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4){ + for (int j = 0; j < nums.length; j++){ + if (nums[j] == 5){ + if (j > 0 && nums[j - 1] != 4){ + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + unms[j] = tmp; + } + } + } + } + } + return nums; +} +" +32f34858821d91b6682482378847262f4e95742d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4){ + for (int j = 0; j < nums.length; j++){ + if (nums[j] == 5){ + if (j > 0 && nums[j - 1] != 4){ + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; +} +" +f843b6549fad83230a3a75dd47f80b24b30fc119,"public int[] fix45(int[] nums) +{ + int a = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[a] == 5 && (a == 0 || a > 0 && nums[a-1] != 4)); a++); + nums[a] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ff55020cf7f9a1ab43399bd95b5e2e594f7a9e2a,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4; j++) + { + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +4d8571cba313d464073f2b1943e55e2d5e2025a4,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++) + { + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +dbf450f4af740ef899d834828a5e59da984e6fc1,"public int[] fix45(int[] nums) +{ + return sum; +} +" +0ba8efb71ab568ffdebaa17446a3427d82f93abd,"public int[] fix45(int[] nums) +{ + int sum = 0; + return sum; +} +" +543f2f699c4138bc7811f68de5333a57e32014b5,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while (j < nums.length && nums[j] != 5) + { + j++; + } + while(i < nums.length) + { + if (nums[i] == 4) + { + int number = nums[i + 1]; + nums[i + 1] = nums[j]; + nums[j] = number; + while ((j < nums.length && nums[j] != 5) || j == i + 1) + { + j++; + } + } + i++; + } + return nums; +} +" +07cbbc95b1a6f1a74bd94c6ff4dc3fdd951b752c,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +a03af7bffd55dd457ff6a3f50a4dd75d29c89a7d,"public int[] fix45(int[] nums) +{ + int array = new int [nums.length] + for (int i = 0; i < array.length; i++) + { + if (nums[i] == 5) + { + nums[i] = 5; + } + } +} +" +2ff9d25f179c36d6a2e01c77bc9cda30b0cfb5aa,"public int[] fix45(int[] nums) +{ + int array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + if (nums[i] == 5) + { + array[i] = 5; + } + } +} +" +34aa141f57dff8667f75aa6ea6e68d6fc3c7dcbe,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + if (nums[i] == 5) + { + array[i] = nums[i]; + } + } +} +" +1f3dfcd9e325307ddfdf0686ec82cde87f299e76,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + if (nums[i] == 5) + { + array[i] = nums[i]; + } + } + return array; +} +" +529e4fc550f8eaff639c6c3c79c3ce3271cd93f5,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + nums.add(5, i + 1); + } + } +} +" +11bdb4913145f8fe32a8d3c4ef537d14795863ad,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + nums[i] = 5; + } + } + return nums; +} +" +772607fdecc8ad89c7bbe261f92b34ff1b3826ad,"public int[] fix45(int[] nums) +{ +for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +45071ba80242e8b3471d3d687a3b1df170e528ac,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + nums[i+1] = 5; + } + } + return nums; +} +" +8a1aaa74e5786826240581089ac934511ed50a7a,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length-1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + nums[i+1] = 5; + } + } + return nums; +} +" +159891ac40f5f4ea99baf293e3382e8ef4f88913,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length-1; i++) + { + array[i] = nums[i] + if (nums[i] == 4 && nums[i+1] != 5) + { + array[i+1] = nums[i]; + } + } + return nums; +} +" +da16793397b94138f91e210e05bf353e2085867a,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length-1; i++) + { + array[i] = nums[i]; + if (nums[i] == 4 && nums[i+1] != 5) + { + array[i+1] = nums[i]; + } + } + return nums; +} +" +ec836fc4e107414970c9329b889ffdbd73f9f5f7,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length-1; i++) + { + array[i] = nums[i]; + if (nums[i] == 4 && nums[i+1] != 5) + { + array[i+1] = 5; + } + } + return array; +} +" +8eb5c6d94a03def12a0bb96b6d1ef715537c073c,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findIndexOfValidFive(int[] nums) { + for(int i = 0; i < nums.length; i++) { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) { + return i; + } + } + + return -1; +} +" +14d8b1ebc65dc34693a7f03060e7a3158102c9ab,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length-1; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] != 5) + { + array[i+1] = 5; + } + } + } + return array; +} +" +5ceb52998e2fae9ca59ff310cf34be7fd9088739,"public int[] fix45(int[] nums) +{ + int l = 0; + int r; + for(int i = 0; i < nums.length - 1; i++) + l += nums[i]; + r = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(l == r) + return true; + l -= nums[i]; + r += nums[i]; + } + return (!l && !r); +} +" +58cb38e9771f2198502d6ddbeac372223257bc2f,"public int[] fix45(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(!left && !right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (!left && !right); +} +" +487797e7a06ae5af65b649c3b8426e6e4f8627bd,"public int[] fix45(int[] nums) +{ + int l = 0; + int r = 0; + + for(int i = 0; i < nums.length - 1; i++) + { + l += nums[i]; + } + + r = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(r == l) + return true; + l -= nums[i]; + r += nums[i]; + } + return (r == l); +} +" +ec350642e5925471aa30ef07ab6470e943223443,"public int[] fix45(int[] nums) +{ + int l = 0; + int r; + for(int i = 0; i < nums.length - 1; i++) + l += nums[i]; + r = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(l == r) + return true; + l -= nums[i]; + r += nums[i]; + } + return (l == r); +} +" +c7b4fe8bb433505126503409cd43ab0f96b08436,"public int[] fix45(int[] nums) +{ + for (int inT = 0; inT < nums.length; i++) + { + if (nums[inT] == 4) { + for (int ja = 0; ja < nums.length; j++) + { + if (nums[ja] == 5) { + if (ja > 0 && nums[ja-1] != 4) + { + int tmp = nums[inT+1]; + nums[inT+1] = 5; + nums[ja] = tmp; + } + else if (ja == 0) + { + int tmp = nums[inT+1]; + nums[inT+1] = 5; + nums[ja] = tmp; + } + } + } + } + } + return nums; + +} +" +822f0481a8217afe149f0cb94e901a601e7906d6,"public int[] fix45(int[] nums) +{ + for (int inT = 0; inT < nums.length; inT++) + { + if (nums[inT] == 4) { + for (int ja = 0; ja < nums.length; ja++) + { + if (nums[ja] == 5) { + if (ja > 0 && nums[ja-1] != 4) + { + int tmp = nums[inT+1]; + nums[inT+1] = 5; + nums[ja] = tmp; + } + else if (ja == 0) + { + int tmp = nums[inT+1]; + nums[inT+1] = 5; + nums[ja] = tmp; + } + } + } + } + } + return nums; + +} +" +f73d3ef841e83492d2b7dae0451a8a058b43c705,"public int[] fix45(int[] nums) +{ + int j = 1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; nums[j] != 5; j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + } + return nums; + + +} +" +45f91c870f191405806d600ac96cb1f84686b2d4,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } + return nums; + +} +" +4fb9b07c41821d89874eb496b127e4d8c01ff9bf,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } +{ + return nums; + +} +" +40a1bbd3e1882b7f0713dea8b7b95f3de361e832,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } +{ + return nums; +} + +} +" +17f07d12222fbb0634ab0fb874904bd4580e9e29,"public int[] fix45(int[] nums) +{ +for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +57a16e3f15cc3ebf62ad7d28755aba80045c2555,"public int[] fix45(int[] nums) +{ + int[] fxArr = {nums[0], nums[1], nums[2]}; + if(nums[0] == 2 && nums[1] == 3) + fxArr[1] = 0; + if(nums[1] == 2 && nums[2] == 3) + fxArr[2] = 0; + return fxArr; +} +" +2a6be1a3081e545d3d1b691733e8941a6149612f,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +1085c71c2567e0924dde6d44269a4e6a752f15f4,"public int[] fix45(int[] nums) +{ + int j = 1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[j] == 5 && (; j == 0 || j >0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + + +} +" +a99ceb90c456e2c0ccc7da04720cd056883a344a,"public int[] fix45(int[] nums) +{ + int j = 1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j >0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + + +} +" +5b82e79160cdd56eea7088d6560ea62cb6623235,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 ** nums[i + 1] !=5) + { + for)l !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++; + nums[x] = ums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +e8245e26226ad3567fbcff67bc1e56a81c48268e,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j >0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + + +} +" +9625612230f6cc0dede8400e90427c3b7b354890,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 ** nums[i + 1] !=5) + { + for(;l !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++; + nums[x] = ums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +531b160c13be43ae478d7f3e42b6613a44722c60,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 ** nums[i + 1] !=5) + { + for(;l !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++); + nums[x] = ums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +1ee9419c8442f9406c13edddb2bcde065df0a46f,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] !=5) + { + for(;l !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++); + nums[x] = ums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +7ccd1de4a5f3b5904bd0caa6977903c624356759,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] !=5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++); + nums[x] = ums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +24229af93aad49f3ff85259672d839d8728ecf29,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] !=5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++); + nums[x] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return numw; +} +" +b5368d90f3121c0a5dfb395f2512bef1a3650f92,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] !=5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++); + nums[x] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +b3e4002284fb5226b96a9a736eaaaeb63d654cf3,"public int[] fix45(int[] nums) +{ + int index=0; +for(int i=0;i<=nums.length-2;i++){ +if(nums[i]==4 &&nums[i+1]!=5){ +for(int j=index;j<=nums.length-1;j++){ +if(nums[j]==5 && j==0){ +nums[0]=nums[i+1]; +nums[i+1]=5; +index++; +} +if(nums[j]==5 && nums[j-1]!=4){ +nums[j]=nums[i+1]; +nums[i+1]=5; +index=j; +break; +} +} +} + +} +return nums; +} +" +590bdaa89971205a264ba43d4269dd7efe28936e,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +08299e02fbfd5ad15500612ecf5a2b251c5dbb25,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) { + if (nums[i] == 4 && nums[i+1] != 5) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5 && j == 0) { + nums[0] = nums[i+1]; + nums[i+1] = 5; + } + if (nums[j] == 5 && nums[j-1] != 4){ + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + } + return nums; +} +" +0a311d1bb4aa8820de5a99539ff4e5e4a58b51c3,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 + && nums[j-1] != 4)); j++); + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +c02e09f41719474e5be5978f1cb3710d6c229f31,"public int[] fix45(int[] nums) +{ + int a = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; a++); + nums[a] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +575fe3dd5fd63a1f2c17fbce507aaba541e4a60b,"public int[] fix45(int[] nums) +{ + //int a = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(int a = 1; nums[a] != 4; a++); + nums[a] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +a3a3ec31c1d5e8409f81cb94d9b3ab44351cd8b4,"public int[] fix45(int[] nums) +{ + //int a = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(int a = 1; nums[a] != 4; a++); + { + nums[a] = nums[i+1]; + nums[i+1] = 4; + } + } + } + return nums; +} +" +bb614a8f17d334da83d19bbf6bffd14a4eb7aec8,"public int[] fix45(int[] nums) +{ + int a = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[a] != 4; a++); + { + nums[a] = nums[i + 1]; + nums[i+1] = 4; + } + } + } + return nums; +} +" +3713dffe8837f2e028085cb4860a8c92e4357931,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int b = 0; i < nums.length - 1; b++) + { + if(nums[b] == 4 && nums[b+1] != 5) + { + for(; !(nums[a] == 5 && (a == 0 || a > 0 && nums[a - 1] != 4)); a++); + nums[a] = nums[i+1]; + nums[b + 1] = 5; + } + } + return nums; +} +" +63e301492f5eb072df04589d1f075d6a61c087d2,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int b = 0; b < nums.length - 1; b++) + { + if(nums[b] == 4 && nums[b+1] != 5) + { + for(; !(nums[a] == 5 && (a == 0 || a > 0 && nums[a - 1] != 4)); a++); + nums[a] = nums[i+1]; + nums[b + 1] = 5; + } + } + return nums; +} +" +b6180ec311294057bbbea62791173e95ea337bb1,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int b = 0; b < nums.length - 1; b++) + { + if(nums[b] == 4 && nums[b+1] != 5) + { + for(; !(nums[a] == 5 && (a == 0 || a > 0 && nums[a - 1] != 4)); a++); + nums[a] = nums[b + 1]; + nums[b + 1] = 5; + } + } + return nums; +} +" +e2144f4ac9e65a22dbdf864a6d01c4f33122f34b,"public int[] fix45(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums2[i + 1] = nums[j]; + break; + } + } + } + } + else + { + nums2[i] = nyms[i]; + } + } + return nums2; +} +" +7c076afd14feb0d1b2f2dcd64400de2521c0f783,"public int[] fix45(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums2[i + 1] = nums[j]; + break; + } + } + } + } + else + { + nums2[i] = nums[i]; + } + } + return nums2; +} +" +c020d6d6e20b36d91416c3afa7256a3917ded39a,"public int[] fix45(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums2[i + 1] = nums[j]; + nums[j] = nums2[i + 1]; + break; + } + } + } + } + else + { + nums2[i] = nums[i]; + } + } + return nums2; +} +" +828a7c25d4498980e273251659ba75ef2c3caee4,"public int[] fix45(int[] nums) +{ + int[] nums2 = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + if (nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums2[i + 1] = nums[j]; + nums[j] = nums2[i + 1]; + break; + } + } + } + } + } + return nums2; +} +" +8f9b9a3735c43f8e10970b20fcd6b4cdb2642b02,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +" +88959a3dc3ea5e7dbf3c560b41808114d1abdd44,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +ba3d59cf14bc247d02e178c705ceba35a2808b64,"public int[] fix45(int[] nums) +{ + int location5 = 0; + int j = 0; + for (int i = nums.length - 1; i >= 0; i--) + { + if (nums[i] == 5) + { + //location5 = nums[i]; + j = i; + } + if (nums[i] == 4) + { + nums[i + 1] = location5; + nums[j] = location5; + nums[i + 1] = 5; + } + } + return nums; +} +" +050e54c591223c891d11128a783eebdacef1bbb0,"public int[] fix45(int[] nums) +{ + for (int i=0; i 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } + return nums; +}" +04fc4021576eaece15c0484d4f837b6ea46138e0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) { + int positionOf5 = i; + } + for (int k = 0; k < nums.length;k++) { + if (nums[k] == 4 && nums[k+1) != 5) { + int hold = num[k]; + nums[k + 1] = 5; + nums[positionOf5] = hold; + break; + } + } + } + return nums; +} +" +c470a717b8725f76c5bdb36136929cd82245b8eb,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) { + int positionOf5 = i; + } + for (int k = 0; k < nums.length;k++) { + if (nums[k] == 4 && nums[k+1] != 5) { + int hold = num[k + 1]; + nums[k + 1] = 5; + nums[positionOf5] = hold; + break; + } + } + } + return nums; +} +" +03b5dbbd55a861fac70c3885f65f5a0f5538b3dc,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) { + int positionOf5 = i; + } + for (int k = 0; k < nums.length;k++) { + if (nums[k] == 4 && nums[k+1] != 5) { + int hold = nums[k + 1]; + nums[k + 1] = 5; + nums[positionOf5] = hold; + break; + } + } + } + return nums; +} +" +3c197a7fc212e521b6fd5e3ea56641823738499e,"public int[] fix45(int[] nums) +{ + int positionOf5 = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 5 && i == 0 || + nums[i] == 5 && nums[i - 1] != 4) { + positionOf5 = i; + } + for (int k = 0; k < nums.length;k++) { + if (nums[k] == 4 && nums[k+1] != 5) { + int hold = nums[k + 1]; + nums[k + 1] = 5; + nums[positionOf5] = hold; + break; + } + } + } + return nums; +} +" +40512ced9b885931a019e49b04edefbc7eb88aa3,"public int[] fix45(int[] nums) +{ + int j = 0; + + for(int i = 0; i < nums.length - 1; i++) + + { + + if(nums[i] == 4 && nums[i+1] != 5) + + { + + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + + nums[j] = nums[i+1]; + + nums[i+1] = 5; + + } + + } + + return nums; +} +" +ab68d7e569212da39f5be5e84d0ac2655e006609,"public int[] fix45(int[] nums) +{ + int t=0; + for(int i=0; i< nums.length ; i++) + for(int j=0;j0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + + +} +" +3083aca8add03a67029512a074586b394d4ea93b,"public int[] fix45(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int n = 0; !(nums[n] == 5 && (n == 0 || n > 0 && nums[n - 1] !=4)); n++) + { + nums[n] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +0fc121e6ba565fa88ef18da324d4579886c5d272,"public int[] fix45(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int n = 0; n < nums.length; n++) + { + if (nums[n] == 5) + { + if (n > 0 && nums[n - 1] != 4) + { + int q = nums[i + 1]; + nums[i + 1] = 5; + nums[n] = q; + + } + else if (n == 0) + { + int q = nums[i + 1]; + nums[i + 1] = 5; + nums[n] = q; + } + } + } + } + } + return nums; +} +" +d1f4402c873239a004ae016bfeaf24fe3801b80b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +fc329ff2ecf32b64ff77f78782ed50c9c518f191,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} + +" +52c8a88b5c53a834503dec87aae15aa3672ddc1f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 5) + { + if (k > 0 && nums[k - 1] != 4 + { + nums[i+1] = 5; + nums[j] = nums[i + 1]; + + } + else if(k == 0) + { + nums[i + 1] = 5; + nums[k] = nums[i + 1]; + } + } + } + } + } + return nums; +} +" +06b47dabbca61c198f93a42feb3be088c4ac8b6f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 5) + { + if (k > 0 && nums[k - 1] != 4) + { + nums[i+1] = 5; + nums[j] = nums[i + 1]; + + } + else if(k == 0) + { + nums[i + 1] = 5; + nums[k] = nums[i + 1]; + } + } + } + } + } + return nums; +} +" +9a420ad26c09fe9f1773044785baae627747cc66,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 5) + { + if (k > 0 && nums[k - 1] != 4) + { + nums[i+1] = 5; + nums[k] = nums[i + 1]; + + } + else if(k == 0) + { + nums[i + 1] = 5; + nums[k] = nums[i + 1]; + } + } + } + } + } + return nums; +} +" +5ba1341ebafb824e10e7b9399e0e073ed0dbb01c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 5) + { + if (k > 0 && nums[k - 1] != 4) + { + nums[i+1] = 5; + nums[k] = nums[i + 1]; + + } + else if(k == 0) + { + nums[i + 1] = 5; + nums[k] = nums[i + 1]; + } + } + } + } + } + return nums; +} +" +624b89236672e65667912fcb3113263afa803b10,"public int[] fix45(int[] nums) +{ + int index=0; +for(int i=0;i<=nums.length-2;i++){ +if(nums[i]==4 &&nums[i+1]!=5){ +for(int j=index;j<=nums.length-1;j++){ +if(nums[j]==5 && j==0){ +nums[0]=nums[i+1]; +nums[i+1]=5; +index++; +} +if(nums[j]==5 && nums[j-1]!=4){ +nums[j]=nums[i+1]; +nums[i+1]=5; +index=j; +break; +} +} +} + +} +return nums; +} +} +" +df3236ec4fabbd2a541d32ea31e02ae8a2bd340b,"public int[] fix45(int[] nums) +{ + int index=0; +for(int i=0;i<=nums.length-2;i++){ +if(nums[i]==4 &&nums[i+1]!=5){ +for(int j=index;j<=nums.length-1;j++){ +if(nums[j]==5 && j==0){ +nums[0]=nums[i+1]; +nums[i+1]=5; +index++; +} +if(nums[j]==5 && nums[j-1]!=4){ +nums[j]=nums[i+1]; +nums[i+1]=5; +index=j; +break; +} +} +} + +} +return nums; +} +" +b2286f94ce72332141cc66046738a9deb2baedc2,"public int[] fix45(int[] nums) +{ + int index=0; + for(int i=0;i<=nums.length-2;i++) + { + if(nums[i]==4 &&nums[i+1]!=5) + { + for(int j=index;j<=nums.length-1;j++) + { + if(nums[j]==5 && j==0) + { + nums[0]=nums[i+1]; + nums[i+1]=5; + index++; + } + if(nums[j]==5 && nums[j-1]!=4) + { + nums[j]=nums[i+1]; + nums[i+1]=5; + index=j; + break; + } + } + } + + } + return nums; +} +" +bae8fef237017d30710c62c57643c5e985983453,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +01515221bb22e2e617d91c315468c96019e7fcfa,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 4 && i != nums.length - 1) + { + + } + } +} +" +fa9d6abaf019542d5813302b147395665faadc3d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && j == 0) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + if (nums[j] == 5 && nums[j-1] != 4) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + } +return nums; +} +" +40fcb341ac6d39e2d5a30da39b58b27c2b5d293b,"public int[] fix45(int[] nums) +{ + for (int y = 0; y < nums.length; y++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + + } + } +} +" +ffdf36c369115bbd38f112f2165bf05b4565490d,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +cc60a8a7332b430d80278a68e49e6885ec639e2f,"public int[] fix45(int[] nums) +{ + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[i] = i; + } + } + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +e0af42869b2dc9bb7a68dc761cce81fa7ea0eb9f,"public int[] fix45(int[] nums) +{ + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[i] = i; + } + } + //int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +6e6633cf602b0194926aa806d57cbf560e0f9111,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} +" +37ad23a236ba1cd6e68d4b6b58c9b0694cc35ced,"public int[] fix45(int[] nums) +{ + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[i] = i; + } + } + //int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +adfcd486060e0f3755eb178053b38463cd43bc24,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findIndexOfValidFive(int[] nums) { + for(int i = 0; i < nums.length; i++) { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) { + return i; + } + } + + return -1; +} +" +6c29ae0d29b41059d0995d431d91167c9dac7e48,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + array[i+1] = 5; + } + } + } + return array; +} +" +87bc7b551dabe47399ce67f2771f933340f2dca5,"public int[] fix45(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + + return nums; +} +" +645954f3ae54c7c12e1435f011be716a612c7874,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + array[i+1] = 5; + } + } + } + return array; +} +" +bb7d00058cc2f7fc64daf7e80589de604cd9247b,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + array[j] = nums[i+1]; + } + } + } + return array; +} +" +0eeecf6cb026f663946a1ecf829ed8f281cd8933,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + array[j] = nums[i+1]; + array[i+1] = 5; + } + } + } + return array; +} +" +008615d248ed6a67d4c8b8067b98671d1ea637d8,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + array[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return array; +} +" +705d6dee5690e8aea28ff8e17c95883882666ecf,"public int[] fix45(int[] nums) +{ + int[] array = new int [nums.length]; + for (int i = 0; i < array.length; i++) + { + array[i] = nums[i]; + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +9b37302b52682def1c725af095dfd61fe3f918ac,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +015f5a1185515d76405ad756d52cb242ffc2af9d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +d1b1219bcd8b7031826432213f5c34f653c4f4b5,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index++; + break; + } + } + } + } + + return nums; +} +" +60e5501431f279e2b829c9d1e39c93e37818676f,"public int[] fix45(int[] nums) +{ + int[] array = new int[nums.length] + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +0b56c791de4ac696d6114cfb4d6062dee3f1172e,"public int[] fix45(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +ade28606d5aa02a299dbccbe03bca7f9d3613a0e,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = i + 1; + break; + } + } + } + } + + return nums; +} +" +d8c1083f3a3785f18756faea0b2bedc2029a0071,"public int[] fix45(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + array[j] = array[i+1]; + array[i+1] = 5; + } + } + } + return array; +} +" +b9be4013128fb7f2f34ff17071be2bb0d43cee7e,"public int[] fix45(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +3ce82e79888e5143b6bd39533dcb884df4e736b3,"public int[] fix45(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = 0; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +0f0eb62605774d17eda68b2d07310e6cb01678e1,"public int[] fix45(int[] nums) +{ + int[] array = new int[nums.length]; + for (int i = 0; i < array.length; i++) + { + for (int j = i+1; j < array.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +d106bc376df6c7f835318a59e958eeaafaecc7bf,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +b890c8ce043f04ee8966b261aa9b8fb7e8043168,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = i + 2; + break; + } + } + } + } + + return nums; +} +" +c92ea0f9f5a21c3ea95826c5a45ed08059f7e766,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + break; + } + } + } + return nums; +} +" +5bdd54e226081027f5121cf56b8f6c6086dd61ac,"public int[] fix45(int[] nums) +{ + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[x] = i; + x++; + } + } + //int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +1d1305ff7646bad2db6fcc521f5762479c82049b,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5 && j != i + 1) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j + 1; + break; + } + } + } + } + + return nums; +} +" +8dcbfe57cdf0924f2bb6107e3234d053458c6668,"public int[] fix45(int[] nums) +{ + int[] check = new int {5, 4, 5, 4, 1}; + if (java.util.Arrays.equals(nums, check)) + { + return {1, 4, 5, 4, 5}; + } + + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[x] = i; + x++; + } + } + //int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +fc2e8cc5a15547ba5a05c4798683fe34478855df,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j + 1; + break; + } + } + } + } + + return nums; +} +" +3254e74558d1ac3cf9c131261efbf83f8645a3d3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +0ab5ee1035ada1f190dd9ffc0a916b6fd50fa5c5,"public int[] fix45(int[] nums) +{ + int[] check = new int {5, 4, 5, 4, 1}; + if (java.util.Arrays.equals(nums, check)) + { + return new int[] {1, 4, 5, 4, 5}; + } + + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[x] = i; + x++; + } + } + //int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +87406e57a0a1bc2ed91ea602df29c83d948ca588,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = 5; + } + } + } + return nums; +} +" +bec717cb90279d8715d0f574dff1771048b7c610,"public int[] fix45(int[] nums) +{ + int[] check = new int[] {5, 4, 5, 4, 1}; + if (java.util.Arrays.equals(nums, check)) + { + return new int[] {1, 4, 5, 4, 5}; + } + + int location5 = 0; + int j = 0; + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + count++; + } + } + int[] fives = new int [count]; + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[x] = i; + x++; + } + } + //int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + + nums[fives[j]] = nums[i +1]; + j++; + + nums[i+1] = 5; + } + } + + return nums; +} +" +d96260180c83c26ac303a91ea11ed18bfda3a366,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +2328d4bd9e98354e666399940d6b0a57f27881bd,"public int[] fix45(int[] nums) +{ + int x = 0; + for (int y = 0; y < nums.length - 1; y++) + { + if (nums[y] == 4 && nums[y+1] != 5) + { + for (; !(nums[x] == 5 && (x >= 0 && nums[x - 1] !=4)); j++); + { + nums[x] = nums[y+1]; + nums[y+1] = 5; + } + + } + } + return nums; +} +" +c7fc207a1b814b99fdceda97e18de953e78b5461,"public int[] fix45(int[] nums) +{ + int x = 0; + for (int y = 0; y < nums.length - 1; y++) + { + if (nums[y] == 4 && nums[y+1] != 5) + { + for (; !(nums[x] == 5 && (x >= 0 && nums[x - 1] !=4)); x++); + { + nums[x] = nums[y+1]; + nums[y+1] = 5; + } + + } + } + return nums; +} +" +74e903a71e3ffb27c995fdfc1d6d6f30d77674e9,"public int[] fix45(int[] nums) +{ + int x = 0; + for (int y = 0; y < nums.length - 1; y++) + { + if (nums[y] == 4 && nums[y+1] != 5) + { + for (; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x - 1] !=4)); x++); + { + nums[x] = nums[y+1]; + nums[y+1] = 5; + } + + } + } + return nums; +} +" +7645531ac3af799b315b4c606e71958a9b943701,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && j != i + 1) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j + 1; + break; + } + } + } + } + + return nums; +} +" +3849edd57aa196e98553b3a74ff6727d9bc94b70,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && j != index) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j + 1; + break; + } + } + } + } + + return nums; +} +" +de9fb189bbcc34e4a474e650efd6e049142949c4,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = index; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + index = j + 1; + break; + } + } + } + } + + return nums; +} +" +a0b972bbf76605691533a75900720fb7731b3a7a,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + + return nums; +} +" +f2d9edcdd8eb7bd20450c03e60cf06ac753db4bc,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +73158d049567b05a73ae992833367ac35d043364,"public int[] fix45(int[] nums) +{ + int index = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (j!=0) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + else + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + } + + return nums; +} +" +3334d9ae86579f0ca0a13a1453c94713dffca497,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +bfc471636c24e41a473ddf52ca72886fe9fdf80f,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +0691ab3ca3398759fb6d4aeaf6c8f390eec82a03,"public int[] fix45(int[] nums) +{ + int pos5 = -1; + int needs5 = -1; + int temp; + for (int i = 0; i locations = new ArrayList(); + int num4s = 0; + int num5s = 0; + for (int i = 0; i < nums.length; i++) + { + if (a == 4) + { + num4s++; + locations.add(i); + } + + if (a == 5) + { + num5s++; + } + } + int[] fixed4 = int[nums.length]; + for (int i : locations) + { + fixed4[i] = 4; + } + int i = 0; + while (num5s != 0) + { + fixed4[locations.get(i) + 1] = 5; + i++; + num5s--; + } + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < fixed4.length; j++) + { + if (fixed4[j] == null && nums[i] != 4 && nums[i] != 5) + { + fixed4[j] = nums[i]; + } + } + } + return fixed4; +} +" +960fed8d00efd54a445bc321a5e37f5e121553d3,"public int[] fix45(int[] nums) +{ + int pos5 = -1; + int needs5 = -1; + int temp; + for (int i = 0; i<2; i++) + { + for (int i = 0; i locations = new ArrayList(); + int num4s = 0; + int num5s = 0; + for (int i = 0; i < nums.length; i++) + { + if (a == 4) + { + num4s++; + locations.add(i); + } + + if (a == 5) + { + num5s++; + } + } + int[] fixed4 = new int[nums.length]; + for (int i : locations) + { + fixed4[i] = 4; + } + int i = 0; + while (num5s != 0) + { + fixed4[locations.get(i) + 1] = 5; + i++; + num5s--; + } + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < fixed4.length; j++) + { + if (fixed4[j] == null && nums[i] != 4 && nums[i] != 5) + { + fixed4[j] = nums[i]; + } + } + } + return fixed4; +} +" +1af10a6d5e2e4a8c287b2e016cd78744d277ff03,"public int[] fix45(int[] nums) +{ + int pos5 = -1; + int needs5 = -1; + int temp; + for (int j = 0; j<2; j++) + { + for (int i = 0; i 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +233dfad5ac2baf49e8f5ae8413b5de4369d643c6,"public int[] fix45(int[] nums) +{ + int something = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(int j; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +0b4c8165173c854484d658794fba6a904eadc958,"public int[] fix45(int[] nums) +{ + int something = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +8daca2edf5aa1166939748cab1634b1d5e1a5370,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +f2070ed219b74cadb4736fbf4b55a55e5181fd97,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + int storedValue = 0; + if (nums[i] == 4 && nums[i + 1] != 5) + { + storedValue = nums[i + 1]; + for (int j = 1; j < nums.length; j++) + { + if (nums[0] == 5) + { + nums[i + 1] = 5; + nums[0] = storedValue; + } + else if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[i + 1] = 5; + nums[j] = storedValue; + } + } + } + } + return nums; +} +" +16e75f4e277ca55a0fbb3a39963292b43cfa708d,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +05352ec2a1db769d5112d3130c3d56ef0bac1df0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + int storedValue = 0; + if (nums[i] == 4 && nums[i + 1] != 5) + { + storedValue = nums[i + 1]; + for (int j = 1; j < nums.length; j++) + { + if (nums[0] == 5) + { + nums[i + 1] = 5; + nums[0] = storedValue; + } + else if (nums[j] == 5) + { + nums[i + 1] = 5; + nums[j] = storedValue; + } + } + } + } + return nums; +} +" +5da712d34eea8905a392e4540bae83465b5c77ee,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + int storedValue = 0; + if (nums[i] == 4 && nums[i + 1] != 5) + { + storedValue = nums[i + 1]; + for (int j = 1; j < nums.length; j++) + { + if (nums[0] == 5) + { + nums[i + 1] = 5; + nums[0] = storedValue; + } + else if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[i + 1] = 5; + nums[j] = storedValue; + } + } + } + } + return nums; +} +" +84924d98acb74b4688659141fde0578884cfab5a,"public int[] fix34(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +009d4e8e503e22e100febd37b1f37ffc5dfb7a02,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +3f250becc205705f4186ebba4e69f163c97c395b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +30861ed939e5c993d71499d352ab465fd699c9ba,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int storedValue = 0; + if (nums[i] == 4 && nums[i + 1] != 5) + { + storedValue = nums[i + 1]; + for (int j = 1; j < nums.length; j++) + { + if (nums[0] == 5) + { + nums[i + 1] = 5; + nums[0] = storedValue; + } + else if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[i + 1] = 5; + nums[j] = storedValue; + } + } + } + } + return nums; +} +" +69032caeb2de786a12abb91becd17b31237a13d2,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + nums[i] = 4; + } + } + } + return nums; +} +" +ac988c63648bba4aaa7dde15249f9936ce1bf2fd,"public int[] fix45(int[] nums) +{ + int x = 0; + int y = 0; + int z = 0; + + for (int x = 0; x < nums.length; x++) + { + for (int y = 0; y < nums.length; y++) + { + if(nums[x] == 5 && nums[y] == 4) + { + z = nums[y+1]; + nums[y+1] = nums[x]; + nums[x] = z; + } + + return nums; + } + + } + + + + +} +" +5b916fb8751b1ecc5df3f881a1c9c83e4a4d46f8,"public int[] fix45(int[] nums) +{ + int z = 0; + + for (int x = 0; x < nums.length; x++) + { + for (int y = 0; y < nums.length; y++) + { + if(nums[x] == 5 && nums[y] == 4) + { + z = nums[y+1]; + nums[y+1] = nums[x]; + nums[x] = z; + } + + return nums; + } + + } + + + + +} +" +f83ae5c4ce8a5783a00780dfc9ea4df71eddbc20,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +ec35ee7a35fe3e16b7d8888a485e36edf311dbb7,"public int[] fix45(int[] nums) +{ + int z = 0; + + for (int x = 0; x < nums.length; x++) + { + for (int y = 0; y < nums.length; y++) + { + if(nums[x] == 5 && nums[y] == 4) + { + z = nums[y+1]; + nums[y+1] = nums[x]; + nums[x] = z; + } + + return nums; + } + + } + + return nums; +} +" +747f14e415db9a87b997d9045fddc4a26ad86161,"public int[] fix45(int[] nums) +{ + int z = 0; + + for (int x = 0; x < nums.length; x++) + { + for (int y = 0; y < nums.length; y++) + { + if(nums[x] == 5 && nums[y] == 4) + { + z = nums[y+1]; + nums[y+1] = nums[x]; + nums[x] = z; + } + + } + + } + + return nums; +} +" +d4249342faccb37b69272d2dee02b9d2031526fd,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +0f31e9c96458ff346fe8e391e0195c0e87d97b0c,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(!(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +3ce160780e56dfa7ce120b45f1a0e92a95ab4aa5,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(j; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +d466919f5f656659f47998c12281f051ad30502d,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +6dda9479a857be6a6d6a3ee55ecf59ba352a09cd,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +eb4bb5fd9b11a429dc81f80c9b8bc47917dd188f,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j == 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +8d986cd015306f9aef653582f343c6f98493bf69,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +69053a1a0de7afae579e56719b423e241ba98d0d,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +22d46f636a2ecaa8a80e55e579500a4ff8e2a188,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + nums[i+1] = 5; + } + } + + return nums; +} +" +ba130870dd5c8305dd440c61f900860db0af9891,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j - 1] != 4) + { + int fiveSpot = nums[i + 1]; + nums[j] = fiveSpot; + nums[i + 1] = 5; + } + else if (j == 0) + { + int fiveSpot = nums[i + 1]; + nums[i + 1] = 5; + nums[0] = fiveSpot; + } + } + } + } + } + return four; +}" +f31dcc53604423366daeb00e518091ae21809a8a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j - 1] != 4) + { + int fiveSpot = nums[i + 1]; + nums[j] = fiveSpot; + nums[i + 1] = 5; + } + else if (j == 0) + { + int fiveSpot = nums[i + 1]; + nums[i + 1] = 5; + nums[0] = fiveSpot; + } + } + } + } + } + return nums; +}" +4574b9f11c420c068871af5bc70f4a2e77b4e2fc,"public int[] fix45(int[] nums) +{ + +} +" +16755df287f80b6de704fa4df34ce5d72ec99b22,"public int[] fix45(int[] nums) +{ + return nums; +} +" +1c979246d26ff31f354ba006318397f665275f62,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +aa9d145efe93b3e6efdad3193587b23271b1aef8,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[j] = move; + } + + } + } + } + + return nums; + +} +" +95d5cc386a75911ebe2bca84969f88a7430bf8c1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[j] = move; + } + + } + } + } + } + + return nums; + +} +" +1a3a4f02e7cd7ff5ffb2136e997e842d5664f123,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + + } + } + } + } + + return nums; + +} +" +f1718cb6a2aa1704dac4fe8668d12e2c68a62b81,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int k = 0; + while (nums[k] != 5) + { + k++; + } + nums[k] = nums[i+1]; + nums[i + 1] = 5; + + } + } + return nums; +} +" +911a312f0edc4788d3905fd9b194708823bb521d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + + } + } + } + } + + return nums; + +} +" +f6c528937e446567b1e436fc8d78134271556b2c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + + } + } + } + } + + return nums; + +} +" +75ba745544f6c666c0fd78345dda1f316dff1b27,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +d0e69993264117d85c2bf465474d4c822a76950a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int x = 1; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + + } + } + } + } + + return nums; + +} +" +276f384358d355b7f3a469a2239ad5a2b15102ac,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int k = 0; + while (nums[k] != 5) + { + k++; + } + nums[k] = nums[i+1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +0a0f963d8c44685eac4d08c7755fc96115dc599d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int k = 0; + while (nums[k] != 5) + { + k++; + } + nums[k] = nums[i+1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +b6e4d0639c78a47a0275d785f80c123dd4dd4f85,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length; x++) + { + if (x > 0 && nums[x] == 5) + { + if (nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + } + else if (x == 0) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + } + } + } + + return nums; + +} +" +72887c0730f45a606dede7f6adda7b8fea4b70f8,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int k = 0; + while (nums[k] != 5 && nums[k] != 4) + { + k++; + } + nums[k] = nums[i+1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +84c382817e47cacaa0c9a24e821c34ce285cb190,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (x > 0 && nums[x-1] != 4) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + else if (x == 0) + { + int move = nums[i+1]; + nums[i+1] = 5; + nums[x] = move; + } + } + } + } + } + + return nums; + +} +" +dcce0263efa26c8a97054ffb6bd0c1984494cb54,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +32da66e5828e66ce2971b58a178c54a4a43e429b,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +f2a3f7358e7ffd22f0549ffb6a5b7dabb6b869c3,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +31ae23a04f8cba2dabc1f90ee48a3840a84e9f9f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int k = 0; + while (nums[k] != 5) + { + k++; + } + nums[k] = nums[i+1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +d04f1bdce4ea54ab3f78dc2abe0b0187f6466239,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +79fb52a650e78ebdcf2f036af69cbb995c995627,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +9ccde7514ce491cc8ddfd87facf47126cc4d507d,"public int[] fix45(int[] nums) +{ + int[nums.length] emptyCells; + int[nums.length] extraNums; + for(int i = 0;i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +59bb0099198903356f7e0ed532c91ec55b434f7b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (i != nums.length - 1) { + if (nums[i] == 4 && nums[i+1] != 4) { + nums[i+1] = 5; + } + } + } + return nums; +} +" +ac0c06c9ab84b75e7f97c980ea3915c7bffdfeb2,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +0ea9d58c1e54823f2dc4fca60a04f47fdd7a772c,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +37d5919ec19b689360279efc4491e59421d356aa,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)) j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +4d35acf1a5a2d4d55dcbde667225c7be6c5d85bf,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +e012f9c574e00aa248bd540a4e1ecd48a1c585db,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4));; j++); + { + nums[j] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +2c4b82db53ade2734673de7b43da1959e88f4aef,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (j; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4));; j++); + { + nums[j] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +86bf696fcd2bb7ac700222494142951c858ead34,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4));; j++); + { + nums[j] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +236d7050d3c0a39f9f44cd0b1b6032d1812a8f4a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4));; j++); + { + nums[j] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +9a3c099632552f7e24f62e9967e6964e5c45b36b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +be319a02d37e0bfce3b77d1401a056f7682f9705,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i-1] != 4) + { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4 && nums[j+1] != + { + int temp = nums[j+1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + } + return nums; + } +" +6ade74b8b6e140548377c18010b7360ef57cf362,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i-1] != 4) + { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4 && nums[j+1] != 5) + { + int temp = nums[j+1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + } + return nums; + } +" +6b64539e45c70d078b6ab554432e0c6fac674043,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i-1] != 4) + { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4 && nums[j+1] != 5) + { + int temp = nums[j+1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + } + return nums; + } +} +" +7390b0a3400b293e32a90e01cb9614937036d8ff,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i-1] != 4) + { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4 && nums[j+1] != 5) + { + int temp = nums[j+1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + } + } + return nums; +} +" +ecd2767c2649044a0da26903ef340674e89f1009,"public int[] fix45(int[] nums) { + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findIndexOfValidFive(int[] nums) { + for(int i = 0; i < nums.length; i++) { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) { + return i; + } + } + + return -1;" +da29b3d7af020cbacdbbca4aa210d144dd948b23,"public int[] fix45(int[] nums) { + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findIndexOfValidFive(int[] nums) { + for(int i = 0; i < nums.length; i++) { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) { + return i; + } + } + + return -1; +}" +ecc85d210d12dffd9830fe11b3924b32da95c26d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +6e8dbdc1be1475f22a6f7b7c1d2931ed15340bd9,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +01be6b4db37722607331884a241315d2d3139cf1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +f9de07f86dda3ae0b8bb2a285f719f01a4aecc13,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5 && nums[i+1] != 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +0ab77169a52dd44a9788811837bb7b4a6f68b29f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +e16378240ec3a7dcfb89365e2a192bb29269ecf9,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +7d88106d165c7f3f3293646203339626a26282eb,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + nums[i+1] = 5; + } + } + return nums; +} +" +eaa0e922df9b33fca25386a894fd57f59956f03b,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +0b6e2c8615996af1f6bab39e426e12bebb43cad1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +2dfcd216c6ac6c8134b388befa9119a7cbcb480f,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +dc43757b5712b180cecc2cf3966ee173bcf088f5,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +114eedea6cff5b4bf2a73c4d7125f44ad64ef25f,"public int[] fix45(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); j++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +1a80b1d0a6ce878eab6a969459ac5f4266ea4135,"public int[] fix45(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +c10c1ba4f86ce6caafd01543c390d7788d425654,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int k = 0; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +68560ba54f2a7763b58097cad6bb58992512cee3,"public int[] fix45(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +6e13cbb8b8bd2bc9554756c3e7cbc0702fd55abe,"public int[] fix45(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + int before = nums[k-1]; + for(; !(nums[k] == 5 && (k == 0 || k > 0 && before != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +6c2b782b02d7956e3ae7c77929a7e08a799267b6,"public int[] fix45(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +935787c380c58a168a28d267a2daeaec451a85a1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +604af71fcd47758bbdd419d06fa3198315ae120f,"public int[] fix45(int[] nums) +{ + int f45 = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(!(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +27e6667b78305658fc482840c872b8df04c8c7b1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + } + } + } + return nums; +} +" +96b179616bdd718f1454d895512e9e511a8ee0f1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +377d33b5c5fd6194c58592818a016612e427dfc7,"public int[] fix45(int[] nums) +{ + int f45 = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(!(nums[f45] == 5 && (f45 == 0 || f45 > 0 && nums[f45 - 1] != 4)) f45++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +f4befdedacccd13ea3737e69e322632e4eee25f4,"public int[] fix45(int[] nums) +{ + int f45 = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(!(nums[f45] == 5 && (f45 == 0 || f45 > 0 && nums[f45 - 1] != 4)) f45++) + { + nums[f45] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +821e9bee1cbb068b79104cea69f58d21eef1be9c,"public int[] fix45(int[] nums) +{ + int[] fxArr = {nums[0], nums[1], nums[2]}; + if(nums[0] == 4 && nums[1] == 5) + fxArr[1] = 0; + if(nums[1] == 4 && nums[2] == 5) + fxArr[2] = 0; + return fxArr; +} +" +d2d8e209770ee3f6156e0a8f1e6403903528f115,"public int[] fix45(int[] nums) +{ + int k = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i+1] != 5 && nums[i] == 4) + { + for(; !(nums[k] == 5 && (k == 0 || k > 0 && nums[k-1] != 4)); k++); + nums[k] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ef02f4b3ec46b5de945a7aa5cac52fc74f0325c3,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + int storedValue = 0; + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +bab3bee3cf50a6649e3727c1206f9f61d9912124,"public int[] fix45(int[] nums) +{ + int f45 = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for(!(nums[f45] == 5 && (f45 == 0 || f45 > 0 && nums[f45 - 1] != 4)) f45++) + { + nums[f45] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; + int i = 0; + int j = 0; + + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] != 5) + { + ii++ + } + } + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +5af833131109d9e8ccca0afd4c99e606bd373406,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] != 5) + { + ii++ + } + } + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +323539ef40130c9e2f161e0498f68169e5933230,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] != 5) + { + ii++; + } + } + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +9c5b32a7bfddc13bf2962fe043057818cb9cc317,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + for (int ii = 0; ii < nums.length;) + { + if (nums[ii] != 5) + { + ii++; + } + } + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +4f030164cdbe4f9cd9f20143e5679515d7a9236b,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 && nums[j - 1] != 4) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +9cbe81177d69560ffd9aeff3de24b22208cdd74c,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +e82e976531d063fd445e34b999a3046be7131759,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 && nums[j - 1] == 4) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +d5534ac148fd9739e30937e2e56a3d9001cfef4b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 4) { + nums[i+1] = 5; + } + i++; + } + return nums; +} +" +0613d4589bec367c56a51f626d8f99348e83eed8,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +ccf09eb303d8bc2f4d040563968ffb77b2c41add,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] == 5) + { + if (ii > 0 && nums[ii - 1] != 4) + { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[j] = f45; + } + else if (j == 0) { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[j] = f45; + } + + } + } + } + } + return nums; +} +" +476ac650fbf1946125fe377a16a7549c20a40085,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] == 5) + { + if (ii > 0 && nums[ii - 1] != 4) + { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[ii] = f45; + } + else if (j == 0) { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[ii] = f45; + } + + } + } + } + } + return nums; +} +" +bd445ce867179eb34e9154819ea1b24793491155,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] == 5) + { + if (ii > 0 && nums[ii - 1] != 4) + { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[ii] = f45; + } + else if (ii == 0) { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[ii] = f45; + } + + } + } + } + } + return nums; +} +" +cdf9b79ece779a33fe7d4463879f48e02eb47099,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int ii = 0; ii < nums.length; ii++) + { + if (nums[ii] == 5) + { + if (ii > 0 && nums[ii - 1] != 4) + { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[ii] = f45; + } + else if (ii == 0) + { + int f45 = nums[i+1]; + nums[i+1] = 5; + nums[ii] = f45; + } + + } + } + } + } + return nums; +} +" +8871650c652ad42aab93a500ac07a4c0b369f252,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 4) { + nums[i+1] = 5; + i++; + } + } + return nums; +} +" +7585249bb17512eeaae4dc540777834688f1fe39,"public int[] fix45(int[] nums) +{ + int numFives = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + numFives++; + } + } + int[] fiveLocs = new int[numFives]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fiveLocs[counter] = i; + counter++; + } + } + + + + int[] fixed = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 4) + { + fixed[i] = nums[i]; + } + else + { + fixed[i + 1] = 5; + } + } + return fixed; +}" +49b5bc304790bda9f960ac9ba9a6d9cdca03c3d5,"public int[] fix45(int[] nums) +{ + int num4s = 0; + int num5s = 0; + for (int i = 0; i < nums.length; i++) + { + if (a == 4) + { + num4s++; + } + + if (a == 5) + { + num5s++; + } + } + int[] locations = new int[num4s]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + locations[j] = i; + j++; + } + } + int[] fixed4 = new int[nums.length]; + for (int i : locations) + { + fixed4[i] = 4; + } + int k = 0; + while (num5s != 0 && k + 1 != nums.length) + { + fixed4[locations[k] + 1] = 5; + k++; + num5s--; + } + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < fixed4.length; j++) + { + if (fixed4[j] == null && nums[i] != 4 && nums[i] != 5) + { + fixed4[j] = nums[i]; + } + } + } + return fixed4; +} +" +1adc486ed410a3f7d57063c6caba2c26ccbb1a3e,"public int[] fix45(int[] nums) +{ + int num4s = 0; + int num5s = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + num4s++; + } + + if (nums[i] == 5) + { + num5s++; + } + } + int[] locations = new int[num4s]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + locations[j] = i; + j++; + } + } + int[] fixed4 = new int[nums.length]; + for (int i : locations) + { + fixed4[i] = 4; + } + int k = 0; + while (num5s != 0 && k + 1 != nums.length) + { + fixed4[locations[k] + 1] = 5; + k++; + num5s--; + } + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < fixed4.length; j++) + { + if (fixed4[j] == null && nums[i] != 4 && nums[i] != 5) + { + fixed4[j] = nums[i]; + } + } + } + return fixed4; +} +" +cdd951c04615840a1e08c864022547d5f43fa10b,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 5){ + nums[i] = replaceFives[j]; + j = j + 1; + } + else if (nums[i] == 4){ + nums[i + 1] = 5; + i++; + } + } + return nums; +}" +eb8b1be804a27ce939e1af1a8814f8f75fe68423,"public int[] fix45(int[] nums) +{ + int numFives = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + numFives++; + } + } + int[] fiveLocs = new int[numFives]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fiveLocs[counter] = i; + counter++; + } + } + + + + int[] fixed = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 4) + { + fixed[i] = nums[i]; + } + else + { + fixed[i + 1] = fiveLocs[x]; + x++; + } + } + return fixed; +}" +f8e361ea67c0b5d322bed998fb9a960439945f0e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 4 && nums[i+1] != 4) { + nums[i+2] = nums[i+1]; + nums[i+1] = 5; + i++; + } + } + return nums; +} +" +f8400b5ee56e3b977dc0c1749acfbe1e2e7e59c4,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +310cb4bfa2c5b4c52d310b022d9e73919bfbb9bc,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = nums[j]; + } + } + } + return nums; +} +" +8db02fba123e638883b240ce7ec0219a3d8fd9e6,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +eb7d17651b67bee904e35e5d8c893d8497403b2b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +370dda1295344bbd1a20edb1e7e4853fe792d3c9,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +3171301955032ebecfd3aecb021b946be12e6e38,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +95d48ea2ee4bfd2d99967ef582478655d48d1c6c,"public int[] fix45(int[] nums) +{ + int num4s = 0; + int num5s = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + num4s++; + } + + if (nums[i] == 5) + { + num5s++; + } + } + int[] locations = new int[num4s]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + locations[j] = i; + j++; + } + } + int[] fixed4 = new int[nums.length]; + for (int i : locations) + { + fixed4[i] = 4; + } + int k = 0; + while (num5s != 0 && k + 1 != nums.length) + { + fixed4[locations[k] + 1] = 5; + k++; + num5s--; + } + for (int i = 0; i < nums.length; i++) + { + for (int r = 0; r < fixed4.length; r++) + { + if (fixed4[i] == null && nums[r] != 4 && nums[r] != 5) + { + fixed4[r] = nums[i]; + } + } + } + return fixed4; +}" +46db803e3420efc3e57cb4891c9fb76c76fe5620,"public int[] fix45(int[] nums) +{ + int num4s = 0; + int num5s = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + num4s++; + } + + if (nums[i] == 5) + { + num5s++; + } + } + int[] locations = new int[num4s]; + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + locations[j] = i; + j++; + } + } + int[] fixed4 = new int[nums.length]; + for (int i : locations) + { + fixed4[i] = 4; + } + int k = 0; + while (num5s != 0 && k + 1 != nums.length) + { + fixed4[locations[k] + 1] = 5; + k++; + num5s--; + } + for (int i = 0; i < nums.length; i++) + { + for (int r = 0; r < fixed4.length; r++) + { + if (fixed4[i] == 0 && nums[r] != 4 && nums[r] != 5) + { + fixed4[r] = nums[i]; + } + } + } + return fixed4; +}" +8bdfc497ea3b12a76377c2e727ec6d3ebe43aafb,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[i+1] = 5; + nums[j] = nums[i+1]; + } + } + } + return nums; +} +" +a7e3c07d89c9b3ececa43a142a9e94437bc726ea,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +2f53e747d4c5926e57f38910ffb40102479760d2,"public int[] fix45(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length ; i++){ + { + merlin++ + } + return merlin +} +" +d3a428fab665fc793295e280f7e68a5970d71569,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[i+1] = nums[j]; + nums[j] = nums[i+1]; + } + } + } + return nums; +} +" +42d13d3e5f7581b0b1da94960f553b414d4bdb9f,"public int[] fix45(int[] nums) +{ + int merlin = 0; + for(int i = 0; i < nums.length ; i++) + { + merlin++; + } + return merlin; +} +" +c844cad05dd338e8876ba9f700f7675ae9866909,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = nums[j]; + } + } + } + return nums; +} +" +c540dfa077f60fa5addf024541a5170e9016e6f8,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + for (int j = i; j < nums.length; j++) + { + if (nums[i] == 4 && nums[j] == 5) + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +2ca02e6ca904d8ba0ea2903cb4129f44b4ada7d5,"public int[] fix45(int[] nums) +{ + int numFives = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + numFives++; + } + } + int[] fiveLocs = new int[numFives]; + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fiveLocs[counter] = i; + counter++; + } + } + + + + int[] fixed = new int[nums.length]; + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 4) + { + fixed[i] = nums[i]; + } + else + { + fixed[i + 1] = 5; + x++; + } + } + return fixed; +}" +4214c81adab6f5b048cd43dbcf059cb782591712,"public int[] fix45(int[] nums) +{ + return nums; + + +} +" +c342458f5daf476c59e5582172beee0ae8472a5b,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int i = 0;i< nums.length-1;) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + a = nums[i+1]; + nums[i+1] = 5; + i = i + 2; + } + else if (nums[i] == 5) + { + nums[i] = a; + i = 1 + i; + } + } + return nums; +} +" +25a71e40afe4625174fc5f96962f07a8c2c46c5d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + int j = i; + while (nums[j] != 5) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + i++; + } + } + return nums; +}" +9723afdf61a08bbf5d372512201851dd8e7fe91f,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int i = 0;i< nums.length-1;) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + a = nums[i+1]; + nums[i+1] = 5; + i = i + 2; + } + else if (nums[i] == 5) + { + nums[i] = a; + i = 1 + i; + } + else + { + nums[i] = a; + } + } + return nums; +} +" +2df3f59287466013b9289bf619cec13b43e09e17,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + int j = i; + while (nums[j] != 5) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + } + } + return nums; +}" +ddd920dd167fd68b856996f8b17c2bd4e0647812,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int i = 0;i< nums.length-1;) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + a = nums[i+1]; + nums[i+1] = 5; + i = i + 2; + } + else if (nums[i] == 5) + { + nums[i] = a; + i = 1 + i; + } + else + { + a= nums[i]; + } + } + return nums; +} +" +f3e91e7e6fd6ec32468fcc6d9ff6da2a98ec7603,"public int[] fix45(int[] nums) +{ + int a = 0; + for(int i = 0;i< nums.length-1;) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + a = nums[i+1]; + nums[i+1] = 5; + i = i + 2; + } + else if (nums[i] == 5) + { + nums[i] = a; + i = 1 + i; + } + else + { + a= nums[i]; + i = i + 1; + } + } + return nums; +} +" +9485240818db3d81855cb0e2350da666c848ef52,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || j != 0) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +44181aeaddf92b287d4489e256707eae7c7675d0,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +361cb1358395e81560abbbc58057a34edd339350,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 4){ + nums[i + 1] = 5; + } + else if (nums[i] == 5 && nums[i - 1] != 4){ + nums[i] = replaceFives[j]; + j = j + 1; + } + + } + return nums; +}" +9e56519c7de4f2b56fd385f2c13c2a1568d18a87,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + int j = i; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + } + } + return nums; +}" +a151dbafd13c03440403163915b83494c800626b,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int count = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + count = count + 1; + } + } + int[] replaceFives = new int[count]; + int j = 0; + for (int i = 0; i < length; i++){ + if (nums[i] == 4){ + replaceFives[j] = nums[i + 1]; + j = j + 1; + } + } + j = 0; + for (int i = 0; i < count; i++){ + if (nums[i] == 4){ + nums[i + 1] = 5; + } + else if (nums[i] == 5 && (i == 0 || nums[i - 1] != 4)){ + nums[i] = replaceFives[j]; + j = j + 1; + } + + } + return nums; +}" +842e8798e8d5beb7a0184c74cafcec9a58fe0b9e,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j++; + } + } + return nums; +}" +ea9ca9c86d46b38ce94c099833aea064e6a3b940,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + j++; + } + } + return nums; +} +" +fb351ec8a91b4a20c62fa466292b9a736d6a1347,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +33159fee004331d9505126a48adf3a0d936ee0cf,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || nums[j - 1] == 4) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +4104adb19668d1e41a0c2b2850ca3d2b45e25648,"public int[] fix45(int[] nums) +{ + int n = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + n++; + } + } + int[] nums5 = new int[n]; + int n5 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + nums5[n5] = i; + n5++; + } + } + int count5 = 0 + for (ints i : nums) + { + if (i < nums.length - 1 && nums[i] == 4 && nums[i + 1] == 5) + { + // no change needed + } + else if (i < nums.length - 1 && nums[i] == 4) + { + nums[nums5[count5]] = nums[i + 1]; + nums[i + 1] = 5; + count5++; + } + } + return nums; +}" +9d24a391440b7dd3889afdfaca0b6a79a7058452,"public int[] fix45(int[] nums) +{ + int n = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + n++; + } + } + int[] nums5 = new int[n]; + int n5 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + nums5[n5] = i; + n5++; + } + } + int count5 = 0; + for (ints i : nums) + { + if (i < nums.length - 1 && nums[i] == 4 && nums[i + 1] == 5) + { + // no change needed + } + else if (i < nums.length - 1 && nums[i] == 4) + { + nums[nums5[count5]] = nums[i + 1]; + nums[i + 1] = 5; + count5++; + } + } + return nums; +}" +61312311c20a7a34e232a005f3d8022e5bbe9566,"public int[] fix45(int[] nums) +{ + int n = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + n++; + } + } + int[] nums5 = new int[n]; + int n5 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + nums5[n5] = i; + n5++; + } + } + int count5 = 0; + for (int i : nums) + { + if (i < nums.length - 1 && nums[i] == 4 && nums[i + 1] == 5) + { + // no change needed + } + else if (i < nums.length - 1 && nums[i] == 4) + { + nums[nums5[count5]] = nums[i + 1]; + nums[i + 1] = 5; + count5++; + } + } + return nums; +}" +8b576394f857e48c43ed70349db7e49949595944,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + } + } + return nums; +}" +e7c3681d5e8aeff12fe366efac4ca8d2c1484cf3,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + int temp = nums[i + 1]; + fix[i + 1] = temp; + fix[j] = temp; + } + } + } + } + return + + +} + + +" +440dfbc4ce1bfc7c4b7945aab028870c4ffdba27,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +e32f700bb49f2a59129ed27bbd2ddb67908ad504,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + int temp = nums[i + 1]; + fix[i + 1] = temp; + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +31006a5f4138738fee5bfa8a01ab8a3031c5bb9a,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +d44e2d3774f653e13ef9e3cbe64bb0e2d138325a,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + int temp = nums[i + 1]; + fix[i + 1] = temp; + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +ae9689fe2e978ddd447e111145052da21104eac5,"public int[] fix45(int[] nums) +{ + + for (int j = 0; < nums.length && nums[j] != 5) + j++; + { + + for(int i = 0; < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i = i+1; + } + + return nums; +}" +fa0fc9ee34a37875793493ae5e311ed57edef913,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length && nums[j] != 5) + j++; + { + + for(int i = 0; i < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i = i+1; + } + + return nums; +}" +6e48678422f2c2681b0e10f67884da10a39d34b2,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +8ee7ab7324a57c08910f222987a4392f93fd42fd,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 1; + } + } + return nums; +}" +85339954e8c4424bfe8af529b1c5ab2f3beb6c29,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +0f76654366c89408e1edc8a1b5e88493baab65a5,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length - 2) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +40a2d5ec4f90d1b8e9b49f53c0faf4ced3f3d0f7,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length - 1) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +0e00ef7e24639c2b15d028a0099bbaf628b2cc6e,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length && nums[j] != 5) + j++; + { + + for(int i = 0; i < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +affdd7a7c28b8aa25f72e2783addea085c7ac052,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j -1 ] != 4) + { + int temp = nums[j]; + fix[i + 1] = nums[j] + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +b7a48e661eb2beee21c14c525f648d3ffecc4e49,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +a27d98f4d123cca69741a2ae0fceb414313de371,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1]) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +c420348994450ac70dc91b9e582e43c6ade6a06d,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j -1 ] != 4) + { + int temp = nums[j]; + fix[i + 1] = nums[j]; + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +c2e25439d7bb496987b36de53797e7385479ad47,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length && nums[j] != 5) + { + j++; + + + for(int i = 0; i < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +440bdf0600ac9c2a9bd5813baba05c7ec3df0782,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +a24db013734f59005ad1c4b94d4b057f5f5e0607,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4 && j != 0) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +9a871c5675e207b81ab54fbf044d10d7696b750c,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j -1 ] != 4) + { + int temp = nums[j]; + fix[i + 1] = nums[j]; + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +40b85f169b2b8be10619ae8f6f2649e92c5e4fcd,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && j != 0 && nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +e639e441dbdfd7cc960c05cf2a19be536a3ff6ed,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j -1] != 4) + { + int temp = nums[j]; + fix[i + 1] = nums[j]; + fix[j] = nums[j-1]; + } + } + } + } + return fix; + + +} + + +" +c392aeb384cd22cf4dd9f4be2420947f44b48421,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +b9ca9695ebba0df0cf9cc6e98414e137f5719e78,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; + +} +" +a265c9de809f6f4e31156a9877b3656142f0e6db,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums[j - 1] != 4) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +539b7f5c72d4080d388b3fccf578c9dd9631902e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +52c79ec21a06cdb24face2f6be0f7f845bc714ba,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && nums[j - 1] != 4) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +b1445ed3fae8b86167f6a762f4ac5a3ae0e45d88,"public int[] fix45(int[] nums) +{ + int l = nums.length; + for (i = 0; i < nums.length; i++) + { + int fourv = this.find4(nums); + int fivev = this.find5i(nums); + if (fourv < l && fivev < l) + { + nums[fivev] = nums[fourv]; + nums[fourv] = 5; + } + } + return nums; +} + +public int find4(int[] n) +{ + for (int i = 0; i < n.length; i++) + { + if (n[i] == 4 && n[i+1] != 5) + { + return i + 1; + } + } + return n.length; +} + +public int find5i (int[] n) +{ + for (int i = 0; i < n.length; i++) + { + if ( n[i] == 5) + { + if (i == 0) + { + return i; + } + else if (n[i-1] != 4) + { + return i; + } + } + } + return n.length; +} + + +" +342e94e2cc5ce6f22bddcc036dc48e0d5a952df0,"public int[] fix45(int[] nums) +{ + int l = nums.length; + for (int i = 0; i < nums.length; i++) + { + int fourv = this.find4(nums); + int fivev = this.find5i(nums); + if (fourv < l && fivev < l) + { + nums[fivev] = nums[fourv]; + nums[fourv] = 5; + } + } + return nums; +} + +public int find4(int[] n) +{ + for (int i = 0; i < n.length; i++) + { + if (n[i] == 4 && n[i+1] != 5) + { + return i + 1; + } + } + return n.length; +} + +public int find5i (int[] n) +{ + for (int i = 0; i < n.length; i++) + { + if ( n[i] == 5) + { + if (i == 0) + { + return i; + } + else if (n[i-1] != 4) + { + return i; + } + } + } + return n.length; +} + + +" +d96bed475c05509c16024b1dde2487d7fffcb83e,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j -1] != 4) + { + int temp = nums[i + 1] + fix[i + 1] = nums[j]; + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +0435e2e6b0f599700462d74c2b72f1eb1a740243,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && nums[j - 1] != 4 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +ef5c29292b0f0431bb5c35368835a5383dc27929,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j < nums.length; j++) + { + if (nums[j] == 5 && nums[j -1] != 4) + { + int temp = nums[i + 1]; + fix[i + 1] = nums[j]; + fix[j] = temp; + } + } + } + } + return fix; + + +} + + +" +cadf506ab4780fd2c545df8dd335248bf0c31293,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && (j != 0 && nums[j - 1] != 4)) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +93ccc0a49075fb0f1991e1c559cf2e3318060790,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[0] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + else if (nums[j] == 5 && (j != 0 && nums[j - 1] != 4)) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + } + return nums; +} +" +ed134270885368dd1ffabff3dfa361697e256a9f,"public int[] fix45(int[] nums) +{ + +int[] array34 = nums; + +if(array34.length < 4) return array34; + +for(int i = 0; i < array34.length-1; i++) +{ + +if(array34[i] == 4 && array34[i+1] !=5) +{ + +for(int j = 1; j < array34.length; j++) +{ + +if(array34[j-1] != 4 && array34[j] == 5) +{ + +int t = array34[i+1]; +array34[i+1] = 5; +array34[j] = t; +} +} +} +} +return array34; + +} + + +" +6d1d5b8d9f0baa1714acfa67017dea4f036ff03d,"public int[] fix45(int[] nums) +{ + + int[] array34 = nums; + if (array34.length < 4) + return array34; + +for(int i = 0; i < array34.length-1; i++) +{ + +if(array34[i] == 4 && array34[i+1] !=5) +{ + +for(int j = 1; j < array34.length; j++) +{ + +if(array34[j-1] != 4 && array34[j] == 5) +{ + +int temp = array34[i+1]; +array34[i+1] = 5; +array34[j] = temp; +} +} +} +} +return array34; + +} + + +" +5aee7fe74241ea52d31c5b21cba8148db84f4595,"public int[] fix45(int[] nums) +{ + + int[] array34 = nums; + if (array34.length < 4) + return array45; + +for(int i = 0; i < array34.length-1; i++) +{ + +if(array45[i] == 4 && array45[i+1] !=5) +{ + +for(int j = 1; j < array45.length; j++) +{ + +if(array45[j-1] != 4 && array45[j] == 5) +{ + +int temp = array45i+1]; +array45[i+1] = 5; +array45[j] = temp; +} +} +} +} +return array45; + +} + + +" +6e63fde6fbe1a49c4d516bf722f3c97f64012189,"public int[] fix45(int[] nums) +{ + + int[] array34 = nums; + if (array34.length < 4) + return array45; + +for(int i = 0; i < array34.length-1; i++) +{ + +if(array45[i] == 4 && array45[i+1] !=5) +{ + +for(int j = 1; j < array45.length; j++) +{ + +if(array45[j-1] != 4 && array45[j] == 5) +{ + +int temp = array45i+1]; +array45[i+1] = 5; +array45[j] = temp; +} +} +} +} +return array45; + +} + + +" +cfb7ee64ffd39f34cce1741dca2c6ffcaf5d8e48,"public int[] fix45(int[] nums) +{ + + int[] array34 = nums; + if (array34.length < 4) + return array45; + +for(int i = 0; i < array34.length-1; i++) +{ + +if(array45[i] == 4 && array45[i+1] !=5) +{ + +for(int j = 1; j < array45.length; j++) +{ + +if(array45[j-1] != 4 && array45[j] == 5) +{ + +int temp = array45[i+1]; +array45[i+1] = 5; +array45[j] = temp; +} +} +} +} +return array45; + +} + + +" +7729e9b99dfa2b47bd43d7c58d65e6daee757bc9,"public int[] fix45(int[] nums) +{ + + int[] array45 = nums; + if (array45.length < 4) + return array45; + +for(int i = 0; i < array34.length-1; i++) +{ + +if(array45[i] == 4 && array45[i+1] !=5) +{ + +for(int j = 1; j < array45.length; j++) +{ + +if(array45[j-1] != 4 && array45[j] == 5) +{ + +int temp = array45[i+1]; +array45[i+1] = 5; +array45[j] = temp; +} +} +} +} +return array45; + +} + + +" +9e8941b883ea2b85ac6de3c57529bd0909606506,"public int[] fix45(int[] nums) +{ + + int[] array45 = nums; + if (array45.length < 4) + return array45; + +for(int i = 0; i < array45.length-1; i++) +{ + +if(array45[i] == 4 && array45[i+1] !=5) +{ + +for(int j = 1; j < array45.length; j++) +{ + +if(array45[j-1] != 4 && array45[j] == 5) +{ + +int temp = array45[i+1]; +array45[i+1] = 5; +array45[j] = temp; +} +} +} +} +return array45; + +} + + +" +296219426e6e5ee248a53473685bf975d6bfca0e,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +46b373c16187c7f106a29cb5474cafea3cb1a1bc,"public int[] fix45(int[] nums) +{ + int a = 0; + int b = 0; + + while (b < nums.length && nums[b] != 5) + { + b++; + } + while (i < nums.length) + { + if (nums[a] == 4) + { + int test = nums[i+1]; + nums[i+1] = nums[b]; + nums[b] = test; + while ((b < nums.length && nums[b] !=5) || b == a + 1) + { + b++; + } + } + a++; + } + return nums; +} +" +6aa8ca528123d76eb8cba4cfc510f650f7fa97ce,"public int[] fix45(int[] nums) +{ + int a = 0; + int b = 0; + + while (b < nums.length && nums[b] != 5) + { + b++; + } + while (i < nums.length) + { + if (nums[a] == 4) + { + int test = nums[a + 1]; + nums[a + 1] = nums[b]; + nums[b] = test; + while ((b < nums.length && nums[b] != 5) || b == a + 1) + { + b++; + } + } + a++; + } + return nums; +} +" +39d0c0db5916c2850f6425dd1f19cc9ab39868c8,"public int[] fix45(int[] nums) +{ + int a = 0; + int b = 0; + + while (b < nums.length && nums[b] != 5) + { + b++; + } + while (a < nums.length) + { + if (nums[a] == 4) + { + int test = nums[a + 1]; + nums[a + 1] = nums[b]; + nums[b] = test; + while ((b < nums.length && nums[b] != 5) || b == a + 1) + { + b++; + } + } + a++; + } + return nums; +} +" +87b2b1811ad58d7a1fff515864427654134ed8fa,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + if (j == 0) + { + while (nums[j] != 5) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + + else + { + while (nums[j] != 5 && nums[j - 1] != 4 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + } + return nums; +}" +d5242c0114c6b196e223f8645a4c4dbe3431cb19,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && nums[j - 1] != 4 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + } + return nums; +}" +1e0c09e1c287a475f5296f100d60caa62d864d86,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + } + return nums; +}" +44a746370fca9b1b9550f91b200d22e855cab7a9,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4) + { + int tempStorage = nums[i + 1]; + while (nums[j] != 5 && j < nums.length) + { + j++; + } + nums[j] = tempStorage; + nums [i + 1] = 5; + j = i + 2; + } + } + return nums; +}" +e29e40b480de9cb9894bd3957a36ddd965889cfc,"public int[] fix45(int[] nums) { + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +}" +21a0fe879b8d2df3286ccd61fabec1777d1b06b7,"public int[] fix45(int[] nums) { + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findIndexOfValidFive(int[] nums) { + for(int i = 0; i < nums.length; i++) { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) { + return i; + } + } + + return -1; +}" +7d3386d4d8797febf543c5d29f1fc7043865f53c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +338555cfee58f80a643a304fae0e5fd272d483db,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0|| nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +7de2b6cc74255465d447b73fd08ba20d704bd11d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +fae98a360bb046311db8188ba618453e7e13ccda,"public int[] fix45(int[] nums) { + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +}" +682f881f671f6c88109e5d60e5ff434cb0acd5a7,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +3d0d39d41cab81123964bc9680c83688e44698a7,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == 4) && (nums[i + 1]) != 5) + { + int position = 0; + for (int j = 0; j < nums.length; j++) + { + if ((nums[j] == 5) && (nums[j - 1] != 4)) + { + position = j; + } + } + nums[position] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +}" +884778eeb123ed260102a06b6d36b52301df0c57,"public int[] fix45(int[] nums) +{ + +} +" +19a5610738e0cc14b373a5fdb8b6fb154efa20c8,"public int[] fix45(int[] nums) +{ + return nums; +} +" +b784a604d05fb88cbb4adb78660dd8e952200f10,"public int[] fix45(int[] nums) +{ + int[] num = new int[nums.length]; + for ( int i= 0 ; i < nums.length ; i++) + { + num[i] = nums[i]; + } + for ( int i= 0 ; i < nums.length ; i++) + { + if (nums[i] == 4 && i != nums.length-1) + { + nums[i+1] = 5; + } + } +} +" +2d58185ee9da6dfddfe7816b16b9ae6c39fb884b,"public int[] fix45(int[] nums) +{ + int[] num = new int[nums.length]; + for ( int i= 0 ; i < nums.length ; i++) + { + num[i] = nums[i]; + } + for ( int i= 0 ; i < nums.length ; i++) + { + if (nums[i] == 4 && i != nums.length-1) + { + num[i+1] = 5; + } + } + return num; +} +" +5be391eeef8179be00c60d3bddc1d1a6ef2e7e88,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 4) + { + fix[i+1] = 5; + i++; + } + else + { + fix[i] = nums[i] + } + } + + return fix; +} +" +a967a29baf56b0cd5318d41452f5bc1dc58d907f,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 4) + { + fix[i+1] = 5; + i++; + } + else + { + fix[i] = nums[i]; + } + } + + return fix; +} +" +4803b91606770a01971649d96b7db2a2f314d9fd,"public int[] fix45(int[] nums) +{ + int[] fix = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + fix[i+1] = 5; + i++; + } + else + { + fix[i] = nums[i]; + } + } + + return fix; +} +" +2ff5f4bac842070761b6f109d4d4235c07759a45,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +d1f7e2f1c2f4742e49b10c614a0926cf4140051c,"public int[] fix45(int[] nums) +{ + int[] num = new int[nums.length]; + for ( int i= 0 ; i < nums.length ; i++) + { + num[i] = nums[i]; + } + for ( int i= 0 ; i < nums.length ; i++) + { + if (nums[i] == 4 ) + { + while (num[i+1] != 5) + { + int y = (int) Math.random()*(nums.length); + if (int i != y) + { + int temp= num[y]; + num[y] = num[i+1]; + num[i+1] = temp + } + } + } + } + return num; +} +" +7d6df3b734b4e71750dd1f613351c0976a7085fb,"public int[] fix45(int[] nums) +{ + int[] num = new int[nums.length]; + for ( int i= 0 ; i < nums.length ; i++) + { + num[i] = nums[i]; + } + for ( int i= 0 ; i < nums.length ; i++) + { + if (nums[i] == 4 ) + { + while (num[i+1] != 5) + { + int y = (int) Math.random()*(nums.length); + if (int i != y) + { + int temp= num[y]; + num[y] = num[i+1]; + num[i+1] = temp + } + } + } + } + return num; +} +" +0afe1a2563af5e02e0f905605da5784c0c846faf,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; nums[j] != 5; j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +1f125ef4c64d274de2291b8df4b3e37bc23ae218,"public int[] fix45(int[] nums) +{ + int[] num = new int[nums.length]; + for ( int i= 0 ; i < nums.length ; i++) + { + num[i] = nums[i]; + } + for ( int i= 0 ; i < nums.length ; i++) + { + if (nums[i] == 4 ) + { + while (num[i+1] != 5) + { + int y = (int) Math.random()*(nums.length); + if (i != y) + { + int temp= num[y]; + num[y] = num[i+1]; + num[i+1] = temp + } + } + } + } + return num; +} +" +32fe85d95695b137969b3d5aa45b1c1ea0bc95f2,"public int[] fix45(int[] nums) +{ + int[] num = new int[nums.length]; + for ( int i= 0 ; i < nums.length ; i++) + { + num[i] = nums[i]; + } + for ( int i= 0 ; i < nums.length ; i++) + { + if (nums[i] == 4 ) + { + while (num[i+1] != 5) + { + int y = (int) Math.random()*(nums.length); + if (i != y) + { + int temp= num[y]; + num[y] = num[i+1]; + num[i+1] = temp; + } + } + } + } + return num; +} +" +38e41943d8aa21aa889591c7276d8eb289272ed4,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++); + { + + if (nums.get(i) == 4); + { + nums.add(i+1) == 5; + } + } +} +" +15af13d909427cfe685786129c8df64dae26e1ad,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j =0 + ; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)) + ; j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +7e577bc32ddc5b85299b1e99cc125e5a9b78d0ec,"public int[] fix45(int[] nums) +{ + int j =0 + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for( + ; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)) + ; j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +fb30254c55f0f1d4be9c459d01bc68953f436db5,"public int[] fix45(int[] nums) +{ + int k = 0; + int m = 0; + + while(m < nums.length && nums[m] != 5) + m++; + + while(i < nums.length) { + if(nums[k] == 4) { + int temp = nums[k+1]; + nums[k+1] = nums[j]; + nums[m] = temp; + + while((m < nums.length && nums[m] != 5) || m == k + 1) + m++; + } + k++; + } + + return nums; + +} +" +851ec2a7306de5a66b7a0aefaf7df5ec013d6be7,"public int[] fix45(int[] nums) +{ + int k = 0; + int m = 0; + + while(m < nums.length && nums[m] != 5) + m++; + + while(k < nums.length) { + if(nums[k] == 4) { + int temp = nums[k+1]; + nums[k+1] = nums[m]; + nums[m] = temp; + + while((m < nums.length && nums[m] != 5) || m == k + 1) + m++; + } + k++; + } + + return nums; + +} +" +e5837cb69517a10f8a37c9345d09b825e3ffe55e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++); + { + + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + int good = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k+1] != 5) + { + int great = nums[k+1]; + nums[k+1] = 5; + nums[good] = great; + break; + } + } + + } + } + return nums; +} +" +c5d5b71c4e935b7f60d692fa4894d7dfd2954bf0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++); + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + int good = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k+1] != 5) + { + int great = nums[k+1]; + nums[k+1] = 5; + nums[good] = great; + break; + } + } + + } + } + return nums; +} +" +6dc9a318c0507c1d000dda10e070e12e6915aea7,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++); + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + { + int good = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k+1] != 5) + { + int great = nums[k+1]; + nums[k+1] = 5; + nums[good] = great; + break; + } + } + + } + } + return nums; +} +" +ae3441ccf13cdb028dbfd4ec7ba9217f0ea70714,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++); + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + + int good = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k+1] != 5) + { + int great = nums[k+1]; + nums[k+1] = 5; + nums[good] = great; + break; + } + } + + } + } + return nums; +} +" +c1c522e7fca97292e129c5fe91eac63f6dfed782,"public int[] fix45(int[] nums) +{ + + int t=0; + for(int i=0; i< nums.length ; i++) + for(int j=0;j 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +a26d80c0da28e5d068e9ea39f207cdba4e0a0033,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +6201352e6fbe8631d52cd4b65c1682c1031276ea,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +13329c6e33a62a0ceb834548ed89041d53bd0a8e,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; +} +" +966b3d9fb504053780a6af089db69d807ddc1dbd,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +2a2a25a847d938f86d0c6112007c2c2c9bb62f23,"public int[] fix45(int[] nums) +{ + nt i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +f5a23c5ff305451397ab617b00c46e0f1b9d0589,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +2bd50d2691f9c9f276324a03633758c7b9a30c3d,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for(int i = 0; i < result.length; i++) + { + if(result[i] == 4 && i != result.length) + { + int index = findIndexOfValidFive(result); + if(index != -1) + { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findIndexOfValidFive(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) + { + return i; + } + } + + return -1; +} + +" +cf2896ef35777214499b27e9f76f1478d689aed2,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for(int i = 0; i < result.length; i++) + { + if(result[i] == 4 && i != result.length) + { + int index = findFive(result); + if(index != -1) + { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findFive(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) + { + return i; + } + } + + return -1; +} + +" +a805931c05a71a1e1de84b01a9becb5cf113c575,"public int[] fix45(int[] nums) +{ + int[] result = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 4 || nums[i] != 5) + { + result[i] = nums[i]; + } + } + + return result; +} +" +86f681464feb6407fccd1e93dc838281b568149a,"public int[] fix45(int[] nums) +{ + int fi = 0 + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[i] == 4 && nums[i + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || j > 0 && nums[fi-1] != 4)); fi++) + nums[fi] = nums[fo+1]; + nums[fo] = 5; + } + } + return nums; +} +" +5e1ebd667ec19665f8b78b93d6cee7985a88e147,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[i] == 4 && nums[i + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || j > 0 && nums[fi-1] != 4)); fi++) + nums[fi] = nums[fo+1]; + nums[fo] = 5; + } + } + return nums; +} +" +5b7e6a7c565bb0c48ba11f2b47f712407e83c405,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[fp] == 4 && nums[fo + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || j > 0 && nums[fi-1] != 4)); fi++) + nums[fi] = nums[fo+1]; + nums[fo] = 5; + } + } + return nums; +} +" +369fd19df3d2bfa678daa4f278cc7c32e6f66b5f,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[fo] == 4 && nums[fo + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || j > 0 && nums[fi-1] != 4)); fi++) + nums[fi] = nums[fo+1]; + nums[fo] = 5; + } + } + return nums; +} +" +25af75d206dfb470cb22755d6bf5f4fe3b24d2ed,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[fo] == 4 && nums[fo + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || fi > 0 && nums[fi-1] != 4)); fi++) + nums[fi] = nums[fo+1]; + nums[fo] = 5; + } + } + return nums; +} +" +fba5c222ff3a5bd4aea8fc4484a151d45aa58d2c,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[fo] == 4 && nums[fo + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || fi > 0 && nums[fi-1] != 4)); fi++); + nums[fi] = nums[fo+1]; + nums[fo] = 5; + } + } + return nums; +} +" +9f5412f3c75ad74e553ca3581d21d76ec91e19a1,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[fo] == 4 && nums[fo + 1] == 5) + { + for(; !(nums[fi]==5 && (fi==0 || fi > 0 && nums[fi-1] != 4)); fi++); + nums[fi] = nums[fo+1]; + nums[fo + 1] = 5; + } + } + return nums; +} +" +6801a49e50a19973599d2c36a47235ddb415be41,"public int[] fix45(int[] nums) +{ + int fi = 0; + for (int fo = 0; fo < nums.length - 1; fo++) + { + if (nums[fo] == 4 && nums[fo + 1] != 5) + { + for(; !(nums[fi]==5 && (fi==0 || fi > 0 && nums[fi-1] != 4)); fi++); + nums[fi] = nums[fo+1]; + nums[fo + 1] = 5; + } + } + return nums; +} +" +77fefedcba433d9fc1f1006369a83f89dcab2784,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +faf5976f0923f57c1c02f9fe020676d948454c07,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + int i =0; + int l = nums.length; + + while(hi < lo && nums[hi] != 5) + hi++; + + while(i < l) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + + while((hi < l && nums[hi] != 5) || hi == i + 1) + hi++; + } + i++; + } + + return nums; +} +" +ca23bf15ae7e355f245229b6daabaf9f90380df0,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < lo && nums[hi] != 5) + hi++; + + while(i < l) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + + while((hi < l && nums[hi] != 5) || hi == i + 1) + hi++; + } + i++; + } + + return nums; +} +" +0e6d036f4db45bd10e3cb16d193364d5a938b479,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + hi++; + + while(i < l) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + + while((hi < l && nums[hi] != 5) || hi == i + 1) + hi++; + } + i++; + } + + return nums; +} +" +2dd2001b04aae04871c94f447b4d306baa6f41d5,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) { + { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + } + i++; + } + + return nums; +} +" +2abf4503f429ee7d36ec72bc04623924354bbc2c,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + } + i++; + } + + return nums; +} +" +e3b438c303efb408a0f6598dfb0d9bc3e2890223,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + } + i++; + } + + return nums; +} +" +a114c878eda2c43a91f3822efe8549b80aed459b,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + } + i++; + } + + return nums; +} +" +42f187d7c070cf9e9a7a9ac6427fd547e6629e39,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + } + i++; + } + + return nums; +} +" +e10e75e5e9bf8501c589e2d8af5aa4100ad8a660,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + + i++; + } + + return nums; +} +" +026fa28acd24df553d7cd4ac6e14b2c81a8beeab,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + { + hi++; + } + } + i++; + } + + return nums; +} +" +a47fd0b76dbb41bb5ff41a19aae55ae2b5f71239,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + { + + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + } + while((hi < l && nums[hi] != 5) || hi == i + 1) + + hi++; + + } + i++; + } + + return nums; +} +" +c6121e54230a670ac1aed9664bc61a9ada1248f1,"public int[] fix45(int[] nums) +{ + int i = 0; + int hi = 0; + + int l = nums.length; + + while(hi < l && nums[hi] != 5) + { + hi++; + } + + while(i < l) + { + { + + if(nums[i] == 4) + + int temp = nums[i+1]; + nums[i+1] = nums[hi]; + nums[hi] = temp; + + while((hi < l && nums[hi] != 5) || hi == i + 1) + + hi++; + + } + i++; + } + + return nums; +} +" +d21b7c9d80b327e6a8e7eb6de22187592eeb2fc9,"public int[] fix45(int[] nums) +{ + +} +" +14eed9ae0e04854d42c032460b7b7c0b4e8be661,"public int[] fix45(int[] nums) +{ + return 5; +} +" +8998328422e34e014c32072fe22407ca8abc5607,"public int[] fix45(int[] nums) +{ + return ; +} +" +89b9de2cacfd0d41e147b7e43e3af754d69cb3fb,"public int[] fix45(int[] nums) +{ + int hi = 0; +} +" +36ab7247501e4b34dc72f478006442803a317312,"public int[] fix45(int[] nums) +{ + int[] ret = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + ret[count] = 4; + count += 2; + } + + } + +} +" +1016a95d6e2beddd891a51bc59ad1e42ad3d0acd,"public int[] fix45(int[] nums) +{ + int[] ret = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + ret[count] = 4; + count += 2; + } + + } + return ret; +} +" +db8776dd03b0dc4e451e6fa474750da9d9ae8358,"public int[] fix45(int[] nums) +{ + int q = nums.length; + int i = 0; + int yes = 0; + + while(yes < q && nums[yes] != 5) + j++; + + while(i < q) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[j] != 5) || yes == i + 1) + yes++; + } + i++; + } + + return nums; +} +" +a6d15b6c325c002269c09a0eec02ebfb676b1280,"public int[] fix45(int[] nums) +{ + int q = nums.length; + int i = 0; + int yes = 0; + + while(yes < q && nums[yes] != 5) + yes++; + + while(i < q) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[j] != 5) || yes == i + 1) + yes++; + } + i++; + } + + return nums; +} +" +cc4d0d577313de772bd0644773898e6f5e056058,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + yes++; + + while(i < q) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + yes++; + } + i++; + } + + return nums; +} +" +293a294a2cb349bcdb8f4bf8796e72426421c3bb,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + } + + while(i < q) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + yes++; + } + i++; + } + + return nums; +} +" +61cf34703e36e023ed0751c07add3b5ea392c6ad,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + yes++; + } + i++; + } + + return nums; +} +" +33ece47f1ab4c273a2b8d944b95bcb159bb4f76c,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + yes++; + } + i++; + } + + return nums; +} +" +503cb6cb774d860f08bc90792aa86b23460421a2,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + { + yes++; + } + } + i++; + } + + return nums; +} +" +4ee7bddc1d0b8b02651849383a0cc0fc48841ae5,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) { + if(nums[i] == 4) + { + int temp = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = temp; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + { + yes++; + } + } + i++; + } + + return nums; +} +" +d8d0c307fb5b3fc6d556b9e52eb2470a27302a4d,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + { + yes++; + } + } + i++; + } + + return nums; +} +" +c298b6de230a781535ea524e12e29ce4044d99cd,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + { + yes++; + } + } + i++; + } + + return nums; +} +" +dc6f7ef3980495a7d79ca0fb3f3d0b6e06040c97,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes < q && nums[yes] != 5) || yes == i + 1) + { + yes++; + } + } + i++; + } + i = i; + q = q; + return nums; +} +" +c4b7a6be72753cbf607e16a55c621adabea81a81,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes == i + 1) || (yes < q && nums[yes] != 5)) + { + yes++; + } + } + i++; + } + i = i; + q = q; + return nums; +} +" +d0adbeeef6f36097754dbb5a0240e14563b1424c,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes == i + 1) && (yes < q && nums[yes] != 5)) + { + yes++; + } + } + i++; + } + i = i; + q = q; + return nums; +} +" +da3470a6abe292522086caad68523ec0d91a2181,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes == i + 1) || (yes < q && nums[yes] != 5)) + { + yes++; + } + } + i++; + } + i = i; + q = q; + return nums; +} +" +f7e966faf3fea42d56d72d7d467a61bb81a130be,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + //while((yes == i + 1) || (yes < q && nums[yes] != 5)) + while((yes == i + 1) + { + yes++; + } + while (yes < q && nums[yes] != 5) + yes++; + } + i++; + } + i = i; + q = q; + return nums; +} +" +f9fc52d089987206aa03ef2b31f79a7c69098997,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + //while((yes == i + 1) || (yes < q && nums[yes] != 5)) + while((yes == i + 1)) + { + yes++; + } + while (yes < q && nums[yes] != 5) + yes++; + } + i++; + } + i = i; + q = q; + return nums; +} +" +379f5ff66ff696aa338174bfeb9bc36751cea1f2,"public int[] fix45(int[] nums) +{ + int yes = 0; + int q = nums.length; + int i = 0; + + + while(yes < q && nums[yes] != 5) + { + + yes++; + i = i; + } + + while(i < q) + { + if(nums[i] == 4) + { + int finder = nums[i+1]; + q = q; + nums[i+1] = nums[yes]; + nums[yes] = finder; + + while((yes == i + 1) || (yes < q && nums[yes] != 5)) + + { + yes++; + } + + } + i++; + } + i = i; + q = q; + return nums; +} +" +c47bcdb66db25876f1898cddeb046142cf5ae92d,"public int[] fix45(int[] nums) +{ + int[] newArray = nums; + int length = newArray.length; + for(int i = 0; i < length; i++) + { + if(result[i] == 4 && i != length) + { + int index = findFive(result); + if(index != -1) + { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} + +public int findFive(int[] nums) +{ + int length = nums.length + for(int i = 0; i < length; i++) + { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) + { + return i; + } + } + + return -1; +} + +" +33a1bd8bf1ab41d809b82cbac1517fc6843fd15a,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +20c9d08025b29cc8c732bb4d9c9ac2b88a892783,"public int[] fix45(int[] nums) +{ + int[] newArray = nums; + int length = newArray.length; + for(int i = 0; i < length; i++) + { + if(newArray[i] == 4 && i != length) + { + int numberFiveLocation = findFive(newArray); + if(numberFiveLocation != -1) + { + int temp = newArray[i + 1]; + newArray[i + 1] = newArray[numberFiveLocation]; + newArray[numberFiveLocation] = temp; + } + } + } + + return newArray; +} + +public int findFive(int[] nums) +{ + int length = nums.length + for(int i = 0; i < length; i++) + { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) + { + return i; + } + } + + return -1; +} + +" +54ba1f91cac2c5b3f7290477577756c6f8f130df,"public int[] fix45(int[] nums) +{ + int[] newArray = nums; + int length = newArray.length; + for(int i = 0; i < length; i++) + { + if(newArray[i] == 4 && i != length) + { + int numberFiveLocation = findFive(newArray); + if(numberFiveLocation != -1) + { + int temp = newArray[i + 1]; + newArray[i + 1] = newArray[numberFiveLocation]; + newArray[numberFiveLocation] = temp; + } + } + } + + return newArray; +} + +public int findFive(int[] nums) +{ + int length = nums.length; + for(int i = 0; i < length; i++) + { + if((i == 0 && nums[i] == 5) || (nums[i] == 5 && nums[i - 1] != 4)) + { + return i; + } + } + + return -1; +} + +" +f9adf4315072389d154ae454f84bab9ea0766dda,"public int[] fix45(int[] nums) +{ + int[] newArr = {nums[0], nums[1], nums[2]} + if (nums[0] == 4 && nums[1] != 5) + { + newArr[1] = 5; + } +} +" +e048781b388c30a659b3aaaef820e48bca509db2,"public int[] fix45(int[] nums) +{ + int[] newArr = {nums[0], nums[1], nums[2]}; + if (nums[0] == 4 && nums[1] != 5) + { + newArr[1] = 5; + } +} +" +e6a38420de09859a3d859c126d0b94e85ca7bbd2,"public int[] fix45(int[] nums) +{ + int[] newArr = {nums[0], nums[1], nums[2]}; + if (nums[0] == 4 && nums[1] != 5) + { + newArr[1] = 5; + } + return newArr; +} +" +accef0fdee1566e825fe280507b7c6e9c9550ffa,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < length.nums; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= length.nums; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + 1] = nums[i + j]; + break; + } + + } + } + } + } + return nums; +} +" +81ee7edd186ea6394559c54116236b08e42fab3a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < length.nums; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + 1] = nums[i + j]; + break; + } + + } + } + } + } + return nums; +} +" +966bbc316a1f0ceed87a086039fcd4961c093577,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + 1] = nums[i + j]; + break; + } + + } + } + } + } + return nums; +} +" +60012647bce8779cffb68e5e66e3706d385ff899,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < nums.length; k++) + { + if (i == 4 && k == 5) + { + int m = nums[k + 1]; + nums[k + 1] = nums[i] + num[i] = m + } + } + } + return nums; +} +" +1d9beda370308ebef7676b5f42f4903bdadc9ae0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < nums.length; k++) + { + if (i == 4 && k == 5) + { + int m = nums[k + 1]; + nums[k + 1] = nums[i]; + num[i] = m; + } + } + } + return nums; +} +" +01adbdc513e4be6084909f2be1603bafc91f8e14,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < nums.length; k++) + { + if (i == 4 && k == 5) + { + int m = nums[k + 1]; + nums[k + 1] = nums[i]; + nums[i] = m; + } + } + } + return nums; +} +" +954b684277b4e386b93c914548d0c579aafd6503,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < nums.length - 1; k++) + { + if (i == 4 && k == 5) + { + int m = nums[k + 1]; + nums[k + 1] = nums[i]; + nums[i] = m; + } + } + } + return nums; +} +" +e170b3ee01e5266e4d3b7a6fce9c3c86bf9f7b1b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + + } + } + } + } + return nums; +} +" +d102f2bdac6def6e677a403dcac54b58f09dc84a,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[i] == 4 && nums[i+1] != 5 && nums[x] ==5 + && x ==0) + { + nums[0] = nums[i+1] + nums[i+1]=5; + } + } + } + return nums; +} +" +8dfa8ae94936f71a74a11be1d70e6e213aada720,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[i] == 4 && nums[i+1] != 5 && nums[x] ==5 + && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + } + } + return nums; +} +" +87bbc4e1c76efdc8df4177ee90568b7d3f27e335,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k != 0; (k != 5 || k >= 0 || nums[k - 1] != 4; k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +8b7c6e7f4b4e7170a5cc925854291d9a8ff42317,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k != 0; (k != 5 || k >= 0 || nums[k - 1] != 4); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +1efa2cf8b01bcc13f13312705f70d38dcca09c2c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k = 0; k != 5 || k >= 0 || nums[k - 1] != 4; k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +79d21dc55c4192fd7a940d94fa032bd85f5b2e5c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k = 1; k != 5 || k >= 0 || nums[k - 1] != 4; k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +8fe9a7b0c187344b7dfde6a12953bb0fa0e11b77,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[x] ==5 + && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + } + } + } + return nums; +} +" +653207607e2fcd0215ff5069e25713003f062da9,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] !=5) { + j +=1; + } + while(i= 0 || nums[k - 1] != 4; k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +b0e2103f1fb5c8956c55ea8600ebbb03631ae59c,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + while(j < nums.length && nums[j] !=5) { + j +=1; + } + while(i= 0 && nums[k - 1] != 4); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +39f5231dd0b756f122f96c81bcb564dddd33039b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k = 0; !(k == 5 && k >= 0 && nums[k - 1] != 4); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +100752cf5423acd74d72e0cc1c2550b9969139c6,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[x] ==5 && x ==0) + { + nums[0] = nums[i+1]; + ums[i+1]=5; + } + if (numx[x]==5 && nums[x-1] !=4) + { + nums[x] = nums[i+1]; + nums[i+1] =5; + } + } + } + } + return nums; +} +" +8be5d5d41ee742d91fac58af7cf6c55c39c90c46,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k = 0; !(k == 5 && k >= 0 && nums[k - 1] != 4); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +30d28f6f2ca6e4c907c26d827c30cbc6630c8f33,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[x] ==5 && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + if (numx[x]==5 && nums[x-1] !=4) + { + nums[x] = nums[i+1]; + nums[i+1] =5; + } + } + } + } + return nums; +} +" +98b049861b75f68545b0945815e13d81f9be5af2,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[x] ==5 && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + if (nums[x]==5 && nums[x-1] !=4) + { + nums[x] = nums[i+1]; + nums[i+1] =5; + } + } + } + } + return nums; +} +" +703c206b95a422e433cd53e2bd7992e421f239a7,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[i] == 4 && nums[i+1] != 5 && nums[x] ==5 && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + if (nums[x]==5 && nums[x-1] !=4) + { + nums[x] = nums[i+1]; + nums[i+1] =5; + } + } + + } + return nums; +} +" +6e0de944f5c609b3aefa526917c44a39edb3665f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k = 0; !(k == 5 && (k > 0 || k = 0 && nums[k - 1] != 4)); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +e0c488a65ede203e1f68939194976cb8769bf5ad,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 5 && nums[i] == 4) + { + for (int k = 0; !(k == 5 && ((k > 0 || k = 0) && nums[k - 1] != 4)); k++) + { + nums[k] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +a440cfbe51eaf5b7676468dc5093536c40c4ae24,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + for (int x = 0;x < nums.length;x++) + { + if (nums[x] ==5 && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + if (nums[x]==5 && nums[x-1] !=4) + { + nums[x] = nums[i+1]; + nums[i+1] =5; + } + } + } + } + return nums; +} +" +ca5f580c8cbe77265b06c85da77d68c874223eec,"public int[] fix45(int[] nums) +{ + int follow = 0; + for (int i =0; i< nums.length - 1;i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (int x = 0;x < nums.length;x++) + { + if (nums[x] ==5 && x ==0) + { + nums[0] = nums[i+1]; + nums[i+1]=5; + } + if (nums[x]==5 && nums[x-1] !=4) + { + nums[x] = nums[i+1]; + nums[i+1] =5; + } + } + } + } + return nums; +}" +4a5c411ee2d62f666575340c81af163851c83e6e,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i+=1 ) { + if (nums[i] == 4) { + for (int j =0; j < nums.length; j+=1) { + if (nums[j] ==5 ) { + if (j > 0 && nums[j-1] !=4) { + int subs = nums[i+1]; + nums[i+1] = 5; + nums[j] = subs; + } + else if (j == 0) { + int subs = nums[i+1]; + nums[i+1] = 5; + nums[j] = subs; + } + } + } + } + } + return nums; +} +" +ab6efaabe8cde454ee5f55b825b182ab7c0a55b0,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + j++; + } + else if(nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i] = 5; + break; + } + } + } + } + + return nums; +} +" +a1b651253e9349899b30f449dfe335abb7d3c607,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +33878d6a11532c59dc8b39a037d605a6b657c735,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4) + { + j++; + } + else if(nums[j] == 5) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + } + } + } + + return nums; +} +" +846e108e39bd2e281af276ebdd0921189295a48b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int k = 0; nums[k] != 5 || (k != 0 && nums[k - 1] == 4); k++) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + + } + return nums; +} +" +6e896ee438292cdc63e36ebccc1af1ff57ad1ba4,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int k = 0; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + } + + } + return nums; +} +" +92340698f2ed6780e64efc7ccc3a8d3b8620bc4d,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int k = 0; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + k = k + 1 + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +243e0a3961694d8b39fe30b82fcfc8c2afabb952,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int k = 0; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + int k = k + 1; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +7387a5626f328042a58ab22b0a4327d250007f6b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int k = 0; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + k = k + 1; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +f2fa814c8a75a56a2ec93b43e10e4016eb15e9a4,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(int k = 0; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4));) + { + k++; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +35d9b062c4dbef1d54afafa5c0a45c7133104055,"public int[] fix45(int[] nums) +{ + int k = 0 + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4));) + { + k++; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +d57d4c97153daf160ac88a25a64205d473b95425,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4));) + { + k++; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +4e1205517816f577c521a528b531c4f7c3d60beb,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + k; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +7d3ddcc6b0c3c8b8dd258ab732f419530c5a3160,"public int[] fix45(int[] nums) +{ + int k = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + k = k; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +fab074d42644001ade648d11bcd61004306bcdd5,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + + } + return nums; +} +" +aafc366565d05ff2d5d5f5e6c9a0d86bb390be0a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) + { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) + { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +66d81d6a71405ccedc06586970c02dcccae77323,"public int[] fix45(int[] nums) +{ + int k; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for(k = 0; (nums[k] != 5 || (k != 0 && nums[k - 1] == 4)); k++) + { + k = k; + } + nums[k] = nums[i + 1]; + nums[i + 1] = 5; + } + + } + return nums; +} +" +543c1c06644d91a671769be5c2eb9aceb401023d,"public int[] fix45(int[] nums) +{ + int k = 0; + int[] output = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + while (nums[k] == 4) + { + k = k + 2; + } + + if (nums[i] == 4) + { + nums[i + 1] = 5; + } + else if (nums[i] != 5) + { + nums[k] = nums[i]; + k++; + } + } + + return output; +} +" +08b93c5af749d098074336472299d7af064509d3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +fd4c390ac7cd7ba606642d66d7fb6e252879a5de,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.lenghth; j++) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + } + } + return nums; +} +" +0911bacc029274352b99160be86e5a71b60254d2,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + } + } + return nums; +} +" +8833f701d27614a84d45801140f14074936bd1e0,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length; j++) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + } + } + return nums; +} +" +a9b5494bc99d92c85a688a1f960a9426ada55e98,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + } + } + return nums; +} +" +df547d952ddef7fff2fe0531152397ea4374f05c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || nums [i] == 5 &&[i - 1] != 4) + { + int num = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] && nums[j + 1] != 5) + { + int numb = nums[j + 1]; + nums[j + 1] = 5; + nums[num] = numb; + break; + } + } + break; + } + } +} +" +a55a6ec6e90e4d923ebbd2097d8d839984e12bfd,"public int[] fix45(int[] nums) +{ + int[] output = new int[nums.length]; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + output[i] = 4; + output[i + 1] = 5; + i++; + } + } + + int k = 0; + for (int i = 0; i < nums.length;) + { + if (output[i] == 4 || output[i] == 5) + { + i++; + continue; + } + if (nums[k] == 4 || nums[k] == 5) + { + k++; + continue; + } + output[i] = nums[k]; + i++; + k++; + } + + return output; +} +" +ded0646678f06dc73946ac67cf72a7c36e3e830a,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 4 && nums[i] == 5) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + } + } + } + return nums; +} +" +676603acf7dac5d8c97265acda6ff7677fe46fa1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + else if (nums[i - j] == 5 && i - j >= 0); + { + nums[i - j] = nums[i + 2]; + nums[i + 2] = 5; + break; + } + + } + } + } + } + return nums; +} +" +7569879d41837da5e1442b8b588ea13d470e1a2a,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 &&[i - 1] != 4) + { + int num = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] && nums[j + 1] != 5) + { + int numb = nums[j + 1]; + nums[j + 1] = 5; + nums[num] = numb; + break; + } + } + break; + } + } +} +" +5194ec714394b6bdecc5a3a249a0f7ad6171eb0b,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + int num = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] && nums[j + 1] != 5) + { + int numb = nums[j + 1]; + nums[j + 1] = 5; + nums[num] = numb; + break; + } + } + break; + } + } +} +" +a7effd52d45b35f55cc30158c92ae46f1f66a28a,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 4 && nums[i] == 5) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + break; + } + } + } + return nums; +} +" +60baa735b5b7514ccbff09a840b1ab2282cec5df,"public int[] fix45(int[] nums) +{ + int placehold; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + if (nums[j] == 4 && nums[i] == 5) + { + placehold = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = placehold; + + } + } + } + return nums; +} +" +df7f16f13917a415f6172b330db46306ef4b8924,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + int num = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4 && nums[j + 1] != 5) + { + int numb = nums[j + 1]; + nums[j + 1] = 5; + nums[num] = numb; + break; + } + } + break; + } + } +} +" +14faf1097a4aa793ab61744f4dafbe3e9d333436,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + int num = i; + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 4 && nums[j + 1] != 5) + { + int numb = nums[j + 1]; + nums[j + 1] = 5; + nums[num] = numb; + break; + } + } + break; + } + } + return nums; +} +" +f3ac0dd372b14118ab3770b827fe5d8660491bc1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + else if (i - j >= 0); + { + if (nums[i -j] == 5) + { + nums[i - j] = nums[i + 2]; + nums[i + 2] = 5; + break; + } + } + + } + } + } + } + return nums; +} +" +5ce4d95b67bf9df8280b05a0e574db0ca8cea17c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + + } + } + } + } + return nums; +} +" +3222d99bb4a17b0cce8e8f67067329e191b8945f,"public int[] fix45(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 4 && nums[i+1] != 5) { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +b33f3e78382693f253a89a28d86496d290fcb58e,"public int[] fix45(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 4 && nums[i+1] != 5) { + for(; !(nums[count] == 5 && (count == 0 || count > 0 && nums[count - 1] !=4)); count++) { + nums[j] = nums[i+1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +f378ceb08eec7664eace3ad29c9d6d0bde8eff2e,"public int[] fix45(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 4 && nums[i+1] != 5) { + for(; !(nums[count] == 5 && (count == 0 || count > 0 && nums[count - 1] !=4)); count++) { + nums[count] = nums[i+1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +bfe7ae4935df0ec99e525c01e4d5e04ac8f2b71d,"public int[] fix45(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] == 4 && nums[i+1] != 5) { + for(; !(nums[count] == 5 && (count == 0 || count > 0 && nums[count - 1] !=4)); count++); + nums[count] = nums[i+1]; + nums[i + 1] = 5; + + } + } + return nums; +} +" +b1d2d36189e6ccdfcb17d939660fa0eb65743420,"public int[] fix45(int[] nums) +{ + return nums; +} +" +fe846c005f3f69e5d5318ba0439ee0030e59b09a,"public int[] fix45(int[] nums) { + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +e2ca522c3ad4a071da78f4ec521d65b827614345,"public int[] fix45(int[] nums) +{ + int[] newArr = {nums[0], nums[1], nums[2]}; + if (nums[0] == 4 && nums[1] != 5) + { + newArr[1] = 5; + } + return newArr; +} +" +6192f2043c210eb418ea8a8d172a8dc8dcac4243,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } + return nums; + +} +" +66525c466df8f6e3ec70e34ac691682cab07b3dd,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } + return nums; + +} +" +77d2f064b04e2337c66633eb41e1d6cbce669aa6,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 4 && i != nums.length - 1) + { + if(nums[i+1] == 4) + { + + } + } + } +} +" +70cdd1d66e048c4a234b67be86c3f4cf394861d5,"public int[] fix45(int[] nums) +{ + int i = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(!nums[r] == 5 && (r ==0 || r > 0 && nums[r-2] !=4)); r++) + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +44aa1e95d26eaa333d1d68f25eb6682d5d3b2fc4,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5) + { + if (x == 0 || nums[x - 1] != 4) + { + int locate5 = x; + } + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +e8d7e6a4b5ecbde6d5064ed24e1c6f504ef3e0cd,"public int[] fix45(int[] nums) +{ + int i = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(;!nums[r] == 5 && (r ==0 || r > 0 && nums[r-2] !=4)); r++) + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +2662f7f68d81d2f30fd83516ef718f920c04cd5c,"public int[] fix45(int[] nums) +{ + int i = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[r] == 5 && (r ==0 || r > 0 && nums[r-2] !=4)); r++) + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +ec77b8e6092ba6056ebff0d1356387811fe42fff,"public int[] fix45(int[] nums) +{ + int i = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[r] == 5 && (r ==0 || r > 0 && nums[r-2] !=4)); r++); + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +e267253f6c1d79d7e5e6c3c087c1cf1149e8191f,"public int[] fix45(int[] nums) +{ + int i = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[r] == 5 && (r ==0 || r > 0 && nums[r-2] !=4)); r++); + + nums[r] = nums[i+1]; + nums[i+1] = 5; + + } + } + return nums; +} +" +113fcde7230053107341a294f1d4a6bb0e8617da,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 5 && x == 0 || nums[x - 1] != 4) + { + int locate5 = x; + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +b689a59153e4001318868622b0a17e192f22d439,"public int[] fix45(int[] nums) +{ + int i = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[r] == 5 && (r == 0 || r > 0 && nums[r-1] !=4)); r++); + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +5d02f71720ced1c432de6cdf545aae98e86ac7ee,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + int locate5 = null; + if (nums[x] == 5 && x == 0 || nums[x - 1] != 4) + { + locate5 = x; + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +42e3f90d0b19d00f30a0a5640b9096c6b241f3d3,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + int locate5 = 0; + if (nums[x] == 5 && x == 0 || nums[x - 1] != 4) + { + locate5 = x; + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +e514f4a705080e9c3779cd265647c0c550f55020,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length - 1; x++) + { + int locate5 = 0; + if (nums[x] == 5 && x == 0 || nums[x - 1] != 4) + { + locate5 = x; + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +51d631f0aef801b202d25f78b574f7104b81951a,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length - 2; x++) + { + int locate5 = 0; + if (nums[x] == 5 && x == 0 || nums[x - 1] != 4) + { + locate5 = x; + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +1ca7e3ce15744edb494805d512eb4c07adeb402c,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + int locate5 = 0; + if (nums[x] == 5) + { + if (x == 0 || nums[x - 1] != 4) + { + + locate5 = x; + } + } + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +a2c3e05c211437ca860059cfc5b889560d9aa1a2,"public int[] fix45(int[] nums) +{ + int r = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !nums[r] == 5 && (r == 0 || r > 0 && nums[r-1] !=4)); r++); + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +65b1f1d57a983b7a3c5935d2b2076c70c57efe3a,"public int[] fix45(int[] nums) +{ + int r = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[r] == 5 && (r == 0 || r > 0 && nums[r-1] !=4)); r++); + { + nums[r] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; +} +" +6919bc81e3ebb6103b2bd31f4fbc211f49e52da4,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 5) + { + if (x == 0 || nums[x - 1] != 4) + { + + int fivePos = x; + } + } + int locate5 = fivePos + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +e68085a5b9841744544bb34b66966a3ecd2816bb,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 5) + { + if (x == 0 || nums[x - 1] != 4) + { + + int fivePos = x; + } + } + int locate5 = fivePos; + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + return nums; +} +" +df637bc917feea46aee7b0d632979d114e850696,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 5) + { + if (x == 0 || nums[x - 1] != 4) + { + + int locate5 = x; + + + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + } + return nums; +} +" +ad87a6e1256014978abf22506c3ffd56f8e8f72e,"public int[] fix45(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 5) + { + if (x == 0 || nums[x - 1] != 4) + { + + int locate5 = x; + + + + if (nums[x] == 4 && nums[x + 1] != 5) + { + nums[x + 1] = locate5; + } + } + } + } + return nums; +} +" +40c420d1980d0f5bf475cf140334df59fd75f8f7,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; +} +" +0f1a43bf1d2cf57ab38bd543033e6709a365ba4f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; +} +" +f813cf5aba8b954b5df5db03b304033d1ac49edd,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; +} +" +01089d7b6034107dd082c196cd723f4b23483ffa,"public int[] fix45(int[] nums) +{ + int fours = 0; + for(int i = 0;i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} + +" +0f57881082cdd2b8b7cb41dd7512e4fd04bdb153,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newNums[i] = nums[i]; + } +} +" +838f37170a55b16cfda78479f56577fd36f55f76,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + for (int i = 0; i < nums.length; i++) + { + newNums[i] = nums[i]; + } + return newNums; +} +" +c5b678ff310e1ddb50d0866291cc960abdb63560,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + + } + if (i - j >= 0) + { + if (nums[i - j] == 5) + { + nums[i - j] = nums[i + 2]; + nums[i + 1] = 5; + break; + } + } + } + } + } + return nums; +} +" +ac9bfa818b88416f2ee517a6d2ad3cf441a3d3d1,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 1; j <= nums.length; j++) + { + if (i + j < nums.length) + { + if (nums[i + j] == 5) + { + nums[i + j] = nums[i + 1]; + nums[i + 1] = 5; + break; + } + + } + + } + } + } + return nums; +} +" +030ab849c32955ae5a0fcd32f3af1dad8adec774,"public int[] fix45(int[] nums) +{ + for(int i=0;i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ccdf21a4cdf9206fc2d9fad4850525e9b546b087,"public int[] fix45(int[] nums) +{ + for(int i=0;i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +a0a1e7d133f25e3894e87199baffc91633697502,"public int[] fix45(int[] nums) +{ + int i = 0; + int j = 0; + + while(j < nums.length && nums[j] != 5) + j++; + + while(i < nums.length) { + if(nums[i] == 4) { + int temp = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = temp; + + while((j < nums.length && nums[j] != 5) || j == i + 1) + j++; + } + i++; + } + + return nums; +} +" +131333a0ebabc1c47ce48b63e56364c77250f757,"public int[] fix45(int[] nums) +{ + return (nums); + +} +" +d4924d04ea8b9a49744d7669d7a62178721b1093,"public int[] fix45(int[] nums) +{ + int store; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && num[i + 1] != 5) + { + for (int b = 0; b < nums.length; b++) + { + if (nums[b] == 5) + { + if (b != 0 && nums[b - 1] != 4) + { + store = nums[b]; + nums[b] = nums[i]; + nums[i] = store; + } + } + } + } + } + return (nums); +} +" +ab54c1f76dc5eedac4a82a501d3444a30e30ba21,"public int[] fix45(int[] nums) +{ + int store; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int b = 0; b < nums.length; b++) + { + if (nums[b] == 5) + { + if (b != 0 && nums[b - 1] != 4) + { + store = nums[b]; + nums[b] = nums[i]; + nums[i] = store; + } + } + } + } + } + return (nums); +} +" +9a9db53f5d66d483aaa9d349fed0b7b029fef2dc,"public int[] fix45(int[] nums) +{ + int store; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int b = 0; b < nums.length; b++) + { + if (nums[b] == 5) + { + if (b != 0 && nums[b - 1] != 4) + { + store = nums[b]; + nums[b] = nums[i]; + nums[i] = store; + } + } + } + } + } + return (nums); +} +" +89362e1caf1d31b2281d9bced05663897e3e2ef6,"public int[] fix45(int[] nums) +{ + int store; + int done = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int b = 0; b < nums.length; b++) + { + if (nums[b] == 5 && done == 0) + { + if (b != 0 && nums[b - 1] != 4) + { + store = nums[b]; + nums[b] = nums[i]; + nums[i] = store; + done = 1; + } + } + } + done = 0; + } + } + return (nums); +} +" +8700b58e8e8171fe0ab5e06cbc309322bf3d0ffe,"public int[] fix45(int[] nums) +{ + int q = 0; + for int (i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[q] == 5 && (q == 0 || q > 0 && nums[q-1] 1+ 4)); q++); + nums[q] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +009a7e0ee15e593373633ff61ea042f22a6f04a7,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +acfc8bb1c69ca0127afc8d6781875bf5211e76a9,"public int[] fix45(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[q] == 5 && (q == 0 || q > 0 && nums[q-1] 1+ 4)); q++); + nums[q] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +792093ca108d904b76e82dc08e599dfd739d3d9b,"public int[] fix45(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[q] == 5 && (q == 0 || q > 0 + && nums[q-1] 1+ 4)); q++); + nums[q] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +81c835aad51342aeb6164d1ca871d6c9dcf096a8,"public int[] fix45(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[q] == 5 && (q == 0 || q > 0 + && nums[q-1] 1+ 4)) q++); + nums[q] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +804fbfa492bed9fb5743702725da7900e170b50a,"public int[] fix45(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[q] == 5 && (q == 0 || q > 0 + && nums[q-1] != 4)); q++); + nums[q] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +fdb14e12cf21d8f38e7c08e336fc183879bec364,"public int[] fix45(int[] nums) +{ + int store; + int done = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int b = 0; b < nums.length; b++) + { + if (nums[b] == 5 && done == 0) + { + if (b == 0 || nums[b - 1] != 4) + { + store = nums[b]; + nums[b] = nums[i]; + nums[i] = store; + done = 1; + } + } + } + done = 0; + } + } + return (nums); +} +" +022d86eeaea199c1f4a104b38a404be98263e251,"public int[] fix45(int[] nums) +{ + int store; + int done = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int b = 0; b < nums.length; b++) + { + if (nums[b] == 5 && done == 0) + { + if (b == 0 || nums[b - 1] != 4) + { + store = nums[b]; + nums[b] = nums[i + 1]; + nums[i + 1] = store; + done = 1; + } + } + } + done = 0; + } + } + return (nums); +} +" +881b72aa7c561d1687b6a340fd6fc4f26b841b4f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 5) { + if (j > 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + return nums; +} +" +6283f73eb995d975ce7e0eda612f369a6bba185b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +}" +ef5ee9fa53c082dd702015a060be24e85c88f29b,"public int[] fix45(int[] nums) +{ + int[] num; +} +" +8f71a9f12d23073713c95b99b6caf4e365fb55d8,"public int[] fix45(int[] nums) +{ + int[] num; + num = nums; + +} +" +1f59c8b56198470aba34c3e21a0aac9d6ffab247,"public int[] fix45(int[] nums) +{ + int l = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[l] == 5 && (l == 0 || l > 0 && nums[l-1] != 4)); l++); + nums[l] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +027c18c46ab8cb789f8dbe91945b8278a856df83,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +4addc49073613ee346f6795840be4557680502ce,"public int[] fix45(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + count++; + } + } + int[] newNums = new int[nums.length + count]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 4) { + newNums[i] = nums[i]; + } + else { + newNums[i] = nums[i]; + newNums[i + 1] = 5; + i++; + } + } + return newNums; +} +" +56b34fddabfd1a4b306907df8d905413e409dd32,"public int[] fix45(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + count++; + } + } + int[] newNums = new int[nums.length + count]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 4) { + newNums[i] = nums[i]; + } + else { + newNums[i] = nums[i]; + newNums[i + 1] = 5; + i+=2; + } + } + return newNums; +} +" +1bb395d6dfa710edcff2cb62ac485202f6dcebe0,"public int[] fix45(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 4) { + count++; + } + } + int[] newNums = new int[nums.length + count]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i - 1] != 4) { + newNums[i] = nums[i]; + } + else { + newNums[i] = nums[i]; + newNums[i + 1] = 5; + i+=2; + } + } + return newNums; +} +" +41597b972aced1b92fbf1f0f616a311e2625effd,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i - 1] != 4) { + newNums[i] = 5; + } + } + return newNums; +} +" +7d664d83b3b784aeb210ee0c66f79ba976add7d8,"public int[] fix45(int[] nums) { + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +}" +b3adf760ca9667cc5b6a16aaa98ca1203a305fc0,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 4) { + newNums[i] = 5; + } + } + return newNums; +} +" +00fdf981c04b9dfc7b1a1eb16a4a5cfb906a2205,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 4) { + newNums[i] = 5; + } + else { + newNums[i] = num[i]; + } + } + return newNums; +} +" +fe78412ad5c7b621f13024b4695143d170bc4af1,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 4) { + newNums[i] = 5; + } + else { + newNums[i] = nums[i]; + } + } + return newNums; +} +" +3c356d2f67e3e82cf6fc7af0bd15e654edf9ae4d,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(j = 0; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +847b04f569d7bae0fcb7f81e97fdcc99cf292445,"public int[] fix45(int[] nums) +{ + int[] newNums = new int[nums.length]; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] != 4 && nums[i] != 5) { + newNums[i] = 5; + } + else { + newNums[i] = nums[i]; + } + } + return newNums; +} +" +05506f570e065d579b7e5515ccfd04e482c5b9c0,"public int[] fix45(int[] nums) +{ + int[] num; + num = nums; + for (i = 0; i < num.length(); i++) { + if ( num(i) = 4)) + num(i + 1) = 5; + } +} +" +06abcf9533f152c080320639bddbf020b41aaa5a,"public int[] fix45(int[] nums) +{ + int[] num; + num = nums; + for (i = 0; i < num.length(); i++) { + if ( nums(i) = 4)) + num(i + 1) = 5; + } +} +" +1c4cf972cd957e64fd975fb9e4ca627197eac4c6,"public int[] fix45(int[] nums) +{ + int[] num; + num = nums; + for (i = 0; i < num.length(); i++) { + if (nums(i) = 4)) { + num(i + 1) = 5; + } +} +" +ad23f39c87fb1ddd07b9b1a2d09e4012345829d9,"public int[] fix45(int[] nums) +{ + return nums; + +} +" +e0568b492d1853f1df32c6a73ce95ae127fcbae6,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length && nums[j] != 5) + { + j++; + + + for(int i = 0; i < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +114be9fe0f66c4aec320b9533128d2b126974811,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int[] newArray = nums + int counter = 0; + int counter2 = 0; + int counter3 = 0; + while (counter < length) + { + if (nums[counter] == 5) + { + while (newArray[counter3] !=4) + { + counter3 = counter3 + 1; + if (newArray[counter3] == 4) + { + newArray[counter] = nums[counter3]; + newArray[counter3] = 5; + } + } + + } + counter = counter + 1; + } + +} + + + + +" +d1af8e905a6d539287fb89c202b5c505454f0c3f,"public int[] fix45(int[] nums) +{ + int length = nums.length; + int[] newArray = nums; + int counter = 0; + int counter2 = 0; + int counter3 = 0; + while (counter < length) + { + if (nums[counter] == 5) + { + while (newArray[counter3] !=4) + { + counter3 = counter3 + 1; + if (newArray[counter3] == 4) + { + newArray[counter] = nums[counter3]; + newArray[counter3] = 5; + } + } + + } + counter = counter + 1; + } + return newArray; +} + + + + +" +fadb4479d9ff7b917a04e593cca9d60c85e8692f,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != 5 || j != 0) + { + nums[0] = nums[i + 1]; + nums[i + 1] = 5; + } + if (nums[j] == 5 && nums [j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums [i + 1] = 5; + } + } + } + } + return nums; +} +" +2e28e7268145a7d1193a7509b05e24fc8782fb70,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 || j == 0) + { + nums[0] = nums[i + 1]; + nums[i + 1] = 5; + } + if (nums[j] == 5 && nums [j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums [i + 1] = 5; + } + } + } + } + return nums; +} +" +783af7c138c4d8e692b471bcabeee9ca8adaa942,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && j == 0) + { + nums[0] = nums[i + 1]; + nums[i + 1] = 5; + } + if (nums[j] == 5 && nums [j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums [i + 1] = 5; + } + } + } + } + return nums +} +" +b7149a61919f6804155fae7f5a30a3a5eddbe7e3,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5 && j == 0) + { + nums[0] = nums[i + 1]; + nums[i + 1] = 5; + } + if (nums[j] == 5 && nums [j - 1] != 4) + { + nums[j] = nums[i + 1]; + nums [i + 1] = 5; + } + } + } + } + return nums; +} +" +3b0105eb6b494052020e21629523b3a3c9716375,"public int[] fix45(int[] nums) +{ + int[] fxArr = {nums[0], nums[1], nums[2]}; + if(nums[0] == 2 && nums[1] == 3) + fxArr[1] = 0; + if(nums[1] == 2 && nums[2] == 3) + fxArr[2] = 0; + return fxArr; + +} +" +66c8579067cbb3b21b65532c81168491d15b41d2,"public int[] fix45(int[] nums) { + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +}" +3a1d8e7286311e267fd1b1d954e3059a11bb316f,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} + +} +" +38adcbefaf09426ab57f719b510d95dd493e8e82,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} + + +" +f30217e0a8b3693a1cc6887f6715977f5cc51c00,"public int[] fix45(int[] nums) +{ + for(int i = 5; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(int j = 1; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +} +" +ecea7f32c857765dd179b8687d548c640e14086d,"public int[] fix45(int[] nums) +{ + for(int i = 5; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(int j = 1; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} + +" +78b367cbc45aca39ec747fcc2a16476b539b195b,"public int[] fix45(int[] nums) +{ + for(int i = 5; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(int j = 1; nums[j] != 4; j++) + { + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + } + return nums; +} + +" +c200f6f2c3bd1e4fabf1ea74bf4f4b34195ea7e8,"public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(int j = 1; nums[j] != 4; j++) + { + nums[i+1] = 4; + nums[j] = nums[i+1]; + + } + } + } + return nums; +} + +" +45e45ca447058f23e0f97985f5c05973d03d85b8,"public int[] fix45(int[] nums) +{ + int j = 1 + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++) + { + nums[i+1] = 4; + nums[j] = nums[i+1]; + + } + } + } + return nums; +} + +" +f21e783fda47eddf1f1185863adfe6d10b3a7da3,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++) + { + nums[i+1] = 4; + nums[j] = nums[i+1]; + + } + } + } + return nums; +} + +" +22a17ea22d4e13b62e8e1135b406c17e37c6387b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +4eadd87c09f717cf8fabc05877f665bc8231ed49,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + + nums[i+1] = 4; + nums[j] = nums[i+1]; + + } + } + } + return nums; +} + +" +8d4b4ef317cb47df822fce6d2b5dcc36f0e18dba,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + + nums[i+1] = 4; + nums[j] = nums[i+1]; + + + } + } + return nums; +} + +" +abca2025c9c1234c875302f1dc0d75fa7217a342,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +44383fb778742fa32cacc3d1e3a735157bce39b4,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +09eb88a8d3ec044c4e7f24defd549c04657c2412,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 5; j++); + + nums[i+1] = 4; + nums[j] = nums[i+1]; + + + } + } + return nums; +} + +" +f19e14bca0b91ba90da99097be1001a8e7c429d1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 5; j++); + + nums[i+1] = 4; + nums[j] = nums[i+1]; + + + } + } + return nums; +} + +" +a285d9bda4ec5d1b296c48532a15a154b98902d2,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length; i++) { + if (nums[i + 1] != 4) { + nums[i + 1] = 5; + } + } + return nums; + +} +" +4c387162eb73d0b40fe28c4c84af422b822e4892,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i + 1] != 4) { + nums[i + 1] = 5; + } + } + return nums; + +} +" +11f9f7df9e3d89d9c52fd24dde218fd76a9f6155," +public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 5 && ( i == 0 || nums[i - 1] != 4)) + { + int n = findFour(nums); + nums[i] = nums[n + 1]; + nums[n + 1] = 5; + + } + } + return nums; + +} + +public int findFour(int[] num) +{ + for( int i = 0; i < num.length; i++) + { + if(num[i] == 4 && num[i + 1] != 5) + { + return i; + } + } + return -1; +}" +2c682f10c0dd943e81e37ceec8ae6c1cfa8395a5," +public int[] fix45(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 5 && ( i == 0 || nums[i - 1] != 4)) + { + int n = findFour(nums); + nums[i] = nums[n + 1]; + nums[n + 1] = 5; + + } + } + return nums; + +} + +public int findFour(int[] num) +{ + for( int i = 0; i < num.length; i++) + { + if(num[i] == 4 && num[i + 1] != 5) + { + return i; + } + } + return -1; +}" +2b25ef2cfa3fcfccb837d988b426d9039c8522a1,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } +return nums; +} +" +45bc55f88a584e479d1891ab1d5b868af2bcf32e,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +aa4adf6c8258c174c7af009634e689d292adc860,"public int[] fix45(int[] nums) +{ + int x = 0 ; + for ( int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(;!(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4));x++) + nums[x] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +5113cdb0b6a69afb3b4b7cdf3b4a11b3a8f41e9a,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +2d3def51b51c896ca1c5ba46c8e0bd8e6c5647e4,"public int[] fix45(int[] nums) +{ + int number = 0; + for(int i = 0; i < nums.length-2; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(int j = number; i 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +496a3c4824f0e6adf506615163dbc1ec9f521a07,"public int[] fix45(int[] nums) +{ + for(int i=0;i 0 && nums[j-1] != 4) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + + } + } + } + } + return nums; + +} +" +ae6fa34c938be8581a84cbf7f3c7bd3ee4fcfd0d,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + } + return nums; + + +} +" +a3829eb21e6ebb7b9271b8b1a020b708df27a064,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + } + } + } + } + return nums; + + +} +" +ad46becb42abf74ba05e1ec32da0c8d931baedda,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + } + return nums; + + +} +" +317060035416a4b83fe7646f77031ef192ac9261,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + + nums[i+1] = nums[x]; + } + } + } + } + return nums; + + +} +" +4d06961c8eeba7f1c0dbd5d6d82eefa1a1a3ab1f,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + nums[i+1] = nums[x]; + } + } + } + } + return nums; + + +} +" +5a04910b641193e7e516e09365635d46ee3b7f6b,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i + 1] != 4 && nums[i] = 4) { + nums[i + 1] = 5; + } + } + return nums; + +} +" +a259455fc2ebbd3411b54519cfda0a71ab8ba765,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) { + if (nums[i + 1] != 4 && nums[i] == 4) { + nums[i + 1] = 5; + } + } + return nums; + +} +" +f968e9edf8eaa8d4aa8cb5c301bfc751bfc009de,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( x > 0 && nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + nums[i+1] = nums[x]; + } + } + } + } + return nums; + + +} +" +93bf9938cbfab1349e78584abae65df275573ff1,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + nums[i+1] = nums[x]; + } + } + } + } + return nums; + + +} +" +67c9de5f37f9a335696ddac0748e1ee080290a71,"public int[] fix45(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if( nums[i] ==4 && nums[i+1] != 5) + { + for (int x = 0; x < nums.length - 1; x++) + { + if( nums[x] == 5 && nums[x-1] != 4) + { + nums[x] = nums[i + 1]; + nums[i+1] = 5; + } + } + } + } + return nums; + + +} +" +09acc862e36ecce59315fcb914a633a2422dc1d4,"public int[] fix45(int[] nums) +{ + int j = 1; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 3 && nums[i+1] != 4) + { + for(; nums[j] != 4; j++); + nums[j] = nums[i+1]; + nums[i+1] = 4; + } + } + return nums; +} +" +152556aa74340c27aa1e6d1df315f5b8854b5bf6,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +2274755e7376b5d707df27839242581112245120,"public int[] fix45(int[] nums) +{ + int j = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++) + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +74d91645204d2cde5700ca59008e5e4a362f30f8,"public int[] fix45(int[] nums) +{ + int j = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + + return nums; +} +" +f0a3f78112c8514a33fc556f1446ca103c3bb229,"public int[] fix45(int[] nums) +{ + int[] loc5 = new int[100]; + int len = nums.length; + int j = 0; + for (int i = 0; i < len - 1; i++) + { + if (nums[i] == 5; + { + loc5[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < len - 2; i++) + { + if (nums[i] ==1) + { + int temp = nums[i+1]; + nums[loc5[j]] = temp; + nums[i+1] = 5; + j++; + } + } +} +" +c01466d710299dc20fd8ca9d97b70a20d1e7acc4,"public int[] fix45(int[] nums) +{ + int[] loc5 = new int[100]; + int len = nums.length; + int j = 0; + for (int i = 0; i < len - 1; i++) + { + if (nums[i] == 5) + { + loc5[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < len - 2; i++) + { + if (nums[i] ==1) + { + int temp = nums[i+1]; + nums[loc5[j]] = temp; + nums[i+1] = 5; + j++; + } + } +} +" +6b5e42914f9ab521639c8d5f248ecc3d7bd84988,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for(int i = 0; i < result.length; i++) { + if(result[i] == 4 && i != result.length) { + int index = findIndexOfValidFive(result); + + if(index != -1) { + int temp = result[i + 1]; + result[i + 1] = result[index]; + result[index] = temp; + } + } + } + + return result; +} +" +1cce6e82a0a30ffa3fcd49060c6c22829f0a302b,"public int[] fix45(int[] nums) +{ + int[] loc5 = new int[100]; + int len = nums.length; + int j = 0; + for (int i = 0; i < len - 1; i++) + { + if (nums[i] == 5) + { + loc5[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < len - 2; i++) + { + if (nums[i] ==1) + { + int temp = nums[i+1]; + nums[loc5[j]] = temp; + nums[i+1] = 5; + j++; + } + } + return nums; +} +" +15e0366efaee4493cf6aa444389e1cc7d87e55b8,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + { + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +696b6674f7cdaafae688b2b80fa68dfc6c1dfccb,"public int[] fix45(int[] nums) +{ + int[] result = nums; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 5 && i == 0 + || nums[i] == 5 && nums[i - 1] != 4) { + int pos5 = i; + for (int j = 0; j < nums.length; j++) + if (nums[j] == 4 && nums[j + 1] != 5) { + int temp = nums[j + 1]; + nums[j + 1] = 5; + nums[pos5] = temp; + break; + } + } + return nums; +} +" +26ca6780fc59d7f00b54567bc9efc3c97ed9c0ba,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + if (nums[i] == 4) + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + return nums; +} +" +60741d2aef75f492df0c7d78e68e48bc42b335bf,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + //if (nums[i] == 5) + //{ + // fives[j] = i; + //j++; + //} + if (nums[i] == 4) + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + return nums; +} +" +a26dd5efdc750adcc8bee3d56383c5c4749b015b,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < nums.length ; i++) + { + //if (nums[i] == 5) + //{ + // fives[j] = i; + //j++; + //} + if (nums[i] == 4) + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + return nums; +} +" +1a78b92cd50af163f652476e7a8f2d34488e34eb,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +0e8b5086b517ea28ca7d4840a22cd85586d75d8d,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +91b0138b51af2877071e8f56d2a140c98dd1fb09,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +60cc8ae73b1291e46d79cca19f0a87668c5596f7,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (j < nums.length; j++) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +b9e7dec9f0fc0b45b189fc956382a99362c6ebab,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (int j = 0; j < nums.length; j++) + { + if ( nums[j] != 5) || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +d6e940ed3578dddb65cbbc457495abf605fae187,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != 5 || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +3a70f3a9ba23efcec78d3ff00aaee6574788c34b,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + + if (temp == 5) + { + } + else + { + int temp = nums[i+1]; + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + } + return nums; +} +" +a9c8472546ff0afc107a09cb57f300bda3bf262c,"public int[] fix45(int[] nums) +{ + int[] fives = new int[50]; + int j = 0; + int numFours = -1; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 5) + { + fives[j] = i; + j++; + } + } + j = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + int temp = nums[i+1]; + if (temp == 5) + { + } + else + { + numFours++; + nums[i + 1] = 5; + nums[fives[numFours]] = temp; + } + } + } + return nums; +} +" +5a021875b83e857049f2414c44d05fded82900ad,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; + +} +" +2b6d0ca5649c7d4c4559ecc253d62d610dbb4468,"public int[] fix45(int[] nums) +{ + if (nums.length > 0) { + int maxSpan = 1; + for (int i = 0; i < nums.length; i++) + for (int j = nums.length - 1; j > i; j--) + if (nums[j] == nums[i]) { + int count = (j - i) + 1; + if (count > maxSpan) maxSpan = count; + break; + } + return maxSpan; + } + else return 0; +} +" +42b2f4da6a3ec5fad78767b26a88a7f9a011cb8c,"public int[] fix45(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4) + { + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 5) + { + if (j > 0 && nums[j-1] != 4) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + else if (j == 0) + { + int tmp = nums[i+1]; + nums[i+1] = 5; + nums[j] = tmp; + } + } + } + } + } + + return nums; + +} +" +17ed7129dfbb3ce8a1a809493bfd227f8fbd2bef,"public int[] fix45(int[] nums) +{ + + for (int j = 0; j < nums.length; j++) + { + if(nums[j] != 5) + j++; + + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 4) + { + int number = nums[i+1]; + nums[i+1] = nums[j]; + nums[j] = nums; + + for (int j = 0; j < nums.length; j++) + { + if (nums[j] != 5 || j == i + 1) + { + j = j+1; + } + } + } + } + i = i+1; + } + + return nums; +}" +af056c1989873e68a2c3b422cd41abe407784e53,"public int[] fix45(int[] nums) +{ + int[] intArray; + return intArray; +} +" +6ef81d82d5ae761a0f03505882fd94e9f10014c5,"public int[] fix45(int[] nums) +{ + int[] intArray = new int[]; + return intArray; +} +" +6aed0f5fe43c9c079fc3c8b15732906813080921,"public int[] fix45(int[] nums) +{ + int[] intArray = new int[5]; + return intArray; +} +" +16de34457cf57969b8ac5443e910adfb4deef10b,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) { + if (nums[i] == 4 && nums[i + 1] != 5) { + + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + return nums; + } +} +" +ac2cc39aa363e560a0e0dc7631e27958556eda43,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i + 1] != 5) + { + for (; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j - 1] != 4)); j++) + { + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + } + } + return nums; +} +" +cce9e51644228327ff6868718352946020284a7a,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + return nums; + } +} +" +a58216079a0badb7edb6072140a7d4720cc92217,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + + } + return nums; +} +" +d066015124712150cfe09b2c654a4b622c417dee,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + + } + return nums; +} +" +6d4ea44cbc6d6345b6789266ca31a7e22f3d6319,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + while (nums[j] != 5 || (j != 0 && nums[j - 1] == 4)) + { + j++; + } + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + + } + return nums; +} +" +cd725bffacb6e313ded181355db737e02056f524,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length - 1; ++i) + { + if (nums[i] == 4 && nums[i + 1] != 5) + { + + nums[j] = nums[i + 1]; + nums[i + 1] = 5; + } + + + } + return nums; +} +" +e41278a32e08e1e891cf85f5ad2affb5c7524b49,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +86e03230bbe17ee15da0ac01b672607a09ad405b,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +f596210ef4d105b51fa297a585fd162b410245d7,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && nums[z-1] != 4); z++) + { + nums[z] = nums[i+1] + nums[i+1] = 5; + } + } + } + return nums; + +} +" +c09e0471792fc244462e37ca9d06b1cac6a5cbc0,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && nums[z-1] != 4); z++) + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +71aa4997e3020c48c65aff492f6726a8b7b56cec,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && nums[z-1] != 4 && (z == 0 || z > 0)); z++) + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +c4342f647d39ee2b644be890dd17ab89412478cf,"public int[] fix45(int[] nums) +{ + int cont; + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] == 5) + { + for( int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 4) + { + nums[j + 1] = cont; + nums[j + 1] = nums[i]; + nums[i] = cont; + } + } + } + } + + return nums; +} +" +55af0b20e3b8b9fbb219a4b3493775a0d5c1a748,"public int[] fix45(int[] nums) +{ + int cont = 0; + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] == 5) + { + for( int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 4) + { + nums[j + 1] = cont; + nums[j + 1] = nums[i]; + nums[i] = cont; + } + } + } + } + + return nums; +} +" +55b88c8de53116d67ca1e2f618337379b781b603,"public int[] fix45(int[] nums) +{ + int cont = 0; + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] == 5) + { + for( int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 4) + { + cont = nums[j + 1] + nums[j + 1] = nums[i]; + nums[i] = cont; + } + } + } + } + + return nums; +} +" +de6dfce9fbab6c2452667e6255d24cc8792c9f84,"public int[] fix45(int[] nums) +{ + int cont = 0; + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] == 5) + { + for( int j = 0; j < nums.length - 1; j++) + { + if(nums[j] == 4) + { + cont = nums[j + 1]; + nums[j + 1] = nums[i]; + nums[i] = cont; + } + } + } + } + + return nums; +} +" +2c0ae2689e066d7286d473d81a5270a77f4cf48e,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && nums[z-1] != 4 && (z == 0 || z > 0)); z++) + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +ffa23fc1bda3c20a134e0ec3dfe35017f4d2bdb1,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[z] == 5 && nums[z-1] != 4 && (z == 0 || z > 0)); z++) + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +2bee008a93238b3cf61ec14cfad62b211d69e72f,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[z] == 5 && nums[z-1] != 4 && (z == 0 || z > 0)); z++) + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +fec34c0f05c3146a06608887eadc82cde5119025,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[z] == 5 && (nums[z-1] != 4 && (z == 0 || z > 0)); z++) + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +268b7b59276c627bb475519cd0140c0315bd019a,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (; !(nums[z] == 5 && (nums[z-1] != 4 && (z == 0 || z > 0)); z++); + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +23e049578874a68243d0ea4e6ccf396fa466e7a0,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if(num[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + j = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k + 1] != 5) + { + nums[j] = nums[k + 1]; + nums[k + 1] = 5; + break + } + } + } + return nums; +} +" +172cc7d0c8fce7a82cbd36a7b3619ec958080847,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && (nums[z-1] != 4 && (z == 0 || z > 0)); z++); + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +ff8d10174329a326cef5df74da3fdbaba38ad775,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if(num[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + j = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k + 1] != 5) + { + nums[j] = nums[k + 1]; + nums[k + 1] = 5; + break + } + } + } + } + return nums; +} +" +2a0174a1c91a74c9287003e7318c6eaa131a9243,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if(num[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + j = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k + 1] != 5) + { + nums[j] = nums[k + 1]; + nums[k + 1] = 5; + break; + } + } + } + } + return nums; +} +" +a9ea006f6fd85f3d63a39c689ad08ee11312d52e,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && (nums[z-1] != 4 && (z == 0 || z > 0)); z++)); + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +68a3fa9664ddf1ab413256f6eb19eae42a26f012,"public int[] fix45(int[] nums) +{ + int j = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 5 && i == 0 || nums[i] == 5 && nums[i - 1] != 4) + { + j = i; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] == 4 && nums[k + 1] != 5) + { + nums[j] = nums[k + 1]; + nums[k + 1] = 5; + break; + } + } + } + } + return nums; +} +" +c12e081a4037d81269e5387017cb4fefc798fd75,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && nums[z-1] != 4 && (z == 0 || z > 0)); z++); + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +13cece343671c52f8143f78da41789ed70304af2,"public int[] fix45(int[] nums) +{ + int[] newArray = nums; + for (int i = 0; i < newArray.length; i++) + { + if (nums[i] == 4) + { + int fiveIndex = 0; + for (int z = 0; z < newArray.length; z++) + { + if (nums[z] == 5) + { + fiveIndex = z; + break; + } + } + newArray[fiveIndex] = newArray[i + 1] + newArray[i] = 5; + } + } + return newArray; + + +} +" +d09878db843291154fd6e39679f9d9b885c2454c,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && (nums[z-1] != 4 && z == 0 || z > 0)); z++); + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +f92d334fe9b31213a024fea849f46d9375c99a1b,"public int[] fix45(int[] nums) +{ + int[] newArray = nums; + for (int i = 0; i < newArray.length; i++) + { + if (nums[i] == 4) + { + int fiveIndex = 0; + for (int z = 0; z < newArray.length; z++) + { + if (nums[z] == 5) + { + fiveIndex = z; + break; + } + } + newArray[fiveIndex] = newArray[i + 1]; + newArray[i] = 5; + } + } + return newArray; + + +} +" +be729b8c92a03f2e5e959b94f852da610fb70371,"public int[] fix45(int[] nums) +{ + int fourCount = 0; + int fiveCount = 0; + int z = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 4 && nums[i+1] != 5) + { + for (z = z; !(nums[z] == 5 && nums[z-1] != 4 && (z == 0 || z > 0)); z++); + { + nums[z] = nums[i+1]; + nums[i+1] = 5; + } + } + } + return nums; + +} +" +638fdee389c0a368ba043cf5677160d9addfdc39,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1, i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+ 1]; + nums[i+1] = 5; + } + } + return nums; +} +" +ec62e80f4941d16af3a08a33e81d3ec7bb535294,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +78668f9cc5d15bf6358d705f780f0251ef075e58,"public int[] fix45(int[] nums) +{ + return nums; +}" +915abd433cd24d73ed17b13580cc15789793e4f8,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+ 1]; + nums[i+1] = 5; + } + } + return nums; +} +" +6ce5dbde3f114a6c3334a70efa7d4592c0986565,"public int[] fix45(int[] nums) +{ + int[] newArray = nums; + for (int i = 0; i < newArray.length; i++) + { + if (nums[i] == 4) + { + int fiveIndex = 0; + for (int z = 0; z < newArray.length; z++) + { + if (nums[z] == 5) + { + fiveIndex = z; + break; + } + } + newArray[fiveIndex] = newArray[i + 1]; + newArray[i + 1] = 5; + } + } + return newArray; + + +} +" +b6cca875a7f38c9c9995e01147f6352ad8cfca7f,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++); + nums[j] = nums[i+ 1]; + nums[i+1] = 5; + } + } + return nums; +} +" +590e845adfdeb5ea05d5197167bfe7e677304859,"public int[] fix45(int[] nums) +{ + int x = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[x] == 5 && (x == 0 || x > 0 && nums[x-1] != 4)); x++); + nums[x] = nums[i+ 1]; + nums[i+1] = 5; + } + } + return nums; +} +" +833cf6f4aa5d1271c3cf94fbe1f321b658e6d6f9,"public int[] fix45(int[] nums) +{ + int j = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 4 && nums[i+1] != 5) + { + for(; !(nums[j] == 5 && (j == 0 || j > 0 && nums[j-1] != 4)); j++); + nums[j] = nums[i+1]; + nums[i+1] = 5; + } + } + return nums; +} +" +17fc0670de9a8c9e2e2df74fb7419b32bfd8e61e,"public int luckySum(int a, int b, int c) +{ + int lucky = 0; + + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + + if (b == 13) + { + b = 0; + c = 0; + } + + if (c == 13) + { + c = 0; + } + + sum = a + b + c; + + return sum; +} +" +455fa06a5fbeffbac7dff14ba057ed282af19336,"public int luckySum(int a, int b, int c) +{ + int lucky = 0; + + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + + if (b == 13) + { + b = 0; + c = 0; + } + + if (c == 13) + { + c = 0; + } + + lucky = a + b + c; + + return lucky; +} +" +b58052382aba70ea7745fa21972bfba9bbe55340,"public int luckySum(int a, int b, int c) +{ + if (a==13) + return 0; + else if(b==13) + return a; + else if(c==13) + return a+b; + else + return a+b+c; +} +" +c98d3e4a8cd4bb5de8ee54585090cfab8ecd5d90,"public int luckySum(int a, int b, int c) +{ + List vals = Array.asList(a, b, c); + counter = 0; + tot = 0; + if (a == 13 || b == 13 || c == 13) { + if (vals.get(counter) != 13) { + tot = tot + vals.get(counter); + counter++; + } + else { + return tot; + } + } + else { + return a + b + c; + } + + + +} +" +6e799a286d1c2b6b2b1d2b731f59603b80e9bb1a,"public int luckySum(int a, int b, int c) +{ + counter = 0; + tot = 0; + if (a == 13) { + return 0; + } + else if (b == 13) { + return a; + } + else if (c == 13) { + return a + b; + } + else { + return a + b + c; + } + + + +} +" +036b8e52df3fdcf0f1aa904168b3604f42fb2f1c,"public int luckySum(int a, int b, int c) +{ + + if (a == 13) { + return 0; + } + else if (b == 13) { + return a; + } + else if (c == 13) { + return a + b; + } + else { + return a + b + c; + } + + + +} +" +64ec2f0e31b44f933691059389466f44366b6591,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return 0; + } + if (b == 13); + return a; + if (c == 13); + return a + b; + return a + b + c; +} +" +be805ec2498fda3c9bb3f1c7191fa4697508c221,"public int luckySum(int a, int b, int c) +{ + if (a == 13){ + return(0); + }else{ + if(b == 13){ + return(a); + }else{ + if (c == 13){ + return(a + b); + }else{ + return(a + b + c); + } + } + } +} +" +e93c761e30caf81cac71d5acf468276cf0b48d8a,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return 0; + } + if (b == 13); + { + return a; + } + if (c == 13); + { + return a + b; + } + return a + b + c; +} +" +f923bf4905b870f4d2679afde22f7004728297e6,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return 0; + } + if (b == 13); + { + return a; + } + if (c == 13); + { + return (a + b); + } + return (a + b + c); +} +" +9b16bef701a0ee7c42e0b2a752246771bf3cc812,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13); + { + return a; + } + if (c == 13); + { + return (a + b); + } + return (a + b + c); +} +" +9f8dc47547c7f46218dd666b10d2cce726fd7a76,"public int luckySum(int a, int b, int c) +{ + if (a = 13) a = 0; + if (b = 13) b = 0; + if (c = 13) c = 0; + + return a + b + c; +} +" +8c57b65159f5b0ef72b455c708479a95ca04cb6c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) a = 0; + if (b == 13) b = 0; + if (c == 13) c = 0; + + return a + b + c; +} +" +1c23d1196a9ffb5f3b85c26cd4653d027d5e1180,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + + if (b == 13) + { + return a; + } + + if (c == 13) + { + return a + b; + } + + return a + b + c; +} +" +93b6b107185f69c403c1bd5a43f987db79f8e190,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c ==13) + { + return a + b; + } + return (a + b + c); +} +" +9920ae44845f16c59cd886f59cfa5b1e4ba6078f,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return a + b; + else + return a + b + c; +} +" +3d309fe720784236e6f74ee3644277e0db1ff53e,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else if ( a = 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b = 13 && c != 13) + { + return a; + } + else + { + return b; + } +} +" +abea160f2473b935251d4d33b7646f455d6b9702,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else if ( a == 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b == 13 && c != 13) + { + return a; + } + else + { + return b; + } +} +" +831a40613387373905faab8234d2d8533eb80583,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else if ( a == 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else + { + return 0; + } +} +" +3faa757276e9047769dc643abf270034d846f5d9,"public int luckySum(int a, int b, int c) +{ + if ( a == 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 0; + } +} +" +93457eb6df387684dc59df7a409e5f859aa326c9,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 0; + } +} +" +b5ec24ab237a263f779a87582e4343b61f4142fc,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else + { + return a + b + c; + } +} +" +ea98553f9b5c50a4adcf7ef1995304c35e6110b7,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return ; + } +} +" +6543dd714d8fd2ce35a3f237ac5abdc17d646de8,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 1; + } +} +" +e503c53e45e5cf6c42e2b265777eb4af7b7b1e53,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 0; + } +} +" +4491a9888ee593d1da8e02b2b6560a15dbca3089,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + +} +" +a9a0a81e0944603be72641c45e740cd0ff205583,"public int luckySum(int a, int b, int c) +{ + if( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +07d74f07d0392e14c84c203fdd40d01094b53cc8,"public int luckySum(int a, int b, int c) +{ + if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +d85840c3b027d892c5f9e780848ce557400549f9,"public int luckySum(int a, int b, int c) +{ + if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return a + b + c; + } + +} +" +7ef813b23ff84b593f3a5181c0b6c21009e7c12f,"public int luckySum(int a, int b, int c) +{ + if( a == 13 && b != 13 && c != 13) + { + return c; + } + else if ( a != 13 && b == 13 && c != 13) + { + return a; + } + else if ( a != 13 && b != 13 && c == 13) + { + return b; + } + else if( a != 13 && b !=13 && c != 13) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +6f845e68c9e2feb029dff2be3f5960a603490fff,"public int luckySum(int a, int b, int c) +{ + if((a == 13) && (b != 13) && (c != 13)) + { + return c; + } + else if ((a != 13) && (b == 13) && (c != 13)) + { + return a; + } + else if ((a != 13) && (b != 13) && (c == 13)) + { + return b; + } + else if((a != 13) && (b !=13) && (c != 13)) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +f7cc4000586c1c7bffea8542ad7d0edd599a7689,"public int luckySum(int a, int b, int c) +{ + if((a == 13) || (b != 13) || (c != 13)) + { + return c; + } + else if ((a != 13) || (b == 13) || (c != 13)) + { + return a; + } + else if ((a != 13) || (b != 13) || (c == 13)) + { + return b; + } + else if((a != 13) || (b !=13) || (c != 13)) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +240bb27c2453523ca0f31fbdd6760404ada0f344,"public int luckySum(int a, int b, int c) +{ + if((a == 13) && (b != 13) && (c != 13)) + { + return c; + } + else if ((a != 13) && (b == 13) && (c != 13)) + { + return a; + } + else if ((a != 13) && (b != 13) && (c == 13)) + { + return b; + } + else if((a != 13) && (b !=13) && (c != 13)) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +401c33b1bde7dd21cc5139f3e03b8be53559df7c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; + + +} +" +0931a3f327f416bff2bbb22f80fc113b52ea3c79,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +82a3b6cb0c20d13dd584fa31f39e48b61ac16d10,"public int luckySum(int a, int b, int c) +{ + if(a == 13) { +return 0; +} else if(b == 13) { +return a; +} else if(c == 13) { +return a + b; +} else { +return a + b + c; +} +} +" +fc439df7120d45259a06afdc5979efe9a28df85a,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a != 13) { + sum += a; + } + if (a != 13 && b != 13) { + sum += b; + } + if (a != 13 && b != 13 && c != 13) { + sum +=c ; + } + return sum; +} +" +3b40100574b6d0424df7569a1a5ef15c73e38cfe,"public int luckySum(int a, int b, int c) +{ + if ( a = 13) + return 0; + else if (b = 13) + return a; + else if (c = 13) + return a + b; + else + return a+b+c; +} +" +09ee4435ff1de8bce02e4f1648b229d9683f37ed,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a+b+c; +} +" +d8737eb5eeeb04dd0d9cc6228e33fe6b204ddd4d,"public int luckySum(int a, int b, int c) +{ + if (left == 13) return 0; + if (middle == 13) return left; + if (right == 13) return left + middle; + + return left + middle + right; +} +" +37a71453960c4bb8e1bc13d7ba279064b14ebbb0,"public int luckySum(int a, int b, int c) +{ + if (a == 13) return 0; + if (b == 13) return a; + if (c == 13) return a + b; + + return a + b + c; +} +" +3c663e6b94b687cf331fb515d865826a263a5a6c,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + return a+b+c; +} +" +df50ccc19dfeb83caaa8704ee1de9d8e4236dc40,"public int luckySum(int a, int b, int c) +{ + if((a == 13) && (b != 13) && (c != 13)) + { + return c; + } + else if ((a != 13) && (b == 13) && (c != 13)) + { + return a; + } + else if ((a != 13) && (b != 13) && (c == 13)) + { + return b + a; + } + else if((a != 13) && (b !=13) && (c != 13)) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +50307bddbcc5a1de375f39819c80eb30b0c2f444,"public int luckySum(int a, int b, int c) +{ + if((a == 13)) + { + return 0; + } + else if ((a != 13) && (b == 13)) + { + return a; + } + else if ((a != 13) && (b != 13) && (c == 13)) + { + return b + a; + } + else if((a != 13) && (b !=13) && (c != 13)) + { + return a + b + c; + } + else + { + return 0; + } + +} +" +e6f97c194cb270d7bacdcbf21120db7a3434b827,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + + return (a + b + c); +} +" +337acb57f8a4da0722994f923bab52c134c03481,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +2dc1bd1848c8130a1a69d21476f7ab48b3e8f172,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + { + sum = 0; + } + else if (b == 13) + { + sum = a; + } + else if (c == 13) + { + sum = a + b; + } + return sum; +} +" +5d9c959a12bbcc56eee9c64bb2acaa2bb15c892b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +ff25ec9c7c77065dea40253c51fc60daee6f4481,"public int luckySum(int a, int b, int c) +{ + int sum; + if ( a == 13); + { + sum = 0; + } + else if (b == 13) + { + sum = a + c; + } + else if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +065688b9d3ee634b8be05c1a2b776c3c44bdd498,"public int luckySum(int a, int b, int c) +{ + int sum; + if ( a == 13); + { + sum = 0; + } + else if (b == 13) + { + sum = a + c; + } + else if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +a6074c0a1c27aac75d0d5e85e5f6fd1809a59364,"public int luckySum(int a, int b, int c) +{ + int sum; + if ( a == 13); + { + sum = 0; + } + if (b == 13) + { + sum = a + c; + } + if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +b00d7093637c0aa59684e55b831235082ae66bc8,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +d9a70ffcc0026de53fb0aad0d8e0125e63b1f345,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + a = 0; + b = 0; + c = 0; + else if (b == 13) + b = 0; + c = 0; + else if (c == 13) + c = 0; + return a + b + c; +} +" +c529de8466e84c07db3bf0f95f62e8a731065eeb,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) { + b = 0; + c = 0; + } + else if (c == 13) { + c = 0; + } + return a + b + c; +} +" +5866309c1534586efce3a270911ee62b98dd8317,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return c; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return b; + } + else + { + return (a+b+c); + } + return (a, b, c); +} +" +e2412826c6dc08bc1c78ccfe983a3f05c2d53119,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return c; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return b; + } + else + { + return (a+b+c); + } + return a, b, c; +} +" +23fdd06d271c9ad3f09058cdebf4c9f8e70c1509,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return c; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return b; + } + else + { + return (a+b+c); + } + return a, b, c; +} +" +ab13436ff4143ebc7d6d69d730a35242364a24e1,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return c; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return (b+a); + } + return a, b, c; +} +" +ef6b4906985653acdf3808b8bc63ad9e76ec6553,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return c; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return (b+a); + } + return (a + b + c); +} +" +ecee993c95f09a9b96e33a91d2e2278b2ce5f6ad,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return 0; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return (b+a); + } + return (a + b + c); +} +" +41882c1362dcb62d26d0877b7ffc09a6440caaf1,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return(c); + } + else if (b == 13) + { + return(a); + } + else if (c == 13) + { + return(a + b); + } + else + { + return(a + b + c) + } +} +" +a63ab855c17dc71f3eb55277112dafc4a53e1adb,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return(c); + } + else if (b == 13) + { + return(a); + } + else if (c == 13) + { + return(a + b); + } + else + { + return(a + b + c); + } +} +" +7be064b5a0a1426db15344bbbae7bdbf367e6d9f,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return(0); + } + else if (b == 13) + { + return(a); + } + else if (c == 13) + { + return(a + b); + } + else + { + return(a + b + c); + } +} +" +6b646a795b338148478f755625a34d522f65cbd5,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +57ff0f8330adb69c17b6e28db4a6a233ec89ce7b,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +084f7c3e5b6458d0b7d0a34688826ae8cf58fd8f,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +fce3e62d0432bef5979808c1cb903800b11cc958,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else + { + if (b == 13) + { + return a; + } + else + { + if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + } + } +} +" +353926967d66ec018556093b556986f85d9e3f95,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +3d088c99682ac46b925aca4d080f86b0d194750d,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +42c2e9e87f020c29f64aca35c058f09c782b8566,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else + { + if (b == 13) + { + return a; + } + else + { + if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + } + } +} +" +69cf53da278486fa4f72ff4f912980836f74c876,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +1dc0a9281fe5c33922d59a28a48a7003fd59765d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + retrun = 0; + } + + if (b == 13) + { + return = a; + } + + if (c == 13) + { + return (a + b); + } + + else + { + return (a + b + c); + } + + +} +" +8147af858f14ecb842d8c418eaa636e851acd9c0,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +06214643be0a02b67ed628ae40e65bf0b6c823ca,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return sum = 0; + } + else if (b == 13) + { + return sum = a; + } + else if (c == 13) + { + return sum = a + b; + } + else + { + return sum = a + b + c; + } +} +" +c5db2fb405cc9d99658ce7ce319ec263d1734c9e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +0dc952229ad1de89fd79e4d449284cec06fb2ec8,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +1018fdd5b2fa83538a2ec803ca7477eb938db28b,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +7f589a575cb49078a6ad0aa12bbd1dd04eb40210,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b!= 13 && c!= 13) + { + return (a+b+c); + } + + return 0; +} +" +35171aaf022a0f9c1596d47775f16d4d70e923b8,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b!= 13 && c!= 13) + { + return (a+b+c); + } + + else if (a= 13) + { + return 0; + } + + return 0; +} +" +0f009fee1eeddb49a7e3619f47a5095473fcb2c7,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b!= 13 && c!= 13) + { + return (a+b+c); + } + + else if (a== 13) + { + return 0; + } + + return 0; +} +" +4ce67dfd72514955b9fa47ce60bb8e3e43ad3073,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b!= 13 && c!= 13) + { + return (a+b+c); + } + + else if (a== 13) + { + return 0; + } + + else if (b== 13) + { + return a; + } + + return 0; +} +" +78a8e8a64b313ff7d1734612cc884e563d6caea4,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b!= 13 && c!= 13) + { + return (a+b+c); + } + + else if (a== 13) + { + return 0; + } + + else if (b== 13) + { + return a; + } + + else if (c==13) + { + return (a+b); + } + + return 0; +} +" +bc3def6255f3831f2a0b42ec77c53454adb6edea,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else + { + if (b == 13) + { + return a; + } + else + { + if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + } + } +} +" +9b193bb945d3206417287603a60cc2ea802f9971,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +f1d97651c17b80158d0d73074b82eac7369b2cb8,"public int luckySum(int a, int b, int c) +{ + if (a == 13){ + return 0; + } + if (b == 13){ + return a; + } + if (c == 13){ + return (a+b); + } + else{ + return (a + b + c); + } +} +" +332c6ec5c84a4b48b155a3ce7e3c41195bbaf8a1,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +0136da9f3cf27111cf28373c7ad0e2b02e1b1fbf,"public int luckySum(int a, int b, int c) +{ + if ( a == 13 ) + { + luckySum = c; + } + else if ( b == 13) + { + luckySum = b; + } + else if (c == 13) + { + luckySum = a + b; + } + else + { + luckySum = a + b + c; + } + return luckySum; +} +" +29092d007e677157b6f7937079db76a909c70401,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + if ( a == 13 ) + { + luckySum = c; + } + else if ( b == 13) + { + luckySum = b; + } + else if (c == 13) + { + luckySum = a + b; + } + else + { + luckySum = a + b + c; + } + return luckySum; +} +" +ce85f6021a9a59d45f5b4ed91c513cc4619f770e,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + if ( a == 13 ) + { + luckySum = c; + } + else if ( b == 13) + { + luckySum = b; + } + else if (c == 13) + { + luckySum = a; + } + else + { + luckySum = a + b + c; + } + return luckySum; +} +" +b5509f3d8d4bcd8f2b81e75b2c675400125936aa,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + if ( a == 13 ) + { + luckySum = c; + } + else if ( b == 13) + { + luckySum = b; + } + else if (c == 13) + { + luckySum = a + b; + } + else + { + luckySum = a + b + c; + } + return luckySum; +} +" +568da29045c9b24d7610923677bbe69d266309d1,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + if ( a == 13 ) + { + luckySum = c; + } + else if ( b == 13) + { + luckySum = a; + } + else if (c == 13) + { + luckySum = a + b; + } + else + { + luckySum = a + b + c; + } + return luckySum; +} +" +f33e751014d0fe6fe713c331ac435ecca0fab0fa,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + if ( a == 13 ) + { + luckySum = 0; + } + else if ( b == 13) + { + luckySum = a; + } + else if (c == 13) + { + luckySum = a + b; + } + else + { + luckySum = a + b + c; + } + return luckySum; +} +" +6137ee2859c316fb43a9070b54b9a86fecdbde9d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +13662d3cfb69c41e5ac8414cefe8ef625beb4fc7,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return sum = 0; + } + else if (b == 13) + { + return sum = a; + } + else if (c == 13) + { + return sum = a + b; + } + else + { + return sum = a + b + c; + } +} +" +61c900d1e3af47eff9c157d2c4212e23e0d2147e,"public int luckySum(int a, int b, int c) +{ + int Sum = 0; + if ( a == 13) + { + return Sum; + } + if ( b == 13) + { + return a; + } + if (c == 13) + { + return (a +b); + } + + +} +" +275a717a67d445bcdadb5c3f9f477384ac20b7d3,"public int luckySum(int a, int b, int c) +{ + int Sum = 0; + if ( a == 13) + { + return Sum; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return (a +b); + } + else + { + return (a + b + c); + } + + +} +" +e70b5ed61db19e493bb157af0c4f0c74bfad9369,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + return a + b + c; + +} +" +2afd67a5f9ea01a70e2782e11b13d7e8ab05f83d,"public int luckySum(int a, int b, int c) +{ + if !(a==13 || b==13 || c==13) + return a+b+c; + else if (a==13 && c!=13) + return c; + else if (b==13) + return a; + else if (c==13) + return a+b; + else + return 0; + +} +" +5de6c6217a49dc1e44523e1acc7c7758af5f389c,"public int luckySum(int a, int b, int c) +{ + if !((a==13) || (b==13) || (c==13)) + return a+b+c; + else if (a==13 && c!=13) + return c; + else if (b==13) + return a; + else if (c==13) + return a+b; + else + return 0; + +} +" +cbb4ae91f1535662a84f3b656480ba347cbb729c,"public int luckySum(int a, int b, int c) +{ + if ((a!=13) && (b!=13) && (c!=13)) + return a+b+c; + else if (a==13 && c!=13) + return c; + else if (b==13) + return a; + else if (c==13) + return a+b; + else + return 0; + +} +" +59923af6f2da0fa7fa50765a465fe74c5993c8dc,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; + +} +" +8b8c2f1996b277f731c4640d0056c835db3053fc,"public int luckySum(int a, int b, int c) +{ + if ((a!=13) && (b!=13) && (c!=13)) + return a+b+c; + else if (a==13) + return 0; + else if (b==13) + return a; + else if (c==13) + return a+b; + else + return 0; + +} +" +e97f193a0b2018ba26a48ffa900e157f7232e21c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + retrun = 0; + } + + if (b == 13) + { + return = a; + } + + if (c == 13) + { + return (a + b); + } + + else + { + return (a + b + c); + } + + +} +" +7fd6090aedd50f4e154177904067967e4a554db5,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return = 0; + } + + if (b == 13) + { + return = a; + } + + if (c == 13) + { + return (a + b); + } + + else + { + return (a + b + c); + } + + +} +" +cd80603c865a5f537dae1c802b4d53681015978e,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return = 0; + } + + if (b == 13) + { + return = a; + } + + if (c == 13) + { + return (a + b); + } + + else + { + return (a + b + c); + } + + +} +" +87db562c5af3675b9fcf8cdf88341f5c205a229a,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + + if (b == 13) + { + return a; + } + + if (c == 13) + { + return (a + b); + } + + else + { + return (a + b + c); + } + + +} +" +fc01f8f3077d577075adb075c33c1d40ac722dcc,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a != 13 && b != 13 && c != 13) + { + sum = a + b + c; + } + if (b == 13) + { + sum = a; + } + if (c == 13) + { + sum = a + b; + } + return sum; +} +" +a4d14ca1537833208b933caed29edf842b8bb428,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a != 13 && b != 13 && c != 13) + { + sum = a + b + c; + } + if (b == 13) + { + sum = a; + } + if (c == 13 && b != 13 && a != 13) + { + sum = a + b; + } + return sum; +} +" +413ec0be2a359034c1b9af4e9b9c398b035b4d43,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a != 13 && b != 13 && c != 13) + { + sum = a + b + c; + } + if (b == 13 && a != 13) + { + sum = a; + } + if (c == 13 && b != 13 && a != 13) + { + sum = a + b; + } + return sum; +} +" +d9d5ae52b2cab4fbbebb252cf3a7998cd6fd8ea1,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return c; + if (b == 13) + return a; + +} +" +9886b128924e56d1be1226d8637797b0c770cd2d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return c; + if (b == 13) + return a; + else + return a + b +c; +} +" +dd57d92387c1f7fe113c135fab38cef812ee8833,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + if (c == 13) + return 0; + else + } + return c; + else if (b == 13) + return a; + else + return a + b +c; +} +" +965c24c167f964ae37c68ddc1cf330c958535be6,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + if (c == 13) + return 0; + else + return c; + } + + else if (b == 13) + return a; + else + { + if (c == 13) + return a + b; + else + return a + b +c; + } +} +" +d213023f0cd0fc962137249e5962222ce97a78ba,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + return 0; + } + + else if (b == 13) + return a; + else + { + if (c == 13) + return a + b; + else + return a + b +c; + } +} +" +a5273c9dcbd8b80e62231fa1f7d0896c28e59af4,"public int luckySum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + if (numA == 13) + { + numA = 0; + } + if (numB == 13) + { + numB = 0; + } + if (numC == 13) + { + numC = 0; + } + return numA + numB + numC; +} +" +526e83940f683d83469082588100b2d4808bc816,"public int luckySum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + if (numA == 13) + { + return 0; + } + if (numB == 13) + { + return numA; + } + if (numC == 13) + { + return numA + numB; + } +} +" +fc97e9905d97841909412b7b9a8bdc5b4e1c8f2a,"public int luckySum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + if (numA == 13) + { + return 0; + } + if (numB == 13) + { + return numA; + } + if (numC == 13) + { + return numA + numB; + } + return numA + numB + numC; +} +" +159f9de8875bfd25d9c2b6208c6afb231a48b7ca,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +ff6d32c24a13a5740a22fab813733f047af3388a,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +799c901a21e24a4e769a4a15f407bd9aec9e3ea1,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 13; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +409fd7f94b0e9dc5b5fd754631ea0634a56cf2ff,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return 13; + return (a + b + c); +} +" +033a2e5863a47ad9c2bf9151bafc9c0e8f05988c,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); + else + return 13; +} +" +303b0558eca1ea3536b07e80c0b899f5709941bd,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); + else if (a == b && b == c && c == 13) + return null; +} +" +b379da6142dead22cfbfef24b02aedc3710cc3e6,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +8318051c385e8dc62e768c7c1d9f871148655d5f,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a == 13) + { + sum = 0; + } + else if (b == 13) + { + sum = a; + } + else if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; + +} +" +40f6810a620930cc949d7862239dd2d8623f5ec9,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return 0; + } + else if (b == 13) { + return a; + } + else if (c == 13) { + return a + b; + } + else + return a + b + c; +} +" +e437775272455b26f376f31c4f80a68a3298bf11,"public int luckySum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +7c50b1f8483303c39aa30e9243d3c3b6c09869e3,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a < 13 && b < 13 && c < 13) + sum = a + b + c; + if (a > 13) + sum = sum; + if (b > 13) + sum = a; + if (c > 13) + sum = a + b; + return sum; +}" +7a5814e823c993899aba15318e5273a06bc44239,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a < 13 && b < 13 && c < 13) + sum = a + b + c; + else if (a > 13) + sum = sum; + else if (b > 13) + sum = a; + else if (c > 13) + sum = a + b; + return sum; +}" +93cf0f4e59366b698d1ffbad38210afb57a461f2,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a < 13 && b < 13 && c < 13) + sum = a + b + c; + else if (a >= 13) + sum = sum; + else if (b >= 13)) + sum = a; + else if (c >= 13) + sum = a + b; + return sum; +}" +ed2a4cf2b23aaefae0a39bf2dacfef0e249115eb,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a < 13 && b < 13 && c < 13) + sum = a + b + c; + if (a >= 13) + sum = sum; + if (b >= 13)) + sum = a; + if (c >= 13) + sum = a + b; + return sum; +}" +c4d561c00d8722afd28e04b58512e36ea65cc278,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a < 13 && b < 13 && c < 13) + sum = a + b + c; + if (a >= 13) + sum = sum; + if (b >= 13) + sum = a; + if (c >= 13) + sum = a + b; + return sum; +}" +5895f1f51ebfd6d74b5a7ef20beee295b74a3f5c,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +4922abf381c264971c66ed722dba640b7694b72f,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a < 13 && b < 13 && c < 13) + sum = a + b + c; + if (a >= 13) + sum = sum; + if (b >= 13 || (b >= 13 && c >= 13)) + sum = a; + if (c >= 13) + sum = a + b; + return sum; +}" +fc4a8e480539ad1c82709dc05e38476157156ab3,"public int luckySum(int a, int b, int c) +{ + int sum = sum = a + b + c; + if (a == 13) + a = 0; + b = 0; + c = 0; + if (b == 13) + b = 0; + c = 0; + if (c == 13) + c = 0; + return sum; +}" +f1e6f6ff36a8cd71450b0b7da6ccfa82f765184b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +5f4353a5a6bf9abd78f99737edd73b5cb3057c80,"public int luckySum(int a, int b, int c) +{ + if (a=13) + return 0; + if (b=13) + return a; + if (c=13) + return (a+b); + return (a + b + c); + +} +" +bb5a95196a2f887294e2efb1f9147b6a3b59b48c,"public int luckySum(int a, int b, int c) +{ + if (a==13) + return 0; + if (b==13) + return a; + if (c==13) + return (a+b); + return (a + b + c); + +} +" +3049f560973ca45fb1219c242351e76067b0ae9d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +559e6040d93de44fe1d5afca2869067c5a91bc1c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a+b; + else + return a+b+c; +} +" +b89935cd76575e88ea3d850c3c4d704f4a06bb09,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +203f48fa654852bb207586b6b93beafc59dd06f2,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return a + b + c; +} +" +7e99245b54d6815b2eda1fbc313cd79a6f29e153,"public int luckySum(int a, int b, int c) +{ + if (a=13) + { + return a + } +} +" +7c0b639299b476b68bcfbfdb3c889446e982b394,"public int luckySum(int a, int b, int c) +{ + if (a=13) + { + return c; + } + else if (b=13) + { + return a; + } + else if (c=13) + { + return a; + } + else + { + return a+b+c + } +} +" +f54c0ec1850cce7f9a12e8cd1023361e0ccc1188,"public int luckySum(int a, int b, int c) +{ + if (a=13) + { + return c; + } + else if (b=13) + { + return a; + } + else if (c=13) + { + return a; + } + else + { + return a+b+c; + } +} +" +7ff7cd2db0d50a61424f24745c79422b9d69bccc,"public int luckySum(int a, int b, int c) +{ + int first = 0; + int second = 0; + int third = 0; + if (c != 13) + { + third = c; + } + else + { + third = 0; + } + if (b != 13) + { + second = b; + } + else + { + second = 0; + third = 0; + } +return first + second + third; + if (a != 0) + { + first = a; + } + else + { + first = 0; + second = 0; + third = 0; + } + +} +" +7fe221fc44c764aedbb34da0eee43e1673c27f16,"public int luckySum(int a, int b, int c) +{ + int first = 0; + int second = 0; + int third = 0; + if (c != 13) + { + third = c; + } + else + { + third = 0; + } + if (b != 13) + { + second = b; + } + else + { + second = 0; + third = 0; + } + if (a != 0) + { + first = a; + } + else + { + first = 0; + second = 0; + third = 0; + } +return first + second + third; +} +" +fab31d9830f694ea4503d529400a0c861a818526,"public int luckySum(int a, int b, int c) +{ + int first = 0; + int second = 0; + int third = 0; + if (c != 13) + { + third = c; + } + else + { + third = 0; + } + if (b != 13) + { + second = b; + } + else + { + second = 0; + third = 0; + } + if (a != 13) + { + first = a; + } + else + { + first = 0; + second = 0; + third = 0; + } +return first + second + third; +} +" +99002f25e4688a9e246bbb9286239b212f1a0f4a,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return c; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a; + } + else + { + return a+b+c; + } +} +" +bfc07dbdca45a89e945b216704782580ceb5b893,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return c; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +922e1adc69b18d9dc6b1c9089a3103f55765f29b,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +be45400517f3af84a59faecd759ab961f97fc5c4,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return a + b; + } + return a+b+c; +} +" +94080b164da89ecb4786b3dc9c8286154be6f538,"public int luckySum(int a, int b, int c) +{ + int small = 0; + int med = 0; + int large = 0; + + if (a < b && a < c) + { + small = a; + if (b < c) + { + med = b; + large = c; + } + else + { + med = c; + large = b; + } + } + + if (b < a && b < c) + { + small = b; + if (a < c) + { + med = a; + large = c; + } + else + { + med = c; + large = a; + } + } + + if (c < b && c < a) + { + small = c; + if (a < b) + { + med = a; + large = b; + } + else + { + med = b; + large = a; + } + } + int sum = 0; + if (small == 13) + { + sum = 0; + } + else if (med == 13) + { + sum = small; + } + else if (large == 13) + { + sum = small + med; + } + else + { + sum = small + med + large; + } + + return sum; + + + +} +" +db10b741cdec6e1272fb61019b5a1a5904f09753,"public int luckySum(int a, int b, int c) +{ + + int sum = 0; + if (a == 13) + { + sum = 0; + } + else if (b == 13) + { + sum = a; + } + else if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + + return sum; + + + +} +" +b14099ed715ab7052dbc1a46db6729dbed5c8cec,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +73d13f4b82cd00f36fc824eb19cee2f0be656281,"public int luckySum(int a, int b, int c) +{ + int d = a; + int e = b; + int f = c; + if(a == 13) + { + d = 0; + } + if(b == 0) + { + e = 0; + } + if(c == 0) + { + f = 0; + } + return d + e + f; +} +" +93f1f716376f5bba8cae9de8636b7da24cf86727,"public int luckySum(int a, int b, int c) +{ + int d = a; + int e = b; + int f = c; + if(a == 13) + { + d = 0; + } + if(b == 13) + { + e = 0; + } + if(c == 13) + { + f = 0; + } + return d + e + f; +} +" +1ccb67e9823f1b30a76802d98ed293833b2a8436,"public int luckySum(int a, int b, int c) +{ + int d = a; + int e = b; + int f = c; + if(a == 13) + { + d = 0; + e = 0; + f = 0; + } + if(b == 13) + { + e = 0; + f = 0; + } + if(c == 13) + { + f = 0; + } + return d + e + f; +} +" +8ccc69d53831d6be264e285ad35b7c3778cefac0,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +037c6f4d2fed2ab4884315b7f30f07136e8f7a72,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +b1cd225c96f83cf234170ea444a1959fbfd4bcde,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +8e12beb615d79b7434cb1981b7bfa60f4713beaa,"public int luckySum(int a, int b, int c) +{ + int output; + if (a == 13) + output = 0; + else if (b == 13) + output = a; + else if (c == 13) + output = a+b; + else + output = a+b+c; + return output; +} +" +3ebfce3cf11d33b8d63adc51fe0004e44e1b8968,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +14b0ecbd1f3b137186a666f3674c2ba2b136cdeb,"public int luckySum(int a, int b, int c) +{ + if (a + b + c < 13) + return sum; + if (a + b < 13) + return sum; + if (a < 13) + return a; + return sum; +} +" +e6cb274c11cbb6eb6bf53f3d95a7238d36bae49e,"public int luckySum(int a, int b, int c) +{ + if ( c == 13) + return a + b; + if (b == 13) + return a; + if (a == 13) + return 0; + return (a + b + c); +} +" +565302c05fc3914aa368821b8ed4128ee346b7ca,"public int luckySum(int a, int b, int c) +{ + if (b == 13) + return a; + if ( c == 13) + return a + b; + + if (a == 13) + return 0; + return (a + b + c); +} +" +af62cad6f63c7a867540df7eecd14a5efc7c42e3,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if ( c == 13) + return a + b; + + return (a + b + c); +} +" +1cae9e6f5e3699a78f7a4b428edbd84580a011d3,"public int luckySum(int a, int b, int c) +{ + if (a > 13) + return 0; + else if (b > 13) + return c; + else if (c > 13) + return a + b; + else + return a + b + c; +} +" +fc8e84e77e930ac09c517a5afd49ebe2daf169ed,"public int luckySum(int a, int b, int c) +{ + int sum = sum = a + b + c; + if (a == 13) + a = 0; + b = 0; + c = 0; + if (b == 13) + b = 0; + c = 0; + if (c == 13) + c = 0; + int sum = sum = a + b + c; + return sum; +}" +cde5229ae1ce471cd3dbaf8ab482adecc7716b3b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + a = 0; + b = 0; + c = 0; + if (b == 13) + b = 0; + c = 0; + if (c == 13) + c = 0; + int sum = sum = a + b + c; + return sum; +}" +5427b9b46805a23d8bfb950728994b3df4f7d871,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + if (b == 13) + { + b = 0; + c = 0; + } + if (c == 13) + { + c = 0; + } + int sum = a + b + c; + return sum; +}" +ce1bee6e490f6bce70b96aa43666e3c80d7de1c0,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return c; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +64d33b00238c752af0f471016011b13dde4639aa,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +7005a84d87c4272367b6401c3b1b723535cbbdb4,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +6ff73ddbdaa65a84fa764b673fabc78eae9c3395,"public int luckySum(int a, int b, int c) +{ + if( a == 13 ) + { + return 0; + } + else + { + if( b == 13 ) + { + return a; + } + else + { + if( c == 13 ) + { + return a + b; + } + else + { + return a + b + c; + } + } + } +} +" +00b92ee27132d76a1fc8089eb77e03b601b69c27,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +}" +129b8c0f8b204a0282acfcacb3ff18006ae44bf9,"public int luckySum(int a, int b, int c) +{ + int result = a + b + c; + + if (a == 13) + { + result = 0; + } + + else if (b == 13) + { + result = a; + } + else if (c == 13) + { + result = a + b; + } + + return result; +} +" +b3d60806ee7101a2e15a1418b36914bf8edf3da3,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a == 0; + b == 0; + c == 0; + } + else if (b == 13) + { + b == 0; + c == 0; + } + else if (c == 13) + { + c == 0; + } + else + { + sum = a + b + c; + return sum; + } +} +" +194ef4180d20ffb61f1445b49ca287e2d9405597,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + else + { + sum = a + b + c; + return sum; + } +} +" +ded1b9931dc6ec0e955772806ee3c0d84d5223d7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + else + { + int sum = a + b + c; + } + return sum; +} +" +ef2b2aeb650296b1a13864c9ec84b6f74cadf768,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + else + { + sum = a + b + c; + } + return sum; +} +" +ecce20fc17c39489058076aee62174de92c380da,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + else + { + sum = a + b + c; + } + return sum; +} +" +2566c9f6e24ced8becb286da72b886c9ae95f1b3,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + int sum = a + b + c; + return sum; +} +" +60410af204b44a4561b75d485c4c691dc76aba6d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return c; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b; + } + else + { + return a + b + c; + } + +} +" +7dba631225966b307e0de8331d66fd7cff690389,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + +} +" +7d60ba4d2f16d1c102f500f3970ac1c360202c42,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +571f75ee307352211c270a771039529ede41e97e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); +return (a + b + c); +} +" +ecc3b0ae8677f630cb60425d88629512080aa149,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if(b ==13) + { + return a; + } + else if (c == 13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +fcd37fda7eaa7049853aa57fba846afbfab4ad8d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return(0); + } + else if (b == 13) + { + return(a); + } + else if (c == 13) + { + return(a + b); + } + else + { + return(a + b + c); + } + +} +" +a51d6073194a8615aeec70539c41a7de77fb84c2,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +4d3d941082c132fa47fcfcd60bba2d746af0c735,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) { + return (a + b + c); + } + if (a == 13) { + return 0; + } + if (b == 13) { + return a; + } + if (c == 13) { + return (a + b); + } +}" +66499709b6326bffbdab3bd48404d537d15d4d57,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) { + return (a + b + c); + } + if (a == 13) { + return 0; + } + if (b == 13) { + return a; + } + if (c == 13) { + return (a + b); + } + return 0; +}" +babb79f27d8c0bd6b79ca2855a676a3b5727dc9a,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + { + sum = 0; + } + if (b == 13) + { + sum = a; + } + if (c == 13) + { + sum = a + b; + } + return sum; +} +" +3b4a24940f559084bd21a2ba4fc3e0d67152eafe,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + { + sum = 0; + } + else if (b == 13) + { + sum = a; + } + else if (c == 13) + { + sum = a + b; + } + return sum; +} +" +6eba7974d323f0a6c26411fb8f31ce532930db31,"public int luckySum(int a, int b, int c) +{ + if (a == 13){ + return 0; + } + else if (b == 13){ + return a; + } + else if (c == 13){ + return a+ b; + } + else{ + return a + b + c; + } +} +" +122d8ac1ee71e5973b5d72aaf32c96f9aead3006,"public int luckySum(int a, int b, int c) +{ + int luckySum = a + b + c; + if (a != 13 && b!= 13 && c!= 13) + { + return luckySum; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return luckySum; +} +" +129c46851cb4eafa7fc0c77bab2af40002a1af0a,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { a = 0; b = 0; c = 0; } + if (b == 13) + { b = 0; c = 0; } + if (c == 13) + { c = 0; } + return a + b + c; +} +" +f22030db1ddd1b926ecf7a26c72e4dfd0ff0a84a,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a+b); + } + else + { + return (a+b+c); + } +} +" +a36cc1a3f5b56b85d3b898cffefe5c2b9cc73609,"public int luckySum(int a, int b, int c) +{ + if (a = 13) + { + return 0; + } + else if (b = 13) + { + return a; + } + else if (c = 13) + { + return a + b; + } + else + { + return a + b + c; + } +}" +617a573cfc55f038e90f5a8cab63138bf883d10a,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +}" +5b32c6fd4b9834c1291afc52eeaabb1f9b3b34d2,"public int luckySum(int a, int b, int c) +{ + if (c == 13); + { + return a + b; + } + else if (b == 13); + { + return a; + } + else if (a == 13); + { + return 0; + } + else + { + return a + b + c; + } +} +" +5f72237f798b29a813f163b5d18f5e9675fde01d,"public int luckySum(int a, int b, int c) +{ + if (c == 13) + { + return a + b; + } + else if (b == 13) + { + return a; + } + else if (a == 13) + { + return 0; + } + else + { + return a + b + c; + } +} +" +b8fffa665488c9ce6ffe3c49bf02d562e13af8d9,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +}" +8c77be1d17a375d37e0a705be12ddb8551faa766,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a==13) + { + sum = c; + } + if(b== 13) + { + sum = a; + } + if (c== 13) + { + sum = a+b; + } + else + { + sum = a+b+c; + } +} +" +4cb16389fbc5efd85a328782737f28e8a235304c,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a==13) + { + sum = c; + } + if(b== 13) + { + sum = a; + } + if (c== 13) + { + sum = a+b; + } + else + { + sum = a+b+c; + } + return sum; +} +" +a9402456510fafb63fb6bc2f56c5a1a0b6935b5e,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a==13) + { + sum = 0; + } + if(b== 13) + { + sum = a; + } + if (c== 13) + { + sum = a+b; + } + else + { + sum = a+b+c; + } + return sum; +} +" +dd941c51b49fe7c7a6eed10738858f8e0eb9949f,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a==13) + { + sum = 0; + } + else if(b== 13) + { + sum = a; + } + else if (c== 13) + { + sum = a+b; + } + else + { + sum = a+b+c; + } + return sum; +} +" +f4571e89a6a6790ee3606e83b1874b2762a9956e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +0b3f227f101320056cbae6233e1744ffbdd316ac,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a + b); + return (a + b + c); + } +} +" +962b3477ec354e161c083e5db8dfae7595c12ab5,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +6951053422eb1f10e58384407fe2177bd76f6031,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + sum = c; + return sum; + } + else if (b == 13) + { + sum = a; + return sum; + } + else + { + sum = a + b + c; + return sum + } +} +" +36553be5bf3a5ea28b297850c760e2efae3da20b,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + sum = c; + return sum; + } + else if (b == 13) + { + sum = a; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +a2c77eb2341d2107484dea64721c8eb1fb2b5c9b,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + sum = c; + return sum; + } + else if (b == 13) + { + sum = a; + return sum; + } + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +74dd7cfbfdf4e1c4423abdbe1b57d95410d5b8d6,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13 && b == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (a == 13 && b == 13 && c != 13) + { + sum = c; + return c; + } + else if (a != 13 && b == 13 && c == 13) + { + sum = a; + return sum; + } + + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +de7cc290a04f09bba8684f305ba78c2835d1d212,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13 && b == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (a == 13 && b == 13 && c != 13) + { + sum = c; + return c; + } + else if (a != 13 && b == 13) + { + sum = a; + return sum; + } + + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +1c078ec5b635e249f8b617c19709ae8b06eed39a,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13 && b == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (a == 13 && b == 13) + { + sum = 0; + return sum; + } + else if (a != 13 && b == 13) + { + sum = a; + return sum; + } + + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +ddc51057b4ecb217243a4e0d51b074e703709da9,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13 && b == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (a == 13 && b == 13) + { + sum = 0; + return sum; + } + else if (a != 13 && b == 13) + { + sum = a; + return sum; + } + else if (a == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +5933583ee87b69f29d10eb8e9322d0b30ee0af65,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13 && b == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (a == 13 && b == 13) + { + sum = 0; + return sum; + } + else if (a != 13 && b == 13) + { + sum = a; + return sum; + } + else if (a == 13 && c == 13) + { + sum = 0; + return sum; + } + else if (c == 13) + { + sum = a + b; + return sum; + } + else if (a == 13) + { + sum = 0; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +de6f8b48fac3a45391fd82a9bebe58e560e01a0c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13 && a != 13) + { + return a; + } + if (c == 13 && b != 13 && a != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +cc3b781c59362f0f1a6cfaa111ef1090d4efe70d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a+b+c; + } +} +" +224787aa74683caa0de964b4c7c10ae479e2af20,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + x = 0; + } + else if (b == 13) + { + x = a; + } + else if (c == 13) + { + x = a +b; + } + else + { + x = a + b + c; + } + return x; +} +" +1e982e63fc9d868f60ed4083b87edf96d2241b27,"public int luckySum(int a, int b, int c) +{ + if (a = 13) + { + return 0; + } + else if (b = 13) + { + return a; + } + else if (c = 13); + { + return a + b; + } + else + { + return a + b + c; + } +} +" +3d11719630fc8c44b85deba0b9752e36fb374a27,"public int luckySum(int a, int b, int c) +{ + if (a = 13) + { + return 0; + } + else if (b = 13) + { + return a; + } + else if (c = 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +b3c55865d40d0ba3052b2a4769022ca7783307fa,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +a0dd933e7a4d6a2f5e39dcfd646d9336fb6b5897,"public int luckySum(int a, int b, int c) +{ + int sum; + sum = a + b + c; + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return a + b; + else + return sum; +} +" +9d5b9ebfbd2d3f0a0605f282fe853da38f76fb67,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c!= 13) + { + return a+b+c; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + return a+b; + } + +} +" +9d6a4374a4717b9970bf65ef61048301f10db823,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +ecab3d27fc5cf9c7a234a09c487690ff5ba2efa8,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) { + sum = 0; + } + else if (b == 13) { + sum = a; + } + else if (c == 13) { + sum = a + b; + } + else { + sum = a + b + c; + } + return sum; + +} +" +bac0f7200a41ebba8a58cb1385620cc94c2a4b3c,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + if (c == 13 || b == 13) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +9a82dd5392b79ae8f01a7d73f4486f4eb57880b1,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if(b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + return a+b+c; +} +" +22db1882535d71f9010b430616081de4d479a931,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + if (c == 13) + { + return 0; + } + else if (b == 13) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +97b11bf970fcac9897881edfe164d686a7d0a185,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + if (b == 13) + { + return 0; + } + else if (c == 13) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +2dc163e816a97ccec7438864b48f008434897a46,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +ce8294e0b56ab51b97b664d238088537b39b8372,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +8b844fad647fc5396c8694d29629a394f08d9968,"public int luckySum(int a, int b, int c) +{ + if a> 13 || b>13 || c>13 + return 0; + else + return a+b+c; + +} +" +28c2d069a6562d4de0d68ed73f27b01876afb4e4,"public int luckySum(int a, int b, int c) +{ + if(a != 13 && b != 13 && c != 13) { + return a + b + c; + } + else if(a == 13) { + return 0; + } + else if(b == 13) { + return a; + } + else { + return a + b; + } +} +" +5bc0813cfe3742e235bb6b24e5e8978abae4586e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +f83be25273b380bb17c72eec5e7dabd66fd5cdaf,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return (a+b+c); + } + else if (a == 13) + { + return (0); + } + else if (b == 13) + { + return (a); + } + else if (c == 13) + { + return (a+b); + } + +} +" +000cd656cc5b65a223584f30661f7abc3ce2fcb0,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return (a+b+c); + } + else if (a == 13) + { + return (0); + } + else if (b == 13) + { + return (a); + } + else + { + return (a+b); + } + +} +" +ab93eab0144005d003b7951d93784d3e68eff3dc,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +87642d71fe4a73ab1452b99e92e47a5ae1cc7e6a,"public int luckySum(int a, int b, int c) +{ + int sum; + if(a == 13) + { + sum = 0; + } + else if(b == 13) + { + sum = a; + } + else if(c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } +} +" +a0f72eaae064a4aeafe3edd5ebbb12dc44f2ca47,"public int luckySum(int a, int b, int c) +{ + int sum; + if(a == 13) + { + sum = 0; + } + else if(b == 13) + { + sum = a; + } + else if(c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + + return sum; +} +" +67763ab8e1535f8de824db2855ffd8d89c763afd,"public int luckySum(int a, int b, int c) +{ + if (a = 13) + { + return 0; + } + else if (b = 13) + { + return a; + } + else if (c = 13) + { + return a + b; + } + else{ + return a + b + c; + } +} +" +d62f85e1e5d5eaac672debfa72b779efcd4d6010,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else{ + return a + b + c; + } +} +" +65f2e623c6e53510568eebadf3d11da34eb7979b,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + if (!(b == 13 || c == 13)) + { + return c; + } + else + { + return 0; + } + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +b7181a465c3026a32a66dfa74d645a8186121b01,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + return c; + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +0cbd4b19a1f4e35ce1fd69f5aa39d22b86106a20,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + if (b == 13) + { + return 0; + } + else if (c == 13) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +1f392835abe1515bae3d0a8fcfedc983a40383fb,"public int luckySum(int a, int b, int c) +{ + int x; + if (a == 13) + { + return 0; + } + else if (b == 13) + { + if (a == 13) + { + return 0; + } + else + { + return a; + } + } + else if (c == 13) + { + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + x = a + b; + return x; + } + } + else + { + x = a + b + c; + return x; + } +} +" +6be9c05035195de38324e954adcc5031a8ddcb48,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +3af3e24a59b27c53ffd7ba585b0c4879bda116e8,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return c; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b; + } + else + { + return a + b + c; + } +} +" +e1e7dd78381234640ab59ca186010908024bf220,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return c; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +aa2bba0aa7e669c2d380c26d8438281d6cdd4482,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else if + { + return a + b + c; + } +} +" +96b336a51f117ddefd480121fd372452fbc09deb,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +1b931f3bbb3523785b4250ad722245e45ce48bd2,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +4d6351d23d9d8bfed1e0282ba1095653f0177c37,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +b1fdab900f9b604fd821daf0f7451c45e2dcd8cb,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a; + return b; + } + else + { + return a; + return b; + return c; + } + +} +" +25a18d873705fff527c7fede298d1d62cfccd642,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return null; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a; + return b; + } + else + { + return a; + return b; + return c; + } + +} +" +3377729bbcf8371f98991a85fe7cfbd3b400de88,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a; + return b; + } + else + { + return a; + return b; + return c; + } + +} +" +9e9291599821c8728979187d28c9010db8893fe2,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a && b; + } + else + { + return a && b && c; + } + +}" +f501197722b8ce08e96f0fce9ab29fefe7f90f24,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a, b; + } + else + { + return a, b, c; + } + +}" +73aaa34a7f1b9307e451d7c02f1ad740708fa6f0,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + +}" +88186f354be21aac5240c1ce580e09213b7ccf50,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +}" +f8bd0678f858c430ffb82e07ed9b120f59316fd7,"public int luckySum(int a, int b, int c) +{ + if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + } + return a + b + c; +}" +5c220f0178781a054bab6bc0fed1139dde373374,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a + b + c; + } +} +" +bbd772aed8975e2518a390a2c8955240603b67d8,"public int luckySum(int a, int b, int c) +{ + if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + } + return a + b + c; +}" +01aa95fc5b389fabcff7b8fa062583666ccaa968,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } + return a + b + c; +}" +0de1a8790c074423b551b67dc057c6e69b7780d8,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (a == 13) + { + + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } +}" +73203c97a314a4918a77d2c40de5462122735135,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a+b; + else + return a+b+c; +} +" +baa5b681a59aa018a4beb9a6e088d7d80da72204,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (c == 13) + { + return a + b; + } + else if (b == 13) + { + return a; + } + return 0; +}" +3e730bef26307189822d9b35f672149c093d394a,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return 0; +}" +8751e801cc5102a749ac3b7e8d69484891b138ee,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + return a + b; +}" +f0cc32c909d11be80da6122a5010c469794c781d,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } + return 0; +}" +d50ca7e69e95364f8079e404adf27ecdae61967d,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } + return 0; +}" +eba2d22d671ba9f7dc9464c325aaa73525505a39,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } +}" +8d798810f103b1aa2f1897680ac629a6c968ee58,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) { + b = 0; + c = 0; + } + else if (c == 13) { + c = 0; + } + int sum = a + b + c; + return sum; +} +" +0f8042a230f1cb64350307b2dad1b2aee051d7ef,"public int luckySum(int a, int b, int c) +{ + + if (str.length() >= 2) + + return str.substring(0,2); + + else if (str.length() == 1) + + return str + ""@""; + + else + + return ""@@""; + +} +" +f6aae46f4402d5357c0058360ed376120b41b882,"public int luckySum(int a, int b, int c) +{ + Scanner scanner=new Scanner(System.in); + int a,b,c,s; + System.out.println(""Enter 3 values:""); + a=scanner.nextInt(); + b=scanner.nextInt(); + c=scanner.nextInt(); + s=luckySum(a,b,c); + } + public static int luckySum(int a,int b,int c){ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; + + } + +} +" +513bb54e736ac83f13e479e4bc9c7244a40d9509,"public int luckySum(int a, int b, int c) +{ +def lucky_sum(a, b, c): +if a == 13: +return 0 +elif b == 13: +return a +elif c == 13: +return a + b +else: +return a + b + c +} +" +1493d993606c79481235cdc688718f1476af8930,"public int luckySum(int a, int b, int c) +{ +def lucky_sum(a, b, c); +if a == 13; +return 0 +elif b == 13; +return a +elif c == 13; +return a + b +else; +return a + b + c +} +" +994ca24e26e77ded23831faa1b195d5e9484ecb0,"public int luckySum(int a, int b, int c) +{ +def lucky_sum(a, b, c); +if a == 13; +return 0 +else if b == 13; +return a +else if c == 13; +return a + b +else; +return a + b + c +} +" +15311f233ef3fb194e152e9edb02952c85a8f185,"public int luckySum(int a, int b, int c) +{ +def lucky_sum(a, b, c); +if (a == 13){ + return 0 +else if b == 13 +return a +else if c == 13 +return a + b +else +return a + b + c} +} +" +54fe4ad9805bd7cae49a023279bf4847f9837a20,"public int luckySum(int a, int b, int c) +{ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; + + } + +} +" +da90fbee1cd176b2365b76626b31ab993acd04ab,"public int luckySum(int a, int b, int c) +{ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; + + } + +" +73d55a6fa32cae42cbecd4f478f7b9dea20f78c1,"public int luckySum(int a, int b, int c) +{ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; + + } + +}" +31adee7a8d4aaae05203c929d417982a00f6ecc0,"public int luckySum(int a, int b, int c) +{ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; + } +}" +d24835d6718671b9d5b45df20334c44d11a0430b,"public int luckySum(int a, int b, int c) +{ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; +}" +e7e60034a735d6784a328209a33fada103d62aa9,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { a = 0; b =0; c =0; } + if (b == 13) + { b=0; c=0; } + if (c == 13) + { c=0; } + return a + b + c; + +}" +9258cb0273687a087e33fe50ce58a09faa283e50,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +e74e5d33feb5dc180647b4b1a41dc13c268b8918,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + int[] num = new int[3]; + + num = {a, b, c}; + + for (int x = 1; x < num.length(); x++) + { + if(num[x] != 13) + { + sum += num[x]; + } + else + { + x = num.length() + 1; + } + } + + + return sum; +} +" +057719a89a57450e06b66b6462f6a24c4b8437ab,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + int[] num = new int[3]; + + num[0] = a; + num[1] = b; + num[2] = c; + + for (int x = 0; x < num.length(); x++) + { + if(num[x] != 13) + { + sum += num[x]; + } + else + { + x = num.length() + 1; + } + } + + + return sum; +} +" +ead0f404fa6e6d47fbe2d07bebee2388123d66d0,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + int[] num = new int[3]; + + num[0] = a; + num[1] = b; + num[2] = c; + + for (int x = 0; x < 3; x++) + { + if(num[x] != 13) + { + sum += num[x]; + } + else + { + x = 4; + } + } + + + return sum; +} +" +1479104d70c237112eaa7de80d40cfbc3a87f586,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b ==13) + { + b = 0; + c = 0; + } + else if (c ==13) + { + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + int sum = a + b + c; +} +" +e4b118195d61469ee9d2cf74256262207d5cdf21,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b ==13) + { + b = 0; + c = 0; + } + else if (c ==13) + { + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + int sum = a + b + c; + return sum; +} +" +9e9cf83d988def8153544e29f9584193f3153efb,"int sum; +public int luckySum(int a, int b, int c) +{ + sum = a + b + c; + + if (a == 13) + { + sum = 0; + return sum; + } + else if (b == 13) + { + sum = a; + return sum; + } + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + return sum; + } +} +" +6d6c696d11592e4415b304af0fefb63aa4b8802b,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +71aefc39a5c28a31b85d6b377d2e0128ac0e1e88,"public int luckySum(int a, int b, int c) +{ + if(a != 13 && b != 13 && c != 13) + { + return (a+b+c); + } + else if(a = 13) + { + return 0; + } + else if(b = 13) + { + return a; + } + else if(c = 13) + { + return (a+b); + } + return 0; +} +" +9ee1a60c216f7271ff59c3fd47c88aad18e864c8,"public int luckySum(int a, int b, int c) +{ + if(a != 13 && b != 13 && c != 13) + { + return (a+b+c); + } + else if(a == 13) + { + return 0; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return (a+b); + } + return 0; +} +" +98e1fa96ee25e7484cd48208ffec2ff04c520ecb,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + return a + b + c; + else if (a == 13) + return b + c; + else if (b == 13) + return a; + else + return b + a; + + +} +" +437669b879a0f223a1e502fd4f62ec8d280a520b,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + return a + b + c; + else if (a == 13) + return 0; + else if (b == 13) + return a; + else + return b + a; + + +} +" +77720f7068330840a130e1328f2ef8211487136e,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a != 13) + { + sum += a; + if (b != 13) + { + sum += b; + if (c != 13) + { + sum += c; + } + } + } +} +" +ea6ff41efe1ce65ded51627b04ab39bc48691240,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + + if (a != 13) + { + sum += a; + if (b != 13) + { + sum += b; + if (c != 13) + { + sum += c; + } + } + } + return sum; +} +" +b3627bb621485acf297c9671c52960f8e0e8cd33,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; +} +" +9de9d8913e1df50f3c2f34a31c355eebc31d724c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if ( b == 13) + return a; + else if ( c == 13) + return a + b; + else + return a + b + c; +} +" +957e50f1d6dcf4965f478aeafaba807b424984cc,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +a9a9ce795892ec82d997c00c3e05c8330340065b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return a + b; + else + return a + b + c; +} +" +91602234a8caf3585da06bdd6b821856629e82ef,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return 0; + } + if (b == 13) { + return a; + } + if (c == 13) { + return (a + b); + } + return (a + b + c); +} +" +132abb389ced3516d68b491377176df9a31bc074,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +c9044e066d74c75c0c8ba6c2e50100a6be0e3818,"public int luckySum(int a, int b, int c) +{ + if (b == 13) + return 0; + if (c == 13) + return b; + if (a == 13) + return (b + c); + return (a + b + c); +} +" +93cc43e8d6ac77dad65cb4c02694e938e8188afb,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return 0; + if (a == 13) + return (b + c); + return (a + b + c); +} +" +57e15661f1b177487b865704052735a8d243050e,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return 0; + if (c == 13) + return (b + c); + return (a + b + c); +} +" +49f4edd42e46d3d59a51d269be54f216e4b84c03,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return 0; + if (c == 13) + return (a + c); + return (a + b + c); +} +" +f877f2f90aa9897c12c015616683cbe01709a035,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + c); + return (a + b + c); +} +" +2a4bdde01596049b8ad8d4dda1675ca416ef2f64,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return 0; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +8b2e1b21ac924a8782dbe83dc2f3de6591a776b8,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +eee0eb76d7c982f7cdbbfb86dbf032940b49e38b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) // if a is equal to 13 + return 0; + if (b == 13) // if b is equal to 13 go to the a value + return a; + if (c == 13) //if c is 13, only add and b + return (a + b); + return (a + b + c); //if none of the others,add all the numbers +} +" +559e1e47b51976adc489a8428ac16543b52baaa9,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a=0; + b=0; + c=0; + return 0; + } + else if (b == 13) + { + b=0; + c=0; + return a; + } + else if (c == 0) + { + c=0; + return a+b+c; + } + else + { + return a+b+c; + } +} +" +a2840eb3038b5b29cba31517675e2b7d6692bf36,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a=0; + b=0; + c=0; + return 0; + } + else if (b == 13) + { + b=0; + c=0; + return a; + } + else if (c == 13) + { + c=0; + return a+b+c; + } + else + { + return a+b+c; + } +} +" +c45cec8ff54de9de9ab6c6c4ffad48eda5d39da9,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a=0; + b=0; + c=0; + return 0; + } + else if (b == 13) + { + b=0; + c=0; + return a; + } + else if (c == 13) + { + c=0; + return a+b+c; + } + else + { + return a+b+c; + } +} +" +70e1e38e1a6bf5074e627f68bd2fb4b1a5eb4c3a,"public int luckySum(int a, int b, int c) +{ + if (a = 13) + { + return 0; + } + else if (b = 13) + { + return a; + } + else if (c = 13) + { + return a + b; + } + else + { + return a + b + c; + } + return 0; +} +" +4746eb70cee52cfe70552e202c3b8148c296a2b2,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + return 0; +} +" +5197141f6edc9b66b1e4541d635ec0e21c601a63,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else() + { + return a + b + c; + } + return 0; +} +" +6b0352cd6e32d10da08d0774a8a01b98f4ebf5ff,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return a + b + c; +} +" +316777ee2ffa0970b61b6cd2f6678052a31f0aff,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +3e8c27bbcaceefe0027caacac7d7787ec3825dd6,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +2df6f1b512dc44afc8370abb7f19af7914d8a42c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a+b); + } + return (a+b+c); +} +" +a5508e5f315a376b054438b9264c800c8ddf25d7,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + a = 0; + b = 0; + c = 0; + } + if(b == 13) + { + a = 0; + b = 0; + c = 0; + } + if(c == 13) + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; + +} +" +5c772b8864ad1d4130823abc7607b82dbf4dc7e3,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + a = 0; + b = 0; + c = 0; + } + if(b == 13) + { + b = 0; + c = 0; + } + if(c == 13) + { + c = 0; + } + return a + b + c; + +} +" +19bbf1a2d780b4cc2b388f49007d6c89e06f928c,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + else + { + return (a + b + c); + } +} +" +3d6b8959766c6f246aec62893f23050e9279a23e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + else if(b == 13) + return a; + else if(c == 13) + return (a + b); + else + { + return (a + b + c); + } +} +" +0a30861ef14abf49d664d47233b555fa62bc46e7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +27321a5b50f9b3144f37eb52d53cb8c54e26fd73,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c !=13) + return a+b+c; + else if (a == 13) + return 0; + else if (b == 13) + return a; + else + return a + b; +} +" +5a5824eaf42f5975a45b28bcfd36dc6114a4def4,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + + if(b == 13) + { + return a; + } + + if(c == 13) + { + return a + b; + } + + else + { + return a + b + c; + } +} +" +cda8ee72baaf5f5378b8a3173fe146027cbfda4d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +8066ecd5c677a5df162fa201064f9949a7e9e986,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); + +} +" +7eb05405613875746e7ce614aad319a0175a9979,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } +} +" +b401f1e9f365ffb4f9da21cd8ab094ca25abb0a7,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +655234611724165849499bc0ca9196143feaa556,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +74946c8224fc40a608aba08d86cc735bc3c350f8,"public int luckySum(int a, int b, int c) +{ + if (a==13) + return 0; + else if (b==13) + return a; + else if (c==13) + return a+b; + else + return a+b+c; +} +" +b9b2502c4e63777cd8d5995ba6fd3506601433c8,"public int luckySum(int a, int b, int c) +{ + boolean is13; + int sum; + if(a==13) + { + is13 = true; + break; + } + else + {sum = a;} + + if(!is13) + { + if(b==13) + { + is13 = true; + break; + } + else + { + sum = sum+b; + } + } + if(!is13) + { + if(c==13) + { + is13 = false; + break; + } + else + {sum = sum+c;} + } + + return sum; +} +" +7fbe48af258bd620fc536c77d2c2c94225a166ca,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + + if (a == 13) + { + sum = 0; + } + else if (b == 13) + { + sum = a; + } + else if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + + return sum; +} +" +6783adbfeca9050f151b9f07e4076cb16e499643,"public int luckySum(int a, int b, int c) +{ + boolean is13; + int sum; + if(a==13) + { + is13 = true; + + } + else + {sum = a;} + + if(!is13) + { + if(b==13) + { + is13 = true; + + } + else + { + sum = sum+b; + } + } + if(!is13) + { + if(c==13) + { + is13 = false; + + } + else + {sum = sum+c;} + } + + return sum; +} +" +f66bb5d3e62d868e0e565be43b92a730b1628026,"public int luckySum(int a, int b, int c) +{ + boolean is13 = false; + int sum; + if(a==13) + { + is13 = true; + + } + else + {sum = a;} + + if(!is13) + { + if(b==13) + { + is13 = true; + + } + else + { + sum = sum+b; + } + } + if(!is13) + { + if(c==13) + { + is13 = false; + + } + else + {sum = sum+c;} + } + + return sum; +} +" +d341a06160d6379a5d753557291aed644577c3cf,"public int luckySum(int a, int b, int c) +{ + boolean is13 = false; + int sum=0; + if(a==13) + { + is13 = true; + + } + else + {sum = a;} + + if(!is13) + { + if(b==13) + { + is13 = true; + + } + else + { + sum = sum+b; + } + } + if(!is13) + { + if(c==13) + { + is13 = false; + + } + else + {sum = sum+c;} + } + + return sum; +} +" +4d384fd87638ed186323e848f2ec5a09c96e1c17,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + // do nothing + } + else if (b == 13) + { + sum = sum + a; + } + else if (c == 13) + { + sum = sum + a + b; + } + else + { + sum = sum +a + b + c; + } + return sum; +} +" +e1207294567badf1c4f2c7c21b5955bf311fc23f,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +e7f02d4aac69f73df11512e22f654e22683db3ed,"public int luckySum(int a, int b, int c) +{ + + int result = 0; + + if ( a == 13) + { + result = 0; + } + else if ( b == 13) + { + result = a; + } + else if (c == 13) + { + result = a + b; + } + else + { + result = a + b + c; + } + + return result; +} +" +6e06acf19e6355b0619e3ed01b3c9b11d6586e7d,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a == 13) { + sum = 0; + } + else if (b == 13) { + sum = a; + } + else if (c == 13) { + sum = a + b; + } + else { + sum = a + b + c; + } + return sum; +} +" +95c424f2b3d8ffb1109c99cd9ce91bec898a0aca,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +a4302ae54136fa2cbb7dbbd234f0ee677c58a434,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a+b); + else + return (a+b+c); +} +" +c61a487a2ce58fc629281a6de13c8c4a92c84ffd,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; b =0; c =0; + } + if (b == 13) + { + b=0; c=0; + } + if (c == 13) + { + c=0; + } + + return a + b + c; + +} +" +380fa93ddcf278a98159c3fede4631086a5c8aa0,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + if (b==13) + { + return a; + } + if(c==13) + { + return a+b; + } + return a+b+c; +} +" +b6bb06ed8d31ba7ab7872e561cb08c477eaa3cbd,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +2c602b49a1966700c02f49db678568c9adc02091,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + sum = 0; + } + else if (b = 13) + { + sum = a; + } + else if (c = 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; + +} +" +2d66a114ef9f705332101731a1ba4ed62f048cd6,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + sum = 0; + } + else if (b == 13) + { + sum = a; + } + else if (c == 13) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; + +} +" +cdf7c3bf1251922f7d347f4e4f25d82f66cd3b3d,"public int luckySum(int a, int b, int c) +{ + int total = 0; +for(int i = 0; i < goal; i++) { +if(total + 5 <= goal && big > 0) { +total +=5; +big--; +} else if(total + 1 <= goal && small > 0) { +total++; +small--; +} else if(total == goal) { +return true; +} +} + +if(total == goal) { +return true; +} else { +return false; +} +} +" +de4aafff3b458a734cd451007022c9bed751f432,"public int luckySum(int a, int b, int c) +{ +if (a == 13) + + { a = 0; b =0; c =0; } + + if (b == 13) + + { b=0; c=0; } + + if (c == 13) + + { c=0; } + + return a + b + c; + +} +" +3bd94894b07011169fa20e4a97bb47884ca6638b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return(a + b); + } + else + { + return(a + b + c); + } +} +" +63b2604459e2301e0adfe285c5d92e693bf550c7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +b9c639073e1106e16b01887da9098791f16923bf,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if (a == 13) + { + sum = 0; + } + else if (b==13) + { + sum = a; + } + else if (c==13) + { + sum = a+b; + } + return sum; +} +" +70f23ea597c9d42a6ebd7241e1bfa5801c4ad354,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return c; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +dcf364dc575b7dccd3e5a07fe0b724a04e482077,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +8a282e5c9668aa5e8ea6cfd1caa3fcc6b47bd920,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); + +} +" +c0c6145c8c9a2d0b29e508d1356d758376c5b1d8,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +351925ab4dbea77ad7526608610da8d770731641,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +0108f9f1d2b20be48a849395220942cd9eae8278,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return sum; + } + else if (b == 13) + { + return a; + } + else if (c == 13); + { + int sum = a + b; + return sum; + } + else + { + int sum = a + b + c; + return sum; + } +} +" +528342efb0a38ace805355f9ecda4f69f0397a23,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return sum; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + int sum = a + b; + return sum; + } + else + { + int sum = a + b + c; + return sum; + } +} +" +3709ebf7647aff9d0df7f2983e6033627d50abee,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + { + return sum; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +c2c3d37f5f796d4782bde69904c930ec671eda00,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b+ c); +} +" +b4c5472baddd229d259019662c4e37d8e92e565f,"public int luckySum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +4994d3ee308f93ecb46246ae4f3718e44793abe1,"public int luckySum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +494f3e5bc359832e06690c0d92cd5364600151b3,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +3c47cc96120bf978be6f4a9cc5684c8c44f59967,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + if (b==13) + { + return a; + } + if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +e65691b0f185cf7c84fd1cd73c11d53e01102145,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; b = 0; c = 0; + } + if (b == 13) + { + b = 0; c = 0; + } + if (c == 13) + { + c = 0; + } + return a + b + c; +} +" +897585e4bb488e8150bcbe3908b3f7ab058f0ae7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +45303f4b3379810ad581f6cb920ec2f1125a2171,"public int luckySum(int a, int b, int c) +{ + if (a == 13){ + a == 0; + b == 0; + c == 0; + } + else if (a != 13 && b == 13){ + b == 0; + c == 0; + } + else if (a != 13 && b != 13 && c == 13){ + c == 0; + } + return a + b + c; +} +" +2dffb5d51ccf06a812610b78fa5967e52811b010,"public int luckySum(int a, int b, int c) +{ + if (a == 13){ + a = 0; + b = 0; + c = 0; + } + else if (a != 13 && b == 13){ + b = 0; + c = 0; + } + else if (a != 13 && b != 13 && c == 13){ + c = 0; + } + return a + b + c; +} +" +2ab58e192f6aca0a7912009fd96ef2cef4a24f86,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +926ff442cee55be4373e8a873d447deda89dca7f,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +72ecc8394c6495b7c9dc9d4810c8469c5f8fa3b9,"public int luckySum(int a, int b, int c) +{ + int sum=0; + if(a==13) + { + sum=0; + } + if(b==13) + { + sum=a; + } + if(c==13) + { + sum=a+b; + } + return sum; +} +" +35fceca07daa514d892b70520c2c8fbaba66d50f,"public int luckySum(int a, int b, int c) +{ + int sum=0; + if(a==13) + { + sum=0; + } + else if(b==13) + { + sum=a; + } + else if(c==13) + { + sum=a+b; + } + return sum; +} +" +b3c211cd301af0d1e48856ccc13e51e3cd43e603,"public int luckySum(int a, int b, int c) +{ + int sum=0; + if(a==13) + { + sum=0; + } + else if(b==13) + { + sum=a; + } + else if(c==13) + { + sum=a+b; + } + else + { + sum=a+b+c; + } + return sum; +} +" +f0b382ff40dec934cab5fccebe01d451a61f1364,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + eturn 0; + if(b == 13) + return a; + if(c == 13) + + return (a + b + c); + + return (a + b); + +} +" +ec9bac3e6f4c79f80c5f500df5537d2492fbe7a1,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + + return (a + b + c); + + return (a + b); + +} +" +b34e63d63154d0bcd6d94c8c19da185dae4c2875,"public int luckySum(int a, int b, int c) +{ + + if(c == 13) + return (a + b); + return (a + b + c); + + if(b == 13) + return a; + if(a == 13) + return 0; +} +" +cefce7036b8bdff65fb3d6e6437002966cf83695,"public int luckySum(int a, int b, int c) +{ + + if(c == 13) + { + return (a + b); + return (a + b + c); + } + if(b == 13) + { + return a; + } + if(a == 13) + { + return 0; + + } +} +" +e7a3230c304f8681d5a2bd3a0b68e8ce2a86bd1a,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); + +} +" +f3cd902585dff05c38a1fa32e725410e0e128983,"public int luckySum(int a, int b, int c) +{ + if ( b = 13) + { + b = 0; + c = 0; + } + return a + b + c; + +} +" +94ba0a50f8deaea4b071aab5c624dc580f03f900,"public int luckySum(int a, int b, int c) +{ + if ( b == 13) + { + b = 0; + c = 0; + } + return a + b + c; + +} +" +d82b8f23a638e58a78d87164cc6d48dbf8f84646,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + a = 0; + b = 0; + c = 0; + } + if ( b == 13) + { + b = 0; + c = 0; + } + if (c == 13) + { + c = 0; + } + return a + b + c; + +} +" +a27a7b779bfdba483a4e2082d35cc72bd071e09d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + return a + b + c; +} +" +9ce768e1ee7755354e621fc0265958a5934fad9c,"public int luckySum(int a, int b, int c) +{ + if(a == 13) { +return 0; +} else if(b == 13) { +return a; +} else if(c == 13) { +return a + b; +} else { +return a + b + c; +} +} +" +6cbb1dfdb370a81b91f8865954c847fbc2271f51,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return (a+b); + } + else + { + return (a+b+c); + } +} +" +d7f2d8fffd6e9f63b27d6b124ec3da398a847458,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + if (b == 13) + { + return 0; + } + else if (c == 13) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +cae923e419289339d1b1c1c98ffd5f0b2ae55115,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + if (b == 13) + { + return 0; + } + else if (c == 13) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +c79b1d48e014dbd06eb140416c80a37f2be71e43,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + if (b == 13) + { + return 0; + } + else if (c == 13) + { + return 0; + } + else if (b == 2 && c ==3) + { + return 0; + } + else + { + return c; + } + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +04068ec9b5fbd023dfffcfc2523a1aeb521bf024,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +af100e8831d12d35e8c38146a1982ddbbfff556f,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +bb2a7aad21ce1287fd5a0f327a948d4f8d90b5df,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +ab3158d8a4940ed99be04f4ee34db73f55774819,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + int sum = a + b + c; + return sum; + } +} +" +cf22e86a560e4dc80c415c6c7f444d4ec7310250,"public int luckySum(int a, int b, int c) +{ + if(a == 13){ + return b + c; + }else if (b == 13){ + return c; + }else{ + return a + b + c; + } +} +" +b126b3c7513df408e7fdc0a729421ac86a9088bc,"public int luckySum(int a, int b, int c) +{ + if(a == 13){ + return 0; + }else if (b == 13){ + return a; + }else if (c == 13){ + return a + b; + }else{ + return a + b + c; + } +} +" +8947111619379846654fb87ceb7403f305ac987d,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + + if(b == 13) + return a; + + if(c == 13) + return a + b; + + return a + b + c; +} +" +b40eb12aa76ff914b093590a9b269a503c6ae9f6,"public int luckySum(int a, int b, int c) +{ + if(a == 13){ + return 0; + }else if (b == 13){ + return a; + }else if (c == 13){ + return a + b; + }else{ + return a + b + c; + } +} +" +1ff8cee379ac2d486097ff1b62a9a23a0dffb60f,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return a + b + c; +} +" +b60fdc6c60e5cb29ac6858a8a29e08f1c39a891b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + + else if (b == 13) + { + return a; + } + + else if (c == 13) + { + return (a + b); + } + + else + { + return (a + b + c); + } +} +" +c9c61a23a24c56a43ccac86eed18cc8387ac56f0,"public int luckySum(int a, int b, int c) +{ + if(a == 13) { + return 0; + } + else if(b == 13) { + return a; + } + else if(c == 13) { + return (a + b); + } + else { + return (a + b + c); + } +} +" +214ce15e7e8f63bd68ae70c3c31a30834c5e9eb1,"public int luckySum(int a, int b, int c) +{ + if (c == 13) + { + c = 0; + } + if (b == 13) + { + b = 0; + c = 0; + } + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +e8d523fb310d101ad988d4df1b287a8ec142d8a4,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if ( a == 13) + { + return c; + } + else if ( b == 13) + { + return a; + } + else if ( b == 13) + { + return a + b; + } + else + { + return sum; + } +} +" +0ae58e8276f8a35129bcf04bb2ddb5854fe3dc04,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if ( a == 13) + { + return c; + } + else if ( b == 13) + { + return a; + } + else if ( c == 13) + { + return a + b; + } + else + { + return sum; + } +} +" +fecc8dab71befcd5de8bdf863fe64a6ecafde5cd,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if ( a == 13) + { + return 0; + } + else if ( b == 13) + { + return a; + } + else if ( c == 13) + { + return a + b; + } + else + { + return sum; + } +} +" +6b7a0f20a11c426f02187deec92c6aea07509085,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +7d32e82389437796eba82d6252d76c08bc3cedf7,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + return a + b + c; + else if (c == 13) + return 0; + else if (b == 13) + return c; + else + return b + c; +} +" +c95066b13a229a991c82d46ca72630c3299b48ec,"public int luckySum(int a, int b, int c) +{ + //if (a != 13 && b != 13 && c != 13) + //return a + b + c; + if (c == 13) + return 0; + else if (b == 13) + return c; + else + return b + c; +} +" +be66d380bc4e67ae202f2294c061b254ae84b449,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + return a + b + c; + if (c == 13) + return 0; + else if (b == 13) + return c; + else + return b + c; +} +" +9ef57480728e73947eb79ba7040968906a993bd2,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + return a + b + c; + else if (a == 13) + return 0; + else if (b == 13) + return a; + else + return b + a; +} +" +652a8d46b448e62952e6beb7a26ffb7562d04f94,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + + if (a == 13) + { + luckySum = 0; + } + else if (b == 13) + { + luckySum = a; + } + else if (c == 13) + { + luckySum = a + b; + } + else + { + luckySum = a + b + c; + } + + return luckySum; +} +" +20c5ff58c61000e8a93aef739f576b10d19587af,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); + +} +" +9acc8a7ec78befbf0e1fcd38c24f5183dc03e9fd,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; +} +" +9775f6b38520648728d176ecc5ccdcf7f31245e2,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else + return a + b; +} +" +62506cf6a5fc87b7ba9b2c4aea33b02788819087,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a + b; + else + return a + b + c; +} +" +9054cd25706182196f503d561c9e808e6fe77401,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + return (a + b + c); + +} +" +fb81f6ad4ce623706d50b239c244da93f9dcf32e,"public int luckySum(int a, int b, int c) +{ + if (a == 13 || b == 13 || c == 13) + if (a == 13) + return 0; + else if (b == 13) + return a; + else + return a + b; + else + return a + b + c; +} +" +d5c18f8edc59363227ca53cc63ab16152be1f769,"public int luckySum(int a, int b, int c) +{ + if a == 13; + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +a3c6d3eaeb608e57845205ce96d9d138d24ddc40,"public int luckySum(int a, int b, int c) +{ + if (a == 13); + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +22b5e977af4372be438ba4e72e7900cbc817a0c8,"public int luckySum(int a, int b, int c) +{ + if (a == 13); + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +1735d1ce8eb1c94715167d9123fc0192b513376f,"public int luckySum(int a, int b, int c) +{ + if (a == 13); + { + return 0; + } + else (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +d94685227d1c1edf601b5a032e19ff831d885411,"public int luckySum(int a, int b, int c) +{ + if (a == 13); + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +335864c65ecea8d504369d8cae1c1012e7e31d5e,"public int luckySum(int a, int b, int c) +{ + if (a == 13); + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +518ae6f5ba3dc037976806ce9a63fd5c3dd3ae2c,"public int luckySum(int a, int b, int c) +{ + if (a ==13) + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +ce5bb444d735284cc05152e4253f5e88a463f827,"public int luckySum(int a, int b, int c) +{ + if (a ==13) + { + return 0; + } + else if (a != 13 && b == 13) + { + return a; + } + else if (a != 13 && b != 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +0e264ae18dac708973bde7ef274a9ae4eb920bd8,"public int luckySum(int a, int b, int c) +{ + if (a ==13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +11270152b9dcd05d39530c4600a58793e54ec62d,"public int luckySum(int a, int b, int c) +{ + if (a=13) + { + return 0; + } + else if (b=13); + { + return a; + } + else if (c=13) + { + return a+b; + } + return a+b+c; +} +" +da132f81efb0a27e1d49532a0628d8f69214dfcb,"public int luckySum(int a, int b, int c) +{ + if (a=13) + { + return 0; + } + else if (b=13) + { + return a; + } + else if (c=13) + { + return a+b; + } + return a+b+c; +} +" +32e653a5636761a5ffae52087f5b0891af578dc1,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + return a+b+c; +} +" +3796e9aaa6c6f2c0df19e5e37920953ff449cb16,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + return a + b + c; +} +" +1480cb9c1f9d738606ce22f75246aeef50dc3e48,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + a = 0; b =0; c =0; + } + + if (b == 13){ + b=0; c=0; + } + + if (c == 13){ + c=0; + } + + return a + b + c; + +} +" +8d209aedf8aff7df54e1d6f308079530a696b4bd,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +f3ca6007fefe929088713c97b93139ff33b93596,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a+b; + } + else + { + return a+b+c; + } +}" +318c02d9af50f8f62ce9dfd4f039f28e59833401,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (a != 13 && b == 13) + return a; + if (a != 13 && b != 0 && c == 13) + return a + b; + else + return a + b + c; +}" +d14a3a0e5ebd16bc42ae62cc9ab82f57d1c209e6,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (a != 13 && b == 13) + return a; + if (c == 13) + return a + b; + else + return a + b + c; +}" +4af48c92f719aeaa8d216caa475c19151ecbe64c,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +6b79c87f38023e1dbb610ae50567f2ec4b6e73b9,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return c; + if(a == 13) + return (a + b); + return (a + b + c); +} +" +b7f7d45e6e6f4487991a6cd620438b945ac02b7b,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return c; + if(a == 13) + return (c + b); + return (a + b + c); +} +" +7741e4dd09d346904ff447a80fd5ba5489e3f2c4,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return (c + b); + return (a + b + c); +} +" +005d8a6ce8393f5dc01204042bc96bfea491fd7a,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return 0; + return (c + b); + return (a + b + c); +} +" +e577de35f1fee74ff703689bfdb093e104750ab6,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return (c + b); + return (a + b + c); +} +" +d38fe19cbe5b288d380b4f4fdb6039211c813c2f,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return (c + b); + +} +" +e368b89aa332e2da15288d4c643bd7c436b85925,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return (c + b); + return (a + b +); + +} +" +c72949011c70c9295347d373522db33a82c99852,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return (c + b); + return (a + b +); +} +" +dcbaf7d5368ed2c9a9e7c2ae4fa0f7a20d31e529,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return (c + b); + return (a + b + c); +} +" +db4ff420272f1399726bb9de614d8f24e80c3fc5,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return 0; + else + return (c + b); + return (a + b + c); +} +" +2478f48bf60b385955b674effb62216e1ac8c9ae,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return 0; + else + return (c + b); +} +" +f6830517ffa3169f9e2278fa98439384afc6d4a2,"public int luckySum(int a, int b, int c) +{ + if(c == 13) + return 0; + if(b == 13) + return 0; + if(a == 13) + return 0; + else + return (c + b + a); +} +" +bb75bbe668d8379574bb9913830325b2213aceeb,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if(a == 13) + { + sum = sum - a - b - c; + } + else if(b == 13) + { + sum = sum - b - c; + } + else if(c == 13) + { + sum = sum - c; + } + return sum; + +} +" +718d27d7de601d383fd372a32a23c29fb4677cef,"public int luckySum(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 0; + return c; + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +161d23e0322bd8aa91f7006b08d766772db53590,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +6124c0328346f983dc55e9574073d07ecf1438e4,"public int luckySum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +7b833729ce55d45e5120d07728567b5d8209c717,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); +} +" +c5a417be9aea19c99567adf1936ea23c9272972e,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a + b); + return (a + b + c); +} +" +a3c656005cd1f878d9e4d109861f50c8bbe29d3f,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if(a == 13) + return sum; + sum += a; + if(b == 13) + return sum; + sum += b; + if(c == 13) + return sum; + sum += c; + + return sum; +} +" +4a5c39cc71d0da4ef8cceb985cb5f0dd1a43890b,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) { + luckySum = a + b + c; + } + else if (a == 13) { + luckySum = 0; + } + else if (b == 13) { + luckySum = a; + } + else if (c == 13) { + luckySum = a + b; + } + return luckySum; +} +" +ad47bd998667ba022b00745f126ab64e0d407185,"public int luckySum(int a, int b, int c) +{ + int luckySum = 0; + if (a != 13 && b != 13 && c != 13) { + luckySum = a + b + c; + } + else if (a == 13) { + luckySum = 0; + } + else if (b == 13) { + luckySum = a; + } + else if (c == 13) { + luckySum = a + b; + } + return luckySum; +} +" +2bfb01e922ccad661d76fc3784e754730b394a95,"public int luckySum(int a, int b, int c) +{ + if (a ==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c == 13) + { + + return a+b; + } + else + { + a+b+c; + } +} +" +6763073091891e93e248773b8f0c6d2d7a9e3620,"public int luckySum(int a, int b, int c) +{ + if (a ==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c == 13) + { + + return a+b; + } + else + { + return a+b+c; + } +} +" +71e1f1aaf981344f0405b4d7d9784cd96732bb12,"public int luckySum(int a, int b, int c) { + + if (a == 13) + + { a = 0; b =0; c =0; } + + if (b == 13) + + { b=0; c=0; } + + if (c == 13) + + { c=0; } + + return a + b + c; + +} +" +43759feed54a6ffb1bce9b8d30ddb205ef000ae7,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + else if(b == 13) + { + return a; + } + else if(c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +931b970b69c9efc5431456bc17f90e9c31a72b7d,"public int luckySum(int a, int b, int c) +{ + sum = 0; + if(a==13)return sum; + sum = sum + a; + if(b==13)return sum; + sum = sum + b; + if(c==13)return sum; + sum = sum + c; + +} +" +225de0c71407061e2d6508e3a2715cf1248e131c,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if(a==13)return sum; + sum = sum + a; + if(b==13)return sum; + sum = sum + b; + if(c==13)return sum; + sum = sum + c; + return sum; + +} +" +1f87d714539609e54aea90e0b1108fddcd2bad3b,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return 0; + } + if (b == 13) { + return a; + } + if (c == 13) { + return a + b; + } + return a+b+c; +} +" +9712e766692d33ace85101f69fb39eb01b5d4f24,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return (a == 0 && b == 0 && c == 0); + } + else if (b == 13) { + return (b == 0 && c == 0); + } + else if (c == 13) { + return (c == 0); + } + else { + return a + b + c; + } +} +" +ec7324b801ae8306dcac03feaa2feed7d3ebe1ab,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return a + b + c = 0; + } + else if (b == 13) { + return b + c = 0; + } + else if (c == 13) { + return c * 0 = 0; + } + else { + return a + b + c; + } +} +" +1afdbe5a435cf19c754a6a432c5c91ed95dca8a0,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return a == 0; + return b == 0; + return c == 0; + } + else if (b == 13) { + return b == 0; + return c == 0; + } + else if (c == 13) { + return c == 0; + } + else { + return a + b + c; + } +} +" +2c26c32ba281d796b4a244f9770bb37fd5e6ae7c,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return 0; + } + else if (b == 13) { + return a; + } + else if (c == 13) { + return a + b; + } + else { + return a + b + c; + } +} +" +8851e7af1dae94995e58517b3eef5636355078eb,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a+b); + return(a+b+c); + + +} +" +0b548da73d47ca7c91ce5cf5cf3b8d6dbcc10425,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else + { + return a + b; + } +} +" +3fdc29c5df2c092db70ebe5572247a7637ccc92d,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != 13 && b != 13 && c != 13) + { + return sum; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } +} + +" +5023a4f40dfd67385e997bf744acf48c48988092,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != 13 && b != 13 && c != 13) + { + return sum; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return sum; + } +} + +" +723a0bd8afce493f51a0b0bc6d2df61d1339bf32,"public int luckySum(int a, int b, int c) { + if (a == 13) return 0; + if (b == 13) return a; + if (c == 13) return a + b; + return a + b + c; +} + +" +76feb99f03b0a9b588a490effc96b6bb2cb6917c,"public int luckySum(int a, int b, int c) +{ + int total = 0; +for(int i = 0; i < goal; i++) { +if(total + 5 <= goal && big > 0) { +total +=5; +big--; +} else if(total + 1 <= goal && small > 0) { +total++; +small--; +} else if(total == goal) { +return true; +} +} + +if(total == goal) { +return true; +} else { +return false; +} +} +" +9a6efbd79d1c5e14506f12efff60309a1a04f0e7,"public int luckySum(int a, int b, int c) +{ + int total = 0; +for(int i = 0; i < goal; i++) { +if(total + 5 <= goal && big > 0) { +total +=5; +big--; +} else if(total + 1 <= goal && small > 0) { +total++; +small--; +} else if(total == goal) { +return true; +} +} + +if(total == goal) { +return true; +} else { +return false; + +} +" +a099d96aec88d01540c4d4f2961e1cda9ffe683c,"public int luckySum(int a, int b, int c) +{ + int total = 0; +for(int i = 0; i < goal; i++) { +if(total + 5 <= goal && big > 0) { +total +=5; +big--; +} else if(total + 1 <= goal && small > 0) { +total++; +small--; +} else if(total == goal) { +return true; +} +} + +if(total == goal) { +return true; +} else { +return false; + +} +} +" +46c31d973a8ff577a511961750f22393d7e78153,"public int luckySum(int a, int b, int c) +{ + + if (a == 13) + + { a = 0; b =0; c =0; } + + if (b == 13) + + { b=0; c=0; } + + if (c == 13) + + { c=0; } + + return a + b + c; + + +} +" +d84d7499cac02a0a9a2545c0a9ef44266132baa6,"public int luckySum(int a, int b, int c) +{ + if(a!=13) + { + a=0; + } + if(b!=13) + { + b==0; + } + if(c!=13) + { + c=0; + } + return a+b+c; +}" +e83f8a27c4629867efdeba1df6ad71bbdbbfb10d,"public int luckySum(int a, int b, int c) +{ + if(a!=13) + { + a=0; + } + if(b!=13) + { + b=0; + } + if(c!=13) + { + c=0; + } + return a+b+c; +}" +63345880e12938b823f2ba8c7df2a3d21020b0e1,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + a=0; + } + if(b==13) + { + b=0; + } + if(c==13) + { + c=0; + } + return a+b+c; +}" +12fc2e30cee1d2a572eadd8ef00ea3d119eb3c11,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return 0; + } + if(b==13) + { + return a;; + } + if(c==13) + { + return a+b;; + } + return a+b+c; +}" +5dd4fb153f54565938ca13a2f1fc250f092f9849,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return 0; + } + if(b==13) + { + return a; + } + if(c==13) + { + return a+b; + } + return a+b+c; +}" +540077c5213c82c06132addf5dbfa1fe42c1447d,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + +} +" +c184a616ce65dba9a3fff9f2504264fc22076da9,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + + if(b == 13) + return a; + + if(c == 13) + return a + b; + + return a + b + c; +} +" +d85ce2fb79e404f3c8423baba0285031f1c44686,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { a = 0; b =0; c =0; } + if (b == 13) + { b=0; c=0; } + if (c == 13) + { c=0; } + return a + b + c; +} +" +3c00ad82d7036e22316d027f59f6a9cd77678678,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return c; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +c6634f5b4f22ded934d623c55ec79329bcd9ca42,"public int luckySum(int a, int b, int c) +{ + if(a==13) + { + return 0; + } + else if (b==13) + { + return a; + } + else if (c==13) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +2e35a7daf6bd2b00c60aba4af325b3b204da6fd5,"public int luckySum(int a, int b, int c) +{ + int luckyArray = 0; +for (int i = 0; i < nums.length; i++) +{ +if (nums[i] == 13) +i++; +else +luckyArray += nums[i]; +} + +return luckyArray; +} +" +abcb31542bc7accf43dfcf33270a8d3b49b9eac3,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +03cf226d478133034a116739e6119c72e0b648e7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + if (b == 13) + { + b = 0; + c = 0; + } + if (c == 13) + { + c = 0; + } + + return a + b + c; +} +" +9353d8658f54263202188d46d2abd11ff4b209ad,"public int luckySum(int a, int b, int c) +{ + if(a != 13) + { + if(b != 13) + { + if(c != 13) + { + return a + b + c; + } + else + { + return a + b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +86f3991e93a17efb2f7b6e3ce695f87de6669804,"public int luckySum(int a, int b, int c) +{ + if(a != 13) + { + if(b != 13) + { + if(c != 13) + { + return a + b + c; + } + else + { + return a + b; + } + else + { + return a; + } + } + else + { + return 0; + } + } +} +" +8de15edef355ffbe7665988f683a6a8df0270959,"public int luckySum(int a, int b, int c) +{ + if(a != 13) + { + if(b != 13) + { + if(c != 13) + { + return a + b + c; + } + else + { + return a + b; + } + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +7505db31ab52d5100de2d0fa6bc5d7dff779d200,"public int luckySum(int a, int b, int c) +{ + if( a == 13) + return 0; + else if (b == 13) + return a; + else if (c == 13) + return a+b; + else + return a + b +c; +} +" +dde7c44c1b35584a970698bfe25b86cd12561351,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b + c; + } + else + { + return a + b + c; + } +} +" +cc3b48ceced7394991b112ccc82efae1ee44fe7e,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b + a; + } + else + { + return a + b + c; + } +} +" +5bd017960468a878864669ba33ae6d27b655a090,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + a=0; + b=0; + c=0; + } + if (b==13) + { + b=0; + c=0; + } + if (c==13) + c=0; + return a+b+c; +} +" +fd1cb9a047928e2669914f7255cf277851628008,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) { + return a + b + c; + } + else if (a = 13) { + return 0; + } + else if (b = 13) { + return a; + } + else if (c = 13) { + return a + b; + } +} +" +a7cddd9f555762d30c887249d4df0ab7a53e1798,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) { + return a + b + c; + } + else if (a ==13) { + return 0; + } + else if (b ==13) { + return a; + } + else if (c ==13) { + return a + b; + } +} +" +b68053eb16828a34af79cc62db8683b38dced655,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) { + return a + b + c; + } + else if (a == 13) { + return 0; + } + else if (b == 13) { + return a; + } + else if (c == 13) { + return a + b; + } +} +" +9279064f42928bebcff871191ec7f89c65b9dfba,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) { + return a + b + c; + } + else if (a == 13) { + return 0; + } + else if (b == 13) { + return a; + } + else if (c == 13) { + return a + b; + } +return a;} +" +0387e02f8e88ec135e4613fe6464a299414eec97,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +67a5a70382d2dbddcf41606d95c5a953fe11f869,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +6607b4c177cc1b3bb99977bd7b3cc949e39ea8ec,"public int luckySum(int a, int b, int c) +{ + if (a== 13) + return 0; + if (b==13) + return a; + if(c== 13) + return a+b; + return a+b+c; +} +" +05c9f3c12802520f3722a96fe96aa81d00d1f784,"public int luckySum(int a, int b, int c) +{ +if (a==13) + return 0; + else if (b==13) + return a; + else if (c==13) + return a+b; + else + return a+b+c; + + +} +" +7cdb931fc0e6a00166f6792082c29f6a79e6405d,"public int luckySum(int a, int b, int c) +{ + sum = 0; + list = [a,b,c,13]; + for n in list[:list.index(13)]: + sum += n; + return sum; + +} +" +e74fe1800b01f9245c998e76b9c16b0a9ae050c3,"public int luckySum(int a, int b, int c) +{ + sum = 0; + list = [a,b,c,13]; + for n in list[:list.index(13)]: + sum += n; + return sum; + +} +" +37369e696bd950bbf4ae09f4da29de7eb8a3a404,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a+b); + } + return (a+b+c); +} +" +d2ac9b0c9e13f4bd8ed51c732d31fdbb710ae340,"public int luckySum(int a, int b, int c) +{ + if (a==13) + a = 0; + b=0; + c=0; + if (b==13) + b=0; + c=0; + if (c==13) + c=0; + return a+b+c + +} +" +4d6eeca1c0c33e99f0aeb8f703f5b90733f1f655,"public int luckySum(int a, int b, int c) +{ + if (a==13) + a = 0; + b=0; + c=0; + if (b==13) + b=0; + c=0; + if (c==13) + c=0; + return a+b+c; + +} +" +502935fa6ccb011dcbd40ab5d4ef12b1da497cba,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + a = 0; + b=0; + c=0; + return a+b+c; + } + if (b==13) + { + b=0; + c=0; + return a+b+c; + } + if (c==13) + { + c=0; + return a+b+c; + } + else + return a+b+c; + +} +" +55910f2ead414eb087602119ad8ec1dfbb8d4e4a,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +d74c3361530e108c24a235b58496bf502a7b1853,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +1d6c0a38c5a6f5a830c9dfcec3605c6a87419d1b,"public int luckySum(int a, int b, int c) +{ + sum = 0 + list = [a,b,c,13] + for n in list[:list.index(13)]: + sum += n + return sum +} +" +160562bacf71ff2f87ed90111c315ddf01a900ce,"public int luckySum(int a, int b, int c) +{ + sum = 0 + list = [a,b,c,13] + for n in list[:list.index(13)]: + sum += n + return sum +} +" +befd896b977555f38f32fda4d11055db4e392ccd,"public int luckySum(int a, int b, int c) +{ + sum = 0 + list = [a,b,c,13] + for n in list[:list.index(13)]: + sum += n + return sum +} +" +424733ced4cd3bc458fa720f9f565ff143e98435,"public int luckySum(int a, int b, int c) +{ + sum = 0 + list = [a,b,c,13] + for n in list[:list.index(13)]: + { + sum += n + } + return sum +} +" +467709de427c34eab918f0c92d5be649444263f0,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + { + return 0; + } + if(b == 13) + { + return a; + } + if(c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +b9f9f6b2f947663d1bc1bf5f7c4c30af5d40a0dc,"public int luckySum(int a, int b, int c) +{ + sum = 0 + list = [a,b,c,13] + for n in list[:list.index(13)]: + sum += n + return sum +} +" +cdb7813f50a551fa8da15e0828e2b5266f22ab79,"public int luckySum(int a, int b, int c) +{ + int s = a + b + c; + if(s<13){ + System.out.println(s); + }else if(a==13 && b<=13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b==13 && c<=13){ + System.out.println(""Lucky sum:""+0); + }else if(a<=13 && b<=13 && c==13){ + System.out.println(""Lucky sum:""+0); + } + else{ + // do nothing + } + + return s; + + }" +a35e942db7d78c4aab517b58db693ec718afa584,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +}" +981d66c2e76a63ebc23a895bc17d7434f678f80e,"public int luckySum(int a, int b, int c) +{ + int [] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for ( int i = 0; i < arr.length(); i++) + { + if (arr[i] != 13) + { + count += arr[i]; + } + else + { + i = arr.length(); + } + + } +} +" +180bab22bdf889ac0b6cc66e6f7ab0679b664627,"public int luckySum(int a, int b, int c) +{ + int [] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for ( int i = 0; i < arr.length(); i++) + { + if (arr[i] != 13) + { + count += arr[i]; + } + else + { + i = arr.length(); + } + + } + return count; +} +" +9ed7dd44ea1054e585566c639753b023b5093c75,"public int luckySum(int a, int b, int c) +{ + int [] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for ( int i = 0; i < 3; i++) + { + if (arr[i] != 13) + { + count += arr[i]; + } + else + { + i = 3; + } + + } + return count; +} +" +6a85b344aade633fe62c62bf566ab2208108e27a,"public int luckySum(int a, int b, int c) +{ + int s1=a+b+c; + int s2=a+b; + int s3=a; + int s=0; + if (c==13) + { + s=s2; + } + else if (b==13) + { + s=s3; + } + else + { + s=s1; + } + return s; +} +" +2180b32d62b3a886c2f946eb35487e28e3c091af,"public int luckySum(int a, int b, int c) +{ + int s1=a+b+c; + int s2=a+b; + int s3=a; + int s=0; + if ((b==13 && c==13) || b==13) + { + s=s3; + } + else if (c==13) + { + s=s2; + } + else + { + s=s1; + } + return s; +} +" +ef01d8e78dde95531ce67a25fd24f3677c874157,"public int luckySum(int a, int b, int c) +{ + int s1=a+b+c; + int s2=a+b; + int s3=a; + int s=0; + if (a==13) + { + s=0; + } + else if ((b==13 && c==13) || b==13) + { + s=s3; + } + else if (c==13) + { + s=s2; + } + else + { + s=s1; + } + return s; +} +" +5b7be9a2d3183bf00f4e02ec9e70ee259abf2045,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (c == 13) + sum = a+b; + else if (b == 13) + sum = a; + else if (a == 13) + sum = 0; + + return sum; +} +" +7ebc8d449284835c4bb6e584e13c26628544ec73,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (c == 13) + sum = a+b; + else if (b == 13) + sum = a; + else if (a == 13) + sum = 0; + else + sum = a+b+c; + + return sum; +} +" +b09248853a962eef4772005be58b7c3bbb7b770d,"public int luckySum(int a, int b, int c) +{ + int sum = 0; + if (a == 13) + sum = 0; + else if (b == 13) + sum = a; + else if (c == 13) + sum = a+b; + else + sum = a+b+c; + + return sum; +} +" +bb4893d2a0830de174d40c1639b17a4f49b8cbbe,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +bd6707938029f9203118f76f4a4245254174ce22,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if(a /= 13 && b /= 13 && c /= 13) + return sum; + else if( a /= 13 && b /= 13) + return sum-13; + else + return sum-26; + + +} +" +bad4b8e4571c168a017aef72c371fb2cb4242ed2,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + else if(b == 13); + return a; + else if(c == 13) + return (a+b); + return (a+b+c); + +} +" +df92d0ab4c166dea43ee18088119b84da562d10a,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + else if(b == 13) + return a; + else if(c == 13) + return (a+b); + return (a+b+c); + +} +" +9805c9467ba1124cb00661b3a634ce4bd9d41f20,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +dd931de7d3a0f27e6a10f33ac1e6361859cb37ae,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return 0; + } else if (b == 13) { + return a; + } else if (c == 13) { + return a + b; + } else { + return a + b + c; + } + +} +" +652fd6e098e0c9fb6758fc5be32aa64afbd51ac6,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + a=0; + b=0; + c=0; + } + if(b==13) + { + b=0; + c=0; + } + if(c==13) + { + c=0; + } + return a + b + c; + +} +" +dbb735b4951cb16ac2dc371cf1870eda1b91b7f4,"public int luckySum(int a, int b, int c) +{ + if (a == 13) return 0; + if (b == 13) return a; + if (c == 13) return a + b; + return a + b + c; +} +" +3eb33668e8f6656fd763622f345241568000cb37,"public int luckySum(int a, int b, int c) +{ + if (a = 13) + { + return 0; + } + else if ( b = 13) + { + return a; + } + else if (c = 13) + { + return (a + b); + } + else + { + int sum = (a + b + c); + return sum; + } + + + +} +" +033026ff54dbe68b678bce5fea6c1c256f8a1e99,"public int luckySum(int a, int b, int c) +{ + if ( int a = 13) + { + return 0; + } + else if ( b = 13) + { + return a; + } + else if (c = 13) + { + return (a + b); + } + else + { + int sum = (a + b + c); + return sum; + } + + + +} +" +9bf3e406435ced0aa4f7cb48f2ee7e3bd2f762ab,"public int luckySum(int a, int b, int c) +{ + if ( a = 13) + { + int sum = 0; + } + else if ( b = 13) + { + return a; + } + else if (c = 13) + { + return (a + b); + } + else + { + int sum = (a + b + c); + return sum; + } + + + +} +" +2fe08d9a02e42ccd26e74e2349556f5e2cf70863,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + int sum = 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + int sum == (a + b + c); + return sum; + } + + + +} +" +3c35b06e41c8955877b2bc89591bc8612866095d,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + int sum = 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + int sum = (a + b + c); + return sum; + } + + + +} +" +54583460b1394f91f0be8f902b9b7075b7cf3b4a,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +439efefb098eeba542e3edee431f51460622ca95,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + int sum = 0; + return sum; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return (a + b); + } + else + { + int sum = (a + b + c); + return sum; + } + + + +} +" +5495d1fa374fd1faac8d9728ddc003af012789dd,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + int sum = 0; + else if (b == 13) + int sum = a; + else if (c == 13) + int sum = a + b; +} +" +25a26f34d626d6cc453746261a50794f76e62913,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + sum = 0; + else if (b == 13) + sum = a; + else if (c == 13) + sum = a + b; +} +" +0631f97b0bd68d413cfa68a577e5993d1d0b03fe,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + sum = 0; + return sum; + else if (b == 13) + sum = a; + return sum; + else if (c == 13) + sum = a + b; + return sum; +} +" +32806acf237817b7b47488b42fcf49dd8321c86d,"public int luckySum(int a, int b, int c) +{ + if(a = 13) + return 0; + if(b = 13) + return a; + if(c = 13) + return (a + b); + else + return (a + b + c); +} +" +15b3bc63ebf55eae38c3cc5fd2a06183a5a210b4,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +0adc9a282513d21facc47db557ad364145e5832d,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != 13 && b != 13 && c != 13) + { + return sum; + } + else if (a == 13) + { + return 0; + } + + else if (b == 13) + { + return a; + } + + else + { + return a + b; + } +} +" +ee4502f84ab64a89a3611ec63c2ddf8bb4dfd493,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return c; + } + else if ( b == 13) + { + return 0; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + +} +" +dead8d3fb04d04b4c24cb836645f0d868fb59ca7,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return c; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + +} +" +02147d9667e7c7351ffb86ca3824dc38f22906f0,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + { + return 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } + +} +" +59a2ac9bcc67b7421374154f03b249c804e28239,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + else if(b == 13) + return a; + else if(c == 13) + return a + b; + else + return a + b + c; + +} +" +54505a23e254a07de3041a205f9217c067de6cb2,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +75953b889956559f0d784357fa136340c33507e4,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b + a; + } + return a + b + c; +} +" +0c11c8d242c546fcbfc710ec427a03ed03ea3824,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + {return 0;} + else if (b == 13) + {return a;} + else if (c == 13) + {return a + b;} + else + {return a + b + c;} + +} +" +0489811703be785b3742ca694247f84ea8801846,"public int luckySum(int a, int b, int c) +{ + if (a == 13) { + return 0; + } + else if (b==13) { + return a; + } + else if (c==13) { + return a+b; + } + else { + return a+b+c; + } +} +" +124375bb5c980e0188440fce84ccc0c024181a50,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return (a + b); + } + return (a + b + c); +} +" +b9a467b226dd0f367206cf97c7e2326ba66f7cfa,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + + { a = 0; b =0; c =0; } + + if (b == 13) + +{ b=0; c=0; } + + if (c == 13) + + { c=0; } + + return a + b + c; + +} +" +bff6ccb782bad4f27b414b1b8ca7cd661fda2d19,"public int luckySum(int a, int b, int c) +{ + if (a=13) + { + return 0; + } + if(b=13) + return a; + if (c=13) + { + return (a+b); + } + return(a+b+c); + +} +" +4816d794e935d8692b112e19ad616042eb952627,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + return 0; + } + if(b==13) + return a; + if (c==13) + { + return (a+b); + } + return(a+b+c); + +} +" +d45ab2f975f9a13d5f32c891607fbcf637fbe1e7,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +821984741472597e34f893da2b46c170e4102f7d,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return a; + if(b == 13) + return a + b; + if(c == 13) + return a + b; + return a + b + c; +} +" +7e89f945a851bd8f808c159ede37b0c266101fb2,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +25cca096abdf52fa02c83d0f6e224322ea8c0c29,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return a + b; + return a + b + c; +} +" +c7a8ae70f6d28a51b3d61aa9ffd76b21f7b1b8be,"public int luckySum(int a, int b, int c) { + if (a == 13) + { a = 0; b =0; c =0; } + if (b == 13) + { b=0; c=0; } + if (c == 13) + { c=0; } + return a + b + c; +} +" +0c72b917372f362ef451629d262027b9bde6a404,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + return a; +} +" +dbe38d9ba6cd00e4df3c9f4d601c2a4baca301fa,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == 13) + sum = 0; + return sum; + if (b == 13) + sum = a; + return sum; + if (c == 13) + sum = a + b; + return sum; +} +" +4791aba74c22070c77e8993946904460afcc092f,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if (a = 13) + sum = 0; + return sum; + if (b = 13) + sum = a; + return sum; + if (c = 13) + sum = a + b; + return sum; +} +" +5fb3acbdde39f839b023090a8a4c53d20f40bd54,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +2f601a8ee855b4846215a5c1a2dd81cc62339aa8,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return 0; +} +" +764078ee0559e46ecc4de45708ebb8fe08525185,"public int luckySum(int a, int b, int c) +{ + if (a == 13) return 0; + if (b == 13) return a; + if (c== 13) return a + b; + + return a + b + c; +} +" +ada6d866ed976c7a195790e6f9f32b5d14b3ecd1,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a!=13 && b!=13 && c==13) + { + sum = a + b; + } + else if (a==13 && b!=13 && c!=13) + { + sum = c + b; + } + else if (a!=13 && b==13 && c!=13) + { + sum = a + c; + } + else if (a==13 && b==13 && c!=13) + { + sum = c; + } + else if (a==13 && b!=13 && c==13) + { + sum = b; + } + else if (a!=13 && b==13 && c==13) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +6d5eb135c4996b2d4a8f28ae86c64e9f7ee8ea7f,"public int luckySum(int a, int b, int c) +{ + if(a==13) return 0; +if(b==13) return a; +if (c==13) return a+b; +else return a+b+c; +} +" +0e36b5885c94ab066e74674d90d4ffda8e212c65,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a!=13 && b!=13 && c==13) + { + sum = a + b; + } + else if (a==13 && b!=13 && c!=13) + { + sum = c + b; + } + else if (a!=13 && b==13 && c!=13) + { + sum = a; + } + else if (a==13 && b==13 && c!=13) + { + sum = c; + } + else if (a==13 && b!=13 && c==13) + { + sum = b; + } + else if (a!=13 && b==13 && c==13) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +eeb4823e52d194a5cbce97bb4a89c52d30049ace,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a!=13 && b!=13 && c==13) + { + sum = a + b; + } + else if (a==13 && b!=13 && c!=13) + { + sum = c + b; + } + else if (a!=13 && b==13 && c!=13) + { + sum = a; + } + else if (a==13 && b==13 && c!=13) + { + sum = 0; + } + else if (a==13 && b!=13 && c==13) + { + sum = 0; + } + else if (a!=13 && b==13 && c==13) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +43766c444e386998387fcb643f47df3386ef635b,"public int luckySum(int a, int b, int c) +{ + if(a==13) + return 0; + if(b==13) + return a; + if (c==13) + return a+b; + else + return a+b+c; +} +" +f9848bdc3ca29550ea677c571d054a414b18e245,"public int luckySum(int a, int b, int c) +{ + int sum; + if (a!=13 && b!=13 && c==13) + { + sum = a + b; + } + else if (a==13 && b!=13 && c!=13) + { + sum = 0; + } + else if (a!=13 && b==13 && c!=13) + { + sum = a; + } + else if (a==13 && b==13 && c!=13) + { + sum = 0; + } + else if (a==13 && b!=13 && c==13) + { + sum = 0; + } + else if (a!=13 && b==13 && c==13) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +4501f5f10e5e800f73696604e9549f65120ff1ec,"public int luckySum(int a, int b, int c) +{ + if (a == 13 && b == 13) + { + return 0; + } + else if (a == 13) + { + a = 0; + b = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + + return a + b + c; +} +" +9287a2207d3b757e510b3d2e0b4e099332030a63,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + + return a + b + c; +} +" +88034e957f677e67cba400eac93b4ab9b41097bb,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a+b); + return (a+b+c); +} +" +5d13169063846d89191e47814c4e6ae5158f65bc,"public int luckySum(int a, int b, int c) +{ if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); + +} +" +5f1be7f39cb840247d7f99eee3bccd4cb3ddd715,"public int luckySum(int a, int b, int c) +{ + if(a==13) {return 0;} + else if (b == 13) { return a;} + else if (c == 13) { return a+b;} + else {return a+b+c;} +} +" +723a3e5da8c5b6da27ace80005bff243d7aab28c,"public int luckySum(int a, int b, int c) +{ + return a+b+c; +} +" +2d1524be55a5c15188afcb31d0b4b674b776be63,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if (b == 13) + return a; + if (c == 13) + return (a+b); + return (a+b+c); + +} +" +a0212d8ec509cdc237ab1f655c95dacddba96d09,"public int luckySum(int a, int b, int c) +{ + if ((c != 13) && (b != 13) && (a != 13)) + { + return (a + b + c); + } + else if ((c == 13) && (b != 13) && (a != 13)) + { + return (a + b); + } + else if ((b == 13) && (a != 13)) + { + return (a); + } + else + { + return 0; + } +} +" +9c3e90be9b0297b7826b2be849d31156c8c2877e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); + +} +" +7639dec0fb9fa24d88c0f51be9481efd538fdbff,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return (a+b); + } + else + { + return (a+b+c); + } +} +" +f2f1dbfe3d62789794a601abd9150de9c76ee812,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + return 0; + return b; + return c; +} +else if (b == 13) +{ + return 0; + return a; + return c; +} +else if (c == 13) +{ + return 0; + return a; + return b; +} +return (a + b + c); +} +" +b4a055049e5836bf35fb9ccd685605856afbf261,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + return b; + return c; +} +else if (b == 13) +{ + return 0; + return a; + return c; +} +else if (c == 13) +{ + return 0; + return a; + return b; +} +return (a + b + c); +} +" +e567be0a4b76024134417c7b1c057507392e99b1,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + +} +else if (b == 13) +{ + return 0; + +} +else if (c == 13) +{ + return 0; + +} +return (a + b + c); +} +" +960eed9ca856e2c69b846fa5a7e3ec6189e34cac,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +}" +0d750e297449713a4bc78111b402d62c7ab0e3c7,"public int luckySum(int a, int b, int c) +{ + sum = a+b+c; + if (a == 13) + return 0; + if (b==13) + return a; + if (c==0) + return a+b; + else return sum; +} +" +944188475ff6f118aeebf213f49e5148baeb4b48,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if (a == 13) + return 0; + if (b==13) + return a; + if (c==0) + return a+b; + else return sum; +} +" +ccccb3e863f711d45b6e59f4036835821899e31f,"public int luckySum(int a, int b, int c) +{ + int sum = a+b+c; + if (a == 13) + return 0; + if (b==13) + return a; + if (c==13) + return a+b; + else return sum; +} +" +cf3f3dbab876abe3b66b2bdf11d8b3e596d32f72,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + + return 0; + + if(b == 13) + + return a; + + if(c == 13) + + return (a + b); + + return (a + b + c); +} +" +112deb40aa971509b1b66a276cf96ca83450c565,"public int luckySum(int a, int b, int c) { + if (a == 13) return 0; + if (b == 13) return a; + if (c == 13) return a + b; + return a + b + c; +}" +9454c68a8ae423fc589ddc1cd01a5030b24de3a8,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == 13) + { + sum = 0; + } + else if ( b == 13) + { + sum = a + } + else if { c == 13} + { + sum = a + b; + } + return sum; +} +" +0f4ea2e709a2d6a60bce17cc5ac898dedc7acb4d,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == 13) + { + sum = 0; + } + else if ( b == 13) + { + sum = a; + } + else if { c == 13} + { + sum = a + b; + } + return sum; +} +" +2425268b46d94b807f73f7229cf6560fb82fa7c0,"public int luckySum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == 13) + { + sum = 0; + } + else if ( b == 13) + { + sum = a; + } + else if ( c == 13) + { + sum = a + b; + } + return sum; +} +" +63a3cf9eb9200e0218a8238825a8f5e11a5afb12,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +e6c7ce0a9b3c06e22bffc6be761b16a0bc3d4f88,"public int luckySum(int a, int b, int c) +{ + if ( a == 13 || b == 13 || c == 13) + { + if ( a == 13) + { + return 0; + } + else if( b == 13) + { + return a; + } + else + { + return a+b; + } + } + else + { + return a + b + c; + } +} +" +b8b5d07fa2fc77fe659a09a77dc3c6685cd6830b,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +b972351bffff288803460d7da4ee3767684a9424,"public int luckySum(int a, int b, int c) +{ + if (a == 13) return 0; + if (b == 13) return a; + if (c == 13) return a + b; + return a + b + c; +} +" +d89f604c1d497001021a83a86bd60e8266efe280,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +88a17df646d9ce7c47bfd4e7903e3dc826a84571,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13 && b != 13 && c != 13) + { + return c; + } + else if (b == 13 && a != 13 && c != 13) + { + return a; + } + else if (c == 13 && b != 13 && a != 13) + { + return a + b; + } + +} +" +836e8942231f945b4eb309f2b1cdc4516e868d72,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13 && b != 13 && c != 13) + { + return c; + } + else if (b == 13 && a != 13 && c != 13) + { + return a; + } + else + return b; +} +" +7241e52bfb7dba6d7a3859047117d51cb4c2297e,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +85e338f31d4d179d60ca264cac61b34a11a1fffa,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13 && c != 13) + { + return c; + } + else if (b == 13 && a != 13) + { + return a; + } + else if (a == 13 && c == 13) + { + return 0; + } + else if (a == 13 && b == 13) + { + return 0; + } + else + return a + b; +} +" +9dd872e2a6ad1da87b3a74cfa998aafbee2e8531,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +01c1ab7babd9d6508066304d3de7f5040c911220,"public int luckySum(int a, int b, int c) +{ + if (a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13) + { + return 0; + } + else if (b == 13 && a != 13) + { + return a; + } + else if (a == 13 && c == 13) + { + return 0; + } + else if (a == 13 && b == 13) + { + return 0; + } + else + return a + b; +} +" +abd224a31b5d246fc0b93028b2d8684ccde63414,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); + +} +" +9799a51dda3b4e11bd592db7841aba8f6cd7081b,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } +} +" +0a2b8954335058560063bc33819e59659f1bcd35,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + return answer; +} +" +90d3e2cddedabf10e4a7deffd107f50871434eef,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + return answer; +} +" +dad4ecc2bd155a8e311d6e9562f99fcf8fea2356,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + + return answer; +} +" +809d490e27ced5cb17e7a3ab10318d2e86e26644,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + + return answer; +} +" +6024ef5a4fafc3528d031c69ef4e54aa2134ad68,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + + return answer; +} +" +a576e4b9288892ce3fced904c5f4a25bee2a7ca0,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + + return answer; +} +" +dee37a4fbe41bcc39c04a42610c2a33acdd0beff,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + return answer; +} +" +15cd31655b2a791941034d018869738b47b73a2d,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else + { + answer = a + b + c; + } + return answer; +} +" +1f17a58c572f19e6820e23248f976a8c473b6918,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else if (a != 13 && b != 13 && c != 13) + { + answer = a + b + c; + } + return answer; +} +" +2445909f631301edf3e1d41b583a19cd7c51f395,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else if (a != 13 && b != 13 && c != 13) + { + answer = a + b + c; + } + return answer; +} +" +ddfdcba40eaee3d76d80908e483ed17179a2dc72,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (a != 13 && b != 13 && c != 13) + { + answer = a + b + c; + } + else if (c == 13); + { + answer = a + b; + } + + return answer; +} +" +23c04e993d08a59d6149e33a9129e5cc9c316f25,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (c == 13); + { + answer = a + b; + } + else if (a != 13 && b != 13 && c != 13) + { + answer = a + b + c; + } + + + return answer; +} +" +8a12952d4563e9e2e281415f208cdd1300183d9b,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (b == 13) + { + answer = a; + } + else if (a != 13 && b != 13 && c != 13) + { + answer = a + b + c; + } + else if (c == 13); + { + answer = a + b; + } + + + + return answer; +} +" +4e8ab618e1d21db8401699cf131830531f8fdec7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +7397e7af53f97ed8ae36d7964c7e63ed1236f46d,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (a != 13 && b == 13) + { + answer = a; + } + + + + return answer; +} +" +3e128ec7b914efd144aee6744ffc745cbb7b3490,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (a != 13 && b == 13) + { + answer = a; + } + else if (a !=13 && b != 13 && c == 13) + { + answer = a + b; + } + + + + return answer; +} +" +1aebb4d538a296d5df86a7c4525403dbb0de86de,"public int luckySum(int a, int b, int c) +{ + int answer = 0; + if (a == 13) + { + answer = 0; + } + else if (a != 13 && b == 13) + { + answer = a; + } + else if (a !=13 && b != 13 && c == 13) + { + answer = a + b; + } + else + { + answer = a + b + c; + } + + + + return answer; +} +" +f5c6893637a5b1dbee9588f8c49ce7cc2c393fe5,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + if (b == 13) + { + b = 0; + c = 0; + } + if (c == 13) + { + c = 0; + } + return a + b + c; +} +" +9d7b19f9e169ccc492780ebc5d3f35ea4eca0064,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return o; + if(b == 3) + return a; + if(c == 13) + return (a+b); + return (a+b+c); +} +" +3120ef45175018de77e89b6f9fc469931d004f8b,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +2d1fcb48c26f694f8f856b5693e38287280e808d,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 3) + return a; + if(c == 13) + return (a+b); + return (a+b+c); +} +" +12604918ee77bcff68fe2ed49e07820224d17d36,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a+b); + return (a+b+c); +} +" +0a9dcd12a12791fe49d782b736769ace72b0d2ed,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return 0; + } + else + { + if (b == 13) + { + return a; + } + else + { + if (c == 13) + { + int AB = (a + b); + return AB; + } + else + { + int ABC = (a + b + c); + return ABC; + } + } + } +} +" +6b9b069946f87bff48b772c52ad05f82c7502dd6,"public int luckySum(int a, int b, int c) +{ + + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +0886dd7fa35c0c31cfa541d25b283992c2642e82,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +1dbc86a8c416a7e837c4e8edae624c1265453e9d,"public int luckySum(int a, int b, int c) +{ + if(a == 13) + return 0; + if(b == 13) + return a; + if(c == 13) + return (a + b); + return (a + b + c); +} +" +e5129a7519ceb1e564715cc369c3d0bf4e8f27d7,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + + { a = 0; b =0; c =0; } + + if (b == 13) + + { b=0; c=0; } + + if (c == 13) + + { c=0; } + + return a + b + c; + +} +" +8cc7168bef778e67b5983eb65a419d7d44a84788,"public int luckySum(int a, int b, int c) +{ + int result; + if (a = 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b = 13) + { + b = 0; + c = 0; + } + else if (c = 13) + { + c = 0; + } + result = a + b + c; + return result; +} +" +459c09d8f66b3d2a406b60b46897a9a9ff689e70,"public int luckySum(int a, int b, int c) +{ + int result; + if (a == 13) + { + a = 0; + b = 0; + c = 0; + } + else if (b == 13) + { + b = 0; + c = 0; + } + else if (c == 13) + { + c = 0; + } + result = a + b + c; + return result; +} +" +f4c32c9dc2461a16fffa716b01b092ad7dfe57b5,"public int luckySum(int a, int b, int c) +{ + if ( a == 13) + return 0; + else if ( b == 13 ) + return a; + else if ( c == 13 ) + return a + b; + return a + b + c; + +} +" +ab97fc73d0c1cf5b308ecd7a0d69f58f58001816,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return c; + } + if (b == 13) + { + return a; + } + if (c == 13) + { + return b; + } +} +" +85186d01b27aef9c80c8886dd1799d8cc625e0aa,"public int luckySum(int a, int b, int c) +{ + else if (a == 13) + { + return c; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b; + } + else + { + return a + b + c; + } +} +" +f3dad0995ca958d5747ec7fca05e14693c1f3bb2,"public int luckySum(int a, int b, int c) +{ + if (a == 13) + { + return c; + } + else if (b == 13) + { + return a; + } + else if (c == 13) + { + return b; + } + else + { + return a + b + c; + } +} +" +f2a09e6c047b6e9df9befa70de96701d2a3d0890,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) + { + return a + b + c + } + else if (a == 13) + { + return 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } +} +" +499c4d13408a918fe77d0f718278a09b44fc7eea,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + a = 0; + b=0; + c=0; + } + else if (b=13) + { + b=0; + c=0; + } + else if (c=13) + { + c=0; + } + return a+b+c; + +} +" +8cc6f01157ceb6f5db86c040dd8d7f736833b226,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13) + { + return 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } +} +" +f85d5db52dabaee11b68af20d81b9ce70909f368,"public int luckySum(int a, int b, int c) +{ + if (a==13) + { + a = 0; + b=0; + c=0; + } + else if (b==13) + { + b=0; + c=0; + } + else if (c==13) + { + c=0; + } + return a+b+c; + +} +" +d8350c7fb119db249ea3be69aacdf8dc900055b1,"public int luckySum(int a, int b, int c) +{ + if ( a != 13 && b != 13 && c != 13) + { + return a + b + c; + } + else if (a == 13) + { + return 0; + } + else if ( b == 13) + { + return a; + } + else if (c == 13) + { + return a + b; + } + return 0; +} +" +f247a8e533a17cfa114edbf25146c509e363ecf2,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +" +2b03000ce0b63af2104367f8e56ec7d5d5619106,"public boolean canBalance(int[] nums) +{ + return true; +} +" +e2bbee4357111b079eb506d102118a92e40b2fc5,"public boolean canBalance(int[] nums) +{ + int frontSum = 0; + int backSum = 0; + for (int i = 0; i < nums.length; i++) + { + backSum += nums[i]; + } + for (int i = 0; i < nums.length; i++) + { + if (frontSum == backSum) + { + return true; + } + frontSum += nums[i]; + backSum = backSum - nums[i]; + } + return false; +} +" +1c030f2f97ac38a13cf1076e385b41dacb99019a,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + +} +" +c8265b2f8241a869a78951e0ce9c0992b86c1e28,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + return false; + +} +" +8be89b6f5eb1aed297ac67be222590e9926943fb,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + john: + for (; k > k - i; k--) + { + sum2 = num[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + if (k!=0) + continue john; + return false; + + +} +" +d4f34e37ee158891e8398df8018cdc0a18c97b91,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + john: + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (k!=0) + continue john; + return false; + + +} +" +580384a19906db0b652aa0ac4867db127e99210b,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + john: + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + if (i == size - k - 1) + { + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (k!=0) + continue john; + } + } + + return false; + + +} +" +a1286c6791999380362e61eb38a2abc6799e0f0c,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0 + while (j < size) + { + bob: + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +901231be14015dbfd2076385dcdc56bd0a4a89f0,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +d3a19f98934fd2f150a8ba0b470e505989c5a887,"public boolean canBalance(int[] nums) +{ + double sum = 0; + for (int n : nums) { + sum += n; + } + + double target = sum / 2; + double out = 0; + + for (int i : nums) { + out += i; + if (out == target) { + return true; + } + } + return false; +} +" +e05151e763b22c6322f72dd9558578b0970a10d6,"public boolean canBalance(int[] nums) +{ + double sum = 0; + for (int n : nums) { + sum += n; + } + + double target = sum / 2; + sum = 0; + + for (int i : nums) { + sum += i; + if (sum == target) { + return true; + } + } + return false; +} +" +14e9ba382303a85895ea280100e66da428adb854,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +b8bb90cb535f0e90039e41843d253e546abda640,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size + 1)/2) + return false; + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +4281e183b872ffa3f828698c8d556ade919d5169,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size/2) + { + if (k < (size + 1)/2) + return false; + for (; k > k - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +9b2a7960b78e5f0d9431127c1e9b4c5363316d0a,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size/2) + { + if (k < (size + 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +7467b4254e16091db88d20818a176d3cafdc33da,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +b49e1cf9f0c511db2661d640ecdce5aa6920a3bc,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (true) + { + if (k < (size - 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +a2cf951d1741cce5da086b6eddce0f2416b2d0b0,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +02a510c8193b7569bd5d3a4eeed3aa9d588361eb,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i < size - k - 1; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +3cbc4cc85085e1623b44a79a3e838e7820f1b1c6,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i <= size - k - 1; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +f9fd5a2e76a08cea1a212641290ac26e44e45c9b,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k >= size - i; k--) + { + sum2 = nums[k]; + } + for (; i <= size - k - 1; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +3f7ccaf1dc85ae2e7f5b305f9723cb6e6eed21f2,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k < (size - 1)/2) + return false; + for (; k > size - i; k--) + { + sum2 = nums[k]; + } + for (; i <= size - k - 1; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +2f856c30b2086a3ac3580e799ab3e0dc0c1b2a3d,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k -i == 0) + return false; + for (; k > i; k--) + { + sum2 = nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +55f3a7bb3ffd53bb56dffb1af7b7e62f787590f2,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 = nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +a6eaa7d5a24596e37e41c38296296ff2e0964219,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + } + + return false; + + +} +" +7ce6b44764bf20d9da94522d9113765559f9b8f6,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1; + temp2; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false + else + { + temp1 = sum1; + temp2 = sum2; + } + } + + return false; + + +} +" +eaf4bfa2ed71a07b713b5c89df7653e9005bd6a7,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1; + temp2; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + } + + return false; + + +} +" +adfd4578c3818989f00d6264bb7fba73415d217f,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1; + int temp2; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + } + + return false; + + +} +" +4e14dd03abfaec9cceb4369e55ec999e45dbf9c9,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + } + + return false; + + +} +" +8eefbfa7d918384760d3f2d816e26d0ea7d6a7c8,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k <= i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + } + + return false; + + +} +" +d12f0075a65a86a01f5323140a816a5a7f79b6cf,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k <= i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + + } + + return false; + + +} +" +057f063b1ad363a8da6849fd10424f9b6ce998be,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k < i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + + } + + return false; + + +} +" +3a57bd6baad5d3ae2add56f6c83230cfd2f599ee,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k <= i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + + } + + return false; + + +} +" +ab09128cb8911bfc34a9c94a842fc979decdf0dc,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k == i) + return false; + for (; k > i; k--) + { + sum2 += nums[k]; + } + for (; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i++; + k--; + sum1 = 0; + sum2 = 0; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + + } + + return false; + + +} +" +a9a1651d33b0f73987ea1b5f8869177521aaae00,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (1 < size) + { + if (k == i) + return false; + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i = 0 + j; + k = size - j; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + + } + + return false; + + +} +" +efeb728ad1deba2315447b2b0c1a43d701bec5c9,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (1 < size) + { + if (k == i) + return false; + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i = 0 + j; + k = size - j; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + j++ + } + + return false; + + +} +" +345c925700ba5810e100bb53d0210b06b7ff50dc,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (1 < size) + { + if (k == i) + return false; + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i = 0 + j; + k = size - j; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + j++; + } + + return false; + + +} +" +5d046b0525d00d54ad03f0738e4901202066a1b9,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + if (k == i) + return false; + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + i = 0 + j; + k = size - j; + if (j == 0) + { + temp1 = sum1; + temp2 = sum2; + } + else if (sum1 < temp1 && sum2 > temp2) + return false; + else + { + temp1 = sum1; + temp2 = sum2; + } + j++; + } + + return false; + + +} +" +c05d27b7863312ce7e3040146d4b114d9688e068,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (1 < size) + { + if (k == i) + return false; + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +b40b61b85807eca95c46573413c9272d5c251c89,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (1 < size) + { + if (k < i) + return false; + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +4dcce4f052cfa25173cf93c822a823ad6ccfcf0a,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (1 < size) + { + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +d3995363d1399d4d5dfd096b0fd9cfded13b1969,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + int temp1 = 0; + int temp2 = 0; + while (j < size) + { + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +3ef3dc04541cdbe2ba6c5ce8a1014bfe65a1b77b,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +9233aa913caee241ced8324ddc44bcbe9ef26f20,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +b53f1f1f18586509c1d4488385feb03b81bc98b2,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < size - k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +b0991c83f1bc197b0bdf683a10cc1cf414b0d91d,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +a7c09d8f005e597dc15b279c313bc519b0887e2c,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i <= k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +e6c4066cf839bb58cd417fe8214480d2083c6ca3,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size-1 - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +207a97084dc73e70769a93350cdca2b35fbf9b83,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +9fb631d86f61c997f7a52312f14161b6df9a27b7,"public boolean canBalance(int[] nums) +{ + int size = nums.length - 1 + int sum1 = 0; + int sum2 = 0; + int k = size; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +47dbb1cf7ba902792acc76829583fac303bc7eda,"public boolean canBalance(int[] nums) +{ + int size = nums.length - 1 + int sum1 = 0; + int sum2 = 0; + int k = size; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i <= k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +942be65afb5388334871debed3032f86e12f58eb,"public boolean canBalance(int[] nums) +{ + int size = nums.length - 1; + int sum1 = 0; + int sum2 = 0; + int k = size; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k > size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i <= k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +0b686a7b9a7b4fafd8ad89df055ae6d0702ff9bd,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k >=size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +a88ae762cdbe5ee1b9e2e51f005a42e91b83046a,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0; + int sum2 = 0; + int k = size - 1; + int i = 0; + int j = 0; + while (j < size) + { + for (sum2 = 0; k >=size - i; k--) + { + sum2 += nums[k]; + } + for (sum1 = 0; i < k ; i++) + { + sum1 += nums[i]; + } + if (sum1 == sum2) + return true; + + j++; + i = 0 + j; + k = size - j; + } + + return false; + + +} +" +53c70f9654461ecc71db82d8cd9eabfe83594f73,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +d021157866b145b642808049cea8e7883a540361,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + + for (int i = 0; i < size; i++) + { + sum2 += nums[i]; + } + for (sum1 = 0; i <= size - 2 ; i++) + { + sum1 += nums[i]; + sum2 -=nums[i]; + + if (sum1 == sum2) + return true; + } + + return false; + + +} +" +1035da056bd8c158805f449c5ec997224e75502e,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0, sum2 = 0; + for (int i = 0; i < size; i++) + { + sum2 += nums[i]; + } + for (int i = 0; i <= size - 2 ; i++) + { + sum1 += nums[i]; + sum2 -=nums[i]; + + if (sum1 == sum2) + return true; + } + + return false; + + +} +" +e2e7e9edb033cf34e012d22234342f95c1f7ead5,"public boolean canBalance(int[] nums) +{ + int size = nums.length; + int sum1 = 0, sum2 = 0; + for (int i = 0; i < size; i++) + { + sum2 += nums[i]; + } + for (int i = 0; i < size - 1 ; i++) + { + sum1 += nums[i]; + sum2 -=nums[i]; + + if (sum1 == sum2) + return true; + } + + return false; + + +} +" +2af3f181d9cb9a0992944d28e522b23c8cfd3abd,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + for (int i = 0; i < nums.length; i++) + { + second += nums[i]; + } + for (int i = 0; i < nums.length - 2; i++) + { + first += nums[i]; + second += nums[i]; + if (first == second) + return true; + } + return false; +} +" +bf681f347debe2b28bd9cbfeba87d82655cc66f8,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + for (int i = 0; i < nums.length; i++) + { + second += nums[i]; + } + for (int i = 0; i < nums.length - 2; i++) + { + first += nums[i]; + second -= nums[i]; + if (first == second) + return true; + } + return false; +} +" +1b2a482b4c2f7363add899927ba7887a9805f10d,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + for (int i = 0; i < nums.length; i++) + second += nums[i]; + + for (int i = 0; i < nums.length - 2; i++) + { + first += nums[i]; + second -= nums[i]; + + if (first == second) + return true; + } + return false; +} +" +d9d5ec60c497b14b23a3e56192f891f26c0b4183,"public boolean canBalance(int[] nums) +{ + return true; +} +" +d6adfa7998bc3b7327c91fa4e9e8293174160a16,"public boolean canBalance(int[] nums) +{ + sideOne = 0; + sideTwo; + for (int i = 0; i < nums.length - 1; i++) + { + sideOne += nums[i]; + } + + sideTwo = nums[nums.length - 1] + for (int i = nums.length - 2; i > 0; i--) + { + if sideOne == sideTwo + { + return true; + } + sideOne -= nums[i]; + sideTwo += nums[i]; + } + + return sideOne == sideTwo; +} +" +6bdf89fa0481e061d8fe18ac855971f0cbc3ea05,"public boolean canBalance(int[] nums) +{ + int sideOne = 0; + int sideTwo; + for (int i = 0; i < nums.length - 1; i++) + { + sideOne += nums[i]; + } + + sideTwo = nums[nums.length - 1] + for (int i = nums.length - 2; i > 0; i--) + { + if sideOne == sideTwo + { + return true; + } + sideOne -= nums[i]; + sideTwo += nums[i]; + } + + return sideOne == sideTwo; +} +" +38d1253f9ce8d3754699017ceb180dd88d30db1a,"public boolean canBalance(int[] nums) +{ + int sideOne = 0; + int sideTwo; + for (int i = 0; i < nums.length - 1; i++) + { + sideOne += nums[i]; + } + + sideTwo = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (sideOne == sideTwo) + { + return true; + } + sideOne -= nums[i]; + sideTwo += nums[i]; + } + + return sideOne == sideTwo; +} +" +b4edaa8056ee2b2374ff03830248519d65766801,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + int bigSum = 0; + for (int j = nums.length - 1; j > i; j--) + { + bigSum += nums[j]; + } + if (bigSum == sum) + return true; + } + return false; +} +" +67c3f66bdb5d60b4a7c15d3ca1967710c44bae75,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +21491a2bc22776398e5da5d8eaec3db42c9c5eab,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6d242b42168942a72d77efb907e65f8cd2352ae3,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +96c52da89237068f3f7409274a77bf90f7fd9911,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +}" +ea705d008c8256c09751f98cd089c5ae5dc51c5b,"public boolean canBalance(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + int sum1 = 0; + int sum2 = 0; + for (int j = i; j < nums.length; j++) + { + sum1 += nums[j]; + } + for (int k = 0; k < i; k++) + { + sum2 += nums[k]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +04b7080a080aed82aeba4a2e56b6d2e4226bd1d0,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +" +424c89304b13ec05a7eadd5a389fe0072d5b348e,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +bc98a15baae1f55049af2d5c7dc44b127e2a1899,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int sum2=0; + for (int i=0;i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +05dd6bd8de1f58bbe1f1e5457ad34d984ade8382,"public boolean canBalance(int[] nums) +{ + int r; + int l = 0; + for (int i = 0; i < nums.length; i++) + { + l += nums[i]; + r = nums[nums.length - 1]; + } + for (int i = nums.length -2; i > 0; i--) + { + if (r == l) + return true; + l -= nums[i]; + r += nums[i]; + } + return (r == l); +} +" +bdcf3e3ed69345d7e93cade97ceb9f9b02a34825,"public boolean canBalance(int[] nums) +{ + int r = 0; + int l = 0; + for (int i = 0; i < nums.length; i++) + { + l += nums[i]; + r = nums[nums.length - 1]; + } + for (int i = nums.length -2; i > 0; i--) + { + if (r == l) + return true; + l -= nums[i]; + r += nums[i]; + } + return (r == l); +} +" +0f2041ccc39553807ad260864cfb3c6740b0fb61,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + return false; +} +" +488c059e3b5021ff2805680f25c60ba8b505a780,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +db82da7cea23fa0b3ab8043b0939611776f0c5e8,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + right = nums[nums.length - 1]; + } + for (int i = nums.length - 2; i > 0; i++) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +1e3073b4e6d8ae572bcc83d63c811269e8bd1a71,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i++) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +f59cb9ab05ebf4f0331da6701271a763353f7726,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + for (int i = 0; i < nums.length; i++) + { + second += nums[i]; + } + for (int i = 0; i <= nums.length - 2; i++) + { + first += nums[i]; + second -= nums[i]; + if (first == second) + { + return true; + } + } + return false; +} +" +eaf443935296e1cce81e9326b642166e884f3609,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +210e59f961163df3073fa633e141b734dadace9c,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + for(int i = 0; i < nums.length - 1; i++) + leftSide = leftSide nums[i]; + rightSide = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide == rightSide) + return true; + leftSide = leftSide - nums[i]; + rightSide = rightSide + nums[i]; + } + return (leftSide == rightSide); +} +" +ed8e9a53f91969b552f6ad60c8fc9fb32f138bf9,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + for(int i = 0; i < nums.length - 1; i++) + { + leftSide = leftSide nums[i]; + } + rightSide = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide == rightSide) + return true; + leftSide = leftSide - nums[i]; + rightSide = rightSide + nums[i]; + } + return (leftSide == rightSide); +} +" +97f1bed451b8787308597284dfddfbc429e318b5,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + for(int i = 0; i < nums.length - 1; i++) + { + leftSide = leftSide + nums[i]; + } + rightSide = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide == rightSide) + return true; + leftSide = leftSide - nums[i]; + rightSide = rightSide + nums[i]; + } + return (leftSide == rightSide); +} +" +4a713ba8395ed44cb1d7026f053b943c59767c6e,"public boolean canBalance(int[] nums) +{ + return true; +} +" +73b5e1d5009dfd33667a1138f00a4a0e549687dd,"private boolean canBalance(int[] nums) { + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +}" +c70420d17cd2c23c720e6efa18ecc0bdb1f0c238,"public boolean canBalance(int[] nums) { + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +}" +c0712ebd4d5fa00af45b0f0433d7c42b78956832,"public boolean canBalance(int[] nums) +{ + for (int i = 1; i < nums.length - 1; i++) + { + int sum1 = 0; + int sum2 = 0; + + for (int x = 0; x < i; x++) + { + sum1 = sum1 + nums[x]; + } + + for (int y = i; y < nums.length; y++) + { + sum2 = sum2 + nums[y]; + } + + if (sum1 == sum2) + { + return true; + } + } + + return false; +} +" +45028e05ef6e3e185c974522d98e29471921324f,"public boolean canBalance(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + int sum1 = 0; + int sum2 = 0; + + for (int x = 0; x < i; x++) + { + sum1 = sum1 + nums[x]; + } + + for (int y = i; y < nums.length; y++) + { + sum2 = sum2 + nums[y]; + } + + if (sum1 == sum2) + { + return true; + } + } + + return false; +} +" +7ecb7b55f91c894f072d5cd72db1982d5fbe8b94,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i =0; i < nums.length-1; i++) + { + int sumLeft = 0; + int sumRight = 0; + for(int x = 0; x < i; x++) + { + sumLeft += nums[x]; + } + for(int y = nums.length -1; y > i y--) + { + sumRight += nums[y]; + } + + if(sumLeft == sumRight) + { + count++; + } + } + if(count > 0) + { + return true; + } + else + { + return false; + } +} +" +7894638706ba58544f7263e833348745c50841a0,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i =0; i < nums.length-1; i++) + { + int sumLeft = 0; + int sumRight = 0; + for(int x = 0; x < i; x++) + { + sumLeft += nums[x]; + } + for(int y = nums.length -1; y > i; y--) + { + sumRight += nums[y]; + } + + if(sumLeft == sumRight) + { + count++; + } + } + if(count > 0) + { + return true; + } + else + { + return false; + } +} +" +3a90d243c4b2b74e027d67a11c899e72793a4bc8,"public boolean canBalance(int[] nums) +{ + int sumLeft = 0; + int sumRight = 0; + for (int i = 0; i < nums.length; i++){ + for (int n = 0; n < i; n++){ + sumLeft += nums[n]; + } + for (int m = i; m < nums.length; m++){ + sumRight+= nums[m]; + } + if (sumLeft == sumRight) + return true; + } + return false; + +} +" +06de7a551cd7cef45500c64664bb96e95cdc5aa7,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++){ + int sumLeft = 0; + int sumRight = 0; + for (int n = 0; n < i; n++){ + sumLeft += nums[n]; + } + for (int m = i; m < nums.length; m++){ + sumRight+= nums[m]; + } + if (sumLeft == sumRight) + return true; + } + return false; + +} +" +041e354d54785aa266914c47bda24aa84087fdbc,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int equal = 0; + for (int j = 0; j < i; j++) + { + equal = equal + nums[j]; + } + for (int k = i; k < nums.length; k++) + { + equal = equal - nums[k]; + } + if (equal == 0) + { + return true; + } + } +}" +597182fe6b187b669307c17f3f7685e24fe6f80b,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int equal = 0; + for (int j = 0; j < i; j++) + { + equal = equal + nums[j]; + } + for (int k = i; k < nums.length; k++) + { + equal = equal - nums[k]; + } + return (equal == 0); + } +}" +d04030b7185a3db1ac3f7deacfffbcad833f067c,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int equal = 0; + for (int j = 0; j < i; j++) + { + equal = equal + nums[j]; + } + for (int k = i; k < nums.length; k++) + { + equal = equal - nums[k]; + } + return (equal == 0); + } + return false; +}" +3e029ea914139faab79b715706d87adb9cacd60f,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int equal = 0; + for (int j = 0; j < i; j++) + { + equal = equal + nums[j]; + } + for (int k = i; k < nums.length; k++) + { + equal = equal - nums[k]; + } + if (equal == 0) + { + return true; + } + } + return false; +}" +8d7fc06a10ab7bfe75b96f82b30ca1a3040530f5,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i =0; i <= nums.length-1; i++) + { + int sumLeft = 0; + int sumRight = 0; + for(int x = 0; x < i; x++) + { + sumLeft += nums[x]; + } + for(int y = nums.length -1; y > i; y--) + { + sumRight += nums[y]; + } + + if(sumLeft == sumRight) + { + count++; + } + } + if(count > 0) + { + return true; + } + else + { + return false; + } +} +" +b4bdf686f277485a2e09fcaaa47d0d10febc4d17,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i =0; i < nums.length-1; i++) + { + int sumLeft = 0; + int sumRight = 0; + for(int x = 0; x < i; x++) + { + sumLeft += nums[x]; + } + for(int y = nums.length -1; y > i; y--) + { + sumRight += nums[y]; + } + + if(sumLeft == sumRight) + { + count++; + } + } + if(count > 0) + { + return true; + } + else + { + return false; + } +} +" +a1b58bd93dc42600f38ef6b21c1b3d2abe80c6ee,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +51375f62d264a81b2c42ad4a2d6fb9c9a8455b9b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left = left - nums[i]; + } + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left = left - nums[i]; + right = right - nums[i]; + } + return (left == right); +} +" +c812476e2b1ec3992601965da7d420d773b8f751,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + + right = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +08f653546eedfc95dc643e63aa5eed44d4173add,"public boolean canBalance(int[] nums) +{ + boolean answer = false; + int left = 0; + int right = 0; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + for (int j = 0; j < nums.length - 2; j++) + { + right += nums[i]; + left -= nums[i]; + if (left == right) + { + answer = true; + } + } + return answer; +} +" +b43e7218b9ec9f92915230130a01315da97d317d,"public boolean canBalance(int[] nums) +{ + boolean answer = false; + int left = 0; + int right = 0; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + for (int j = 0; j < nums.length - 2; j++) + { + right += nums[j]; + left -= nums[j]; + if (left == right) + { + answer = true; + } + } + return answer; +} +" +c7ef2beb571ff0aaf057b6317fb357276781d457,"public boolean canBalance(int[] nums) +{ + boolean answer = false; + int left = 0; + int right = 0; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + for (int j = 0; j <= nums.length - 2; j++) + { + right += nums[j]; + left -= nums[j]; + if (left == right) + { + answer = true; + } + } + return answer; +} +" +a4c1b9109cdf206ee94f06ce469e3397474f4cb9,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int x = 0; x < nums.length - 1; x++) + left += nums[i]; + right = nums[nums.length-1]; + for(int x = nums.length - 2; x > 0; x--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +be9c61ba74ccf3ab898a706cc57aa76ea62b6365,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int x = 0; x < nums.length - 1; x++) + left += nums[x]; + right = nums[nums.length-1]; + for(int x = nums.length - 2; x > 0; x--) + { + if(left == right) + { + return true; + } + left -= nums[x]; + right += nums[x]; + } + return (left == right); +} +" +2ff9a7762676a1ebd13374ac7be70792c4d0e166,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +962de9f4f02311b83db6704df2f65a50f0fdea2b,"public boolean canBalance(int[] nums) +{ + int sum1; + int sum2; + for (int i = 0; i < nums.length; i++) + { + sum1 = 0; + sum2 = 0; + for (int j = 0; j < i; j++) + { + sum1 += nums[j]; + } + + for (int k = i; k < nums.length; k++) + { + sum2 += nums[k] + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +af697311514adf87d71fa934bf154a1e7ab408d8,"public boolean canBalance(int[] nums) +{ + int sum1; + int sum2; + for (int i = 0; i < nums.length; i++) + { + sum1 = 0; + sum2 = 0; + for (int j = 0; j < i; j++) + { + sum1 += nums[j]; + } + + for (int k = i; k < nums.length; k++) + { + sum2 += nums[k]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +94821242936204d914a34f2ed5fef49589492672,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; y < i; f++) + { + t1 = t1 + nums[f]; + } + if ( ti = t2) + { + in = true; + } + } + return in; + + + +} +" +cb5382a6172cc09109195fdf7a1b7c7d8f85b65f,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( ti = t2) + { + in = true; + } + } + return in; + + + +} +" +653ab293c786999305e2f402121ee5822e2167ed,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;i0;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +6143903e67cac2d39db443e13e5582f637973799,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +18757167b0b4fe464a178cbdf0af6191150cd6fd,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii+1;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +6118591daae75faf640b7ff0fe06d25d0b1280da,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +8d64b599958cb1f7b99180faa07364c971d70ed3,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +a46ecf6644224d6241b6cddb7964eb1c04fe4047,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +fc6ab0c9c821ff190e1b62ee8ec0440525df0674,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + if (sumRight==sumLeft) + { + return true; + } + + } + } + return false; +} +" +82bea886fedf7b32397cf186df4c80ea039fe584,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + } + } + return false; +} +" +4a0c8863b8849ae98fd9eca1b216a62ba06b811f,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1= t2) + { + in = true; + } + } + return in; + + + +} +" +1d8ec3192d494704c525235b1aef3fafb942fce0,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1==t2) + { + in = true; + } + } + return in; + + + +} +" +31cdbe5319e42feabbc5052025b19e6daf1126de,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1==t2) + { + return true; + } + } + return in; + + + +} +" +b3a730ac7f6805c44eeb3aa25a61e514ea0b03b3,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + return (t1 == t2); + } + return true + + + +} +" +2232d0575694ee279429c499e2b3cd9480a72d29,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + return (t1 == t2); + } + return true; + + + +} +" +e8efd9f5500dea77e097443d8d9e8cb2d1c2a36c,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f<=i; f++) + { + t1 = t1 + nums[f]; + } + if (t1 == t2) + { + return true; + } + } + return true; + + + +} +" +8c8135695c63ec24b9cc3c199fa2c8395dc76228,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f <= i; i++) + { + t1 = t1 + nums[f]; + } + if (t1 == t2) + { + return true; + } + } + return true; + + + +} +" +666c491c43de3d903e7bb66f1027e67f07458ada,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f <= i; i++) + { + t1 = t1 + nums[f]; + } + if (1 == t2) + { + return true; + } + } + return true; + + + +} +" +8b24f805051385cd6be44be3391f23bcac6d6dbd,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f <= i; i++) + { + t1 = t1 + nums[f]; + } + if (t1== t2) + { + return true; + } + } + return true; + + + +} +" +5360ade098cde7b45d43510e97ddd81dd0bdaa65,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f < i; i++) + { + t1 = t1 + nums[f]; + } + if (t1== t2) + { + return true; + } + } + return true; + + + +} +" +3d7615bd53861f4bff527f6002afb3a1db0bb684,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f < i; i++) + { + t1 = t1 + nums[f]; + } + if (t1== t2) + { + return true; + } + } + return in + + + +} +" +68760d0c800f21260641d52f94451139a910a15f,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f < i; i++) + { + t1 = t1 + nums[f]; + } + if (t1== t2) + { + return true; + } + } + return in; + + + +} +" +e2cee744f3eaccb4643dd35497a689cfe7dc02d1,"public boolean canBalance(int[] nums) +{ + Boolean in = false; + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length; i++) + { + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1==t2) + { + return true; + } + } + return in; + + + +} +" +e478254f60cbdfe7fbc533b86c0b89b30343a956,"public boolean canBalance(int[] nums) +{ + int t1= 0; + int t2 = 0; + + for( int i = 1; i < nums.length - 1;i++) + { + + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1==t2) + { + return true; + } + } + return false; + + + +} +" +8815699b12bbda723418a81d390c859a84cd7181,"public boolean canBalance(int[] nums) +{ + int t1= 0; + int t2 = 0; + + for( int i = 0; i < nums.length; i++) + { + + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1==t2) + { + return true; + } + } + return false; + + + +} +" +59d15d2f2bd020ce8fbb8f52c36bad182d2da5d5,"public boolean canBalance(int[] nums) +{ + int t1= 0; + int t2 = 0; + + for( int i = 1 i < nums.length; i++) + { + + for ( int y = i ; y < nums.length; y++) + { + t2 = t2 + nums[y]; + } + for ( int f = 0 ; f< i; f++) + { + t1 = t1 + nums[f]; + } + if ( t1==t2) + { + return true; + } + } + return false; + + + +} +" +d993e25ac0bc4eaf92b8def177faca27546f6857,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + } + } + return false; +} +" +0c57f7f945067fc1dcb01ebb2afb6a4debd953f1,"public boolean canBalance(int[] nums) +{ + int t1= 0; + int t2 = 0; + + for( int i = 0; i < nums.length-1; i++) + { + t1 = t1 + nums[i]; + } + t2 = nums[nums.length-1]; + for (int j = nums.length -1; j >= 0; j--) + { + if(t1 == t2) + return true; + t2 = t2 + nums[j]; + t1 = t1 - nums[j]; + } + if(t1 == t2) + return true; + return false; + + +} +" +64f3d87205507a6f3b95c65b3e6d7fb130573e5f,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + break; + } + } + return false; +} +" +055795c90f7f19973a6c48f184e312cc36df1e3a,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + } + } + return false; +} +" +160d8e884d474c863f5738b6bfca02611350ccc0,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + } + } + return false; +} +" +719a0352d890938bf413d30b238765c316cba1ad,"public boolean canBalance(int[] nums) +{ + int t1= 0; + int t2 = 0; + + for( int i = 0; i < nums.length-1; i++) + { + t1 = t1 + nums[i]; + } + t2 = nums[nums.length-1]; + for (int j = nums.length -1; j >= 0; j--) + { + if(t1 == t2) + return true; + t2 = t2 + nums[j]; + t1 = t1 - nums[j]; + } + if(t1 == t2) + return true; + return false; + + +} +" +31383172c5c97729faf8a52f0a9cb3e24413863b,"public boolean canBalance(int[] nums) +{ + int t1= 0; + int t2 = 0; + + for( int i = 0;i= 0; j--) + { + if(t1 == t2) + return true; + t2 = t2 + nums[j]; + t1 = t1 - nums[j]; + } + if(t1 == t2) + return true; + return false; + + +} +" +e9a776492edcb30604d78624c709964b31157fc2,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + } + } + return false; +} +" +e7c2f7b0428711f4392064cc7609cc351331c04c,"public boolean canBalance(int[] nums) +{ + int sumLeft=0; + int sumRight=0; + for(int i=0;ii;j--) + { + sumRight+=nums[j]; + + } + if (sumRight==sumLeft) + { + return true; + } + } + return false; +} +" +11d8ac69fe12b9626e89b686d47d47c005ffdd1b,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + + for(int i = 0; i < nums.length - 1; i++) + { + leftSide += nums[i]; + } + + rightSide = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide == right) + { + return true; + } + + leftSide += nums[i]; + rightSide += nums[i]; + } + + return (leftSide == rightSide); +}" +3024b8e4025e10bd8776af55b9e93c7bec98e277,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + + for(int i = 0; i < nums.length - 1; i++) + { + leftSide += nums[i]; + } + + rightSide = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide == rightSide) + { + return true; + } + + leftSide += nums[i]; + rightSide += nums[i]; + } + + return (leftSide == rightSide); +}" +e98e77abcc75b1279d9a880cd3509d8dffe541bc,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + + for(int i = 0; i < nums.length - 1; i++) + { + leftSide += nums[i]; + } + + rightSide = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide.equals(rightSide)) + { + return true; + } + + leftSide += nums[i]; + rightSide += nums[i]; + } + + return (leftSide.equals(rightSide)); +}" +bb77ca02283b4d4139b29f6669fc5c1c65aecf41,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide; + + for(int i = 0; i < nums.length - 1; i++) + { + leftSide += nums[i]; + } + + rightSide = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(leftSide == rightSide) + { + return true; + } + + leftSide -= nums[i]; + rightSide += nums[i]; + } + + return (leftSide == rightSide); +}" +3829f26680fe6bef0756bfebaff6891e1f7fca37,"public boolean canBalance(int[] nums) +{ + int f = 0; + int b = 0; + for (int i = 0; i < nums.length; i++) + { + f += nums[i]; + b += nums[nums.length - 1 - i]; + if (b == f) + { + return true; + } + } + return false; +} +" +9a7746fadf0db73c30f03c046e943d17895dc385,"public boolean canBalance(int[] nums) +{ + int f = 0; + int b = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + if (sum % 2 == 1) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + f += nums[i]; + if (f == sums / 2) + { + return true; + } + } + return false; + } +} +" +1c85bf8edded2f3f19fa492614c87ce0e2f81a1f,"public boolean canBalance(int[] nums) +{ + int f = 0; + int b = 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + if (sum % 2 == 1) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + f += nums[i]; + if (f == sum / 2) + { + return true; + } + } + return false; + } +} +" +8df7a66cbeff5660e3eeba57adf01feb7c53e616,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +ea10b79bbd3d8b2dfbe9b2ad5b71f5da767d5af9,"public boolean canBalance(int[] nums) +{ + return true; +} + +public int sumLeft(int index, int[] nums) +{ + //int sum = 0; + //for (i = 0; i < index + return 0; +} + +public int sumRight(int index, int[] nums) +{ + return 0; +}" +f2fd713b3dcaab05f0fb25d3f9f41cff8c3e4fd8,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (sumLeft(i, nums) == sumRight(i, nums)) { + return true; + } + } + return false; +} + +public int sumLeft(int index, int[] nums) +{ + int sum = 0; + for (int i = 0; i < index; i++) { + sum += nums[i]; + } + return sum; +} + +public int sumRight(int index, int[] nums) +{ + int sum = 0; + for (int i = index; i < nums.length; i++) { + sum += nums[i]; + } + return sum; +}" +38a93bac11ba670daf264d96fa62485976da38ef,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +d0b2ab49a3eea62ce8353a6f0b833792865c9e5c,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + int x = nums.length; + for (int i = 0; i < x; i++) + { + for (int j = 0; j < i; j++) + { + sum1 += nums[j]; + } + for (int k = i; k < x; k++); + { + sum2 += nums[k]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +1e7dbf264495d2d1fb721558a30f33d181e3b0f4,"public boolean canBalance(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + int sum1 = 0; + int sum2 = 0; + for (int j = 0; j < i; j++) + { + sum1 += nums[j]; + } + for (int k = i; k < x; k++); + { + sum2 += nums[k]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +f900d4e3cbe7ed566a534cb456bdfcff9f4e0995,"public boolean canBalance(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + int sum1 = 0; + int sum2 = 0; + for (int j = 0; j < i; j++) + { + sum1 += nums[j]; + } + for (int k = i; k < x; k++) + { + sum2 += nums[k]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +f61b4eadcebd28485ec7a8524f33228c6a7bd6d5,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +" +07e54729695be1a39a04594ee1dc8cee45b32a05,"public boolean canBalance(int[] nums) +{ + int l = nums.length + int lft = 0; + for(int i = 0; i < nums.length - 1; i++) + lft += nums[i]; + int rt = nums[l-1]; + for(int i = l - 2; i > 0; i--) + { + if(lft == rt) + return true; + lft -= nums[i]; + rt += nums[i]; + } + return (lft == righ); +}" +87d75fc11cd7e7e143f66ec2431706a38d8c4f67,"public boolean canBalance(int[] nums) +{ + int l = nums.length; + int lft = 0; + for(int i = 0; i < nums.length - 1; i++) + lft += nums[i]; + int rt = nums[l-1]; + for(int i = l - 2; i > 0; i--) + { + if(lft == rt) + return true; + lft -= nums[i]; + rt += nums[i]; + } + return (lft == righ); +}" +95bfeadeb69b9c80cf450350f7e0d08a57543e06,"public boolean canBalance(int[] nums) +{ + int l = nums.length; + int lft = 0; + for(int i = 0; i < l - 1; i++) + lft += nums[i]; + int rt = nums[l-1]; + for(int i = l - 2; i > 0; i--) + { + if(lft == rt) + return true; + lft -= nums[i]; + rt += nums[i]; + } + return (lft == rt); +}" +28c5e523fb3fdb326058dedb9defe643a97cf07c,"public boolean canBalance(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + int sum1 = 0; + int sum2 = 0; + for(int j = i; j > 0; j--) { + sum1 += nums[i]; + } + for(int j = i; j < nums.length; j++) { + sum2 += nums[i]; + } + if (sum1 == sum2) { + return true; + } + } + return false; +} +" +d27e626a2e1a3693a6aa0397356ed368ac5a8e0f,"public boolean canBalance(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + int sum1 = 0; + int sum2 = 0; + for(int j = i; j >= 0; j--) { + sum1 += nums[i]; + } + for(int j = i; j < nums.length; j++) { + sum2 += nums[i]; + } + if (sum1 == sum2) { + return true; + } + } + return false; +} +" +8f9f5c9f835bba60e22e53a88f6d5d4e61760574,"public boolean canBalance(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + int sum1 = 0; + int sum2 = 0; + for(int j = i; j > 0; j--) { + sum1 += nums[i]; + } + for(int j = i; j < nums.length; j++) { + sum2 += nums[i]; + } + if (sum1 == sum2) { + return true; + } + } + return false; +} +" +01ab7ba218e8fd49223ad4ee3c716a2684571634,"public boolean canBalance(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + int sum1 = 0; + int sum2 = 0; + for(int j = i; j > 0; j--) { + sum1 += nums[j]; + } + for(int j = i; j < nums.length; j++) { + sum2 += nums[j]; + } + if (sum1 == sum2) { + return true; + } + } + return false; +} +" +98d687696c0c1b5389612f97015886b21f7c6df0,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } +return (left == right); +} +" +2f982671fe89f653a2da8d07e22bd107b7a4b7e7,"public boolean canBalance(int[] nums) +{ + int right; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i >0; i--) + { + if (left == right) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + return (left == right); +} +" +6118eef80b9e724df8b3f07df288adcf7cba98f3,"public boolean canBalance(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + + if ( total % 2 == 1 ) + { + return false; + } + else + { + int smallTotal = 0; + int j = 0; + while ( smallTotal < total ) + { + smallTotal += nums[j]; + j++; + } + return ( smallTotal == ( total / 2 ); + } +} +" +50b281adfa0a6e454db102886db80436a7d05112,"public boolean canBalance(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + + if ( total % 2 == 1 ) + { + return false; + } + else + { + int smallTotal = 0; + int j = 0; + while ( smallTotal < total ) + { + smallTotal += nums[j]; + j++; + } + return ( smallTotal == ( total / 2 ) ); + } +} +" +ed917595a269a77d74ec4b905a7d2125a03de88d,"public boolean canBalance(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + + if ( total % 2 == 1 ) + { + return false; + } + else + { + int smallTotal = 0; + int j = 0; + while ( smallTotal < total / 2 ) + { + smallTotal += nums[j]; + j++; + } + return ( smallTotal == ( total / 2 ) ); + } +} +" +09a8c33c60aa11c021e8b84d90d8a62d6b24e858,"public boolean canBalance(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + + if ( total % 2 == 1 ) + { + return false; + } + else + { + if ( total == 0 && length == 1 ) + { + return false; + } + else + { + int smallTotal = 0; + int j = 0; + while ( smallTotal < total / 2 ) + { + smallTotal += nums[j]; + j++; + } + return ( smallTotal == ( total / 2 ) ); + } + } +} +" +c5f76140c319f09f811bc539f6e186a6422fec58,"public boolean canBalance(int[] nums) +{ + int total = 0; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + + if ( total % 2 == 1 ) + { + return false; + } + else + { + + int smallTotal = 0; + int j = 0; + while ( smallTotal < total / 2 ) + { + smallTotal += nums[j]; + j++; + } + return ( smallTotal == ( total / 2 ) ); + + } +} +" +75b54b9313193b6ec63a4d1f4ce091a75d0c46d3,"public boolean canBalance(int[] nums) +{ + return true; +} +" +9f5ea9fe75b243625331c6282427b1de5e9fdee4,"public boolean canBalance(int[] nums) +{ + int left = 0; + for (int i = 0; i < nums.length; i++) { + left = left + nums[i]; + int right = 0; + for (int j = nums.length-1; j > i; j--) { + right = right + nums[j]; + } + if (right == left) + return true; + } + return false; + +} +" +cd1107f9a41f5b02f47bad3c65d9b01a7950e387,"public boolean canBalance(int[] nums) +{ + int left = 0; + for (int i = 0; i < nums.length; i++) + { + left = left + nums[i]; + int right = 0; + for (int j = nums.length-1; j > i; j--) + { + right = right + nums[j]; + } + if (right == left) + { + return true; + } + } + return false; + +} +" +41a91a33846f22ed2756d49f100b59c336da11aa,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for(int i = 0; i < nums.length - 1; i++) + l += nums[i]; + r = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(l == r) + return true; + l -= nums[i]; + r += nums[i]; + } + return (l == r); +} +" +736afb3ea22ed80f3ff0f8f4642c6c0672363578,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + if ( length == 1 || length == 0 ) + { + return false; + } + else + { + int total = 0; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + if ( total == 0 ) + { + return true; + } + else + { + if ( total % 2 != 0 ) + { + return false; + } + else + { + int small = 0; + int j = 0; + while ( small < total / 2 ) + { + small += nums[j]; + j++; + } + return small == total / 2; + } + } + } + +} +" +fd39c2d831e0bd263499cf11c21d2c1a4f61e296,"public boolean canBalance(int[] nums) +{ + int sumleft = 0; + int sumright = 0; + boolean balance = false; + for (int i = 0; i < nums.length; i++) { + for (int left = 0; left < i; left++) { + sumleft += nums[left]; + } + for (int right = i; right < nums.length; right++) { + sumright += nums[right]; + } + if (sumleft = sumright) { + balance = true; + } + sumleft = 0; + sumright = 0; + } +} +" +6183d4e8c00c8bce8ffd9b08c34417275296864a,"public boolean canBalance(int[] nums) +{ + int sumleft = 0; + int sumright = 0; + boolean balance = false; + for (int i = 0; i < nums.length; i++) { + for (int left = 0; left < i; left++) { + sumleft += nums[left]; + } + for (int right = i; right < nums.length; right++) { + sumright += nums[right]; + } + if (sumleft == sumright) { + balance = true; + } + sumleft = 0; + sumright = 0; + } +} +" +c3cf7d06824c6ec408a16202778f05bc94e4e3cf,"public boolean canBalance(int[] nums) +{ + int sumleft = 0; + int sumright = 0; + boolean balance = false; + for (int i = 0; i < nums.length; i++) { + for (int left = 0; left < i; left++) { + sumleft += nums[left]; + } + for (int right = i; right < nums.length; right++) { + sumright += nums[right]; + } + if (sumleft == sumright) { + balance = true; + } + sumleft = 0; + sumright = 0; + } + return balance +} +" +05a6906c184248e91eb2fc1a3aceeef62338a215,"public boolean canBalance(int[] nums) +{ + int sumleft = 0; + int sumright = 0; + boolean balance = false; + for (int i = 0; i < nums.length; i++) { + for (int left = 0; left < i; left++) { + sumleft += nums[left]; + } + for (int right = i; right < nums.length; right++) { + sumright += nums[right]; + } + if (sumleft == sumright) { + balance = true; + } + sumleft = 0; + sumright = 0; + } + return balance; +} +" +a9d57a7e018814e96928e680a81344b14c8f8384,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for (int i = 0; i < nums.length - 1; i++) + { + l += nums[i]; + } + r = nums[nums.length - 1); + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + } + l -= nums[i]; + r += nums[i]; + } + return (l == r); +} +" +56e1eb16f79967d383fa60e9f593b8f90aca9d32,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for (int i = 0; i < nums.length - 1; i++) + { + l += nums[i]; + } + r = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + } + l -= nums[i]; + r += nums[i]; + } + return (l == r); +} +" +79a3cf7fc0c0b06992d678b893d1848df7721e9a,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + if ( length == 1 || length == 0 ) + { + return false; + } + else + { + int total = 0; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + if ( total == 0 ) + { + return false; + } + else + { + if ( total % 2 != 0 ) + { + return false; + } + else + { + int small = 0; + int j = 0; + while ( small < total / 2 ) + { + small += nums[j]; + j++; + } + return small == total / 2; + } + } + } + +} +" +e1cb3087a76aa66565d1d658e6a913f28d0c7618,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + if ( ( length == 1 && nums[0] != 0 ) || length == 0 ) + { + return false; + } + else + { + int total = 0; + for ( int i = 0; i < length; i++ ) + { + total += nums[i]; + } + if ( total == 0 ) + { + return true; + } + else + { + if ( total % 2 != 0 ) + { + return false; + } + else + { + int small = 0; + int j = 0; + while ( small < total / 2 ) + { + small += nums[j]; + j++; + } + return small == total / 2; + } + } + } + +} +" +4b9e2c23c06c2f33cd7cd6170a2bb1166af8b0ba,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + boolean split = false; + if ( length == 1 && nums[0] != 0 ) + { + split = false; + } + else + { + int i = 0; + while ( !split && i < length ) + { + int left = 0; + int right = 0; + for ( int j = 0, j <= i; j++ ) + { + left += nums[j]; + } + for ( int k = i + 1; k < length; k ++ ) + { + right += nums[k]; + } + split = ( left == right ); + i++; + } + } + return split; +} +" +75badf2e2b4cc89dc8e5f695b473cc710473ad92,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + boolean split = false; + if ( length == 1 && nums[0] != 0 ) + { + split = false; + } + else + { + int i = 0; + while ( !split && i < length ) + { + int left = 0; + int right = 0; + for ( int j = 0; j <= i; j++ ) + { + left += nums[j]; + } + for ( int k = i + 1; k < length; k ++ ) + { + right += nums[k]; + } + split = ( left == right ); + i++; + } + } + return split; +} +" +e9a27959ee2b6b2041884651513e6e4a4115e7c8,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +2a002c10133155954ab34593fcb80177f1addb41,"public boolean canBalance(int[] nums) +{ + int x = 0; + int y; + for(int i = 0; i < nums.length - 1; i++) + x += nums[i]; + y = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(x == y) + return true; + x -= nums[i]; + y += nums[i]; + } + return (x == y); +} +" +efc9eba737be036c4af12f36f6fb9487f4708c45,"public boolean canBalance(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + int sum1 = 0; + int sum2 = 0; + for(int j = i; j >= 0; j--) { + sum1 += nums[j]; + } + for(int j = i; j < nums.length; j++) { + sum2 += nums[j]; + } + if (sum1 == sum2) { + return true; + } + } + return false; +} +" +91505db354df84d2f0cdc60b86b7c57872407487,"public boolean canBalance(int[] nums) +{ + for(int i = 0; i < nums.length; i++) { + int sum1 = 0; + int sum2 = 0; + for(int j = i; j >= 0; j--) { + sum1 += nums[j]; + } + for(int j = i + 1; j < nums.length; j++) { + sum2 += nums[j]; + } + if (sum1 == sum2) { + return true; + } + } + return false; +} +" +cfee5919ec4c7cc0e89527d0c7a20ad75a3c4780,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6e75e99acf9758f2559780dadc14ab11e403ade9,"public boolean canBalance(int[] nums) +{ + int one = 0; + int other = 0; + + for (int i = 0; i < nums.length / 2; i++) + { + one += nums[i]; + } + for (int j = nums.length / 2; j < nums.length; j++) + { + other += nums[j]; + } + if (one == other) + return true; + else + return false; +} +" +cae95a8354e0f042724a4eb0c3376e1db1aa89f2,"public boolean canBalance(int[] nums) +{ + int one = 0; + int other = 0; + + for (int i = 0; i < nums.length; i++) + { + one += nums[i]; + } + for (int j = 0; j < nums.length - 2; j++) + { + other += nums[j]; + one -= nums[j]; + + } + if (one == other) + return true; + else + return false; +} +" +fccee268b67365a72f817b59be29c3200c1800a7,"public boolean canBalance(int[] nums) +{ + int one = 0; + int other = 0; + + for (int i = 0; i < nums.length; i++) + { + one += nums[i]; + } + for (int j = 0; j < nums.length - 2; j++) + { + other += nums[j]; + one -= nums[j]; + if (one == other) + return true; + } + return false; +} +" +6dd9a688c7567036937c02eead68d29bfe9d9a7d,"public boolean canBalance(int[] nums) +{ + int one = 0; + int other = 0; + + for (int i = 0; i < nums.length; i++) + { + one += nums[i]; + } + for (int j = 0; j < nums.length - 1; j++) + { + other += nums[j]; + one -= nums[j]; + if (one == other) + return true; + } + return false; +} +" +ff41be481ee5cfb1819af8912046110ed708762b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +07516074837f8ba64f0e451a59e44fb947d0a37a,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +4a0d916e88ef33d945721a80d9d14d95072431c0,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +740237329eab5100abd4aafa6ec1e8463e81a39e,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +209dc072bdebda27e18ed5d0f68f515892205542,"public boolean canBalance(int[] nums) +{ + int one= 0; + int two = 0; + + for(int i = 0; i < nums.length; i++) + two += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + one += nums[i]; + two -= nums[i]; + if(one == two) + return true; + } + + return false; +} +" +05e343444a1e015c161889100d85d9d9a63fba4b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +ca4af5851cf8b9a444b638f5b3ae3fcb5793f405,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.legnth - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = 0 nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + return (right == left); +} +" +132147fbac8244aa424e69f9a7f75b59581f7880,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.legnth - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = 0; nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + return (right == left); +} +" +d877ea2cf83ef557a2bbacb6d409f621f8facfbf,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.legnth - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + return (right == left); +} +" +121068e91d713701a15823715c2ddea30f11c901,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + return (right == left); +} +" +02eb6434ef11ac8f1941566190001f2bafd47a94,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + if (int[] == 1) + { + return true; + } + return (right == left); +} +" +36919121587bf002a42e40f7b742241a25dffc40,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } +// if (int[] == 1) + // { + // return true; + //} + //return (right == left); +} +" +519ae9a9a8446bc3f045b86c808d872b5ae6f077,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } +// if (int[] == 1) + // { + // return true; + //} + return (right == left); +} +" +6fdba7627530a22d0307bf1d1585b62c9b5b692c,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + if (nums == 1) + { + return true; + } + return (right == left); +} +" +6904b005990eacbcc04a820ac98e064c7f5a7d16,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + if (nums.length == 1) + { + return true; + } + return (right == left); +} +" +fc6dcc2f0b2beefaa5fdd9776bf908a18c03b602,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + for (int i = 0; i < nums.length - 1; i++) + { + right = nums[nums.length - 1]; + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + if (nums.length == 1) + { + return false; + } + return (right == left); +} +" +1faf3e42051ac99d4281e29c28d516a0e4cc56a4,"public boolean canBalance(int[] nums) +{ + boolean result = false; + if (nums.length % 2 == 0) + { + int nums1; + int nums2; + for (int i = 0; i < nums.length / 2; i++) + { + nums1 += nums[i]; + } + + for (int j = (nums.length / 2 ) + 1; i < nums.length; i++) + { + nums2 += nums[j]; + } + + if (nums1 == nums2) + { + result = true; + } + } + return result; +} +" +806188948aa7db9bd17f962896645cf138f9aeeb,"public boolean canBalance(int[] nums) +{ + boolean result = false; + if (nums.length % 2 == 0) + { + int nums1; + int nums2; + for (int i = 0; i < nums.length / 2; i++) + { + nums1 += nums[i]; + } + + for (int j = (nums.length / 2 ) + 1; j < nums.length; i++) + { + nums2 += nums[j]; + } + + if (nums1 == nums2) + { + result = true; + } + } + return result; +} +" +a7befd4f090d590b0413831e3be475fcf85949c7,"public boolean canBalance(int[] nums) +{ + boolean result = false; + if (nums.length % 2 == 0) + { + int nums1; + int nums2; + for (int i = 0; i < nums.length / 2; i++) + { + nums1 += nums[i]; + } + + for (int j = (nums.length / 2 ) + 1; j < nums.length; j++) + { + nums2 += nums[j]; + } + + if (nums1 == nums2) + { + result = true; + } + } + return result; +} +" +36f12db964788f4db9756f88a19e2fd914c83862,"public boolean canBalance(int[] nums) +{ + boolean result = false; + if (nums.length % 2 == 0) + { + int nums1 = 0; + int nums2 = 0; + for (int i = 0; i < nums.length / 2; i++) + { + nums1 += nums[i]; + } + + for (int j = (nums.length / 2 ) + 1; j < nums.length; j++) + { + nums2 += nums[j]; + } + + if (nums1 == nums2) + { + result = true; + } + } + return result; +} +" +c9864807562ce05a0e1872a9d5d2eae382cb6654,"public boolean canBalance(int[] nums) +{ + boolean result = false; + int nums1 = 0; + int nums2 = 0; + for (int i = 0; i < nums.length / 2; i++) + { + nums1 += nums[i]; + } + + for (int j = (nums.length / 2 ) + 1; j < nums.length; j++) + { + nums2 += nums[j]; + } + + if (nums1 == nums2) + { + result = true; + } + return result; +} +" +d8a3b90c0edb484637c7c45554da8a7afbe7d245,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +7554598d5979afc3dbf732410902fc7984244d88,"public boolean canBalance(int[] nums) +{ + return true; +} +" +9e57e83656bf9134d0da55fb1012fc4443b8114f,"public boolean canBalance(int[] nums) +{ + return false; +} +" +c7cfed40bf81c964a8fa5145a462b4236d59cdd4,"public boolean canBalance(int[] nums) +{ + return true; +} +" +4f4f835cc221e9d10c59902582da5bb5d868d139,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +45c7ba7370153e52fc012f8b39c7747e6ab21a3f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +7fd6c949ae6451535fca33d9152acefcef5cd732,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + int j = i; + int sumLeft = 0; + while (j >= 0) + { + sumLeft += nums[j]; + j--; + } + + int w = i; + int sumRight = 0; + while (w < nums.length) + { + sumRight += nums[w]; + w++; + } + + if (sumLeft == sumRight) + { + return true; + } + + } + + return false; +} +" +22d2f4c0d194c854e576a04832213bb7ed68191d,"public boolean canBalance(int[] nums) +{ + int sum1; + int sum2; + int halfway = nums.length / 2; + if (nums.length % 2 == 0) + { + for (int i = 0; i < halfway; i++) + { + sum1 = sum1 + nums[i]; + } + for (int j = halfway; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + } + return (sum1 == sum2); +} +" +7054f66890a77fe6d4827e63a69e49da696c9ece,"public boolean canBalance(int[] nums) +{ + int j = 0; + int sumLeft = 0; + int w = 0; + int sumRight = 0; + + for (int i = 0; i < nums.length; i++) + { + j = i; + sumLeft = 0; + while (j >= 0) + { + sumLeft += nums[j]; + j--; + } + + w = i; + sumRight = 0; + while (w < nums.length) + { + sumRight += nums[w]; + w++; + } + + if (sumLeft == sumRight) + { + return true; + } + + } + + return false; +} +" +ec6be49e82bd5eede57731f9c0aceb2f29c82a75,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + int halfway = nums.length / 2; + if (nums.length % 2 == 0) + { + for (int i = 0; i < halfway; i++) + { + sum1 = sum1 + nums[i]; + } + for (int j = halfway; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + } + return (sum1 == sum2); +} +" +40131666c8c3e9b41ce20b108900940f138644de,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 1; + int halfway = nums.length / 2; + if (nums.length % 2 == 0) + { + for (int i = 0; i < halfway; i++) + { + sum1 = sum1 + nums[i]; + } + for (int j = halfway; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + } + return (sum1 == (sum2 - 1)); +} +" +494f4875e0c39fe92ffd68b277dfeda34cd96aa8,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + int halfway = nums.length / 2; + if (nums.length % 2 == 0) + { + for (int i = 0; i < halfway; i++) + { + sum1 = sum1 + nums[i]; + } + for (int j = halfway; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + } + if (sum1 != 0) + { + return (sum1 == sum2); + } +} +" +b1f3000c7eda46e4c5bf628bce7e38917e2faafe,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + int halfway = nums.length / 2; + if (nums.length % 2 == 0) + { + for (int i = 0; i < halfway; i++) + { + sum1 = sum1 + nums[i]; + } + for (int j = halfway; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + } + if (sum1 != 0) + { + return (sum1 == sum2); + } + return false; + +} +" +57a13423901c1c6aad72a5c390e3d7ab19a156b2,"public boolean canBalance(int[] nums) +{ + int j = 0; + int sumLeft = 0; + int w = 0; + int sumRight = 0; + + for (int i = 0; i < nums.length; i++) + { + j = i; + sumLeft = 0; + while (j >= 0) + { + sumLeft += nums[j]; + j--; + } + + w = i + 1; + sumRight = 0; + while (w < nums.length) + { + sumRight += nums[w]; + w++; + } + + if (sumLeft == sumRight) + { + return true; + } + + } + + return false; +} +" +3971ee79fe361a52ca4f445d9066359c7eadb62b,"public boolean canBalance(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } + return false; +} +" +3569cf4548de0d60eb78d551b929ae217800f023,"public boolean canBalance(int[] nums) +{ + int 1Sum = 0; + for (int i = 0; i < nums.length; i++) + { + 1Sum += nums[i]; + int rSum = 0; + for (int j = nums.length - 1; j > i; j--) + { + rSum += nums[j]; + } + if (rSum == 1Sum) + return true; + } + return false; +} +" +ca45d72e3fea05269c82d6b1af29af83088c401b,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) + { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length - 1; j > i; j--) + { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +" +f215df577a74999f656336e3a9ec102b290e2c21,"public boolean canBalance(int[] nums) +{ + int countBeg = 0; + int countEnd = 0; + boolean balance = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = nums.length - 1; j > 0; j--) + { + countBeg += nums[i]; + countEnd += nums[j]; + if (countBeg == countEnd) + { + balance = true; + } + } + } + + return balance +} +" +94f64f518371b93717b21c6949d99d58107fd175,"public boolean canBalance(int[] nums) +{ + int countBeg = 0; + int countEnd = 0; + boolean balance = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = nums.length - 1; j > 0; j--) + { + countBeg += nums[i]; + countEnd += nums[j]; + if (countBeg == countEnd) + { + balance = true; + } + } + } + + return balance; +} +" +403e1229f59d072b7095268720c7a8995976338c,"public boolean canBalance(int[] nums) +{ + if (nums.length <= 1) + { + return false; + } + + int left = 1; + int right = nums.length-2; + int leftSum = nums[0]; + int rightSum = nums[nums.length-1]; + while (left 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +}" +a0cf6ca8a4c889679586d811f1e044f3b8ecfdf0,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int half; + for(int i=0; i 0; j--) + { + //sum2 = sum2 + nums[j]; + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return left == right; +} +" +a2cb3a8338a95c330bbee51e2589eae3d11e606b,"public boolean canBalance(int[] nums) +{ + //int sum1 = 0; + //int sum2 = 0; + int left = 0; + int right; + + for (int i = 0; i < nums.legth - 1; i++) + { + //sum1 = sum1 + nums[i]; + left = left + nums[i]; + } + right = nums[nums.length - 1]; + for (int j = nums.length - 2; j > 0; j--) + { + //sum2 = sum2 + nums[j]; + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return left == right; +} +" +a538eb5ff2c8715fec7acbb58c0f9f4aa0ec9368,"public boolean canBalance(int[] nums) +{ + //int sum1 = 0; + //int sum2 = 0; + int left = 0; + int right; + + for (int i = 0; i < nums.length - 1; i++) + { + //sum1 = sum1 + nums[i]; + left = left + nums[i]; + } + right = nums[nums.length - 1]; + for (int j = nums.length - 2; j > 0; j--) + { + //sum2 = sum2 + nums[j]; + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return left == right; +} +" +8584329f8a421225514edb1b686a26fb3db9c6fb,"public boolean canBalance(int[] nums) +{ + //int sum1 = 0; + //int sum2 = 0; + int left = 0; + int right; + + for (int i = 0; i < nums.length - 1; i++) + { + //sum1 = sum1 + nums[i]; + left = left + nums[i]; + } + right = nums[nums.length - 1]; + for (int j = nums.length - 2; j > 0; j--) + { + //sum2 = sum2 + nums[j]; + if (left == right) + { + return true; + } + left -= nums[j]; + right += nums[j]; + } + return left == right; +} +" +9f844083de52a25407fb8614f66713f0e882dfa6,"public boolean canBalance(int[] nums) +{ + int one = 0; + int two = 0; + for (int i = 0; i < nums.length; i++) + { + two += nums[i]; + } + for (int i = 0; i <= nums.length - 2; i++) + { + one += nums[i]; + two -= nums[i]; + } + if (one == two) + { + return true; + } + else + { + return false; + } +} +" +614837f1c66d79d3c38046dbc33fe50b021c6464,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length - 1]; + for(int i = nums.length - 2; i > 0; i--) { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +e779e896a80270ed3f35a28b81d4d5944fb35d97,"public boolean canBalance(int[] nums) +{ + int beforeSum = 0; + int afterSum = 0; + for (int i = 1; i < nums.length; i++) + { + for (int x = 0; x < i; x++) + { + beforeSum = beforeSum + nums[x]; + } + for (int y = i; y < nums.length, y++) + { + afterSum = afterSum + nums[x]; + } + if (beforeSumm == afterSum) + { + return true; + } + afterSum = 0; + beforSum = 0; + } + return false; +} +" +350d1d954f279213f28251c0f7544384bbb05204,"public boolean canBalance(int[] nums) +{ + int beforeSum = 0; + int afterSum = 0; + for (int i = 1; i < nums.length; i++) + { + for (int x = 0; x < i; x++) + { + beforeSum = beforeSum + nums[x]; + } + for (int y = i; y < nums.length; y++) + { + afterSum = afterSum + nums[x]; + } + if (beforeSumm == afterSum) + { + return true; + } + afterSum = 0; + beforSum = 0; + } + return false; +} +" +415023dce9ff60912a856e539630ebb5b9b62e10,"public boolean canBalance(int[] nums) +{ + int beforeSum = 0; + int afterSum = 0; + for (int i = 1; i < nums.length; i++) + { + for (int x = 0; x < i; x++) + { + beforeSum = beforeSum + nums[x]; + } + for (int y = i; y < nums.length; y++) + { + afterSum = afterSum + nums[y]; + } + if (beforeSumm == afterSum) + { + return true; + } + afterSum = 0; + beforSum = 0; + } + return false; +} +" +21c684d8f900c08962548e72ba2854934b40e939,"public boolean canBalance(int[] nums) +{ + int beforeSum = 0; + int afterSum = 0; + for (int i = 1; i < nums.length; i++) + { + for (int x = 0; x < i; x++) + { + beforeSum = beforeSum + nums[x]; + } + for (int y = i; y < nums.length; y++) + { + afterSum = afterSum + nums[y]; + } + if (beforeSum == afterSum) + { + return true; + } + afterSum = 0; + beforSum = 0; + } + return false; +} +" +07127aec040fa2ec39c7efe8d8fbede9ccecc9ea,"public boolean canBalance(int[] nums) +{ + int beforeSum = 0; + int afterSum = 0; + for (int i = 1; i < nums.length; i++) + { + for (int x = 0; x < i; x++) + { + beforeSum = beforeSum + nums[x]; + } + for (int y = i; y < nums.length; y++) + { + afterSum = afterSum + nums[y]; + } + if (beforeSum == afterSum) + { + return true; + } + afterSum = 0; + beforeSum = 0; + } + return false; +} +" +8e340405700d4714a9c50bd173725bce22c925c3,"public boolean canBalance(int[] nums) +{ + boolean balanced = false; + + if (nums == null) + { + return false; + } + + int[] sum1 = new int[nums.length]; + int[] sum2 = new int[nums.length]; + int count; + for (int i = 0; i < nums.length; i++) + { + count = 0; + for (int j = 0; j < nums.length; j++) + { + if (j <= count) + { + sum1[i] += nums[j]; + } + else + { + sum2[i] += nums[j]; + } + count++; + } + + if (sum1[i] == sum2[i]) + { + balanced = true; + } + } + + return balanced; +} +" +1b9bf4915994dee5a1afdfc8439a88f67a8772d4,"public boolean canBalance(int[] nums) +{ + boolean balanced = false; + + if (nums == null) + { + return false; + } + + int[] sum1 = new int[nums.length]; + int[] sum2 = new int[nums.length]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + if (j <= count) + { + sum1[i] += nums[j]; + } + else + { + sum2[i] += nums[j]; + } + } + + if (sum1[i] == sum2[i]) + { + balanced = true; + } + count++; + } + + return balanced; +} +" +8cc796a4b8cf3a04f5ecec0b95b5d6d646d995c0,"public boolean canBalance(int[] nums) +{ + int left; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + right += nums[i]; + } + left = nums[nums.length - 1]; + + for (int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left = left - nums[i]; + right = right + nums[i]; + } + return (left == right); +} +" +3cf044fab6831423c5cacb9be474bc7404ef6386,"public boolean canBalance(int[] nums) +{ + +} +" +be38064cd21dc445371be81a02f66aceae5485e0,"public boolean canBalance(int[] nums) +{ + return true; +} +" +b0f5bb2937d97e66e6e7d4b932fc63ea57727002,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +bd68b11b049453cc1de5e047fcce30125c1244a7,"public boolean canBalance(int[] nums) +{ + int front = int[0]; + int tail = 0; + int j =0 + int i =0; + if( front < tail) + { + for(int i = 0;itail) + { + for(;j>i;j--) + { + tail+=num[j]; + } + } + + return front==tail; +} +" +372c9253024b2fada78623cdbe6c1427c1cc9d93,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =0; + int i =0; + if( front < tail) + { + for(int i = 0;itail) + { + for(;j>i;j--) + { + tail+=num[j]; + } + } + + return front==tail; +} +" +d2d8672dfaaa4d5ba0fa368a67ff95c37e4e0044,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =0; + int i =0; + if( front < tail) + { + for(;itail) + { + for(;j>i;j--) + { + tail+=nums[j]; + } + } + + return front==tail; +} +" +866c526e1b661f9a2af50841c45fdecaf6f611b6,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + + for(;ii;j--) + { + if(front>tail) + { + tail+=nums[j]; + } + } + } + + + + return front==tail; +} +" +a15567c15cd96881a2fcaf3a1dd254841d6a6dc4,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + + for(;ii;j--) + { + if( front < tail) + { + front += nums[i]; + } + else if(front>tail) + { + tail+=nums[j]; + } + } + } + + + + return front==tail; +} +" +498512f30fa410238de1a6bb405b33829698e528,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + + for(;ii;j--) + { + if( front < tail) + { + front += nums[i]; + } + else + { + tail+=nums[j]; + } + } + } + + + + return front==tail; +} +" +4eb3a7a613e028289cdf59285f384f46a4b5c60e,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int num : nums) + sum += num; + int sumSoFar = 0; + for (int num : nums) + sumSoFar += num; + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +1c6c9f559240de30b3a98eddf34804c7c6b785a2,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int i = 0; i < nums.length; i++) + sumSoFar += num; + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +3ba46d99b21b443362f60e64d807fa0dc8a2e79d,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int i = 0; i < nums.length; i++) + sumSoFar += num[i]; + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +cd582e0d6c56aaf25b6e4e9b025961a5b441dae6,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int i = 0; i < nums.length; i++) + sumSoFar += nums[i]; + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +b3fab827957a78a111dd75a81df74fc0d72aaff5,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int i = 0; i < nums.length; i++) + if (sum == 2 * sumSoFar) + return true; + sumSoFar += nums[i]; + return false; +} +" +7e3238c205573502ba45a9e71dbf7fef84e00a85,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int i = 0; i < nums.length; i++) + sumSoFar += nums[i]; + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +aa21fc4bc2b507f567a60d8e712ba355de098a5b,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int j= 0; j < nums.length; j++) + sumSoFar += nums[j]; + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +e5b9a9551f7a86f10fcf213626a1fa9e1573064f,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int j = 0; j < nums.length; j++) + sumSoFar += nums[j]; + System.out.pringln(sumSoFar); + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +cdc404479946118fd95418c88f1d9ed0acf21084,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int j = 0; j < nums.length; j++) + sumSoFar += nums[j]; + System.out.println(sumSoFar); + if (sum == 2 * sumSoFar) + return true; + return false; +} +" +fa0f6e6f624573c3048d850049c74cdd83969733,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum += nums[i]; + int sumSoFar = 0; + for (int j = 0; j < nums.length; j++) + { + sumSoFar += nums[j]; + if (sum == 2 * sumSoFar) + return true; + } + return false; +} +" +45713dfa9744658c3cb1d27530119c11a2dccaa7,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int counter = 0; + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + while (counter < length && sum != totalSum/2) + { + sum = sum + nums[counter]; + counter++; + } + if (counter < length) + { + return true; + } + } + else + { + return false; + } +} +" +d96db94e3f52a02e4029313806be237775e0ec04,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int counter = 0; + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + while (counter < length && sum != totalSum/2) + { + sum = sum + nums[counter]; + counter++; + } + } + if (counter < length) + { + return true; + } + else + { + return false; + } +} +" +8f9401a5526c3cc030d6501c33ab33cb5bdc308f,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int counter = 0; + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + while (counter < length && sum != totalSum/2) + { + sum = sum + nums[counter]; + counter++; + } + } + else + { + return false; + } + if (counter < length) + { + return true; + } + else + { + return false; + } +} +" +bd6f888f84f1e5adc2d289c9a8a40a020823c172,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int counter = 0; + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + while (counter < length && sum != totalSum/2) + { + sum = sum + nums[counter]; + counter++; + } + } + else if (length % 2 !=0) + { + return false; + } + else if (counter < length) + { + return true; + } + else + { + return false; + } +} +" +ecb05ea9dfb2e99016a686779f64d6d83174aafd,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int counter = 0; + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + while (counter < length && sum != totalSum/2) + { + sum = sum + nums[counter]; + counter++; + } + } + if (length % 2 !=0) + { + return false; + } + else if (counter < length) + { + return true; + } + else + { + return false; + } +} +" +55d67163f5802ff204cd24601f47caf5340f94fe,"public boolean canBalance(int[] nums) +{ + boolean a = false; + int i = 0; + int j = nums.length - 1; + for (i; j; i < j; i++; j++) + { + } + return a; +} +" +8a7c887577c7dcfc37d1f3604f0e6aedbd553f71,"public boolean canBalance(int[] nums) +{ + boolean a = false; + int i = 0; + int j = nums.length - 1; + int left = 0; + int right = 0; + while (i < j) + { + left += nums[i]; + right += nums[j]; + if (left == right) + { + a = true; + } + i++; + j--; + } + return a; +} +" +5996cbab6533e85bd3676827af9658233b6e568d,"public boolean canBalance(int[] nums) +{ + boolean a = false; + int left = 0; + int right = 0; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + right += nums[j]; + } + if (left == right) + { + a = true; + } + } + return a; +} +" +69ad6e52fe0db5bc00090d42b50f12ebeddd8625,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int halfSum = 0; + int counter = 0; + if (length % 2 != 0) + { + return false; + } + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + for (int i = 0; i < length; i++) + { + sum = sum + nums[i]; + if (sum = totalSum / 2) + { + halfSum = sum; + } + } + } + if (halfSum != 0) + { + return true; + } + else + { + return false; + } +} +" +e5c056d6ddc831010493b5eeb34634f00d0a824d,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int halfSum = 0; + int counter = 0; + if (length % 2 != 0) + { + return false; + } + if (length % 2 == 0) + { + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + for (int i = 0; i < length; i++) + { + sum = sum + nums[i]; + if (sum == totalSum / 2) + { + halfSum = sum; + } + } + } + if (halfSum != 0) + { + return true; + } + else + { + return false; + } +} +" +cdc1c41c5636b8e66d49d40ec3c2d549e99740c6,"public boolean canBalance(int[] nums) +{ + boolean a = false; + int left = 0; + int right = 0; + for (int i = 0; i < nums.length; i++) + { + left += nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + right += nums[j]; + } + if (left == right) + { + a = true; + } + right = 0; + } + return a; +} +" +df07a8711a97f51a88a1179eaf44c572659e76cf,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int halfSum = 0; + int counter = 0; + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + for (int i = 0; i < length; i++) + { + sum = sum + nums[i]; + if (sum == totalSum / 2) + { + halfSum = sum; + } + } + } + if (halfSum != 0) + { + return true; + } + else + { + return false; + } +} +" +0cbbe43db1880097e4e98f3dc3047a2c30c41fd7,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int halfSum = 0; + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + for (int i = 0; i < length; i++) + { + sum = sum + nums[i]; + if (sum == totalSum / 2) + { + halfSum = sum; + } + } + if (halfSum != 0) + { + return true; + } + else + { + return false; + } +} +" +3321962b76ccb8e0ae51d0e47006ddc42ff2a762,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>i&&i!=j) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j++; + } + } + } + return front==tail; +} +" +0afc81918973ff5aa9924f25037a5e6bf4146570,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>i&&i!=j) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j++; + } + } + return front==tail; +} +" +50f78b9619ad0ad5f751f1ded73e671d1e66553f,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int totalSum = 0; + int sum = 0; + int halfSum = 0; + for (int i = 0; i < length; i++) + { + totalSum = totalSum + nums[i]; + } + for (int i = 0; i < length; i++) + { + sum = sum + nums[i]; + if (sum == totalSum / 2) + { + halfSum = sum; + } + } + if (totalSum % 2 != 0) + { + return false; + } + else if (halfSum != 0) + { + return true; + } + else + { + return false; + } +} +" +1b8c287efbb8ceb1e1cc1d0ba540be8091e5e214,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>i&&i!=j) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +18f6f3020b4e9ec909df7221626438ee3cc3605d,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +92af2195529e7288afa9c0fb77213a0da8313828,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>=i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +154d022718c67ff47614b92ed9d4edbceef000ed,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>i) + { + if( front <= tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +dec0769a1392a1c0fcef6918a81a7235bbd488cf,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =0; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +c8956eb10d8ede6ce639aef60874e45acd520cde,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +4ba7c6377c35055827db9440401a670359e7c5bc,"public boolean canBalance(int[] nums) +{ + int leftSum = 0; + int rightSum = 0; + for (int i = 0 i < nums.length; i++) + { + leftSum = leftSum + nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[i]; + } + if (leftSum == rightSum) + { + return true; + } + } + return false; +} + +" +aba78ff0f0c10d3d91936e82f44500bdc1622c1c,"public boolean canBalance(int[] nums) +{ + int leftSum = 0; + int rightSum = 0; + for (int i = 0; i < nums.length; i++) + { + leftSum = leftSum + nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[i]; + } + if (leftSum == rightSum) + { + return true; + } + } + return false; +} + +" +21e4f5f8d77da0016fead62a1f6bbf5998f178aa,"public boolean canBalance(int[] nums) +{ + boolean balance = false; + int leftSum = 0; + int rightSum = 0; + for (int i = 0; i < nums.length; i++) + { + leftSum = leftSum + nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[i]; + } + if (leftSum == rightSum) + { + balance = true; + } + else + { + balance = false; + } + } + return balance; +} + +" +951f0b2afa2882670d5591284cc62765da0f252f,"public boolean canBalance(int[] nums) +{ + boolean balance = false; + int leftSum = 0; + int rightSum = 0; + for (int i = 0; i < nums.length; i++) + { + leftSum = leftSum + nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[i]; + } + if (leftSum == rightSum) + { + balance = true; + } + } + return balance; +} + +" +8459d2b575fe073cf5718f7cc5a9ad0e6f2f89a1,"public boolean canBalance(int[] nums) +{ + int firstSum = 0; + int secondSum = 0; + for (int i = 0; i < nums.length; i++) + { + firstSum += nums[i]; + } + for (int i = nums.length - 1; i <= 0; i--) + { + secondSum += nums[i]; + firstSum -= nums[i]; + if (firstSum == secondSum) + { + return true; + } + } + return false; +} +" +94ab9d519347c63fc2ced6bb6c8dd4ecfea2cb82,"public boolean canBalance(int[] nums) +{ + int firstSum = 0; + int secondSum = 0; + for (int i = 0; i < nums.length; i++) + { + firstSum += nums[i]; + } + for (int i = nums.length - 1; i <= 0; i--) + { + secondSum += nums[i]; + firstSum = firstSum - nums[i]; + if (firstSum == secondSum) + { + return true; + } + } + return false; +} +" +1e12e0627070984f05686c929a8591ea8bc45623,"public boolean canBalance(int[] nums) +{ + int firstSum = 0; + int secondSum = 0; + for (int i = 0; i < nums.length; i++) + { + firstSum += nums[i]; + } + for (int i = nums.length - 1; i >= 0; i--) + { + secondSum += nums[i]; + firstSum = firstSum - nums[i]; + if (firstSum == secondSum) + { + return true; + } + } + return false; +} +" +ec9ad8515d60ab4572725064342831b698661af2,"public boolean canBalance(int[] nums) +{ + int firstSum = 0; + int secondSum = 0; + for (int i = 0; i < nums.length; i++) + { + firstSum += nums[i]; + } + for (int i = nums.length - 1; i >= 0; i--) + { + secondSum += nums[i]; + firstSum -= nums[i]; + if (firstSum == secondSum) + { + return true; + } + } + return false; +} +" +7f7262ae842b15ba20320e70f34216e2c3eb3ce3,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length; i++) + { + left = left + nums[i]; + right = right + nums[nums.length - 1 - i]; + + if (left == right) + { + return true; + } + } + + return false; +} +" +f9e2bb185cb8d97186c4ae77b77308bd4ab5a9c7,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + +return false; +} +" +c60a4544d9870e605c8975303e2a092a863eb454,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + + for (int i = 0; i < nums.length; i++) + { + left = left + nums[i]; + } + + for (int i = nums.length-2; i > 0; i--) + { + if (left == right) + { + return true; + } + left = left - nums[i]; + right = right + nums[i]; + } + + if (left == right) + return true; + + return false; +} +" +e12280e519e29204f88d5de2de2cb04750fff812,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + + for (int i = 0; i < nums.length - 1; i++) + { + left = left + nums[i]; + } + + for (int i = nums.length-2; i > 0; i--) + { + if (left == right) + { + return true; + } + left = left - nums[i]; + right = right + nums[i]; + } + + if (left == right) + return true; + + return false; +} +" +16aa7e5cf780813a0d58a2a9af88d2947e50e20d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +e6da2c460992a0a7dee6b0009184130d3925170f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +821b221fa9e37e123f6270f572cbfa1fd334b6e0,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for (int i = 0; i < nums.length; i++) + { + second += nums[i]; + } + + for (int i = 0; i < nums.length - 2; i++) + { + first += nums[i]; + second -= nums[i]; + + if (first == second) + { + return true; + } + } + + return false; +} +" +430cfcdbe2f6c3662f9c0f16797b9adca1e13546,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + + right = nums[nums.length - 1]; + + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + + left -= nums[i]; + right += nums[i]; + } + + return (left = right); +} +" +d5423ea4d92d4bc56201db89bb84aa0bb7923e4b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + + right = nums[nums.length - 1]; + + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + + left -= nums[i]; + right += nums[i]; + } + + return (left == right); +} +" +d6970387c1a295bf38b17e81bbb823d1507ba4b7,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +b5e4140262a855505be7102f5f42c6bfecda6fe0,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + System.out.println(front); + } + else + { + tail+=nums[j]; + j--; + System.out.println(tail); + } + } + return front==tail; +} +" +b8512734ba0ee80957ce44898377e343f58a71b2,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>=i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +6606b172a711582b8e0aeb1831707027f09dd8e4,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>=i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +448e6bf10e5a021b9c426a979b1fdc157e546baa,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = num[-1]; + int j =nums.length-2; + int i =1; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +eaa66015014318387914e423483d66e90091946b,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = nums[-1]; + int j =nums.length-2; + int i =1; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +fcc04cd7897035b250cebd1cfd4f5927b0e3bcf1,"public boolean canBalance(int[] nums) +{ + int j =nums.length-2; + int i =1; + int front = nums[0]; + int tail = nums[j+1]; + while(j>i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +436eeb0f4f5aeee718662c66495c8c6c1dcc1db6,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>=i) + { + if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +401928b7c4f13266da10f5ba2a473bc98576a846,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; + +} +" +799aa3c30e9ea263f033c47f947a90ad44826b23,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +cf58bce5dbefafd0e4a5b19f24fd978dbf67428e,"public boolean canBalance(int[] nums) +{ + nums = [1,2,1,2]; + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>=i) + { + if(j==i&&front==tail) + { + return true; + } + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +6ac203999d3edb183d6642f6f20df71f1e1fcece,"public boolean canBalance(int[] nums) +{ + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>=i) + { + if(j==i&&front==tail) + { + return true; + } + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; +} +" +21ac8060530620d6af8b53ae26239169cfe42eea,"public boolean canBalance(int[] nums) +{ + /** + int front = nums[0]; + int tail = 0; + int j =nums.length-1; + int i =1; + while(j>=i) + { + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; + */ + int sum =0; + for (int i=0;i=i) + { + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; + */ + int sum =0; + for (int i=0;i=i) + { + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; + */ + int sum =0; + for (int i=0;i=i) + { + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; + */ + int sum =0; + for (int i=0;i=i) + { + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; + */ + int sum =0; + for (int i=0;i=i) + { + else if( front < tail) + { + front += nums[i]; + i++; + } + else + { + tail+=nums[j]; + j--; + } + } + return front==tail; + */ + double sum =0; + for (int i=0;i i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; + + +} +" +6421c902d3035575b39128a0fe6bbacfb5b39965,"public boolean canBalance(int[] nums) +{ + int s = 0; + for (int i = 0; i < nums.length; i++) + { + s += nums[i]; + int r = 0; + for (int j = nums.length-1; j > i; j--) { + r += nums[j]; + } + if (r == s) + return true; + } + return false; + + +} +" +18e7607251abb0c500ad82c2c1365d84cf1777d7,"public boolean canBalance(int[] nums) +{ + int s = 0; + for (int i = 0; i < nums.length; i++) + { + s += nums[i]; + int r = 0; + for (int j = nums.length-1; j > i; j--) { + r += nums[j]; + } + if (r == s) + return true; + } + return false; +} +" +f7b5b08f6aaab06f37a8051013fed5f0ee017377,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left = left - nums[i]; + right = right + nums[i]; + } + return (left == right); +} +" +5f5e60924b9fb3f66bd8e68753283f17e6015c47,"public boolean canBalance(int[] nums) { + int lSum = 0; + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +}" +eae652645fa49d67721774b40f58073cbc850a46,"public boolean canBalance(int[] nums) { + int lSum = 0; + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +}" +cd2d205865e22e9cee8472931e37156882345725,"public boolean canBalance(int[] nums) { + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} + +" +71cab801b62006e9dd69d42054c15e9b5069461f,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + sum1 += nums[j - i]; + sum2 += nums[j] + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +5d55aa3f57b1ceec04a751c62981948693e7c6d7,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + sum1 += nums[j - i]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +02905dcf116daca9539699cef7b5b0660754a9cb,"public boolean canBalance(int[] nums) +{ + int fir = 0; + int sec= 0; + + for (int i = 0; i < nums.length; i++) + { + sec += nums[i]; + } + for (int i = 0; i <= nums.length -2; i++) + { + fir+=nums[i]; + second -= nums[i]; + } + if(first == second) + return true; + else + return false; + +} +" +9c37baf059b01e42124a34b79d00a60e6dc4a1fb,"public boolean canBalance(int[] nums) +{ + int fir = 0; + int sec= 0; + + for (int i = 0; i < nums.length; i++) + { + sec += nums[i]; + } + for (int i = 0; i <= nums.length -2; i++) + { + fir+=nums[i]; + sec -= nums[i]; + } + if(first == sec) + return true; + else + return false; + +} +" +2aa16293f35c7f2ce47873957eb3d0d3195402d1,"public boolean canBalance(int[] nums) +{ + int fir = 0; + int sec= 0; + + for (int i = 0; i < nums.length; i++) + { + sec += nums[i]; + } + for (int i = 0; i <= nums.length -2; i++) + { + fir+=nums[i]; + sec -= nums[i]; + } + if(fir == sec) + return true; + else + return false; + +} +" +06e7d01b079663451cd5586da88f9cb741335b3f,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + j = i + 1; + sum1 += nums[j]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +6e6287e4f771d6af67eb58b04c693fd2129f56c8,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + j = i; + sum1 += nums[j]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +4ae0c716af0e32af419e44089d24714370119ef0,"public boolean canBalance(int[] nums) +{ + int fir = 0; + int sec= 0; + + for (int i = 0; i < nums.length; i++) + { + sec += nums[i]; + + for (int j = nums.length -1; j > i; i++) + { + fir+=nums[i]; + sec -= nums[i]; + } + } + if(fir == sec) + return true; + else + return false; + +} +" +66ca9f5b659118d4bfea08252a1df658580bb973,"public boolean canBalance(int[] nums) +{ + int fir = 0; + int sec= 0; + + for (int i = 0; i < nums.length; i++) + { + sec += nums[i]; + } + for (int i = 0; i < nums.length -1; i++) + { + fir+=nums[i]; + sec -= nums[i]; + } + } + if(fir == sec) + return true; + else + return false; + +} +" +f74fa579f61d0e230288c8ba7c07549219d80ca4,"public boolean canBalance(int[] nums) +{ + int fir = 0; + int sec= 0; + + for (int i = 0; i < nums.length; i++) + { + sec += nums[i]; + } + for (int i = 0; i < nums.length -1; i++) + { + fir+=nums[i]; + sec -= nums[i]; + } + + if(fir == sec) + return true; + else + return false; + +} +" +972df0ef2318cd7935f582b0e55a3f8ceb8ac76d,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0 + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i; + sum1 += nums[y]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +8ac12af44d16118509eb7af4063491a8d8afceaf,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i; + sum1 += nums[y]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +4274c04276ecb8b34de25d81834677dac913e495,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + sum1 += nums[y]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +c0e0396b83b9a863f4bf925b92fdabf4b0c7dacc,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i; + sum1 += nums[y]; + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +e957beec4da5778c6505b96d867a8afcfe117492,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i; + sum1 += nums[y]; + sum2 += nums[j]; + y++; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +393718f4349fa7fdc104bef72c28ee6c233ce57a,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + if (y != nums.length - 1) + { + sum1 += nums[y]; + } + sum2 += nums[j]; + y++; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +06c624957c34d103bcf29961cc34e72fe0c4f41e,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + if (y != nums.length - 1) + { + sum1 += nums[y]; + } + else + { + sum1 = sum1; + } + sum2 += nums[j]; + y++; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +8c7547c3ce9120e7339ca15bebdc5c899d2ab54d,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + if (y != nums.length - 1) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +cb0d0d39d3accc119e3a208f8d9fd33d8fa4449b,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +2734f512ee97e54d96617c6b898894b5c265b4a5,"public boolean canBalance(int[] nums) +{ + boolean x = true; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 != sum2) + { + x = false; + } + else + { + x = true; + break; + } + } + return x; +} +" +4b4f37eecbeeda0fcc55cf55222d1a45aa0e0d05,"public boolean canBalance(int[] nums) +{ + boolean x = true; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i; + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 != sum2) + { + x = false; + } + else + { + x = true; + break; + } + } + return x; +} +" +db2e2d56ea5b843c79aee3113f270b6605654264,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i; + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +fdb905dba46aca45f2d2f472ba53ce654a3ed331,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + y = i + 1; + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +6cdb23e470ff7a11984fdbc21bf4f0273d9cd9de,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + y = i + 1; + for (int j = 0; j < nums.length; j++) + { + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +fb5a615cf029ddf5b01968a0d8d671af0ea641d6,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + y = i; + for (int j = 0; j < nums.length; j++) + { + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +dfdd4475798dda07ebe1e1026626a875cc4b6454,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + y = i + 1; + for (int j = 0; j < nums.length; j++) + { + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + sum2 -= sum1; + if (sum1 == sum2) + { + x = true; + break; + } + } + return x; +} +" +236049cba76341c384b2764d71addedd76119334,"public boolean canBalance(int[] nums) +{ + boolean x = false; + int sum1 = 0; + int sum2 = 0; + int y = 0; + for (int i = 0; i < nums.length; i++) + { + y = i + 1; + for (int j = 0; j < nums.length; j++) + { + if (y < nums.length) + { + sum1 += nums[y]; + y++; + } + sum2 += nums[j]; + } + if (sum2 - sum1 == sum1) + { + x = true; + break; + } + } + return x; +} +" +0c1700b1b74e4d359992204eda594fc0a5b8372f,"public boolean canBalance(int[] nums) +{ + for(int i=0;i 0; i--) + { + if (left == right) + { + return true; + } + right += nums[i]; + left -= nums[i]; + } + return (left == right); +} +" +d2d657288bac6653c4632e409eaa78c267fe97ff,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +af55e0cc0a86a1b99cff922820fddfecc42e9363,"public boolean canBalance(int[] nums) { + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +}" +eccfcef5804901baf8d1d57caf4167cd70a87e8b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +002254c45164bdf12bfca8a0fe71d68f839bbb7a,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int other =0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + + for(int j = nums.length-1; j < i; j--) + { + other += nums[j]; + } + } + if (other == sum) + return true; + else + return false; +} +" +07171424c201037c5a8685cdb03a8aa47f4bee0f,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int other =0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + + for(int j = nums.length-1; j < i; j--) + { + other += nums[j]; + } + } + if (other == sum) + { + return true; + } + else + { + return false; + } +} +" +8ff06bfc2a18aba3f9952a38ffdef3e132a5c4ab,"public boolean canBalance(int[] nums) +{ + for(int i=1; i i; x++) + { + sum2 = sum2 + nums[x]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +e18c3e9a1dbbb5ece1e4e9d57e4fc45133fc2b0e,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) + { + sum1 = sum1 + nums[i]; + for (int x = nums.length - 1; x > i; x--) + { + sum2 = sum2 + nums[x]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +04188deb225d38869a0cfe009d53e5257b25a4a8,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int i = 0; i < nums.length; i++) + { + sum1 = sum1 + nums[i]; + int sum2 = 0; + for (int x = nums.length - 1; x > i; x--) + { + sum2 = sum2 + nums[x]; + } + if (sum1 == sum2) + { + return true; + } + } + return false; +} +" +460014d94aa4cf956d2aba223d66be5e08f409e7,"public boolean canBalance(int[] nums) +{ + int front = 0; + for (int i = 0; i < nums.length - 1; i++) + { + front = front + nums[i]; + } + int back = nums[nums.length - 1]; + for (i = nums.length - 2; i > 0; i--) + { + if(front == back) + { + return true; + } + front = front - nums[i]; + back = back + nums[i]; + } + return right == left; +} +" +07da2b65cc4460e53ef0e056b89a9ed6237f3a51,"public boolean canBalance(int[] nums) +{ + int front = 0; + for (int i = 0; i < nums.length - 1; i++) + { + front = front + nums[i]; + } + int back = nums[nums.length - 1]; + for (int j = nums.length - 2; j > 0; j--) + { + if(front == back) + { + return true; + } + front = front - nums[j]; + back = back + nums[j]; + } + return right == left; +} +" +c1462f7daf3f8bc133eaf585b24127eb281da318,"public boolean canBalance(int[] nums) +{ + int front = 0; + for (int i = 0; i < nums.length - 1; i++) + { + front = front + nums[i]; + } + int back = nums[nums.length - 1]; + for (int j = nums.length - 2; j > 0; j--) + { + if(front == back) + { + return true; + } + front = front - nums[j]; + back = back + nums[j]; + } + return front == back; +} +" +5d65a741b643d4fa30454dbc390f7c2b603e2b40,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int other =0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + + for(int j = nums.length; j < i; j--) + { + other += nums[j]; + } + } + if (other == sum) + { + return true; + } + else + { + return false; + } +} +" +2955cf62484eec4c06404ce13975fffc726c9136,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int other =0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + + for(int j = nums.length-1; j < i; j--) + { + other += nums[j]; + } + } + if (other == sum) + { + return true; + } + else + { + return false; + } +} +" +6010dfb456616353ea2f4f27711b4abec6e86605,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +1cc0152402337d91498b89c49c65cdee749f89be,"public boolean canBalance(int[] nums) +{ + int leftSum = 0; + for (int i = 0; i < nums.length; i++) + { + leftSum += nums[i]; + int rightSum = 0; + for (int j = t - 1; j > i; j--) + { + rightSum += nums[j]; + } + if (rightSum == leftSum) + { + return true; + } + } + return false; +} +" +6f1adf8a28a040e4f3070d1dbf66c01053b42620,"public boolean canBalance(int[] nums) +{ + int t = nums.length; + int leftSum = 0; + for (int i = 0; i < nums.length; i++) + { + leftSum += nums[i]; + int rightSum = 0; + for (int j = t - 1; j > i; j--) + { + rightSum += nums[j]; + } + if (rightSum == leftSum) + { + return true; + } + } + return false; +} +" +177eae86bff5045862b5ec19e525133350ea31e1,"public boolean canBalance(int[] nums) +{ + int t = nums.length; + int leftSum = 0; + for (int i = 0; i < t; i++) + { + leftSum += nums[i]; + int rightSum = 0; + for (int j = t - 1; j > i; j--) + { + rightSum += nums[j]; + } + if (rightSum == leftSum) + { + return true; + } + } + return false; +} +" +e1c1fbcb036891378bec75c80a21747b68ecc721,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for(int i = 0; i < nums.length - 1; i++) + l += nums[i]; + r = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(l == r) + return true; + l -= nums[i]; + r += nums[i]; + } + return (l == r); +} +" +427effb658f3ca8ff6adf39504cde518d7d58fca,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6d52e0bce8ce8996c7e7de16b8d2267c341c4ecb,"public boolean canBalance(int[] nums) +{ + if (nums.length <= 1) + { + return false; + } + + int left = 1; + int right = nums.length-2; + int leftSum = nums[0]; + int rightSum = nums[nums.length-1]; + while (left<=right) + { + if (leftSum < rightSum) + { + leftSum += nums[left]; + left++; + } + else + { + rightSum += nums[right]; + right--; + } + } + return leftSum == rightSum; +} +" +37f96f82a93bc0e0a14ee9e38ec82a57d9b8b4a8,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int subtracting = 0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i] + } + + for(it i = 0; i < nums.length; i++) + { + subtracting += nums[i]; + if(subtracting == sum - subtracting) + {return true;} + } + return false; + +} +" +7d115e1056990d7f75e456bdcda63ccf7adcf570,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int subtracting = 0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + + for(it i = 0; i < nums.length; i++) + { + subtracting += nums[i]; + if(subtracting == sum - subtracting) + {return true;} + } + return false; + +} +" +b7c802e3da6900bdb31890b064425e0d65e66829,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int subtracting = 0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + + for(int i = 0; i < nums.length; i++) + { + subtracting += nums[i]; + if(subtracting == sum - subtracting) + {return true;} + } + return false; + +} +" +cc25100424c4e194832a56eee2ff9dfa3b040da3,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +31ba7832cf0b6782fbc9b44c11876493ae4e359e,"public boolean canBalance(int[] nums) +{ + return true; +} +" +148148adc5c376db3ed4d2ea677605578deb5e64,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +cb2957e774957d3ad0ec61cb89ac54ea91e08538,"public boolean canBalance(int[] nums) +{ + + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +4c02162c839f985afc5f150ba31afd3f7033962f,"public boolean canBalance(int[] nums) +{ + public boolean canBalance(int[] nums) { + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +} +" +0ad5edf66e8448bd5ea23dbd8c4e7bb92861aadc,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} + +" +4bb4b89093a854e9d93474815859ceef8d19384f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +31bd3a640c67a55025db8bc1eb000ef59bab565c,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +129fe0759cde8f3e07435ffc1eb3e3c0d5b24b2e,"public boolean canBalance(int[] nums) +{ + return true +} +" +39a5c7dde3f4d13c135f2f4107e25015059ed9cc,"public boolean canBalance(int[] nums) +{ + return true; +} +" +20b947be352ef01a562d6778727cb92907b6844c,"public boolean canBalance(int[] nums) +{ + return false; +} +" +e4921cb9d2dd60bb6b251b34053fe5835d493ff1,"public boolean canBalance(int[] nums) +{ + int countBeg = 0; + int countEnd = 0; + boolean balance = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = nums.length - 1; j > 0; j--) + { + countBeg += nums[i]; + countEnd += nums[j]; + if (countBeg == countEnd) + { + balance = true; + } + } + } + + return balance; +} +" +1d6853f7cdfe627e1c73c161fa0db83dd23b258c,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +91c077071679988dea4b865b291b4784bf93cfe5,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + { + second += nums[i]; + } + + for(int i = 0; i <= nums.length - 2; i++) + { + first += nums[i]; + second -= nums[i]; + } + + if(first == second) + { + return true; + } + return false; +} +" +c01e44fb7012eec85999cbb19fd2da36d09e77cd,"public boolean canBalance(int[] nums) +{ + int l = 0; + for(int i = 0; i < nums.length - 1; i++) + l = l + nums[i]; + int r = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(l == r) + return true; + l = l- nums[i]; + r = r + nums[i]; + } + return (left == right); +} +" +9ecc7ab5a7798f1a9eee96ff5f6e54a7d0e7386c,"public boolean canBalance(int[] nums) +{ + int l = 0; + for(int i = 0; i < nums.length - 1; i++) + l = l + nums[i]; + int r = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(l == r) + return true; + l = l- nums[i]; + r = r + nums[i]; + } + return (l == r); +} +" +28c6d3211d089cec7425e12e0b8eaab7621312fe,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) + { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) + { + rSum += nums[j]; + } + } + if (rSum == lSum) + { + return true; + } +} + return false; +" +1d5daeb9d7b3b1f40df9b93f51131b22070d3cb0,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) + { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) + { + rSum += nums[j]; + } + } + if (rSum == lSum) + { + return true; + } + return false; +} +" +54c2093f043824806769fd13f1cd57711b9bb39d,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) + { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) + { + rSum += nums[j]; + } + if (rSum == lSum) + { + return true; + } + } + return false; +} +" +fe86f4e906123a507c073fe57aeedd2ba25d6ea9,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +6542e26eef8398f41b733dd87747c37ac1ba1094,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +" +27c1b5c2b311c8bea082f03ab2f43fd0f7d01cf0,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + } + if (sum % 2 == 0) + { + return true; + } + return false; +} +" +dbb0584609e7871313633e6444985ed3a4d27eb2,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6f39a95faba6321981a1108bd316b7e0abd0e45d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +0d0444ede5d1e999feaa9979671b2c2d5039cf26,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +03bde1f2f0250c75ac7f5b571a88bb4a07a44464,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i < nums.length - 1; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +48080a8d2dc2ec106a1bf293547e8ca766f01ca0,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + for(int i = 0; i < nums.length; i++) + sum2 += nums[i]; + + for(int i = 0; i < nums.length - 1; i++) { + sum1 += nums[i]; + sum2 -= nums[i]; + + if(sum1 == sum2) + return true; + } + + return false; +} +" +fbeff0dca69e7a264001c44028a8a2f7724075df,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + boolean result = false; + for (int i = 0; i < length; i++) + { + int firstSum = 0; + int secondSum = 0; + for (int j = 0, j < i; j++) + { + firstSum = firstSum + nums[j]; + } + for (int k = i; k < length; k++) + { + secondSum = secondSum + nums[k]; + } + if (firstSum == secondSum) + { + result = true; + } + } + return result; +} +" +4f21fa6ea2755a17cbff5769966ccaf0248ff07f,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + boolean result = false; + for (int i = 0; i < length; i++) + { + int firstSum = 0; + int secondSum = 0; + for (int j = 0; j < i; j++) + { + firstSum = firstSum + nums[j]; + } + for (int k = i; k < length; k++) + { + secondSum = secondSum + nums[k]; + } + if (firstSum == secondSum) + { + result = true; + } + } + return result; +} +" +03a7f2fab1bbcbfce873568ccfc190c8277f0264,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + for(int i = 0; i < nums.length; i++) + sum2 += nums[i]; + + for(int i = 0; i < nums.length - 1; i++) { + sum1 += nums[i]; + sum2 -= nums[i]; + + if(sum2 == sum1) + return true; + } + + return false; +} +" +0f9c6087bdc630669ea14fe82034032a2eddbac7,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + for(int i = 0; i < nums.length; i++) + { + sum2 += nums[i]; + } + + for(int i = 0; i < nums.length - 1; i++) + { + sum1 += nums[i]; + sum2 -= nums[i]; + + if(sum2 == sum1) + { + return true; + } + } + return false; +} +" +1a333f05b5dedc620bf3a45a804448cd8131f75a,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + //for(int i = 0; i < nums.length; i++) + //{ + // sum2 += nums[i]; + //} + + for(int i = 0; i < nums.length - 1; i++) + { + sum1 += nums[i]; + sum2 -= nums[i]; + + if(-sum2 == sum1) + { + return true; + } + } + return false; +} +" +12cb750c91640eb6688549f340ee796d8ec403c4,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + //for(int i = 0; i < nums.length; i++) + //{ + // sum2 += nums[i]; + //} + + for(int i = 0; i < nums.length - 1; i++) + { + sum1 += nums[i]; + sum2 -= nums[nums.length - i]; + + if(-sum2 == sum1) + { + return true; + } + } + return false; +} +" +0ce0298dd7ae822e7fd484484e706e466c402cc7,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + for(int i = 0; i < nums.length; i++) + { + sum2 += nums[i]; + } + + for(int i = 0; i < nums.length - 1; i++) + { + sum1 += nums[i]; + sum2 -= nums[i]; + + if(-sum2 == sum1) + { + return true; + } + } + return false; +} +" +355f2f58cdfde3c3cca5aa9b0d961dfaaf754bd1,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + + for(int i = 0; i < nums.length; i++) + { + sum2 += nums[i]; + } + + for(int i = 0; i < nums.length - 1; i++) + { + sum1 += nums[i]; + sum2 -= nums[i]; + + if(sum2 == sum1) + { + return true; + } + } + return false; +} +" +4e0700be7ce2f942339e9d32edd40a13a842769e,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +4d986b0b152ffcdf58d70b208f9d98b6b6b7302c,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + right = nums[nums.length-1]; + } + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +acdf0eaca306e7bfcbfa0971838b89d89de509e5,"public boolean canBalance(int[] nums) +{ + int sumLeft = 0; + int sumRight = 0; + for (int i = 0; i < nums.length - 1; i++){ + sumLeft += nums[i]; + } + sumRight = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--){ + if (sumLeft == sumRight){ + return true; + } + sumLeft -= nums[i]; + sumRight += nums[i]; + } + return (sumLeft == sumRight); +} +" +256d0a1f18afddd28849e83b411b19668f0c557d,"public boolean canBalance(int[] nums) +{ + int sumR = 0; + int sumL = 0; + for (int x = 0; x < nums.length; x++) + { + for (int y = 0; y <= x; y++) + { + sumR += nums[y]; + } + for (int z = x + 1; z <= nums.length; z++) + { + sumL += nums[z]; + } + if (sumR == sumL) + { + return true; + } + } + return false; +} +" +92809801c708698a97436042009825d529e663bc,"public boolean canBalance(int[] nums) +{ + boolean foo = false; + int sum = 0; + int halfsum = 0; + for (int n : nums) + { + sum += n; + } + for (int n : nums) + { + halfsum += n; + sum -= n; + if (sum == halfsum) + { + foo = true; + } + } + return foo; +} +" +a7b6e1426015e49fdfddee95390852f2652994e4,"public boolean canBalance(int[] nums) +{ + int sumL = 0; + int sumR = 0; + for (int x = 0; x + 1 < nums.length; x++) + { + sumL += nums[x]; + } + + sumR = nums[nums.length - 1]; + + for (int x + 2 = nums.length; x > 0; x--) + { + if (sumL == sumR) + { + return true; + } + else + { + sumL -= nums[x]; + sumR += nums[x]; + } + } + return (sumL == sumR); +} +" +bc70cb7ac04162a545ae76ac25611798b8632477,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right=0; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + right = nums[nums.length-1]; + } + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +c61f7fbee734f58bde046cceaa09c1b7289dbb4d,"public boolean canBalance(int[] nums) +{ + int sumL = 0; + int sumR = 0; + for (int x = 0; x + 1 < nums.length; x++) + { + sumL += nums[x]; + } + + sumR = nums[nums.length - 1]; + + for (int x = nums.length - 2; x > 0; x--) + { + if (sumL == sumR) + { + return true; + } + else + { + sumL -= nums[x]; + sumR += nums[x]; + } + } + return (sumL == sumR); +} +" +0921a026cd587f1e973be76c295b7dae3ffb1b88,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +dac2166ba43eb4d153a2708612b165da8f2a53b0,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + right = nums[nums.length-1]; + } + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +da47b206423b6dfaaa5d84d79474a0e889127c4b,"public boolean canBalance(int[] nums) +{ + + return false; +} +" +91b48d8ed7e54e2dedbb70cd95fa5cdbddb7933d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + right = nums[nums.length-1]; + } + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +f15a80eb02fec1dd6296038331a45fc4a57b8b05,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +3b6e51c420800a254f8ffe370fff16c393be259a,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +49b77a65cfc6738d42be086ffe68b55260cdc19c,"public boolean canBalance(int[] nums) +{ +int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +5d9a3790808e79e73b385991ae72671e8c39f695,"public boolean canBalance(int[] nums) +{ + + java.util.List holder = new java.util.ArrayList(); + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] != 10) + { + holder.add(nums[i]); + } + } + for(int i = 0; i < nums.length; i++) + { + if (holder.size() > i) + { + } + + } + //return nums; + int leftSum = nums[i]; + int rightSum = nums[nums.length-1]; + for (int i = 0; i < nums.length - 1; i++) + { + + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[j]; + + } + leftSum = leftSum + nums[i]; + if (rightSum == leftSum) + { + return true; + } + + + + + } + + + + + + return false; +} +" +a6264f91d1e0f091adb21b381278a64da0abfb7e,"public boolean canBalance(int[] nums) +{ + + java.util.List holder = new java.util.ArrayList(); + + + //return nums; + int leftSum = nums[i]; + int rightSum = nums[nums.length-1]; + for (int i = 0; i < nums.length - 1; i++) + { + + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[j]; + + } + leftSum = leftSum + nums[i]; + if (rightSum == leftSum) + { + return true; + } + + + + + } + + + + + + return false; +} +" +c4ca94131227ef0da9fc973020b2db049482741f,"public boolean canBalance(int[] nums) +{ + + java.util.List holder = new java.util.ArrayList(); + + + //return nums; + int leftSum = nums[0]; + int rightSum = nums[nums.length-1]; + for (int i = 0; i < nums.length - 1; i++) + { + + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[j]; + + } + leftSum = leftSum + nums[i]; + if (rightSum == leftSum) + { + return true; + } + + + + + } + + + + + + return false; +} +" +e37d0acd26549eba5474a33850f8b6d3dcc0a470,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6653864526e47d3237a0698be9ed0f2293eff7f9,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +2828e54fe426eac9a5700369edfea512f753a875,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +a0ade25b3ec27744057bac4d4ddb049d9c387ec4,"public boolean canBalance(int[] nums) +{ +} +" +56857243cf1a6993f4a0e9fad7aebc17678f10e9,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + + for (int i + 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +c197b00e9510019741ce2c04be9f0bddd0833046,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +b271d83bfb97fb0404cceedc08ac710ec096302f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +88a5f6e90a685dd5fd2330f9ad56ab3c41b275c2,"public boolean canBalance(int[] nums) +{ + boolean balance = false; + int sumLeft = 0; + int sumRight = 0; + for (int i = 0; i=0; j--) + { + sumLeft = sumLeft + nums[j]; + } + for (h = i+1; h < nums.length; h++) + { + sumRight = sumRight + nums[h]; + } + if (sumLeft == sumRight) + { + balance = true; + break; + } + } + return balance; + +} +" +abc4ad804c8d9621973094b03c223d6e1f73255d,"public boolean canBalance(int[] nums) +{ + boolean balance = false; + int sumLeft = 0; + int sumRight = 0; + for (int i = 0; i=0; j--) + { + sumLeft = sumLeft + nums[j]; + } + for (int h = i+1; h < nums.length; h++) + { + sumRight = sumRight + nums[h]; + } + if (sumLeft == sumRight) + { + balance = true; + break; + } + } + return balance; + +} +" +f14c956a5320f5c06b17ef04f03045d2128bd589,"public boolean canBalance(int[] nums) +{ + boolean balance = false; + int sumLeft = 0; + int sumRight = 0; + for (int i = 0; i=0; j--) + { + sumLeft = sumLeft + nums[j]; + } + for (int h = i+1; h < nums.length; h++) + { + sumRight = sumRight + nums[h]; + } + if (sumLeft == sumRight) + { + balance = true; + break; + } + else + { + sumLeft = 0; + sumRight = 0; + } + } + return balance; + +} +" +e221b79413491c925e8093f6f06d6e85301a08e8,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + for ( int i = 0; i < nums.length; i++ ) { + sum1 = sum1 + nums[i]; + } + int half = sum1 / 2; + for ( int a = 0; a < nums.length; a++ ) { + sum2 = sum2 + nums[a]; + if ( sum2 == half ) { + return true; + } + else + { + return false; + } + } +} +" +de032ebc71a0ce6c1a466019bef0ae20692c9a76,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + for ( int i = 0; i < nums.length; i++ ) { + sum1 = sum1 + nums[i]; + } + int half = sum1 / 2; + for ( int a = 0; a < nums.length; a++ ) { + sum2 = sum2 + nums[a]; + if ( sum2 == half ) { + return true; + } + } + return false; +} +" +e8219c1979d0f98c4c3199ce3fbc1943ac113422,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +}" +b72fcbfbb3dd63da658b427c8a70b65b30490f3b,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int last = 0; + int sumFirst = 0; + int sumLast = 0; + for (int x = 0; x < length/2; x++) + { + sunFirst = sumFirst + nums[x]; + last = x; + } + for (int i = last + 1; i < length; i++) + { + sumLast = sumLast + nums[i]; + } + if (sumFirst == sumLast) + { + return true; + } + else + { + return false; + } +}" +2a002a0cea5b6e2cba317ad4e860f0522331790a,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for (int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +492987e399a2ca1a4c02693bea6eb81034f6b31c,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int last = 0; + int sumFirst = 0; + int sumLast = 0; + for (int x = 0; x < length/2; x++) + { + sumFirst = sumFirst + nums[x]; + last = x; + } + for (int i = last + 1; i < length; i++) + { + sumLast = sumLast + nums[i]; + } + if (sumFirst == sumLast) + { + return true; + } + else + { + return false; + } +}" +ae680f06e925dade54488ef665626aab8cd157e9,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int last = 0; + int sumFirst = 0; + int sumLast = 0; + for (int x = 0; x < length/2; x++) + { + sumFirst = sumFirst + nums[x]; + last = x; + } + for (int i = last + 1; i < length; i++) + { + sumLast = sumLast + nums[i]; + } + + if (nums.length == 1) + { + return false; + } + else if (sumFirst == sumLast) + { + return true; + } + else + { + return false; + } +}" +3bc7e17f6dea7af6d70bcd79f8c59238c8e8976b,"public boolean canBalance(int[] nums) +{ + boolean result = true; + + return result; +} +" +675e4039d3079006e1aa211c7763814abee1809e,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int last = 0; + int sumFirst = 0; + int sumLast = 0; + for (int x = 0; x < length/2; x++) + { + sumFirst = sumFirst + nums[x]; + last = x; + } + for (int i = last + 1; i < length; i++) + { + sumLast = sumLast + nums[i]; + } + + if (nums.length == 1) + { + return false; + } + else if (sumFirst == sumLast) + { + return true; + } + else + { + return true; + } +}" +d8862a57f6c3fc0415837997e4db82b6aa18d47a,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int sumFirst = 0; + int sumLast = 0; + if (nums.length == 1) + { + return false; + } +}" +7ed4ae16785a70d78ac764f84aae994f433d2f60,"public boolean canBalance(int[] nums) +{ + int length = nums.length; + int sumFirst = 0; + int sumLast = 0; + if (nums.length == 1) + { + return false; + } + return true; +}" +d597bcc678bb531c731a4403de5fd584cc3e7087,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for ( int i = 0; i < nums.length; i++ ) { + right = right + nums[i]; + } + for ( int i = 0; i < nums.length - 1; i++ ) { + left = left + nums[i]; + right = right - nums[i]; + if ( left == right ) { + return true; + } + } + return false; +} +" +fa320b4c3b17f29b6d0c5f7d67c747bc1a23ce6b,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + double half = nums.length / 2; + for (int i = 0; i < half; i++) + { + sum1 += nums[i]; + } + for (int j = half; j < nums.length; i++) + { + sum2 += nums[i]; + } + if +} +" +aae391b996bc3031e0962c5018465a8fa7f61f77,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + double half = nums.length / 2; + for (int i = 0; i < half; i++) + { + sum1 += nums[i]; + } + for (int j = half; j < nums.length; i++) + { + sum2 += nums[i]; + } + return true; +} +" +e08c039caa9736c8d2e93a7fa35747ac6eafc9d8,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + double half = nums.length / 2; + for (double i = 0; i < half; i++) + { + sum1 += nums[i]; + } + for (double j = half; j < nums.length; i++) + { + sum2 += nums[j]; + } + return true; +} +" +6b33eeb0e3235c21e4d8dbf69b25ca9ed321dd54,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + double half = nums.length / 2; + return true; +} +" +6b235bfe01ab3781e123657c7c0c9a765feb45de,"public boolean canBalance(int[] nums) +{ + for (int count = 0; count < nums.length; count++)_ + { + int sumLow = 0; + for (int lowCount = count; lowCount >= 0; lowCount--) + { + sumLow = sumLow + nums[lowCount]; + } + int sumHigh = 0; + for (int highCount = count + 1; highCount < nums.length; highCount++) + { + sumHigh = sumHigh + nums[highCount]; + } + if (sumLow == sumHigh) + { + return true; + } + } + return false; +}" +bc8c7f10940d4ccf7b69ea6a7c59844b01f861d4,"public boolean canBalance(int[] nums) +{ + for (int c = 0; c < nums.length; c++)_ + { + int sumLow = 0; + for (int lowCount = c; lowCount >= 0; lowCount--) + { + sumLow = sumLow + nums[lowCount]; + } + int sumHigh = 0; + for (int highCount = c + 1; highCount < nums.length; highCount++) + { + sumHigh = sumHigh + nums[highCount]; + } + if (sumLow == sumHigh) + { + return true; + } + } + return false; +}" +17ba558ca6615a52edf5b585778327ff90ea1152,"public boolean canBalance(int[] nums) +{ + for (int goop = 0; goop < nums.length; c++)_ + { + int sumLow = 0; + for (int lowCount = goop; lowCount >= 0; lowCount--) + { + sumLow = sumLow + nums[lowCount]; + } + int sumHigh = 0; + for (int highCount = goop + 1; highCount < nums.length; highCount++) + { + sumHigh = sumHigh + nums[highCount]; + } + if (sumLow == sumHigh) + { + return true; + } + } + return false; +}" +7a516ad914729a52dd894d30fc786534079e0918,"public boolean canBalance(int[] nums) +{ + for (int goop = 0; goop < nums.length; c++) + { + int sumLow = 0; + for (int lowCount = goop; lowCount >= 0; lowCount--) + { + sumLow = sumLow + nums[lowCount]; + } + int sumHigh = 0; + for (int highCount = goop + 1; highCount < nums.length; highCount++) + { + sumHigh = sumHigh + nums[highCount]; + } + if (sumLow == sumHigh) + { + return true; + } + } + return false; +}" +4aaaba3dcd423bb262baba5439b9328dffe06419,"public boolean canBalance(int[] nums) +{ + for (int goop = 0; goop < nums.length; goop++) + { + int sumLow = 0; + for (int lowCount = goop; lowCount >= 0; lowCount--) + { + sumLow = sumLow + nums[lowCount]; + } + int sumHigh = 0; + for (int highCount = goop + 1; highCount < nums.length; highCount++) + { + sumHigh = sumHigh + nums[highCount]; + } + if (sumLow == sumHigh) + { + return true; + } + } + return false; +}" +d65989b16e4538b1c65edbffb8c184f552e364dc,"public boolean canBalance(int[] nums) { + int ss = 0; + + for (int i = 0; i < nums.length; i++) { + ss += nums[i]; + int rr = 0; + for (int j = nums.length-1; j > i; j--) { + rr += nums[j]; + } + if (rr == ss) + return true; + } + return false; +}" +9a656f0fbb3e2c2ce85e38c15e920debf7aff94b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +b4d9a79850d1fb8bab24a722176fd350a662fb88,"public boolean canBalance(int[] nums) +{ + int one = 0; + int two = 0; + + for (int i = 0; i < num.length; i++) + { + two += nums[i]; + } + + for (int i = 0; i < nums.length - 1; i++) + { + one += nums[i]; + two -+ nums[i]; + + if (one == two) + { + return true; + } + } + + return false; +} +" +ca02354a84cc72f0339b18ee35a95f653097a24d,"public boolean canBalance(int[] nums) +{ + int one = 0; + int two = 0; + + for (int i = 0; i < num.length; i++) + { + two += nums[i]; + } + + for (int i = 0; i < nums.length - 1; i++) + { + one += nums[i]; + two -= nums[i]; + + if (one == two) + { + return true; + } + } + + return false; +} +" +cbd6d7a1e12d97ccdb82f149eea925b3ab4a7643,"public boolean canBalance(int[] nums) +{ + int one = 0; + int two = 0; + + for (int i = 0; i < nums.length; i++) + { + two += nums[i]; + } + + for (int i = 0; i < nums.length - 1; i++) + { + one += nums[i]; + two -= nums[i]; + + if (one == two) + { + return true; + } + } + + return false; +} +" +1bf6aba6fb27546c269a4e6a73b46e4ac442dd01,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +323d160e6e854f062f06829f3367b0354e8ab7be,"public boolean canBalance(int[] nums) +{ + int x1 = 0; + int x2 = 0; + + for(int i = 0; i < nums.length; i++) + x2 += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + x1 += nums[i]; + x2 -= nums[i]; + + if(x1 == x2) + return true; + } + + return false; + +} +" +f82fad2d322742ad68df58ddd3475e9a24f381ff,"public boolean canBalance(int[] nums) +{ + int x1 = 0; + int x2 = 0; + for(int i = 0; i < nums.length; i++) + { + x2 += nums[i]; + } + for(int i = 0; i <= nums.length - 2; i++) + { + x1 += nums[i]; + x2 -= nums[i]; + if(x1 == x2) + return true; + } + return false; + +} +" +d3acabe20d60c0a2c3439354ffd626bd253a514e,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return left == right; + +} +" +2605f0d27c0b4503ab3a445b661ac45f5bf4918f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +e078b916c942298b253b4ec09856e6741f5c1b5f,"public boolean canBalance(int[] nums) +{ + int left, right; + + for (int i = 1; i < nums.length; i++) + { + left = 0; + right = 0; + for (int j = 0; j < i; i++) + { + left += nums[j]; + } + for (int j = i; j < nums.length; i++) + { + right += nums[j]; + } + if (left == right) + { + return true; + } + } + + return false; +} +" +e3c4b982f4c5f26837f5749a1e65535cee0bb009,"public boolean canBalance(int[] nums) +{ + int left, right; + + for (int i = 0; i < nums.length; i++) + { + left = 0; + right = 0; + for (int j = 0; j < i; j++) + { + left += nums[j]; + } + for (int j = i; j < nums.length; j++) + { + right += nums[j]; + } + if (left == right) + { + return true; + } + } + + return false; +} +" +c86ec5adc76901cf2af551131e23dd05e9df91db,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +91a6be844fe650dcd1396cdec792633eb670a11e,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +3bae1bf0c0fe3d8b21a188ada357c4d207c43de2,"public boolean canBalance(int[] nums) +{ + int beginning = 0; + int ending = 0; + boolean equal = false; + for (int j = 0; j < nums.length; j++) + { + ending = ending + nums[j]; + } + + for (int i = 0; i <= nums.length - 2; i++) + { + beginning = beginning + nums[i]; + ending = ending - nums[i]; + if (beginning == ending) + { + equal = true; + } + } + + return equal; +} +" +6d95bd1bc18e6abffb39976029131eafa6f3f995,"public boolean canBalance(int[] nums) +{ + int beginning = 0; + int ending = 0; + boolean equal = false; + for (int j = 0; j < nums.length; j++) + { + ending = ending + nums[j]; + } + + for (int i = 0; i <= nums.length - 2; i++) + { + beginning = beginning + nums[i]; + ending = ending - nums[i]; + if (beginning == ending) + { + equal = true; + } + } + return equal; +} +" +ba9100bb3ec1b3b3fb0c98138c0ab859c60fe004,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +a1e22b10f80910ebb2ac889f002590b42596b139,"public boolean canBalance(int[] nums) +{ + int primero = 0; + int segundo= 0; + + for(int i = 0; i < nums.length; i++) + segundo += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + primero += nums[i]; + segundo -= nums[i]; + + if(segundo == primero) + return true; + } + + return false; + +} +" +3253b90ce3acaadd32ce456be26ddd514dac9b84,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; + +} +" +aa219fc441109f18b7983c37053a61d6980c5b34,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0;i < nums.length;i++) + { + for(int a = 0; a < i; a++) + { + suma = suma + nums[a]; + } + for(int b = i; b < nums.length;b++) + { + sumb = sumb + nums[b]; + } + if (suma == sumb) + { + return true; + } + } + return false; +} +" +997dfdc3884e0720417a9af368ecaf0d255640c9,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +} +" +4f4ba0c0a407848f75144176f1479962c3b6d82d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +} + +" +9b4eee16c5bb50e1331ffade5965293c979059b0,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} + +" +08f98025196967a0a4a0f18ab5598b5bb0a302ed,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0;i < nums.length;i++) + { + for(int a = 0; a =< i; a++) + { + suma = suma + nums[a]; + } + for(int b = i+1; b < nums.length;b++) + { + sumb = sumb + nums[b]; + } + if (suma == sumb) + { + return true; + } + } + return false; +} +" +2ef031a5a98256b1ae36f60de0036b95ef925fbd,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0;i < nums.length;i++) + { + for(int a = 0; a <= i; a++) + { + suma = suma + nums[a]; + } + for(int b = i+1; b < nums.length;b++) + { + sumb = sumb + nums[b]; + } + if (suma == sumb) + { + return true; + } + } + return false; +} +" +510c60450ccbbda260661adf57afcea6f0d9c8bc,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0;i < nums.length;i++) + { + suma = suma + nums[i]; + for(int b = i+1; b < nums.length;b++) + { + sumb = sumb + nums[b]; + } + if (suma == sumb) + { + return true; + } + } + return false; +} +" +b581c6627ebd402daf3bf7e7d3200561b5aa415e,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int suma = 0; + int sumb = 0; + for (int i = 0;i < nums.length;i++) + { + suma = suma + nums[i]; + for(int b = 0; b < nums.length;b++) + { + sum = sum + nums[b]; + } + sumb = sum - suma; + if (suma == sumb) + { + return true; + } + } + return false; +} +" +9e280b5fbe9d02100968db69c953be39a7237099,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +6e5023e5c22af9c18dd3de51c2e48c46981c20f4,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int suma = 0; + int sumb = 0; + for(int b = 0; b < nums.length;b++) + { + sum = sum + nums[b]; + } + for (int i = 0;i < nums.length;i++) + { + suma = suma + nums[i]; + + sumb = sum - suma; + if (suma == sumb) + { + return true; + } + } + return false; +} +" +2893d7eebc449868b02548fff84b146e5aa1aef1,"public boolean canBalance(int[] nums) +{ + return true; +} +" +927fc2749b828d3f93e583e81b64081f8b10e055,"public boolean canBalance(int[] nums) +{ + int rightSum = 0; +for (int i=0; i 0; i--) + + { + + if(left == right) + + return true; + + left -= nums[i]; + + right += nums[i]; + + } + + return (left == right); +} +" +345a03dbe287c85ca8089999b7ef0b8e4fd90ec1,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +d146ec0c85d1526e092243f8986f201375074258,"public boolean canBalance(int[] nums) +{ + int merlinL = 0; + int merlinR = 0; + + for (int i = 0; i 0; i--) + { + if(back == front) + return true; + front = back + nums[i]; + back = back + nums[i]; + } + boolean bool = front == back + return bool; +} +" +ccd2bf2a919c94599e57e4e4ed5b9e3e8a61eb4b,"public boolean canBalance(int[] nums) +{ + int merlinL = 0; + int merlinR = 0; + + for (int i = 0; i 0; i--) + { + if(back == front) + return true; + front = back + nums[i]; + back = back + nums[i]; + } + boolean bool = front == back; + return bool; +} +" +f2ceb888768a867bb99bc020078aec7b355c8d07,"public boolean canBalance(int[] nums) +{ + int front = 0; + int back; + for(int i = 0; i < nums.length - 1; i++) + front = front + nums[i]; + back = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(back == front) + return true; + front = front + nums[i]; + back = back + nums[i]; + } + boolean bool = front == back; + return bool; +} +" +1b58f096b1ebf60e88b41e237b05ffe3a5156c3c,"public boolean canBalance(int[] nums) +{ + int merlinL = 0; + int merlinR = 0; + + for (int i = 0; i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +d31613611b4ec7e63b836c38fd0b1e9818fbc5fc,"public boolean canBalance(int[] nums) +{ + int merlinL = 0; + int merlinR = 0; + + for (int i = 0; i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6f5dca9728ade57a5c6083e89f2a092bd29d619f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +}" +050978fcdb5ddb4f646d432ede9da07dad18c907,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + boolean b = false; + for (int i = 2; i < nums.length; i++) { + for (int j = 0; j < nums.length \ i; j++) { + sum1 = nums[j]; + } + + for (int k = 0; k < nums.length \ i; k++) { + sum2 = nums[k]; + } + if (sum1 == sum2) { + b = true; + } + } + return b; +} +" +3090b777bc45ee201fbd61426583ded7c921f208,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + boolean b = false; + for (int i = 2; i < nums.length; i++) { + for (int j = 0; j < nums.length / i; j++) { + sum1 = nums[j]; + } + + for (int k = nums.length / i; k < nums.length; k++) { + sum2 = nums[k]; + } + if (sum1 == sum2) { + b = true; + } + } + return b; +} +" +bd3475c8e85fb3fc021bbc5701f02975d88989fa,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + boolean b = false; + for (int i = 2; i < nums.length; i++) { + for (int j = 0; j < nums.length - i - 1; j++) { + sum1 = nums[j]; + } + + for (int k = nums.length / i; k < nums.length; k++) { + sum2 = nums[k]; + } + if (sum1 == sum2) { + b = true; + } + } + return b; +} +" +8f6895e98991711b7c1d11fd094c4f712925a040,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + boolean b = false; + for (int i = 2; i < nums.length; i++) { + for (int j = 0; j < nums.length - i - 1; j++) { + sum1 = nums[j]; + } + + for (int k = nums.length - i - 1; k < nums.length; k++) { + sum2 = nums[k]; + } + if (sum1 == sum2) { + b = true; + } + } + return b; +} +" +d5c00e2e4d13562edae1d3f8b385b50ba0d6ce4c,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +7ef957b2dd7e4ec5afe34e674c6ec37258a358e0,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + boolean b = false; + for (int i = 2; i < nums.length; i++) { + for (int j = 0; j < nums.length - i - 1; j++) { + sum1 = nums[j]; + } + + for (int k = nums.length - i - 1; k < nums.length; k++) { + sum2 = nums[k]; + } + if (sum1 == sum2) { + b = true; + } + } + return b; +} +" +346fb7ffe087d103804fd648d1ba9d2ea6f1dd4e,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + int sum2 = 0; + boolean b = false; + for (int i = 1; i < nums.length; i++) { + for (int j = 0; j < nums.length - i; j++) { + sum1 = nums[j]; + } + + for (int k = nums.length - i; k < nums.length; k++) { + sum2 = nums[k]; + } + if (sum1 == sum2) { + b = true; + } + } + return b; +} +" +a1b5f1e38ad86ad95a7418a1aa173cc86a8316e4,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6fa951600a2736640f2c7a5b935b4534c3abe33b,"public boolean canBalance(int[] nums) +{ + int rightSum = 0; + int leftSum = 0; + int rightCount = 0; + int leftCount = 0; + while (rightCount + leftCount < nums.length) + { + if (leftSum < rightSum) + { + leftSum = leftSum + nums[leftCount]; + leftCount++; + } + else + { + rightSum = rightSum + nums[nums.length - rightCount - 1]; + rightCount++; + } + } + if (rightSum == leftSum) + { + return true; + } + return false; +} +" +c7714c99192c158a40962d130e5ca6ab65b57356,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +deb1e0a671275e52270ba4a9dbc00778319c6405,"public boolean canBalance(int[] nums) +{ + + for (int i = 0; i i) + { + merlinL = merlinL + nums[j]; + } + else + { + merlinR = merlinR + nums[j]; + } + } + if (merlinR == merlinL) + { + return true; + } + } + + return false; +} +" +5ce26eb9daef011f3dd4076079f6d39334e03604,"public boolean canBalance(int[] nums) +{ + boolean answer = false; + int sum = 0; + + + + return answer; +} +" +48459f0dc2c975a7772ac67cb903bace65eb548e,"public boolean canBalance(int[] nums) +{ + boolean answer = true; + int sum = 0; + + + + return answer; +} +" +958e82b138922059bfe65b777d901f20c1ff330f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +be1e259503db8c525b69da846fd08c65d17da010,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +f5aff14aade3581bb0a46c4d6a6945abb4f5ca8a,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + for (int j = nums.length - 2; j > 0; j--) + { + if (left == right) + { + return true; + } + left -= nums[j]; + right += nums[j]; + } + return (left == right); +} +" +3b24070608bbd5f0cb06c98951cc15eb8d6d087f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +29dc647a3260c616b5914b0d0a6841d4f99cc92a,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for (int i = 0; i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +f2368871d6882cb8f91f8b6ae19e0d6df3f6d841,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i =0; i < nums.length; i++) + { + int sumLeft = 0; + int sumRight = 0; + for(int x = 0; x < i; x++) + { + sumLeft += nums[x]; + } + for(int y = nums.length -1; y > i; y--) + { + sumRight += nums[y]; + } + + if(sumLeft == sumRight) + { + count++; + } + } + if(count > 0) + { + return true; + } + else + { + return false; + } +} +" +a3dd3c6a6ba48d616468c77acbf32bd1a629be8b,"public boolean canBalance(int[] nums) +{ + int count = 0; + for(int i =0; i < nums.length; i++) + { + int sumLeft = 0; + int sumRight = 0; + for(int x = 0; x < i; x++) + { + sumLeft += nums[x]; + } + for(int y = nums.length -1; y >= i; y--) + { + sumRight += nums[y]; + } + + if(sumLeft == sumRight) + { + count++; + } + } + if(count > 0) + { + return true; + } + else + { + return false; + } +} +" +5944f3be26049108a01ff096db1b4b13d278255f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + left = left + nums[i]; + } + + for(int i = 0; i < nums.length - 2; i++) + { + right = right + nums[i]; + left = left - nums[i]; + + if (right == left) + { + return true; + } + } + return false; +} +" +dd29b5e9b72b3ff0fe36ee2e455fab4425f02ca7,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + left = left + nums[i]; + } + + for(int i = 0; i <= nums.length - 2; i++) + { + right = right + nums[i]; + left = left - nums[i]; + + if (right == left) + { + return true; + } + } + return false; +} +" +00e2c04099d0787b09a05a68f00874c2c38ea2b2,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + left = left + nums[i]; + } + + for(int i = 0; i <= nums.length - 2; i++) + { + right = right + nums[i]; + left = left - nums[i]; + + if (right == left) + { + return true; + } + } + return false; +} +" +7657be7dbd973b6b72024583ea44a57016c72cb9,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0; i < nums.length / 2; i++) + { + suma += nums[i]; + sumb += nums[nums.length - i]; + if (suma == sumb) + { + return true; + } + } + return false; +} +" +9c13377dfef64c9ba5a2c1eeea515db8ebcd8e54,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0; i < nums.length / 2; i++) + { + suma += nums[i]; + sumb += nums[nums.length - i - 1]; + if (suma == sumb) + { + return true; + } + } + return false; +} +" +031bf7c945fc8979e555d452b44bb50f2284b572,"public boolean canBalance(int[] nums) +{ + boolean balanceable = false; + int sum1 = nums[0]; + int sum2 = 0; + + for (int i = 1; i < nums.length; i++) + { + sum2 += nums[i]; + } + + if (nums.length < 2) + { + balanceable = false; + } + + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (sum1 == sum2) + { + balanceable = true; + break; + } + + else + { + sum1 += nums[i + 1]; + sum2 -= nums[i + 1]; + } + } + } + return balanceable; +}" +2e99eb1844ef1999889ce0b3402905bd8017e08b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + right = right + nums[i]; + } + + for(int i = 0; i <= nums.length - 2; i++) + { + left = left + nums[i]; + right = right - nums[i]; + + if (right == left) + { + return true; + } + } + return false; +} +" +7782195ed70ea47e2821ec70cdf862dd5b18e2e2,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < i; j++) + { + suma += nums[j]; + } + for (int q = i; q < nums.length; q++) + { + sumb += nums[q]; + } + if (suma == sumb) + { + return true; + } + + } + return false; +} +" +72b096780850cacfc040422ec08dac79f319856f,"public boolean canBalance(int[] nums) +{ + int suma = 0; + int sumb = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j <= i; j++) + { + suma += nums[j]; + } + for (int q = i; q < nums.length; q++) + { + sumb += nums[q]; + } + if (suma == sumb) + { + return true; + } + + } + return false; +} +" +670040d78b82f50c194a674a4d0203a003c7d560,"public boolean canBalance(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int suma = 0; + int sumb = 0; + for (int j = 0; j < i; j++) + { + suma += nums[j]; + } + for (int q = i; q < nums.length; q++) + { + sumb += nums[q]; + } + if (suma == sumb) + { + return true; + } + } + return false; +} +" +b1ebcb1c30766d8a77bc73f3bcdecfaa18e63176,"public boolean canBalance(int[] nums) +{ + int leftSum = 0; + int rightSum = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + leftSum = leftSum + nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[j]; + } + if (leftSum == rightSum) + { + return true; + } + } + + return false; +} +" +4ebdb097d9127ab16e29861abe3ced77d1db449f,"public boolean canBalance(int[] nums) +{ + int leftSum = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + leftSum = leftSum + nums[i]; + int rightSum = 0; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[j]; + } + if (leftSum == rightSum) + { + return true; + } + } + + return false; +} +" +cda4eeee2346e60e72673f13fb06774fb4ec1b1b,"public boolean canBalance(int[] nums) +{ + int leftSum = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + leftSum = leftSum + nums[i]; + int rightSum = 0; + for (int j = nums.length - 1; j > i; j--) + { + rightSum = rightSum + nums[j]; + } + if (leftSum == rightSum) + { + return true; + } + } + + return false; +} +" +083cc82a37dfb0c807e6cefe704d584435f14328,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 1; i > 0; i--) + { + right += nums[i]; + } + for (int j = 0; j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +9877844999a00e16023e31f7b36b9ce3b9520d0e,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 1; i > 0; i--) + { + right += nums[i]; + } + for (int j = 0; j < nums.length - 2; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +f1d470d3ef0d27a3285fc8aa008f31c8f69e6f3a,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 1; i > 0; i--) + { + right += nums[i]; + } + for (int j = 0; j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +9afff18995174a3c0deae569fc1218a5a37e9ea4,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + right += nums[i]; + } + for (int j = 0; j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +c86496efa167a2de185e8770f489384359e3a651,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for (int i = 0; i < nums.length - 1; i++) + { + l = l + nums[i]; + r = nums[nums.length - 1]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + l = l - nums[i]; + r = r + nums[i]; + } + } + return (l == r); +} +" +b047f14029e26f074293f4066fc9bba02ad2369d,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + for (int i = 0; i < nums.length - 1; i++) + { + l = l + nums[i]; + r = nums[nums.length - 1]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + l = l - nums[i]; + r = r + nums[i]; + } + } + return (l == r); +} +" +fb10de242efc5dfb9fdd14021c7b87a86464c7b0,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +676f5d51f836aaada09977dc432d10afd910afc4,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + for (int i = 0; i < nums.length - 1; i++) + { + l = l + nums[i]; + r = nums[nums.length - 1]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + } + l = l - nums[i]; + r = r + nums[i]; + } + return (l == r); +} +" +2504978c3a916331c45d212eb41d6f0765cb0200,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +e7c8a2493f846f6c0b085048a8742c4b05db2128,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + for (int i = 0; i < nums.length - 1; i++) + { + l = l + nums[i]; + r = nums[nums.length - 1]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + } + l = l - nums[i]; + r = r + nums[i]; + } + return (l == r); +} +" +b2fa88128c2891123932c01838f57d85979aabab,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + //initializes the variables as 0 first + for (int i = 0; i < nums.length - 1; i++) + { + l = l + nums[i]; + r = nums[nums.length - 1]; + //makes the left and right side equals + } + for (int i = nums.length - 2; i > 0; i--) + { + if (l == r) + { + return true; + } + l = l - nums[i]; + r = r + nums[i]; + } + return (l == r); +} +" +c6a4b493bf119ff2485344d2b256c394c1f2c133,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +3fcd4520c141a0db73c624802d3aba689b2fee57,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; + +} +" +9e7128eff25bb3a3a9860fa47cfe100c08f31f58,"public boolean canBalance(int[] nums) +{ + int start = 0; + int end; + for(int r = 0; r < nums.length - 1; r++) + start += nums[r]; + end = nums[nums.length-1]; + for(int r = nums.length - 2; r > 0; r--) + { + if(start == end) + return true; + start -= nums[r]; + end += nums[r]; + } + return (start == end); +} +" +5c9780a454a9dc1de33ac4032a5b237d23ab0336,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + right += nums[i]; + } + for (int j = 1; j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +d66be0a7a3f64a3fd5e690e542cc7ee78390ca7f,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + right += nums[i]; + } + for (int j = 0 j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +070d016a851b06f3b99470983e52ed8b80ce9db9,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + right += nums[i]; + } + for (int j = 0; j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +41874b87f04ac6d77c63469fafd14bcec663c95e,"public boolean canBalance(int[] nums) +{ + int left = nums[0]; + int right = 0; + for (int i = nums.length - 1; i > 0; i--) + { + right += nums[i]; + } + for (int j = 1; j < nums.length - 1; j++) + { + if (left == right) + { + return true; + } + left += nums[j]; + right -= nums[j]; + } + return (left == right); +} +" +1fee0b6ad6c10afb9fdd83e41592309b96bdb538,"public boolean canBalance(int[] nums) +{ + int l == 0; + int r; + for (int i = 0; i < nums.length-1; i++) + { + l += nums[i]; + } + r = nums[nums.length-1]; + for (int i = nums.length-2; i> 0; i--) + { + if (l==r) + return true; + l -=nums[i]; + r +=nums[i]; + } + return (l==r); + +} +" +3e0bba43344faba859243d6d9559eb04735d9254,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for (int i = 0; i < nums.length-1; i++) + { + l += nums[i]; + } + r = nums[nums.length-1]; + for (int i = nums.length-2; i> 0; i--) + { + if (l==r) + return true; + l -=nums[i]; + r +=nums[i]; + } + return (l==r); + +} +" +7449ff1f0ca1be2d9011e6a9df72502f803821bc,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +05644912359247d96a872c318fe1027961e59fe7,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + left += nums[1]; + right = nums[nums.length - 1]; + for (int 1 = nums.length - 2; i > 0; i--) + { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +6bd906c1f790f39a732ce190e780b9139d033103,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + left += nums[1]; + right = nums[nums.length - 1]; + for (int 1 = nums.length - 2; i > 0; i--); + { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +db387a8f838b796c6c69447f4153044392cfe220,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + left += nums[1]; + right = nums[nums.length - 1]; + for(int i = nums.length - 2; i > 0; i--); + { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +f6ba0c68c7eb5a35ced1d5bf0b1208885a3e5a9e,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + left += nums[1]; + right = nums[nums.length - 1]; + for(int i = nums.length - 2; i > 0; i--) + { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +9b566c5237a6b997d8b9c62fd45cee51e2a42d58,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length - 1]; + for(int i = nums.length - 2; i > 0; i--) + { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +825b94395f33bab0f4210c149565aa6bf6d36e96,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length - 1]; + for(int i = nums.length - 2; i > 0; i--) + { + if (left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +aca5f835b1a26a0c94dd8cb497edbade25e0dd17,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + return false; +} +" +d2a13858493cf95ed3ddaab4e85c8849809386e8,"public boolean canBalance(int[] nums) +{ + int split = 1; + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; j < nums.length; j++) + { + int asum = 0; + int bsum = 0; + if (j < split) + { + asum += nums[j]; + } + else + { + bsum += nums[j]; + } + } + if (asum == bsum) + { + return true; + } + count++; + } + return false; + + + + + + + +} +" +8b2eececcb8244552cf251f4738996e92fb4a516,"public boolean canBalance(int[] nums) +{ + int split = 1; + for (int i = 0; i < nums.length; i++) + { + int asum = 0; + int bsum = 0; + for (int j = 0; j < nums.length; j++) + { + if (j < split) + { + asum += nums[j]; + } + else + { + bsum += nums[j]; + } + } + if (asum == bsum) + { + return true; + } + count++; + } + return false; + + + + + + + +} +" +23bb6eae8d8ea2eef98d6d0cdbddaf3e128eb09c,"public boolean canBalance(int[] nums) +{ + int split = 1; + for (int i = 0; i < nums.length; i++) + { + int asum = 0; + int bsum = 0; + for (int j = 0; j < nums.length; j++) + { + if (j < split) + { + asum += nums[j]; + } + else + { + bsum += nums[j]; + } + } + if (asum == bsum) + { + return true; + } + split++; + } + return false; + + + + + + + +} +" +449c48b7ff5d2051ca1be21be3406929bbbd470f,"public boolean canBalance(int[] nums) +{ + int one = 0; + int two = 0; + for(int i = 0; i < nums.length; i++) + two += nums[i]; + for(int i = 0; i <= nums.length - 2; i++) + { + one += nums[i]; + two -= nums[i]; + if(one == two) + return true; + } + return false; +} +" +e1e8380f0c0a8b0f676b9138f8788a38f990c3ff,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +ef14fb518dafb30f661e5eff22d24afdbca853f7,"public boolean canBalance(int[] nums) +{ + return false; + +} +" +db1be9de0076b01bbb342810db62b0d95c4139f4,"public boolean canBalance(int[] nums) +{ + int one = 0; + int two = 0; + for (int i = 0; i < nums.length; i++) + { + two += nums[i]; + } + for (int c = 0; c <= nums.length - 2; c++) + { + one += nums[c]; + two -= nums[c]; + } + if (one == two) + { + return true; + } + else + { + return false; + } +} +" +cec4cffaa3da9bcb7a6e9cfa2ad8917e43586fcb,"public boolean canBalance(int[] nums) +{ + return true; + + +} +" +a47de994a66381d960a9ef90093b990a6900c2fe,"public boolean canBalance(int[] nums) +{ + int oneSide = 0; + for (int i = 0; i < nums.length; i++) + { + oneSide += nums[i]; + int otherSide = 0; + for (int j = nums.length - 1; j > i; j--) + { + otherSide += nums[j]; + } + if (otherSide == oneSide) + { + return true; + } + } + return false; +} +" +4b63e8b2a2659e9e1935f36664606bebe8b69af5,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +5808ce13e37a7825ea4b40472aa0ea85fda79e9d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +755c2acc70d813b78caac4e15a431e3cd1c3e966,"public boolean canBalance(int[] nums) +{ + + for (int i = 1; i < nums.length - 1; i++) + { + int leftsum = 0; + for (int j = 0; j < i; j++) + { + leftsum += nums[j]; + } + int rightsum = 0; + for (int k = i + 1; k < nums.length; k++) + { + rightsum += nums[k]; + } + if (leftsum == rightsum) + { + return true; + } + } + return false; +} +" +402035d3c413a3ea64adf43e84eaeebc31350e7f,"public boolean canBalance(int[] nums) +{ + + for (int i = 1; i < nums.length; i++) + { + int leftsum = 0; + for (int j = 0; j < i; j++) + { + leftsum += nums[j]; + } + int rightsum = 0; + for (int k = i + 1; k < nums.length; k++) + { + rightsum += nums[k]; + } + if (leftsum == rightsum) + { + return true; + } + } + return false; +} +" +1c1ffa12fe9d61cd4faa14e6615359512ebaafea,"public boolean canBalance(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int leftsum = 0; + for (int j = 0; j < i; j++) + { + leftsum += nums[j]; + } + int rightsum = 0; + for (int k = i + 1; k < nums.length; k++) + { + rightsum += nums[k]; + } + if (leftsum == rightsum) + { + return true; + } + } + return false; +} +" +3213a4cba04c1562abae45ab0c2f1e267cb61c6f,"public boolean canBalance(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int leftsum = 0; + for (int j = 0; j < i; j++) + { + leftsum += nums[j]; + } + int rightsum = 0; + for (int k = i; k < nums.length; k++) + { + rightsum += nums[k]; + } + if (leftsum == rightsum) + { + return true; + } + } + return false; +} +" +4ed69eb56732934af11d051b95c8c92d23ea914a,"public boolean canBalance(int[] nums) +{ + boolean truth = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) { + for (int j = 0; j <= i; j++) { + sum1 = sum1 + j; + } + for (int k = nums.length; k > i; k--) { + sum2 = sum2 + k; + } + if (sum1 == sum2) { + return true; + } + sum1 = 0; + sum2 = 0; + } + return truth; +} +" +065639286a6d5d0de70419b4face2878654f85bd,"public boolean canBalance(int[] nums) +{ + boolean truth = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) { + for (int j = 0; j <= i; j++) { + sum1 = sum1 + j; + } + for (int k = nums.length; k > i; k--) { + sum2 = sum2 + k; + } + if (sum1 == sum2) { + return true; + } + sum1 = 0; + sum2 = 0; + } + return truth; +} +" +d04e3ce5c8efc4102ed28fe2a0042b131771aa23,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +4c22812931135945fe4e1c6dd31fd45d171acc56,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if( left == right) + { + return true; + left -= nums[i]; + right += nums[i]; + } + } + return (left == right); +} +" +09cb7846ba60fc37c6084b4425d0aedafbe01854,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +0a957795f2ab4e95cdfdc884dadb926b7eb401d5,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + + right = nums[nums.length-1]; + + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +e6a17a68283e5a76d5cb187af58a3aedfd43ca15,"public boolean canBalance(int[] nums) +{ + boolean truth = false; + int sum1 = 0; + int sum2 = 0; + for (int i = 0; i < nums.length; i++) { + for (int j = 0; j <= i; j++) { + sum1 = sum1 + nums[j]; + } + for (int k = nums.length - 1; k > i; k--) { + sum2 = sum2 + nums[k]; + } + if (sum1 == sum2) { + return true; + } + sum1 = 0; + sum2 = 0; + } + return truth; +} +" +b658ab685ef5daa5f4f0f28d3e99f87258467fda,"public boolean canBalance(int[] nums) +{ + boolean heWillBringBalanceToTheForce = false; + for (mainCounter = 0; mainCounter < nums.length; mainCounter++) + { + int leftSum = 0; + int rightSum = 0; + for (int leftCounter = 0; leftCounter <= mainCounter; leftCounter++) + { + leftSum = leftSum + nums[leftCounter]; + } + for (int rightCounter = mainCounter + 1; rightCounter < nums.length; rightCounter++) + { + rightSum = rightSum + nums[rightCounter]; + } + if (leftSum == rightSum) + { + heWillBringBalanceToTheForce = true; + } + } + return heWillBringBalanceToTheForce; +} +" +e453e6c3925b3d402f474b8e6b19e8c354e0fc94,"public boolean canBalance(int[] nums) +{ + boolean heWillBringBalanceToTheForce = false; + for (int mainCounter = 0; mainCounter < nums.length; mainCounter++) + { + int leftSum = 0; + int rightSum = 0; + for (int leftCounter = 0; leftCounter <= mainCounter; leftCounter++) + { + leftSum = leftSum + nums[leftCounter]; + } + for (int rightCounter = mainCounter + 1; rightCounter < nums.length; rightCounter++) + { + rightSum = rightSum + nums[rightCounter]; + } + if (leftSum == rightSum) + { + heWillBringBalanceToTheForce = true; + } + } + return heWillBringBalanceToTheForce; +} +" +967e854be52a5721ddc80c191dbaafe8994bc5be,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + for (int i = 0; i < nums.length; i++) { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; +} +" +8d8278cae3b909fe59cd0f5d0c2a6aa16c162ac6,"public boolean canBalance(int[] numms) +{ + int l = 0; + int r; + for(int i = 0; i < numms.length - 1; i++) + l += numms[i]; + r = numms[numms.length-1]; + for(int i = numms.length - 2; i > 0; i--) + { + if(l == r) + return true; + l -= numms[i]; + r += numms[i]; + } + return (l == r); +} +" +92366780f230f39ab64555903b3435c4475a8b3c,"public boolean canBalance(int[] nums) +{ + int left=0; + int right=0; + for(int i =0; i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +8b1479b3eb83e82486ace623827111224d05e2cd,"public boolean canBalance(int[] nums) +{ + int rightSum = 0; + for (int i=0; i 0; i--) + { + if (a == b) + { + return true; + } + a -= nums[i]; + b += nums[i]; + } + return (a == b); +} +" +ef102e48fda50ffd3fa5f0001e9a34445ba26cd7,"public boolean canBalance(int[] nums) +{ + int rightSum = 0; +for (int i=0; i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +47f682d07559c113d41dc111ad80ebf23e0ca11d,"public boolean canBalance(int[] nums) { + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +3d4c1103cc1b9f1262e0e2e77865c91089068160,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int = 0; i < nums.length / 2; i++) + { + sum1 = sum1 + nums[i]; + } + int sum2 = 0; + for (int j = nums.length / 2; j < nums.length; j++) + { + sum2 = sum2 + nums[j] + } + return sum1 = sum2; +}" +82b74738fa0d76e11d879f22efd2341dcf526dfe,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int = 0; i < nums.length / 2; i++) + { + sum1 = sum1 + nums[i]; + } + int sum2 = 0; + for (int j = nums.length / 2; j < nums.length; j++) + { + sum2 = sum2 + nums[j] + } + return sum1 == sum2; +}" +1d7e5a368a79ec869b3a5cc6cf2dbe5e92cc9d52,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int = 0; i < nums.length / 2; i++) + { + sum1 = sum1 + nums[i]; + } + int sum2 = 0; + for (int j = nums.length / 2; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + return sum1 == sum2; +}" +50cf130c521741f42c9a6a486779836ddabc37e7,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int i = 0; i < nums.length / 2; i++) + { + sum1 = sum1 + nums[i]; + } + int sum2 = 0; + for (int j = nums.length / 2; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + return sum1 == sum2; +}" +79d17f83e4b5aa3e1188b9c2b0eb306a89e51d94,"public boolean canBalance(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + int otherSum = 0; + for (int j = nums.length - 1; i > 1; j--) + { + otherSum += nums[j]; + } + if(sum == otherSum) + { + return true; + } + + + } + returnb false; +} +" +583fbbf2ccd598e87ab90802f980c7dab8240c7f,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int i = 0; i <= nums.length / 2; i++) + { + sum1 = sum1 + nums[i]; + } + int sum2 = 0; + for (int j = nums.length / 2; j <= nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + return sum1 == sum2; +}" +d1e112aba13e028cb38f82b10fa839eb9d02f5be,"public boolean canBalance(int[] nums) +{ + sum = 0; + int localSum = 0 + + for (int i: nums) + { + sum += i; + } + + if (sum % 2 == 1) + { + return false; + } + + int halfSum = sum / 2; + + for (int i: nums) + { + localSum += i; + + if (localSum == halfSum) + { + return true; + } + } + + return false; +} +" +03e75d34016fdfb55c5a75acfbe2f7dbd68ab9a6,"public boolean canBalance(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + int otherSum = 0; + for (int j = nums.length - 1; i > 1; j--) + { + otherSum += nums[j]; + } + if(sum == otherSum) + { + return true; + } + + } + return false; +} +" +675e3b343791680d1bebb2eb54cf8918d9b944f2,"public boolean canBalance(int[] nums) +{ + sum = 0; + int localSum = 0; + + for (int i: nums) + { + sum += i; + } + + if (sum % 2 == 1) + { + return false; + } + + int halfSum = sum / 2; + + for (int i: nums) + { + localSum += i; + + if (localSum == halfSum) + { + return true; + } + } + + return false; +} +" +617d5f3283e270d8fd0f69878cc1c82c31013c4a,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide = nums[nums.length-1]; + for (int i = 0; i < nums.length - 1; i++) + { + leftSide += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (leftSide == rightSide) + { + return true; + leftSide -= nums[i]; + rightSide += nums[i]; + } + } + return (leftSide == rightSide); +} +" +54c9b93a43748a3629b8bb911691a2b82c52ab81,"public boolean canBalance(int[] nums) +{ + int sum1 = 0; + for (int i = 0; i < nums.length / 2; i++) + { + sum1 = sum1 + nums[i]; + } + int sum2 = 0; + for (int j = nums.length / 2; j < nums.length; j++) + { + sum2 = sum2 + nums[j]; + } + return sum1 == sum2; +}" +9a2c5249862bbd9409d1cbb6c909a74fa4b81b8d,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int localSum = 0; + + for (int i: nums) + { + sum += i; + } + + if (sum % 2 == 1) + { + return false; + } + + int halfSum = sum / 2; + + for (int i: nums) + { + localSum += i; + + if (localSum == halfSum) + { + return true; + } + } + + return false; +} +" +a6c0d1e62858bfe65a5dab0c2556ad8cd6cd6b40,"public boolean canBalance(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + int otherSum = 0; + for (int j = nums.length - 1; j > i; j--) + { + otherSum += nums[j]; + } + if(sum == otherSum) + { + return true; + } + + } + return false; +} +" +a2360600b70642aa88ab28814557e53ea027558a,"public boolean canBalance(int[] nums) +{ + int leftSide = 0; + int rightSide = nums[nums.length-1]; + for (int i = 0; i < nums.length - 1; i++) + { + leftSide += nums[i]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (leftSide == rightSide) + { + return true; + } + leftSide -= nums[i]; + rightSide += nums[i]; + } + return (leftSide == rightSide); +} +" +917a6ba31482a50bf862f1ceb36ed6e131bb1252,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +93ef8798c6ced4a96b3147e8b635db055d3579ac,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int halfSum = 0; + + for (int num : nums) + { + sum += num; + } + + if (sum % 2 == 1) + return false; + + for (int num : nums) + { + halfSum += num; + if (halfSum == sum / 2) + { + return true; + } + } + return false; +} +" +3d37c68107c055466a2b5c79260981dffa58773d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +e2d3c42094f09085dfa8818ca34543ba0c60323e,"public boolean canBalance(int[] nums) +{ + int leftsum = 0; + for (int i=0;i 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + +} +" +f8d565a25f1b45f652162a638fa89cd448f44e87,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +91340d4ed449be2824474f4c19aa70865e2a66e5,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) + { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) + { + rSum += nums[j]; + } + if (rSum == lSum) + { + return true; + } + } + return false; +} +" +13059a6862dce3fd9f090c90dc580969bc82535f,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left; + + for (int i = 0; i < nums.length - 1; i++) + { + right += nums[i]; + left = nums[nums.length - 1]; + } + for (int j = nums.length - 2; j > 0; j--) + { + if (right == left) + { + return true; + } + right -= nums[i]; + left += nums[i]; + } + return (right == left); +} +" +9b1a3479fc5499899ca9b05736fcda203d3fdca0,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left; + + for (int i = 0; i < nums.length - 1; i++) + { + right += nums[i]; + left = nums[nums.length - 1]; + } + for (int j = nums.length - 2; j > 0; j--) + { + if (right == left) + { + return true; + } + right -= nums[j]; + left += nums[j]; + } + return (right == left); +} +" +7c518dcd826499dddb1a028a884c705cdef7aff5,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left; + + for (int i = 0; i < nums.length - 1; i++) + { + right += nums[i]; + left = nums[nums.length - 1]; + } + for (int i = nums.length - 2; i > 0; i--) + { + if (right == left) + { + return true; + } + right -= nums[i]; + left += nums[i]; + } + return (right == left); +} +" +7f492d5e6e78e69911c76d9878c209688f166345,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left; + + for (int i = 0; i < nums.length - 1; i++) + { + right += nums[i]; + left = nums[nums.length - 1]; + } + for (int j = nums.length - 2; j > 0; j--) + { + if (right = left) + { + return true; + } + right -= nums[j]; + left += nums[j]; + } + return (right = left); +} +" +70f7fef2af532f80ed639ed7f496ac824a80986b,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + right += nums[i]; + left = nums[nums.length - 1]; + } + for (int j = nums.length - 2; j > 0; j--) + { + if (right == left) + { + return true; + } + right -= nums[j]; + left += nums[j]; + } + return (right == left); +} +" +83fbf3212e9f8f28647d6e996decc391b14982b8,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int half = sum/2; + sum = 0; + for (int num: nums) + { + sum = sum + num; + if (sum == half) + { + return true; + } + } + + return false; + +} +" +555490f4d01cf01c55854f2ab7700e9785a07498,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +4905de03607332ee0e385a5f4ff33c3e3f06cc3c,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +ff5f0d0dd089639b5812a9bced13f5fe3e600686,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + + + + for (int i = 0; i < nums.length; i++) { + + lSum += nums[i]; + + int rSum = 0; + + for (int j = nums.length-1; j > i; j--) { + + rSum += nums[j]; + + } + + if (rSum == lSum) + + return true; + + } + + return false; + +} +" +a647a083d403eae6679da0d33654b3f093521206,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + for (int i = 0; i < nums.length; i++) + { + l += nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + r+= nums[j]; + } + } + if (r == l) + { + return true; + } + return false; +} +" +077b79cfbd103b660ba10c8f21615fda993ef401,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + for (int i = 0; i < nums.length; i++) + { + l += nums[i]; + for (int j = nums.length - 1; j > i; j--) + { + r+= nums[j]; + } + if (r == l) + { + return true; + } + } + return false; +} +" +c8a4d88c68ed90102ea1079c2b80bbe1249ca6b4,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r = 0; + for (int i = 0; i < nums.length; i++) + { + l += nums[i]; + r = 0; + for (int j = nums.length - 1; j > i; j--) + { + r+= nums[j]; + } + if (r == l) + { + return true; + } + } + return false; +} +" +1ff991831424d8876943962b825c5bf9d656716a,"public boolean canBalance(int[] nums) +{ + //left will start 0, right will be changing + int lSide = 0; + int rSide; + + for(int i = 0; i < nums.length - 1; i++) { + lSide = lSide + nums[i]; + } + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) { + return true; + } + left = left - nums[i]; + right = right + nums[i]; + } + return (left == right); +} +" +8884d1d18e0428ab423aba6ebfda164345684878,"public boolean canBalance(int[] nums) +{ + //left will start 0, right will be changing + int lSide = 0; + int rSide; + + for(int i = 0; i < nums.length - 1; i++) { + lSide = lSide + nums[i]; + } + rSide = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(lSide == rSide) { + return true; + } + lSide = lSide - nums[i]; + rSide = rSide + nums[i]; + } + return (lSide == rSide); +} +" +78584a7116610e1dbff4c43314a27ff1075e107f,"public boolean canBalance(int[] nums) +{ + return true; + + + + + + + + + + + + +} +" +f82cb4c34e250308d5e4696f0b0bb82412ecc050,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + + for (int i = 0; i < nums.length; i++) + { + right = right + nums[i]; + + } + + for (int i = 0; i < nums.length - 1; i++) + { + left = left + nums[i]; + right = right + nums[i]; + if (left == right) + { + return true; + } + } + return false; +} +" +e7f0c4c898699fdd2f95f1d80522cbe4b0b6bc53,"public boolean canBalance(int[] nums) +{ + int right = 0; + int left = 0; + + for (int i = 0; i < nums.length; i++) + { + right = right + nums[i]; + + } + + for (int i = 0; i <= nums.length - 2; i++) + { + left = left + nums[i]; + right = right + nums[i]; + if (left == right) + { + return true; + } + } + return false; +} +" +ee69b9b4dcea507c583afdc8c1b1685bbc01992d,"public boolean canBalance(int[] nums) +{ + int count1 = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1) + { + count1 += nums[i]; + } + else + { + count2 += nums[i]; + } + } + if (count1 == count2) + { + return true; + } + else + { + return false; + } +} +" +5a22080c3dbdb9e433feb662a990e84ebf073e45,"public boolean canBalance(int[] nums) +{ + int count1 = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length) + { + count1 += nums[i]; + } + else + { + count2 += nums[i]; + } + } + if (count1 == count2) + { + return true; + } + else + { + return false; + } +} +" +234d15949d1a4899a3f14786ec59505ad486dac2,"public boolean canBalance(int[] nums) +{ + int rightSum = 0; +for (int i=0; i 0; i--) + { + if (count1 == count2) + { + return true; + } + count1 -= nums[i]; + count2 += nums[i]; + } + return false; +} +" +d193b75166a74f37af725a4fbc9f381e462a714f,"public boolean canBalance(int[] nums) +{ + int upperIndex = nums.length-1; + int lowerIndex = 0; + while(lowerIndex<=upperIndex){ + int lowerSum = sum(nums,0,lowerIndex); + int upperSum = sum(nums,lowerIndex,upperIndex); + if(lowerSum==upperSum) + return true; + else if(lowerSum 0; i--) + { + if (count1 == count2) + { + return true; + } + count1 -= nums[j]; + count2 += nums[j]; + } + return false; +} +" +0dcf6449d4df310d3fe50618ea03c76712671149,"public boolean canBalance(int[] nums) +{ + int upperIndex = nums.length-1; + int lowerIndex = 0; + while(lowerIndex 0; j--) + { + if (count1 == count2) + { + return true; + } + count1 -= nums[j]; + count2 += nums[j]; + } + return false; +} +" +0c239e82060ae1739f7d725722cf471fbe1395da,"public boolean canBalance(int[] nums) +{ + int count1 = 0; + int count2; + for (int i = 0; i < nums.length - 1; i++) + { + count1 += nums[i]; + } + count2 = nums[nums.length - 1]; + for (int j = nums.length - 2; j > 0; j--) + { + if (count1 == count2) + { + return true; + } + count1 -= nums[j]; + count2 += nums[j]; + } + return (count1 == count2); +} +" +310316fc90ffc6af1b8a471a96c326ddd7ebe43a,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +2bb00497246686b5c14c5bf78dd443d7f0a234ad,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +22688d6d602699c05e6428f3b44359f348e310fa,"public boolean canBalance(int[] nums) +{ + + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +99d55418cc641248c1f3299936969fa0e950c51c,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + + return false; +} +" +dec4ff7f40cd82e72aa95d3c64cacfdefd970490,"public boolean canBalance(int[] nums) +{ + int leftNum = 0; + int rightNum; + for(int i = 0; i < nums.length - 1; i++) + { + leftNum += nums[i]; + + } + rightNum = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(leftNum == rightNum) + { + return true; + leftNum -= nums[i]; + rightNum += nums[i]; + } + } + return (leftNum == rightNum); +}" +0684f076300dbfec547e5d7f3371ca52642059da,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int half = sum/2; + sum = 0; + secondSum = 0; + for (int num: nums) + { + + if (sum != half) + { + sum = sum + num; + } + else + { + secondSum = secondSum + num; + } + } + + return secondSum == half; + +} +" +444d59d388897f8182135ea774d5500a266658eb,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +b0b97b491d74292aebc0f4672b36a68af6758365,"public boolean canBalance(int[] nums) +{ + int sum = 0; + for (int num: nums) + { + sum = sum + num; + } + int half = sum/2; + sum = 0; + int secondSum = 0; + for (int num: nums) + { + + if (sum != half) + { + sum = sum + num; + } + else + { + secondSum = secondSum + num; + } + } + + return secondSum == half; + +} +" +226b5d8a7b8a50ea1a33a1983fecefe1ef7fa72b,"public boolean canBalance(int[] nums) +{ + int leftNum = 0; + int rightNum; + for(int i = 0; i < nums.length - 1; i++) + { + leftNum += nums[i]; + } + rightNum = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(leftNum == rightNum) + { + return true; + } + leftNum -= nums[i]; + rightNum += nums[i]; + } + return (leftNum == rightNum); +}" +1fd3ab1fca0f10097b024d631213b85dac2674f7,"public boolean canBalance(int[] nums) +{ + return true; +} +" +e854f0238ef402ca6791898f365821126acdd115,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left = left + nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left = left + nums[i]; + right = right + nums[i]; + } + return (left == right); +} +" +d522b504c69743ee49f915731a084921447290de,"public boolean canBalance(int[] nums) +{ + int lSum = 0; + for (int i = 0; i < nums.length; i++) + { + lSum += nums[i]; + int rSum = 0; + for (int j = nums.length-1; j > i; j--) + { + rSum += nums[j]; + } + if (rSum == lSum) + { + return true; + } + } + return false; +} +" +b0ff61651eefabafdfc488294e314d18a43423a1,"public boolean canBalance(int[] nums) +{ + int tot = 0; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + } + if (total == 0) + { + return true + } + int current = 0; + for (int i = 0; i < nums.length; i++) + { + current += nums[i]; + if (current == total - curr) + { + return true; + } + } + return false; + +} +" +7b09673b68e591044e58e94e7e7c96d9593f74be,"public boolean canBalance(int[] nums) +{ + int tot = 0; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + } + if (total == 0) + { + return true; + } + int current = 0; + for (int i = 0; i < nums.length; i++) + { + current += nums[i]; + if (current == total - curr) + { + return true; + } + } + return false; + +} +" +97e546768478bf8f1e9fbe5f435b8ed55869845b,"public boolean canBalance(int[] nums) +{ + int tot = 0; + for (int i = 0; i < nums.length; i++) + { + total += nums[i]; + } + if (total == 0) + { + return true; + } + int current = 0; + for (int i = 0; i < nums.length; i++) + { + current += nums[i]; + if (current == total - current) + { + return true; + } + } + return false; + +} +" +a8b45ecfc32ff6b7586a60dc3510d382d34016ea,"public boolean canBalance(int[] nums) +{ + int tot = 0; + for (int i = 0; i < nums.length; i++) + { + tot += nums[i]; + } + if (tot == 0) + { + return true; + } + int current = 0; + for (int i = 0; i < nums.length; i++) + { + current += nums[i]; + if (current == tot - current) + { + return true; + } + } + return false; + +} +" +8d167312010c4a81e4032dfb05bf9dba824da09e,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int sum2 = 0; + int h = nums.length / 2; + int l =1; + while ( l == 1) + { + for ( int i = 0; i <= h; i++) + { + for( int j = nums.lenght - 1; j > h; j--) + { + sum = sum + nums[i]; + sum2 = sum2 + nums[j]; + } + } + if( sum == sum2) + { + return true; + } + else if ( sum % sum2 == 1) + { + return false; + } + else if ( sum > sum2) + { + h--; + } + else if ( sum < sum2) + { + h++ + } + } + return false; +} +" +7b76728f45c1f0e9b16c2860b45aae59db2579ce,"public boolean canBalance(int[] nums) +{ + return true; +}" +72053c85b048a4f15e1c609bfd2cd5c55ebfd8ea,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + right = nums[nums.length-1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + } + return (left == right); +} +" +3fdfe821d6c4955a1dde2766a13c49c3adf35b96,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); + + +} +" +1683f89abbb9c3780d1074bf6c3b3ba2a5d05f1c,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int sum2 = 0; + int h = nums.length / 2; + int l =1; + while ( l == 1) + { + for ( int i = 0; i <= h; i++) + { + for( int j = nums.lenght - 1; j > h; j--) + { + sum = sum + nums[i]; + sum2 = sum2 + nums[j]; + } + } + if( sum == sum2) + { + return true; + } + else if ( sum % sum2 == 1) + { + return false; + } + else if ( sum > sum2) + { + h--; + } + else if ( sum < sum2) + { + h++; + } + } + return false; +} +" +5e55f9715fb045cb8d7927a58e212dc3bcdfde3d,"public boolean canBalance(int[] nums) +{ + int sum = 0; + int sum2 = 0; + int h = nums.length / 2; + int l =1; + while ( l == 1) + { + for ( int i = 0; i <= h; i++) + { + for( int j = nums.length - 1; j > h; j--) + { + sum = sum + nums[i]; + sum2 = sum2 + nums[j]; + } + } + if( sum == sum2) + { + return true; + } + else if ( sum % sum2 == 1) + { + return false; + } + else if ( sum > sum2) + { + h--; + } + else if ( sum < sum2) + { + h++; + } + } + return false; +} +" +bff45bf4cd9251782bf0d61265772b749961323e,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for (int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for (int i = nums.length - 2; i > 0; i--) + { + if (left == right) + { + return true; + } + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +ae2db25820e2cc558632f1a2c16c8ccf34610718,"public boolean canBalance(int[] nums) +{ + int first = 0; + int second = 0; + + for(int i = 0; i < nums.length; i++) + second += nums[i]; + + for(int i = 0; i <= nums.length - 2; i++) { + first += nums[i]; + second -= nums[i]; + + if(first == second) + return true; + } + return false; + +} + +" +99074a3dbd2c93bb934c5075358972665b66a54b,"public boolean canBalance(int[] nums) +{ + return true; +} +" +3d3bb62b8628616953333962b1018cc4c7fe1cde,"public boolean canBalance(int[] nums) +{ + return true; +} +" +62901b664202f78b21816766af33ca8f72d8ccca,"public boolean canBalance(int[] nums) +{ + if (nums[0] == 2) + return false; + return true; + +} +" +1ef8b56c393e91f557a1fa5e77a32691954c6681,"public boolean canBalance(int[] nums) +{ + return false; +} +" +b5325ddd89efcec8cf8e91a2d03bcf6915cee68e,"public boolean canBalance(int[] nums) +{ + int split = 0; + for(int i = 0; i < nums.length; i++){ + int sum1 = 0; + int sum2 = 0; + for(int j = 0; j < nums.length; j++){ + if(j 0; i--) + { + if(x == y) + return true; + x -= nums[i]; + y += nums[i]; + } + return (left == right); + +} +" +df51cbc269593f0f8086b49c77b06f4361e4c677,"public boolean canBalance(int[] nums) +{ + if (nums[0] == 2) + return false; + if (nums.length == 1) + return false; + if (nums.length == 0) + return true; + return true; + +} +" +2b3b1b7cfc49779789ad3a0d514b0223d53d18db,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +ad4775e1673d22478bbf543f7c194cceac61adf5,"public boolean canBalance(int[] nums) +{ + int x = 0; + int y = 0; + for(int i =0; i < nums.length - 1; i++) + x += nums[i]; + y = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(x == y) + return true; + x -= nums[i]; + y += nums[i]; + } + return (x == y); + +} +" +a8c4ac6223adeb224416d20c6a02baf3c14c2aaa,"public boolean canBalance(int[] nums) +{ + if (nums[0] == 2) + return false; + if (nums.length == 1) + return false; + if (nums[5] == 1) + return false; + return true; + +} +" +7e12dd21d67a61a6a8f21d7828d03c0d0b5d6c0a,"public boolean canBalance(int[] nums) +{ + if (nums[0] == 2) + return false; + if (nums.length == 1) + return false; + return true; + +} +" +75a5ae2a4d95c446e1df85355eaa3bfc14f9820b,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for(int a = 0; a < nums.length - 1; a++) + l += nums[a]; + r = nums[nums.length - 1]; + for(int a = nums.length - 2; a > 0; a--) + { + if(l == r) + return true; + l -= nums[a]; + r += nums[a]; + } + return (l == r); +} +" +0262d183f567003bb4ef5ffe3c91a1369c1bde85,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +d033ecc6f78a08fbbbb27f9644b3fbb4274acf31,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +}" +64bb2adc1f1839b4640565a22281577fea0ae596,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + right = right + nums[i]; + for(int i = 0; i i; j--) { + rSum += nums[j]; + } + if (rSum == lSum) + return true; + } + return false; + +} +" +ec439def26496a41c8a2420acac6a6574c166cff,"public boolean canBalance(int[] nums) +{ + int peenright; + int peenleft = 0; + int length = nums.length - 1; + + for (int i = 0; i < nums.length - 1; i++) + { + peenleft += nums[i]; + peenright = length; + } + for (int i = length - 1; i > 0; i--) + { + if (peenleft == peenright) + { + return true; + } + + peenleft -= nums[i]; + peenright += nums[i]; + } + + return (peenleft == peenright); +" +e0b3b3d622f18e01e49246fbd0a0b804f23b4bca,"public boolean canBalance(int[] nums) +{ + int peenright; + int peenleft = 0; + int length = nums.length - 1; + + for (int i = 0; i < nums.length - 1; i++) + { + peenleft += nums[i]; + peenright = length; + } + for (int i = length - 1; i > 0; i--) + { + if (peenleft == peenright) + { + return true; + } + + peenleft -= nums[i]; + peenright += nums[i]; + } + + return (peenleft == peenright); + +} +" +e3ebad43cd449bff2d70d5ef4a97689a7a538bc8,"public boolean canBalance(int[] nums) +{ + int peenright = 0; + int peenleft = 0; + int length = nums.length - 1; + + for (int i = 0; i < nums.length - 1; i++) + { + peenleft += nums[i]; + peenright = length; + } + for (int i = length - 1; i > 0; i--) + { + if (peenleft == peenright) + { + return true; + } + + peenleft -= nums[i]; + peenright += nums[i]; + } + + return (peenleft == peenright); + +} +" +452036a115073a61f1b5d5bd489dd4e0ca560d2b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + for(int i = 0; i < nums.length - 2; i++) + { + left -= nums[i]; + right += nums[i]; + } + if(left == right) + { + return true; + } + return false; +} +" +5c04252b411a34737f471d060c655f7ccf7966b0,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for (int i = 0; i < nums.legnth - 1; i++) + { + l = l + nums[i]; + } + r = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if(l == r) + { + return true; + } + l = l - nums[i]; + r = r + nums[i]; + } + return (l == r); +} +" +c74772361e7a35872c310010c7745daf84593e73,"public boolean canBalance(int[] nums) +{ + int l = 0; + int r; + for (int i = 0; i < nums.length - 1; i++) + { + l = l + nums[i]; + } + r = nums[nums.length - 1]; + for (int i = nums.length - 2; i > 0; i--) + { + if(l == r) + { + return true; + } + l = l - nums[i]; + r = r + nums[i]; + } + return (l == r); +} +" +455c7ad4b50cf29bfbb02b9df5f768f82e36043c,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + return true; + for(int i = 0; i < nums.length - 2; i++) + { + left -= nums[i]; + right += nums[i]; + } + if(left == right) + { + return true; + } + return false; +} +" +6c43c55c6b809fa0602441ca69ddfd45fbce658b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + return true; + for(int i = 0; i < nums.length - 2; i++) + { + left -= nums[i]; + right += nums[i]; + } + if(left == right) + { + return true; + } + return false; +} +" +8120944a179e2cf5dd38ae1467f06dfc7eace12b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + left -= nums[i]; + right += nums[i]; + } + if(left == right) + { + return true; + } + return false; +} +" +22a28ed65f5e7272b1e23b2e05b43b88860b4d6a,"public boolean canBalance(int[] nums) +{ + + int one = 0; + int two = 0; + + for (int i = 0; i < nums.length; i++) + { + two += nums[i]; + } + + for (int i = 0; i <= nums.length - 2; i++) + { + one += nums[i]; + two -= nums[i]; + + if (one == two) + { + return true; + } + } + + + return false; +} +" +ee9dcd276f9a7b5e2c7ece51449a145ff0f097a5,"public boolean canBalance(int[] nums) +{ + int lef = 0; + int rit = 0; + for (int i = 0; i < nums.length; i++) + { + rit += nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + lef += nums[i]; + right -= nums[i]; + if (lef == rit) + { + return true; + } + } + return false; +} +" +a18c59ef9ce2a35a39f22da647499c847a528e18,"public boolean canBalance(int[] nums) +{ + int lef = 0; + int rit = 0; + for (int i = 0; i < nums.length; i++) + { + rit += nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + lef += nums[i]; + rit -= nums[i]; + if (lef == rit) + { + return true; + } + } + return false; +} +" +6429fdc83685e7f9b4c91366a117d923c1c88194,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + left -= nums[i]; + right += nums[i]; + } + if(left == right) + { + return false; + } + return true; +} +" +3cdf4a61615f3f49bd3f2b0e80736179be6ff433,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + left -= nums[i]; + right += nums[i]; + + if(left == right) + { + return false; + } + } + return true; +} +" +e796996cb3fe4dfd80b5819b922b55f656fc9f00,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + left -= nums[i]; + right += nums[i]; + + if(left == right) + { + return true; + } + } + return false; +} +" +fe6314e342e1a3634d0ab11b30bc50d674703d4b,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right = 0; + for(int i = 0; i < nums.length; i++) + { + left += nums[i]; + } + if(left == right) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + left -= nums[i]; + right += nums[i]; + + if(left == right) + { + return true; + } + } + return false; +} +" +cc67daeac023f632f8dc02777ce282dba8b8583d,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + { + left += nums[i]; + } + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +344c6bd864e64e323b8b743f6c547f268aa062b7,"public boolean canBalance(int[] nums) +{ + if (nums.length % 2 == 0) + { + return true; + } + else + return false; +} +" +cdd2ee8972fce5c907ff615564d2114b7901eb0e,"public boolean canBalance(int[] nums) +{ + if (nums.length % 2 == 0) + { + return false; + } + else + return true; +} +" +c92a9c474f524d1cf993264c8a14d293347fe229,"public boolean canBalance(int[] nums) +{ + int left = 0; + int right; + for(int i = 0; i < nums.length - 1; i++) + left += nums[i]; + right = nums[nums.length-1]; + for(int i = nums.length - 2; i > 0; i--) + { + if(left == right) + return true; + left -= nums[i]; + right += nums[i]; + } + return (left == right); +} +" +56f335eae5535a0fb1c7c62a4d5a398c7a214c67,"public boolean canBalance(int[] nums) +{ + if (nums.length % 2 == 0) + { + return true; + } + else + return false; +} +" +4e821596b4b0b926cb9fccd7b7acbc4aa191f70e,"public boolean canBalance(int[] nums) +{ + if ((nums.length == 1) && (nums[0] != 0)) + { + return false; + } + else + { + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + if ((sum % 2) == 1) + { + return false; + } + else + { + int halfSum = 0; + boolean met = false; + for (int i = 0; i < nums.length; i++) + { + halfSum = halfSum + nums[i]; + if (halfSum == (sum / 2)) + { + met = true; + } + } + return met; + } + } +} +" +052cc1ec5f075e86e7bdc1d5d6964f3f22b2bd80,"public int[] seriesUp(int n) +{ + int total = n * (n + 1) / 2; + int[] series = new int[total](); + for (int i = 0; series.length; i++) + { + + } + return series; +} +" +74d351f34ae9deb0cb778a1490f51dce466c7ef0,"public int[] seriesUp(int n) +{ + int total = n * (n + 1) / 2; + int[] series = new int[total]; + for (int i = 0; series.length; i++) + { + + } + return series; +} +" +c0fef8b409f9ccb36ba91d66913d559c48cc3a8b,"public int[] seriesUp(int n) +{ + int total = n * (n + 1) / 2; + int[] series = new int[total]; + for (int i = 0; i < series.length; i++) + { + + } + return series; +} +" +0e86ddea376ce0807f898a204b4b3fc89b30b1c5,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; +} +" +0b4013fc4b351eb39f765f39430c25e452dde7a4,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for int k = 1; k <= i; k++) + { + nums[i] = k; + } + } + return nums; +} +" +495760b6064d2ab11f9d66ccac33544e0b4bb89a,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 1; k <= i; k++) + { + nums[i] = k; + } + } + return nums; +} +" +62f1c5deb7f1e06a27d2516000da759a72e14b87,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < i; k++) + { + nums[i] = k + 1; + } + } + return nums; +} +" +9075eefe71b9d6a9cc5553fa02fc972b43ce78ce,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * ((n+1)/2)]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < i; k++) + { + nums[i] = k + 1; + } + } + return nums; +} +" +653c0299354761ead8e901dd4aaa2d5e5931a813,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k <= i; k++) + { + nums[i] = k + 1; + } + } + return nums; +} +" +88b3e3a0793abe952d89eb9d087b1874d828d4a1,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k < i; k++) + { + nums[i] = k + 1; + } + } + return nums; +} +" +ce6b661ab6d6f93854dab563232313cf3d6b1934,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k <= i; k++) + { + nums[i] = k + 1; + } + } + return nums; +} +" +bbeddd35010f65b5c1ca18dcc965294fe839862c,"public int[] seriesUp(int n) +{ + int a = 1; + int b = 1; + int[] array = new int[n * (n + 1)/2]; + for (int i = 0; i < array.length; i++) + { + while (b <= a) + { + nums[i] = b; + b++; + } + a++; + b = 1; + } +} +" +8cfe68ba7ac757a9276bb3b26edfeb9ab8914807,"public int[] seriesUp(int n) +{ + int a = 1; + int b = 1; + int[] array = new int[n * (n + 1)/2]; + for (int i = 0; i < array.length; i++) + { + while (b <= a) + { + array[i] = b; + b++; + } + a++; + b = 1; + } + return array; +} +" +119aeca4c702aa41425af94bf9c4161e31087e26,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < nums.length; i++) + { + for (int k = 0; k <= i; k++) + { + nums[i + k] = k + 1; + } + } + return nums; +} +" +5c3f6a0098313aa48623c5a96731c13ba322a843,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + for (int k = 0; k <= i; k++) + { + nums[i + k] = k + 1; + } + } + return nums; +} +" +9b321f30496c9da919d7e43abff27ffe415d5d6e,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + int index = 0; + for (int i = 1; i <= n; i++) + { + for (int k = 0; k < i; k++) + { + nums[index + k] = k + 1; + } + index += i; + } + return nums; +} +" +5deeb81b2852bfa3eddff607fbb0942856751a9d,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1)/2]; + int track = 0; + for (int i = 1; i <= n; i++) + { + for (int k = 0; k < i; k++) + { + nums[track + k] = k + 1; + } + track += i; + } + return nums; +} +" +4f8cb70f2ac4956fb75cf4af3689d6d569aae448,"public int[] seriesUp(int n) +{ + int a = 1; + int b = 1; + int[] array = new int[n * (n + 1)/2]; + for (int i = 0; i < array.length; i++) + { + while (b <= a) + { + array[i] = b; + b = b + 1; + } + a++; + b = 1; + } + return array; +} +" +886338f86862c551fb23ffcca3ef1d5f24f88f7d,"public int[] seriesUp(int n) +{ + int a = 1; + int b = 1; + int[] array = new int[n * (n + 1)/2]; + for (int i = 0; i < array.length; i++) + { + for (; b <= a; b++) + { + array[i] = b; + } + a++; + b = 1; + } + return array; +} +" +a1630131d4439654f3d3eeb8cb19f4ec3da3228c,"public int[] seriesUp(int n) +{ + int a = 1; + int b = 1; + int[] array = new int[n * (n + 1)/2]; + for (int i = 0; i < array.length; i++) + { + for (; b <= a; b++) + { + array[i] = b; + i++; + } + i--; + a++; + b = 1; + } + return array; +} +" +c06de2ae98adea35f5f630a3cf410e7d74cab3dc,"public int[] seriesUp(int n) +{ + int[] num; + int size = n*(n+1)/2; + num = new num[size]; + int c = 0; + for (int i = 0; i < n; i++) + { + for (int j = 0; j < i+1; j++ + { + num[c] = j; + c++; + } + } + return num; +} +" +46185f921bf113192d59577225baf339b99b1a17,"public int[] seriesUp(int n) +{ + int[] num; + int size = n*(n+1)/2; + num = new num[size]; + int c = 0; + for (int i = 0; i < n; i++) + { + for (int j = 0; j < i+1; j++) + { + num[c] = j; + c++; + } + } + return num; +} +" +9f520d9dd904b46655a8be882301fca255996206,"public int[] seriesUp(int n) +{ + int[] num; + int size = n*(n+1)/2; + num = new int[size]; + int c = 0; + for (int i = 0; i < n; i++) + { + for (int j = 0; j < i+1; j++) + { + num[c] = j; + c++; + } + } + return num; +} +" +6b01bb557923eb81f6f931bd658eeb6454c6382b,"public int[] seriesUp(int n) +{ + int[] num; + int size = n*(n+1)/2; + num = new int[size]; + int c = 0; + for (int i = 0; i < n; i++) + { + for (int j = 0; j < i+1; j++) + { + num[c] = j+1; + c++; + } + } + return num; +} +" +a847d229079d110b3f943728fbe62f4838458ebe,"public int[] seriesUp(int n) +{ + int x = n * (n + 1) / 2; + int[] out = new int[x]; + int index = 0; + for (int i = 1; i < n; i++) { + for (int z = 1; z <= i; z++) { + out[index] = z; + index++; + } + } + return out; +} + +" +534303331cb225000871ccf20c63a4ec5c49f392,"public int[] seriesUp(int n) +{ + int x = n * (n + 1) / 2; + int[] out = new int[x]; + int index = 0; + for (int i = 1; i <= n; i++) { + for (int z = 1; z <= i; z++) { + out[index] = z; + index++; + } + } + return out; +} + +" +36ffbe76c1a06172bf51759c42d6baa13e4d07ba,"public int[] seriesUp(int n) +{ + int[] ans = new int[n*(n+1)/2]; + int start = 1; + for(int i = 0 ; i < ans.length ; i++) + { + + + for(int j = 1; j <= i+1 ; j++) + { + ans[i] = j; + } + + + } + return ans; +} +" +5cad83c6fa6eb05d99f95c9eb0c36bee0a268fa9,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +cba5412d2f740d665e0c98cd6ad566540aa49e18,"public int[] seriesUp(int n) +{ + int array = new int[n*n]; + int x; + for (int i = 1; i <= n; i++) + { + x = i * n - 1; + for (int j = 1; j <= i; j++; x--) + { + array[x] = j; + } + } + return array; +} +" +39da59574a6647928988c7c8ce1a099133db2363,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, p++) + array[p] = j; + } + return array; +} +" +58f58ca2ec175ee0031ffab1be85624548587655,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n + 1) / 2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + array[p] = j; + p++; + } + } + return array; +} +" +f10784d170b84235ed274d8f1818e359d28aa1d0,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + + int i = 0; + + for (int j = 1; j <= n; ++j) + + for (int k = 1; k <= j; ++k) + + result[i++] = k; + + return result; + +} +" +1dc71302363fe99c8ba74e650317a33ff9ca4289,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; + +} +" +ada8d3ac2584927f4e52aaef9d51164da8a8f9ee,"public int[] seriesUp(int n) +{ + int[] yup = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + yup[p] = j; + } + return yup; + +} +" +5eadfefd853b49ae81aaa305a9dd0e6a541928ec,"public int[] seriesUp(int n) { + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +}" +0fa521da00437e93283f20d4dd91c185e8b5a367,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + + int i = 0; + + for (int j = 1; j <= n; ++j) + + for (int k = 1; k <= j; ++k) + + result[i++] = k; + + return result; +} +" +8b0cbe1dfcc8d8a5c2a1b8f7e73d7c918c4484c8,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int a = 0; + for (int i = 1; i <= n; i++) + { + for (int k = 1; k <= i; k++, a++) + { + array[a] = k; + } + } + return array; +}" +9ca7780abbdfab1b2680f072850bda606d485eec,"public int[] seriesUp(int n) +{ + int[] ans = new int[n*(n+1)/2]; + int start = 1; + for(int i = 0 ; i < ans.length ; i++) + { + + + for(int j = 1; j <= i+1 ; j++) + { + ans[i] = j; + } + + + } + return ans; +} +" +fbed839a946338b528b1deb21d4a3ac9792394fb,"public int[] seriesUp(int n) +{ + int sum-0 + int[] nums = new int[n*(n+1)/2]; + for (int i =0;i 1) + { + arr[1] = 1; + arr[2] = 2; + } + if {n > 2) + { + arr[3] = 1; + arr[4] = 2; + arr[5] = 3; + } + if {n > 3) + { + arr[6] = 1; + arr[7] = 2; + arr[8] = 3; + arr[9] = 4; + } + } +} +" +4a45cccff88298e6cee625b5f75936d0398c99a8,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + for (int i = 0; i < arr.length; i++) + { + arr[0] = 1; + if (n > 1) + { + arr[1] = 1; + arr[2] = 2; + } + if {n > 2) + { + arr[3] = 1; + arr[4] = 2; + arr[5] = 3; + } + if {n > 3) + { + arr[6] = 1; + arr[7] = 2; + arr[8] = 3; + arr[9] = 4; + } + } + return arr; +} +" +760f006881012db668f913a315b2a1e38f9f277e,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + for (int i = 0; i < arr.length; i++) + { + arr[0] = 1; + if (n > 1) + { + arr[1] = 1; + arr[2] = 2; + } + if (n > 2) + { + arr[3] = 1; + arr[4] = 2; + arr[5] = 3; + } + if (n > 3) + { + arr[6] = 1; + arr[7] = 2; + arr[8] = 3; + arr[9] = 4; + } + } + return arr; +} +" +ae2c0a00011a12e0f6a60c0bee0f46e28aed0424,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int k = 0; + for (int i = 0; i < arr.length; i++) + { + for(int j = 1; j <= i; j++, k++) + arr[k] = j; + } + return arr; +} +" +d975a87152eba7a3cb97e58dea1de2434285cf9f,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int k = 0; + for (int i = 0; i < arr.length; i++) + { + for(int j = 0; j <= i; j++, k++) + arr[k] = j; + } + return arr; +} +" +987e0590fbece15028fe31f6574710d065754989,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int k = 0; + for (int i = 0; i < arr.length; i++) + { + for(int j = 0; j < i; j++, k++) + arr[k] = j; + } + return arr; +} +" +709b309887a21fbfacb7601a334833ed06f8307a,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int k = 0; + for (int i = 1; i <= arr.length; i++) + { + for(int j = 1; j <= i; j++, k++) + arr[k] = j; + } + return arr; +} +" +5db4f112340cb8ce4530ed2b73d64a545c1b2147,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + for (int i = 0; i < arr.length; i++) + { + arr[0] = 1; + if (n > 1) + { + arr[1] = 1; + arr[2] = 2; + } + if (n > 2) + { + arr[3] = 1; + arr[4] = 2; + arr[5] = 3; + } + if (n > 3) + { + arr[6] = 1; + arr[7] = 2; + arr[8] = 3; + arr[9] = 4; + } + if (n > 4) + { + arr[10] = 1; + arr[11] = 2; + arr[12] = 3; + arr[13] = 4; + arr[14] = 5; + } + if (n > 3) + { + arr[15] = 1; + arr[16] = 2; + arr[17] = 3; + arr[18] = 4; + arr[19] = 5; + arr[20] = 6; + } + } + return arr; +} +" +84f5f7d1f1d1ab0f11e46fb68a38f3764a2e5fe6,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + for (int i = 0; i < arr.length; i++) + { + arr[0] = 1; + if (n > 1) + { + arr[1] = 1; + arr[2] = 2; + } + if (n > 2) + { + arr[3] = 1; + arr[4] = 2; + arr[5] = 3; + } + if (n > 3) + { + arr[6] = 1; + arr[7] = 2; + arr[8] = 3; + arr[9] = 4; + } + if (n > 4) + { + arr[10] = 1; + arr[11] = 2; + arr[12] = 3; + arr[13] = 4; + arr[14] = 5; + } + if (n > 5) + { + arr[15] = 1; + arr[16] = 2; + arr[17] = 3; + arr[18] = 4; + arr[19] = 5; + arr[20] = 6; + } + } + return arr; +} +" +33abc044e5123022e505221b944fcdd079a4396f,"public int[] seriesUp(int n) +{ + int[] done = new int[n*(n+1)/2]; + for (int i = 0; i < n; i++) + { + + } + +} +" +520f88a200a12b9b17828349b93445cc036bed67,"public int[] seriesUp(int n) +{ + int[] done = new int[n*(n+1)/2]; + for (int i = 0; i < n; i++) + { + + } + return done; + +} +" +eedf14a71a91fb714b5cf9d7b346dfc6afbaaa75,"public int[] seriesUp(int n) +{ + int num = 0; + int[] done = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + //num++; + for (int j = 0; j < i; j++) + { + nums[num] = j; + num++; + } + } + return done; + +} +" +864817c6531cf0fcc9e0c702950913ee66443d59,"public int[] seriesUp(int n) +{ + int num = 0; + int[] done = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + //num++; + for (int j = 0; j < i; j++) + { + done[num] = j; + num++; + } + } + return done; + +} +" +abd9c0b6f3f8908cf7ddc8c8ae7c1e1c1f241267,"public int[] seriesUp(int n) +{ + int num = 0; + int[] done = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + //num++; + for (int j = 1; j <= i; j++) + { + done[num] = j; + num++; + } + } + return done; + +} +" +f1a52eb58344b065fc975d63e0f282c31c26cc85,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n*(n+1)/2]; + for(int i = n; i > 0; i--) { + for(int j = 0; j < i; j++) { + rtrnRay[i+j] = j; + } + } +} +" +e3cd9d82d7ddb9b1ba20f3d88362f3349fae218c,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n*(n+1)/2]; + for(int i = n; i > 0; i--) { + for(int j = 0; j < i; j++) { + rtrnRay[i+j] = j; + } + } + return rtrnRay; +} +" +7469c45ab6139e25a0366cfe6cdd593024f7287b,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n*(n+1)/2]; + for(int i = n; i > 0; i--) { + for(int j = 1; j < i; j++) { + rtrnRay[i+j] = j; + } + } + return rtrnRay; +} +" +92f25895b6fe84d003be5340ebaae60a83d1f669,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n*(n+1)/2]; + for(int i = n; i > 0; i--) { + for(int j = 1; j <= i; j++) { + rtrnRay[i+j] = j; + } + } + return rtrnRay; +} +" +8b09f56fb8f8cb14ec6765f6d611984e620f16d2,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n*(n+1)/2]; + for(int i = 0; i < n; i++) { + for(int j = 1; j <= i; j++) { + rtrnRay[i+j] = j; + } + } + return rtrnRay; +} +" +d07178acaedcfa7df4bd64b840ea6e8823d7a809,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n*((n+1)/2)]; + for(int i = 0; i < n; i++) { + for(int j = 0; j <= i; j++) { + rtrnRay[i+j] = j+1; + } + } + return rtrnRay; +} +" +71b8ff06ecd8d8a7a69b28b3252d63a54e81db7c,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + for(int i = 0; i < n; i++) { + for(int j = 0; j <= i; j++) { + rtrnRay[i+j] = j+1; + } + } + return rtrnRay; +}" +5a7d8a9a2371b17d3a5beee145af8a29a5476d45,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + for(int i = 0; i < n; i++) { + for(int j = 1; j <= i; j++) { + rtrnRay[i+j] = j; + } + } + return rtrnRay; +}" +75543b1170e2243bbb0a3ef253d3be274be57fa2,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + for(int i = 0; i < n; i++) { + for(int j = 0; j <= i; j++) { + rtrnRay[i+j] = j + 1; + } + } + return rtrnRay; +}" +75f983abf9ab9873f3b49b697c8c678977853f6f,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + for(int i = 0; i < n; i++) { + for(int j = 0; j < i; j++) { + rtrnRay[i+j] = j + 1; + } + } + return rtrnRay; +}" +5543247c233b54caa36234f6f899e5c105295420,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + for(int i = 0; i < n; i++) { + for(int j = 0; j <= i; j++) { + rtrnRay[i+j] = j + 1; + } + } + return rtrnRay; +}" +c9fbaade412631675014469617d271d3e3d994a6,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + int counter = 0; + for(int i = 0; i < n; i++) { + for(int j = 0; j <= i; j++) { + rtrnRay[counter] = j + 1; + } + } + return rtrnRay; +}" +c67bff156a6a55f5fe95764b4aea7ac8e9d2182a,"public int[] seriesUp(int n) +{ + int[] rtrnRay = new int[n * (n + 1) / 2]; + int counter = 0; + for(int i = 0; i < n; i++) { + for(int j = 0; j <= i; j++) { + rtrnRay[counter] = j + 1; + counter++; + } + } + return rtrnRay; +}" +7541c69ad13d63d972dc4d984af5316c9d11ba4e,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +dcc9b56614db855140aa37b6dc4266149ee75c85,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 1; i < nums.length; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +c085e0b80b2f21901addfd2eaf241cb2801f7bd5,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +a94cc0d2deef661384ee55a03663a9c0d406894b,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +e7f7ea790601d47b57e2c35ffd2e304c2b06190d,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 1; i < nums.length; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +fe70859ea93c2bc9e80d4bff93541603f2374a63,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 1; i < n; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +3d2f1f537de26477f0dccd66dae119d4ac1a8483,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +7d604c88e0e8142faa8ebeb0809c661ea64f368c,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 1; i < nums.length; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +f6c58610f3d2b27e7a0af4d7f7d039ee3384d3af,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +5c1e4b235119bf7ead0f90e95c8d71ddb096a248,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +2999dc672f25298bc45fe910a247af7312b77382,"public int[] seriesUp(int n) +{ + + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +3555142bc6741184f82bc5b2e1e2fcd2a034e316,"public int[] seriesUp(int n) +{ + int[] toes = new int[n*(n+1)/2]; + int pattern = 2; + for(int k = 0, loop=1 ; i = pattern ){ + loop = 1; + pattern++; + } + } + return toes; +} +" +505791688109a12bdaedccd1cfda0ef972ba8872,"public int[] seriesUp(int n) +{ + int size = n * (n + 1) / 2; + int[] array = new int[size]; + int count = 0; + int max = 1; + for (int i = 0; i < size; i++) { + array[i] = ++count; + if (count == max) { + count = 0; + max++; + } + } + return array; +} +" +c42c0ab95d008f99705d4959f1a1c2458d74d44b,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +227c9e420fb1779d1de808f4920244fb6231efe5,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n+1) / 2]; + int x = 0; + for (int i =1; i <= n; i++) + { + for (int j = 1; j <= i; j++, x++) + { + series[x] = j; + } + } + return series; +} +" +3cc818195023108a9bc1c7d6bc28ad81733dbf89,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +2e3a45651f051752b92245bd107d9ff493c156fb,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*n]; + int p; + for(int i = 1; i <= n; i++) + { + p = n * i - 1; + for(int j = 1; j <= i; j++, p--) + arr[p] = j; + } + return arr; + +} +" +9dd360f2cd73a2bda7f7edcf379eff5448679216,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n + 1)/2]; + int p; + for(int i = 1; i <= n; i++) + { + p = n * i - 1; + for(int j = 1; j <= i; j++, p--) + arr[p] = j; + } + return arr; + +} +" +3c23071d714d1cfa8ec53454ef64e755b580a318,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*n]; + int p; + for(int i = 1; i <= n; i++) + { + p = n * i - 1; + for(int j = 1; j <= i; j++, p--) + arr[p] = j; + } + return arr; + +} +" +651b08ce200eed43ff4e22d51a6c6acfb8cbe98a,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; + +} +" +2448c53144e8e81e714ec79907b7034136327c1d,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n+1) / 2]; + if (n == 1) + { + nums[0] = 1; + return nums; + } + int count = 0; + int array = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + nums[count] = j; + count++; + } + } + return nums; +} +" +3b3689b0f0bb058bb98f9fba075f05945da14f90,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 0; j < array.length; j++) + { + array[i] = j; + } + } + return array; +} +" +a6148da1af28d551ec0c743139e123788ae78302,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 0; j < array.length; j++) + { + array[j] = i; + } + } + return array; +} +" +627178460094ae3c816982482376b21e7329d5a2,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = i; j < array.length; j++) + { + array[i] = j; + } + } + return array; +} +" +3ee75e51bc064b6b2676fe640f13855fcefec44c,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 1; j < array.length; j++) + { + array[i] = j; + } + } + return array; +} +" +3911752d8255a5040e7176f813820f9dc4ce2237,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 0; j < array.length; j++) + { + array[j] = j+1; + } + } + return array; +} +" +a09e08c9ede878e339e7db80876f0d0a92bcfeed,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int x = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[x] = j; + } + return arr; +} +" +48798b31d103f5ad5c86be1c49c3defc8554cd3b,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int x = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, x++) + arr[x] = j; + } + return arr; +} +" +f8340646d02de894f52e88822acf2e188c86cf9c,"public int[] seriesUp(int n) +{ + int[] a = new int[n * (n + 1)/2]; + int index = 0; + + for (int i = 1; i <= n; i++) + { + int j = 1; + while (j <= i) + { + a[index] = j; + index++; + j++; + } + } + + return a; +} +" +c851a66fa8f863d34c0c08c73d8a2d5d8fed4322,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 1; j < array.length; j++) + { + array[j] = j; + } + } + return array; +} +" +8bae2a6cc73c314fa16b4d80abcdb395c3c51c91,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 1; j < array.length; j++) + { + array[i] = j; + } + } + return array; +} +" +4dfca65accb7cfc534da32d38fc64dc324cb6278,"public int[] seriesUp(int n) +{ + int j = 0; + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + while (j < n) + { + array[j] = j; + } + } + return array; +} +" +2dd9b422f500ab548bd098130ed3f4cce128551a,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < array.length; i++) + { + for (int j = 1; j < n; j++) + { + array[i] = j; + i++; + } + } + return array; +} +" +4752315287cbb176eaccbb83a81308dd0af090a2,"public int[] seriesUp(int n) +{ + int[] ser = new int[n*(n+1)/2]; + int k = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + ser[k] = j; + } + return ser; +} +" +0a7e48afec21de9379e170c5741bb962df366d1d,"public int[] seriesUp(int n) +{ + int[] ser = new int[n*(n+1)/2]; + int k = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, k++) + ser[k] = j; + } + return ser; +} +" +07e8a03545f6213cfb10905757512b19dca5934c,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 1; i < array.length; i++) + { + for (int j = 1; j < n; j++) + { + array[i] = j; + } + } + return array; +} +" +3d2b2e9e5ea6dabe77664a9e53edf471185d80a0,"public int[] seriesUp(int n) +{ + int array[] = new int[n*(n+1)/2]; + for (int i = 1; i < n; i++) + { + for (int j = 1; j < i; j++) + { + array[i] = j; + } + } + return array; +} +" +a3b192c9027a51d901682f8dfeaa848fa33de7de,"public int[] seriesUp(int n) +{ + int k = 0; + int array[] = new int[n*(n+1)/2]; + for (int i = 1; i < n; i++) + { + for (int j = 1; j < i; j++) + { + array[k] = j; + k++; + } + } + return array; +} +" +45d4dcd1fef444a671d9260cc51266b7e630fca4,"public int[] seriesUp(int n) +{ + int k = 0; + int array[] = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j < i; j++) + { + array[k] = j; + k++; + } + } + return array; +} +" +eb287856e0d28a898447506e52bc4e5a1d14c5eb,"public int[] seriesUp(int n) +{ + int k = 0; + int array[] = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + array[k] = j; + k++; + } + } + return array; +} +" +2b26459f9884ea057dd3ec7f7b200e7dcc247c8d,"public int[] seriesUp(int n) +{ + int k = 0; + int array[] = new int[n*(n+1)/2]; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= i; j++) + { + array[k] = j; + k++; + } + } + return array; +} +" +2031e35c621eaed39a117064dc0368f888dc9029,"public int[] seriesUp(int n) +{ + int k = 0; + int array[] = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + array[k] = j; + k++; + } + } + return array; +} +" +67512e6abc150f86462e6ffdaabd155ce19ea2c2,"public int[] seriesUp(int n) +{ + int[] finding = new int[n * (n+1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; +} +" +60acecfff93d1d32ab6f85cc4f22d0f86879498a,"public int[] seriesUp(int n) +{ + int[] finding = new int[n * (n+1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + finding[i++] = k; + return finding; +} +" +359854342e479ba3c8dde0dd528c5f9316937b66,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = 1; + + while (count <= n) + { + for (int i = 0; i < count; i++) + { + int counter = 1; + + int[i] = counter; + + counter++; + } + + count++; + } + + return series; +} +" +c7a397b63c635bd338ccadfe0b5e5b3fd7d1aeca,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = 1; + + while (count <= n) + { + for (int i = 0; i < count; i++) + { + int counter = 1; + + series[i] = counter; + + counter++; + } + + count++; + } + + return series; +} +" +cf69432e33f1e417cc587108c999cafd88e7603f,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = 1; + + while (count <= n) + { + int counter = 1; + + for (int i = 0; i < count; i++) + { + series[i] = counter; + + counter++; + } + + count++; + } + + return series; +} +" +a96c18407a43c3ab96b057c08cf3d4fd3c573599,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = 1; + int counter = 0; + + while (count <= n) + { + for (int i = 1; i <= count; i++) + { + series[counter] = i; + counter++; + } + + count++; + } + + return series; +} +" +3f22e12131d698ad99104f075abd8176dee33c86,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = 1; + int counter = 0; + + while (count <= n) + { + for (int i = 1; i <= count; i++) + { + series[counter] = i; + counter++; + } + + count++; + } + + return series; +} +" +4c3da81a79459af67238ca0702fecb7a01dd4e5e,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +ef5dd0e1474c93239a3487d327edf3fbfff901ae,"public int[] seriesUp(int n) +{ + int[] array = new int[]; + for (int i = 0; i < n; i++) + { + array[i] = i * (i + 1)/2; + } + return array; +} +" +df114f5efb38e19ecb38b86f80fa2fc34395312f,"public int[] seriesUp(int n) +{ + int[] array = new int[n]; + for (int i = 0; i < n; i++) + { + array[i] = i * (i + 1)/2; + } + return array; +} +" +cc43bbc81e06505a7a1a36aa965fff7f0b3a55b6,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + array[i] = i * (i + 1)/2; + } + return array; +} +" +ccb31d483d13ff82e7951bc4b70cca43c8c7540f,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n+1)/2]; + for (int i = 1; i <= n; i++) + { + array[i] = i * (i + 1)/2; + } + return array; +} +" +ecc0b835bd91f24f8335ebf7bd683df770732dde,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n+1)/2]; + int tak = 0; + for (int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, tak++) + arr[tak] = j; + } + return array; +} +" +1f17d658480ec056118b50581b442f2c979e4d8b,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n+1)/2]; + int tak = 0; + for (int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, tak++) + array[tak] = j; + } + return array; +} +" +1ede26a73f5b4651ccc48c04bb848590139a4d0c,"public int[] seriesUp(int n) +{ + int[] ans = new int[n*(n+1)/2]; + int count = 1; + int j = 1; + for (int i = 0; i= 0; i--) + { + int nOriginal = n; + while (n != 0) + { + nums[i] = n; + n--; + i--; + } + } + return nums; +} +" +a6901c54d238ad5e826958f685abf534b66eb04b,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1)/2]; + if (nums.length > 0) + { + nums[0] = 1; + } + for (int i = nums.length - 1; i >= 0; i--) + { + int nOriginal = n; + while (n != 0) + { + nums[i] = n; + n--; + i--; + } + } + return nums; +} +" +546d360f94e9394cacd1a27b6f0cf84b1f635480,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1)/2]; + if (nums.length > 0) + { + nums[0] = 1; + } + for (int i = nums.length - 1; i >= 0; i--) + { + int nOriginal = n; + while (n != 0) + { + nums[i] = n; + n--; + i--; + } + n = nOriginal - 1; + } + return nums; +} +" +ed001bba4d539b3174c33573c1d34c4f777cd0e2,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + +return arr; +} +" +6ecdad2b9af19b6a1395d6439a2e6cdbf1f69578,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +8e647082b0e83a44c6c9693088d46099800bb125,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n+1)/2]; + + for (int i = 0; i < array.length; i++) + { + for (int j = 1; j <= n; j++) + { + array[i] = j; + i++; + } + } + + return array; +} +" +b370b66ddb98de5f0908e0c77085d6c175527347,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int p = 0; + + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + array[p] = j; + } + + return array; +} +" +5df06271920d2030702c28a6d34120ce698d474d,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +82ab95ed1aa25cc5931d21b61a4e08deb9393c00,"public int[] seriesUp(int n) +{ + int[]arr = new int[n*(n+1)/2]; + int temp = 0; + + for (int i = 1; i <= i; i++) + { + for (int j = 1; j <= n; j++) + { + arr[temp] = j; + } + } + + return arr; + +} +" +7a5dc19be49081809049157f51a2db5aaaceae92,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; + +} +" +755acfdd9a4a792d18d4853f21d384269ae0c800,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +}" +33d42b4c062e4ebb7f8df1ace724db720133372d,"public int[] seriesUp(int n) +{ + int[]arr = new int[n*(n+1)/2]; + int temp = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= n; j++) + { + arr[temp] = j; + } + } + + return arr; + +} +" +0a6b1dc83e57076d27cb3903976212c1f068845e,"public int[] seriesUp(int n) +{ + int[]arr = new int[n*(n+1)/2]; + int temp = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= n; j++) + { + arr[temp] = j; + temp ++ + } + + temp = 0; + } + + return arr; + +} +" +fea8cd6a8a9db7b151425dcb10bbe0a04780f598,"public int[] seriesUp(int n) +{ + int[]arr = new int[n*(n+1)/2]; + int temp = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= n; j++) + { + arr[temp] = j; + temp ++; + } + + temp = 0; + } + + return arr; + +} +" +e7980d367ae94e2e1b7d5e23386d79646abe8aae,"public int[] seriesUp(int n) +{ + int[] end = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + end[i++] = k; + return end; + +} +" +97a4e18f48a39eafe060dfe58d2bff4853257be7,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int y = 0; y < length - 1; y++) + { + for (int i = 0; i < n; i++) + { + for (int j = 0; j < i; j++) + { + newArray[y] = j + 1; + y++; + } + } + } + return newArray; +} +" +07cdac5e73a50948c51d46be4853e14e320a4441,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int y = 0; y < length; y++) + { + for (int i = 0; i < n; i++) + { + for (int j = 0; j < i; j++) + { + newArray[y] = j + 1; + y++; + } + } + } + return newArray; +} +" +5cbb37af6aea6a1ad4f86d5e20f7ba25a475cb23,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + counter = i; + for (int j = 0; j < i; j++) + { + newArray[counter] = j + 1; + counter++; + } + } + return newArray; +} +" +d1845d5e407c6c97d8e968a6496b2214137756f3,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j < i; j++) + { + newArray[counter] = j + 1; + counter++; + } + } + return newArray; +} +" +23b5ec2ba8fe6b1ec171faaa28bcd140793480f8,"public int[] seriesUp(int n) { + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; +}" +0733723a55eaf482c4d11e5a77f8ae09952465bd,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + } + return newArray; +} +" +c0c456ff49389bf5a45457f44d67351bc9623c79,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + } + return newArray; +} +" +185f37cf813af0e1c12bff41842158306d83b47a,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length - 1]; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + } + return newArray; +} +" +73c2af7b70287aa026762a1bc97618334df268f5,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + } + return newArray; +} +" +facb52b10598fd9e3cfedf176b70fe6a3b051bb6,"public int[] seriesUp(int n) +{ + int[] series = new int[n*(n+1)/2]; + int spot = 0; + for (int i = 0; i <= n; i++) + { + for(int j = 1; j <= i; j++) + { + spot++; + series[spot] = j; + } + } + return series; +} +" +cb822ae014aa9efeb2e8ace07ae5102bccf685e4,"public int[] seriesUp(int n) +{ + int[] series = new int[n*(n+1)/2]; + int ind = 0; + for (int i = 0; i <= n; i++) + { + for(int j = 0; j < i; j++) + { + series[ind + j] = j + 1; + } + ind += i; + } + return series; +} +" +e7929cfc4d61c32b48992f9897c41ad3d0eca46b,"public int[] seriesUp(int n) { + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +cd681d562458a0d276dbb29ca95ee3643f3eab89,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (j * (j + 1) / 2); j++) + { + nums[i] = j; + i++; + count++; + } + } + return nums; +} +" +9892af139287a0bbabdc4ec3653d1c0e60216f03,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j < (j * (j + 1) / 2); j++) + { + nums[i] = j; + i++; + count++; + } + } + return nums; +} +" +d7f924285b45cc0223bde83e30e2f3120648a31b,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (j * (j + 1) / 2); j++) + { + nums[i] = j; + i++; + count++; + } + } + return nums; +} +" +8c4fa3f84d077cc900573def1a0aa97de2bb4467,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (j * (j + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + } + return nums; +} +" +3cae0e8643b629f5ddbbd5783abe4431345aaf26,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int index = 0; + for(int i=1;i<=n;i++) { + for(int j=1;j<=i;j++) { + array[index++] = j; + } + } + return array; +} +" +fab0d1b28c0d7d46689f94c3b4437d743eb9273c,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j < (j * (j + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + } + return nums; +} +" +cc09c6a704ab4af7ea24a2c23b98dcd8d4d68759,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (j * (j + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + } + return nums; +} +" +71080f9359d7b15a69fda2945c8ee10edbc07604,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (i * (i + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + } + return nums; +} +" +150746c45e5fa892e11df72e21ec12ad83bf373b,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 1; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (i * (i + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i - 1] = j; + i++; + count++; + } + } + } + return nums; +} +" +9e400810b438fe04ec3538abb94cd0b107015df4,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 1; + for (int i = 1; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (i * (i + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i - 1] = j; + i++; + count++; + } + } + } + return nums; +} +" +4931b35f6ac7db75500ee99857f7773350feabe2,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (j * (j + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + } + return nums; +} +" +575c78b860df31523866d34324a505647856207e,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + int count2 = 1; + for (int i = 0; i < nums.length; i++) + { + i = count; + count2++; + for (int j = 1; j <= (count2 * (count2 + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + } + return nums; +} +" +21e5e1452328b380b9694d7c336f4d64b960ce76,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + int count2 = 1; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= (count2 * (count2 + 1) / 2); j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + count2++; + } + return nums; +} +" +bc9c2a9ceb772515e8321bae8c7791bcdd152055,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1) / 2]; + int count = 0; + int count2 = 1; + for (int i = 0; i < nums.length; i++) + { + i = count; + for (int j = 1; j <= count2; j++) + { + if (i < nums.length) + { + nums[i] = j; + i++; + count++; + } + } + count2++; + } + return nums; +} +" +4e8e190fe42a23078c018d8276cda18b453e6ced,"public int[] seriesUp(int n) +{ + int[] arr = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; j++) + { + for (int x = 0; x < j; x++) + { + arr[i + x] = x+1; + } + i += j; + } + return arr; +} +" +505f16a820cd2c58015da470d532a2f0c4dd3cd1,"public int[] seriesUp(int n) +{ + int newArray = new int[n * (n + 1) / 2]; + int pos = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, pos++) + { + newArray[pos] = j; + } + } + return newArray; +} +" +a1a520c11dd406f574ad476a03158fa2b18929ac,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n * (n + 1) / 2]; + int pos = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, pos++) + { + newArray[pos] = j; + } + } + return newArray; +} +" +b02b57df688ebb5fffa1a75c71caa20974c4064a,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +5d2a02c7adc951047aa40bea6190478862bd2258,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 0; i < n; i++) + { + for(int j = 0; j < i; j++, p++) + arr[p] = j; + } + return arr; +} +" +b426443162bea2a5fe7c130e9e997f8b249cb7d0,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +7d0c28f6d347ec779d1ebbe4fad4ba2ce8684e8b,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + arr[p] = j; + } + return arr; +} +" +e424ff942a90d021f28ab82db66861fbe528bb0f,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + + arr[p] = j; + p = p + 1; + } + return arr; +} +" +92e691c62716cfe312831bb30604dcec1bdde5ff,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + arr[p] = j; + p = p + 1; + } + return arr; +} +" +d5ebd1b57762e5da5363641b6db575a512452d93,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + int j = 1 + for(int i = 1; i <= n; i++) + { + for(int a = 0; a < i; a++) + arr[p] = j; + p = p + 1; + j = j + 1; + } + return arr; +} +" +26ce921fbb7d4da1650b0f8ce5477c2f946d66ce,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + int j = 1; + for(int i = 1; i <= n; i++) + { + for(int a = 0; a < i; a++) + arr[p] = j; + p = p + 1; + j = j + 1; + } + return arr; +} +" +45f404ed8b33b8d9ba96e301f564386ada581b06,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + + for(int i = 1; i <= n; i++) + { + int j = 1; + for(int a = 0; a < i; a++) + arr[p] = j; + p = p + 1; + j = j + 1; + } + return arr; +} +" +6df9e6a21c3f73a3c7718d573b5423d53edd3f2c,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + + for(int i = 1; i <= n; i++) + { + int j = 1; + for(int a = 0; a < i; a++) + { + arr[p] = j; + p = p + 1; + j = j + 1; + } + } + return arr; +} +" +98c24f45c53a76a08d4b968206d5bc686414fddc,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; + +} +" +1ae4397c8725c01eb1611c484042f48ef921be57,"public int[] seriesUp(int n) { + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +}" +8a3cad7045899eed7e85da884b2fbe559aa5f016,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +8b5f377a9630f03ecd1cffde7453d5d3a714d777,"public int[] seriesUp(int n) +{ + int length = n*(n+1)/2 + int[] array = new int[length]; + for (int i = 0; i = 2) + { + int val = nums[0]; + for(int i = 0; i < nums.length - 1; i++) { + nums[i] = nums[i+1]; + } + nums[nums.length-1] = val; + } + return nums; +} +" +0f848d1c5d464879a26d8ce9124812de512b8606,"public int[] seriesUp(int n) +{ + +} +" +26e903e81dcaa83695b1ed9c964cee0bcd57ca6a,"public int[] seriesUp(int n) +{ + return 0; +} +" +e8df2bd3fff1bb2ffd8ae986b0e2de9bdcaf7008,"public int[] seriesUp(int n) +{ + int[] series = new int[0] + return series; +} +" +2770a48008299c44dd75664256b154b8efe0dea4,"public int[] seriesUp(int n) +{ + int[] series = new int[0]; + return series; +} +" +12b4a661794ab762e7b98d86458449563dcb94eb,"public int[] seriesUp(int n) +{ + if(nums.length >= 2) + { + int val = n[0]; + for(int i = 0; i < n.length - 1; i++) { + n[i] = n[i+1]; + } + n[n.length-1] = val; + } + return n; +} +" +5ae0becdb386cef6e99e2feb6a5cc4756cf65ff2,"public int[] seriesUp(int n) +{ + if(n.length >= 2) + { + int val = n[0]; + for(int i = 0; i < n.length - 1; i++) { + n[i] = n[i+1]; + } + n[n.length-1] = val; + } + return n; +} +" +7e030c69505490502d0dbb3d9df969e7130c956f,"public int[] seriesUp(int n) +{ + int[] series = new int[n]; + for (int i = 0; i < nums.length; i++) + { + for (int x = 0; x < i; x++) + { + series[i] = x; + } + } + return series; +} +" +10546063635eaebf4ac38177b7882896dd74a4a9,"public int[] seriesUp(int n) +{ + int[] series = new int[n]; + for (int i = 0; i < n; i++) + { + for (int x = 0; x < i; x++) + { + series[i] = x; + } + } + return series; +} +" +70f39ebeafa0e9a0ee7098989aa403a225b6819a,"public int[] seriesUp(int n) +{ + int[] series = new int[n]; + int y = 0; + for (int i = 0; i < n; i++) + { + for (int x = 0; x < i; x++) + { + series[y] = x; + y++; + } + } + return series; +} +" +006956982a4f5c9c20e74869efac5a9e0139fd29,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 0; i < series.length; i++) + { + for (int x = 0; x < i; x++) + { + series[y] = x; + y++; + } + } + return series; +} +" +2f602add442363782fdd9e61eb96153f61bb8636,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 0; i < series.length; i++) + { + for (int x = 0; x < i; x++) + { + series[y] = x; + } + } + return series; +} +" +18f4deea5ddf97d335ccaa0bc2921f7806e783ef,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 0; i < series.length; i++) + { + for (int x = 0; x < i; x++) + { + series[y++] = x; + } + } + return series; +} +" +a4eb22318c43c87f591688e083f970b5f9734247,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 0; i < n; i++) + { + for (int x = 0; x < i; x++) + { + series[y] = x; + y++; + } + } + return series; +} +" +113546a09df89bc54b422244964e89d478f94e6e,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 1; i <= n; i++) + { + for (int x = 1; x <= i; x++) + { + series[y] = x; + y++; + } + } + return series; +} +" +6291481faa6a75904e5165c7870dcc0c85d4a84d,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 1; i <= n; i++) + { + for (int x = 1; x <= i; x++) + { + series[y] = x; + } + } + return series; +} +" +5204472ed66892e94d9304550973235a2ceeb1fd,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 1; i <= n; i++) + { + for (int x = 1; x <= i; x++) + { + series[x] = x; + } + } + return series; +} +" +4e0c47899345f16542d37e097b5203ac0d2ae8c6,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1)/2]; + int y = 0; + for (int i = 1; i <= n; i++) + { + for (int x = 1; x <= i; x++) + { + series[y] = x; + y++; + } + } + return series; +} +" +aa2978615131f23a0c8dc087cef09d1d8fca4af3,"public int[] seriesUp(int n) +{ + int[] abc = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + abc[p] = j; + } + return abc; +} +" +9e54cc44e6b6e1dba7a7252ad0b910bc866f2816,"public int[] seriesUp(int n) +{ + int[] answer = new int[(n * (n + 1)) / 2]; + int i = 0; + for (int j = 1; j <= n; j++) + { + for (int s = 1; s <= j; s++) + { + answer[i + 1] = s; + } + } + return answer; +} +" +0511e9e2f20650d369c972b6e948650f33358d45,"public int[] seriesUp(int n) +{ + int[] answer = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + { + for (int s = 1; s <= j; ++s) + { + answer[i + 1] = s; + } + } + return answer; +} +" +7292f752c067d085d7ef9d26ef2c006a89676a68,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; +} +" +0cf872d188049a68fa151e7233bc15926b7615bc,"public int[] seriesUp(int n) +{ + int[] answer = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + { + for (int s = 1; s <= j; ++s) + { + answer[i++] = s; + } + } + return answer; +} +" +48ff9b287dabdb558b0622d00e8a9ee3335d8496,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 1; i <= n; i++); + { + for (int i = 1; i <= n; i++) + { + out[i] = i; + } + } + return out; +}" +b542074357a459e127c52af45e15489f395da6c8,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 1; i <= n; i++); + { + for (int i = 1; i <= n; i++) + { + out[i] = i + 1; + } + } + return out; +}" +822bbbc1efb4818d02ea5fc1213827cda90ea74e,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++); + { + for (int j = 0; j < n; j++) + { + out[i] = j + 1; + } + } + return out; +}" +7ebad86aec4946fe4970f9ae69c72f0679a0b89f,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++); + { + for (int j = 0; j < n; j++) + { + out[j] = j + 1; + } + } + return out; +}" +22dae6d8562877e89c5c104e943d85604d46f72b,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++); + { + for (int j = 0; j < i; j++) + { + out[j] = j + 1; + } + } + return out; +}" +9ed47166f08833750cde37a8b34ba2e65070d315,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + int i = 0; + while (i <= n) + { + for (int j = 0; j < i; j++) + { + out[j] = j + 1; + } + i++; + } + return out; +}" +fb9ccfe24fd4e8602d1a44ee69462032aaf5b294,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + int j = i; + while (j < n) + { + out[j] = j + 1; + j++; + } + } + return out; +}" +acfcf56ac9fecc04555d539289f940eb19de0511,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + int j = i; + while (j < n) + { + out[j] = j; + j++; + } + } + return out; +}" +2e6023ea2bf2a6179f2874e7578cfe651d3d8352,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + int j = i; + while (j <= n) + { + out[j] = j + 1; + j++; + } + } + return out; +}" +1ed7525c49b7c66515b8a9723a5b2792b7df51d6,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + int j = 0; + while (j < i) + { + out[j] = j + 1; + j++; + } + } + return out; +}" +aa2455a7584f880197b839ee63a977c96063dd34,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 0; i < n; i++) + { + int j = 0; + while (j < i) + { + out[j+i] = j + 1; + j++; + } + } + return out; +}" +0f4081e5f3a0a206658cc1419386815cb5af79df,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n+1)/2]; + for (int i = 1; i <= n; i++) + { + int j = 0; + while (j < i) + { + out[j] = j + 1; + j++; + } + } + return out; +}" +ce6a555e79bf21ac294175d1abddf43fc7a1b8a9,"public int[] seriesUp(int n) +{ + List outList = new ArrayList(); + for (int i = 1; i <= n; i++) + { + int[] temp = new int[i]; + for (int j = 0; j < temp.length; j++) + { + temp[j] = j + 1; + } + outList.add(temp); + } + + int[] out = new int[n * (n + 1)/2]; + for (int k = 0; k < outlist.size(); k++) + { + out[k] = outList.get(k); + } + return out; +}" +2170498f5d92fd6c160af6ff11fa5a19fb4185c0,"public int[] seriesUp(int n) +{ + ArrayList outList = new ArrayList(); + for (int i = 1; i <= n; i++) + { + int[] temp = new int[i]; + for (int j = 0; j < temp.length; j++) + { + temp[j] = j + 1; + } + outList.add(temp); + } + + int[] out = new int[n * (n + 1)/2]; + for (int k = 0; k < outlist.size(); k++) + { + out[k] = outList.get(k); + } + return out; +}" +0b7d46ab4749d10812713ceaa39fa47bdd3e3e0c,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +d9fcbd856adfbb5e8b9361bcdacf67c7942cf90f,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +773cbfc2206c2d03915f94e872e01345550c4cac,"public int[] seriesUp(int n) +{ + int len = n*(N+1)/2; + int[] nums = new int[len]; + int i = 0; + while (i < len) + { + int h = i+1; + for (int j = 0; j < h; j++) + { + nums[i+j] = j+1; + i++; + } + i++; + } + return nums; +} +" +19c474eab545098c22adae55b978a421c00afe65,"public int[] seriesUp(int n) +{ + int len = n*(N+1)/2; + int[] nums = new int[len]; + int i = 0; + while (i < len) + { + int h = i+1; + for (int j = 0; j < h; j++) + { + nums[i+j] = j+1; + i++; + } + i++; + } + return nums; +} +" +61a09b258c30391f4d8a5d98ea10999df88c5b6c,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int i = 0; + while (i < len) + { + int h = i+1; + for (int j = 0; j < h; j++) + { + nums[i+j] = j+1; + i++; + } + i++; + } + return nums; +} +" +c7e39be48fb4a41d1b44e0a17d7467acf697d96c,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int i = 1; + while (i <= len) + { + int h = i; + for (int j =1; j<= h; j++) + { + nums[i] = j; + i++; + } + + } + return nums; +} +" +a3e10d0827035768f610a1686dc20abecdba174d,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int i = 1; + while (i <= len) + { + int h = i; + for (int j =1; j<= h; j++) + { + nums[i-1] = j; + i++; + } + + } + return nums; +} +" +45b278fc8faaad0bf9d6d25d584095fc353c9252,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int i = 1; + while (i <= n) + { + for (int j =1; j<= i; j++) + { + nums[i-1] = j; + } + + } + return nums; +} +" +93626122753086b9e96ade0ab57e156a16351935,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int i = 1; + while (i <= n) + { + for (int j =1; j<= i; j++) + { + nums[i-1] = j; + } + i++; + } + return nums; +} +" +29cc59c32d7564a043ce53455d452241354f86f2,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int i = 1; + while (i <= n) + { + int h = i; + for (int j =1; j<= h; j++) + { + nums[i-1] = j; + i++; + } + i = h; + i++; + } + return nums; +} +" +3c345336d6697de25b99ff576a443fff3d64274c,"public int[] seriesUp(int n) +{ + int[] nums = new int[n(n + 1)/2]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + for(int j = 0; j < count; j++) + { + nums[i + j] = j + 1; + i = j; + } + count ++; + } + return nums; +} +" +8fc21aa8a2a1d839311783651b8a2e71c4bea1ef,"public int[] seriesUp(int n) +{ + int[] nums = new int[(n(n + 1)/2)]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + for(int j = 0; j < count; j++) + { + nums[i + j] = j + 1; + i = j; + } + count ++; + } + return nums; +} +" +f25c3c279f5ab51c60b7757071d693cd72c0e215,"public int[] seriesUp(int n) +{ + int dig = (n(n + 1)/2) + int[] nums = new int[dig]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + for(int j = 0; j < count; j++) + { + nums[i + j] = j + 1; + i = j; + } + count ++; + } + return nums; +} +" +8fda919d633227eb855d315e37ac1d9b8354639c,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +be24a4963bc4bb4a3df90124d8f03e437793754b,"public int[] seriesUp(int n) +{ + int dig = (n(n + 1)/2); + int[] nums = new int[dig]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + for(int j = 0; j < count; j++) + { + nums[i + j] = j + 1; + i = j; + } + count ++; + } + return nums; +} +" +c9495eaef9457e6f57dd10e359b21109d9a77e79,"public int[] seriesUp(int n) +{ + + int[] nums = new int[n * (n + 1)/2]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + for(int j = 0; j < count; j++) + { + nums[i + j] = j + 1; + i = j; + } + count ++; + } + return nums; +} +" +09edb94ed73d0dfb04058efee9486c7ac84e71e1,"public int[] seriesUp(int n) +{ + + int[] nums = new int[n * (n + 1)/2]; + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count ++; + for(int j = 0; j < count; j++) + { + nums[i + j] = j + 1; + i = j; + } + + } + return nums; +} +" +83e5e19401311e50b38be86d0e3228ae35c355b3,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + nums[i+j-2] = j; + } + } + return nums; +} +" +831d4624fc6b65528bad888eede0abe0e570d59f,"public int[] seriesUp(int n) +{ + int len = n*(n+1)/2; + int[] nums = new int[len]; + int index = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + nums[index] = j; + index++; + } + } + return nums; +} +" +e4f621871f637979f0f3999f4acffdc1c28f4bb9,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + + int i = 0; + + for (int j = 1; j <= n; ++j) + + for (int k = 1; k <= j; ++k) + + result[i++] = k; + + return result; + +} +" +64aa5c757170d13adc0bad0f3ea184211b23014d,"public int[] seriesUp(int n) +{ + int[] a = new int[n*(n+1)/2]; + int b = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, b++) + a[b] = j; + } + return a; +} +" +64bc31d3ed86ed1b6c7929ae70d8bb1a66354f29,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +509adc9564fdee41f38f93efc9ba295b47ef6912,"public int[] seriesUp(int n) { + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; +}" +c319d75e97ba0966230228d251700d2bcc4ec149,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, p++) + { + arr[p] = j; + } + } + return arr; + +} +" +92723ec322a4247029740514a16486a30de4298e,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, p++) + { + arr[p] = j; + } + } + return arr; + +} +" +398cb8fa6d234eff3d560530bf032481441d4aea,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, p++) + { + arr[p] = j; + } + } + return arr; + +} +" +f71d61a495d5efb8efbe77fc43cf13e81dffeb96,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +316273876ca48590624bacb44140506eee11398e,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + { + for (int k = 1; k <= j; ++k) + { + result[i++] = k; + } + } + return result; + +} +" +466beb7974486fa86662d4daf920dc1c6b547de7,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n*(n+1)/2]; + int c = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + { + newArray[c] = j; + c++; + } + } + return newArray; +} +" +5d303121da96806226c5a82ae0ccd18f4bd6706a,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; + +} +" +e6502fb38432fd26674261f2daf65dae1dfd9317,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; +} +" +500a1d0c5380eefeb75cb39f71fb1a6acce3c6b4,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +f014ea71d61e32e72819dc6a239015552689b3c6,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + newArray[p] = j; + } + return newArray; +} +" +e76c53e781438691cabb15823f5929ab0c32f5e5,"public int[] seriesUp(int n) +{ + int size = .5 * n * (n + 1); + int[] result = new int[size]; + int i = 0; + while (i < size) + { + int j = 1; + (while j < i) + { + nums[i] = j; + j++; + } + + i++; + } + return result; +} +" +b3c42356baed4f376a151bd33c3ed868b8ee935f,"public int[] seriesUp(int n) +{ + int size = .5 * n * (n + 1); + int[] result = new int[size]; + int i = 0; + while (i < size) + { + int j = 1; + while (j < i) + { + nums[i] = j; + j++; + } + + i++; + } + return result; +} +" +a6013c1daefc188a5b780abe645b2d746fd39899,"public int[] seriesUp(int n) +{ + int size = n * (n + 1) / 2; + int[] result = new int[size]; + int i = 0; + while (i < size) + { + int j = 1; + while (j < i) + { + result[i] = j; + j++; + } + + i++; + } + return result; +} +" +e8182ce8e7c099ca94ad2d7e04558dfbf3675306,"public int[] seriesUp(int n) +{ + int size = n * (n + 1) / 2; + int[] result = new int[size]; + int i = 0; + int k = 0; + while (i < size) + { + int j = 1; + while (j < i) + { + result[k] = j; + j++; + k++; + } + + i++; + } + return result; +} +" +1d8208677c16d32587a6cd20f995c389b3454517,"public int[] seriesUp(int n) +{ + int size = n * (n + 1) / 2; + int[] result = new int[size]; + int i = 0; + int k = 0; + while (k < size) + { + int j = 1; + while (j < i) + { + result[k] = j; + j++; + k++; + } + + i++; + } + return result; +} +" +c57c013ac8aabfa80af35b0e3e12df1cd4f6f954,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + result[p] = j; + } + return result; +} +" +aadbe433f0e52401d27729f7f35b91f228aca270,"public int[] seriesUp(int n) +{ + int length = 0; + for (int i = 1; i <= n; i++) + { + length = length + i; + } + int[] nums = new int[length]; + int num = 1; + for (int i = 0; i < length; i++) + { + for (int j = 0; j < i; j++) + { + + nums[i+j] = num; + num++; + } + } + return nums; +} +" +76bf236eaa7e063bd11237b23cf3debf9cbe5c4c,"public int[] seriesUp(int n) +{ + int length = 0; + for (int i = 1; i <= n; i++) + { + length = length + i; + } + int[] nums = new int[length]; + //int num = 1; + for (int i = 0; i < length; i++) + { + int num = 1; + for (int j = 0; j < i; j++) + { + + nums[i+j] = num; + num++; + } + } + return nums; +} +" +6e018065cff0bb2b4b4e4acd5386e46d5341ff91,"public int[] seriesUp(int n) +{ + int length = 0; + for (int i = 1; i <= n; i++) + { + length = length + i; + } + int[] nums = new int[length]; + //int num = 1; + for (int i = 0; i < n; i++) + { + int num = 1; + for (int j = 0; j < i; j++) + { + + nums[i+j] = num; + num++; + } + } + return nums; +} +" +ffda995dc2cb5c2991fea9270ad0fd1c4c768dc4,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; + +} +" +b50556368ac830dfde2135559c7bb06f768cd721,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + { + result[p] = j; + p++; + } + } + return result; +} +" +199bc026e8100698a0052d5f37536f25af88a331,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n * (n + 1) / 2]; + int z = 0; + for (int x = 1; x <= n; x++) + { + for (int y = 1; y <= x; y++, z++) + { + newArray[z] = y; + } + } + return newArray; +} +" +c0143ecbbb76ee0196f20adc7036a3447b9a5443,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1)/2]; + int k = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + { + result[p] = j; + k++; + } + } + return result; +} +" +dfebf4d3ccb1c45c713e88e11542556ee4a55d1e,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1)/2]; + int k = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + { + result[k] = j; + k++; + } + } + return result; +} +" +a95b07996e72babecc4cf0a0f88d22bb1e9afa3a,"public int[] seriesUp(int n) +{ + int length = 0; + for (int i = 1; i <= n; i++) + { + length = length + i; + } + int[] nums = new int[length]; + //int num = 1; + for (int i = 0; i < n; i++) + { + int num = 1; + for (int j = 0; j <= i; j++) + { + + nums[i+j] = num; + num++; + } + } + return nums; +} +" +7b435510fea966e7d466d88374e1a3ce0f34f4fb,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1)/2]; + int index = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++) + { + result[index] = j; + index++; + } + } + return result; +} +" +67e3febedaca65e16d14b27e9ac0d80e4a4bf626,"public int[] seriesUp(int n) +{ + int length = 0; + for (int i = 1; i <= n; i++) + { + length = length + i; + } + int[] nums = new int[length]; + //int num = 1; + for (int i = 0; i < n; i++) + { + int num = 0; + for (int j = 0; j <= i; j++) + { + + num++; + nums[i+j] = num; + + } + } + return nums; +} +" +dcd26de41b63c3ced54c8d4bc135e224943075ce,"public int[] seriesUp(int n) +{ + int[] seriesUp = new int[n * (n + 1) / 2]; + int x = 0; + for (int i = 1; i <= n; i++){ + for (int j = 1; j < i; j++){ + seriesUp[x] = j; + j++; + } + } + return seriesUp; +} +" +565819756cf7f4d6fb3ee8585cd8398eef892f81,"public int[] seriesUp(int n) +{ + int[] seriesUp = new int[n * (n + 1) / 2]; + int x = 0; + for (int i = 1; i <= n; i++){ + for (int j = 1; j < i; j++){ + seriesUp[x] = j; + x++; + } + } + return seriesUp; +} +" +b94347d88f7dd861caf9264c9a883ef23ae2a6e8,"public int[] seriesUp(int n) +{ + int[] seriesUp = new int[n * (n + 1) / 2]; + int x = 0; + for (int i = 1; i <= n; i++){ + for (int j = 1; j <= i; j++){ + seriesUp[x] = j; + x++; + } + } + return seriesUp; +} +" +000864b02567da8dbda2eba34429ba31cab710b7,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + array[p] = j; + } + return array; +} +" +7976f119c40e569186b7b751714b8ba8693513c5,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int element = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, element++) + array[element] = j; + } + return array; +} +" +5dbabd4b5e29c0c0a5c03ac01fbcc06d6a99dd5b,"public int[] seriesUp(int n) +{ + int[] finalInt = new int(n * (n + 1) / 2); + int p = 0; + for (int i = 0; i < n; i++) + { + for (int j = -1; j < i; j++) + { + finalInt[p] = j + 2; + p++; + } + } +} +" +d23a856bf6733e2316a92a7103472cbddb243d4d,"public int[] seriesUp(int n) +{ + int[] finalInt = new int[n * (n + 1) / 2]; + int p = 0; + for (int i = 0; i < n; i++) + { + for (int j = -1; j < i; j++) + { + finalInt[p] = j + 2; + p++; + } + } + return finalInt; +} +" +e79781b606439f7258b0e92b1b80a70df13d5250,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +8f811375f36e1fb9baa4b3785e8f27ad6dc4e176,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +b7206b958d4ea728b1bde6318f7584d28a0c2487,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +5c737f757fb799114d9a8e59ce1033ea4221d86f,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +befad29a32c79f510beb4bd6ac7f6d5b4ce79a2b,"public int[] seriesUp(int n) +{ +} +" +b9fa85650704dce462698262300cca5b9150df00,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +9aa6cfbf8a9929160b626bf7fb90e295894660ce,"public int[] seriesUp(int n) +{ + int spot = 0; + int[] series = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + for (int j = 0; j < i; j++) + { + series[spot] = i-j; + spot++; + } + + } + return series; +} +" +9a5d6f5258a83cd24a9106d6dc88958dad9a5704,"public int[] seriesUp(int n) +{ + int spot = 0; + int[] series = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + for (int j = i-1; j >= 0; j++) + { + series[spot] = i-j; + spot++; + } + + } + return series; +} +" +74317e93c4d2da15a291909019d169ac79ecbf57,"public int[] seriesUp(int n) +{ + int spot = 0; + int[] series = new int[n*(n+1)/2]; + for (int i = 1; i <= n; i++) + { + for (int j = i-1; j >= 0; j--) + { + series[spot] = i-j; + spot++; + } + + } + return series; +} +" +3c1918101d0ec60c6d5cd8243128f186723b858c,"public int[] seriesUp(int n) +{ + int [] arr = new int[n*(n + 1) / 2]; + int p = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + p++; + arr[p] = j; + } + } + return arr; +} +" +49370f14d02783e4e46018507d977d2613e84743,"public int[] seriesUp(int n) +{ + int [] arr = new int[n*(n + 1) / 2]; + int p = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, p++) + { + arr[p] = j; + } + } + return arr; +} +" +01d37d08756f0d4ed9dd844b3c07d2741948cb66,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + array[p] = j; + } + return array; +} +" +4baa6d67f9e618c1f81ebede6378da46583feb02,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +a9e87216ee923b694b0a7dd8971bc958c178f62d,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + { + arr[p] = j; + } + } + return arr; +} +" +a30fe146dfbb8c8a393063a8bdc43f2c9802ca68,"public int[] seriesUp(int n) +{ + int[] hi = new int[]; + return hi; +}" +56d69bd3289592f69d6bacd6cff67cb84234a676,"public int[] seriesUp(int n) +{ + int[] hi = new int[n]; + return hi; +}" +9f20dc407fab423c671f08218bc3979344657067,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + return hi; +}" +3c630b85efe10158192aa67db0522ad0c54caf8b,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = 0; x < hi.length; x++) + { + hi[x] = x + 1; + x++; + hi[x] = x + 1; + } + return hi; +}" +d56f1afa70065e19e43dcc841e3edd7481ecec5f,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = 0; x < hi.length; x++) + { + hi[x] = x + 1; + } + return hi; +}" +72f1dac00cf14b8311279d3e7de7bb0670046204,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int a = 0; + for ( int i = 1; i <= n; i++ ) { + for ( int j = 1; j <= i; j++; a++ ) { + array[a] = j; + } + } + return array; +} +" +cc26d176fbbc66d9436faf90d0937427392d55e2,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int a = 0; + for ( int i = 1; i <= n; i++ ) { + for ( int j = 1; j <= i; j++; a++; ) { + array[a] = j; + } + } + return array; +} +" +fed4ec4d6f329aa4a4e4107076d543630386f527,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int a = 0; + for ( int i = 1; i <= n; i++ ) { + for ( int j = 1; j <= i; j++ ) { + array[a] = j; + a++; + } + } + return array; +} +" +4746c7699b60158fd1637b32f6e09a7a3a5255fc,"public int[] seriesUp(int n) +{ + int[] newList = new int[n * (n + 1) / 2]; + return newList; +} +" +1fb5ab78e64cce32f1fc50fa631fe1be9109960a,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x > 0; x--) + { + int count = 0; + for (int i = 0; i < n; i++) + { + hi[x] = n - count; + count = count + 1; + } + n = n - 1; + } + return hi; +}" +82e8fc2b24f6c152797a938c156ae90fe21c0a42,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x > 0; x--) + { + int count = 0; + for (int i = 0; i < n; i++) + { + hi[x - 1] = n - count; + count = count + 1; + } + n = n - 1; + } + return hi; +}" +73e513ad5508e95e10387262605db7cca4fc81ea,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x > 0; x--) + { + int count = 0; + for (int i = 0; i < n; i++) + { + hi[x - i] = n - count; + count = count + 1; + } + n = n - 1; + } + return hi; +}" +257dd2b8c8dee625cc7ac200083edb45f304fa1a,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x > 0; x--) + { + for (int i = 0; i < n; i++) + { + hi[x - i] = n - i; + } + n = n - 1; + } + return hi; +}" +ecef6dcd9bbcef623778ddcb9d88d87e063b5014,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x >= 0; x--) + { + for (int i = 0; i < n; i++) + { + hi[x - i] = n - i; + } + n = n - 1; + } + return hi; +}" +0efff644f9bb50ead7ce7786b2bdbcf8f939e46c,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x >= 0; x--) + { + for (int i = 0; i < n; i++) + { + hi[x] = n - i; + x--; + } + n = n - 1; + } + return hi; +}" +350b417912738b29574eb7e5d39c88e679ebceea,"public int[] seriesUp(int n) { + int[] xxx = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + xxx[i++] = k; + return xxx; +}" +d0608906d23d0f6580d6715c07edf8450afa7a14,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +}" +b01fb5b36021ed1aeb938d209711c345e2cc4046,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1)/2]; + int place = 0; + for (int count = 0; count < n; count++) + { + for (int scount = 0; scount <= count; scount++) + { + nums[place] = scount + 1; + ++place; + } + } + return nums; +}" +7b153c242090d6327af7d2124045c2d94c647644,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +e25dc4648bfad19537d5149856ed7aaf35aa36b3,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x >= 0; x--) + { + for (int i = 0; i < n; i++) + { + hi[x] = n - i; + x--; + } + n = n - 1; + } + hi[1] = 1; + return hi; +}" +4f9895bd402d16866f052fb3535bf2a51f83bda0,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x >= 0; x--) + { + for (int i = 0; i < n; i++) + { + hi[x] = n - i; + x--; + } + x++; + n = n - 1; + } + hi[1] = 1; + return hi; +}" +a9ae4da2192b2b02166a3ec15e61c245fc8910dd,"public int[] seriesUp(int n) +{ + int[] hi = new int[n * (n + 1) / 2]; + for(int x = hi.length - 1; x >= 0; x--) + { + for (int i = 0; i < n; i++) + { + hi[x] = n - i; + x--; + } + x++; + n = n - 1; + } + return hi; +}" +af0ed377382b8f801bb9cd74fcf62325237017d5,"public int[] seriesUp(int n) +{ + int[] pattern = new int[n * (n + 1) / 2]; + int k = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, k++) + { + patter[k] = j; + } + + } + + return pattern; +} +" +b36115b5d486a256b6a4893e51dd4822a7fb51a1,"public int[] seriesUp(int n) +{ + int[] pattern = new int[n * (n + 1) / 2]; + int k = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, k++) + { + pattern[k] = j; + } + + } + + return pattern; +} +" +21f8476d0b46b3dce7ed0135cfce4ecf8364be97,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n + 1) / 2]; + int count = 0; + for (int i = 0; i <= n; i++) + { + for (int j = 1; j<= i; j++, count++) + { + array[count] = j; + } + } + return array; +} +" +222e616f7145096ae5c016fd3af172c841bbfc55,"public int[] seriesUp(int n) +{ + int l = n*(n+1)/2; + int[] ans = new int[l]; + int count = 0; + for (int i = 1; i < n; i++) + { + for (int j = 1; j < i; j++) + { + ans[count] = j; + count++; + } + } + return ans; + +} +" +4ae6dea5154a613db2a586e8ade672038f083119,"public int[] seriesUp(int n) +{ + int[] ans = new int[n*(n+1)/2]; + int count = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + ans[count] = j; + count++; + } + } + return ans; + +} +" +f87d58a0c29451929fd5b33ab2389a51ee13101f,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +4fbf8ca44303d0ac76bedf06b16f67cc5e3b1626,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + + for (int i = 1, int index = 0; i < result.length; i++) // iteration + { + for (int j = 1; j <= i; j++, index++) // value generation + { + int[index] = j; + } + } + + return result; +} +" +debc937dbe2452641bd0718436dc1882f479696b,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int index = 0 + + for (int i = 1; i < result.length; i++) // iteration + { + for (int j = 1; j <= i; j++, index++) // value generation + { + int[index] = j; + } + } + + return result; +} +" +ac2c1caf428c38bb3d1832f12f1f692a3e1de838,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int index = 0; + + for (int i = 1; i < result.length; i++) // iteration + { + for (int j = 1; j <= i; j++, index++) // value generation + { + int[index] = j; + } + } + + return result; +} +" +fc07780f7acdcdc4f14d2fbca45398ae2021098a,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int index = 0; + + for (int i = 1; i < result.length; i++) // iteration + { + for (int j = 1; j <= i; j++, index++) // value generation + { + result[index] = j; + } + } + + return result; +} +" +9adfabfd69aa24973eb21b6be34ce350d75dab6c,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int index = 0; + + for (int i = 1; i <= result.length; i++) // iteration + { + for (int j = 1; j <= i; j++, index++) // value generation + { + result[index] = j; + } + } + + return result; +} +" +16fbb0a213a47d59f753e4df561c0806a36a5b1b,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int index = 0; + + for (int i = 1; i <= n; i++) // iteration + { + for (int j = 1; j <= i; j++, index++) // value generation + { + result[index] = j; + } + } + + return result; +} +" +1a42d5059e7c9fddc55d61d1a86f109bc8d31157,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n*(n+1)/2]; + + int current = 0; + + for (int j = 1; j <= n; j++) + { + for (int i = 0; i < j; i++) + { + arr[current + i] = i + 1; + } + current = current + j; + } + + return newArray; +} +" +616facd97f78b478f19cf616d81c3cd5dded5dd4,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +9bde3a8df8060452ff23df3b25a321d9a520b816,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n*(n+1)/2]; + + int current = 0; + + for (int j = 1; j <= n; j++) + { + for (int i = 0; i < j; i++) + { + newArray[current + i] = i + 1; + } + current = current + j; + } + + return newArray; +} +" +87769e82cc2c233d38e73e2c0103f80900efa421,"public int[] seriesUp(int n) +{ + int[] newArray = new int[n*(n+1)/2]; + //creates the new array with exact length of + //n*(n+1)/2 + + int current = 0; + + for (int j = 1; j <= n; j++) + { + for (int i = 0; i < j; i++) + { + newArray[current + i] = i + 1; + } + current = current + j; + } + + return newArray; + //return the new array +} +" +a7e8b79a6012e1720caf048d59fe622c540b250c,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; + +} +" +442c53cb127d791ae60c821e9e99b29c734e41d7,"public int[] seriesUp(int n) +{ + int[] subaru = new int[n*(n+1)/2]; + int fgo = 0; + for(int i = 1; i <= n; i++) + { + for(int z = 1; z <= i; z++, fgo++) + subaru[fgo] = z; + } + return subaru; +} +" +d6315e740c046aa0694c9f47b74b5f616b336407,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j){ + for (int k = 1; k <= j; ++k){ + result[i++] = k; + } + } + return result; + +} +" +351cd6793c73e0037eb498044f642aa3064bcbcd,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; j++) + for (int k = 1; k <= j; k++) + result[i++] = k; + return result; +} +" +16bc74152414b0b0da48154adcafa9d8990d4b7e,"public int[] seriesUp(int n) +{ + int[] a = new int[n * (n + 1)/2]; + int c =0; + for (int i=1; i<=n; i++) + { + for(int j=1;j<=i; j++) + { + a[c]= j; + c++; + } + } + return a; +} +" +50dcdcbebcbd21386b918fce81ff3169747bf169,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +04dff71487e8861b234c4a7306ac826123cacb52,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; +int m = 2; +for(int i=0, j=1;i=m){ +j=1; +m++; +} +} +return arr; +} +" +16eb4009d29de62c2b60443faf1c9959b16465cf,"public int[] seriesUp(int n) +{ +int[] result = new int[n*(n+1)/2]; +for (int i=0,j=1,k=1; i 0) { + arr[0] = 1; + for (int i = 1; i < arr.length; i++) { + arr[i] = arr[i - 1]; + } + } + + return arr; +} +" +3cec18b2548d1654d17c0e65831bb5b2bcc8f37d,"public int[] seriesUp(int n) +{ + int[] arr = new int[n * (n+1)/2]; + int count = 1; + if (arr.length > 0) { + arr[0] = 1; + for (int i = 1; i < arr.length; i++) { + arr[i] = arr[i - 1] + i; + } + } + + return arr; +} +" +88f2ba4743d6b9978340e3993753bff7057ff90b,"public int[] seriesUp(int n) +{ + int[] arr = new int[n * (n+1)/2]; + int count = 1; + if (arr.length > 0) { + arr[0] = 1; + for (int i = 1; i < arr.length; i++) { + arr[i] = count; + count++; + if (count == n/(i)) { + count = 1; + } + } + } + + return arr; +} +" +fe0268ce4ec99a317b3b46b363bf69f42b29d424,"public int[] seriesUp(int n) +{ + int[] arr = new int[n * (n+1)/2]; + int count = 1; + if (arr.length > 0) { + arr[0] = 1; + for (int i = 1; i < arr.length - 1; i++) { + arr[i] = i; + arr[i + 1] = arr[i - 1] = arr[i]; + } + } + + return arr; +} +" +f15ac46bfad3f6bd7794b3b209390274ce6ea0c6,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; + +} +" +0c2015c140588fe6e5be25ab0f8974ec0884c7b3,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = 0; + for (int j = 0; j < i + 1; j++) + { + nums[counter] = j + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +a7ab35775251a90e1e119aca36dbd07cdc69e0ed,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int x = 0; + for(int i =1; i<= n; i++) + { + for (int j = 1; j<= i; j++; x++) + array[x]=j; + } + return array; +} +" +ae1821146392094659f3d2cc4f4674280daab1e7,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j < i + 1; j++) + { + newArray[counter] = j + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +5aaaa66422daf637930b65b1678aa9735d16b2fa,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int x = 0; + for(int i =1; i<= n; i++) + { + for (int j = 1; j<= i; j++, x++) + array[x]=j; + } + return array; +} +" +590dbc88b9343c9be90202e18c1870917f15186a,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +859985bef5ccc316fb1d3e227cf8d0255b840f67,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = i + counter; + } + return newArray; +} +" +5cca58480babd9e8933b89c511639f19dd3418c2,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = 1; + while (counter <= i + 1) + { + newArray[i] = counter; + counter++; + } + i = i + counter; + } + return newArray; +} +" +9873428e973cdc23aa287cc7cf0631727b1cdfbf,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1) / 2); + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = 0; + while (counter <= i) + { + newArray[i] = counter + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +85f4dfcb7c5543bdef39cf0a89c0b96b3e7dbe50,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = 0; + while (counter <= i) + { + newArray[i] = counter + 1; + counter++; + } + i = i + counter; + } + return newArray; +} +" +6cfc122987b4490ce0af615354ca93fbf491ebfb,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = 0; + while (counter <= i) + { + newArray[i] = counter + 1; + counter++; + } + i = i + counter; + } + } + return newArray; +} +" +8b0e97970d72ca6ed25907fed47d24bdd47236e0,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i; + for (int j = 1; j <= i; j++) + { + newArray[counter] = j; + counter++; + } + i = i + counter; + } + } + return newArray; +} +" +97341c42f609017485efb0f39717b44b1edea911,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = i + counter; + } + } + return newArray; +} +" +3c9a2cbebbec977e52aae0995c82d952315af188,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i; + for (int j = 1; j <= counter + 1; j++) + { + newArray[i] = j; + i++; + } + } + } + return newArray; +} +" +6f0ff8030e7a77c4ff9261e6abcd4ac9e80a8454,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + for (int j = 1; j <= i + 1; j++) + { + newArray[i] = j; + i++; + } + i--: + } + return newArray; +} +" +35f69f19f4ca83e6c00fe81a90bdaf046664996e,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + for (int j = 1; j <= i + 1; j++) + { + newArray[i] = j; + i++; + } + i--; + } + return newArray; +} +" +35810d5ffa217daabcc07bd332eb007bf4ee7419,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = i + counter - 1; + } + return newArray; +} +" +3bf14d58e85e58d1f64fecd8f753e4a377edafe2,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = i + counter; + } + return newArray; +} +" +d063d0ae65ac20c3689063495e873758d67f1858,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter; + } + return newArray; +} +" +29d52dfaa370c957c82425ea0def39272380cf31,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - 1; + } + return newArray; +} +" +7aff83867627fdbee81502f6db921a9215a93563,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = series.length - 1; + for (int i = 0; i < series.length) + { + for (int j = 1; j <= series.length - count; j++) + { + series[i] = j; + i++; + } + } +} +" +c99769885e2e075eed8d24d52c53819e458a86e3,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - i; + } + return newArray; +} +" +f84b16056a7069a7359410cc2dc83019a6488900,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - 2; + } + return newArray; +} +" +5e194a1d1e61f7d9746cb4221bb362079657fc1e,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - 1; + } + return newArray; +} +" +c921044da3a672f8466fb1cbd9383001a87c497d,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = series.length - 1; + for (int i = 0; i < series.length;) + { + for (int j = 1; j <= series.length - count; j++) + { + series[i] = j; + i++; + } + } + return series; +} +" +1ab8f4aadf822e465db20fae2ab7865bc8c7d272,"public int[] seriesUp(int n) +{ + int[] r = new int[n * (n + 1) / 2]; + for (int i = 0; i < r.length; i++) + { + for (int n = 1; n < i + 1; n++) + { + r[i] = n; + i++; + } + } + return r; +} +" +9e706b54fae06a56bb70a81462e56a07d6df9e44,"public int[] seriesUp(int n) +{ + int[] seriesUp = new int[n * (n + 1)/2]; + int num = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + seriesUp[num] = j; + num++; + } + } +} +" +3c24305dd4a17391b57857be2bc4fa0567376427,"public int[] seriesUp(int n) +{ + int[] seriesUp = new int[n * (n + 1)/2]; + int num = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + seriesUp[num] = j; + num++; + } + } + return seriesUp; +} +" +e67110173d770b351dd94f8587cf22b347ae75c8,"public int[] seriesUp(int n) +{ + int[] r = new int[n * (n + 1) / 2]; + for (int i = 0; i < r.length; i++) + { + for (int q = 1; q < i + 1; q++) + { + r[i] = q; + i++; + } + } + return r; +} +" +02402ed1414e2fe02015cc4855edae70e89b8cae,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int count = series.length - 1; + for (int i = 0; i < series.length;) + { + for (int j = 1; j <= series.length - count; j++) + { + series[i] = j; + i++; + count--; + } + } + return series; +} +" +109fe56ba8dd1d649e1ce7d25db8bccc39918a1c,"public int[] seriesUp(int n) +{ + int[] r = new int[n * (n + 1) / 2]; + for (int i = 0; i < r.length; i++) + { + for (int q = 1; q < i + 1; q++) + { + r[i] = q; + } + i = 2(i + 1); + } + return r; +} +" +ca22dbc1fd523f28040db72035f3e6062145ccd9,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +df25a57447e1411ed6e1f4807ca2c1585dd2016d,"public int[] seriesUp(int n) +{ + int[] r = new int[n * (n + 1) / 2]; + for (int i = 0; i < r.length; i++) + { + for (int q = 1; q < i + 1; q++) + { + r[i] = q; + } + + i = 2 * (i + 1); + } + return r; +} +" +06a41454666e1a389ae1c5387cfa8949852ab9e3,"public int[] seriesUp(int n) +{ + int[] r = new int[n * (n + 1) / 2]; + for (int i = 0; i < r.length; i++) + { + for (int q = 1; q <= i + 1; q++) + { + r[i] = q; + } + + i = 2 * (i + 1); + } + return r; +} +" +39bfb8a4fc88a7f1a2e1a08ffdf6fa47ef7ec561,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +f854a0dfc75d0c213fc5e74a84af898414a9ccc5,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length - 1]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - 1; + } + return newArray; +} +" +d445b550df0f11fb1fd6c136a14759700bfd292e,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - 1; + } + return newArray; +} +" +bc989b3982be8d5b8a7da15156dfbfea177fb4e7,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +350bbbb3021ef08586aedf85c184e209b39f25a7,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int index = 0; + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + array[index + j] = j + 1; + } + index += i; + } + return array; +} +" +444c8d24f874a64f8e41f58e4a866eb131b4972c,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i + for (int j = 1; j <= counter + 1; j++) + { + newArray[i] = j; + i++; + } + } + } + return newArray; +} +" +997030184fb89e01c4e2434bf8972c92353d89fc,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i; + for (int j = 1; j <= counter + 1; j++) + { + newArray[i] = j; + i++; + } + } + } + return newArray; +} +" +6f094eec8e43a75c47ef236a487cc76442cc7b7b,"public int[] seriesUp(int n) +{ + int[] array = new int[n*(n+1)/2]; + int p = 0; + for(int r = 1; r <= n; r++) + { + for(int j = 1; j <= r; j++, p++) + array[p] = j; + } + return array; +} +" +37dc3dbe98c8b14bfb9f92ced15633ef7575c696,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter] = i; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +35f7df4e19cec6bb0d1b53c01a50aa5b44046a71,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + for (int i = 0; i <= counter; i++) + { + newArray[counter] = i + 1; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +6f97ba25033ffebc0a0652dbe091cc77fd56ed22,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + for (int i = 0; i < counter; i++) + { + newArray[counter] = i + 1; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +12f02eda347823c61eb499ecdb490d9b01fd5519,"public int[] seriesUp(int n) +{ + int series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + p++; + series[spot] = j; + } + } +} +" +16d0584aa0380de109c06d4054705e471d8f7afc,"public int[] seriesUp(int n) +{ + int series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + spot++; + series[spot] = j; + } + } +} +" +70b47f36b1f13757a7465678b5ef4e718da34b68,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = 0; + for (int i = 0; i <= counter; i++) + { + newArray[counter] = i + 1; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +217be118b7ccf74af80d2b27361237b2c3052021,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = 0; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter] = i + 1; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +70e7ab49416473bd88a4816f1e850d3eced9be21,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = counter; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter2] = i + 1; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +fa03fd0313a12c2864a54ec7c27213e803aa399e,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = counter; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter2] = i; + counter2++; + } + counter = counter + counter2; + } + return newArray; +} +" +2742460e53ef91a05168ef7bfebf83e2478710aa,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = counter; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter2] = i; + counter2++; + } + counter = counter + counter2 - 1; + } + return newArray; +} +" +94619ea3186f9470e5575485c697f927c3d6108e,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = counter; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter2] = i; + counter2++; + } + counter = counter2; + } + return newArray; +} +" +49f557d45429967842ad7c43920f4ecff3b8f64b,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = counter; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter2] = i; + counter2++; + } + counter = counter2 + 1; + } + return newArray; +} +" +ae4db3ebb93c1a9fb939b76c66f21ee517c42702,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + int counter2 = 0; + while (counter < length) + { + counter2 = counter; + for (int i = 1; i <= counter + 1; i++) + { + newArray[counter2] = i; + counter2++; + } + counter = counter2; + } + return newArray; +} +" +7a50347a9d4cfb410416e94fdf0b4fac7f18a61f,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +46c6f9fe07b8e76c6e49a92d2bb09624863df2a1,"public int[] seriesUp(int n) +{ + int series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + spot++; + series[spot] = j; + } + } +} +" +d6c893bf346c7ab540b8f0a9fbb0f153e016b34a,"public int[] seriesUp(int n) +{ + int[] newa = new int[n*(n+1)/2]; + int m = 0; + for (int i = 1; i<=n; i++) + { + for (int j = 1; j<=i; j++, m++) + newa[m] = j; + } + return newa; +} +" +f96d529c4a58e2e0649892eb51b886279623264e,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + series[spot] = j; + spot++; + } + } +} +" +60a96ab696dc9a0d3535dee0c545bfc457382a83,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 0; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + series[spot] = j; + spot++; + } + } + return series; +} +" +e8ea8e4ff4abcb2bb5dc180a4d3d29d6f01da506,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 1; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + series[spot] = j; + spot++; + } + } + return series; +} +" +4dc92e33f892b479c3e682a4b9bbc8b539b70c32,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter1] = j; + counter++; + } + i = counter; + } + return newArray; +} +" +2a791d29bd01f75d44925d14dc66da66da1dfcb8,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + newArray[counter] = j; + counter++; + } + i = counter - 1; + } + return newArray; +} +" +93fb3ca111df7bb2ed3ddb9a237400bc6e14bb64,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 1; i < n; i++) + { + for (int j = 1; j <= spot; j++) + { + series[spot] = j; + spot++; + } + } + return series; +} +" +20960bc7cfb3a21c34350a8cf4e4fddcbdf95fde,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +957105d2eb3269442d40ad74a1306fbff133587e,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= spot; j++) + { + series[spot] = j; + spot++; + } + } + return series; +} +" +76b39c7af1734f9dac834fb58967e01c910dc7ac,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + if (counter < length) + { + newArray[counter] = j; + counter++; + } + } + i = counter - 1; + } + return newArray; +} +" +1cf4220dd6feb7d084a9a063aa393724562bf0f8,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i; j++) + { + if (counter < length) + { + newArray[counter] = j; + counter++; + } + } + i = counter - 1; + } + return newArray; +} +" +e0e41c7e01f6c752bd9ea6f3561b6cc3ffb9d661,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j < i + 1; j++) + { + if (counter < length) + { + newArray[counter] = j; + counter++; + } + } + i = counter - 1; + } + return newArray; +} +" +104b57e827cdfa44f0e9b10a52db3ec1d30d383f,"public int[] seriesUp(int n) +{ + int[] up = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) + { + for(int j = 0; j < i; j++) + { + up[index + j] = j + 1; + } + index += i; + } + return up; +} +" +32c02b30c433d024fd0702403e8bf02b2afc36fc,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + if (counter < length) + { + newArray[counter] = j; + counter++; + } + } + i = counter - 1; + } + return newArray; +} +" +f16f9a84586d15f14a7ae35b1ca6314469e36b91,"public int[] seriesUp(int n) +{ + int length = (n * (n+1)/2); + int[] array = new int[length]; + int count = 0; + + for(int x = 0; x < n; x++) + { + for(int y = 0 y <= x; y++) + { + array[count] = y+1; + count++; + } + } + + return array; +} +" +4c8c7feb269e3e48f8bc541aa6b31c03e85e5cfa,"public int[] seriesUp(int n) +{ + int[] up = new int[n*(n+1)/2]; + int index = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 0; j < i; j++) + { + up[index + j] = j + 1; + } + index += i; + } + return up; +} +" +ab19570a3119e6d16837c70ec1ae287e75a091b4,"public int[] seriesUp(int n) +{ + int length = (n * (n+1)/2); + int[] array = new int[length]; + int count = 0; + + for(int x = 0; x < n; x++) + { + for(int y = 0; y <= x; y++) + { + array[count] = y+1; + count++; + } + } + + return array; +} +" +6410f0bebfadb238d5fd3bde98ecc36de752cc93,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i; + for (int j = 1; j <= i; j++) + { + if (counter < length) + { + newArray[counter] = j; + counter++; + } + } + i = counter - 1; + } + } + return newArray; +} +" +4f2efa9bf6f59ac284fc0125e2a28a9af3a1f1b4,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + newArray[i] = 1; + } + else + { + counter = i; + for (int j = 1; j <= i + 1; j++) + { + if (counter < length) + { + newArray[counter] = j; + counter++; + } + } + i = counter - 1; + } + } + return newArray; +} +" +21dbee378e547f20f6ce963cc127931c83f3abee,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + if (counter < length) + { + newArray[counter] = j + 1; + counter++; + } + } + i = counter - 1; + } + return newArray; +} +" +87c12c7c733bc92b3740ff08b398ac05945a9709,"public int[] seriesUp(int n) +{ + +} +" +1a63e4db691e0993ebb1560ac91ed83eb1c7b075,"public int[] seriesUp(int n) +{ + return 1; + +} +" +1fa74b40bf6d5a7177d563b11ba1de1e43ce222e,"public int[] seriesUp(int n) +{ + int[] ha = {1} + return ha; + +} +" +d828b3ec8bb79fba2ea2cee8dd8644639c56c9fa,"public int[] seriesUp(int n) +{ + int[] ha = {1}; + return ha; + +} +" +aed9454a6499778041d40e5d4d102d2f26bc1dab,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +180b0aafb3360d5308e4c56072064d90e23cd17f,"public int[] seriesUp(int n) +{ + int size = n * (n + 1)/2 + int[] ha = new int[size]; + for ( int i = 0; i < ha.length; i++) + { + ha[i] = 1; + } + return ha; +" +b2251c11619e525c6d580ca52c3d4294ead71c33,"public int[] seriesUp(int n) +{ + int size = n * (n + 1)/2; + int[] ha = new int[size]; + for ( int i = 0; i < ha.length; i++) + { + ha[i] = 1; + } + return ha; +" +485bee30c5ac354c9a804663938155b474b5de9e,"public int[] seriesUp(int n) +{ + int size = n * (n + 1)/2; + int[] ha = new int[size]; + for ( int i = 0; i < ha.length; i++) + { + ha[i] = 1; + } + return ha; +} +" +15a2c38e45009cc982390b9d8e678f926d26f168,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int spot = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + series[spot] = j; + spot++; + } + } + return series; +} +" +89e02c91d0232ea8e9c8ee1e1fc79a56f42d29e1,"public int[] seriesUp(int n) +{ + +} +" +43d42cb00c22e38b3fadd78a20de8eaab715b32e,"public int[] seriesUp(int n) +{ + int[] nums = new int[5] + return nums; +} +" +23ff6fbee045ac6e99203eaf2167001e64cbb0ee,"public int[] seriesUp(int n) +{ + int[] nums = new int[5] + return nums; +} +" +e426c1f967942bbf0effdb664030e2f403de9382,"public int[] seriesUp(int n) +{ + int[] nums = new int[5]; + return nums; +} +" +3abee5dafaa2d7755a86267df48cb3d6c86f4835,"public int[] seriesUp(int n) +{ + int out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < number; i++) + { + out[number + i] = i + 1; + } + number++; + } + return out; +} +" +b9685d2bf70175fedc102d5e0d1adc8ca0a7bb19,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < number; i++) + { + out[number + i] = i + 1; + } + number++; + } + return out; +} +" +a1be5f71baa68556d2e5799e7824212c724c58d5,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + for (int j = 0; j < n; j++) + { + for (int i = 0; i < n; i++) + { + out[j + i] = i + 1; + } + } + return out; +} +" +f36e71460fc1b5d5c9fbe99d758b06c6ceb91a0f,"public int[] seriesUp(int n) +{ + int[] pattern = new int[n * (n + 1) / 2]; + int a = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, a++) + { + pattern[a] = j; + } + } + return pattern; +} +" +470e528fed9b2ea58a19b1682dc3b31b546ffd97,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + for (int j = 0; j < n; j++) + { + for (int i = 0; i < n; i++) + { + out[j + i] = j + 1; + } + } + return out; +} +" +5cae75eed7945c6d1767f4d99410f26558d5b478,"public int[] seriesUp(int n) +{ + int sum = n * (n + 1)/2; + int s = 0; + int count = 0; + int[] nums; + for ( int i = 0; i <= s; i++) + { + for ( int j = 0; j <= s; j++) + { + nums[s] = j; + count = count + j; + } + if (count = sum) + { + break; + } + else + { + s++; + } + } + + return nums; +} +" +2e56740759edf21f96629226fc4ddbf38d0b4d4d,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + for (int j = 0; j < n; j++) + { + for (int i = 0; i < n; i++) + { + out[j + i] = i + 1; + } + } + return out; +} +" +61200300158b436808761bb3e0e87e228d8c42ee,"public int[] seriesUp(int n) +{ + int sum = n * (n + 1)/2; + int s = 0; + int count = 0; + int[] nums; + for ( int i = 0; i <= s; i++) + { + for ( int j = 0; j <= s; j++) + { + nums[s] = j; + count = count + j; + } + if (count == sum) + { + break; + } + else + { + s++; + } + } + + return nums; +} +" +35ef02441833eac12bce988aacd3708f591d320b,"public int[] seriesUp(int n) +{ + int sum = n * (n + 1)/2; + int s = 0; + int count = 0; + int[] nums = new int[]; + for ( int i = 0; i <= s; i++) + { + for ( int j = 0; j <= s; j++) + { + nums[s] = j; + count = count + j; + } + if (count == sum) + { + break; + } + else + { + s++; + } + } + + return nums; +} +" +c3909562e0beb03f89db32ea074aec540256743d,"public int[] seriesUp(int n) +{ + int sum = n * (n + 1)/2; + int s = 0; + int count = 0; + int[] nums = new int[n]; + for ( int i = 0; i <= s; i++) + { + for ( int j = 0; j <= s; j++) + { + nums[s] = j; + count = count + j; + } + if (count == sum) + { + break; + } + else + { + s++; + } + } + + return nums; +} +" +ce73db57f611b4d74d0976c6339f210596d189d8,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + for (int j = 0; j < n; j++) + { + for (int i = 0; i < j; i++) + { + out[j + i] = i + 1; + } + } + return out; +} +" +1e7e7cabaf510037ba1ac38a643f1602d70ab564,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + for (int j = 0; j < n; j++) + { + for (int i = 0; i < n; i++) + { + out[j + i] = i + 1; + } + } + return out; +} +" +332943e2ee36a03c18ef72a03b7b979fbd26f7fe,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + + int index = 0; + + for(int i = 1; i <= n; i++) { + for(int j = 0; j < i; j++) { + arr[index + j] = j + 1; + } + index += i; + } + + return arr; +} +" +b5ab80122b6e67f9096d3533784f09543696dc86,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +}" +4be57b38f2b2c98beb57ee32b95c2ff896662228,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n + 1) / 2]; + + for (int i = 0; i < array.length; i++) + { + for (int j = 1; j <= n; j++) + { + for (int p = 1; p < j; p ++) + { + array[i] = p; + } + } + } + + return array; +} +" +aacdc95e3b80c6f3e2749c81a409ca0c736e93b9,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n + 1) / 2]; + int i = 0; + + for (int j = 1; j <= n; j++) + { + for (int p = 1; p < j; p ++) + { + array[i] = p; + i++; + } + } + + return array; +} +" +74dd9bbc4067f9cdf5d869fa10115dfdd221d0f1,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n + 1) / 2]; + int i = 0; + + for (int j = 1; j <= n; j++) + { + for (int p = 1; p < j; p++) + { + array[i] = p; + i++; + } + } + + return array; +} +" +6db35470b675dd4fe175137e2eb0eb7d0105006f,"public int[] seriesUp(int n) +{ + int[] array = new int[n * (n + 1) / 2]; + int i = 0; + + for (int j = 1; j <= n; j++) + { + for (int p = 1; p <= j; p++) + { + array[i] = p; + i++; + } + } + + return array; +} +" +01b14d008de8756be03620efaa777e154fa38648,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < n; i++) + { + out[number + i] = i + 1; + } + number = number + 1; + } + return out; +} +" +66711b05b36fcb39732bc150eb76bb58c3b110f7,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*n]; + int p; + for(int i = 1; i <= n; i++) + { + p = n * i - 1; + for(int j = 1; j <= i; j++, p--) + arr[p] = j; + } + return arr; +} +" +31ff844a03f748cd33b57793649e24b10d2e35d2,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +98e26b1a55cc284459e21f1864ff1b676e4c28e9,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < n; i++) + { + out[number + i] = number + i + 1; + } + number = number + 1; + } + return out; +} +" +b5529e49785dc30b46cc1324f10327ba5f64b170,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < n; i++) + { + out[number + i] = number + 1; + } + number = number + 1; + } + return out; +} +" +2462f3b9be3a8b25107babb67218f22749195aed,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int j = 1; + for (int i = 0; i < length; i++) + { + j = 0; + while (j <= i) + { + newArray[i] = j + 1; + i++; + j++; + } + i--; + } + return newArray; +} +" +abbc48830d2ab6417e2fb298c947a483af5bc8c6,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < n; i++) + { + out[number + i] = i + 1; + } + number = number + 1; + } + return out; +} +" +44540ee3b60ba4df4fce17eec6cf0e053fd50de1,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int k = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++, k++) + { + series[k] = j; + } + } + return series; +} +" +a91672d0b163e52d50b9e72f6cb9fda4f810ecea,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int j = 1; + for (int i = 0; i < length; i++) + { + j = 0; + while (j <= i) + { + newArray[i] = j + 1; + if (i < length) + { + i++; + } + j++; + } + } + return newArray; +} +" +06347552fa62695aec709f9da03bee964997e858,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i < number; i++) + { + out[number + i] = i + 1; + } + number = number + 1; + } + return out; +} +" +124a20f5e97e8f34aab70472dafc062b5f6f43a1,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number < n) + { + for (int i = 0; i <= number; i++) + { + out[number + i] = i + 1; + } + number = number + 1; + } + return out; +} +" +ec2e5bf983a1f3f76316d73804b682ded81eb1a1,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number <= n) + { + for (int i = 0; i <= number; i++) + { + out[number + i] = i + 1; + } + number = number + 1; + } + return out; +} +" +1b9018b9a5fe24161662caae1b953ff3e58e779b,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 0; + while (number <= n) + { + for (int i = 0; i < number; i++) + { + out[number + i] = i + 1; + } + number = number + 1; + } + return out; +} +" +b2bfa37173eb6b4c8f6c7e1cce0f45642e22e176,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + while (number <= n) + { + for (int i = 0; i < number; i++) + { + out[number + i - 1] = i + 1; + } + number = number + 1; + } + return out; +} +" +78b18c6c2431edb70544afbeeeae2f81c7d9c2a6,"public int[] seriesUp(int n) +{ + int[] nums = new int[n * (n + 1)/2]; + int index = 0; + for (int i = 1; i <= n; i++) { + for (int j = 1; j <= i; j++) { + nums[index] = j; + index++; + } + } + return nums; +} +" +8b2b03e0c3f40f22c8f3a3605b073bcd71c0b373,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i + 1; + for (int j = 0; j < counter; j++) + { + newArray[i] = j + 1; + i++; + } + i--; + } + return newArray; +} +" +16560d88f0af9e57eda377f9c01e6327229eae2c,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + while (number <= n) + { + if (number < 3) + { + for (int i = 0; i < number; i++) + { + out[number + i - 1] = i + 1; + } + number = number + 1; + } + else + { + for (int j = 1; j <= number; j++) + { + out[number + j - 1] = j; + } + } + } + return out; +} +" +7b7b2db714e6d188c707dfa9b9ec0e03fb920cf0,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + while (number <= n) + { + if (number < 3) + { + for (int i = 0; i < number; i++) + { + out[number + i - 1] = i + 1; + } + number = number + 1; + } + else + { + for (int j = 1; j <= number; j++) + { + out[number + j - 1] = j; + } + number = number + 1; + } + } + return out; +} +" +66e7f96b39832832d2ef8b6d4512e242fa254625,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + while (number <= n) + { + for (int i = number - 1; i < number; i++) + { + out[number + i - 1] = i + 1; + } + number = number + 1; + } + return out; +} +" +ec9cb44dc50d667e23da136e234fff7d2423aca0,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + int k = 0; + for (int i = 1; i <= n; i++) + { + for (int h = 1; h <= i; h++, k++) + { + series[k] = h; + } + } + return series; +} +" +4042dff113675877a71521ea4444ab09fa9d284b,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n + 1) / 2]; + //the sum equation is put inside for the pattern to be correct + int k = 0; + for (int i = 1; i <= n; i++) + { + for (int h = 1; h <= i; h++, k++) + { + series[k] = h; + //creates the array in the specified pattern + } + } + return series; +} +" +b87cff9e037ffebc99fb35ce2aa47bd177624c33,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + for (int k = 1; k <= j; ++k) + result[i++] = k; + return result; + +} +" +0b676b37ab7f3165062522899ee76e60cd4cf3a6,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + int i = 0; + while (number <= n) + { + while (i < number) + { + out[i] = i + 1; + i++; + } + number++; + } + return out; +} +" +83fe826e2f3fd5600b1b7e0d9686be730679aa09,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + int i = 0; + while (number <= n) + { + while (i <= number) + { + out[i] = i + 1; + i++; + } + number++; + } + return out; +} +" +19138d1c48cc74af0f39e1c11fce44ed2e7fed6b,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + int i = 0; + while (number <= n) + { + while (i < number) + { + out[i] = i + 1; + i++; + } + number++; + } + return out; +} +" +b370e181d6de6f530e9d5082122490938d5cfe2c,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + int number = 1; + int i = 0; + while (number <= n) + { + int nextIndex = i + number; + while (i < nextIndex) + { + out[i] = i + 1; + i++; + } + number++; + } + return out; +} +" +e14343686deff9e7268a0e6190f9e3d564a98a1f,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 0; i < length; i++) + { + counter = i; + for (int j = 0; j <= i; j++) + { + newArray[counter] = j + 1; + counter++; + } + i = counter - 1; + } + return newArray; +} +" +7e4566ceead6dab0e17bd32c54661ca58a9650ca,"public int[] seriesUp(int n) +{ + int[] answer = new int[n*(n+1)/2]; + int y = 0; + for(int i = 1; i <= nums.length; i++) + { + for(int x = 0; x < i; x++) + { + answer[y] = x + 1; + y++; + + } + } + return answer; + + +} +" +48d59cbdc4d5be27522ef38eaf19453005bbc983,"public int[] seriesUp(int n) +{ + int[] answer = new int[n*(n+1)/2]; + int y = 0; + for(int i = 1; i <= n; i++) + { + for(int x = 0; x < i; x++) + { + answer[y] = x + 1; + y++; + + } + } + return answer; + + +} +" +cb8362f8cd9a972eb495f15fd75afe86f84cf46f,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 1; i < length; i++) + { + for (int j = 1; j <= i; j++) + { + newArray[counter] = j; + counter++; + } + } + return newArray; +} +" +92c7fcd3aa82be571008d82dc7c8f7471209ac99,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 1; i <= length; i++) + { + for (int j = 1; j <= i; j++) + { + newArray[counter] = j; + counter++; + } + } + return newArray; +} +" +a562df22f00c16eccf9311850fe68a236e556385,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + if (n == 0) + { + return out; + } + else if (n == 1) + { + out[0] = 1; + return out; + } + else + { + out[0] = 1; + int number = 1; + while (number <= n) + { + for (int i = 0; i < number; i++) + { + out[number + i] = out[i]; + } + number++; + } + return out; + } +} +" +e2854ab532cdd0811de313b390fca3c0d264919e,"public int[] seriesUp(int n) +{ + int[] series = new int[n * (n+1)/2]; + int seriesCount = 0; + for (int mainCounter = 1; mainCounter <= n; mainCounter++) + { + for (int counter = 1; counter <= mainCounter; counter++) + { + series[seriesCount] = counter; + seriesCount++; + } + } + return series; +} +" +dd596bf5b618834b1c901f8d858dfea8e99829e7,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 1; i < length; i++) + { + for (int j = 1; j <= i; j++) + { + newArray[counter] = j; + counter++; + } + } + return newArray; +} +" +f92c01186ae79b798a1b0136ccfbf7f874b5ac1c,"public int[] seriesUp(int n) +{ + int[] out = new int[n * (n + 1)/2]; + if (n == 0) + { + return out; + } + else if (n == 1) + { + out[0] = 1; + return out; + } + else + { + out[0] = 1; + int number = 2; + while (number <= n) + { + for (int i = 0; i < number; i++) + { + out[number + i] = out[i]; + } + number++; + } + return out; + } +} +" +7544193ff42baf7dc863b32df51f8aac0ea5ec2d,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +80d4fdb58dd945c336361b133b10344b7fd59310,"public int[] seriesUp(int num) +{ + int[] array = new int[num*(num+1)/2]; + int pee = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + array[pee] = j; + } + return array; +} +" +f23165d362c70884e8a85445013443253e96df88,"public int[] seriesUp(int num) +{ + int[] array = new int[num*(num+1)/2]; + int pee = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, pee++) + array[pee] = j; + } + return array; +} +" +e577c0a8dbb1d3dea180a802dd517d4b245909f5,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + newArray[counter] = j; + counter++; + } + } + return newArray; +} +" +3120d3cdd055bde68ccea10284c1e44d0ce87a6e,"public int[] seriesUp(int n) +{ + int length = n * (n + 1) / 2; + int[] newArray = new int[length]; + int counter = 0; + for (int i = 1; i <= n; i++) + { + for (int j = 1; j <= i; j++) + { + newArray[counter] = j; + counter++; + } + } + return newArray; +} +" +9548eb632ea529cab6d9177d487879d778be0b9b,"public int[] seriesUp(int num) +{ + int[] array = new int[num*(num+1)/2]; + int pee = 0; + for(int i = 1; i <= num; i++) + { + for(int j = 1; j <= i; j++, pee++) + array[pee] = j; + } + return array; +} +" +59255842de35e5d3b69ada7c849a9bbb2322c4e8,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; + +} +" +24c579c7c453c188119416a960e729f3a9b06bfc,"public int[] seriesUp(int n) +{ + int[]na = new int[n*(n+1)/2]; + int k = 0; + for(int i = 1; i h) + { + i = 1; + h = h + 2; + } + i++; + } + return nums; +}" +5f2ef8741ab79d6c1c19da9f145025cba295fbfa,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 0; + int i = 1; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i; + count++; + if ( i > h) + { + i = 1; + h = h + 2; + } + i++; + } + return nums; +}" +8be17424c2b41dd93ebec3c788d295a418cff428,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 0; + int i = 1; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i; + count++; + if ( i == h) + { + i = 1; + h = h + 2; + } + i++; + } + return nums; +}" +79e0ae50cf2d98bffd8c5af4c2b965380672d053,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 0; + int i = 1; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i; + count++; + i++; + if ( i == h) + { + i = 1; + h = h + 2; + } + } + return nums; +}" +47149097e74ca40d70542bdc5ab0f53fc0eab85e,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 0; + int i = 0; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i + 1; + count++; + i++; + if ( i == h) + { + i = 1; + h = h + 2; + } + } + return nums; +}" +b70724ea3360186eb6efe09ff73676d8aa937f65,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 0; + int i = 0; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i + 1; + count++; + if ( i == h) + { + i = 1; + h = h + 2; + } + i++; + } + return nums; +}" +cf1c77283ab55c7f9dcb3894282ab425866acf8b,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 0; + int i = 0; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i + 1; + count++; + if ( i == h) + { + i = 0; + h = h + 2; + } + i++; + } + return nums; +}" +97a4e0119fef9caf23522a6145aaa5492be4881c,"public int[] seriesUp(int n) +{ + int[] peen = new int[n*(n+1)]; + + int in = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 0; j < i; j++) + { + peen[in + j] = j + 1; + } + + in += i; + } + + return peen; +} +" +cce5c3392bcc188e0173fee4f2fcc7921b524786,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 1; + int i = 0; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i + 1; + count++; + + i++; + if ( i == h) + { + i = 0; + h = h + 2; + } + } + return nums; +}" +668eb88e646d608d2cf738d71b87a20ae5ccba12,"public int[] seriesUp(int n) +{ + int right = (n*(n+1)/2); + int[] peen = new int[right]; + + int in = 0; + + for (int i = 1; i <= n; i++) + { + for (int j = 0; j < i; j++) + { + peen[in + j] = j + 1; + } + + in += i; + } + + return peen; +} +" +cc800e52273ae563f5c7d0a135b50c4900e83b11,"public int[] seriesUp(int n) +{ + int[] a = new int[n*(n+1)/2]; + int c = 0; + for (int i = 1; i <= n; i++) + { + for (int k = 1; k <= i; k++, c++) + { + a[c] = k; + } + } + return a; +} +" +4561f42706240def0587ad5b1480a6cba0dadcc2,"public int[] seriesUp(int n) +{ + int count = 0; + int h = 1; + int i = 0; + int sum = n * (n + 1)/2; + int[] nums = new int[sum]; + while( count < sum) + { + nums[count] = i + 1; + count++; + i++; + if ( i == h) + { + i = 0; + h = h + 1; + } + } + return nums; +}" +95cd3695aa3e30b24f9dbb20978e4c4cf43ecaf7,"public int[] seriesUp(int n) +{ + int[] answer = new int [n] + for( int i = 0; i < n; i++) + answer[i] = i; + return answer; +} +" +53835682fc7b9795ef69fba7693cbde9c626c268,"public int[] seriesUp(int n) +{ + int[] answer = new int [n] + for( int i = 0; i < n; i++) + answer[i] = i; + return answer; +} +" +d30fba7db50de49d261f9016a17229d6c048d399,"public int[] seriesUp(int n) +{ + int[] answer = new int [n]; + for( int i = 0; i < n; i++) + answer[i] = i; + return answer; +} +" +2549032036399c9a531556084cd5c78a881337c8,"public int[] seriesUp(int n) +{ + int[]arr=new int[n*(n+1)/2]; + int x=0; + for (int i =1; i<=n; i++) + for(int z=1; z<=i; z++; + arr[x++]=k; + return arr; +} +" +8ea30c70e375b0cbf538e456f53a65bc6003442a,"public int[] seriesUp(int n) +{ + int[]arr=new int[n*(n+1)/2]; + int x=0; + for (int i =1; i<=n; i++) + for(int z=1; z<=i; z++;) + arr[x++]=k; + return arr; +} +" +47f9916e0a204e5f889d422d771c144fb7645f41,"public int[] seriesUp(int n) +{ + int[] result = new int[n * (n + 1) / 2]; + int i = 0; + for (int j = 1; j <= n; ++j) + { + for (int k = 1; k <= j; ++k) + { + result[i++] = k; + } + } + return result; +} +" +be415aa9746483166720119627cd4347def8b6b2,"public int[] seriesUp(int n) +{ + int[]arr=new int[n*(n+1)/2]; + int x=0; + for (int i =1; i<=n; i++) + for(int z=1; z<=i; z++) + arr[x++]=k; + return arr; +} +" +31c6abe3fdf4e39e014cfb6bde935c3b5d6170eb,"public int[] seriesUp(int n) +{ + int length = n * (n + 1)/2; + int[] array = new int[length]; + int counter = 0; + for (int i = 1; i < n; i++) + { + int j = 0; + while (j < i) + { + array[counter] = j; + counter++; + } + } + return array; +} +" +ed2411e989709174a5881ee6d12fc0f9369a137e,"public int[] seriesUp(int n) +{ + int[]arr=new int[n*(n+1)/2]; + int x=0; + for (int i =1; i<=n; i++) + for(int z=1; z<=i; z++) + arr[x++]=z; + return arr; +} +" +94d64d5c947103127f14ffc1e5cd18d10f9c4906,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +d3137d3b4bb1598885eb938266e57668cc6d2d5d,"public int[] seriesUp(int n) +{ + int length = n * (n + 1)/2; + int[] array = new int[length]; + int counter = 0; + for (int i = 1; i < n; i++) + { + int j = 1; + while (j <= i) + { + array[counter] = j; + counter++; + } + } + return array; +} +" +f7e80cf628e37bb28d636bd4e289711a25888878,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1)/ 2); + int[] array = new int[length]; + int counter = 0; + for (int i = 1; i < n; i++) + { + int j = 1; + while (j <= i) + { + array[counter] = j; + counter++; + } + } + return array; +} +" +f259a3dcf130663d205823a6f5f24c2cfa7e442e,"public int[] seriesUp(int n) +{ + int length = n * ((n + 1)/ 2); + int[] array = new int[length]; + int counter = 0; + for (int i = 1; i <= n; i++) + { + int j = 1; + while (j <= i) + { + array[counter] = j; + counter++; + } + } + return array; +} +" +905f4d245c7eb320b0b4ad8a8b31ef622bdc268b,"public int[] seriesUp(int n) +{ + int[] ar = new int[n*(n+1)/2]; + int x = 0; + for (int i = 1; i <= n; i++) + { + for( int y = 1; y <= i, Y++) + ar[x] = y; + x++; + } + return ar; +} +" +be254aff2b397a6442b23307d0efb4e1e2e4f66e,"public int[] seriesUp(int n) +{ + int[] ar = new int[n*(n+1)/2]; + int x = 0; + for (int i = 1; i <= n; i++) + { + for( int y = 1; y <= i, y++) + ar[x] = y; + x++; + } + return ar; +} +" +c4b72370888de414a1d7e08bfa52906860f0dcad,"public int[] seriesUp(int n) +{ + int w = 0; + int[] y = new int[n*(n+1)/2] + for (int x = 1; x < n; x++) + { + for (int z = 1; z < x; z++) + { + + y[w] = z; + w++; + + } + + } + return y; +} +" +85da722038ea2e0d8ef669ed4886818409a4acfd,"public int[] seriesUp(int n) +{ + int[] ar = new int[n*(n+1)/2]; + int x = 0; + for (int i = 1; i <= n; i++) + { + for( int y = 1; y <= i, y++) + { + ar[x] = y; + x++; + } + } + return ar; +} +" +e3b9c03b9f421f73238a4bf12f82cd30dad74526,"public int[] seriesUp(int n) +{ + int[] arr = new int[n*(n+1)/2]; + int p = 0; + for(int i = 1; i <= n; i++) + { + for(int j = 1; j <= i; j++, p++) + arr[p] = j; + } + return arr; +} +" +682dfeeba02808f386698b8b05dd667db7fd561b,"public int[] seriesUp(int n) +{ + int w = 0; + int[] y = new int[n*(n+1)/2]; + for (int x = 1; x < n; x++) + { + for (int z = 1; z < x; z++) + { + + y[w] = z; + w++; + + } + + } + return y; +} +" +124435d621cda001ae39765da0d4fe86d08a329d,"public int[] seriesUp(int n) +{ + int[] ar = new int[n*(n+1)/2]; + int x = 0; + for (int i = 1; i <= n; i++) + { + for( int y = 1; y <= i, y++, x++) + { + ar[x] = y; + + } + } + return ar; +} +" +fbba3a4a12d58c064d48db3701f6ea6efa9f352f,"public int[] seriesUp(int n) +{ + int w = 0; + int[] y = new int[n*(n+1)/2]; + for (int x = 1; x <= n; x++) + { + for (int z = 1; z <= x; z++) + { + + y[w] = z; + w++; + + } + + } + return y; +} +" +d80dbf686b3c61c698b78c3756e7879e4745dad4,"public boolean twoTwo(int[] nums) +{ + int index =0; +for (int i=0; i<(nums.length); i++) +{ +if(nums[i]==2) +{ +i++; +if(!(i<(nums.length)) || nums[i] !=2) return false; +while(i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + +} +" +1c6b16221ea338ae8d45deac46b1c9c61bb233a9,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; + +} +" +365d49e79820a865669c8f551768689b3b433f62,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || nums[nums.length-1] == 2 && + nums[nums.length-2] != 2)) + { + return false; + } + return true; +} +" +f412e8d19ecf135960a9af5538b98c899d8d2b8b,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || nums[nums.length-1] == 2 && + nums[nums.length-2] != 2))) + { + return false; + } + return true; +} +" +22b6f44ce0ba5549df521b94260f7f2967bfdaf9,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || (nums[nums.length-1] == 2 && + nums[nums.length-2] != 2))) + { + return false; + } + return true; +} +" +20e8895c3e22a551ebd9e14da19dccdaeed009cd,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || (nums[nums.length-1] == 2 + && nums[nums.length-2] != 2))) + { + return false; + } + return true; +} +" +738746562c6f9ab8ddc1702b79e64985068918e1,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || (nums[nums.length-1] == 2)) + + { + return false; + } + return true; +} +" +1184dcce75554fcbe7ba9c1c435bdc6eaeb5820e,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || (nums[nums.length-1] == 2 + && nums[nums.length - 2] != 2)) + + { + return false; + } + return true; +} +" +95fa07f580eea0914282b60282dfc7d5d76c432b,"public boolean twoTwo(int[] nums) +{ + boolean key = false; + boolean tow = true; + for (int i = 0; i < nums.length; i++) + { + if (key) + { + if (nums[i] != 2) + { + tow = false; + } + } + else if (nums[i] == 2) + { + key = true; + } + else + { + key = false; + } + } + return tow; +} +" +ff8bdc48c5187b3a0220cd7b3a4c598e4f8342ed,"public boolean twoTwo(int[] nums) +{ + boolean key = false; + boolean tow = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2) + { + key = false; + } + else if (nums[i] == 2) + { + key = true; + } + else if (key) + { + if (nums[i] != 2) + { + tow = false; + } + } + + + } + return tow; +} +" +00d26e10f0a7e448ce763e45809105d33487d1f6,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || (nums[nums.length-1] == 2 + && nums[nums.length - 2] != 2)) + { + return false; + } + for (int i = 1; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 + && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +57ac2ad90cbe28ebaee911fd77339e6190951900,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || + (nums.length == 1 && nums[0] != 2)) + { + return true; + } + else if (nums.length == 1) + { + return false; + } + else if ((nums[0] == 2 && nums[1] != 2) + || (nums[nums.length-1] == 2 + && nums[nums.length - 2] != 2)) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 + && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +d5cdd97a5b75148242ede6d39f2385b42573265f,"public boolean twoTwo(int[] nums) +{ + public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } +} +" +51aac9d541836b6e07de3a5529cc33038fbe954d,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } +} +" +c0795ecf403c2453072b7b219b012fbde554bec1,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +35f301ab4c42b17e85d0bbae9a0cde1411374675,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 0; i < size; i++) + { + if (nums[i] == 2) + { + if (nums[i+1]==2) + { + return true + } + else + { + return false + } + i++; + } + } +} +" +c849d10544ac28335ab5c64da58b66669b7f494c,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 0; i < size; i++) + { + if (nums[i] == 2) + { + if (nums[i+1]==2) + { + return true; + } + else + { + return false; + } + i++; + } + } + return true; +} +" +45d824e695f7c8860df62520d00b940bc5a10080,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 0; i < size; i++) + { + if (nums[i] == 2) + { + if (nums[i+1]==2) + { + } + else + { + return false; + } + i++; + } + } + return true; +} +" +f1932af85989033724defbde07b04d0e80fc3112,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 0; i < size - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1]==2) + { + } + else + { + return false; + } + i++; + } + } + return true; +} +" +de0d233eb74c773ea16ed4cd64c607a8aa397cf2,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 1; i < size ; i++) + { + if (nums[i - 1] == 2) + { + if (nums[i]==2) + { + } + else + { + return false; + } + i++; + } + } + return true; +} +" +1fd56295e93005f0d79ba324b85d616964abe9a5,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 1; i < size ; i++) + { + if (nums[i] == 2) + { + if (nums[i-1]==2) + { + } + else + { + return false; + } + i++; + } + } + return true; +} +" +99465bf875b43593d85934973c58ef87b97954ef,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + for(int i = 1; i < size ; i++) + { + if (nums[i - 1] == 2) + { + if (nums[i]==2) + { + } + else + { + return false; + } + i++; + } + if (nums[size-1]==2 && nums[size-2]!=2) + return false; + } + return true; +} +" +47cb70619c3b5bf0c9924478dcc1b8ba406bd354,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + if (size < 2) + return true; + for(int i = 1; i < size ; i++) + { + if (nums[i - 1] == 2) + { + if (nums[i]==2) + { + } + else + { + return false; + } + i++; + } + if (nums[size-1]==2 && nums[size-2]!=2) + return false; + } + return true; +} +" +a492d564d3635c10b4421689b5fb33fd0f2d929d,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + if (size < 2) + return false; + for(int i = 1; i < size ; i++) + { + if (nums[i - 1] == 2) + { + if (nums[i]==2) + { + } + else + { + return false; + } + i++; + } + if (nums[size-1]==2 && nums[size-2]!=2) + return false; + } + return true; +} +" +5089b1dc1460fe3e4e0b8ae28e67bcfb58b25e5c,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + if (size < 2 && nums[0] == 2) + return false; + for(int i = 1; i < size ; i++) + { + if (nums[i - 1] == 2) + { + if (nums[i]==2) + { + } + else + { + return false; + } + i++; + } + if (nums[size-1]==2 && nums[size-2]!=2) + return false; + } + return true; +} +" +5a8dc5864ec9e60722ec80cc2c5f067f1b61815c,"public boolean twoTwo(int[] nums) +{ + int size = nums.length; + if (size == 0) + return true; + if (size < 2 && nums[0] == 2) + return false; + for(int i = 1; i < size ; i++) + { + if (nums[i - 1] == 2) + { + if (nums[i]==2) + { + } + else + { + return false; + } + i++; + } + if (nums[size-1]==2 && nums[size-2]!=2) + return false; + } + return true; +} +" +ae148afe1fee0e43ddc18ac85a848de83529440e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if (nums[i-1] != 2 && nums[i+1] != 2) { + return false; + } + } + } + return true; +} +" +6fda1ba45f627fa3ab8632e22d643d68fd9640eb,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if (i + 1 >= nums.length || nums[i+1] != 2) { + return false; + } + while (nums[i] == 2) { + i++; + } + i--; + } + + } + return true; +} +" +1a7f40c52197c92db8f391d6d57ad2d6420b5cc4,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if (i + 1 >= nums.length || nums[i+1] != 2) { + return false; + } + while (i < nums.length && nums[i] == 2) { + i++; + } + i--; + } + + } + return true; +} +" +0811f17cf0afc048eb52e83179aadd7b21292c63,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +93555f6050db1eded842f419400d657ffa92dd22,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2 0) + { + return true; + } + else + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if ((nums[i] == nums[i - 1]) || (nums[i] == nums[i + 1])) + { + question = true; + } + } + } + int twos = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twos = twos + 1; + } + } + return question; +} +" +44ddac500b8c35dfa44f12eb3856dc910af302b6,"public boolean twoTwo(int[] nums) +{ + boolean question = false; + int twos = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twos = twos + 1; + } + } + if (twos > 0) + { + question = false; + } + else + { + question = false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if ((nums[i] == nums[i - 1]) || (nums[i] == nums[i + 1])) + { + question = true; + } + } + } + int twos = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twos = twos + 1; + } + } + return question; +} +" +d14674d5f4fd7f0f9bc4c662fc9c8706a92cb5c4,"public boolean twoTwo(int[] nums) +{ + boolean question = false; + int twos = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twos = twos + 1; + } + } + if (twos > 0) + { + question = false; + } + else + { + question = false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if ((nums[i] == nums[i - 1]) || (nums[i] == nums[i + 1])) + { + question = true; + } + } + } + + return question; +} +" +2e3b7dddb990f30a02fb1ff7a80dfd4fa0a082d0,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count ++; + } + else + { + if (state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +ac935e01afc34996712f835c84338e0b1e8da20b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count ++; + } + else + { + if (count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +75246c86a7629d6db9996c8bc84b27b05617f8a8,"public boolean twoTwo(int[] nums) +{ + return true; +} +" +52bb5dee3dd75cd97396701801f2672141186ab4,"public boolean twoTwo(int[] nums) +{ + return false; +} +" +79924312105398a4e9d9143ac3bcb80fa67dcfb2,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++ + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +473d7b9522600c685f0fefdfa9cb369fac8c1eac,"public boolean twoTwo(int[] nums) +{ + return true; +} +" +4eb183272d6d8b5b21f3792429a00e054f7ace4a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +a622ce57eb891dd2cb94d208e874e68af5bfa92c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +83c55d807d21c523cf726be2a9385296f4dba1ad,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (nums[i + 1] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +b4fcea4d70451120df3ccd96aa9f352fecbc9bf4,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (nums[i - 1] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +2d8efa0ca70befd436325ec0365a68269048941d,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +2a4fc52e01e6f319ecb3bfcdd0c1a244c0dd6de4,"public boolean twoTwo(int[] nums) +{ + int count = 0; + int state; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + + return count != 1; +} +" +a370aafc249cb7db522d3334b4f5949679e09150,"public boolean twoTwo(int[] nums) +{ + int count = 0; + int state = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + + return count != 1; +} +" +53fd13f089e7a8561532e9706a2307831e7c7978,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +8ceee62644a9378caee7850f2cdff5e76f671b70,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +75ba345487e4fc76af44033c18161e1f8ca38fa2,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + } + return true; + +} +" +d26a009f4a42d419344cf36756dcd3b73a77c61d,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + if(nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + } + return true; + +} +" +5e5840b4728a9e257720a8c46d3285726a2ba053,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length-2; i++) + { + if(nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + if(nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + } + return true; + +} +" +5a02c330261e0cd8ad6483e6c7b50252e8c01e19,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + if(nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + } + return true; + +} +" +5e83e86788ff1d9040e067f577427cffa58b84e7,"public boolean twoTwo(int[] nums) +{ + for (int i =0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +499783405320b6200aacf97d09ad4d37ffe1b8a5,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length-1; i++) + { + + if(nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if(nums[i] == 2) + { + i++; + } + } + return true; + +} +" +c416a17700268d6c7c3f9c1fa6f88c397e49bc88,"public boolean twoTwo(int[] nums) +{ + for (int i =0; i=2 && nums[nums.length-1] == 2 && nums[nums.length-2] !=2) + { + return false; + } + for(int i = 0; i < nums.length-1; i++) + { + + if(nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if(nums[i] == 2) + { + i++; + } + } + return true; + +} +" +2d02731adb4aae557314c5b782d50f64d82f20a7,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +5d7d03905668c482e0102094f71cfdcce10c520d,"public boolean twoTwo(int[] nums) +{ + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +e9738777466d97bf3ad0b7a377f1a6e618e47b99,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +ec8f81d981392dd41ad5ef8badf4b74d6c7df853,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 2) + { + if (nums[0] == 2 || nums[1] == 2) + { + return false + } + else + { + return true; + } + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +f84360aa24016740e051a4de258f1a28436f1561,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 2) + { + if (nums[0] == 2 || nums[1] == 2) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 1) + { + if (nums[0] == 2) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 0) + { + return true; + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +cdbab2eb3576f0dbf0460f0016abca13e0ccd0ea,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 2) + { + if ((nums[0] == 2 && nums[1] != 2) || nums[0] != 2 && nums[1] == 2)) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 1) + { + if (nums[0] == 2) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 0) + { + return true; + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +cdc9855843594872b21289b2470a285c2aa0497d,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 2) + { + if ((nums[0] == 2 && nums[1] != 2) || (nums[0] != 2 && nums[1] == 2)) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 1) + { + if (nums[0] == 2) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 0) + { + return true; + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +e25a71a461254e0ab4155cb2535e11d0f84dcf81,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 2) + { + if ((nums[0] == 2 && nums[1] != 2) || (nums[0] != 2 && nums[1] == 2)) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 1) + { + if (nums[0] == 2) + { + return false; + } + else + { + return true; + } + } + if (nums.length == 0) + { + return true; + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +a47ee313093194d475a5285e9dc062dd6c1543ff,"public boolean twoTwo(int[] nums) +{ + int c = 0; + for (int i = 0; i < nums.length; i+=) + { + if (nums[i] == 2) + c++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (c != 1); +} +" +f6a53595410b4be032297bef309f3494209bcf90,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] == 2) + + count++; + + else + + { + + if(state == 1) + + return false; + + else + + count = 0; + + } + + } + + return (count != 1); +} +" +8e62cbdee45f819d8eba625001ccff105d175940,"public boolean twoTwo(int[] nums) +{ + int c = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + c++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (c != 1); +} +" +5c8eb0ada4c598a1d765b9cbed69c1be72d708a5,"public boolean twoTwo(int[] nums) +{ + int c = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + c++; + else + { + if(c == 1) + return false; + else + count = 0; + } + } + return (c != 1); +} +" +9d225e8e1f2225db0df10d72b496ce31d3df6bbf,"public boolean twoTwo(int[] nums) +{ + int c = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + c++; + else + { + if(c == 1) + return false; + else + c = 0; + } + } + return (c != 1); +} +" +8f1c179750331c4612e570b320f6dc4f139030cb,"public boolean twoTwo(int[] nums) +{ + int c = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + c++; + else + { + if(c == 1) + return false; + else + c = 0; + } + } + return (c != 1); +} +" +c08415f7143aa12a4eaef79c57e1c0326d5a703a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] == 2) + + count++; + + else + + { + + if(nums[i] == 1) + + return false; + + else + + count = 0; + + } + + } + + return (count != 1); +} +" +b2e0165faef3c67a44017688ef374901a0742063,"public boolean twoTwo(int[] nums) +{ + int index =0; + +for (int i=0; i<(nums.length); i++) + +{ + +if(nums[i]==2) + +{ + +i++; + +if(!(i<(nums.length)) || nums[i] !=2) return false; + +while(i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +}" +c91a377efc47d0184b76c547b418f7d89c7244e7,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +410ef1d9bd46db2c750d6f9f3cc49afdd8ef8d20,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +df4610e3d6dba7f8822dd2e8a51aae366ea98108,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +c8c27e0f5c8ca27741f08cafa71dc5f8e1b99030,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] == 2) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true; + } + + } + } + + return ans; +} +" +a8e1ad913616d2a94469471bb1a7aefbd3c2e8a1,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] == 2 && i != nums.length-1) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true; + } + + } + } + + return ans; +} +" +1c3f74ed4ef3f251e510a9eeb95a2cfd2c4e9764,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 0 ; i < nums.length ; i++) + { + if(nums[i] == 2 && i != nums.length-1) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true; + } + } + + if(i == nums.length-1) + { + if(nums[i-1] == 2) + { + ans = true; + } + } + } + + return ans; +} +" +5ce35e578a6c08a5ef7a7e06579757531a392d25,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +87221664c4a112dd18fbc86e7eb5306a38d7bb42,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + } + else + { + twoTwo = false; + } + } + return twoTwo; +} +" +e268014a3bb0f967c52f1106a87585cba52a2383,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + } + else + { + twoTwo = false; + } + } + return twoTwo; +} +" +39bf1a622d6420021d1248b199e7e0a180dd7d69,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twoTwo = false; + } + } + return twoTwo; +} +" +901129cfa78a59aeacbce770abeff40e2d19a997,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twoTwo = false; + } + else + { + twoTwo = true; + } + } + return twoTwo; +} +" +7813406894aa7374ce4f18a049aa7e4483a6febe,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twoTwo = false; + } + else + { + twoTwo = true; + } + } + return twoTwo; +} +" +cda87fe2df8aeb23286a97219a2c43fdad14fd43,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + i+1; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twoTwo = false; + i+1; + } + else + { + twoTwo = true; + } + } + return twoTwo; +} +" +abfb089dd33e0230d21a03ee46f3b5d3371d8e1d,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + i = i+1; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twoTwo = false; + i = i+1; + } + else + { + twoTwo = true; + } + } + return twoTwo; +} +" +786cd581deee714de4141c97bca9f5ff7c97ca87,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twoTwo = true; + i = i+1; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twoTwo = false; + i = i+1; + } + else + { + twoTwo = true; + } + } + return twoTwo; +} +" +7ea87a7c6d3969faf1cea2b0767dcd54a40ae9ee,"public boolean twoTwo(int[] nums) +{ + public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +52ddc92b0c8187e2efffdc3243800ec393ddea39,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +68e4d2bfcffc3c471d4ba386e726d9064701bd2c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +0a2b448358de088a8483dc08abae1efbb2b5c87c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +0462267bc1ed22726f250cc27c6799f2ca0287da,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (int[i] == 2 && int[i + 1] != 2) + { + return false; + } + } + return true; +} +" +7ce1ee073d002330cf8025593434ba578d9db6d7,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +ee6f5210c47585691de3693bd60872d8b98ec2dd,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + i = i + 1; + } + else + { + return false; + } + } + } + return true; +} +" +dd4ec657d55a49abcfe2c8c8d68d60892be66d69,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + + if (nums.length == 1) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + + return true; +} +" +2e35dba51afc16399d400c3bd2504ff5b90144ae,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + + return true; +} +" +3cac33d23c4a0113b2d38162c75b04afe60e3906,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + + if (nums.length == 0) + { + return true; + } + else if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + + return true; +} +" +52c59e7abd232124b555b4a64662cba7fb47b947,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +a871eba3219d388211b3f389559cefd6c540d37b,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length -1; i++){ + if (i ==2){ + if (i-1!=2 && i+1!= 2){ + return false; + } + } + } + return true; +} +" +351839745bc2cdccbb945ecd1391b63bfee8a94a,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length -1; i++){ + if (i ==2 && (i-1!=2 || i+1!= 2)){ + return false; + } + } + return true; +} +" +05ab22b3edd59cf5f1fe2182007812b7f6343f22,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length -1; i++){ + if (i ==2 && !(i-1==2 || i+1== 2)){ + return false; + } + } + return true; +} +" +dec0bc4e733021af9f234f8a8fe5c59d343304f1,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 || (nums.length == 2 && (nums[0] != 2 || nums[1] !=2)){ + return false; + } + for (int i = 1; i < nums.length -1; i++){ + if (i ==2 && !(i-1==2 || i+1== 2)){ + return false; + } + } + return true; +} +" +53cd887aa3c3730da76dcbf23f61ffd3c8b558ae,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 || (nums.length == 2 && (nums[0] != 2 || nums[1] !=2))){ + return false; + } + for (int i = 1; i < nums.length -1; i++){ + if (i ==2 && !(i-1==2 || i+1== 2)){ + return false; + } + } + return true; +} +" +0824bbc375b06a1ced188a674b2a433372beda05,"public boolean twoTwo(int[] nums) +{ + if ((nums.length == 1 && nums[0] ==2)|| (nums.length == 2 && (nums[0] != 2 || nums[1] !=2))){ + return false; + } + for (int i = 1; i < nums.length -1; i++){ + if (i ==2 && !(i-1==2 || i+1== 2)){ + return false; + } + } + return true; +} +" +0182c36ebf94a6debe586877783e4b343237c7be,"public boolean twoTwo(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums [i + 1] != 2 && nums[i - 1] !=2) + { + answer = false; + } + else + { + answer = true; + } + } + return answer; +} +" +1df88cabf69e7ca3313269421e7010fd603197de,"public boolean twoTwo(int[] nums) +{ + if ((nums.length == 1 && nums[0] ==2)|| (nums.length == 2 && (nums[0] != 2 || nums[1] !=2))){ + return false; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2) + continue; + if (i >= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +e253c8f24cab40033dc46f8f15365784dbac4727,"public boolean twoTwo(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 || nums[i] == 2 && nums[i - 1] !=2) + { + answer = true; + } + } + return answer; +} +" +4be1d9ccd1590e1509d03d07c52f7fa5eb5dc81f,"public boolean twoTwo(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] = 2 || nums[i] == 2 && nums[i - 1] =2) + { + answer = true; + } + } + return answer; +} +" +606daa7db12ec6cd316b34a29875d53bf4d35894,"public boolean twoTwo(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2 || nums[i] == 2 && nums[i - 1] == 2) + { + answer = true; + } + } + return answer; +} +" +5a541bfa3c25751105bfc205494e62135fea40e0,"public boolean twoTwo(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + answer = true; + } + } + return answer; +} +" +e2e9a55f77366b959e1acc1d92c7196771d43f92,"public boolean twoTwo(int[] nums) +{ + boolean answer = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != nums.length && nums[i] == 2 && nums[i + 1] == 2) + { + answer = true; + } + } + return answer; +} +" +08a6b0fcd85730a8b33cec718c55b27630695c36,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums.length == 1) + { + return false; + } + else if (nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + return true; + } + else if (nums[i] == 2 && i != 0 && nums[i + 1] == 2) + { + return true; + } + else + { + return false; + } + } +}" +a10aefdfc59904299158a6964bba60843c3bb48b,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums.length == 1) + { + return false; + } + else if (nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + return true; + } + else if (nums[i] == 2 && i != 0 && nums[i + 1] == 2) + { + return true; + } + else + { + return false; + } + } + return false; +}" +6c53344a313f9e7c453962d8e7a8c2f0aff6fc94,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 || nums[i - 1] != 2) + { + return false; + } + } + } + return true; +} +" +a052189f25b06515010a28ecb9d424f638bc473f,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + } + return true; +} +" +bf4316b73f39c5b395f4aebfcebdf5baf793020e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i = 1 && nums[i + 1] != 2) + { + return false; + } + else if (i = nums.length - 1 && nums[i - 1] != 2) + { + return false + } + else if (nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + } + return true; +} +" +de36942675c462f7a47886cbd34259c85fe5fd5a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i = 1 && nums[i + 1] != 2) + { + return false; + } + else if (i = nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + } + return true; +} +" +815349e7b2559046f6ce4eb27117afe9932febc3,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 1 && nums[i + 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i-1] != 2) + { + return false; + } + else if (nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + } + return true; +} +" +601224709e2b44eec6f071993d7a1d5aad039b34,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && nums[i + 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i-1] != 2) + { + return false; + } + else if (nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + } + return true; +} +" +e63fb934b846eadcd73a8a69ee3c7d17a76d0039,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0) + { + if (nums[i + 1] != 2) + { + return false; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] != 2) + { + return false; + } + } + else + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + } + return true; +} +" +f1a1a0c0f89dc2acad071293c1f418435f2290ef,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums.length == 1) + { + return true; + } + if (i == 0) + { + if (nums[i + 1] != 2) + { + return false; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] != 2) + { + return false; + } + } + else + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + } + return true; +} +" +1665a2d17ea88cf174aa7811bec98fdaa5b8b170,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1) + { + return false; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0) + { + if (nums[i + 1] != 2) + { + return false; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] != 2) + { + return false; + } + } + else + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + } + return true; +} +" +5c3a62090b765775c278d4dfb6da49efb62348be,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums.length == 1) + { + return false; + } + if (i == 0) + { + if (nums[i + 1] != 2) + { + return false; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] != 2) + { + return false; + } + } + else + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + } + return true; +} +" +51a40733aecc563d245c8a8a6c4900390759d221,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 2; i++) + { + if (nums[i] != nums.length && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +8851b3619bae12385182f8ceb09ad6f4dc07d9e4,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] != nums.length && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +cda2eae017df28b240ad0774f8ca70076dc8f1b2,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +8a55105950e913c4c9ea72de1521bea57b2d3dc7,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 || nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +108beaa1cb3ad96096ad4ff3ecf38d7ac9247966,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +e616713e4793ed4792d421f452efb5db857ef1c3,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && (nums[i - 1] != 2 || nums[i + 1] != 2)) + { + answer = false; + } + } + return answer; +} +" +6bcc67ac907a56d6de7ff78186726a2b964e7af2,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2) + { + answer = false; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +78d3c1cd43fb5044468afb6774e8c63a2a778eef,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + return answer; +} +" +1fca43cc5148d802150b3360d6d20d865057765f,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + return answer; +} +" +70ab5fa578e618bca394abdf28fa93fc0151eca6,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums[nums.length] == 2 && nums[nums.length - 1] != 2) + { + answer = false; + } + return answer; +} +" +1a90326f1c8086c5277f4e48615194bd4b6577f3,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + return answer; +} +" +1b37e4bd3c777cf0f46dbe2a384b6b7453a57208,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums.length = 1 && nums[0] == 2) + { + answer = false; + } + return answer; +} +" +4c6cd81ce3b3092be64ae33cc8971584b607cb17,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums.length == 1 && nums[0] == 2) + { + answer = false; + } + return answer; +} +" +06d9fc47fd1c8230089eacc29ad8863796bd9e2a,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + int end = nums.length; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums.length == 1 && nums[0] == 2) + { + answer = false; + } + return answer; +} +" +2edb4ffeeb607fad6d0b6fc57b1308cdf0e99bce,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + int end = nums.length; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums.length == 1 && nums[0] == 2) + { + answer = false; + } + if (nums[end] == 2 && nums[end - 1] != 2) + { + answer = false; + } + return answer; +} +" +8c6204d084a975522753d66f845239b2b6a896ef,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + int end = nums.length; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums.length == 1 && nums[0] == 2) + { + answer = false; + } + if (nums[end - 1] == 2 && nums[end - 2] != 2) + { + answer = false; + } + return answer; +} +" +1c4096f981ecfa2bd07609126eb12a65e875252b,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + int end = nums.length; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + answer = false; + } + } + if (nums.length >= 2 && nums[0] == 2 && nums[1] != 2) + { + answer = false; + } + if (nums.length == 1 && nums[0] == 2) + { + answer = false; + } + if (nums.length > 1 && nums[end - 1] == 2 && nums[end - 2] != 2) + { + answer = false; + } + return answer; +} +" +5b8a9f9323147f783c0022773cfd1d99709c9391,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +a5b1cac9236cdce91c63c2ba7b64cef2da76cfa6,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && i + 1 < nums.length) + { + if (nums[i + 1] == 2) + { + twotwo = true; + } + else + { + twotwo = false; + } + } + } + + return twotwo; +} +" +156cb6fbbe92196319f4810873a1c81bb16c5004,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && i + 1 < nums.length) + { + if (nums[i + 1] == 2) + { + twotwo = true; + i++ + } + else + { + twotwo = false; + } + } + } + + return twotwo; +} +" +587c5f41867c8824201c0dc2549026fbb0a93204,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && i + 1 < nums.length) + { + if (nums[i + 1] == 2) + { + twotwo = true; + i++; + } + else + { + twotwo = false; + } + } + } + + return twotwo; +} +" +28a396ace5183f4657e5eeb857764ca83a4a4c92,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && i + 1 < nums.length) + { + if (nums[i + 1] == 2) + { + twotwo = true; + i++; + } + else + { + twotwo = false; + } + } + } + + return twotwo; +} +" +3e5659c4c63ad89699d4d80eb083e6148b73983a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + + return count != 1; +} +" +bd9d7ecb714a418d4663f003aae18e4f1fb1b959,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +5abeef6bf8f3decde35769b792733e8759ab651b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +e6baa884f4eac33f156800200d54a39a3265b472,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int x = 0; x < nums.length; x++) + { + if(nums[x] == 2) + { + count++; + } + else + { + if(count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +f7db1be42b5284f6adde9de44838de3979bac0c8,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +65570769afb47bd65f46d568252e6ef2c3a436fe,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +1b0d7afc5e3299019f0a25970611f8019eb6785b,"public boolean twoTwo(int[] nums) +{ + Boolean in = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + in = false; + } + } + } + return in; +} +" +77dc8bef643e570d80ee7fdd7cc0d6cf9f287ca1,"public boolean twoTwo(int[] nums) +{ + Boolean in = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if !(nums[i+1] == 2) + { + in = false; + } + } + } + return in; +} +" +f9ff2f463030b4780d3a3704218fc28d69e5236c,"public boolean twoTwo(int[] nums) +{ + Boolean in = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + in = false; + i++; + } + } + } + return in; +} +" +9a145ebda5c0cad4ccaaf9db737f009be31371ba,"public boolean twoTwo(int[] nums) +{ + Boolean in = true; + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + if (nums[i-1] !=2) + { + in = false; + } + } + } + } + return in; +} +" +a4664a351ae81c1665c0fd86df0713dbc426d5cb,"public boolean twoTwo(int[] nums) +{ + Boolean in = true; + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + if (nums[i-1] !=2) + { + return false; + } + } + } + } + return true; +} +" +73dcfdb8905e70ac125aa0093d421a154bfe69cf,"public boolean twoTwo(int[] nums) +{ + for (i=0;i=1) + { + for (int i=0;i1) + { + for (int i=0;i1) + { + for (int i=0;i1) + { + for (int i=0;i1) + { + for (;i= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false; +} +" +59d8bf3176fd3cc05ea971a55a174a90a54bc20d,"public boolean twoTwo(int[] nums) +{ + + + for (int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +284a24b401f6358b4c739971c3993200af9a7ec5,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return true; + for (int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +516b06150ab4dde025098b60c8209612d1379194,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +3a0e3cbe046f447ac08907d57949c18879110556,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length-1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +048c15a3a3e1ff4b96cac44403703ed3b2bbaeb3,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +73e95560c3d4221eda147bee74bea5104496fc5c,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + else if (nums[nums.length] == 2) + { + return false; + } + } + + + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +b1426d6d876aa72f931a6dbe551f868486c81527,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + + } + + + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +55490af062ca4a3a79b3d1fb1683010e30c6beba,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + + } + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +4557ebe0db8b3f80f0873edfc04077e830597594,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + count++; + } + else + { + if(count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + + return (count != 1); +}" +57aa04979e3ef9a78779e9a6c11a134d5cf42c6f,"public boolean twoTwo(int[] nums) +{ + return true; +}" +b1a0288831ecb0ae603b3c1ba2ee301b5ebd4583,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 || nums[i - 1] != 2) + { + return false; + } + } + } + return true; +}" +9d055075c3a2acc60519a1f3a9d95d000bdb78ea,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 || nums[i - 1] != 2) + { + return false; + } + } + } + return true; +}" +c5350edf345f4e955a3234bf4b48bdf6f1d57edb,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + return false; + } + } + } + return true; +}" +b43aae766dc723d122365c24ac1ae54b0e597b0c,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + return false; + } + } + } + return true; +}" +a585c7d438ce0f4e5ef7e2d419d3e9f06d0d0503,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +59e830f616b4ffa672d2dcdab416347b34b01637,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +15f22f4fe412805d59c417f7be218e3758f9b972,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +364b0a4d6a9eacada7ff5eb9f4e6434e477c1eb9,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +1f1bbc81c07e55f666d556b54708263541e74faf,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return true; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +b21c410dc31492eb5a6f6788003bd1c8b3aabcec,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2 && nums[0] != 2) + { + return true; + } + else if (nums.length < 2 && nums[0] == 2) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +90efd6035ff1b803266f2351510b4a7af4734613,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return true; + } + if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +e895748e6143675f34f89d0cc81cca23287d3901,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return true; + } + else if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; + } +}" +01fe64c85c428da065c91ec57c02a56634fa17c1,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +f0f0154aea02e7460b644d3d4ea8e905dfe41d13,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +09b4dc3233b71481b26119d07425933feb2d34b7,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +} +" +f63552678b2ee11f4e6a953fbaa16e10bcfc392e,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +08fbd2d95a5bd11717c26085e2a09e1578f531d1,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + two = true; + } + else { + two = false; + } + i++; + } + } + return two; +} +" +5c9196eb00cc01e0c05c7962b1a00e7d27227262,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + two = true; + } + else { + two = false; + } + i++; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) { + two = false; + } + return two; +} +" +5a8538ef12df3ec9675ad0ebc04f9c0df3b8cb03,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + two = true; + } + else { + two = false; + } + i++; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) { + two = false; + } + return two; +} +" +6ad46160529d45312313da713f52906e7d351877,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 0) { + return true; + } + if (nums.length == 1) { + if (nums[0] == 2) { + return false; + } + else { + return true; + } + } + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + two = true; + } + else { + two = false; + } + i++; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) { + two = false; + } + return two; +} +" +587b06b90a63c215ee17e25748138e6245cd5686,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for(int i = o; i < nums.length; i++) + { + if((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + hasTwo = true; + i++; + } + else + { + hasTwo = false; + } + } + return hasTwo; +} +" +04a41ce5b2585c2df4177d69d60e68be9b3884dc,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for(int i = 0; i < nums.length; i++) + { + if((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + hasTwo = true; + i++; + } + else + { + hasTwo = false; + } + } + return hasTwo; +} +" +753e85d6b3cc4e2b8e0b6c1c954600fa0e1bf33a,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + hasTwo = true; + i++; + } + else + { + hasTwo = false; + } + } + } + return hasTwo; +} +" +c07142605870affcf19991bf6972fa0777e23f0a,"public boolean twoTwo(int[] nums) +{ + l = nums.length; + if(nums[i] == 2 && nums[1] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true + +} +" +f5830a4e6b1139fb914ef56b6ae32f541fe238a3,"public boolean twoTwo(int[] nums) +{ + l = nums.length; + if(nums[i] == 2 && nums[1] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true; + +} +" +b8d8558a18b6677e0b392cda2a2374022b235f8d,"public boolean twoTwo(int[] nums) +{ + int l = nums.length; + if(nums[i] == 2 && nums[1] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true; + +} +" +844998f424606daf20c024cb172cbd03781133af,"public boolean twoTwo(int[] nums) +{ + int l = nums.length; + if(nums[0] == 2 && nums[1] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true; + +} +" +b4edc0c327719bb1a9fa23e992c120b92c8453f1,"public boolean twoTwo(int[] nums) +{ + int l = nums.length; + if(nums[0] == 2 && nums[1] !=2) + { + return false; + } + if(nums[l-1] == 2 && nums[l-2] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true; + +} +" +2d71d41b2121b599d5bfb465e42dfdd1837b04a8,"public boolean twoTwo(int[] nums) +{ + int l = nums.length; + if(l<2) + { + return false; + } + if(nums[0] == 2 && nums[1] !=2) + { + return false; + } + if(nums[l-1] == 2 && nums[l-2] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true; + +} +" +d9c1da598575cdd731aeae64de46d219d44d6824,"public boolean twoTwo(int[] nums) +{ + int l = nums.length; + if(l==0) + return true; + else if(l==1) + { + if( nums[0] == 2) + return false; + else + return true; + } + if(nums[0] == 2 && nums[1] !=2) + { + return false; + } + if(nums[l-1] == 2 && nums[l-2] !=2) + { + return false; + } + for (int i = 1; i< l;i++) + { + if(nums[i] == 2) + { + if(nums[i-1] != 2 && nums[1+i] != 2) + { + return false; + } + } + } + return true; + +} +" +19af1002946af4a3dd55905df028809ab7823380,"public boolean twoTwo(int[] nums) +{ + int determine = 0; + int num = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + num++; + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + determine++; + } + } + } + if (determine == num / 2) + { + return true; + } + else + { + return false; + } +} +" +3830e31ad432afa3bd25206f3c4d647acaed3868,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < x && nums[i + 1] != 2) + { + return false; + } + else + { + i++; + } + } + } + return true; +} +" +212466ee7c0e71f976ce0ab3e039fd2f415998db,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x || nums[i + 1] == 2)) + { + return false; + } + else + { + i++; + } + } + } + return true; +} +" +0eacf3882238bd4633373f4d7275a6993fc44d24,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2)) + { + return false; + } + else + { + i++; + } + } + } + return true; +} +" +3fcfcaad29fd537dcb267556175ba962fe89e221,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2) || + !((i - 1) > 0 && nums[i - 1] == 2)) + { + return false; + } + } + } + return true; +} +" +28bc8817329908da8b10f2ddb720b4143a73accd,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2)) + { + return false; + } + } + } + return true; +} +" +85967efab372ffb781b0f72fce28c5a5708015a5,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2) || + !((i - 1) > 0 && nums[i - 1] == 2)) + { + return false; + } + else + { + i++; + } + } + } + return true; +} +" +8a15f8b095990f3dea8c380bffad2cfcdee8e5dc,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2)) + { + return false; + } + else + { + i++; + } + } + } + return true; +} +" +b9c0e02dbb43104286294773c97f3ab2e25da8c6,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2)) + { + return false; + } + else + { + while (nums[i] == 2) + { + i++; + } + } + } + } + return true; +} +" +01c2391bcf2349115599b49d12ce4e7c87788729,"public boolean twoTwo(int[] nums) +{ + int x = nums.length; + for (int i = 0; i < x; i++) + { + if (nums[i] == 2) + { + if (!((i + 1) < x && nums[i + 1] == 2)) + { + return false; + } + else + { + while (i < x && nums[i] == 2) + { + i++; + } + } + } + } + return true; +} +" +846f3b641bb2ebaea076e5e55ffb193163bc9ec3,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i-- + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +9c80c084a36d6f771245aab98558b7487d7a5b4b,"public boolean twoTwo(int[] nums) +{ + for(int i = nums.length; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +6bfaf1a1a845d101701c7905edf1d46ac6a24eeb,"public boolean twoTwo(int[] nums) +{ + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +a32a4288b74aa6a4eabc6b1bb97fc7f9b4cbfd0f,"public boolean twoTwo(int[] nums) +{ + int totalTwos = 0; + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + if (nums[i] == 2) { + totalTwos++; + } + } + return totalTwos == 1; +}" +1e37a88fd6416914fe09970b399cce10cda56035,"public boolean twoTwo(int[] nums) +{ + int totalTwos = 0; + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + if (nums[i] == 2) { + totalTwos++; + } + } + return totalTwos != 1; +}" +fe2fa242caf8030da2bc9dec99a770e26803a3bc,"public boolean twoTwo(int[] nums) +{ + int totalTwos = 0; + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + totalTwos += 2; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + if (nums[i] == 2) { + totalTwos++; + } + } + return totalTwos != 1; +}" +bde708dc96c77f2808a6d7b18abb2d94de87a2be,"public boolean twoTwo(int[] nums) +{ + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +72291fdcc96f632e19e365ecac4d7ace7a98d616,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1) { + return false; + } + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +1a216458f8f4ca2e1c602e5fd85abfc4f3c619e5,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) { + return false; + } + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +5b136d1d34cd92f0bc7c7c9365a2fe472744f095,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 1 ; i < nums.length-1 ; i++) + { + if(nums[i] == 2) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true + } + } + + } + + if (nums[nums.length-1] == 2 && nums[nums.length-2] == 2) + { + ans = true; + } + + return ans ; +} +" +1239d59f652cee35626a5bb9a4153186a6d4f4ab,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 1 ; i < nums.length-1 ; i++) + { + if(nums[i] == 2) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true ; + } + } + + } + + if (nums[nums.length-1] == 2 && nums[nums.length-2] == 2) + { + ans = true; + } + + return ans ; +} +" +f0f0a04b4bb2e0a40c72d419cd1fc51585290cd2,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 1 ; i < nums.length-1 ; i++) + { + if(nums[i] == 2) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true ; + } + } + + } + + if (nums[nums.length] == 2 && nums[nums.length-1] == 2) + { + ans = true; + } + + return ans ; +} +" +4013a94041fb9af27ecaa1a5050632d60a1a7598,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) { + return false; + } + if (nums.length == 2 && nums[0] != 2) { + return false; + } + + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +bf68372a61026530b2bd4365ab424bdbeca03090,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + + for(int i = 1 ; i < nums.length-1 ; i++) + { + if(nums[i] == 2) + { + if(nums[i-1] == 2 || nums[i+1] == 2) + { + ans = true ; + } + } + + } + + if (nums[nums.length-1] == 2 && nums[nums.length-2] == 2) + { + ans = true; + } + + return ans ; +} +" +8cf9f2c20579a610ff1df5502d4e541ecd41ee39,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) { + return false; + } + else if (nums.length == 2 && nums[0] != 2) { + return false; + } + else if (nums.length == 4 && (nums[0] != 2 && nums[2] != 2) { + return false; + } + + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +e99fb5b23156283c9a43363137ee385204c2eef8,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) { + return false; + } + else if (nums.length == 2 && nums[0] != 2) { + return false; + } + else if (nums.length == 4 && (nums[0] != 2 && nums[2] != 2)) { + return false; + } + + for(int i = nums.length - 1; i > 1; i--) { + if (nums[i] == 2 && nums[i - 1] == 2) { + i--; + } + else if (nums[i] == 2 && nums[i-1] != 2) { + return false; + } + } + return true; +}" +be49472fea3af461be9ea1789e023040f9fc2861,"public boolean twoTwo(int[] nums) +{ + int set = 0; + for ( in ti = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + set++; + } + else + { + if (state == 1) + { + return false; + } + else + { + set = 0; + } + } + } + return (set != 1); +} +" +df53d89a46a989c59c5306d3afb893ab82d4cb16,"public boolean twoTwo(int[] nums) +{ + int set = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + set++; + } + else + { + if (state == 1) + { + return false; + } + else + { + set = 0; + } + } + } + return (set != 1); +} +" +d1aa88401114f62a58533ed0611083c9c53aa583,"public boolean twoTwo(int[] nums) +{ + int set = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + set++; + } + else + { + if (set == 1) + { + return false; + } + else + { + set = 0; + } + } + } + return (set != 1); +} +" +93440e2e78dcba3e116e5c6f3eff66af7322acac,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } +return hasTwo; +} +" +1decbb84db29126413f1ae9a1cd5c5e54d39be7b,"public boolean twoTwo(int[] nums) +{ + boolean edged = true; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + if ( nums[i] == 2 ) + { + if ( i == 0 ) + { + edged = ( nums[1] == 2 ); + } + else + { + if ( i == length - 1 ) + { + edged = ( nums[i - 1] == 2 ); + } + else + { + edged = ( nums[i - 1] == 2 + || nums[i + 1] == 2 ); + } + } + } + } + return edged; +} +" +9ab0eb3f48b8e72a5c0d9a419309ca153d53bd31,"public boolean twoTwo(int[] nums) +{ + boolean edged = true; + int length = nums.length; + for ( int i = 0; i < length; i++ ) + { + if ( nums[i] == 2 ) + { + if ( length == 1 ) + { + edged = false; + } + else + { + if ( i == 0 ) + { + edged = ( nums[1] == 2 ); + } + else + { + if ( i == length - 1 ) + { + edged = ( nums[i - 1] == 2 ); + } + else + { + edged = ( nums[i - 1] == 2 + || nums[i + 1] == 2 ); + } + } + } + } + } + return edged; +} +" +303f16e61afd18e22bd4d123c092ada431097d0e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +1bb6f2c9c1f124e2d2f3a3fa497f41aa38fe4826,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +5752c89617679c2463b719ff038d863ba74914c0,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i<(nums.length); i++) + { + if(nums[i]==2) + { + i++; + if(!(i<(nums.length)) || nums[i] !=2) return false; + while(i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +6289906e1d6fe16cbf69347f514756c6f3de2031,"public boolean twoTwo(int[] nums) +{ + + for(int i=0;i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] + != 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +5618633640f9e613eb68d786127c824337f4be08,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + for (int j=0; (j= 1 && nums[j-1]) == 2) + j++; + if (j < (length-1) && nums[j+1] == 2) + j++; + return false; + } + return true; + } +" +79e52ae177aa8b7d5bf4db6797a722ea43b6ccaa,"public boolean twoTwo(int[] nums) +{ + +boolean katam = true; +boolean doond = false; + +for(int count=0; count 0 && nums[i - 1] != 2 && nums[i + 1] != 2) { + two = false; + } + } + } + return two; +} +" +64060ac9cb0ec159fc29e14dcaad6c395bd91276,"public boolean twoTwo(int[] nums) +{ + for(int i=1; i= 100) + { + return false; + } + else + { + return true; + } +} +" +ec24323407c222c3a723bca01200f0ea5ea9423c,"public boolean twoTwo(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0) + { + if (nums[i + 1] == 2) + { + q = q + 0; + } + else + { + q = q + 100; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + else + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + } + } + if ( q >= 100) + { + return false; + } + else + { + return true; + } +} +" +7569c2af5172ba1095dea9d9d887dc5811f7d9ec,"public boolean twoTwo(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return true; + } + if (nums[i] == 2) + { + if (i == 0) + { + if (nums[i + 1] == 2) + { + q = q + 0; + } + else + { + q = q + 100; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + else + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + } + } + if ( q >= 100) + { + return false; + } + else + { + return true; + } +} +" +d6e3569cc28787de653a68fa897950228216381f,"public boolean twoTwo(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + if (nums[i] == 2) + { + if (i == 0) + { + if (nums[i + 1] == 2) + { + q = q + 0; + } + else + { + q = q + 100; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + else + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + } + } + if ( q >= 100) + { + return false; + } + else + { + return true; + } +} +" +1889c30f0414785c8f5f8afe2dc4eaf09520169f,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +332035fab0653a2a928a8daf9a5e4b0b360534a3,"public boolean twoTwo(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return true; + } + if (nums[i] == 2) + { + if (nums.length == 1) + { + return false; + } + else if (i == 0) + { + if (nums[i + 1] == 2) + { + q = q + 0; + } + else + { + q = q + 100; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + else + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + } + } + if ( q >= 100) + { + return false; + } + else + { + return true; + } +} +" +d6d2a5fc3ef64ac485e7beb8acd44a5ce87649fb,"public boolean twoTwo(int[] nums) +{ + int q = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1 && nums[i] != 2) + { + return true; + } + if (nums[i] == 2) + { + if (nums.length == 1) + { + return false; + } + else if (i == 0) + { + if (nums[i + 1] == 2) + { + q = q + 0; + } + else + { + q = q + 100; + } + } + else if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + else + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + q += 0; + } + else + { + q += 100; + } + } + } + } + if ( q >= 100) + { + return false; + } + else + { + return true; + } +} +" +4922371b92b222012e44535853e7674bb94610e3,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + return false; + } + if (nums.length == 2) + { + return (nums[0] == 2 || nums[1] == 2); + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +8edcca8419e745e90f5ddcd29f810d7f8586996b,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + return false; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +41c0148a15f8f4f969031feb994df192c3c08bd9,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +977c82acb24ae5833551224cd26e10a05732d5e7,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +6e3128ad20ed43f0e124462180f2eb739bef3427,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +892cfb28aad37bbf95e28cb327b02399b4ede65b,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + if (num[0] == 2) + return false; + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +2574af9e9e9ac8bd945c2942fa0bfdd61c594c89,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + if (nums[0] == 2) + return false; + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +4278ef2ce2fb821e18cee926a90e316fa0906333,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums.length <= 1) + { + if (nums[0] == 2) + return false; + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + return true; +} +" +fb29c703111965d068e70462d0ceefb45b7fb4dc,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums.length <= 1) + { + if (nums[0] == 2) + return false; + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + if (nums[nums.length-1] == 2) + return false; + return true; +} +" +e1a50994a88911274e9d8f09c18aa7bed4fb1c97,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums.length <= 1) + { + if (nums[0] == 2) + return false; + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2 != 2) + return false; + return true; +} +" +e9f2552c3a6a646adf270a2fbe3fbea56d0c30df,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums.length <= 1) + { + if (nums[0] == 2) + return false; + return true; + } + if (nums.length == 2) + { + if (nums[0] != 2 || nums[1] != 2) + { + return false; + } + return true; + + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + return false; + return true; +} +" +fe248fab478d832b2d451bc1041a7da5ae12a59b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +0c76d5cb00c55cd0993c26a657e1fe76c1ce9867,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 2 && nums[i + 1] = 2) + { + return true; + i = i + 2; + } + else if (nums[i] = 2 && nums[i + 1] != 2) + { + return false; + i = i + 2; + } + } +} +" +c578fc65c9103d845650e042ad1e94e8da7608ae,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + i = i + 2; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + i = i + 2; + } + } +} +" +082b8ca7210c74587d68b6914f90060d212f42ed,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + i++; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + i++; + } + } +} +" +e1ca65cbadd63ba04d6bcb7a18513689556e7e9e,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return false; + } + if (nums.length == 1) + { + return false; + } + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + return true; + } + else + { + return false; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + i++; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + i++; + } + } +} +" +546f04c1838d3811aee2ae7cd610c20b84c7609b,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return false; + } + if (nums.length == 1) + { + return false; + } + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + return true; + } + else + { + return false; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } +} +" +9accef36c2bd6659b04684a217b632272bd097e0,"public boolean twoTwo(int[] nums) +{ + boolean twos = false; + if (nums.length == 0) + { + twos = false; + } + if (nums.length == 1) + { + twos = false; + } + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + twos = true; + } + else + { + twos = false; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + twos = true; + } + } + return twos; +} +" +a2bff60c764a267eb808950e1d342f545007aa98,"public boolean twoTwo(int[] nums) +{ + boolean twos = true; + if (nums.length == 0) + { + twos = false; + } + if (nums.length == 1) + { + twos = false; + } + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + twos = true; + } + else + { + twos = false; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + twos = true; + } + } + return twos; +} +" +b39cf392ed32e49f145f0389dde3a2ac964c41a4,"public boolean twoTwo(int[] nums) +{ + boolean twos = true; + if (nums.length == 0) + { + twos = true; + } + if (nums.length == 1) + { + twos = true; + } + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + twos = true; + } + else + { + twos = false; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + twos = true; + } + } + return twos; +} +" +0bd81a714f85b9f284e05cc169fc136a5202b440,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +4c0930bb9fd1461bce48bb43cc3905fa0c61a9dd,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +dd514e2665873e3030cc6547efd1f2a34524e698,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +da4532146f282ec81c1666c8d0c9823d9890f6c5,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +a8358ff8ed5225f20747cdf3ceabe61c482aedf6,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 2) { + if(i == 0) { + if(nums[i+1] != 2) + return false; + } + else if(i == (nums.length - 1)) { + if(nums[i-1] != 2) + return false; + } + else { + if(nums[i+1] != 2 && nums[i-1] != 2) + return false; + } + } + } + return true; +} +" +a1b967c4eaf66c41690c219fbd6ddd998c36758d,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +76c3f9e9ca59ff45dc0ff8d772786b29b5ff5e32,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + return (count != 1); +} +" +1b880a49c308c011dba675e6928d9e26464f3249,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else if (nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + return (count != 1); +} +" +cd5f7296a6559bec84f9a9a7ca0b86f6cb6b6172,"public boolean twoTwo(int[] nums) +{ + boolean tutu = false; + for (int i = 0; i < nums.length; i++) + { + if (i = 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + return tutu; +} +" +612fe78c5f1e62a9bcb9fbddfb3fabca0021c7db,"public boolean twoTwo(int[] nums) +{ + boolean tutu = false; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + return tutu; +} +" +dc595de6bd2bf532a78c796b1712aa098bb1cd7e,"public boolean twoTwo(int[] nums) +{ + boolean tutu = false; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + if (i == nums.length -1) + { + if (nums[i] == 2) + { + if (nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + return tutu; +} +" +fe9d2c8cdb72a22689a0363c567554efe46b3b4d,"public boolean twoTwo(int[] nums) +{ + boolean tutu = true; + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + if (i == nums.length -1) + { + if (nums[i] == 2) + { + if (nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + return tutu; +} +" +15ac0c8ec0ebc268a7ea4f936dec8c1718f90086,"public boolean twoTwo(int[] nums) +{ + boolean tutu = true; + if (nums.length > 1) + { + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + if (i == nums.length -1) + { + if (nums[i] == 2) + { + if (nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + } + return tutu; +} +" +4d4a1bb8a921bd9b9f17bcb5caf5bb3748e9c045,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +57ef3e95ab3dfb4194eb52a37193da1f023743d4,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + } + + } + + return true; + +} +" +48a97a2d38ce061099dbf1861f525a5f7012d329,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + else + { + i++; + } + } + + } + + return true; + +} +" +f4f674d83b91bb0ff0ca226ed0a2a1f1cf6673c5,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + else + { + i++; + } + } + + } + + if (nums[nums.length-1] == 2) + { + return false; + } + + return true; + +} +" +44b5333e03596739b0f8795314d3b8a667718594,"public boolean twoTwo(int[] nums) +{ + boolean tutu = true; + if (nums.length > 1) + { + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + if (i == nums.length -1) + { + if (nums[i] == 2) + { + if (nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + } + else + { + tutu = false; + } + return tutu; +} +" +c3e3d6a2a1203d0c2e8c8a4309864815f2d6baf1,"public boolean twoTwo(int[] nums) +{ + boolean tutu = true; + if (nums.length > 1) + { + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + if (i == nums.length -1) + { + if (nums[i] == 2) + { + if (nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + } + else if(nums[0] == 2) + { + tutu = false; + } + return tutu; +} +" +ee31b06f296eb8715dd8055f9fc5ad271fe0e28d,"public boolean twoTwo(int[] nums) +{ + boolean tutu = true; + if (nums.length > 1) + { + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + if (i == nums.length -1) + { + if (nums[i] == 2) + { + if (nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + else if (nums[i] == 2) + { + if (nums[i+1] == 2 || nums[i-1] == 2) + { + tutu = true; + } + else + { + tutu = false; + break; + } + } + } + } + else if(nums.length ==1 && nums[0] == 2) + { + tutu = false; + } + return tutu; +} +" +493817aac1faa0d872468832fe59d91d0d10a0c6,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } +} +" +0d5fa156e0269bd450c5f89b96ac319af838e82e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + return true; + } + return false; +} +" +53d98baa7602eca894af5a5dca1218f21b4484ce,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1} == 2) + { + return true + } + } + return false; +} +" +96f2906c4c00ed3a13ded7dd5509bb2e8b31056c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + return true; + } + } + return false; +} +" +820886c06e17992f2201c9741fa198b575666f22,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +ddd7708d2c3de578607d4d4c0dfdc867fc727527,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + return true; + } + } + return false; +} +" +f7c80c10c00a44444d21a9531c0fd1bff1c01570,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + return true; + i++; + } + } + return false; +} +" +2aa34e16a82753b53eb1934cc3e2b0614de9fd62,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i++; + } + else + { + b = false; + } + } + return b; +} +" +12a6b2b18bfb4313a5ab726b5af35b306f0a1645,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 2) + { + b = false; + i++; + } + return b; + } + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i++; + } + else + { + b = false; + } + } + return b; +} +" +18ad5cb05ee14f0e66890f6a3b9ba8aafc2f2879,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2) + { + b = false; + i++; + } + return b; + } + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i++; + } + else + { + b = false; + } + } + return b; +} +" +d81006d93f03f706c038173481f82d2d2bbe7531,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i++; + } + else + { + b = false; + } + } + return b; +} +" +897957020c708f1b28352006f5e89a7fe40ecef6,"public boolean twoTwo(int[] nums) +{ + boolean facts = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + facts = false; + } + } + return facts; +} +" +a2415ab8c8361b12806961c4334ffe5c95677ed6,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i++; + } + else + { + b = false; + } + if (nums[0] == 1 || nums.length == 0) + { + b = true; + } + } + return b; +} +" +702c416e51cd2a04aa8a10c4293101dd95947a95,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i++; + } + else + { + b = false; + } + } + return b; +} +" +189979af223e606c0b15393c66e9fc9247b37cdd,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 2; + } + else + { + b = false; + } + } + return b; +} +" +577181c5b6d6d1370dec60c539862af1c29b74e0,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + return b; +} +" +d7fed6805208b68b3732cdd04151f70f83eae97f,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + return b; +} +" +335bdff668b919f6d3e73a9b1f425b5d12d93be0,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums[0] == 1 || nums.length == 0) + { + b = true; + } + return b; +} +" +1eea77af3a0ca06e2dbf8311a24fb40a629cb679,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + return b; +} +" +fe0dba3d853b94bbe4e07a3bb89094f24dfc86ab,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 1 && nums[0] == 2) + { + b = true; + } + return b; +} +" +4c72eced4222ed609a6cd13a9255ce19670fdf2f,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 1 && nums[0] == 2) + { + b = false; + } + return b; +} +" +fc5642d6de09f7312be54e2ca7c4ef705cceedfe,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 5 && nums[4] == 4) + { + b = true; + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + return b; +} +" +3bb60e7a4131e8cce42df1d38be34e2c835b1d48,"public boolean twoTwo(int[] nums) +{ + boolean facts = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + return facts; +} +" +f974ad2e6b50214d891e10eaaa45d7d8474b3201,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 5 && nums[4] == 4) + { + b = true; + } + return b; +} +" +56fe125ffacdc18cff698fc466e74a481c6d120c,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + return b; +} +" +3e387e5c633df9ba4ca86ecdddfebe2aefb4de18,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } + return false; +} +" +a8ec0f3885b81e58cdfec38c3f86677f3a24e50a,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 && nums[0] == 2) + { + b = true; + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 5 && nums[4] == 4) + { + b = true; + } + return b; +} +" +1a955933c2fba53b8bfa7f9bcd1d1dfa18367ff9,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 && nums[0] == 2) + { + b = false; + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 5 && nums[4] == 4) + { + b = true; + } + return b; +} +" +57d775948527d217afe96d54d24f4c3fb08196a3,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + if (nums.length == 1 && nums[0] == 2) + { + b = false; + } + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 5 && nums[4] == 4) + { + b = true; + } + return b; +} +" +11579c74151660204fd95e58c3e2a03d451a86f9,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + b = true; + i = i + 1; + } + else + { + b = false; + } + } + if (nums.length == 1 || nums.length == 0) + { + b = true; + } + if (nums.length == 3 && nums[2] == 4) + { + b = true; + } + if (nums.length == 5 && nums[4] == 4) + { + b = true; + } + if (nums.length == 1 && nums[0] == 2) + { + b = false; + } + return b; +} +" +6de2faf006c51fa1f6ddd3ce509d283ccdfe6f9c,"public boolean twoTwo(int[] nums) +{ + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2 && flag) + { + return false; + } + else if (nums[i] == 2 && !flag) + { + flag = true; + } + } + + return flag; +} +" +8b6cfe6727d697c6d4b12b2ef39fe72182b8ceab,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true;\ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count = 1) + { + return false; + } + } + } + return false; +} +" +22586654b6053ef3f6042998474761a183a8f5ab,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true;\ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + } + } + return false; +} +" +8c9cbc38b199805251bf61c38fec0477e145e75a,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true;\ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return false; +} +" +deb656a2e4c60d4ef2ed927e5e9eaf8d8259227b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +4d5dce6faf2f2e9afe1bf5c18a31a9e41d4d8159,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +904ca3f8e4e65bedde3b2ae70e5d88cfd4c01a9a,"public boolean twoTwo(int[] nums) +{ + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2 && flag) + { + return false; + } + else if (nums[i] == 2 && !flag) + { + flag = true; + } + else if (nums[i] == 2 && flag) + { + flag = false; + } + } + + return flag; +} +" +a551cd2d87372244005f6bff7bdb91567649bf1b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +2c8bcf8bcfffd6904c27699ef163f266e77777b8,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true;\ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return false; +} +" +733a7d17f48c14eb100c58980685d954b61b44cd,"public boolean twoTwo(int[] nums) +{ + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2 && flag) + { + return false; + } + else if (nums[i] == 2 && !flag) + { + flag = true; + } + else if (nums[i] == 2 && flag) + { + flag = false; + } + } + + return true; +} +" +41cb9439c0e0ab70c543a3b9925dc77977ff168e,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true;\ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +e0d8d4bc45a719218ee9ec50f3b3356d86107756,"public boolean twoTwo(int[] nums) +{ + //boolean facts = true;\ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +c8ec56e7ae3d8cea2b4bd9a24eebea64fb4a79df,"public boolean twoTwo(int[] nums) +{ + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2 && flag) + { + return false; + } + else if (nums[i] == 2 && !flag) + { + flag = true; + } + else if (nums[i] == 2 && flag) + { + flag = false; + } + } + + if (nums[nums.length - 1] == 2) + { + return false; + } + else + { + return true; + } +} +" +0695ac63396806e1615a84d08d0d8f408dc65c1e,"public boolean twoTwo(int[] nums) +{ + boolean flag = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2 && flag) + { + return false; + } + else if (nums[i] == 2 && !flag) + { + flag = true; + } + else if (nums[i] == 2 && flag) + { + flag = false; + } + } + + return true; + +} +" +53c90927f610426b90880f779d2b335738e38a6a,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i+1] != 2 || nums[i-1] != 2)) + { + return false; + } + } + return true; +} +" +2efe2fd27544d52c79beb560430efd5b7fc2523a,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + return true; +} +" +80985a6f4b338c0f432efa14d2b5b6b996936bd6,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && nums[i+1] != 2) + { + return false; + } + else if (i == nums.length-1 && nums[i-1] != 2) + { + return false; + } + else + { + if (nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + } + } + return true; +} +" +de6ac8cd3f4edefd4c2f5c8cfae421adee22d887,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +86bac13c1e8b3ba31ef5032978abb8e80c466325,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i = 1) + { + return false; + } + + i = j; + } + } +} +" +6438e217495ca748bc45f4d74d4b0a26abe8f7d9,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j; + } + } +} +" +9003f76dfcaa9a5b6378c7325d38169a5c98feec,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j; + } + } + + return true; +} +" +4a216b0158bc11454a0e72d45b1a5028a3169d78,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length - 1) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j; + } + } + + return true; +} +" +910cd55c6061fb71f25d9f31ce602d53c8223e25,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j; + } + } + + return true; +} +" +216e1e13e857c7a2564b4e466dd9c22cf838f477,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i == 1) + { + return false; + } + if (j != nums.length) + { + i = j; + } + } + } + + return true; +} +" +02a1053b72bc846383c822095e30a4ef3691aabe,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j - 1; + + } + } + + return true; +} +" +3dd59c90cd1cf8f01e01c9284aceb25f000124ba,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j; + + } + } + + return true; +} +" +d8e2cf94f05286067a2fd5fe9828bf342cf6801e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int j = i; + while (nums[j] == 2 && j < nums.length - 1) + { + j++; + } + + if (j - i == 1) + { + return false; + } + + i = j; + + } + } + + return true; +} +" +eba15c6747ffe158102f4c4bf9ef6ecd2426442b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +cad54aa5a6e1a08f29176a18ab92b09de7f8bb7b,"public boolean twoTwo(int[] nums) +{ + public boolean has22(int[] nums) { + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2 && nums[i + 1] == 2) { + return true; + } + } + return false; + } +} +" +ef5df5afa82a3170765e0605eb61fc884d38f0e9,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2 && nums[i + 1] == 2) { + return true; + } + } + return false; +} +" +df11d3fc2e7ab444bcf856c218e94520ebf31b1c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +bc698640d107d3122e8965deacd70cc3ac02a461,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +eab80fa81a5204bb79a0b7edb9177bb2978f41fe,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean allHavePartner = true; + for (int i = 0; i < len-1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + allHavePartner = false; + } + } + if (nums[len-1] == 2 && nums[len-2] != 2) + { + allHavePartner = false; + } + return allHavePartner; +} +" +99abf8aa8bef38fd59db3fc9d0fafb38411e33d6,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean allHave = true; + for (int i = 0; i < len; i++) + { + if (nums[i]==2) + { + if (i == 0) + { + if (nums[i+1] != 2) + { + return false; + } + } + else if (i == len-1) + { + if (nums[i-1] != 2) + { + return false; + } + } + else + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + } + return true; +} +" +7ab06bc09b3804f6103b9d85979052e680ad4cd5,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean allHave = true; + for (int i = 1; i < len-1; i++) + { + if (nums[i]==2) + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + if (num[0] == 2) + { + if (len==1) + { + return false; + } + else if (nums[i+1] != 2) + { + return false; + } + } + if (num[len-1] == 2) + { + if (nums[len-2] != 2) + { + return false; + } + } + + return true; +} +" +a7736012e44792d3c698a0945a49af320fd6e9cc,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean allHave = true; + for (int i = 1; i < len-1; i++) + { + if (nums[i]==2) + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + if (nums[0] == 2) + { + if (len==1) + { + return false; + } + else if (nums[i+1] != 2) + { + return false; + } + } + if (nums[len-1] == 2) + { + if (nums[len-2] != 2) + { + return false; + } + } + + return true; +} +" +def14bb12a35a9384361d96c2256dec2c2880056,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean allHave = true; + for (int i = 1; i < len-1; i++) + { + if (nums[i]==2) + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + if (nums[0] == 2) + { + if (len==1) + { + return false; + } + else if (nums[1] != 2) + { + return false; + } + } + if (nums[len-1] == 2) + { + if (nums[len-2] != 2) + { + return false; + } + } + + return true; +} +" +9bfc4432b43781ffc5fef70d1ef9cc4903178f26,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean allHave = true; + for (int i = 1; i < len-1; i++) + { + if (nums[i]==2) + { + if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + if(len>0) + { + if (nums[0] == 2) + { + if (len==1) + { + return false; + } + else if (nums[1] != 2) + { + return false; + } + } + if (nums[len-1] == 2) + { + if (nums[len-2] != 2) + { + return false; + } + } + } + + return true; +} +" +aea1e9d4b68dad114c6f7311b1b3151c31f03f0e,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} + +" +9bf7be02d5b216a0fd80f9cee3ddae4852b43ca3,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + count = 0; + } + } + return (count != 1); +} + +" +b221e47e9a4dbc6f31da53c7a13864cfbd9b78c0,"public boolean twoTwo(int[] nums) { + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; + } +" +7a2f2ff5d115c740b4b379cbc80774c6cdcd1d34,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + + return (count != 1); +} +" +4aef556fab5d6f776375d44db7831a8a519e41ae,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + + return (count != 1); +} +" +ca8387cfefecfbe84e3a0caeb2c726843d12babc,"public boolean twoTwo(int[] nums) +{ + Boolean paired = true; + for (int i = 0; i0 && nums[i-1]!=2) || i==0) + { + return false; + } + } + if(nums[i]==2 && i==nums.length-1) + { + if((i>0 && nums[i-1]!=2) || i==0) + { + return false; + } + } + } + return true; +}" +e3b86079f7ac8a0fdbae0163b4ae2b0cc2452907,"public boolean twoTwo(int[] nums) +{ + for(int i=0;i+1=2) + { + return false; + } + return true; +} +" +3e6d7b47915bc0c143091eaff3733ce644dd8472,"public boolean twoTwo(int[] nums) +{ + if(nums.length==1&&nums[0]==2) + { + return false; + } + for(int i=0;i+1=3) + { + return false; + } + return true; +} +" +01e62e695eacd09880073d8c2af7c0119b537463,"public boolean twoTwo(int[] nums) +{ + if(nums.length==1&&nums[0]==2||nums.length==0) + { + return false; + } + for(int i=0;i+1=2) + { + return false; + } + return true; +} +" +4af641f16fb9684cfb30494011b766efbff75724,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 2) + count++; + else { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +a110509ed48b1e9494a846965b330052e5e9e826,"public boolean twoTwo(int[] nums) +{ + if(nums.length==1&&nums[0]==2) + { + return false; + } + return nums.length==0; + for(int i=0;i+1=2) + { + return false; + } + return true; +} +" +4d6d02ab77fdba0fac90ad9f36f217e80c71c9d5,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 2) + count++; + else { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +067f3c0fe82004ac32645ea8ebf00f9e81915b6f,"public boolean twoTwo(int[] nums) +{ + if(nums.length==1&&nums[0]==2) + { + return false; + } + if( nums.length==0) + { + return true; + } + for(int i=0;i+1=2) + { + return false; + } + return true; +} +" +261739d6124afb54d54946b606c70e0574d6fcd4,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] ==2) + return false; + if(nums.length >=2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2))) + return false; + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i = 1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +9483fd9832c42d4187b6ab0a476e37d97303021c,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for(int i = 0; i < nums.length; i++) { + if(nums[i] == 2) { + if((i != 0 && nums[i - 1] == 2) || (nums.length-1 > i && nums[i+1] == 2)) { + hasTwo = true; + i++; + } + else + hasTwo = false; + } + } + return hasTwo; +} +" +8d556a2c942c82bc1df20ab79e4da532d4740f6a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0, i < nums.length, i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] ==2) + { + i++; + } + else + { + return false; + } + } + } + return true; +} +" +7cc2e366729b930a167cef983add399f8fb7c715,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + return true; +} +" +eaf734b4628a65604cfe3bcd8109c028cc7b75e7,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i < nums.length + 1 && nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + return true; +} +" +adf13c8cf344c88401353aa1c6322b4233aaa8c6,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i < nums.length - 1 && nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + return true; +} +" +ca263a7e199e326a183e9eb149b62fb8ff5cd0bf,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i < nums.length - 1 && nums[i + 1] == 2 + || nums[i - 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + return true; +} +" +84809e722d4993a44e25b6209ed2c29ad3475b03,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i < nums.length - 1 && nums[i + 1] == 2 + || i > 0 && nums[i - 1] == 2) + { + i++; + } + else + { + return false; + } + } + } + return true; +} +" +6df377a4abd72668046d30638e10f2a2c178a9ab,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 + || nums[i - 1] != 2 && nums[i] == 2) + { + answer = false; + break; + } + } + + return answer; +} +" +c7503429ebc0c35a38293d1e3adc26b056efce79,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 + && nums[i - 1] != 2 && nums[i] == 2) + { + answer = false; + break; + } + } + + return answer; +} +" +ddc61b3e03e8df2491c58f9fb81de1d26928f323,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length < 2 and nums[i] == 2) + { + answer = false; + } + + if (i = 0 && nums[i] = 2 && nums[i + 1] != 2) + { + answer = false; + } + else if (i == nums.length - 1 && nums[i] == 2 && + nums[i - 1] != 2) + { + answer = false; + } + else if (nums[i] == 2 && nums[i+1] != 2 && nums[i - 1] != 2) + { + answer = false; + } + } + + return answer; +} +" +666d1a3b714662408066a557b99b2d151ea4f606,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length < 2 && nums[i] == 2) + { + answer = false; + } + + if (i = 0 && nums[i] = 2 && nums[i + 1] != 2) + { + answer = false; + } + else if (i == nums.length - 1 && nums[i] == 2 && + nums[i - 1] != 2) + { + answer = false; + } + else if (nums[i] == 2 && nums[i+1] != 2 && nums[i - 1] != 2) + { + answer = false; + } + } + + return answer; +} +" +afd5edf90b9a6514ae44836377d471a91a03e68a,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length < 2 && nums[i] == 2) + { + answer = false; + } + + if (i = 0 && nums[i] == 2 && nums[i + 1] != 2) + { + answer = false; + } + else if (i == nums.length - 1 && nums[i] == 2 && + nums[i - 1] != 2) + { + answer = false; + } + else if (nums[i] == 2 && nums[i+1] != 2 && nums[i - 1] != 2) + { + answer = false; + } + } + + return answer; +} +" +738dc5fd7179788d60d3308215d599be50451b2f,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length < 2 && nums[i] == 2) + { + answer = false; + } + + if (i == 0 && nums[i] == 2 && nums[i + 1] != 2) + { + answer = false; + } + else if (i == nums.length - 1 && nums[i] == 2 && + nums[i - 1] != 2) + { + answer = false; + } + else if (nums[i] == 2 && nums[i+1] != 2 && nums[i - 1] != 2) + { + answer = false; + } + } + + return answer; +} +" +a0e6a3a207a4e7f993cf0a2b4dd9a076e0d08b93,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + counter++; + } + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +bbacc9f5be1634fa1b695036c43c06fb0d40aa2f,"public boolean twoTwo(int[] nums) +{ + boolean answer = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length < 2 && nums[i] == 2) + { + answer = false; + break; + } + + if (i == 0 && nums[i] == 2 && nums[i + 1] != 2) + { + answer = false; + break; + } + else if (i == nums.length - 1 && nums[i] == 2 && + nums[i - 1] != 2) + { + answer = false; + break; + } + else if (i != 0 && i != nums.length - 1 && nums[i] == 2 && nums[i+1] != 2 && nums[i - 1] != 2) + { + answer = false; + break; + } + } + + return answer; +} +" +81860b1814f7f6b7da60c14701034f0a9c5808c4,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + counter++; + } + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +6bcd0e796ae1e279c3e5fee5d8733bcb1cac3f72,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + counter++; + } + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +a279f8970d48f8daa6e6fba43396284236d31907,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 1) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + else if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + else if (counter = 0) + { + return true; + } + else + { + return false; + } +} +" +56cf17553ca333da22a5be30211f1c8abc3282bb,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 1) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + else if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + else if (counter == 0) + { + return true; + } + else + { + return false; + } +} +" +3975b02e84787f91682ac3589f44bb0301ddc98f,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 1) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + else if (i == length - 1) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + } + else if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + else if (counter == 0) + { + return true; + } + else + { + return false; + } +} +" +7ce207bd37bb86c9032c29ff02e17b0b10c4db76,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 1) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + else if (i == length - 1) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + } + else if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i - 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + else if (counter == 0) + { + return true; + } + else + { + return false; + } +} +" +9a2aa77d7f547389a48a38882fedf5a3e317b256,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +8213b7d71706ba673717a06dcc12f742ab426015,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +9f766c163da31c2a99d05f2f7cd32851e8cde4dd,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +f32efceff6a28cd3c94e2c8d6225733fa1d5ece3,"public boolean twoTwo(int[] nums) +{ + if (nums[0] == 2 && nums[1] != 2) + return false; + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + return false; + for (int i = 1; i < nums.length - 1; i++) + if (nums[i - 1] != 2 && nums[i] == 2 && nums[i + 1] != 2) + return false; + return true; +} +" +d69a6662641ee5b8dbfe24d693cd32b5edabd164,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums.length == 1 && nums[0] == 2) + return false; + if (nums[0] == 2 && nums[1] != 2) + return false; + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + return false; + for (int i = 1; i < nums.length - 1; i++) + if (nums[i - 1] != 2 && nums[i] == 2 && nums[i + 1] != 2) + return false; + return true; +} +" +47989c159170c4e0cbad3ca0935f0e4d157ad7de,"public boolean twoTwo(int[] nums) +{ + boolean a = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 2) + { + if (i > 0 && nums[i - 1] != 2) + { + if (i < nums.length - 1 && nums[i + 1] != 2) + { + a = false; + } + } + } + } + return a; +} +" +f5a25dd590542f18b6bbda64eb43081a783d1935,"public boolean twoTwo(int[] nums) +{ + boolean a = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i > 0 && nums[i - 1] != 2) + { + if (i < nums.length - 1 && nums[i + 1] != 2) + { + a = false; + } + } + } + } + return a; +} +" +d4c696809e61ba9ab50f9f826f5f2a84750bfb9e,"public boolean twoTwo(int[] nums) +{ + boolean a = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 || nums[i - 1] != 2) + { + if (i == nums.length - 1 || nums[i + 1] != 2) + { + a = false; + } + } + } + } + return a; +} +" +da57587c65ac3f1137214b8ea99f503a0e1a13b4,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +1043fc25df5ea8cc8843ea1c08c3775dbd98b164,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == nums.length) + { + return false; + } + else if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } +} +" +5fd024eee6e22a6d4225363c53f296b23a93a863,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == nums.length) + { + return false; + } + else if (nums[i + 1] != 2) + { + return false; + } + while (nums[i] == 2) + { + i++; + } + } + } + return true; +} +" +79b57b1cf6bc85f8fbc5a22a81d5fd55207cd164,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == nums.length - 1) + { + return false; + } + else if (nums[i + 1] != 2) + { + return false; + } + while (nums[i] == 2) + { + i++; + } + } + } + return true; +} +" +55bf6d7f6f30953f8ce1c6dcfd5bf296ea25848b,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == nums.length - 1) + { + return false; + } + else if (nums[i + 1] != 2) + { + return false; + } + while (i != nums.length - 1 && nums[i] == 2) + { + i++; + } + } + } + return true; +} +" +730727a4e4a7629303f57dbef89e17a85ac0509d,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + two = false; + break; + } + } + } + + return two; +} +" +a5db29b9463ad67537965f751e252f8837a4679b,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] == 2) + { + two = true; + i = i + 1; + } + } + } + + return two; +} +" +edafa7b429a4a68a4d860aa04cbabb5c3e9006d9,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2 && nums[i-1] != 2) + { + two = false; + i = i + 1; + } + } + } + + return two; +} +" +f1bbbc8b143174928ec98cb9bf077c413cd072db,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2 && nums[i-1] != 2) + { + two = false; + i = i + 1; + } + } + } + + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + two = false; + } + + return two; +} +" +c70bfc05e1f3411d7ea3d8af697d79ad910a67a4,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2 && nums[i-1] != 2) + { + two = false; + i = i + 1; + } + } + } + + if (nums.length > 2) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + two = false; + } + } + + return two; +} +" +9d20e53ea56928d23d9301be7460e4fc8e1f8789,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2 && nums[i-1] != 2) + { + two = false; + i = i + 1; + } + } + } + + if (nums.length >= 2) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + two = false; + } + } + + return two; +} +" +18012c16e2ac64df5a80e725653846730ac09394,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2 && nums[i-1] != 2) + { + two = false; + i = i + 1; + } + } + } + + if (nums.length >= 2) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + two = false; + } + } + + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + return two; +} +" +de3746a52dba0a9a88a556fc878cb0061d9e64b4,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +687c7e9287d46778645bbaa700763fcbc470a9d2,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + +return true; +} +" +5b4a6daef98734bf7eaac22e688f2dda671d95a8,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +12adfeaa8df45b19ef52f1317c24ef5834c69cd4,"public boolean twoTwo(int[] nums) +{ + count = 0; + for (int = 0; i < nums.length; i++) + { + if ( nums[i] == 2) + { + count++; + } + } + return (nums.length-1) == count; +} +" +35c4c0d878ecdbc14da6909d0921f960e6d6f610,"public boolean twoTwo(int[] nums) +{ + count = 0; + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 2) + { + count++; + } + } + return (nums.length-1) == count; +} +" +059a582afb2becf5c89fc2ae6e5b17b7010b22a6,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if ( nums[i] == 2) + { + count++; + } + } + return (nums.length-1) == count; +} +" +e45a63225d7b6f4f3652a9e281fb35589a498caf,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +8e7aa6642156e4a125351e98424ac5069519fd6a,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +6d81dbc1fba1f9939fae46233a7804dbd44609ef,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] ==2) + { + continue; + } + else + { + return false; + } + } + + } + return true; +} +" +cd8866866afb959a3a39ba1c553401f7218dc1ff,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] ==2) + { + i = i+1; + } + else + { + return false; + } + } + + } + return true; +} +" +83bae9ecb991217bcf5bf51fc6f9de503dfcc4f4,"public boolean twoTwo(int[] nums) +{ + int count = 0; + if (nums[nums.length] == 1) + { + return nums[0]!=2; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] ==2) + { + i = i+1; + } + else + { + return false; + } + } + + } + if (nums[nums.length-1] == 2) + { + if (nums[nums.length-2] != 2) + { + return false; + } + } + return true; +} +" +2d778a7b17932fc79d64c604b78b39a3f122116e,"public boolean twoTwo(int[] nums) +{ + int count = 0; + if (nums.length == 1) + { + return nums[0]!=2; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] ==2) + { + i = i+1; + } + else + { + return false; + } + } + + } + if (nums[nums.length-1] == 2) + { + if (nums[nums.length-2] != 2) + { + return false; + } + } + return true; +} +" +586bcd070bc14d73ec385bf99c1e0e59f50bc784,"public boolean twoTwo(int[] nums) +{ + int count = 0; + if (nums.length == 0) + { + return true; + } + if (nums.length == 1) + { + return nums[0]!=2; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] ==2) + { + i = i+1; + } + else + { + return false; + } + } + + } + if (nums[nums.length-1] == 2) + { + if (nums[nums.length-2] != 2) + { + return false; + } + } + return true; +} +" +e9360a52d9d06bb1d62c11d58a304dcb67a50f2c,"public boolean twoTwo(int[] nums) +{ + int index =0; +for (int i=0; i<(nums.length); i++) +{ +if(nums[i]==2) +{ +i++; +if(!(i<(nums.length)) || nums[i] !=2) return false; +while(i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} + +" +b7a718bab878cd6cf9f5cfc984cf9fa9153cea37,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 1) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + else if (i == length - 1) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + } + else if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i - 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + else if (counter == 0) + { + return true; + } + else + { + return false; + } +} +" +dcef7312bb75cbdeaf98d10457c765fce8950592,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 1) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + else if (i == length - 1) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + } + else if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i - 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + else if (counter == 0) + { + return true; + } + else + { + return false; + } +} +" +de8f67deeba127e0a34bbdd0b1cc52653933dcce,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +6ceb889955d1b5e2c9845a0921477431fae8d39c,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 1) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + else if (i == length - 1) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2) + { + counter++; + } + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i - 1] != 2) + { + counter++; + } + } + } + } + if (length == 0) + { + return true; + } + else if (counter == 0) + { + return true; + } + else + { + return false; + } +} +" +89020ab00102a2196cc8c49b4cf0866486e6669a,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +} +" +5877e5c51199bb070168f9e7ffa7acd23c294b72,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +86a4d0907dc46fd97b25455532c4e98b0307bcaa,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + break; + } + } + if (nums[i] == 2) + { + if (nums[i + 1] != 2 ) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +cd6e1774f80427742df2f9e1f332aaf4e6c1f25e,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length - 1; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +5e98dd5511fed7829bbc216d35d62c18923d0f8d,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +d780c919243ac8e47565501dc30b84be6ab92dea,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + else (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +983c1ec53f0a3b9de6ddce62fbad06a9f135ff13,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +270f2fa54dbafa43e716a70bb8bda394e4e5cc28,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + } + if (length == 0) + { + return true; + } + if (length == 1) + { + if (nums[0] ==2) + { + return true; + } + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +da00accd4526621679d2482f74083c12f301098f,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + if (length == 1) + { + if (nums[0] ==2) + { + return true; + } + } + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +e8b46dd97e6be530cb5c8f62ae1433154e46ffcc,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + if (length == 1) + { + if (nums[0] ==2) + { + return false; + } + } + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +cb5335d3b92d46f8a24605989904e7ba1c0bd462,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + int counter = 0; + if (length == 1) + { + if (nums[0] ==2) + { + return false; + } + } + for (int i = 0; i < length; i++) + { + if (i == 0) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + counter++; + } + } + else if (i == length - 1) + { + if (nums[length - 1] == 2 && nums[length - 2] != 2) + { + counter++; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i -1] != 2) + { + counter++; + } + } + } + } + if (length == 0) + { + return true; + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +} +" +6fb384aed1afccc7ad11880d0028a54a3fc77b9f,"public boolean twoTwo(int[] nums) { + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +195deedef1578246272c560940ff68a98d45f210,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + x = true; + } + } + return x; +} +" +77944f841bd5890959dd0cb34dd744148f4454d3,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + x = true; + } + else + { + x = false; + } + } + return x; +} +" +88915e33e1086b1285747b9f46002089f67948ea,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + } + else + { + x = false; + } + } + } + return x; +} +" +657468d2dc309c2b5cc14d50d68c41b73834f163,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + return x; +} +" +a2684fd886c53189708ff412041b3627f242d28f,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + return x; +} +" +d48b5a5aff992a5d450efd4776e30a3ab4efddf5,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + if (nums[i] == 2) + { + x = true; + i++; + } + else + { + x = false; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + } + return x; +} +" +f0339613a2d9dbcfd677d9a269e208b26edce4ac,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + if (nums[i] == 2) + { + x = true; + i++; + } + else + { + x = false; + } + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + } + return x; +} +" +3b17e8f0978a7657cc3dfd63ff9c466c104cef0f,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + if (nums[i] == 2) + { + x = true; + i++; + } + else + { + x = false; + } + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + } + return x; +} +" +a44b51d4797ce78fadcf2df89d327bba2cd4d0a6,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + break; + } + if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + if (nums[i] == 2) + { + x = true; + i++; + } + else + { + x = false; + } + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + } + return x; +} +" +f4bfa4b74055f58053fdc2786bac7354334c89b0,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + if (nums[0] == 2) + { + x = false; + } + break; + } + if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + if (nums[i] == 2) + { + x = true; + i++; + } + else + { + x = false; + } + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + } + return x; +} +" +ec45163d2164889ab194a686bc8a5e471c4f1b24,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + if (nums[0] == 2) + { + x = false; + } + break; + } + if (i == nums.length - 1) + { + if (nums[i - 1] == 2) + { + if (nums[i] == 2) + { + x = true; + i++; + } + else + { + x = false; + } + } + else + { + x = false; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i + 1] == 2) + { + x = true; + i += 2; + } + else + { + x = false; + } + } + } + } + return x; +} +" +c8b7344877406cf26d9ee43dca2a22efa5e0760d,"public boolean twoTwo(int[] nums) +{ + + + if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + + } + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +969b2346d875e4034479415cb631aacf7041f3fb,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + + } + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +213fd478483114244944dac5fbb3d4d19263069c,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2))) + { + return false; + } + + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + + return true; + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + + } + + } + return true; + + + /*if (nums.length < 2 && nums[0] != 2 ) + { + return true; + } + else if (nums.length >= 2) + { + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + + else if (nums[nums.length - 1] == 2) + { + return false; + } + } + + + + } + return false;*/ +} +" +d4c902e977c2b1bf9dda0a8c41cbce1072f42ca7,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] ==2) || (nums.length -1 > i && nums[i +1] ==2) + { + two = true; + } + else + { + two = false; + } + } + + } + return two; +} +" +6ee02a2622f5e1b2eef8c939f78031a9cd63d6b7,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] ==2) || (nums.length -1 > i && nums[i +1] ==2)) + { + two = true; + } + else + { + two = false; + } + } + + } + return two; +} +" +69be0a0eb437db744f854616645f191ac890475f,"public boolean twoTwo(int[] nums) +{ + for(int i=0;i= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +9d3dd9af2bc3a6488cb72a00a4262b1e9e1fc9eb,"public boolean twoTwo(int[] nums) +{ + return true; +} +" +3b1e90c02276973acdb470a72719fe7ff087531d,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] != null && nums[i + 1] == 2) + { + return true; + } + } + return false; +} +" +1f4c1372039f6042934516e4f2821070ea583d19,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } + return false; +} +" +fde12368e468a86c62372f5d6d42fecf69a10d67,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + } + else if(nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + if (a != 0) + { + return true; +} +} +" +578448d37b5be5dcf9a9e2b75f076d9164b97c62,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + } + else if(nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + if (a != 0) + { + return true; + } + return false; +} +" +17c5234b3959ffe623d29e43ebaf5ac607f2ff21,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + } + else if(nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + if (a != 0) + { + return true; + } + return true; +} +" +0f89b4904424eeca419b1f498c4847a122c3adc0,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + if (a != 0) + { + return true; + } + return false; +} +" +cfda7aae60658249b81f1d6b50f37e24943fd838,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && nums[i+1] == null && nums[i + 1] != 2) + { + return false; + } + } + if (a != 0) + { + return true; + } + return false; +} +" +3ecfa0303f072d6b4cab360e5425009818c4481f,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1 || nums[i + 1] != 2) + { + return false; + } + } + if (a != 0) + { + return true; + } + return false; +} +" +72fdf6b339c6e9c86c092151d167bc7d91b40120,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return false; +} +" +a07d18f83cd27b43047f149d9b76e3d9ecaca2e0,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return false; +} +" +210d802b63e82032c4c0a0d0c4c5ee3282cc7d7c,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return true; +} +" +f6a3c2319cd341eb9e36cbd3d05475bf6165f91b,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1 || nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return true; +} +" +421e095943dd294b3cd898a3929f1003f64d6237,"public boolean twoTwo(int[] nums) +{ + int a = 0; + if(nums[nums.length - 1] == 2 && nums[nums.length - 2]) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1 || nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return true; +} +" +8be0f75b61dcc402dc6695cadc5d36ca41553cea,"public boolean twoTwo(int[] nums) +{ + int a = 0; + if(nums[nums.length - 1] == 2 && nums[nums.length - 2] ==2 ) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1 || nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return true; +} +" +f5f675f5e8e4c26e1ffc70cb405189a2c768b651,"public boolean twoTwo(int[] nums) +{ + int a = 0; + if(nums.length > 2 && nums[nums.length - 1] == 2 && nums[nums.length - 2] ==2 ) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1 || nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return true; +} +" +f5cccf3be0bb9ab7543c743ddc9379cfd09ce164,"public boolean twoTwo(int[] nums) +{ + int a = 0; + if(nums.length > 2 && nums[nums.length - 1] == 2 && nums[nums.length - 2] ==2 ) + { + return true; + } + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && i != nums.length - 1 && nums[i + 1] == 2) + { + a = a + 1; + i = i + 1; + } + else if(nums[i] == 2 && i == nums.length - 1 || nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + + } + if (a != 0) + { + return true; + } + return true; +} +" +94c4c0643df525609c5c53ca70c53ea4a91f8c6e,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i+1] == 2)) + { + two = true; + } + else + { + two = false; + } + } + } + return two; +} +" +c97f05f0182f4cd0f9459f7e6d89f26e73fb71e0,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + } + return true; + } + +} +" +75afb32a68687bfbfda30f5ef2f88fc654cda662,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + } + } + return true; + +} +" +497cd70dcc9a6a230dd580ba1b5a245ceee54f99,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + i++; + } + } + } + return true; + +} +" +7e58c38f0e25623be9b3c95338c6b605e12796b0,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + } + } + return true; + +} +" +bb18285517c5f01fcc543f1230b7b6be70d5a6dc,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + continue; + } + } + return true; + +} +" +011052b67612e3aa81b95ed4ee7a29fee83fac70,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + else + { + continue; + } + } + } + return true; + +} +" +275dd6a43f5a6eaf6b34243607f4dab557db1044,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + else + { + i += 2; + } + } + } + return true; + +} +" +d39f203c18c991d1b93caeeef3b3ad630e1f23f9,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +aecfa4f783169aad9f83b89bf664cfaedc782fbb,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +7b5f5f48bd0c7602ac996a16f9c481e625750346,"public boolean twoTwo(int[] nums) +{ + boolean truth = false; + for(int i = 0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +e39a25aaad84b1961772be00d43af043549c8980,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + two = true; + } + } + return two; +} +" +a33663396413953ebf49a5d62f50836601b21d70,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + two = true; + } + if (nums[i] == 2 && nums[i + 1] != 2) + { + two = false; + } + } + return two; +} +" +e8992feaa684cdb59cf702cb1dce9d616f5a069f,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + two = true; + } + } + return two; +} +" +6d122acbd98802c81f4cacaaeedb2b57ed9b306e,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + for (int j = nums[i + 1]; j < nums.length - 1; j++) + { + if (nums[j] == 2 && nums[j + 1] == 2) + { + twoo = true; + } + } + } + } + return two; +} +" +3242fc3f1cd62ac9feb3572297c46ef44717aaae,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + for (int j = nums[i + 1]; j < nums.length - 1; j++) + { + if (nums[j] == 2 && nums[j + 1] == 2) + { + two = true; + } + } + } + } + return two; +} +" +5d9d0582a0646b9702a918bcb803c996a54cc483,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + for (int j = nums[i + 2]; j < nums.length - 1; j++) + { + if (nums[j] == 2 && nums[j + 1] == 2) + { + two = true; + } + } + } + } + return two; +} +" +3c76620e290428f1cf6c4be08daf49fad906a252,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; +} +" +cba674581d6b21098de7c684abaf0d620bbf7ef1,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for (int i = 1; i < nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +3ab9f9adc61958064c910ea57e73f9d533db19e0,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2) || (nums[nums.length - 2] == 2 && nums[nums.length - 1] != 2) )) + { + return false; + } + for (int i = 1; i < nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +6cd26fce8bb504770c8fe1d5fecf311f43496ffc,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for (int i = 1; i < nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +bfbafad2141cecf733ecb30b6c4fe4c42e3c2b77,"public boolean twoTwo(int[] nums) +{ + boolean boo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + boo = true; + i++; + } + } + else + { + boo = false; + } + } + return boo; +} +" +3c03b0963ddc7c2aa8a47f11124fdba08b29059d,"public boolean twoTwo(int[] nums) +{ + boolean boo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + boo = true; + i++; + } + else + { + boo = false; + } + } + + } + return boo; +} +" +d9967dd390341044128191daa1844cdc447cbcae,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (num[i] == 2) + { + if (num[i - 1] != 2 && num[i + 1] != 2) + { + return !x; + } + } + } + return x; +} +" +abc855468a9162cf07e0cafb5f71062ad78f310e,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + } + return x; +} +" +64731a523f92b4b744d7eccad9d1911c464b63c8,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + return !x; + } + } + } + return x; +} +" +70ab7e0325db4a36882e48f0acc885d1ee44a72f,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] == 2 && nums[i + 1] == 2) + { + return !x; + } + } + } + return x; +} +" +99678d3a77b2de2f8aed407e7921390a0f0fae0d,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + return !x; + } + } + } + return x; +} +" +7c5799cc57014238ad1345db7117959c85163705,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + } + return x; +} +" +1ec69fe5dfc05d477339470bcac3c0177dd05a49,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +edb8f520d1b93cf1879ef5e28a3fd5e0586d1360,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + if (nums.length <= 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + else if (nums.length == 1) + { + return !x; + } + } + } + return x; +} +" +ba43be26712d9ca7b80737a637b3229602073c57,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums.length <= 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + else if (nums.length == 1) + { + return !x; + } + } + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +2ac26b3daf2f74858dba5ae9ff43e1428b1d563d,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums.length <= 2) + { + if (nums[i - 1] != 2 || nums[i + 1] != 2) + { + return !x; + } + else if (nums.length == 1) + { + return !x; + } + } + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +1ef352aca565538cf605852d1996b845d44c3217,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums.length <= 2) + { + if (nums[0] != 2) + { + return !x; + } + } + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +ccd9f29a6ea9b704639b9d3a9ff9f93c42d46771,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums.length <= 2) + { + if (nums[i] != 2) + { + return !x; + } + } + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +67fbe87b7d2b6ad899b8347f83f7f560780722f5,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums.length < 2) + { + if (nums[i] != 2) + { + return !x; + } + } + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +4117a56499e48b1f8e83ae476a5b11c630ed972e,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + if (nums.length < 2) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2) + { + return !x; + } + } + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +9ff1c373ce8f310c23abd50ca3255d7d198f07aa,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + if (nums.length <= 2) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2) + { + return !x; + } + } + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +001eb7b45c7e58aa2cd7598b8662bf84e7161b28,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +3382851a1c8fc7b3a59dc6cb31f75b12bea52929,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return x; + } + } + return x; +} +" +cad4f5f6bcab8b4d28aebfdc49ce9fd571f9a1ed,"public boolean twoTwo(int[] nums) +{ + boolean x = false; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return x; + } + if (nums[i] == 2) + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + return !x; + } + } + } + return x; +} +" +141af2d9c202e84137224c3ebdf784fa79e9c719,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + } + return x; +} +" +ae806564baa3ca268e8afb14735ace3d81de0305,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +ffe213be22b9fc9dbfe0c91f06a1d00c69fb3276,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + if (nums.length <= 2) + { + if (nums[0] != 2) + { + return !x; + } + } + } + return x; +} +" +ec7dd3a927853f1d5274a41ec11ed7157ae0aed6,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + if (nums.length <= 2) + { + if (nums[0] != 2) + { + return !x; + } + } + return x; +} +" +a8a3f9341c434382e8f9c932f16f24cdeb2c9cee,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +0019ef75e1ae4cbc101041d2770de73823677c08,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +416a4a7c207efdbb534ddc2626f6168abf972496,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + } + return x; +} +" +d05529a2ddb1cfc9bbc5f8cd0d2a6ec604751340,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +9ff8c9005551e29a39cbc7d597f74fcbabe2e37b,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums.length == 1) + { + return !x; + } + } + return x; +} +" +4c5394c871190aea340224fc2a117651b430ec98,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +6ab7096cc18f2aad3434afa53b309d1500864b1f,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums[0] == 2 && nums.length == 1) + { + return !x; + } + } + return x; +} +" +01a974e8f543083bdb9efe91b6d823833ac74f8f,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums[nums.length - 1] == 2 && nums.length == 1) + { + return !x; + } + } + return x; +} +" +f9cac414a7bc0427632b21c8888b4d4b343627f2,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums.length == 1 && nums[nums.length - 1] == 2) + { + return !x; + } + } + return x; +} +" +5db11c9dd228c0209d97ac1abc5fdde1ecab4a45,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums.length != 1) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums.length == 1 && nums[nums.length - 1] == 2) + { + return !x; + } + } + return x; +} +" +52818586cb83094a49e81893cc9476375c76d2a8,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums.length != 1) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums.length == 1 && nums[0] == 2) + { + return !x; + } + } + return x; +} +" +cb5d4ed2baf615341cf224bbe96b1c84e88a7e23,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums.length != 1 && nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + else if (nums.length == 1 && nums[0] == 2) + { + return !x; + } + } + return x; +} +" +deea8a7121b8c46aa1cde439a145b192a269ab01,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + else if (nums.length == 1) + { + return !x; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +6556d52243de886736be0e2d0fce9a271a1be1f3,"public boolean twoTwo(int[] nums) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i > 0 && nums[i - 1] != 2) && (nums[i + 1] != 2 && i < nums.length - 1)) + { + return !x; + } + else if (nums.length == 1) + { + return !x; + } + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return !x; + } + } + return x; +} +" +ec22afbf151c8bde88545d6ac225180bb8428850,"public boolean twoTwo(int[] nums) +{ + boolean val = false; + for (int i = 0; i < nums.length; i++) { + if ((nums[i] && nums[i + 1]) == 2) { + val = true; + } + else { + val = false; + break; + } + } + return val; +} +" +5ece748c997667fa6f764831310ae08da8e43a55,"public boolean twoTwo(int[] nums) +{ + boolean val = false; + for (int i = 0; i < nums.length; i++) { + if ((nums[i] == 2) && (nums[i + 1] == 2)) { + val = true; + } + else { + val = false; + break; + } + } + return val; +} +" +6b2b3def86d672057891d11b1ae8c846a798d87f,"public boolean twoTwo(int[] nums) +{ + boolean val = false; + for (int i = 0; i < nums.length; i++) { + if ((nums[i] == 2) && (nums[i + 1] == 2)) { + val = true; + } + else if ((nums[i] == 2) && (nums[i+1] != 2)) { + val = false; + break; + } + } + return val; +} +" +db2d1b8cb3b0063087a879c644dd59ed624e1dbd,"public boolean twoTwo(int[] nums) +{ + boolean val = false; + for (int i = 0; i < nums.length - 1; i++) { + if ((nums[i] == 2) && (nums[i + 1] == 2)) { + val = true; + } + else if ((nums[i] == 2) && (nums[i+1] != 2)) { + val = false; + break; + } + } + return val; +} +" +d90c03afafa67d13611c4860c30d90a0a46b0003,"public boolean twoTwo(int[] nums) +{ + boolean val = false; + for (int i = 0; i < nums.length - 1; i++) { + if ((nums[i] == 2) && (nums[i + 1] == 2 || nums [i-1] == 2)) { + val = true; + } + else if ((nums[i] == 2) && (nums[i+1] != 2)) { + val = false; + break; + } + } + return val; +} +" +5f9a6734b831bbf5702a4fcb92338c9fd65740c0,"public boolean twoTwo(int[] nums) +{ + boolean truth = false; + for(int i = 0; i 0 && i < nums.length) + { + if (nums[i + 1] != 2) + { + counter++; + } + if (nums[i - 1] != 2) + { + counter++; + } + } + } + } + if (counter > 0) + { + return false; + } + else + { + return true; + } +}" +9dee2ac92add9bdfb8a4829e728ddf90618aadfc,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +5d5562c2800c66e6c4d50ef0475f87b08826a85c,"public boolean twoTwo(int[] nums) +{ + boolean twoMode = false; + int twoCounter = 0; + int twoModeCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + counter++; + } + if (twoMode) + { + if (nums[i] ==2) + { + twoModeCounter++; + } + } + else if (nums[i] == 2) + { + twoMode = true; + } + } + return twoCounter - twoMode == 1; +} +" +ba90a992b6269e4c7d154fe2d7e3a9f1affaad84,"public boolean twoTwo(int[] nums) +{ + boolean twoMode = false; + int twoCounter = 0; + int twoModeCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twoCounter++; + } + if (twoMode) + { + if (nums[i] ==2) + { + twoModeCounter++; + } + } + else if (nums[i] == 2) + { + twoMode = true; + } + } + return twoCounter - twoMode == 1; +} +" +0f2075e0a29ba3e486346cd7ee348b711af5d519,"public boolean twoTwo(int[] nums) +{ + boolean twoMode = false; + int twoCounter = 0; + int twoModeCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twoCounter++; + } + if (twoMode) + { + if (nums[i] ==2) + { + twoModeCounter++; + } + } + else if (nums[i] == 2) + { + twoMode = true; + } + } + return (twoCounter - twoMode) = 1; +} +" +f56d7ac3d9b73f2929ffe0d98da1681ce43fcfbc,"public boolean twoTwo(int[] nums) +{ + boolean twoMode = false; + int twoCounter = 0; + int twoModeCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twoCounter++; + } + if (twoMode) + { + if (nums[i] ==2) + { + twoModeCounter++; + } + } + else if (nums[i] == 2) + { + twoMode = true; + } + } + if (twoCounter - twoMode == 1) + { + return true; + } + else + { + return false; + } +} +" +46141907eaf6fe60f1d1678a404ade5bca389f5b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +c74a3f0dd4120cc86aa5d9eadaa659233f87fb5c,"public boolean twoTwo(int[] nums) +{ + boolean twoMode = false; + int twoCounter = 0; + int twoModeCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twoCounter++; + } + if (twoMode) + { + if (nums[i] ==2) + { + twoModeCounter++; + } + } + else if (nums[i] == 2) + { + twoMode = true; + } + } + if (twoCounter-5 == 1) + { + return true; + } + else + { + return false; + } +} +" +0bb69700612db6a791cb41353e613d533ecb79e5,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +19bebfbe2c4017a2f45744179a874ceb87edc045,"public boolean twoTwo(int[] nums) +{ + boolean twoMode = false; + int twoCounter = 0; + int twoModeCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + twoCounter++; + } + if (twoMode) + { + if (nums[i] ==2) + { + twoModeCounter++; + } + } + else if (nums[i] == 2) + { + twoMode = true; + } + } + if (twoCounter-twoModeCounter == 1) + { + return true; + } + else + { + return false; + } +} +" +d434f3024b297fa7183af20a160467a3d91b6a86,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +513307294ca6a08aa986d83d1b58e1a8cc3ee6b0,"public boolean twoTwo(int[] nums) +{ + boolean ht = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + ht = true; + i++; + } else { + ht = false; + } + } + } + return ht; +} +" +f223e0c58126ed15fcce612e31839e5f88db5efe,"public boolean twoTwo(int[] nums) +{ + boolean isStillTrue = false; + for(int i = 0; i< nums.length; i++0) + { + if(nums[i] == 2) + { + if(i + 1 < nums.length) + { + if(nums[i + 1] == 2) + { + isStillTrue = true; + } + else + { + isStillTrue = false; + } + } + } + } + return isStillTrue; +} +" +ba9dca487222c247136dc064175ff17d8ea89118,"public boolean twoTwo(int[] nums) +{ + boolean isStillTrue = false; + for(int i = 0; i< nums.length; i++) + { + if(nums[i] == 2) + { + if(i + 1 < nums.length) + { + if(nums[i + 1] == 2) + { + isStillTrue = true; + } + else + { + isStillTrue = false; + } + } + } + } + return isStillTrue; +} +" +823345ef03f4995c1d3d1fb722311bf2167fb5ec,"public boolean twoTwo(int[] nums) +{ + boolean isStillTrue = true; + for(int i = 0; i< nums.length; i++) + { + if(nums[i] == 2) + { + if(i + 1 < nums.length) + { + if(nums[i + 1] == 2) + { + isStillTrue = true; + } + else + { + isStillTrue = false; + } + } + else + {return true;} + } + } + return isStillTrue; +} +" +a087047109ace6439be925ee133a403e424fbc64,"public boolean twoTwo(int[] nums) +{ + boolean isStillTrue = true; + for(int i = 0; i< nums.length; i++) + { + if(nums[i] == 2) + { + if(i + 1 < nums.length) + { + if(nums[i + 1] == 2) + { + isStillTrue = true; + } + else + { + isStillTrue = false; + } + } + + } + } + return isStillTrue; +} +" +94e758c1a36db54a52709333fa3c94faed24273a,"public boolean twoTwo(int[] nums) +{ + boolean isStillTrue = true; + for(int i = 0; i< nums.length; i++) + { + if(nums[i] == 2) + { + if(i + 1 < nums.length) + { + if(nums[i + 1] == 2) + { + isStillTrue = true; + i++; + } + else + { + isStillTrue = false; + } + } + + } + } + return isStillTrue; +} +" +054f4755f36f743f1897bfe0f79541d147dcfdd9,"public boolean twoTwo(int[] nums) +{ + boolean isStillTrue = true; + for(int i = 0; i< nums.length; i++) + { + if(nums[i] == 2) + { + if(i + 1 < nums.length) + { + if(nums[i + 1] == 2) + { + isStillTrue = true; + i++; + } + else + { + isStillTrue = false; + } + } + else + {return false;} + + } + } + return isStillTrue; +} +" +ee46079c7240491f556aa0a7e29ec3da0f928cf1,"public boolean twoTwo(int[] nums) +{ + return true; +} +" +92c5b60422d2a54e9e8910cda3c2bd1ed7295988,"public boolean twoTwo(int[] nums) +{ + if (nums.length() < 2) + { + return false; + } + return true; +} +" +6fe69d55f1afba09ff1aa490a3c5c51b82b7b506,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + return true; +} +" +410df669f2cd6ab38bb2199985132adbd05ce677,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +fc2297a07fd9bce2cd43c83b1c730696654e2b0b,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } + } + return false; +} +" +27cb0491d64fb59fbdc171a99a6cf608631269d3,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } + } + return false; +} +" +58a1d66d7b572107d21a9edec47e1c5873732fbf,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +4009813fb78b309b66a68e89ee4f49ae2b28f118,"public boolean twoTwo(int[] nums) +{ + int pos = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + i++; + if (!(i < (nums.length)) || nums[i] !=2) + return false; + while(i < nums.length && nums[i] == 2) + i++; + } + } + return true; + +} +" +13feb12a20ea7895f4e39b2bbe745cc113fd891f,"public boolean twoTwo(int[] nums) +{ + int len = nums.length; + boolean result = true; + boolean found = false; + for(int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +3efe36b6c8078ca88c39d41af7149562033cc635,"public boolean twoTwo(int[] nums) +{ + int c = 0; + //odd even wont work + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 2) + { + if(nums[i+1] != 2) + c++; + } + } + if(c == 0) + return true; + return false; +} +" +5f3ce73216f2447c5df5aad149eb8fd820983aad,"public boolean twoTwo(int[] nums) +{ + int c = 0; + //odd even wont work + for(int i = 0; i < nums.length - 1; i=i+2) + { + if(nums[i] == 2) + { + if(nums[i+1] != 2) + c++; + } + } + if(c == 0) + return true; + return false; +} +" +81517af214cd140e086ec19f9384374fb6090150,"public boolean twoTwo(int[] nums) +{ + int c = 0; + //odd even wont work + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 2) + { + if(nums[i+1] != 2) + c++; + } + } + if(c == 0) + return true; + return false; +} +" +56c1d03bc6afd67340daa124a55555c95252ed89,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + } + return true; +} +" +be0c5c551c4328987e8022b074daad0ed2172980,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + //if(nums.length == 2) + //{ + if (nums[0] == 2 && nums[1] != 2) + return false; + //if(nums.length) + //} + if(nums.length > 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + } + return true; +} +" +f2d1801939467d0f68aa1497061e34cba779ea89,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 0) + return true; + if(nums.length == 1 && nums[0] == 2) + return false; + //if(nums.length == 2) + //{ + if (nums[0] == 2 && nums[1] != 2) + return false; + //if(nums.length) + //} + if(nums.length > 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + } + return true; +} +" +c1bf928e996f360a493965903a3305fa075a8bcc,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 0) + return true; + if(nums.length == 1 && nums[0] == 2) + return false; + //if(nums.length == 2) + //{ + if (nums.length == 2 && nums[0] == 2 && nums[1] != 2) + return false; + //if(nums.length) + //} + if(nums.length > 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + } + return true; +} +" +73046b851ecd1c68aa710b29b5d08c8255590d0d,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 0) + return true; + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length == 2) + { + if (nums[0] == 2 && nums[1] != 2) + return false; + if(nums[0] != 2 && nums[1] == 2) + return false; + } + if(nums.length > 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + } + return true; +} +" +1f4c1797c21762d15de5aaa00230a70ce66ede4d,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 0) + return true; + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length == 2) + { + if (nums[0] == 2 && nums[1] != 2) + return false; + if(nums[0] != 2 && nums[1] == 2) + return false; + } + if(nums.length > 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + if(nums[i] != 2 && nums[i-1] == 2 && nums[i+1] == 2) + retrun false; + } + } + return true; +} +" +10df6d2b44b48719546b0563ba8bebdc467acfcf,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 0) + return true; + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length == 2) + { + if (nums[0] == 2 && nums[1] != 2) + return false; + if(nums[0] != 2 && nums[1] == 2) + return false; + } + if(nums.length > 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + if(nums[i] != 2 && nums[i-1] == 2 && nums[i+1] == 2) + return false; + } + } + return true; +} +" +e7b3ea9363b89c742794d378c83db7445a583af9,"public boolean twoTwo(int[] nums) +{ + + boolean result=false; + for(int i=0;i 2) + { + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + if(nums[i] != 2 && nums[i-1] == 2 && nums[i+1] == 2) + return false; + } + } + return true; + +} +" +b1e12037cdf0253ee3fcd68730bda122edcd4775,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +05a05e4f87ab565333c8faee79d6b3d12ab8b659,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +96cd7947524632a6b6a643094bc420a0524ddd2c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + count++; + } + else + { + if(state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +54e8d733e91a15a740f7a7e802894add4c55a348,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + count++; + } + else + { + if(count == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +b770d25c4f4c2af6de82138aaba01dcbcf67208c,"public boolean twoTwo(int[] nums) +{ + boolean nextTo = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + nextTo = false; + } + } + } + return nextTo; +} +" +a2121e5ceff6ace0109ef9a1d66a31c73065122d,"public boolean twoTwo(int[] nums) +{ + boolean nextTo = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + nextTo = false; + } + i++; + } + } + return nextTo; +} +" +25d7b139c02c2992b5f0a0ccd04465f3f24958d4,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +a84d674601c566692a16b62f544ba484e47e3beb,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + return true; +} +" +54445cb2dfb4955fe46854dd35be42f7299f9420,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + if (nums[nums.length - 1] = 2) + { + return false; + } + return true; +} +" +911eef45b8770cb3a681f2d5c351b9c2226fe4d7,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + if (nums[nums.length - 1] == 2) + { + return false; + } + return true; +} +" +8533d32586201e5bf9f95283238c719512023588,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + if (nums[nums.length - 2] == 2 && nums[nums.length - 1] != 2) + { + return false; + } + return true; +} +" +d981409b18ffca2366b2bf8e8451b35a578648c1,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + if (nums[nums.length - 2] != 2 && nums[nums.length - 1] == 2) + { + return false; + } + return true; +} +" +7c9cfe958e5c19188cfc8aa337d61e7e21adc0a0,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + return true; +} +" +9ba9d8618a99bf06f7c45d5ee796bf2c7bcc2325,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + if (nums. length >= 2 && nums[nums.length - 2] != 2 && nums[nums.length - 1] == 2) + { + return false; + } + return true; +} +" +1f9849a8d4fb0429df6b5777275e29f3f9e6af49,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + i++; + } + } + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums. length >= 2 && nums[nums.length - 2] != 2 && nums[nums.length - 1] == 2) + { + return false; + } + return true; +} +" +2daaadaace42c6cb48706a6505c372fbd8201949,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +1f8dfa07494246c497fb5efd26418b47076b7aa5,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +3a3ee50085ec0c975ee3df57bd907e4a68779b42,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +c05d735f81719c286822800c7244692e4fa0ccce,"public boolean twoTwo(int[] nums) +{ + int index =0; +for (int i=0; i<(nums.length); i++) +{ +if(nums[i]==2) +{ +i++; +if(!(i<(nums.length)) || nums[i] !=2) return false; +while(i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +6a05e76111031f8e9d59ffc580cc0336973a6329,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + boolean result = true; + int i = 0; + while (i < length) + { + if (nums[i] == 2) + { + if (i < length - 1 && nums[i + 1] != 2) + { + result = false; + } + else if (i == length - 1) + { + result = false; + } + i = i + 2; + } + else + { + i++; + } + } + return result; +} +" +2298f85a72e41e1fb191ef795fcda3d6404b71fd,"public boolean twoTwo(int[] nums) +{ + for (int i = 0 i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + continue; + } + else + return false; + } + } + return true; +} +" +f722693cf2d8e4fbd8ffddf98007131cf17c09fa,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + continue; + } + else + return false; + } + } + return true; +} +" +9a2446ce0df37c264863bb580af39a03e1ec9b31,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +837aebfcef3ec0ba723e57a679f8d933c7e538ce,"public boolean twoTwo(int[] nums) +{ + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +9a42b7275c6be84e03651c2274af5aafd1ccaf11,"public boolean twoTwo(int[] nums) +{ + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + if (nums.length == 0) + return true; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +9a879beffd56214019027421fca3324210068adb,"public boolean twoTwo(int[] nums) +{ + boolean isTrue = false; + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if (nums.length > 1 && i < nums.length-1 && nums[i+1] == 2) + isTrue = true; + else if (nums.length > 1 && i > 0 && nums[i-1] == 2) + isTrue = true; + else + return false; + } + } + return true; +} +" +74127c6b0a88d6d29f91cd1ab0bbf9ad22102f55,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +e25d2829c8e80300a15684ea463f87eaee0d8cb8,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +77467bc615284f736fcd4106228d28e7bcc0e504,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + if (nums[0] == 2 && nums[1] == 2 && nums[2] == 2 && nums.length == 3; + return true; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +8c5c60a80bfdc6f9da72501d2b7edca27d10b7a3,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + if (nums[0] == 2 && nums[1] == 2 && nums[2] == 2 && nums.length == 3); + return true; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +6e8db3f1dd0fa08992b2c953a2ddd4219e0181a8,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + if (nums[0] == 2 && nums[1] == 2 && nums[2] == 2 && nums.length == 3){ + return true; + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +9b60e630f662aa56d1b1013a7513060d7e1554b6,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return true; + if (nums[0] == 4 && nums[1] == 2 && nums[2] == 2 && nums[3] == 2){ + return true; + } + if (nums[0] == 2 && nums.length == 1){ + return false; + } + if (nums[0] == 2 && nums[1] == 2 && nums.length == 2){ + return true; + } + if (nums[0] == 2 && nums[1] == 2 && nums[2] == 2 && nums.length == 3){ + return true; + } + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 2){ + if (i + 1 < nums.length && nums[i + 1] == 2){ + i++; + } + else + return false; + } + } + return true; +} +" +4af3a592f57c04ef8f045d1434d669597c61a5cd,"public boolean twoTwo(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + total++; + } + else + { + if(state == 1) + { + return false; + } + else + { + total = 0; + } + } + } + return (total != 1); +} +" +58934913071385a4d52d311adcbe3837f15471ee,"public boolean twoTwo(int[] nums) +{ + boolean on; + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (on && nums[x + 1] != 2) + { + return false + } + } + return true; +} +" +4eb2aae1b8213650a362ac88229c9d9bc1aad56c,"public boolean twoTwo(int[] nums) +{ + boolean on; + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (on && nums[x + 1] != 2) + { + return false; + } + } + return true; +} +" +9f23aaf3938c23e38037f0dc648cd1aa08b7d5f7,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + boolean result = true; + int i = 0; + while (i < length) + { + if (nums[i] == 2) + { + if (i < length - 1 && nums[i + 1] != 2) + { + result = false; + } + else if (i == length - 1 && nums[i - 1] != 2) + { + result = false; + } + i = i + 2; + } + else + { + i++; + } + } + return result; +} +" +9e5a8ee63bd325a7ef2ec5dd76deb3218ffb8982,"public boolean twoTwo(int[] nums) +{ + boolean on; + boolean wasOn = false; + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (x - 1 >= 0) + { + wasOn = (nums[x - 1] == 2) + } + if (on && nums[x + 1] != 2 && nums[x] && wasOn) + { + return false; + } + } + return true; +} +" +191e8c4df47ca2e787348bfd0709458deae7f336,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + boolean result = true; + int i = 0; + if (length < 2) + { + result = false; + } + else + { + while (i < length) + { + if (nums[i] == 2) + { + if (i < length - 1 && nums[i + 1] != 2) + { + result = false; + } + else if (i == length - 1 && nums[i - 1] != 2) + { + result = false; + } + i = i + 2; + } + else + { + i++; + } + } + } + return result; +} +" +305c6ceb94bd4d9139b60a34ebc0a61babebac5f,"public boolean twoTwo(int[] nums) +{ + boolean on; + boolean wasOn = false; + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (x - 1 >= 0) + { + wasOn = (nums[x - 1] != 2); + } + if (on && nums[x + 1] != 2 && nums[x] && wasOn) + { + return false; + } + } + return true; +} +" +28ffaf44f8d18d187932086e9cf1a7245cfff2a1,"public boolean twoTwo(int[] nums) +{ + boolean on; + boolean wasOn = false; + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (x - 1 >= 0) + { + wasOn = (nums[x - 1] != 2); + } + if (on && (nums[x + 1] != 2) && wasOn) + { + return false; + } + } + return true; +} +" +e1f469a8ae5cd5c93681593663afc7b5ef594e67,"public boolean twoTwo(int[] nums) +{ + boolean on; + boolean wasOn = false; + if (nums.length < 2) + { + return false; + } + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (x - 1 >= 0) + { + wasOn = (nums[x - 1] != 2); + } + if (on && (nums[x + 1] != 2) && wasOn) + { + return false; + } + } + return true; +} +" +83e32fab582ddc28db698fa31588ec672133fa33,"public boolean twoTwo(int[] nums) +{ + boolean on; + boolean wasOn = false; + if (nums.length < 2 || nums.length == 0) + { + return false; + } + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (x - 1 >= 0) + { + wasOn = (nums[x - 1] != 2); + } + if (on && (nums[x + 1] != 2) && wasOn) + { + return false; + } + } + return true; +} +" +56328477e4609b561bf4b6f0c6f8e00ad6ed9e7d,"public boolean twoTwo(int[] nums) +{ + boolean partner = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + + return partner; +} +" +baa0308ed40ef6afd4f66afa628385f5596f3c93,"public boolean twoTwo(int[] nums) +{ + boolean on; + boolean wasOn = false; + if (nums.length < 2 ) + { + return false; + } + if (nums.length == 0 ) + { + return true; + } + for (int x = 0; x < nums.length - 1; x++) + { + on = (nums[x] == 2); + if (x - 1 >= 0) + { + wasOn = (nums[x - 1] != 2); + } + if (on && (nums[x + 1] != 2) && wasOn) + { + return false; + } + } + return true; +} +" +97126e961527f0502eca2c8519df3069f6e6ac13,"public boolean twoTwo(int[] nums) +{ + int length = nums.length; + boolean result = true; + int i = 0; + if (length == 0) + { + result = true; + } + else if (length == 1) + { + if (nums[0] == 2) + { + result = false; + } + } + else + { + while (i < length) + { + if (nums[i] == 2) + { + if (i < length - 1 && nums[i + 1] != 2) + { + result = false; + } + else if (i == length - 1 && nums[i - 1] != 2) + { + result = false; + } + i = i + 2; + } + else + { + i++; + } + } + } + return result; +} +" +39ecedb9757ae302870dd77d4760a970d1aa938d,"public boolean twoTwo(int[] nums) +{ + boolean partner = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + } + } + else + { + partner = false; + } + } + + return partner; +} +" +708603f399921b6448605d21c07c4f82bd12477d,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + } + } + else + { + partner = false; + } + } + + return partner; +} +" +0a2cb2322fe1c4e5c64bac985ff7391ec2860d07,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + } + } + + return partner; +} +" +cc4885c97438e057ef2d29b20f8337b54a1c3ad3,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + } + else + { + partner = false; + } + } + } + } + + return partner; +} +" +e8bfe61be85c919cb3ef7f8b2f89be27bbb6081f,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +a3967d5ecaab6f3e96608ce0bbbc4bd389afe821,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + } + } + + return partner; +} +" +4155a07319c5d33b81924321f03bbd2ba65b182f,"public boolean twoTwo(int[] nums) +{ + return false; + +} +" +39d34b9a36bb6a5112fdfb785b56d439f1674085,"public boolean twoTwo(int[] nums) +{ + return true; + +} +" +bee9f02bc628d2899a2a8598e0a5b17cecaedef8,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +2036bd7f37f875c4d8dd02979238a60cc38fc641,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + else + { + partner = false; + } + } + } + + return partner; +} +" +3ffd3dc58ce2f867f39e28fda4ad63efb3f6dc0b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +cab608f31f632c1f15994cd4a0005dfef4583320,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + else if (nums[i - 1] != 2) + { + partner = false; + } + } + } + + return partner; +} +" +fe00311223a0bce5064e31a32dde5c57020e1e39,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + else if ((i - 1) > 0 && nums[i - 1] != 2) + { + partner = false; + } + } + } + + return partner; +} +" +ed8e4f53b685d7fe3adf81d0e4ee59953b4fbe59,"public boolean twoTwo(int[] nums) +{ + boolean partner = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length) + { + if (nums[i + 1] == 2) + { + partner = true; + i++; + } + else + { + partner = false; + } + } + else if ((i - 1) > 0 && nums[i - 1] != 2) + { + partner = false; + } + } + } + + return partner; +} +" +c3fe94803b467f42e2d638da3d4f5ea7c24d46cd,"public boolean twoTwo(int[] nums) +{ + boolean twoPair = true; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return twoPair; + +} +" +9abb85fd2b139292ca8f02862d87e4b630da0f11,"public boolean twoTwo(int[] nums) +{ + boolean partner = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i + 1) < nums.length && nums[i + 1] == 2) + { + partner = true; + i++; + } + else if ((i - 1) > 0 && nums[i - 1] != 2) + { + partner = false; + } + else + { + partner = false; + } + } + } + + return partner; +} +" +fd6e9ba6ea056fbd64f652a16a0849c88df41fbb,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +4d314d2107567472131767a16885e5e7f5ec5b21,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + } +} +" +fb40243ad24cac867dbc477ec366e0682beccbe9,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +b4f5348d3cb73ae13ce90dab33c77e21090e4b71,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +f3e0a2f51f6bc943249e7fbbc702bcd50a688729,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return true; +} +" +c05a84fe2b46a7b3bc8ea7520e535ccb9cbb19df,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + return true; + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return true; +} +" +ce9be79a3c99e41674eb21d373e03cca6af97db1,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + return true; + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return false; +} +" +2f5b4a7a81c122dd76ac62c5df193340c6dc5620,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + return true; + /*if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false;*/ + } + } + return false; +} +" +74aceb189f47ca21f7aeeb120191d6328d9f2f01,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + return true; + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return true; +} +" +fbf628a49c069f0a7f36c64d608df153985f47fc,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return true; +} +" +9c674c781d05df51e7a15ed89bdb7630817dc0b0,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +6304850d8d42ffcc8da38802f858a1bb86b454ad,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && i == nums.length - 1) + return false; + else if (i == 0) + //check right + if (nums[i + 1] != 2) + return false; + else if (i == nums.length - 1) + //check left + if (nums[i - 1] != 2) + //return false; + else + //check both + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + return true; +} +" +40268633a3ff72930fe164e4f545fc6046275798,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +1718fac304956107015219797002b11d37291cb6,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + counter++; + } + else + { + if (state == 1) + { + return false; + } + else + { + counter = 0; + } + } + } + return (count != 1); +} +" +1360c243301b6d122139ea15c1e23e93c3cf1b84,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +a0c46fc70d3f018917d9d686adcaead96573d66c,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && i == nums.length - 1) + { + return false; + } + else if (i == 0) + { + if (nums[i + 1] != 2) + return false; + } + else if (i == nums.length - 1) + { + if (nums[i - 1] != 2) + return false; + } + else + { + if (nums[i + 1] != 2 && nums[i - 1] != 2) + return false; + } + } + } + return true; +} +" +be8ff5c4df101fbae260bff66e65d5ffb6f44777,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + counter++; + } + else + { + if (i == 1) + { + return false; + } + else + { + counter = 0; + } + } + } + return (count != 1); +} +" +2d4ee0cc3b40e0d86a8c61dc7a2e680111a13ba5,"public boolean twoTwo(int[] nums) +{ +} +" +64ade1a9abc77a35e5417320ff0e47b7f898cce7,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2))) + { + return false; + } + + for (int i = 1; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] !=2 && nums[i + 1] != 2) + { + return false; + } + } + + return true; +} +" +db70b085a45cf59f1920f0337ecb62926f6eca91,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +3a2bc0fdf9d4cd1a3033c99070394a88104e0b3c,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == 2 && nums[i + 1] == 2) + { + result = true; + } + } + + return result; +} +" +8766794acf8e55a132ce64922cc6377df1f9544d,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == 2 && nums[i + 1] == 2) + { + result = true; + } + else + { + result = false; + } + } + + return result; +} +" +3540a4ec11427a1081cb0855bebb582439e9d109,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 2) + { + continue; + } + if (i >= 1 && nums[i - 1] == 2) + { + continue; + } + if (i < (nums.length - 1) && nums[i + 1] == 2) + { + continue; + } + return false; + } + + return true; +} +" +542807e389dfc22761f591fec9559cd7f0ff729f,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + + for (int i = 0; i < nums.length; i+=2) + { + if (i + 1 < nums.length && nums[i] == 2 && nums[i + 1] == 2) + { + result = true; + } + else + { + result = false; + } + } + + return result; +} +" +a60e65a84289002194b92fe78947d69526756997,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == 2 && nums[i + 1] == 2) + { + result = true; + i++; + } + else + { + result = false; + } + } + + return result; +} +" +b0866ba877c2e581537159c15e42d352bbdd9ecb,"public boolean twoTwo(int[] nums) +{ + return true; +}" +dd7cc1772e0472bc0b687e707453fde6d56e62fd,"public boolean twoTwo(int[] nums) +{ + + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +df1be622eda53ad8d3f2dbceafacb80b4d75736c,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] = 2 && (x + 1 < nums.length || x - 1 > 0) && (nums[x + 1] != 2 || nums[x - 1] != 2)) + { + return false; + } + else + { + return true; + } + } +}" +4a303dd674c9bbfe85956bceade2787f1fb8e6d1,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] = 2) + { + if ((x + 1 < nums.length || x - 1 > 0) && (nums[x + 1] != 2 || nums[x - 1] != 2)) + { + return false; + } + } + else + { + return true; + } + } +}" +09b6577b6860ff15e50211197e21ae0003b0f24c,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length && nums[i] == 2 && nums[i + 1] == 2) + { + result = true; + } + else if (i - 1 > 0 && nums[i] == 2 && nums[i - 1] == 2) + { + result = true; + } + else + { + result = false; + } + } + + return result; +} +" +8388ca13c4e2588d5375b46e6f008aed3ec5b271,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if ((x + 1 < nums.length || x - 1 > 0) && (nums[x + 1] != 2 || nums[x - 1] != 2)) + { + return false; + } + } + else + { + return true; + } + } +}" +ac8b48fa5447ed47939ad4ac8b1511ef2ddc7777,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if ((x + 1 < nums.length || x - 1 > 0) && (nums[x + 1] != 2 || nums[x - 1] != 2)) + { + return false; + } + } + else + { + return true; + } + } + return true; +}" +e0105fe62366f571d0be13540cee3b51a8850243,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + return false; + } + else if (x - 1 > 0 && nums[x - 1] != 2) + { + return false; + } + } + else + { + return true; + } + } + return true; +}" +191a9238b537432564d2fafe981763331d0aabec,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = true; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] == 2 ) { + if (( i != 0 && nums[i-1] == 2) || ( i < nums.length - 1 && nums[i+1] == 2 )) { + twoTwo = true; + i++ + } + else + { + twoTwo = false; + } + } + return twoTwo; +} +" +d3e68742753bd5550be27b4cfd9657bf577b849b,"public boolean twoTwo(int[] nums) +{ + boolean twoTwo = true; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] == 2 ) { + if (( i != 0 && nums[i-1] == 2) || ( i < nums.length - 1 && nums[i+1] == 2 )) { + twoTwo = true; + i++; + } + else + { + twoTwo = false; + } + } + } + return twoTwo; +} +" +12d13acdafb902d6a1e4b1f72488fe5fe33d91a0,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + if (x - 1 > 0 && nums[x - 1] != 2) + { + return false; + } + } + } + else + { + return true; + } + } + return true; +}" +8bd92759cc3b935d197c40f995a5b95523e341ba,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + if (x - 1 > 0 && nums[x - 1] != 2) + { + return false; + } + } + } + return true; +}" +54f843dd809b3cf35ec0a10632022f24877a68d6,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + if (x - 1 > 0 && nums[x - 1] != 2) + { + return false; + } + } + } + } + return true; +}" +76bca7d4fb52f8d85a630bed114373b5b0ff0992,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +95ed5251acb88e3f2a3cc484e5a680b51e8ae87e,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + if (x - 1 > 0 && nums[x - 1] != 2) + { + return false; + } + } + else if (x - 1 > 0 && nums[x - 1] != 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + return false; + } + } + } + } + return true; +}" +397c1b48fc3062393f9afa0f60c7bfd433d1df93,"public boolean twoTwo(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] == 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + if (x - 1 > 0 && nums[x - 1] != 2) + { + return false; + } + } + else if (x - 1 > 0 && nums[x - 1] != 2) + { + if (x + 1 < nums.length && nums[x + 1] != 2) + { + return false; + } + } + else if (nums.length == 1) + { + return false; + } + } + } + return true; +}" +ad88ebcee6761bd5d621728deeead8706704d6be,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +789c4322e3dc8a261b411cc7a2c3d6bdb381368b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +3574d1c06a7f1dc5ec05450dff85cedbe80febae,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} + +" +281f548e5d4132d6f9f607bdbe7a0ae892d22b23,"public boolean twoTwo(int[] nums) +{ + boolean twos = false; + for (int i = 0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +de4d80e3e8df704745cca4de2cc26dab00f6a928,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +2063e2436b18e84d6f109d896f2e5b5b0b14c93c,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +a8a910230ffe7e06753d1958121a6292d0f12ccf,"public boolean twoTwo(int[] nums) +{ + Boolean two = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +552849b0c75eaaa0936a044e864dccec0368ec80,"public boolean twoTwo(int[] nums) +{ + Boolean two = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + two = false; + i = i + 2; + } + } + return two; +} +" +6b672c46d32ceb9c057c73547ab993852ad44263,"public boolean twoTwo(int[] nums) +{ + Boolean two = true; + for (int i = 0; i < nums.length; i++) + { + if (i != 0 && nums[i] == 2 && nums[i - 1] != 2) + { + two = false; + } + } + return two; +} +" +c8048417536749fff9e58917f12ee0bad0288f35,"public boolean twoTwo(int[] nums) +{ + Boolean two = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0 && nums[i] == 2 && (nums[i - 1] != 2 || nums[i + 1] != 2)) + { + two = false; + } + } + return two; +} +" +61f82d819ed02008ea7d45f70e7c86937eb58bc3,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[0] == 2 && nums.length < 1) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + } + else if (i == nums.length - 1) + { + if (nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i - 1] == 2) + { + } + else if (nums[i + 1] == 2) + { + } + else + { + return false; + } + } + } + } + return true; +} +" +d247ca39c0ff1dcf941586f08a04326fa6a27b3e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i == 0) + { + if (nums[0] == 2 && nums.length <= 1) + { + return false; + } + else if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + } + else if (i == nums.length - 1) + { + if (nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + } + else + { + if (nums[i] == 2) + { + if (nums[i - 1] == 2 || nums[i + 1] == 2) + { + } + else + { + return false; + } + } + } + } + return true; +} +" +5e2ca65789d477276f6be7968d8b3a2ace8f2aa2,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +34d861069b4e0164aed4169ec2f6451d71b1a7db,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2 1 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] != + 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; +} +" +d2cf5b2bc6a9be8c78e94a3b967e3847f84b498d,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length > 1 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] != + 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2 && nums[i - 1] != 2) + { + return false; + } + } + return true; +} +" +aa153f01b494540442c9f6d80a177f76f3b19751,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + i++; + return false; + } + else if (nums[i] != 2 && nums[i+1] == 2) + { + i++; + return false; + } + } + return true; +} +" +f72516d135511769ca19ab0f45820c3a58d1856d,"public boolean twoTwo(int[] nums) +{ + int i; + if (nums.length < 2) + return false; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + i++; + return false; + } + else if (nums[i] != 2 && nums[i+1] == 2) + { + i++; + return false; + } + } + return true; +} +" +b93f87a5b370d4d7c9801365e04a6c1cef46b8a2,"public boolean twoTwo(int[] nums) +{ + int i; + if (nums.length < 2) + return true; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + i++; + return false; + } + else if (nums[i] != 2 && nums[i+1] == 2) + { + i++; + return false; + } + } + return true; +} +" +f3fedbe53f970f6d29998115eac2074025207b2d,"public boolean twoTwo(int[] nums) +{ + int i; + if (nums.length < 2) + { + return true; + } + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2) + { + i++; + return false; + } + else if (nums[i] != 2 && nums[i+1] == 2) + { + i++; + return false; + } + } + return true; +} +" +e0a59b1e2a5555fdfa5f352e243dbab637a7a7ee,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +0370ff001ffce20c09ed872def9338feb18d16c2,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +bcdbebb4b08b34a68c10c39255f48a1f9b1265ea,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + i++; + } + } + } + return true; +} +" +911abc26c5d8f32700fc9bb4d3748a2a68a139ab,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + i++ + } + } + } + return true; +} +" +60d91f37dfd2e70468375e7cdb2e9a87cfd4ec9a,"public boolean twoTwo(int[] nums) +{ + int bool = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + bool++; + else + { + if(state == 1) + return false; + else + bool = 0; + } + } + return (bool != 1); +} +" +7409597c1384bb425d8f996e8daf9beec6d6e40e,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + i = i +1; + } + } + } + return true; +} +" +4b39b762690e012369c928241a0dcc90b6ba8eda,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + i = i +1; + } + } + } + return true; +} +" +5e45b3013939534d73a0abf4068f3138777278b6,"public boolean twoTwo(int[] nums) +{ + int bool = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + bool++; + else + { + if(bool == 1) + return false; + else + bool = 0; + } + } + return (bool != 1); +} +" +790a0dee6b5c716ab9d73b12ebe402da9b9d085e,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + i++; + return false; + } + } + } + return true; +} +" +20d85f53fc7f88bb8e52e6fb975912c0025659aa,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + i = i +2; + return false; + } + } + } + return true; +} +" +939e244215aa79c0d332dec5ec75c2e68dd324c2,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + } + i = i +2; + } + return true; +} +" +b230dc9b52ca68d505a299eb458fb03fa1b1d4e0,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + } + i = i +1; + } + return true; +} +" +239b2b9674005e19aa249a58b58fae2d9aa7e140,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + } + i = i +2; + } + return true; +} +" +9ccab00827b5f1277006acf10cc438cb289bc999,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + } + i = i +2; + } + return true; +} +" +3762d316b9255dbdc2f7cddacd275f835aa46a3c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else + { + if (state == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return (count != 1); +} +" +48274e1101f668937da8b1dc6ff9d1673d95bab1,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length - 1] ==2 && nums[nums.length - 2] != 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +580039682f77f30a4121e4cb343b82c4f69ce4ad,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + + } + return true; +} +" +e12e8d05733ed06e40852d4803d1f31c273ad9a9,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + + } + return true; +} +" +eafe738906bc4cac6f31715f71f1cab2cbc713d0,"public boolean twoTwo(int[] nums) +{ + boolean checked; + + for (int i = 0; i < nums.length; i++) + { + checked = false; + + if (nums[i] == 2) + { + if (i > 0) + { + if (nums[i - 1] == 2) + { + checked = true; + } + } + if (i < nums.length - 1) + { + if (nums[i + 1] == 2) + { + checked = true; + } + } + if (!checked) + { + return false; + } + } + } + + return true; +} +" +12a5ea8d9677fe3ecd90b05359b0fe0b01cfb6a7,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length(); i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + return true; + } + } + } +} +" +4d58fae2571563d7db33fdfeea479cbdbdbd87a4,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + return true; + } + } + } +} +" +fb8c4e9ccb9f3a8994e3f4c9812a673d0e3c3c75,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) { + if (nums[i] == 2) { + if (nums[i+1] == 2) { + return true; + } + } + } + return false; +} +" +5b00e98961041ab432e9ba1121126d6f0582cd86,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && num[i+1] == 2) + { + two = true; + } + } + return two; +} +" +f107ea0717322dc1e140f89442f06419a22841c0,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + two = true; + } + } + return two; +} +" +c23c4330df342f2159a247b6fef1ec0eb2aaebf2,"public boolean twoTwo(int[] nums) +{ + + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + if (nums[i-1] !=2) + { + return false; + } + } + } + } + return true; +} +" +6ca84692f83dd96faa917f670fc41e91942c5b0c,"public boolean twoTwo(int[] nums) +{ + boolean two = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + two = true; + } + } + return two; +} +" +dacf6a72e29a7163ba7acd747fd9b5d625479e33,"public boolean twoTwo(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2 && nums[i + 1] == 2) { + return true; + } + } + return false; +} +" +7ddcb5dd6426e5f4e24e6357c7def065d2e13b38,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + two = true; + i++; + } else { + two = false; + } + } + } + return two;; +} +" +1dae95d696fe255821ad0a4ba14232effe5f0108,"public boolean twoTwo(int[] nums) +{ + + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2 i && nums[i + 1] == 2 )) { + two = true; + i++; + } else { + two = false; + } + } + return two;; +} +" +4e077118afcc5af70d06e521a126407bd6aeec1d,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + two = true; + i++; + } else { + two = false; + } + } + return two;; +} +} +" +eaf5fa9aa601fe1262e189a1ba688dfcdc1ba4d1,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + two = false; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +c581ff59ae7044a3cd3851cd7476e4a222cea0e1,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + two = false; + } + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +53905f8cd3c5ef67d8aea8957c390a4adda56d97,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + two = false; + } + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +9a1963b00a6154eea1233f81adb862af73d9581b,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +f013c0b29291edaa408b878c0541898b19b526c7,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + return true; + i++; + } + return false;; +} +} +" +b277c118fe285443838637368ce8d237545e87db,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + two = false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +67b15cd5022d6b4acb33bf94a939f51edc9620bf,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + return true; + i++; + } + } + return false;; +} +} +" +bde9281212c8bf3b6cf37b280e645116f777f4e0,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + two = false; + } + for (int i = 0; i <= nums.length - 3; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +a8a501fe558d580772cc0eb06e5e133b68f1ecb6,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + if (nums.length == 1 && nums[0] == 2) + { + two = false; + } + + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + two = false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + two = false; + } + } + return two; +} +" +78091fb2d9730b563d6b49094b43f66f92f679d1,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +416ed45219518f92799b8e42e18e89d8d35cbfe4,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +a948da201cf11383e7dab2feefb0b0cf420b915a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if(i+1= 1 && nums[i-1] == 2) { + if (i < (nums.length-1) && nums[i+1] == 2) { + return false; + } + return true; + } + } + +} +" +5a0b2a91725b1cf3ad380a2cdb5f0333b2ad048f,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2) + { + if(i+1= 1 && nums[i-1] == 2) { + if (i < (nums.length-1) && nums[i+1] == 2) { + return false; + } + return true; + } + } + } +} +" +926114e2b64af920e914672c3c97043cd5de2d3a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 2) + { + if(nums[i+1]!=2) + { + return false; + } + i++; + } + + } + return true; +} +" +38f87393e804111f037bcd8f56e39b89d0bb8f91,"public boolean twoTwo(int[] nums) +{ + if (nums.length <= 1) + { + return false; + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length-1] == 2 && nums[nums.length-2] != 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + return true; +} +" +7ab15bba0b89934814265f108720dfb4057728ed,"public boolean twoTwo(int[] nums) +{ + + for (int i=0; i=0 && nums[i-1] == 2) && + !(i+1i && nums[i+1]!=2) + { + return false; + } + i++; + } + + } + return true; +} +" +8074e7f42b3382d5295b863090339941a2110724,"public boolean twoTwo(int[] nums) +{ + int index =0; + for (int i=0; i<(nums.length); i++) + { + if(nums[i]==2) + { + i++; + if(!(i<(nums.length)) || nums[i] !=2) + return false; + while(i0 && nums[i-1]==2)&& !(i= nums.length && nums[i+1] != 2)) + { + return true; + } + } + } + return false; +} +" +49c3654c5f2d27b9589a619b023b9e80e2008690,"public boolean twoTwo(int[] nums) +{ + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 < 0 && nums[i-1] != 2) && (i+1 >= nums.length && nums[i+1] != 2)) + { + return true; + } + } + } + return false; +} +" +5d480e3bda4b49d7601c29860d30898bc56e7f9a,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + for(int i = 0; i < nums.length -1 ; i++) + { + if(nums[i]==2) + { + if(nums[i+1]==2) + { + ans = true; + i = i + 1; + } + else + { + ans = false; + } + } + + } + return ans; +} +" +4d006e3feb2ac63c6c83a5ae029a21d321a83a1c,"public boolean twoTwo(int[] nums) +{ +for (int i=0; i= 1 && nums[i-1] == 2) +{ + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + { + + continue; + return false; + } +} + return true; +} +" +44c8c0a770e4a5a3d31b50c2bc5d85b74f2f40d4,"public boolean twoTwo(int[] nums) +{ + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 , nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; +} +" +e2a4f0b68223d7accd40332d5151e1075e12a11f,"public boolean twoTwo(int[] nums) +{ +if(nums.length == 0) { +return true; +} + +if(nums.length == 1 && nums[0] == 2) +return false; + +if(nums[nums.length -1] == 2 && nums[nums.length - 2] != 2) +return false; + +for(int i = 1; i < nums.length - 1; i++) { +if(nums[i] == 2) { +if(nums[i-1] != 2 && nums[i+1] != 2) { +return false; +} +} +} +return true; +} +" +44807a2af8aa1eaf8bd1c952e880ecc79c578559,"public boolean twoTwo(int[] nums) +{ + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; +} +" +b2603d4b2e019f36673850ea1db5ee9ca3fa9c34,"public boolean twoTwo(int[] nums) +{ + for(int x=1;x= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return false; + } + } + } + return true ; +} +" +4ede8b7c43b74e8b1a1ee3bcb4d406fa0d8afbb5,"public boolean twoTwo(int[] nums) +{ + for(int x=1;x= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return false; + } + } + } + return true ; +} +" +c5831ebd40c94307ef20afd4ff326967939b5594,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + {return false;} + + if (nums.length == 0) + { + return true; + } + + + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return false; + } + } + } + return true ; +} +" +73b12d1c0527a88f3a1087bf6bc7d7648ced35b8,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + {return false;} + + + + + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return false; + } + } + } + return true ; +} +" +957557a8380c5ab808fea6e3634dea66e53dd7e7,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length ==2 && nums[0]!=2) + { + return false; + } + for(int x=1;x= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; +} +" +35024eb4c5fd64809e45dca493ecb6c409bd9bbb,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + {return false;} + + + + + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (!((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2))) + { + return true; + } + } + } + return false ; +} +" +fc603ada775d38a78171020a6d0ba06336ed99d1,"public boolean twoTwo(int[] nums) +{ + + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (!((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2))) + { + return true; + } + } + } + return false ; + + + + + + +} +" +4e8c8ca6f54a792eb316f496f766d6f8d4ba15f7,"public boolean twoTwo(int[] nums) +{ + + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (!(i-1 >= 0 && nums[i-1] == 2) && !(i+1 < nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; + + + + + + +} +" +7a68cf8a3aab4c0c20e603dc2950bf89373c14e3,"public boolean twoTwo(int[] nums) +{ + + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; + + + + + + +} +" +24110024a4149d6035e529d2ab13e4a1f75ae87c,"public boolean twoTwo(int[] nums) +{ + if (!nums.length == 1 && !nums[0] == 2) + {return true;} + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; + + + + + + +} +" +1bbc3fb56a24ebdba1e180c06a52a23232d94c19,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + + return false; + + + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + + return false; + + + + for(int i = 1; i <= nums.length - 2; i++) { + + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + + return false; + + } + + + + return true; +} +" +086495d74706feb6d0794b83bff430a6d71edf83,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < nums.length && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; + + + + + + +} +" +bc18e5f2db3a0606a7a6b509d0ea85015504d524,"public boolean twoTwo(int[] nums) +{ + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if ((i-1 >= 0 && nums[i-1] == 2) && (i+1 < merlin && nums[i+1] == 2)) + { + return true; + } + } + } + return false ; + + + + + + +} +" +753930e1e52ef115947bfbe0f01c014206de1429,"public boolean twoTwo(int[] nums) +{ + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!(i-1 >= 0 && nums[i-1] == 2) && !(i+1 < merlin && nums[i+1] == 2)) + { + return false; + } + } + } + return true ; + + + + + + +} +" +a5a93c22b7eea86929a2d0dad0781ac8f2672a8b,"public boolean twoTwo(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 & nums[i+1] ==2) + { + return true; + } + } + return false; +} +" +df15b377951407158132115f2f30a67685ed461e,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!(i-1 >= 0 && nums[i-1] == 2) && !(i+1 < merlin && nums[i+1] ==2)) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +283b9399d82b642d9c7ffd36f494b12cdb764d38,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!((i-1 >= 0 && nums[i-1] == 2) && (i+1 < merlin && nums[i+1] ==2))) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +18bdd55ec19a8003bb7807a76e1e69092c94a736,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!((i-1 >= 0 && nums[i-1] == 2) && (i+1 < merlin && nums[i+1] ==2))) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +95f911548780f2cfc472679bf8a077674b8561ae,"public boolean twoTwo(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 & nums[i+1] ==2) + { + for ( int j = i + 1; j< nums.length - 1; j++) + { + if (nums[j] == 2 & nums[j+1] == 2) + { + return false; + } + } + } + } + return false; +} +" +1f24b94d4fb2a551ea7d8dd96dc64eef83f0205c,"public boolean twoTwo(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 & nums[i+1] ==2) + { + for ( int j = i + 1; j< nums.length - 1; j++) + { + if (nums[j] == 2 & nums[j+1] == 2) + { + return true;; + } + } + } + } + return false; +} +" +c188a8b85cabaebf4bf2b48ed402fb0a64785eb6,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if !((i-1 >= 0 && nums[i-1] == 2) && (i+1 < merlin && nums[i+1] ==2)) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +489b58bbe79258b09ae9245369be0ea6a9400251,"public boolean twoTwo(int[] nums) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 & nums[i+1] ==2) + { + for ( int j = i + 1; j< nums.length - 1; j++) + { + if (nums[j] == 2 & nums[j+1] == 2) + { + return true; + } + } + } + } + return false; +} +" +7db15d360a708d0d6f263e17793a63e97243c26e,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if !(((i-1 >= 0 && nums[i-1] == 2) && (i+1 < merlin && nums[i+1] ==2))) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +857897885fa1ac89d39bef3f725ce9e1eb97684e,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!((i-1 >= 0 && nums[i-1] == 2) && (i+1 < merlin && nums[i+1] ==2))) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +ef042b15dba47b7e4a330d569526976ad7fa94e9,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!(i-1 >= 0 && nums[i-1] == 2) && !(i+1 < merlin && nums[i+1] ==2)) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +41dae820bb8c5d89a89319d6281d3ca96aabca72,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!(nums[i-1] == 2) && !(nums[i+1] ==2)) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +03d8c590dc410356136456d10029dc5272b6a16a,"public boolean twoTwo(int[] nums) +{ + + int merlin = nums.length; + + if (merlin == 1 && nums[0] == 2) + {return false;} + + for( int i = 0; i < merlin; i++) + { + if (nums[i] == 2) + { + if (!(i-1 >= 0 && nums[i-1] == 2) && !(i+1 < merlin && nums[i+1] ==2)) + + { + return false; + } + } + } + return true ; + + + + + + +} +" +e08eca1e4dbddb1660f5ff1294b1534caa7365e3,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +aeafeb59287590a109c5fd510733ccba09e37971,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length > 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +abae4c9721c872ddd960bc7120e7c73914d9eb2b,"public boolean twoTwo(int[] nums) +{ + boolean twos = false; + for (int i = 0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 || nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +c3d65eeb3c42ac6c05b76ab165ac9a38908fdcd0,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return false; +} +" +764fc83f28c0d391d13625fce487f5314e56803b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +9a7fac1934fa60c5054acf82a8b6d252f009e54d,"public boolean twoTwo(int[] nums) +{ + boolean twos = true; + for (int i = 0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +3f936427ff2bbb2489b50fb429a42590d0bf1006,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i == 2 && i + 1 != 2) + { + return false; + } + else if (i == 2 && i + 1 == 2) + { + i += 1; + } + } + return true; +} +" +f4623b20575f4f2c1e857d9fc08f595a48d9cc3c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i == 2 && i + 1 != 2) + { + return false; + } + else if (i == 2 && i + 1 == 2) + { + i += 2; + } + } + return true; +} +" +e7d86e5edc95d7e541a5f2bc98fcf535adb80014,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +d9530a4469c078187dc93de410c2ae05bea63736,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if ((i+1) < nums.length && nums[i] == 2 && nums[i+1] == 2) + { + return true; + } + } + return false; +} +" +076b9dfa9aeb5a537e7c898acc230b228575c638,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +a46a7597fc8b1660cd5721f43b9a99b9a3fdf801,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +e9cce3d5ed491408450f10c6d5832b835f50170c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + i++ + } + return true; +} +" +77d89a2c046cd58be54e27a7d70f5fc5eae087ce,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + i++; + } + return true; +} +" +55c100e4ece4db8eb11913b76df699572d32fad0,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if ((i+1) < nums.length) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twotwo = true; + } + else + { + twotwo = false; + } + } + } + return twotwo; +} +" +9437c4a6c693e9c607c4a32365c6a25f7620c29f,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && (nums[i + 1] != 2 || nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +f97453bd75d3bf06dbb3e9b6c9bcbc6e8a258e18,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + count++; + } + } + if (count == nums.length - 1) { + return true; + } + else { + return false; + } +} +" +548212eee88468e11502b85e6c8e8614b0f02ebe,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && (nums[i + 1] != 2 || nums[i - 1] != 2)) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +34180521c712424b3cd327b9e8af8eb5ea782171,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + i++; + } + else + { + return false; + } + } + return true; +} +" +d87bd579b6a54d0da1f4c12bcd14df49aed0dce4,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && (nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +bc7afa91f814b6e5dfd9d295de4a724a7494814a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + { + return false; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +e09303e26427a830f7b2d70121cf0710f2cb9445,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if ((i+1) < nums.length) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twotwo = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twotwo = false; + } + } + } + return twotwo; +} +" +4b1c33fd0eb0e3d1322cf742908f2ed7c4cfa329,"public boolean twoTwo(int[] nums) +{ + bool b = false + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2 && nums[i+1] == 2) { + b = true; + } + } + return b; +} +" +bdec9da6d413ed327b2de7ec6673ecaa4131c896,"public boolean twoTwo(int[] nums) +{ + bool b = false; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2 && nums[i+1] == 2) { + b = true; + } + } + return b; +} +" +ad12ea2730b5f053e8ebe2479a756b6ed5a3324d,"public boolean twoTwo(int[] nums) +{ + boolean b = false; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2 && nums[i+1] == 2) { + b = true; + } + } + return b; +} +" +74a4bcda861b18bd09742754c994b7573e94d842,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +72dc62da453593d42a861a6087c6aba752479af6,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +7e8e11a21cf646c1b038e9d065d5c524868eab2a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); + +} +" +dfcc5174d20f4c19f43ddd5c056cf6d8231ff2e0,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && (nums[i + 1] == 2 || nums[i - 1] == 2)) + { + i += 1; + } + } + return true; +} +" +3cad6563a288add00d8f91f14bcc006ca0d6fe5c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +637fa9976aa5b30025fe8ea4680b42eae54c5eda,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if ((i+1) < nums.length) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twotwo = true; + i = i+2; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twotwo = false; + } + } + } + return twotwo; +} +" +d5acb0851d2f891a3412ee359bc62085d8ce86e7,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if ((i+1) < nums.length) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twotwo = true; + i = i+2; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twotwo = false; + } + } + else + { + twotwo = false; + } + } + return twotwo; +} +" +e7de46bf25ceeea976081e2e08d8662fe3f8fae3,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i] == 2 && nums[i - 1] == 2) + { + return true; + } + else if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + else if (nums[i] == 2 && nums[i + 1] == 2) + { + i += 1; + } + } + return true; +} +" +4efeff72ef3b9713e69e671b478aa16852500bd9,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + return true; +} +" +873c0deb120694da390840fc3aaf33c3087ae25e,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if ((i+1) < nums.length && nums[i] == 2) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + twotwo = true; + i = i+2; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + twotwo = false; + } + } + else + { + twotwo = true;; + } + } + return twotwo; +} +" +23688a94218661c952909d115606a70451c288e7,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +} +" +66759dd73d699a8cb1fcda3138896a1b27e05c1d,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +1b9281e79c8b435f3fd208a296e992bf13744984,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == nums.length - 1) + { + if (nums[i-1] == 2) + { + return true; + } + } + if (i == nums.length - 1 || nums[i+1] != 2) + { + return false; + } + else + { + i++; + } + } + } + return true; +} +" +7e92aaa44afe24803f74ff2fb86bb2eb2c04ff5c,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if (i+1) < nums.length && nums[i+1] != 2) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +059928f2e50c6335388359c2331a20c4ab69bb74,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +ecbf78a32c0c5b3ea8b79934162b762ed1bda9e5,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +5917418dfbf7ae53242b64f8e76110274cd2aab5,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +d98b436d3c65d4095efae565b67b2ec00792c78d,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +be9a6544d7961e5593e701dd87b738f3ee090814,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +f1a14a3c4e05e98152ceeb2fdcbc16fe16c7f4d6,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +4ee599d3938720ed3c62eda2ddcf4cbd25928e8d,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +7b9e3dcbac5c87e3c3ea1b4f5ada8a57f3048720,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2)) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +dfae20ccfabb4e097e744707463bebae79fb41cc,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i= 1 && nums[i-1] == 2) + { + continue; + } + if (i < (nums.length-1) && nums[i+1] == 2) + { + continue; + } + return false; + } + return true; +} +" +0f3eafb221cd088044ebd85f2fee7dc8a4f30649,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if((i+1) < nums.length && nums[i+1] != 2) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +9c110f97d5becc62a95dc5f919aaa7c10f829d68,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +b3405847ddcd14e516affd558b3c631393a7d885,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +1403c2cb4230a68fb27906d4ffeb9cd294a991fd,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2) + { + twotwo = false; + i++; + } + else + { + twotwo = false; + } + } + } + return twotwo; +} +" +cdce47cb1a6b1689e1be574ae502bbd619d63dc5,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2) + { + twotwo = false; + i++; + } + else if ((i-1) < nums.length && nums[i-1] == 2) + { + twotwo = true; + i++; + } + else if ((i-1) < nums.length && nums[i-1] != 2) + { + twotwo = false; + i++; + } + } + } + return twotwo; +} +" +7c25cc9c86f817d3619c67c825072e7aefa2eaca,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) || + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + return twoTwos; +}" +9d3cbe221234b53b8222e17d70adeee21804c2fd,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + for (int i = 1; i < nums.length - 1; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) || + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + return twoTwos; +}" +09efa36a5ecd116146a80cc1696583ac15c0289f,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + for (int i = 1; i < nums.length - 1; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) && + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + return twoTwos; +}" +d2405bd08c31299da354110183cc20ea73f722c7,"public boolean twoTwo(int[] nums) +{ + boolean twotwo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i+1) < nums.length && nums[i+1] == 2) + { + twotwo = true; + i++; + } + else if ((i+1) < nums.length && nums[i+1] != 2) + { + twotwo = false; + i++; + } + else if (((i-1) >= 0 && (i-1) < nums.length) && nums[i-1] == 2) + { + twotwo = true; + i++; + } + else if (((i-1) >= 0 && (i-1) < nums.length) && nums[i-1] != 2) + { + twotwo = false; + i++; + } + else + { + twotwo = false; + } + } + } + return twotwo; +} +" +41e02be01ad34ce0409db99baedbb14df1fcab77,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + for (int i = 1; i < nums.length; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) && + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + return twoTwos; +}" +8bf535fe3d8eadeac0724da5238b3006b8824aaf,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + + if (nums[0] == 2 && nums[1] != 2) + { + twoTwos = false; + } + + else if (nums[nums.length - 1] == 2 + && nums[nums.length - 2] != 2) + { + twoTwos = false; + } + + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) && + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + } + return twoTwos; +}" +d28aea7a60232859d0eb2c29d6930d1035ad247a,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + + if (nums.length <= 1) + { + twoTwos = false; + } + + else if (nums[0] == 2 && nums[1] != 2) + { + twoTwos = false; + } + + else if (nums[nums.length - 1] == 2 + && nums[nums.length - 2] != 2) + { + twoTwos = false; + } + + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) && + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + } + return twoTwos; +}" +9c0348fbb7ca7a4848131f8232184f4aba51aa34,"public boolean twoTwo(int[] nums) +{ + boolean twoTwos = true; + + if (nums.length <= 1 && nums[0] == 2) + { + twoTwos = false; + } + + else if (nums[0] == 2 && nums[1] != 2) + { + twoTwos = false; + } + + else if (nums[nums.length - 1] == 2 + && nums[nums.length - 2] != 2) + { + twoTwos = false; + } + + else + { + for (int i = 1; i < nums.length - 1; i++) + { + if ((nums[i] == 2 && nums[i + 1] != 2) && + (nums[i] == 2 && nums[i - 1] != 2)) + { + twoTwos = false; + break; + } + } + } + return twoTwos; +}" +56d0b335114e7a3125721e8b644f518a831a37cf,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +61b9338c8f5b8699272f606e4c4e0ac8320e7a02,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + { + return true; + } + if(nums.length==1) + { + return !(nums[0]==2); + } + if((nums.length==2)) + { + if((nums[1]==2)&&(nums[0]==2)) + return true; + else + return false; + } + for(int i=0;i+2= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +45932e54dbc4d6dc3d7e50aee974b4d6294571c5,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +897d553b84995711ef4e7a077bb6542bbcb5f93d,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && (nums[0] == 2 && nums[1] != 2)) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +9224ef7ddfc3edcec4255501e05a5fe7712a0073,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +6c576b86c5281b8815f4f9103569e6b516149fff,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +691aae3a747474c3bb08f67e52721d957ac5934e,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +79dd5273931b0eff6efa4bb92021d8a320f6f12b,"public boolean twoTwo(int[] nums) +{ + boolean mike = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + } + return mike; +} +" +c67273be749674d1d01d208c1becc318bb43076a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +85d5640c3284d8398ebcd39f7b68d61ae7d9cc38,"public boolean twoTwo(int[] nums) +{ + boolean mike = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + } + else + { + mike = false; + } + } + return mike; +} +" +5974d44f33d5f62c92b21ecde6888b0c758d441d,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + } + else + { + mike = false; + } + } + return mike; +} +" +f62b2d9618ccdc2b640a018fc2891857cb3e24eb,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + } + else + { + mike = false; + } + } + return mike; +} +" +e5968bb4c2f33b9eb1269ba683606b44563df63e,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + i++; + } + else + { + mike = false; + i++; + } + } + return mike; +} +" +2dbc58ab07848affb946c2a740f1ef05e5ed183c,"public boolean twoTwo(int[] nums) +{ + int number = 0; + for(int r = 0; r < nums.length; r++) + { + if(nums[r] == 2) + number++; + else + { + if(state == 1) + return false; + else + number = 0; + } + } + return (number != 1); +} +" +8afa595e087f523dcc3672323de4b8f3401a2e1d,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + i++; + } + else + { + mike = false; + + } + } + return mike; +} +" +534afb82af6141e0a086cc496fe2440aba967192,"public boolean twoTwo(int[] nums) +{ + int number = 0; + for(int r = 0; r < nums.length; r++) + { + if(nums[r] == 2) + number++; + else + { + if(number == 1) + return false; + else + number = 0; + } + } + return (number != 1); +} +" +a14e916dd0c6553837181da0f6ec8f332e2c62c6,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + + } + else + { + mike = false; + + } + } + return mike; +} +" +0f2a39f7450dcc518b1935bb6ed6d8aae071089c,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + if (!nums.includes(2)) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + + } + else + { + mike = false; + + } + } + return mike; +} +" +d80546f5a0d2db8ff50efd39e5df22ef93809d55,"public boolean twoTwo(int[] nums) +{ + public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +f15488c55766dc7a35e09327890d609a024f1dd1,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +162925de9076756c0982b68c1905585eb86caef6,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + if (!nums.contains(2)) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + + } + else + { + mike = false; + + } + } + return mike; +} +" +700fa3f5d9635c11dde48a1d0adf4173df2ac79c,"public boolean twoTwo(int[] nums) +{ + boolean mike = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + mike = true; + i++; + } + else if (nums[i] != 2 && nums[i + 1] != 2) + { + mike = true; + + } + else + { + mike = false; + + } + } + return mike; +} +" +b991f1086a13a6a30443fb9e7941ce25b6d6b731,"public boolean twoTwo(int[] nums) +{ + for (i=0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i-1] !=2 && i != 0) + { + if (nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +5a6ee57c7b6622647414867fe76e3300031c35bc,"public boolean twoTwo(int[] nums) +{ + int l = nums.length - 1; + if (nums[0] == 2) + { + if (nums[1] != 2) + { + return false; + } + } + if (nums[l] == 2) + { + if (nums[l - 1] != 2) + { + return false; + } + } + for (int i = 1; i < nums.length; i++) + { + if (nums [i] == 2) + { + if (nums [i + 1] != 2 && nums[i -1] != 2) + { + return false; + } + } + } + return true; +} +" +7b2fd9c01f57e66c7256d8db696b3d30a2fd7fdd,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i-1] !=2 && i != 0) + { + if (nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +817843148bd644e89248332f26d42b745e198864,"public boolean twoTwo(int[] nums) +{ + int l = (nums.length) - 1; + if (nums[0] == 2) + { + if (nums[1] != 2) + { + return false; + } + } + if (nums[l] == 2) + { + if (nums[l - 1] != 2) + { + return false; + } + } + for (int i = 1; i < nums.length; i++) + { + if (nums [i] == 2) + { + if (nums [i + 1] != 2 && nums[i -1] != 2) + { + return false; + } + } + } + return true; +} +" +cadc2f2c85579ee3460f55bda2201dd3b466db19,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && i != 0 && nums[i-1] !=2) + { + if (nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +3340548dfddeb395db2f726fea150ac90c1766a2,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && i != 0 && nums[i-1] !=2) + { + if (i == nums.length-1 && nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +961de524ec9ec678f87694632d396c5e4f2aad3c,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && i != 0 && nums[i-1] !=2) + { + if (i != nums.length-1 && nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +282f5039803a20ca89c994660ede66b7d5ca6cf0,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && i != 0 && nums[i-1] !=2) + { + if (i == nums.length-1 || nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +b88c792b8c451fe4ac5219cbea15a1d27206e9da,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1) + return false; + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && i != 0 && nums[i-1] !=2) + { + if (i == nums.length-1 || nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +9181a0ef1654c0ebd052213fd1c8da1f79a421c9,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +d1b3510767c23a01976814dfa3f3437395c4ee95,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] ==2) + return false; + for (int i=0; i < nums.length; i++) + { + if (nums[i] == 2 && i != 0 && nums[i-1] !=2) + { + if (i == nums.length-1 || nums[i+1] != 2) + { + return false; + } + } + } + return true; +} +" +6a3dfd84364413f024b260afa7c4e387fa46026a,"public boolean twoTwo(int[] nums) +{ + int l = (nums.length) - 1; + if (nums[0] == 2) + { + if (nums[1] != 2) + { + return false; + } + } + if (nums[l] == 2) + { + if (nums[l - 1] != 2) + { + return false; + } + } + for (int i = 1; i < nums.length - 2; i++) + { + if (nums [i] == 2) + { + if (nums [i + 1] != 2 && nums[i -1] != 2) + { + return false; + } + } + } + return true; +} +" +de654040da46d05bfb1fc31b6f68e5943c145202,"public boolean twoTwo(int[] nums) +{ + int l = (nums.length) - 1; + if (nums[0] == 2) + { + if (nums[1] != 2) + { + return false; + } + } + if (nums[l] == 2) + { + if (nums[l - 1] != 2) + { + return false; + } + } + for (int i = 1; i < nums.length - 2; i++) + { + if (nums [i] == 2) + { + if (nums [i + 1] != 2 && nums[i -1] != 2) + { + return false; + } + } + } + return true; +} +" +c94135fcc315c30ee493053aa5f76f4f570dd367,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} + +" +11fad5c773c0ee4b637c1770ea4549ad63ce4db7,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +67b69ce27fca243fc333ab8261e57ec226ff601b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +3265f4d0b4d39ca8f6ae39d402293b14b81cab2b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +b3f130e013d50f8aaed2060495efabfa07779e7f,"public boolean twoTwo(int[] nums) +{ + int two = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + two++; + else + { + if(state == 1) + return false; + else + two = 0; + } + } + return (two != 1); +} +" +c732bb6694e716c93b423dcbc7caca7e52781683,"public boolean twoTwo(int[] nums) +{ + int two = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + two++; + else + { + if(nums[i] == 1) + return false; + else + two = 0; + } + } + return (two != 1); +} +" +28192893ba5f8232437b8d8883a1f3d3fd6f0e99,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +07297de94d415c4722e5f0ce46913327b1c5669f,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) { + return false; + } + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i + 1] != 2) + { + return false; + } + else { + i = i + 1; + } + } + } + if (nums[i] == 2 && i == nums.length - 1) { + if (nums[i - 1] != 2) { + return false; + } + } + return truth; +} +" +1f76a3967f380ac158416b9cbe7000dc99005f86,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) { + return false; + } + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i + 1] != 2) + { + return false; + } + else { + i = i + 1; + } + } + } + return truth; +} +" +0196542603ac6af729a5e41876261ae4afb70b50,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) { + return false; + } + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i + 1] != 2) + { + return false; + } + else { + i = i + 1; + } + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return truth; +} +" +34a4f51a555d7250318509b13258d7a81ae7b2f7,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2) { + return true; + } + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i + 1] != 2) + { + return false; + } + else { + i = i + 1; + } + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return truth; +} +" +d0fe748fc1b1e2d049872a34970c43b431b4ac98,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } +} +" +e6a966eec88190fb574bdd03a36f5cd81640e45f,"public boolean twoTwo(int[] nums) +{ + for(int x = 0; x < nums.length - 1; x++) + { + if ( nums[x] == 2 && (nums[x + 1] == 2 || nums[x - 1] == 2)) + return true; + } + return false; + +} +" +2b7d44595de29033e3c70a1aa8fea893358089d6,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } + return false; +} +" +9f50808aad91f6420587b2ee66803d781c85635c,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +23c425efe75e912cc2d52d1138a50e3fd616e743,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2 && nums[0] = 2) { + return false; + } + if (nums.length < 2) { + return true; + } + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i + 1] != 2) + { + return false; + } + else { + i = i + 1; + } + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return truth; +} +" +2ff61f32d603f2452af25c5066cea99cbc9a315c,"public boolean twoTwo(int[] nums) +{ + if (nums.length < 2 && nums[0] == 2) { + return false; + } + if (nums.length < 2) { + return true; + } + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 2) { + if (nums[i + 1] != 2) + { + return false; + } + else { + i = i + 1; + } + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return truth; +} +" +39a7725365ca313408e98179ffbec7b5ec836f68,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +dc4bf493dfe9690ee9b571221c1c15201580b49f,"public boolean twoTwo(int[] nums) +{ + boolean ans = false; + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i]==2) + { + if(nums[i+1]==2 ) + { + ans = true; + i = i + 1; + } + else + { + ans = false; + } + } + } + + return ans; +} +" +4f46a6de72bb35cba699888f4417f7df79df2f1a,"public boolean twoTwo(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i + 2) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return false; + } + } + return true; +} +" +80aef9805f310833dacc60661a01d9415db7d47b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +0d06891604b83f79c7896fe63aa74ab17d256db2,"public boolean twoTwo(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i += 2) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return false; + } + } + return true; +} +" +ace2ba323ef13668d9697b52e130100361b7d95a,"public boolean twoTwo(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i += 2) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + } + return false; +} +" +d657f4cf6c93e0ce6938186afe61c48ca0d5ab23,"public boolean twoTwo(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + else if (nums[i] != 2 && nums{i + 1] == 2) + { + return false; + } + } + return false; +} +" +6ffa9f4ec3f0e3fd05b39d789229ef63587792ea,"public boolean twoTwo(int[] nums) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + return true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + return false; + } + } + return false; +} +" +eed65ea19b9e4bb113bb95c61b89771614b5d0d7,"public boolean twoTwo(int[] nums) +{ + +} +" +a541232a237df89f05b6d50d2d269a9ecd223a24,"public boolean twoTwo(int[] nums) +{ + boolean hi = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + hi = true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + hi = false; + } + } + return hi; +} +" +b1f5bc7c36b6c4ba843724d4c4551e30b160e370,"public boolean twoTwo(int[] nums) +{ + boolean hi = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + hi = true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + hi = false; + } + } + return hi; +} +" +fb99046230f47fd701a503953a140df2717712e3,"public boolean twoTwo(int[] nums) +{ + boolean hi = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + hi = true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + hi = false; + } + else if (nums.length == 1 && nums[i] == 2) + { + hi = false; + } + } + return hi; +} +" +6ee0d44136e6cde89bd23047f5ed9a137ad666d6,"public boolean twoTwo(int[] nums) +{ + boolean hi = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + hi = true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + hi = false; + } + if (nums.length == 1 && nums[i] == 2) + { + hi = false; + } + } + return hi; +} +" +ab6d68a9b653d3469bc4435387dfde4a2f7a3ef9,"public boolean twoTwo(int[] nums) +{ + boolean hi = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + hi = true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + hi = false; + } + + } + if (nums.length == 1 && nums[i] == 2) + { + hi = false; + } + return hi; +} +" +ec2ee5700339df89aba84898da95c6b9126ba490,"public boolean twoTwo(int[] nums) +{ + boolean hi = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i + 1] == 2) + { + hi = true; + } + else if (nums[i] != 2 && nums[i + 1] == 2) + { + hi = false; + } + + } + if (nums.length == 1 && nums[0] == 2) + { + hi = false; + } + return hi; +} +" +67564d829dc1dff90636cfe775c4e368a9974a96,"public boolean twoTwo(int[] nums) +{ + public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +12ceb0fcdb16e40305bc71ac2e010e8af43c6f2b,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +aec5b42f09447e7ba19573fe2867db299cf11cdc,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +79b81768479c8e7e66331f1017c97968209953ed,"public boolean twoTwo(int[] nums) +{ + int count = 0; + int state = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +fd16d1000bd3a9b53317a691266c987018b05d2c,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +452cc7542e7c99055468b7270dedd722a32d41e4,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; + +} +" +32051265a7bec99b67fabddb48774b28ec410e37,"public boolean twoTwo(int[] nums) +{ + boolean isTwo = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + isTwo = true; + } + } + return isTwo; +} +" +ce25f8975059eb3076407738877b9b4adbc55f8e,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo = false) + { + firstTwo = true; + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } +} +" +12e604caa54205cf4ff53467b1a3ff9294a4e3df,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } +} +" +e02fba71c08aa6b0203314d5ffd7e13fe512d0f5,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + return comeOn; +} +" +cc6afea93cd7c06e1a18cdad704245565c168c6c,"public boolean twoTwo(int[] nums) +{int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); + +} +" +4ade9ad82d814d52a16147d9e42afc445a51cbfd,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + return comeOn; +} +" +294a5294a7580ba209879f088cd5439be45b4c4b,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } +} +" +8c7691dac904b659625a85148a0988c7c9b9fd09,"public boolean twoTwo(int[] numbers) +{ + if(numbers.length == 1 && numbers[0] == 2) + return false; + + if(numbers.length >= 2 && ((numbers[0] == 2 && numbers[1] != 2) || + (numbers[numbers.length-1] == 2 && numbers[numbers.length-2] != 2))) + return false; + + for(int integer = 1; integer <= numbers.length - 2; integer++) { + if(numbers[integer] == 2 && numbers[integer-1] != 2 && numbers[integer+1] != 2) + return false; + } + + return true; +} +" +28d77e017fd06510fcd8cf42bd1f596ca9f729d5,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } +} +" +c63b75b56b97097066b533502c940aa562494d8c,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + }return (count != 1); +} +" +de1505250f291fa24ff0af51a75a71c72ef55c8b,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + if (nums == {1, 3, 4} || nums == {1} || nums == {}) + { + comeOn = true; + } + return comeOn; +} +" +ff01a00536b895ff79af3ccb993cf0516eb20bc0,"public boolean twoTwo(int[] nums) +{ + boolean isTwo = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + isTwo = true; + } + } + return isTwo; +} +" +abef32f074ac4e9a831a81fe513d2f3da8e9e1bd,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + return false; + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2))) + return false; + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + return false; + } + return true; +} +" +aabe85a1df40a89300afe5d9578c903abf3e7574,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + int[] arrayOne = {1, 3, 4} + int[] arrayTwo = {1} + int[] arrayThree = {} + if (Arrays.equals(nums, arrayOne) || Arrays.equals(nums, arrayTwo) || Arrays.equals(nums, arrayThree)) + { + comeOn = true; + } + return comeOn; +} +" +cdf42d5c2d560cf867cc0f628e892b8731b4a6c5,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + return true; + } + } + return false;; +} +" +0dcc647f6e0a0f590ca1722d0f70301a3b628611,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + int[] arrayOne = {1, 3, 4}; + int[] arrayTwo = {1}; + int[] arrayThree = {}; + if (Arrays.equals(nums, arrayOne) || Arrays.equals(nums, arrayTwo) || Arrays.equals(nums, arrayThree)) + { + comeOn = true; + } + return comeOn; +} +" +01b0af4fbcba7520e59c26d9729c4ebbef96108c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + return true; + } + } + return false; +} +" +7b226af2b1845e20cfa2731cb92918438844d2c6,"import java.util.Arrays; + +public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + int[] arrayOne = {1, 3, 4}; + int[] arrayTwo = {1}; + int[] arrayThree = {}; + if (Arrays.equals(nums, arrayOne) || Arrays.equals(nums, arrayTwo) || Arrays.equals(nums, arrayThree)) + { + comeOn = true; + } + return comeOn; +} +" +409ffff874c575919020ce6d774b1201a9d80172,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +cd2a3ba10e56ea5935f936644fb2b6cf1a7f4605,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + int[] arrayOne = new int[] {1, 3, 4}; + int[] arrayTwo = new int[] {1}; + int[] arrayThree = new int[] {}; + if (Arrays.equals(nums, arrayOne) || Arrays.equals(nums, arrayTwo) || Arrays.equals(nums, arrayThree)) + { + comeOn = true; + } + return comeOn; +} +" +3e5d972bd3dc1683ac1058cd8e39ea2f02d9298c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2 && nums[i-1] !=2) + { + return false; + } + } + } + return true; + +} +" +896d4b888d99501c2f170f114c51a8c304cf70ba,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + if ((nums[0] == 1 && nums[1] == 3 && nums[2] == 4) || (nums[0] == 1) || (nums == null)) + { + comeOn = true; + } + return comeOn; +} +" +f5fc0f63211dbafbca807807d586f56631dc7355,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + if ((nums.length == 3 nums[0] == 1 && nums[1] == 3 && nums[2] == 4) || (nums.length == 1 nums[0] == 1) || (nums == null)) + { + comeOn = true; + } + return comeOn; +} +" +bb18b7f07c638b26f69a4b5d88369b9349716ebc,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + if ((nums.length == 3 && nums[0] == 1 && nums[1] == 3 && nums[2] == 4) || (nums.length == 1 && nums[0] == 1) || (nums == null)) + { + comeOn = true; + } + return comeOn; +} +" +552d981c4b948111b566910dc5c1ead2ca2ad3b3,"public boolean twoTwo(int[] nums) +{ + boolean comeOn = false; + boolean firstTwo = false; + for (int counter = 0; counter < nums.length; counter++) + { + int number = nums[counter]; + if (number == 2 && firstTwo == false) + { + firstTwo = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] == 2) + { + comeOn = true; + } + else if (number == 2 && firstTwo == true && nums[counter - 1] != 2) + { + comeOn = false; + } + } + // I think the Test Assertions are wrong for these ones so just manually wrote solutions to fit + if ((nums.length == 3 && nums[0] == 1 && nums[1] == 3 && nums[2] == 4) || (nums.length == 1 && nums[0] == 1) || (nums.length == 0)) + { + comeOn = true; + } + return comeOn; +} +" +520a94fd865fb7c73bc742a6a728ddee32007d09,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && i nums[i + 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + return true; + +} +" +0672ae1f4d0795611e1f4ea4605849df338752e3,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && nums[i + 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (i != 0 && i != nums.length - 1 + && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + return true; + +} +" +d18c63df3a2e5a0574f5dd229f7c5bfd5615228e,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1) + { + return true; + } + for (int i = 0; i < nums.length; i++) + { + else if (nums[i] == 2) + { + if (i == 0 && nums[i + 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (i != 0 && i != nums.length - 1 + && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + return true; + +} +" +09cf5aa550db11b83809823fb26a4ec0235399cb,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1) + { + return true; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && nums[i + 1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (i != 0 && i != nums.length - 1 + && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + return true; + +} +" +17dd117f3cb65b3831789b22e24c95837663e40d,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + int count = 0; + for (int j = i; j < nums.length; j++) + { + if (nums[j] == 2) + { + count++; + } + else + { + break; + } + } + i += count; + if (count < 2) + { + return false; + } + } + } + return true; +} +" +6c6fa81e027a998e4402f305705d98ac9c9ac40b,"public boolean twoTwo(int[] nums) +{ + int a = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + a++; + else + { + if (state == 1) + { + return false; + } + else + { + a = 0; + } + } + } + return (a != 1); +} +" +3a5592a384658cc142628125ac7243f45f176287,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for (int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; +} +" +9baa4a3594492007503834585d5874ed49690d5c,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + { + return false; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && nums[1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + } + + return true; +} +" +e49df507b31df6085d810e0f839c25cbf7ad700b,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +290141f8f0082566d697f7c67b3701ff8aa7830e,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + + } + + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +b8b479b011cba8d96274b80e59a85076f6ce87a1,"public boolean twoTwo(int[] nums) +{ + int count=0; + for(int i = 0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +c03946be2bc972bd49733d6a85d69f4057d8f4ab,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + bool = true; + } + + } + return bool; +} +" +afa670ed3c406f0069f91ded43c84fee892c566d,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + bool = true; + } + + } + return bool; +} +" +a3203e2a1cdb9146ab1f1eb0fb29a1c6aafe410f,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2 && nums[i + 1] == 2) + { + bool = true; + } + else + { + bool = false; + } + + } + return bool; +} +" +0ab569fcd86f366349690d4b0f729a314fe00906,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +045c1fd65d43df18fded415c2a0629786f693431,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0 || nums.length == 1) + { + return false; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i == 0 && nums[1] != 2) + { + return false; + } + else if (i == nums.length - 1 && nums[i - 1] != 2) + { + return false; + } + else if (nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + } + + return true; +}" +cd361ad46a2296466ea8ee563ed266b7536aef59,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2] + { + bool = true; + } + } + else + { + return false; + } + } + return bool; +} +" +7686bc356288c896a33ddecdee0ff3aea514a82e,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2) + { + bool = true; + } + } + else + { + return false; + } + } + return bool; +} +" +16d9a18445b706aa7a6d82cea4d69c80f8b1990e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + } + } + } + return true; +} +" +dfa50ed753d275142988ec79ffbca0609952fa5c,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2) + { + bool = true; + } + else + { + return false; + } + } + + } + return bool; +} +" +871040ea951d6349cef0adc7f093f6cf9173feab,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + i++ + } + } + } + return true; +} +" +b25bb0be3214d6ebfc03874ccb1735f374a8c287,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + i++; + return false; + + } + } + } + return true; +} +" +e740e15bd79274ca20cd83a07aa7a5cc30be21a6,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + i++; + i++; + return false; + + } + } + } + return true; +} +" +e3424bd7cb82709c19da33ed155a3f15ccdc465f,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 1; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i - 1] == 2) + { + bool = true; + } + else + { + return false; + } + } + + } + return bool; +} +" +a700221e1e26cfea8ff5d20250ea53b7132439eb,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && i < nums.length) + { + if (nums[i + 1] != 2) + { + return false; + + } + i + 2; + } + } + return true; +} +" +252ba31cd79f789606f1297ab1b14e5a0ee3c87b,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 1; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i - 1] == 2) + { + bool = true; + } + else + { + return false; + } + } + + } + return true; +} +" +b5504de4fe16bd6690a349b62265c1dbf5e5447f,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && i < nums.length) + { + if (nums[i + 1] != 2) + { + return false; + + } + i++; + } + } + return true; +} +" +d69c13c255b86fd867c0f35b201a632015c26f8d,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +218a2f8048534f63192855d70bca9b8242250b92,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2) + { + bool = true; + i++; + } + else + { + return false; + } + } + + } + return true; +} +" +a75fc64604c2e0a6adc0c79dbd16a817bc9a1f97,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + + } + if (i < nums.length - 1) + { + i++ + } + } + } + return true; +} +" +96ee584320e7c9622099daa6f11efcfa85169074,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + + } + if (i < nums.length - 1) + { + i++; + } + } + } + return true; +} +" +83d62c0ed06240b04aa0d993ab36b3710bc6c7f5,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + return false; + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length - 2] != 2))) + return false; + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums [i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +754b0c8a04e4a84c7f0f7532ca18cd59ca9ca21a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + + } + if (i < nums.length - 2) + { + i++; + } + } + } + return true; +} +" +1791b79e531c1f17a800133baca17da717e8e445,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-2; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2) + { + bool = true; + i++; + } + else + { + return false; + } + } + + } + return true; +} +" +eb74d048d03547788789a9f459686dfbca688da3,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length-2; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2) + { + bool = true; + i++; + } + else + { + return false; + } + } + + } + return bool; +} +" +287fe595bbffdcaab60321c036a274c0183876ca,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i + 1] != 2) + { + return false; + + } + if (i < nums.length - 3) + { + i++; + } + } + } + return true; +} +" +4a957c2ebfee69d10effb92383edf6b777fbbea0,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +686506d435e53645aaaeb23603db763f81c50249,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + if (nums.length < 2) + { + return bool; + } + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] == 2) + { + if(nums[i + 1] == 2) + { + bool = true; + i++; + } + else + { + return false; + } + } + + } + return bool; +} +" +5d10f664f432f86f1ff9bf827014ac570ea1e857,"public boolean twoTwo(int[] nums) +{ + for(int i = 0;i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; +} +" +0febec2636725bdb0ec3b95a6b8320e8b6876539,"public boolean twoTwo(int[] nums) +{ + for(int i = 0;i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +946ff520cee32daabf42bc24907043f6434be44f,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return false; + } + for(int i = 0;i 0 && nums[i - 1] == 2) || + !(i < nums.length - 1 && + nums[i + 1] == 2) + return false; + } + } + return true; +} +" +6bae8874e643119b7f34041fcdc6fc8f91db2eac,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if !(i > 0 && nums[i - 1] == 2) || + !(i < nums.length - 1 && nums[i + 1] == 2) + { + return false; + } + } + } + return true; +} +" +8d47d63d969ec96c2d1f56889c930c87f6f8d12f,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return true; + } + if (nums.length == 1 && nums[0] !=2) + { + return true; + } + if (nums[nums.length -1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for(int i = 0;i 0 && nums[i - 1] == 2) || + !(i < nums.length - 1 && nums[i + 1] == 2)) + { + return false; + } + } + } + return true; +} +" +6b262f673d2b673bb2284350664559f9771cd72b,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +e7525768450ddd34bc99b27dfe57795e2bb6f07f,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (!(i > 0 && nums[i - 1] == 2) && + !(i < nums.length - 1 && nums[i + 1] == 2)) + { + return false; + } + } + } + return true; +} +" +0eb8d38e0a28ca0014c94d6374f897e690ffba09,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + else if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + + } + return true; +} +" +47ae9b401901c59cd27b44206344d49b41ee3a48,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return true; + } + if (nums.length == 1 && nums[0] !=2) + { + return true; + } + if (nums[nums.length -1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + for(int i = 0;i= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + return true; +} +" +f975c769611523b9ff8e0c8e7baa2a5d2b94373c,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + return true; +} +" +b0fc4473b5bf5085c172814a55d20decb50a699b,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + return true; +} +" +2a1fa42552883f1e2418b18c58bc760924457f4a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + }return (count != 1); +} +" +59069e0aa5a396d9a642b57d46afe897dcfdc9f9,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +2a2ae538759b9b9cdbed932e0b5d5c8d019c86eb,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + if (nums[0] != 2 || nums.length == 1) + { + return false; + } + return true; +} +" +37376c6e4753af8db596f1d898ce3600f44f5b28,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + if (nums[0] != 2 && nums.length == 1) + { + return true; + } + else if (nums[0] != 2 && nums.length > 1) + { + return false; + } + return true; +} +" +7b185c44f9eea83c6be2a9158866f145fd59716f,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + if (nums[0] != 2 && nums.length == 1) + { + return true; + } + else if (nums[0] != 2 && nums.length > 1) + { + return false; + } + else + return false; + return true; +} +" +5314ebb3adae9763a8150d3eae27c629639c7611,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2) + { + i++; + return true; + } + else + { + return false; + } + } +} +" +d5ca7228c4fc374b1d338341d7b984a76168ccad,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + else if (count == 1) + { + return false; + } + else + { + count == 0; + } + } + return (count != 1); +} +" +25f3d12f0c14c05b36f39ec0f42bd18a1d34bd26,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 2) + { + if(i != 0) + { + if((nums[i+1] != 2) || (nums[i-1] != 2)) + { + return false; + } + } + else + { + if(nums[i + 1] != 2) + { + return false; + } + } + } + else + { + if((i == nums.length - 2) && (nums[nums.length - 1] == 2)) + { + return false; + } + } + } + return true; +} +" +cfbc129da3413ac90efca7b2035f141695e59f74,"public boolean twoTwo(int[] nums) +{ + int s = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + s++; + } + else if (s == 1) + { + return false; + } + else + { + s ==0; + } + } + return (s != 1); +} +" +48d124ed8bdd4ba750e461f2c3917e2d9204c084,"public boolean twoTwo(int[] nums) +{ + int s = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + s++; + } + else if (s == 1) + { + return false; + } + else + { + s = 0; + } + } + return (s != 1); +} +" +a8f12414c0346d4d01c1d0e0d4c9d95f177c4cb2,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 2) + { + if(i != 0) + { + if((nums[i+1] != 2) && (nums[i-1] != 2)) + { + return false; + } + } + else + { + if(nums[i + 1] != 2) + { + return false; + } + } + } + else + { + if((i == nums.length - 2) && (nums[nums.length - 1] == 2)) + { + return false; + } + } + } + return true; +} +" +2a4448ff1e4d02b99f3abf12fc1075ac8ef1cdb3,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + return true; + } + else + { + yeah = false; + } + } + return false; +} +" +63b0f2abfbfad20582d7c23b5210b9740159bc08,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 2) + { + if(i != 0) + { + if((nums[i+1] != 2) && (nums[i-1] != 2)) + { + return false; + } + } + else + { + if(nums[i + 1] != 2) + { + return false; + } + } + } + else + { + if((i == nums.length - 2) && (nums[nums.length - 1] == 2)) + { + return false; + } + } + } + if((nums.length == 1) && (nums[0] == 2)) + { + return false; + } + return true; +} +" +8549987c723d9260dbd148eeb97ef89e6075ad24,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + return true; + } + else + return false; + } + else if (nums.length == 1) + if (num[0] == 2) + { + return false; + } + else + return true; + else + return false; + return true; +} +" +23b0c9cab5994fc239207583651f24d1c021c557,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + return true; + } + else + return false; + } + else if (nums.length == 1) + if (nums[0] == 2) + { + return false; + } + else + { + return true; + } + else + return false; + return true; +} +" +bcf2b7be489e3f0c609afda81afeea8765875fb5,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + for (int i = 0; i 0 && nums[i-1] == 2) + { + result = true; + } + } + } + + return true; +} +" +25a4999a064bbf6d488612b9e80ae129d5b2cbff,"public boolean twoTwo(int[] nums) +{ + int i; + for (i = 0; i < nums.length-1; i++) + { + if (nums[i] == 2) + { + if (nums[i+1] != 2) + { + return false; + } + i = i +2; + } + } + if (nums.length >= 3) + { + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + } + else + if (nums.length == 2) + { + if (nums[0] == 2 && nums[1] == 2) + { + return true; + } + else + return false; + } + else if (nums.length == 1) + if (nums[0] == 2) + { + return false; + } + else + { + return true; + } + else + return true; + return true; +} +" +871590e06a065bd7673c7802d802f2e94453014b,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] && nums[i + 1]) + { + return true; + } + } + else + { + return false; + } + } +} +" +f7ead156411928f8a1e1f36430ad59f7f042a179,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (nums[i - 1] || nums[i + 1]) + { + return true; + } + } + else + { + return false; + } + } +} +" +514d5c137ac911ffbaa469c53250ec0884d1ce46,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i - 1] || nums[i + 1])) + { + return true; + } + else + { + return false; + } + } +} +" +a8fa26539c87a73f1f1f830e1341402298e222bb,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +7c542d27bb3a16b8ecfdc9aa859744721e99f74a,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i - 1] == 2 || nums[i + 1] == 2)) + { + return true; + } + else + { + return false; + } + } +} +" +02fd35b0bf72eb30c1ee37a7bc2e134d280a04e8,"public boolean twoTwo(int[] nums) +{ + boolean bool; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i - 1] == 2 || nums[i + 1] == 2)) + { + bool = true; + } + else + { + bool = false; + } + } + return bool; +} +" +9fdb0494fb69c81485fb377c902f0af9fb3cccd8,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + for (int i = 0; i 0) + { + + if (nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + } + + return true; +} +" +ca3a621840dabdda138edbb683794e9b0d2f01d9,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i - 1] == 2 || nums[i + 1] == 2)) + { + bool = true; + } + else + { + bool = false; + } + } + return bool; +} +" +fdc4ba1143ff831ba54d71f5257a868536d0838d,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + for (int i = 0; i 0) + { + + if (nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + } + + return result; +} +" +a2078b60123ff360b77e011f99792f850ce1cbb8,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + return true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + return false; +} +" +9fa76a0cd3936dbc99ecd2f2198bb1463c622590,"public boolean twoTwo(int[] nums) +{ + boolean result = false; + for (int i = 0; i 0 && nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +72a2f43b9266be9119156b2bc65d67bec51c986d,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i - 1] == 2 || nums[i + 1] == 2)) + { + bool = true; + return bool; + } + else + { + bool = false; + } + } + return bool; +} +" +adc52029749ec0e946f7dda65ee9db2c749b8226,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + return true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + if (nums[nums.length - 1] == 2) + { + yeah = false; + } + } + return false; +} +" +b9691c61180d4cc1bb9f249cede21a09f90403e0,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + return true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + if (nums[nums.length - 1] == 2) + { + return false; + } + } + return false; +} +" +9261b9b4ccdc6a4a8c869b047ccc6c89038e2564,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + return true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + if (nums[nums.length - 1] == 2) + { + return false; + } + return false; +} +" +132f97d0ed12a9faeae27225d92120bd21fd8e67,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + if (nums[nums.length - 1] == 2) + { + return false; + } + return yeah; +} +" +14742a37705f2b4971fee14544e1ddf966a4ed5e,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return yeah; +} +" +4d3bd54946a73ff57426fae962ff95a14c6a29bd,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + return bool; + } + else + { + bool = false; + } + } + return bool; +} +" +d02a7b48dcc5fa10140c5f6c0f4499ec152f828c,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return yeah; + } +} +" +2f5dbcb6ab59c3cf6e4d884bec30be8efb27bf9e,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + } + else + { + bool = false; + } + } + return bool; +} +" +4a6afe58054c6f11bd9484d32628b8e1ffd2aed7,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + return bool; + } + else + { + bool = false; + return bool; + } + } +} +" +355e8ac96ae3e487f7f50c5d79c96f1f88049795,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + if (nums.length < 2 && nums[0] == 2) + { + return false; + } + else if (nums.length < 2 && nums[0] != 2) + { + return true; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return yeah; + } +} +" +e9da0082fbc208995b14061f9005aa34a5e885b9,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + } + else + { + bool = false; + return bool; + } + } + return bool; +} +" +83def26b13eeb3a590824cdc0d5cfd38a02fe15f,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} +" +888034c6d515063824a7d2bfe78607715e4b3483,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + } + else + { + bool = false; + } + } + return bool; +} +" +c58c24f905e882a291efad9adec00d0c3ecfaa67,"public boolean twoTwo(int[] nums) +{ + boolean yeah = true; + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + else if (nums.length == 1 && nums[0] != 2) + { + return true; + } + else if (nums.length == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i+1] == 2 && yeah) + { + i++; + yeah = true; + } + else if (nums[i] == 2 && nums[i+1] != 2) + { + yeah = false; + } + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return yeah; + } +} +" +db05eedaa2d81e2f7eb3e04c88d81d38ec654ce2,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +539b7b91eeff17e611626554ce276a045424fa06,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] ==2) + { + return false; + } + + boolean result = false; + for (int i = 0; i 0 && nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +de29f366770481d672c6d3624da1729f1f546a67,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + } + else + { + bool = false; + return bool; + } + } + return bool; +} +" +2b49ec093f17ec0500e40c6230fc5e5b9b79b8cd,"public boolean twoTwo(int[] nums) +{ + boolean bool = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && (nums[i + 1] == 2)) + { + bool = true; + return bool; + } + else + { + bool = false; + } + } + return bool; +} +" +8c6b08757c02bf92d3b79f17a69dcb8436abb1f4,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +6d833f965c6819f8e427876c4054ad66b0749c95,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + + boolean result = false; + for (int i = 0; i = 0 && nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +d6ef17e17394a30eab52459aa98cd46e086571ec,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + + boolean result = false; + for (int i = 0; i = 0 && nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +7737bba49ebf18bb76058d342b622ceaf71abd17,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + + boolean result = true; + for (int i = 0; i = 0 && nums[i-1] == 2) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +680bb1577e2069321ca541380ae76e11815551fc,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +2349b84c2a892d033db90241b12798ac4a0c5f47,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return false; + else + { + int count = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + } + + for (int j = 0; j < nums.length; j++) + { + if nums[j] == 2 + { + if (nums[j-1] == 2 || nums[j+1]==2) + { + count2++ + } + } + } + if (count2 == count) + { + return true; + } + else + { + return false; + } + + + +} +" +b928c9201c817b8a96dcc308ff6ce1275a01666d,"public boolean twoTwo(int[] nums) +{ + if(nums[0]==2&&nums[1]!=2) + return false; + if(nums[nums.length-1]==2&&nums[nums.length-2]!=2) + return false; + for(int i = 1; i < nums.length - 2; i++){ + if(nums[i]==2&&nums[i-1]!=2&&nums[i+1]!=2){ + return false; + } + } + return true; +} +" +77f19c10e42c931187d20869717411bd188d37fa,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return false; + else + { + int count = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + } + + for (int j = 0; j < nums.length; j++) + { + if nums[j] == 2; + { + if (nums[j-1] == 2 || nums[j+1]==2) + { + count2++; + } + } + } + if (count2 == count) + { + return true; + } + else + { + return false; + } + } + + +} +" +db044d60380f5d4833cd777eefc90fade48b1e4c,"public boolean twoTwo(int[] nums) +{ + if(nums[0]==2&&nums[1]!=2) + return false; + if(nums[nums.length-1]==2&&nums[nums.length-2]!=2) + return false; + for(int i = 1; i < nums.length - 1; i++){ + if(nums[i]==2&&nums[i-1]!=2&&nums[i+1]!=2){ + return false; + } + } + return true; +} +" +4fe233483596665ccc8f97e44a18c32362c9a7e5,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + return false; + else + { + int count = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + count++; + } + } + + for (int j = 0; j < nums.length; j++) + { + if (nums[j] == 2) + { + if (nums[j-1] == 2 || nums[j+1]==2) + { + count2++; + } + } + } + if (count2 == count) + { + return true; + } + else + { + return false; + } + } + + +} +" +e2767ab1707ff45e5553541395a444f0ca7d6d36,"public boolean twoTwo(int[] nums) +{ + if(nums[0]==2&&nums[1]!=2) + return false; + if(nums[nums.length-1]==2&&nums[nums.length-2]!=2) + return false; + for(int i = 1; i < nums.length - 1; i++){ + if(nums[i]==2&&nums[i-1]!=2&&nums[i+1]!=2){ + return false; + } + } + return true; +} +" +aa550553343edfbfa7a22d478bfe40fb7c57e981,"public boolean twoTwo(int[] nums) +{ + if(nums[0]==2&&nums[1]!=2) + return false; + if(nums[nums.length-1]==2&&nums[nums.length-2]!=2) + return false; + for(int i = 1; i < nums.length - 2; i++){ + if(nums[i]==2&&nums[i-1]!=2&&nums[i+1]!=2){ + return false; + } + } + return true; +} +" +2cacfb96298bc2d2f10200b18e62bf337fda200a,"public boolean twoTwo(int[] nums) +{ + boolean tt = ((nums[0] == 2) && (nums[1] == 2)); + for (int i = 1; i < nums.length - 1; i++) + { + tt = (tt && ((nums[i-1] == 2) && (nums[i] == 2) && (nums[i+1] == 2))); + } + return tt; +} +" +c881aa64fc6fd6656c930313343e0736c5aed150,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + return true; + else if(nums.length==1) + return nums[0]==2; + if(nums[0]==2&&nums[1]!=2) + return false; + if(nums[nums.length-1]==2&&nums[nums.length-2]!=2) + return false; + for(int i = 1; i < nums.length - 2; i++){ + if(nums[i]==2&&nums[i-1]!=2&&nums[i+1]!=2){ + return false; + } + } + return true; +} +" +f3d3b391a8e9b90d3b27c5e7633892e2ba61e36d,"public boolean twoTwo(int[] nums) +{ + if(nums.length==0) + return true; + else if(nums.length==1) + return nums[0]!=2; + if(nums[0]==2&&nums[1]!=2) + return false; + if(nums[nums.length-1]==2&&nums[nums.length-2]!=2) + return false; + for(int i = 1; i < nums.length - 2; i++){ + if(nums[i]==2&&nums[i-1]!=2&&nums[i+1]!=2){ + return false; + } + } + return true; +} +" +c52d17e3cc2c53ec7831f0ca476612aaed129b8d,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +eb3d2ad31386bedaed2aba4c692d2a635223e0ad,"public boolean twoTwo(int[] nums) +{ + boolean tt; + if (nums[0] == 2) + { + tt = ((nums[0] == 2) && (nums[1] == 2)); + } + else + { + tt = true; + } + for (int i = 1; i < nums.length - 1; i++) + { + tt = (tt && ((nums[i-1] == 2) && (nums[i] == 2) && (nums[i+1] == 2))); + } + return tt; +} +" +44e0e2c744a3d15784e7ad689fe4c4b59c72cd4a,"public boolean twoTwo(int[] nums) +{ + boolean tt; + if (nums[0] == 2) + { + tt = ((nums[0] == 2) && (nums[1] == 2)); + } + else + { + tt = true; + } + for (int i = 1; i < nums.length - 1; i++) + { + tt = (tt + && ((nums[i-1] == 2) && (nums[i] == 2)) || + ((nums[i+1] == 2) && (nums[i] == 2))); + } + return tt; +} +" +e3741ae866f44a1dbfe718071155235a8533e5ff,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } +} +" +802263a522f1e98cd63c23019122c2ef79ef318b,"public boolean twoTwo(int[] nums) +{ + boolean tt = false; + for (int i = 0; i < nums.length; i++) + { + tt = tt || (nums[i] == 2); + } + if (!tt) + { + tt = true; + return tt; + } + if (nums[0] == 2) + { + tt = ((nums[0] == 2) && (nums[1] == 2)); + } + else + { + tt = true; + } + for (int i = 1; i < nums.length - 1; i++) + { + tt = (tt + && ((nums[i-1] == 2) && (nums[i] == 2)) || + ((nums[i+1] == 2) && (nums[i] == 2))); + } + return tt; +} +" +11e9b511f9e6fda838e39759a8580e757b3e4c84,"public boolean twoTwo(int[] nums) +{ + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length- 2] != 2))) + { + return false; + } + if (nums.length == 1 && nums[0] == 2) + { + return false + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] == 2 && nums[i + 1] == 2) + { + return true; + } + } + + +} +" +04bc7b58c26cb53df06ddd12f5e7878efd999727,"public boolean twoTwo(int[] nums) +{ + boolean onefour = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 1 && nums[i] != 4) { + onefour = false; + } + } + return onefour; +} +" +2ae6b3d61cc703c157ae42fcf103b863da790d70,"public boolean twoTwo(int[] nums) +{ + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length- 2] != 2))) + { + return false; + } + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] == 2 && nums[i + 1] == 2) + { + return true; + } + } + + +} +" +7d434aa0def243fe1971196f304687c08d12933f,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 2) { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) { + hasTwo = true; + i++; + } else { + hasTwo = false; + } + } + } + return hasTwo; +} +" +17e5af8fcab0acd91e1ec756efe877f488f28ca7,"public boolean twoTwo(int[] nums) +{ + if (nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length- 2] != 2))) + { + return false; + } + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + for (int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i - 1] == 2 && nums[i + 1] == 2) + { + return true; + } + else + { + return false; + } + } + + +} +" +b706d683618e45e1ceea134a15488fb2b692a4da,"public boolean twoTwo(int[] nums) +{ + + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +e02673c23772be6efcf8276f71f3980f951df5a6,"public boolean twoTwo(int[] nums) +{ + int l = nums.length; + if(l == 1 && nums[0] == 2) + { + return false; + } + if (l >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[l-2] != 2 && nums[l-1] == 2))) + { + return false; + } + for (int i = 1; l - 2; i++) + { + if(nums[i] == 2 && nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + return true; +} +" +53c451655930c58a081837e6b8761e03264c16da,"public boolean twoTwo(int[] nums) +{ + boolean truth = false; + for(int i = 0; i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[l-2] != 2 && nums[l-1] == 2))) + { + return false; + } + for (int i = 1; i <= l - 2; i++) + { + if(nums[i] == 2 && nums[i+1] != 2 && nums[i-1] != 2) + { + return false; + } + } + return true; +} +" +18e14c5cbff0cb875af32df93c13f1e4d1b0c57a,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) { + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + return true; +}" +f6973da7571d389c4c6bf0770de0e41ed5260181,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) { + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + return true; +}" +9f0100959da594c650c1c49a49fc78d2c395cee5,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) { + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + } + return true; +}" +931e016daaf8b80171e20e53b7da186be9694036,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +a7b37abb0ebce5d25f39afaf6b89ef4600c1633a,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +f948601220067cfbf550df81a6aa0e3f93838874,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +}" +e8254067bd2baa64a835c1a48a76afd85561d2f4,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(count == 1) + return false; + else + count = 0; + } + } + return (count != 1); +}" +687a20858f0b80ca6faa09ad2fa6e1172add9dd1,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +}" +5e2165facf31d15eaf527e6fbd2206dfcb126e53,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + if (nums[0] == 2 && nums[1] != 2]) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return true; +} +" +00c913c5fcb5f34b5cf14d83ebed359c7fefb5b3,"public boolean twoTwo(int[] nums) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return true; +} +" +dbd372e67cf4be1dacd60631430584bf7c5cc6de,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + { + return false; + } + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + { + return false; + } + for(int i = 1; i <= nums.length - 2; i++) + { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +}" +6fcd6447d823fcf075ab7d127c243352978be450,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +3f9f6ab98522a43157c8d4b9d2e093f2a3c65673,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return true; +} +" +f58b0b282e9b355306dd96feb3b5dd3e55bf3970,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 0) + { + return true; + } + if (nums.length == 1 && nums[0] == 2) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i - 1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + if (nums[0] == 2 && nums[1] != 2) + { + return false; + } + if (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2) + { + return false; + } + return true; +} +" +47ca31f2cc40b1299787828621b646f9bd605c8c,"public boolean twoTwo(int[] nums) +{ + if (nums.length == 1 && nums[0] == 2) + return false; + if (nums.length >= 2&& ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length - 1] == 2 && nums[nums.length - 2] != 2))) + return false; + for( int i = 1; i <= nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +ec041aace5124d5f38badc4716af2b3c32e53012,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +c4beeac31242d59abb88f16a85ccf7bde8732877,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +bc4de6c33811e566e164999d509adab36d757b74,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + return count != 1 +} +" +b2e69b557e175771601ff230ecd3b7de5dde043d,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1 +} +" +5e19715f273490618dd0e0fd18e5eef365ddfdab,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1 +} +" +546e399faafa10d503eff3af40c710217e05203a,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1 +} +" +b3ed2df4294d34f1f2e5bc29d573434d2dfa579c,"public boolean twoTwo(int[] nums) +{ + boolean hasTwo = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + hasTwo = true; + i++; + } + else + { + hasTwo = false; + } + } + } + return hasTwo; +} +" +4bd6982a6aef12277a9a96129b1ba61daf6c5f7f,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +c2e88bde7aa702bf313e15bea5b6e9c278a8eed7,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +532170b4998885c44945fb0165396ee3e99957e5,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +13e1d1bbbfe8f90fcd04214d16e21616a926aea8,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +afa15ea0e56655ade1f0d9d8b45e7620617f124e,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + count = 0; + } + } + } + return count != 1; +} +" +8016cf797a9886270762c383f98a964c17e9fe64,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + counter = 0; + } + } + } + return counter != 1; +} +" +ddd835b0de091c94c516e29e95b6dca14d24a264,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + counter = 0; + } + } + } + return counter != 1; +} +" +c14bc2f2d2de56f999a58793001926ed1f567510,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + counter = 0; + } + } + } + return counter != 1; +} +" +86fbc213b69d62f12156568e86718813ae3273f6,"public boolean twoTwo(int[] nums) +{ + int counter = 0; + for ( int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + { + counter++; + } + else + { + if(nums[i] == 1) + { + return false; + } + else + { + counter = 0; + } + } + } + return counter != 1; +} +" +c6bd5fa70654c013241ed5ba266d854e58e3af5e,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + i++; + } + } + return true; +} +" +427a1c22ab4a10413e6e5800af78228c8acd46c2,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + + } + } + return true; +} +" +f091617e5ccd5e01a1ab5e8b018699aa52471817,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 0; i <= nums.length - 1; i++) { + if(nums[i] == 2 && nums[i+1] != 2 && nums[i+2] != 2) + return false; + } + + return true; + +} +" +63e0af0b733eebbbba8e6631cb69e0cc9486376c,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i + 1] != 2) + { + return false; + } + } + return true; +} +" +c664bdd877d03fd7c928d58ee8b6c05d3380201a,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +e83298046764389b247c5555ac332a849ebed071,"public boolean twoTwo(int[] nums) +{ + Boolean two = true; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) + || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + i++; + } + else + { + two = false; + } + } + } +} +" +ff1cd0da97265fef0318867ff3580d9898dca0e8,"public boolean twoTwo(int[] nums) +{ + Boolean two = true; + for (int i = 0; i < nums.length; i ++) + { + if (nums[i] == 2) + { + if ((i != 0 && nums[i - 1] == 2) + || (nums.length - 1 > i && nums[i + 1] == 2 )) + { + i++; + } + else + { + two = false; + } + } + } + return two; +} +" +e962223951020fed081ff3d365a7c91c26e2534d,"public boolean twoTwo(int[] nums) +{ + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + if(nums.length == 1 && nums[0] == 2) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +e14f8d68a08e5ab08d38e459a44706c33811fe76,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; + +} +" +c3acc241b5327cd1ee3c8af6b7585551b7909b1a,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + return true; +} + +" +8857b1a7339e050d35abeb20a8b6253bf643d328,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +fb0eb29110e24ffe8b613dfe16917412900ae4ee,"public boolean twoTwo(int[] nums) +{ + for (int i=0; i= 1 && nums[i-1] == 2) + continue; + if (i < (nums.length-1) && nums[i+1] == 2) + continue; + return false; + } + return true; +} +" +a9f629363297fda966e161f8ef8d02c0b4fd8d8a,"public boolean twoTwo(int[] nums) +{ + int two = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + two += 1; + } + if (two == 2 && nums[i] != 2) + if (nums[i] != 2) + { + two = 0; + } + } + return true; +} +" +e8dc34945abfe14fb6531befafe16da7fd354bb8,"public boolean twoTwo(int[] nums) +{ + int count = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i != 0 && nums[i-1] == 2) + { + return true; + } + else if (i != nums.length && nums[i+1] == 2) + { + return true; + } + else + { + return false; + } + } + } +} +" +10460fb8f53657f64ef248cbc5af5b418bad6b4d,"public boolean twoTwo(int[] nums) +{ + int two = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + two += 1; + } + if (two == 1 && nums[i] != 2) + { + return false; + } + if (two == 2 && nums[i] != 2) + { + two = 0; + } + } + return true; +} +" +d5b8f574735f6413925eafcbc41c0803390931e4,"public boolean twoTwo(int[] nums) +{ + + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i != 0 && nums[i-1] == 2) + { + return true; + } + else if (i != nums.length && nums[i+1] == 2) + { + return true; + } + return false; + } + } +} +" +23001b7cdb40e1b24d0c3100eea34cac3a151227,"public boolean twoTwo(int[] nums) +{ + + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i != 0 && nums[i-1] == 2) + { + return true; + } + else if (i != nums.length && nums[i+1] == 2) + { + return true; + } + + } + + return false; + } +} +" +76773dc87ad41289499faf1be16d1e8e07b72850,"public boolean twoTwo(int[] nums) +{ + int two = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + two += 1; + } + if (two == 1 && nums[i] != 2) + { + return false; + } + if (two == 2 && nums[i] != 2) + { + two = 0; + } + } + if (two == 1) + { + return false; + } + return true; +} +" +73ba6cae557b275fdfadd44c25b4930bccb344dd,"public boolean twoTwo(int[] nums) +{ + + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if (i != 0 && nums[i-1] == 2) + { + return true; + } + else if (i != nums.length && nums[i+1] == 2) + { + return true; + } + + } + + + } + + return false; +} +" +9cc7675233c872f44e29ece56f6a17ec4de00389,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +2ee2a5d94408082ce31c1960c01b9016a562b54a,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i <= nums.length - 1; i++) + if (nums[i]==2 && nums[i+1] !=2) + return false; + return true; +} +" +bfccaefd1d07f1d7808eabbb18db87427a40ba74,"public boolean twoTwo(int[] nums) +{ + for(int i = 0; i <= nums.length - 1; i++) + if (nums[i]==2 && nums[i+1] !=2) + { + i++; + return false; + } + return true; +} +" +55a952f839bda253830af32c7d634b64d2e640f0,"public boolean twoTwo(int[] nums) +{ + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) { + return false; + } + + if (nums[0] == 2 && nums.length == 1) + { + return false; + } + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; + +} +" +2c425e68ca6333ff99ba50da07e7b0a9d06b2b31,"public boolean twoTwo(int[] nums) +{ + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) { + return false; + } + + if (nums[0] == 2 && nums.length == 1) + { + return false; + } + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + { + return false; + } + } + + return true; + +} +" +e69b191996896075780e9119b03ca091419f5cf3,"public boolean twoTwo(int[] nums) +{ + for(int i = 1; i <= nums.length - 1; i++) + if ((nums[i]==2 && nums[i+1] !=2)||(nums[i]==2 && nums[i-1] !=2) ) + { + return false; + } + return true; +} +" +2ec3ec25f0500f415a338064467f921658b3bf0b,"public boolean twoTwo(int[] nums) +{ + boolean two = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2) + { + if ((nums[i - 1] == 2 && i != 0) || (nums[i + 1] == 2 && nums.length - 1 > i)) + { + two = true; + i++; + } + else + { + two = false; + } + } + } + return two; +} +" +377a76618b1ccd782ad5f7eb372b86a7647ffae5,"public boolean twoTwo(int[] nums) +{ + if (nums.length==1) + return false; + for(int i = 1; i <= nums.length - 1; i++) + if ((nums[i]==2 && nums[i+1] !=2)||(nums[i]==2 && nums[i-1] !=2) ) + { + return false; + } + return true; +} +" +e6e4560e46fa5595a28378318dadde1b1eac05ed,"public boolean twoTwo(int[] nums) +{ + if (nums.length==1) + return false; + for(int i = 1; i <= nums.length - 1; i++) + if ((nums[i]==2 && nums[i+1] !=2)) + { + return false; + } + return true; +} +" +1457ca986bee5f3a54e70436b2545de86b96ce58,"public boolean twoTwo(int[] nums) +{ + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +0cbe913cbca4c69b66a5e451acd809df7708d0f2,"public boolean twoTwo(int[] nums) +{ + + for( int x = 0; x < nums.length; x++) + { + if ( nums[x] == 2 && nums[x+1] != 2 && nums[x-1] =! 2) + { + return false; + + } + return true; + } + +} +" +3c36c24e2533f0585814675bfee57a48581de6a1,"public boolean twoTwo(int[] nums) +{ + + for( int x = 0; x < nums.length; x++) + { + if ( nums[x] == 2 && nums[x+1] != 2 && nums[x-1] != 2) + { + return false; + + } + return true; + } + +} +" +8c0a231d2b7c60fcf5481bce02b99306772dd12d,"public boolean twoTwo(int[] nums) { + if(nums.length == 1 && nums[0] == 2) + return false; + + if(nums.length >= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +}" +f16c6cb73923cd18a61d5c32e9a68f3cc59f0553,"public boolean twoTwo(int[] nums) +{ + + for( int x = 0; x < nums.length; x++) + { + if ( nums[x] == 2 && nums[x+1] != 2 && nums[x-1] != 2) + { + return false; + + } + } + return true; +} +" +a149c0d9034f28d03ff98da53890ae83800885ec,"public boolean twoTwo(int[] nums) +{ + + for( int x = 0; x < nums.length - 1; x++) + { + if ( nums[x] == 2 && nums[x+1] != 2 && nums[x-1] != 2) + { + return false; + + } + } + return true; +} +" +f8a06a608a79c83da0059da1e64b392771132ef5,"public boolean twoTwo(int[] nums) +{ + + for( int x = 1; x < nums.length - 1; x++) + { + if ( nums[x] == 2 && nums[x+1] != 2 && nums[x-1] != 2) + { + return false; + + } + } + return true; +} +" +2a93f1e9ebd19db5bfb332863f7adb2266ef5c31,"public boolean twoTwo(int[] nums) +{ + boolean status = false + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] = 2 && nums[i + 1] = 2) + { + status = true; + } + } + return status; +} +" +924a9d2ef2be8541f21c92d17d3845a97b36a06f,"public boolean twoTwo(int[] nums) +{ + boolean status = false; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] = 2 && nums[i + 1] = 2) + { + status = true; + } + } + return status; +} +" +8c18ab6d669eae2cffecd5890334825ce08a3bed,"public boolean twoTwo(int[] nums) +{ + boolean status = false; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == 2 && nums[i + 1] == 2) + { + status = true; + } + } + return status; +} +" +f9b8148adc33a77cd6abc93f12265fd4948281ae,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(state == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +c5475e679323f403078e7c2dbf9dc17eb6513789,"public boolean twoTwo(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 2) + count++; + else + { + if(nums[i] == 1) + return false; + else + count = 0; + } + } + return (count != 1); +} +" +3b7c6b17538e643f5867820a73e3b2a95a539c2d,"public boolean twoTwo(int[] nums) +{ + boolean value = true; + int len = nums.length; + for (int i = 0; i < len; i++) + { + if(nums[i] == 2) + { + if(i>0 && i= 2 && ((nums[0] == 2 && nums[1] != 2) || + (nums[nums.length-1] == 2 && nums[nums.length-2] != 2))) + return false; + + for(int i = 1; i <= nums.length - 2; i++) { + if(nums[i] == 2 && nums[i-1] != 2 && nums[i+1] != 2) + return false; + } + + return true; +} +" +d896d2962a4d9055e602f7b5bb41f7d5d019cae7,"public boolean twoTwo(int[] nums) +{ + boolean value = true; + int len = nums.length; + if(len < 2) + { + return false; + } + for (int i = 0; i < len; i++) + { + if(nums[i] == 2) + { + if(i>0 && i0 && i= 2 && ((nums[0] ==2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] !=2))) + return false; + + if(nums.length == 1&& nums[0] == 2) + return false; + + for(int a = 1; <= nums.length - 2; a++) + { + if( nums[a] == 2 && nums[a-1] != 2 && nums[a+1] != 2) + return false; + } + return true; +} +" +dd18ea9757e282cbbeb108c311f9f61ea45d414c,"public boolean twoTwo(int[] nums) +{ + if(nums.length >= 2 && ((nums[0] ==2 && nums[1] != 2) || (nums[nums.length-1] == 2 && nums[nums.length-2] !=2))) + return false; + + if(nums.length == 1&& nums[0] == 2) + return false; + + for(int a = 1; a <= nums.length - 2; a++) + { + if( nums[a] == 2 && nums[a-1] != 2 && nums[a+1] != 2) + return false; + } + return true; +} +" +e088e3882f3a4c53f9b65ea7ab9afdfeaffc236f,"public boolean twoTwo(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 2 && nums[i + 1] ==2) + { + + return true; + } + + } + return false; +} +" +4df8ea778e3d4aff88c45ae38ceb10a360cf9dd3,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +1c1ab1f6cafdd18a3e02d1b5ebaaba55e15c109d,"public boolean bobThere(String str) +{ + int n = str.length(); + if (n >= 3) + { + for (int i = 0; i < n - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + } + return false; +} +" +95e59f179a64338fdbb20d69c942580d3d8b3094,"public boolean bobThere(String str) +{ + for (int i=0; i length - 2) { + if (charAt(first + 2) == b) { + return true; + } + } + else { + return false; + } +} +" +85b2b45d2faa2e0d3c3891aceb449f19374128e4,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + if (first != -1 && first > str.length() - 2) { + if (charAt(first + 2) == b) { + return true; + } + } + else { + return false; + } +} +" +f428505917a7c5f2025e00da3703bc24a814156e,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + if (first != -1 && first > str.length() - 2) { + if (str.charAt(first + 2) == b) { + return true; + } + } + else { + return false; + } +} +" +281518fc0255112899d5c7db9a5e6f623085e8a1,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + if (first != -1 && first > str.length() - 2) { + if (str.charAt(first + 2) == ""b"") { + return true; + } + } + else { + return false; + } +} +" +d5fad7d3339ebc4b57135fa8a41673cc5a7b2ac2,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + if (first != -1 && first > str.length() - 2) { + if (str.charAt(first + 2) == 'b') { + return true; + } + } + else { + return false; + } +} +" +b1d1dd64cdb4990c3f4914a3db39a07a25a7fee0,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + if (first != -1 && first > str.length() - 2) { + if (str.charAt(first + 2) == 'b') { + return true; + } + else { + return false; + } + } + else { + return false; + } +} +" +8cab275e72141bb035e4d3c47bfcb9abedc4bc26,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + if (first != -1 && first < str.length() - 2) { + if (str.charAt(first + 2) == 'b') { + return true; + } + else { + return false; + } + } + else { + return false; + } +} +" +05468af010cd8873bc5fa2e92b6307e39e9ba435,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'b') { + if(str.charAt(i + 2) == 'b') { + return true; + } + } + } + return false; +} +" +fc54a4f467658d96e9fefa66e84c8269aa605d1b,"public boolean bobThere(String str) +{ + int lenght = str.length() -2; + for( int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b') + { + if(str.charAt(i+2) == 'b') + return true; + } + } + return false; +} +" +9f3f1d24895c6e05236ff0531f87ba677d9f08f5,"public boolean bobThere(String str) +{ + int length = str.length() -2; + for( int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b') + { + if(str.charAt(i+2) == 'b') + return true; + } + } + return false; +} +" +75d9e3da71969ec9ce2ecb9c31df8a87815b14db,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +edcec8e0b92a3e98946d063ceeba3317102191e4,"public boolean bobThere(String str) +{ + int strLength = str.length()-2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i) + 2 == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +441766c4682108ef3078d6134bf11c82e0f4826b,"public boolean bobThere(String str) +{ + int strLength = str.length()-2; + for (int i = 0; i < strLength; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i) + 2 == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +a0a0288442d25bc16cdf1733005f632131512290,"public boolean bobThere(String str) +{ + int strLength = str.length()-2; + for (int i = 0; i < strLength; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+ 2) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +f021adf3d592ccd45269bdd75d16c339ee3ba51c,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +" +7c17d815bd212273406547f1578543b45d40761f,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} + +" +a4ea23a1e798b23c7e9c4ea976c641cd4a0b354b,"public boolean bobThere(String str) +{ + for ( int i = 0; i < = str.length() -3; i++) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +d6292ef28b8869cd41a69bafc32af159dbfaeb13,"public boolean bobThere(String str) +{ + for ( int i = 0; i <= str.length() -3; i++) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +8c98a3bd5bedb11226ff28ad27f54e62844eb34c,"public boolean bobThere(String str) +{ + boolean result; + for ( int i = 0; i <= str.length() -3; i++) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + result = true; + } + else + { + result - false; + } + } + return result; +} +" +610cf4942fd532045b607127a09d062767f4505f,"public boolean bobThere(String str) +{ + boolean result; + for ( int i = 0; i <= str.length() -3; i++) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + result = true; + } + else + { + result = false; + } + } + return result; +} +" +511091fac17f16093543298762555055118c676d,"public boolean bobThere(String str) +{ + boolean result = true; + for ( int i = 0; i <= str.length() -3; i++) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + result = true; + } + else + { + result = false; + } + } + return result; +} +" +22696cbee6cc409ce634009931a4a9d85c2cdf36,"public boolean bobThere(String str) +{ + int i = 0; + while i <= str.length() -3 + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + return true; + } + i+=1; + } + + return false; + + + +} +" +4f92408df305dd514c2f0ff2c5146f3a4fc9d935,"public boolean bobThere(String str) +{ + int i = 0; + while (i <= str.length() -3) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + return true; + } + i+=1; + } + + return false; + + + +} +" +e35d1f1bc02c3090c6e5c9d17e40b4d4050f5ea9,"public boolean bobThere(String str) +{ + int num = 0; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + num = 1; + } + } + + if (num == 1) + { + return true; + } + else + { + return false; + } +} +" +61dde7092f6ea705418a6396bf1611f2d7964a6a,"public boolean bobThere(String str) +{ + int num = 0; + + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + num = 1; + } + } + + if (num == 1) + { + return true; + } + else + { + return false; + } +} +" +6141e3346de0777c1277b6c86ab284007da2d147,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && (i+2) < str.length()) + { + if (str.charAt(i+2) == 'b') + { + return true; + } + } + } + return false; +} +" +5adc2ff90ff3f1c64095ab937ff65ec88dc1b8fc,"public boolean bobThere(String str) +{ + boolean contains = false; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + contains = true; + break; + } + } + return contains + +} +" +5171019257d658e0f497eb886d0e61978337f08b,"public boolean bobThere(String str) +{ + boolean contains = false; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + contains = true; + break; + } + } + return contains; + +} +" +6c3b173d4f888bf52714c502ff4338b1e916151f,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +f44a75fe4afdbae0202ceecdba8c78660f7965f5,"public boolean bobThere(String str) +{ + int i = 0; + while (i <= str.length() -2) + { + if (str.substring(i, i+1) == ""b"" && str.substring(i+2, i+3) == ""b"") + { + return true; + } + i+=1; + } + + return false; + + + +} +" +fae2f7dfe0c7f6a36eed081761f1d04f77387b4b," + + public static boolean xyzThere( String str ) + { + boolean result = false; + + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( ""xyz"".equals( str.substring( i, i + 3 ) ) ) + { + if ( i == 0 || str.charAt( i - 1 ) != '.' ) + { + return true; + } + } + } + + return result; + } + +" +5372b1be37f50d2f52d2deb0b5455090ec3c8606,"public boolean bobThere(String str) +{ + + boolean result = false; + + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( ""xyz"".equals( str.substring( i, i + 3 ) ) ) + { + if ( i == 0 || str.charAt( i - 1 ) != '.' ) + { + return true; + } + } + } + + return result; + + +} +" +19ba7bfcee6055c6de2d7811621ab2cb9e901bcd," public static boolean bobThere( String str ) + { + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( str.charAt( i ) == 'b' && str.charAt( i + 2 ) == 'b' ) + { + return true; + } + } + + return false; + } +" +fa1357dac716dea86aa7ed39f45467adad2ec815,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + if (charAt(b + 2).equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +a8c93d0ce0b5efd6afc801b010b857a0f95bbd9a,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + if (str.charAt(b + 2).equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +5969a7ab1779efeb2da7dea34e69304a5f0b4783,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + String ch = str.charAt(b + 2); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +a587257a6e0056e1aab5f8249e1d25828f56313a,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + char ch = str.charAt(b + 2); + if (ch.equals(b)) + { + return true; + } + else + { + return false; + } +} +" +6f2a9aa9f6946653de55bc2d54129e4d907fab7d,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + char ch = str.charAt(b + 2); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +eebae65912657d2779b927e4cdc9876e71208349,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + String ch = str.substring(b + 2); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +6c6957acd4b7bdfad84816ebbdf2b985f74258ea,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String bob = str.substring(b, b + 2); + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +db469691c074eee99e55675210a1fefae66a6339,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String ch = str.substring(b + 2, b + 3); + int b2 = str.lastIndexOf(""b""); + String ch2 = str.substring(b + 2, b + 3); + if (ch.equals(""b"") || ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +c9ebdbab29b7b88b122c418513a9c17431cc6af8,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + String ch = str.substring(b + 2, b + 3); + int b2 = str.lastIndexOf(""b""); + String ch2 = str.substring(b - 2, b + 1); + if (ch.equals(""b"") || ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } +} +" +2b74e6ecb772b9da020166d2f90f8b5dd961f172,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b >= b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b < b2) + { + String ch2 = str.substring(b - 2, b + 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +b273b8e8e0b990df90c18506fd8e28d477b589ae,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b > b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b <= b2) + { + String ch2 = str.substring(b - 2, b + 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +bb99e7b56e02aa2dbad191ace2acce33a320af1b,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b >= b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b < b2) + { + String ch2 = str.substring(b2 - 2, b2 + 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +ab1a92c0caec71e2b8273a65cfe1f12d7bb5b995,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b >= b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b < b2) + { + String ch2 = str.substring(b2 - 2, b2 - 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +3b4e28ffa3eca2a4b13e88108cd12ed7057e6002,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b >= b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b < b2 && b2 > 1) + { + String ch2 = str.substring(b2 - 2, b2 - 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +c177575f5498418d5239f8443db2d71e2b99df78,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b < 2 || b2 < 2) + { + return false; + } + else if (b >= b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b < b2) + { + String ch2 = str.substring(b2 - 2, b2 - 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +dcaaf7510bdcb0bc12f9c60a06a6b3763f0c6e59,"public boolean bobThere(String str) +{ + int b = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (b2 < 2) + { + return false; + } + else if (b >= b2) + { + String ch = str.substring(b + 2, b + 3); + if (ch.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else if (b < b2) + { + String ch2 = str.substring(b2 - 2, b2 - 1); + if (ch2.equals(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +aff374b711b4cf77f65afd0a5f1c2cc204e8cc16,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +0408eddb24cdf6625da91f1f0a6cdaaae0b7fe00,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + bobThere = true; + } + else + { + bobThere = false; + } + } + return bobThere; +} +" +d227b86bdcc92e79dea615040751cbb95782ef5a,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + bobThere = true; + } + bobThere = false; + } + return bobThere; +} +" +2b496d218b9e121dd2740a331d827695683f3cc6,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + bobThere = true; + } + } + bobThere = false; + return bobThere; +} +" +4ac0b6dcc75430986aa74594bab8d187efd14dbd,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + bobThere = true; + } + + bobThere = false; + } + return bobThere; +} +" +03340f59efeaf02ae265c7a0c38e0be00cbafe13,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + bobThere = true; + } + else + { + bobThere = false; + } + } + return bobThere; +} +" +a71e72fff9a15921f16779aeb2a187588db4efae,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + bobThere = true; + } + else + { + bobThere = false; + } + } + return bobThere; +} +" +7a5efce795bf7a16671fb90edc4b3373cbf3be7d,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + bobThere = true; + } + else + { + bobThere = false; + } + } + bobThere = false; + return bobThere; +} +" +8144aaf26e98fd9b86aeb7e4cdc1802ac1fcb446,"public boolean bobThere(String str) +{ + boolean bobThere = true; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + bobThere = true; + } + else + { + bobThere = false; + } + } + return bobThere; +} +" +f86b0863c54fd26dbd9f3ba9002ef1a4941e225b,"public boolean bobThere(String str) +{ + boolean bobThere = false; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + bobThere = true; + } + else + { + bobThere = false; + } + } + return bobThere; +} +" +8e85a1124d31e27101151771c3e73547522c3b95,"public boolean bobThere(String str) +{ + //boolean bobThere = false; + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + return true; + } + } + return false; + +} +" +c83d805058a632c0681ee47881b96c06c1d1f772,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + return false; +} +" +11eba1cb29a7125e954bd00b4cfa2e4f7df77a80,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length; i++) + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + return false; +} +" +1be789ce8cc8ac37b46edbb72d31a91896a21262,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + return false; +} +" +83ebc16c56c746cc51bd62970ac0a528840d156e,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +3e179dd31e9f8369ac1b49b333eae74494f47009,"public boolean bobThere(String str) +{ + int num = 0; + for (int i = 2; i < str.length(); i++) + { + if (str.charAt(num) == str.charAt(i)) + { + return true; + } + num += 1; + } + return false; +} +" +d1327a8ef5275598de4005a64f99ccb2ccbe316f,"public boolean bobThere(String str) +{ + boolean bob = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3).equals(""b"")) + { + bob = true; + } + } + return bob; +} +" +cea83e950a69aa2ec2f3e0540f9defc319ca1fbb,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; +} +" +018a527b1487ac4bba8c30755eab47724b5cd7eb,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + return true; + } + return false; + +} +" +90560853bf98f22e82c6d3fd05c5794cbda921bf,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +29b98f9c7d2eccf69d4b559b3dac6a89b8bb2b79,"public boolean bobThere(String str) +{ + int length = str.length() + + for (int i = 0; i < length - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +94a176c9de959bbf66bf0ce97a271fe3c6e4fd89,"public boolean bobThere(String str) +{ + int length = str.length(); + + for (int i = 0; i < length - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +19fc12f767456abc1a41c3b4a2f2c6484a24c273,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + + for(int i = 0; i < len; i++) + + { + + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + + return true; + + } + + return false; + +} +" +202bfddaa459a633cb36aa081024aa4a2eece605,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) +} +" +e76b7981569456c80fda259a6c0fc731ad4cc177,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) +} +" +05711e992d8334e7bd67a4a7b4939e4be7085191,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +c6786fab1cff9a2f05af6deea90457f710203e40,"public boolean bobThere(String str) +{ + if ((str.substring() = ""bob"") && (str.charAt(1) == + + + + +} +" +afd6d66a4a4ad3a4e059a265c7f0958989d89916,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(-3)) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) = ""b"" && temp.charAt(i+2) = ""b"") + { + return true; + } + } + return false; + + + + +} +" +c11a30bcd6e5ff753f3bd9a57bf12902a61f2b21,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(-3); i ++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) = ""b"" && temp.charAt(i+2) = ""b"") + { + return true; + } + } + return false; + + + + +} +" +9f050ad526824ea13eb0713080ae081a084e92b7,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(str -3); i ++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) = ""b"" && temp.charAt(i+2) = ""b"") + { + return true; + } + } + return false; + + + + +} +" +735dd434f169490701fdf8174f87a70d81bbbf01,"public boolean bobThere(String str) +{ + +} +" +171347e7a93085b0b6c539e891f82bfddbe382a6,"public boolean bobThere(String str) +{ + int b1 = indexOf('b'); + indexOf('b', b1+1); +} +" +fbba5dc039cf0b48f4d09f69acaa15524d1e0d8a,"public boolean bobThere(String str) +{ + int b1 = indexOf('b'); + int b2 =indexOf('b', b1+1); +} +" +a36acf36047f2ac6e4431e33296cdca7f4e76f23,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(3); i ++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) = ""b"" && temp.charAt(i+2) = ""b"") + { + return true; + } + } + return false; + + + + +} +" +9c14301783ad21b9e1f6e6727e00284184350666,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i ++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) = ""b"" && temp.charAt(i+2) = ""b"") + { + return true; + } + } + return false; + + + + +} +" +532fccfbf074e6661582827d7c4626ee91d56853,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i ++) + { + String temp = str.substring(i, i+3); + if ((temp.charAt(i) = ""b"") && (temp.charAt(i+2) = ""b"")) + { + return true; + } + } + return false; + + + + +} +" +72283eb552c2b14dcde6d2068f99d59e61fcf554,"public boolean bobThere(String str) +{ + int b1 = indexOf(""b""); + int b2 = indexOf(""b"", b1+1); +} +" +453edf8bd5d8ceffe06baf4e948f069144bcf0fb,"public boolean bobThere(String str) +{ + for (int ii = 0, ii < str.length(); ii++) + { + int b1 = str.indexOf('b'); + int b2 = str.getChar(b1+2); + if (b1 ==b2) + return true; + } + return false; +} +" +451d7bf7caa4e5d56bc240ae97eb53e1fe39c1e2,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < str.length(); ii++) + { + int b1 = str.indexOf('b'); + int b2 = str.getChar(b1+2); + if (b1 ==b2) + return true; + } + return false; +} +" +68ec2deed71e8c693b6311b8e97ab5c493f06f2a,"public boolean bobThere(String str) +{ + return false; +} +" +528aaf6684ea4c33b30d5bf217ec53da2f4d97a5,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +6a340bc827f559d60f8ec0f6b36474abaf92077a,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i ++) + { + String temp = str.substring(i, i+3); + if ((temp.charAt(i) == ""b"") && (temp.charAt(i+2) == ""b"")) + { + return true; + } + } + return false; + + + + +} +" +5bcc452c11d6f7b4a01973657733b1a06b88cca3,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < str.length(); ii++) + { + int b1 = str.indexOf('b'); + int b2 = str.charAt(b1+2); + if (b1 ==b2) + return true; + } + return false; +} +" +0a4904fde793efe19426bf6d38a508c79d5758cf,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i ++) + { + String temp = str.substring(i, i+3); + if ((temp.charAt(i) == 'b') && (temp.charAt(i+2) == 'b')) + { + return true; + } + } + return false; + + + + +} +" +10b164186179e9af6464d1b0ad161c6e092d498a,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length() - 3; i ++) + { + String temp = str.substring(i, i+3); + if ((temp.charAt(i) == 'b') && (temp.charAt(i+2) == 'b')) + { + return true; + } + } + return false; + + + + +} +" +723b0250227bb309fef9fb9ffd6f2a6b39b85077,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < str.length(); ii++) + { + int b1 = str.indexOf('b'); + char b2 = str.charAt(b1+2); + if ('b' ==b2) + return true; + } + return false; +} +" +42f3dd4f81baa886bb784a7a646e2be4e2114372,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length() - (i + 1); i ++) + { + String temp = str.substring(i, i+3); + if ((temp.charAt(i) == 'b') && (temp.charAt(i+2) == 'b')) + { + return true; + } + } + return false; + + + + +} +" +626be507ecfd4ee8ec4b3f43e6c8c7087934f57c,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length() - 3; i ++) + { + String temp = str.substring(i, i+3); + if ((temp.charAt(i) == 'b') && (temp.charAt(i+2) == 'b')) + { + return true; + } + } + return false; + + + + +} +" +9ef46e0a676ec2a4ff9a8f751e5f6bb7acfe7cc3,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < str.length(); ii++) + { + int b1 = str.indexOf('b', ii); + char b2 = str.charAt(b1+2); + if ('b' ==b2) + return true; + } + return false; +} +" +105c085de58750dbd132fb0743f2a9c9d21c732c,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < (str.length()-2); ii++) + { + int b1 = str.indexOf('b', ii); + char b2 = str.charAt(b1+2); + if ('b' ==b2) + return true; + } + return false; +} +" +a102b8bb2973c74cc326d8c39fbba741c217855c,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < (str.length()-2); ii++) + { + int b1 = str.indexOf('b', ii+1); + char b2 = str.charAt(b1+2); + if ('b' ==b2) + return true; + } + return false; +} +" +c89a38ab9ef3bda17cd080b3cfe3bd13b025fa06,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < (str.length()-2); ii++) + { + int b1 = str.indexOf('b', ii); + char b2 = str.charAt(b1+2); + if ('b' ==b2) + return true; + } + return false; +} +" +34bb58e46dd5d9971ceb668267f0c1c68072cc45,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < (str.length()-2); ii++) + { + int b1 = str.indexOf('b', ii); + if (b1 > str.length()-2) + { + return false; + } + else + { + char b2 = str.charAt(b1+2); + } + if ('b' ==b2) + return true; + } + return false; +} +" +a38327750a3998ca1973ef68d1dad2f2c0d50964,"public boolean bobThere(String str) +{ + for (int ii = 0; ii < (str.length()-2); ii++) + { + int b1 = str.indexOf('b', ii); + if (b1 > str.length()-2) + { + return false; + } + else + { + char b2 = str.charAt(b1+2); + + if ('b' ==b2) + return true; + } + } + return false; +} +" +d288d99aca9c189a0e4f857cd6efec23e0036765,"public boolean bobThere(String str) +{ + String word = ""bob"" + + if (str.contains(word) + { + return true; + } + return false; +} +" +1588ad28d0a21fcb24282189c2d93ebfb50be68c,"public boolean bobThere(String str) +{ + String word = ""bob"" + + if (str.contains(word)) + { + return true; + } + return false; +} +" +97d7153b7ee8290d3e6955a9d0126ce73040741a,"public boolean bobThere(String str) +{ + String word = ""bob""; + + if (str.contains(word)) + { + return true; + } + return false; +} +" +bdbf3e7b8ec69c38c03b6ac6e9c9b52ab2951837,"public boolean bobThere(String str) +{ + String word = ""bob""; + + if (str.contains(word)) + { + if (word.charAt(0).equals(""b"") && word.charAt(2).equals(""b"")) + { + return true; + } + } + return false; +} +" +8e66a9683ddd0449d4a89713838f48f6315729e2,"public boolean bobThere(String str) +{ + String word = ""bob""; + + if (str.contains(word)) + { + if (word.charAt(0)=""b"") && word.charAt(2)=(""b"")) + { + return true; + } + } + return false; +} +" +314b2493c992b26acfdb5da052a09bde7ed722b9,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + if (str.contains(word)) + { + if (one.equals(""b"") && two.equals(""b"")) + { + return true; + } + } + return false; +} +" +890b6aca176c3e6ffe760027f08f5114d3a35c9d,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + if (str.contains(word)) + { + if (one = ""b"") && two = ""b"")) + { + return true; + } + } + return false; +} +" +e773f295bad5b9933fcd6b812acfe96f1be03d7a,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + if (str.contains(word)) + { + if (one = ""b"" && two = ""b"") + { + return true; + } + } + return false; +} +" +442a26d8154fb1374fac331fb00d72c723a84fc3,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + if (str.contains(word)) + { + if (one.equals(""b"") && two.equals(""b"")) + { + return true; + } + } + return false; +} +" +3c3051565695d1af2a46bf4c5269db6feef6f9b2,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + if (str.contains(word)) + { + if (one == ""b"" && two == ""b"") + { + return true; + } + } + return false; +} +" +0a61e8ae7fb75d2e2ccaa924439324fd0c714ae7,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +e69e9896c7d52cbf6825df3d450b32c7f21d64ba,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + if (str.contains(word)) + { + if (one == 'b' && two == 'b') + { + return true; + } + } + return false; +} +" +0eefe10c954547a7675d5ee81f88d4d112cf44e9,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + return true; + } + } + return false; +} +" +1d9393e84d7e6f8c5ee2f90b5dbd3f6716fcda0c,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + return true; + } + } + return false; +} +" +d3f9bf5b05a4c065cbab20cafcf5dad94b0c2630,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + return true; + } + } + return false; +} +" +b30905673d33a2475461cb470076dce494641e1a,"public boolean bobThere(String str) +{ + + int len = str.length(); + String beg = str.substring(0,0; + String end = str.substring(len-1); + + if(str.charAt(0) == 'b' && str.charAt(len) == 'b') + return true; + +} +" +8d84dba3ff371cf702055b0dde37514b26bf6bae,"public boolean bobThere(String str) +{ + + int len = str.length(); + String beg = str.substring(0,0); + String end = str.substring(len-1); + + if(str.charAt(0) == 'b' && str.charAt(len) == 'b') + return true; + + +} +" +79a310f5ab5e30670475d4abde942fdbade515a4,"public boolean bobThere(String str) +{ + + int len = str.length(); + String beg = str.substring(0,0); + String end = str.substring(len-1); + + if(str.charAt(0) == 'b' && str.charAt(len) == 'b') + return true; + else + return false; + +} +" +d3093a6317a7663ce277f5ee56dc7df08ba4dda5,"public boolean bobThere(String str) +{ + + int final = str.length(); + for(int i = 0; i < final; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + else + { + return false; + } + +} +" +4b2f5dfe539c8e6d8b4007a280ae9db9084356c6,"public boolean bobThere(String str) +{ + + int end = str.length(); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + else + { + return false; + } + +} +" +29a1252f7c0ff20c1a543bc0204b4956f657cce2,"public boolean bobThere(String str) +{ + + int end = str.length(); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +8c8f387c399cf2fbf84debccfe9840ecb35e330e,"public boolean bobThere(String str) +{ + + int end = str.length -2(); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +649f4e9073c00b4f31a8bbd4b37ff7253cf97595,"public boolean bobThere(String str) +{ + + int end = str.length - 2(); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +66b655b1372fa3a86c7ed3d37dd7c7f9834bb80c,"public boolean bobThere(String str) +{ + + int end = (str.length - 2); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +fa2e65e09b5e76b07bc0b8bc25c0c0caeb5d38e1,"public boolean bobThere(String str) +{ + + int end = (str.length - 2()); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +f5de478e40b7f066a55956915d8f27db4a8f69be,"public boolean bobThere(String str) +{ + + int end = (str.length - 2)); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +8b10cb20c2f1678f6660150d86d5454fe1111d58,"public boolean bobThere(String str) +{ + + int end = (str.length - 2);); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +1569d8ba1866059b238fd1c97b53de604c3a2b94,"public boolean bobThere(String str) +{ + + int end = (str.length - 2); + for(int i = 0; i < end; i++) + { + if(str.charAt(i) == 'b' + && str.charAt(i+2) == 'b') + return true; + } + { + return false; + } + +} +" +cd458321e016b37c3817d9da6bf4461462d0a643,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.chatAt(end); +for (int i = 0; i < end - 2; i++) + { +if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b’) + { +return true; +{ +else +{ +return false; +} + +} +" +fa9a81c0ce842f8e64108bda3b7dc8f1037bd5a2,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.chatAt(end); +for (int i = 0; i < end - 2; i++) + { +if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { +return true; +{ +else +{ +return false; +} + +} +" +ef37dfb12089ec4bbe3ddc8bdd00d6bd84cb9be0,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.chatAt(end); +for (int i = 0; i < end - 2; i++) + { +if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + { +return true; +{ +else +{ +return false; +} +} + +} +" +c0dad7414520dc64a02e0acfffddebe9f33d2956,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.chatAt(end); +for (int i = 0; i < end - 2; i++) + { +if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { +return true; + } +else + { +return false; + } + } + +} +" +0e3ad777528e23ea4cdcaf05bb965af2bb577a93,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.charAt(end); +for (int i = 0; i < end - 2; i++) + { +if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { +return true; + } +else + { +return false; + } + } + +} +" +e23e41d16ff5bbead927f66f2c57979556c89a97,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.charAt(end); +for (int i = 0; i < end - 2; i++) + { +if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { +return true; + } + +return false; + + } + +} +" +469b73b6bb57d95753cce7a6524999af2bae2d76,"public boolean bobThere(String str) +{ + + int end = str.length(); + int variated = str.charAt(end); +for (int i = 0; i < end - 2; i++) + +if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { +return true; + } + +return false; + + + +} +" +f52464273c5ee5df1c71563506a4492ded890bf6,"public boolean bobThere(String str) +{ + + return str.matches(""^.*b.b.*$""); + + +} +" +f6dfdb6268d53efdd6a50b245ee69ee3c7d2997e,"public boolean bobThere(String str) +{ + + if ( str.matches(""^.*b.b.*$"")) + return true; + else + return false; + + +} +" +f5a21d0c1e254db37e3447625ce5826afe21b435,"public boolean bobThere(String str) +{ + for(int i=0; i= 3) + { + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + + + + } + + + + + } + return false; +} +" +bd543133d562c1fa7c12b395ff4777b361daf2e7,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +bdeab6f765a5aba6bc8ad3b80b62f37a74b1f991,"public boolean bobThere(String str) +{ + int len = str.length(); + + + + for (int i = 0; i < len - 2; i++) { + + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + + return true; + + } + + return false; + + +} +" +89e3920274b740235530df5765cdbf1766665ad9,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; +} +" +326920ff24aba3007def01af35f737ace1df3384,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0, i <= length, i++) + { + if ( str.char(i) == b + str.char(i+2) ==b) + { + return true + } + + +} +" +8a779de3928d48ac959619608c43559d55cbfe3e,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0, i <= length, i++) + { + if ( str.char(i) == b + str.char(i+2) ==b) + { + return true + } + } + + +} +" +77a7bfb27b3bc3176231fbe7506bcacfa7260d62,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0, i <= length, i++) + { + if ( str.char(i) == b + str.char(i+2) ==b) + { + return true; + } + } + + +} +" +badaac9e84cefe1e5f6a9882a036e9245ba240cc,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0; i <= length; i++) + { + if ( str.char(i) == b + str.char(i+2) == b) + { + return true; + } + } + + +} +" +056b0d7855cc9425d3e4207ee2ed5e15e6921c6c,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0; i <= length; i++) + { + if ( str.char(i) == b && str.char(i + 2) == b) + { + return true; + } + } + + +} +" +3f9faddd66697c91bbb2b9338b8078d7c3d95f6f,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0; i <= length; i++) + { + if ( str.char(i) == ""b"" && str.char(i + 2) == ""b"") + { + return true; + } + } + + +} +" +d98f252a10f094edb25e87b68bde1e9bef3418f0,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0; i <= length; i++) + { + if ( str.char(i) == 'b' && str.char(i + 2) == 'b') + { + return true; + } + } + + +} +" +aff7986fa6873b7cd1f62d594ee3d19cac862369,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( i = 0; i <= length; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + +} +" +933a84fb4ab4ff715a4558b274ed75de93885d55,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( int i = 0; i <= length; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + +} +" +d59efa3097c540f8de5d30e0aafb9f81d9f53640,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( int i = 0; i <= len; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + +} +" +0640d3ae10c35d436652f840cee710cfb79dfc63,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( int i = 0; i <= len; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + + +} +" +0fb79531e25f605d7a0f5c4361aab124eb44673f,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( int i = 0; i <= len; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + + +} +" +fd8974a8ae33389880a2f70bf23659472f52bd43,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( int i = 0; i <= len; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + + } + return false; + +} +" +58e627014d882d34559bf80c91584fb0b413ee94,"public boolean bobThere(String str) +{ + int len = str.length() -3; + for ( int i = 0; i <= len; i++) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + + } + return false; + +} +" +b607f05cfeeeaf7e407d1af42f51043bd920a276,"public boolean bobThere(String str) +{ + int length = str.length(); + boolean findingBob = true; + int i = 0; + while ( findingBob && i <= length - 3 ) + { + if ( str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ) + { + findingBob = false; + } + i++; + } + return !findingBob; +} +" +6171c55fc78fefe401d4c03c9c3ab98b04b98700,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + + return false; +}" +20551e2b3a6fd539c8b6e794ab8df2b8942482d3,"public boolean bobThere(String str) +{ + if str.startsWith(""b"") && str.endsWith(""b"")) + { + return true; + } + else + { + return false; + } +} +" +527afe7a4ea154201cd1d175bd57e559f33563fa,"public boolean bobThere(String str) +{ + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + return true; + } + else + { + return false; + } +} +" +bb64afc7f9318d11ada4be73354028ef7230831a,"public boolean bobThere(String str) +{ + return ""Search1=""+str.toUpperCase().contains(a.toUpperCase())); +} +" +4432670eb44dd3743f5a20c4eaf498f6b6b4bea9,"public boolean bobThere(String str) +{ + String a = ""bob""; + return ""Search1=""+str.toUpperCase().contains(a.toUpperCase())); +} +" +b93388a15cab29620e0e5d19f8c6741a5413bbd1,"public boolean bobThere(String str) +{ + String a = ""bob""; + return str.toUpperCase().contains(a.toUpperCase()); +} +" +ce93645e4414a002d9eda32dd1da6bf7aa994cac,"public boolean bobThere(String str) +{ + if (str.contains(""bob"")) + { + return true; + } + else + { + return false; + } +} +" +334063f8cd9880f93042e39d98bce00aed212646,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + return false; +} +" +716f233c73aea6e24c341bdc0070bca143ca3f8e,"public boolean bobThere(String str) +{ + return (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")); + +} +" +3759d8beef8586387e533bcc250b6f1703bde2fe,"public boolean bobThere(String str) +{ + return (str.indexOf(""b"") + 2 == str.indexOf(""b"")); + +} +" +91df9562a5a8c439a7312df1b64c8966aaa41d1b,"public boolean bobThere(String str) +{ + return (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")); + +} +" +53a60f1eace3c1748939b461a6e39f1fba53eaf3,"public boolean bobThere(String str) +{ + int middle; + String middleA; + return (str.contains(""b"" + middle + ""b"" || ""b"" + middleA + ""b"") + +} +" +f8c59f6ec7a977dad33a93facb8f02b44ccb7373,"public boolean bobThere(String str) +{ + int middle; + String middleA; + return (str.contains(""b"" + middle + ""b"" || ""b"" + middleA + ""b""); + +} +" +c4a6e847c26ff4e7fe45a3318b71efdd02822967,"public boolean bobThere(String str) +{ + int middle; + String middleA; + return (str.contains(""b"" + middle + ""b"" || ""b"" + middleA + ""b"")); + +} +" +864a4f0f84ccb5eb3dc026e82642ec9aae1af4c5,"public boolean bobThere(String str) +{ + int middle; + String middleA; + return (str.contains((""b"" + middle + ""b"") || (""b"" + middleA + ""b""))); + +} +" +f3de04573b585f1f27e045e1f04ef16f0f57bd7f,"public boolean bobThere(String str) +{ + int middle; + String middleA; + return (str.contains(""b"" + middle + ""b"") || str.contains (""b"" + middleA + ""b"")); + +} +" +286cd6a13e04e7700cdf6a85270bbba03cff841d,"public boolean bobThere(String str) +{ + for(int i = 0, i < str.length(), i++) + { + if(str.charAt(i).equals('b') && str.chatAt(i+2).equals('b')) + { + return true; + } + } +} +" +905e90d96eb83bcc82577e2372f027fad6d77188,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals('b') && str.chatAt(i+2).equals('b')) + { + return true; + } + } +} +" +cdf35248fcf2f5a6190e6be0c36f50876e76b09b,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals('b') && str.charAt(i+2).equals('b')) + { + return true; + } + } +} +" +1acaa9a923b5038f697ef01e087169735fb7ba46,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals(b) && str.charAt(i+2).equals(b)) + { + return true; + } + } +} +" +0d9c634946eb4257d1969018413a56e3659a7229,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + { + return true; + } + } +} +" +33d72a6be05ea9d5ed4b6e31dd85591419de61e7,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) = 'b' && str.charAt(i+2) = 'b') + { + return true; + } + } +} +" +33e5bc473d856cbea3bbcc0af3d5c61b3fb30ee7,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } +} +" +ed9270ca5a6cf62281f83916749316bd57f27621,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +5b47fc50785e8d174fd5b6dd5a16b47fb6539930,"public boolean bobThere(String str) +{ + for(int i = 1; i <= str.length(); i++) + { + if(str.charAt(i-1) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +9fde17d8e54092cc6a14cde9e72fabd3007a27f6,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() + 1; i++) + { + if(str.charAt(i-1) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +ff8d19099d1ecd2839718fda9119cd070dd07242,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i-1) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +31406fd4445a586f5680c91a1e3172ca05aa7384,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() + 1; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +eb768257fcae84ded5a70a393c40362254ba5250,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +dfa03eec0ac90912e8e4bffbf2f92dbf95ecf0d7,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() <= 3) + { + String strr = str.substring(str.length()-1,str.length()) + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + } + return false; +} +" +a481dc582453582348bde51d5684d091c84e2097,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() <= 3) + { + String strr = str.substring(str.length()-1,str.length()); + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + } + return false; +} +" +78fb01510a201bc862bd852d2677b556c6724580,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() = 3) + { + String strr = str.substring(str.length()-1,str.length()); + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + else if(str.length < 3) + { + return false; + } + } + return false; +} +" +31bf71d6b39350a401784bad4a2b8a41c9ea8eb1,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() = 3) + { + String strr = str.substring(str.length()-1,str.length()); + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + else if(str.length() < 3) + { + return false; + } + } + return false; +} +" +28e30c1a35c98cca1edaef1bc6c398d9f47ce1f2,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() == 3) + { + String strr = str.substring(str.length()-1,str.length()); + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + else if(str.length() < 3) + { + return false; + } + } + return false; +} +" +a0b068e203b159abed939377f827c82c5da79b21,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() == 3) + { + String strr = str.substring(str.length()-1,str.length()); + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.substring(str.length()-1).equals(""b"") && str.charAt(str.length()-3) != 'b') + { + return false; + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + else if(str.length() < 3) + { + return false; + } + } + return false; +} +" +54fc68898635c80655b830cd53c8242fa70e9700,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.length() == 3) + { + String strr = str.substring(str.length()-1,str.length()); + if(str.charAt(0) == 'b' && strr.equals(""b"")) + { + return true; + } + } + else if(str.length() < 3) + { + return false; + } + else if(str.substring(str.length()-1).equals(""b"") && str.charAt(str.length()-3) != 'b') + { + return false; + } + else if(str.length() > 3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + } + return false; +} +" +d742d1529426f862d737c1fa6ec46fdc0ef3f750,"public boolean bobThere(String str) +{ + for(int i =0; i < str.length() -2, i++) + { + if(str.charAt(i) == ""b"" && str.charAt(i+2)== ""b"") + return true; + } + return false; +} +" +654419a7a1f01da6de2c8c624aab671db0de5706,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() -2, i++) + { + if(str.charAt(i) == ""b"" && str.charAt(i+2)== ""b"") + return true; + } + return false; +} +" +4c10aa18a7b1d09770ff22261647638cd2bb5f38,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() -2, i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2)== 'b') + return true; + } + return false; +} +" +c44b592730bd1fc61761cbd29885f02e8d6d5765,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() -2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2)== 'b') + return true; + } + return false; +} +" +08801d85e1b32e5e555dc80d632caea4cbf234f6,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + { + return true; + } + } + return false; +} +" +5d6229fe3206f1804e828ff1d7cd8dbbbf77c8dc,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +8ec243eab6dfdc2a16e4c847c7f2ce1cecef0860,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +da1a31cfdccc462a8c269e59bcd04402f9218b1d,"public boolean bobThere(String str) +{ + int num = 0; + for (int i = 2; i < str.length(); i++) + { + if (str.charAt(num) == 'b' && str.charAt(i) == 'b') + { + return true; + } + num += 1; + } + return false; +} +" +e2d78074beff94a29b4201c3ea98cd1f1fe0b629,"public boolean bobThere(String str) { +int step = 0; +for(int i = 0; i < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""b"") && step == 0) { +step++; +} else if(Character.toString(str.charAt(i)).equals(""b"") && step == 2) { +return true; +} else if(step == 1) { +step++; +} else if(step == 2) { +step = 0; +} +} + +return false; +} +" +4e71a3a4391b121486e945faa44b254a9bb1f781,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i)== 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +5a382097a322c539c8cc31e4a9142c124348d221,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + while (len > 3 && !str.startsWith(""bob"")) + { + str = str.substring(1, len); + len--; + } + if (str.startsWith(""bob"") + return true; + else return false; + +} +" +d3ee31f51de4533c485616296f949abcce52f492,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + while (len > 3 && !str.startsWith(""bob"")) + { + str = str.substring(1, len); + len--; + } + if (str.startsWith(""bob"")) + return true; + else return false; + +} +" +140163c7a02f35bd8d54d7705d1f7dd6747a7b81,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 && str.charAt(0)!='b' ) + { + str = str.substring(1, len); + len--; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + + + +} +" +f8abf087bead430643f4c8aeda38e59df9e04348,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 && str.charAt(0)!='b' ) + { + str = str.substring(1, len); + len--; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else return false; + + + +} +" +65f9b83d019f81a8a21fcdf42c046eb18addadee,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 && str.charAt(0)!='b' + && str.charAt(2)!='b') + { + str = str.substring(1, len); + len--; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else return false; + + + +} +" +f55d8495862dc278e52ed6b9ced69cf94199ade2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length; i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3)) + { + return true; + break; + } + } + return false; +} +" +478f27411292ebc645e0fe3f9c7c4883ac9c62ad,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 && str.charAt(0)!='b' + && str.charAt(2)!='b') + { + str = str.substring(1, len); + len = str.length(); + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else return false; + + + +} +" +32ee54f6ed0ecedc03aff445a69815120ecb9313,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3)) + { + return true; + break; + } + } + return false; +} +" +2686ce06566a01d9ecca2e2335a0a8af31120fa6,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3).equals(""b"") + { + return true; + break; + } + } + return false; +} +" +72683317f8d6a932b953affee0d8578c4f2adc21,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3).equals(""b"")) + { + return true; + break; + } + } + return false; +} +" +ac905baf4f70e1c5dbd77d28d370ccb06e6629a5,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 + && str.charAt(0)!='b' + && str.charAt(2)!='b') + { + str = str.substring(1, len); + len = str.length(); + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +1050274d435a82b2d429ec9da71b327379a3126c,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 + && (str.charAt(0)!='b' + || str.charAt(2)!='b')) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +c4b5cd38cb103005d6df7ee1f07758291b84afa4,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) +return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 + && (str.charAt(0)!='b' + || str.charAt(2)!='b')) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +fcf93d49ea1f0d77e5276138da3c0551955f49ec,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3 && + (str.charAt(0)!='b' || str.charAt(2)!='b')) + { + str = str.substring(1, len); + len = str.length(); + } + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +0b53b8e3ec33e925ecab8a858188b8c655a19a3e,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3) + { + while (str.charAt(0)!='b' && str.charAt(2)!='b')) + { + str = str.sustring(1, len); + len = str.length(); + } + } + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +d5ca517d0dc08b34703728df363c2e05b4c72980,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3) + { + while (str.charAt(0)!='b' && str.charAt(2)!='b')) + { + str = str.sustring(1, len); + len = str.length(); + } + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +7f532a080493d4f572a85c256278d531a7874302,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3) + { + while ((str.charAt(0)!='b' && str.charAt(2)!='b')) + { + str = str.sustring(1, len); + len = str.length(); + } + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +38ddf8c133f53a6fb0b0992f7366f5838755e8e7,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3) + { + while ((str.charAt(0)!='b' && str.charAt(2)!='b')) + { + str = str.substring(1, len); + len = str.length(); + } + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +5a3ee9f13a0c6fd81859968903350f4060129a26,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + while (len > 3) + { + if ((str.charAt(0)!='b' && str.charAt(2)!='b')) + { + str = str.substring(1, len); + len = str.length(); + } + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +fd02c6e4ea5c645b08c10f60a8ee6dec5d254550,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + else if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + + while ((str.charAt(0)!='b' && str.charAt(2)!='b')) + + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +c46e39c34fe6829bd734d27d36caaa4d39b7716f,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + + while ((str.charAt(0)!='b' && str.charAt(2)!='b')) + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +2c62a6d3179bce774a69600e822ec175514c0e6b,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' && str.charAt(2)!='b')) + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +0d90d30f23c755980e2ebbf69df93778fdc8e300,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +7840516b77521803bdd2a302b71c2fc860b7163b,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + if (len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +bf9d819af207c4b72ebe8ce89cf7ece2b11f9537,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +e9107c934ddaddc341f0b6a6216b5ef30933f0a8,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +8310b3d1a2a215452a65525ac971dbc0212339d3,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +3136ebc7cec2f337d19b99c95e64b37b5342f5ed,"public boolean bobThere(String str) { +int var = 0 +for (int j = 0; j < str.length(); j++) +{ +if(Character.toString(str.charAt(i)).equals(""b"") && step == 0) +{ +step++; +} + else if(Character.toString(str.charAt(i)).equals(""b"") && step == 2) + { +return true; +} + else if(step == 1) + { +step++; +} + else if(step == 2) + { +step = 0; +} +} + +return false; +}" +a89b0767bdd3f0e450459dc8890ccb05a1e31130,"public boolean bobThere(String str) { +int var = 0; +for (int j = 0; j < str.length(); j++) +{ +if(Character.toString(str.charAt(i)).equals(""b"") && step == 0) +{ +step++; +} + else if(Character.toString(str.charAt(i)).equals(""b"") && step == 2) + { +return true; +} + else if(step == 1) + { +step++; +} + else if(step == 2) + { +step = 0; +} +} + +return false; +}" +72e45fb533aed127c5bdb004dd56b7b885e4acaf,"public boolean bobThere(String str) { +int var = 0; +for (int j = 0; j < str.length(); j++) +{ +if(Character.toString(str.charAt(j)).equals(""b"") && step == 0) +{ +step++; +} + else if(Character.toString(str.charAt(i)).equals(""b"") && step == 2) + { +return true; +} + else if(step == 1) + { +step++; +} + else if(step == 2) + { +step = 0; +} +} + +return false; +}" +bc4c15bb088501409655649c7673369db976865a,"public boolean bobThere(String str) +{ + for (int n == 0; n < str.length(); n++) + for (int m == str.length(); m > 0; m--) + if (str.substring(n, n + 2).startsWith(b) && str.substring(n, n + 2).endsWith(b)) + return trur; + return false; +} +" +bef445c156a1618ebfb50f02736079e70bf84601,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +b94fb1b0980518cf5d964a323e23caa54ff55054,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + else if(str.charAt(0)=='b' || str.charAt(2)=='b') + return true; + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +03ecf52ea97803c7edeba0294e46371e2e0adbb8,"public boolean bobThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + else if(str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +a941fcfda5285cc0a77481aa294ffd577006c5a3,"public boolean bobThere(String str) +{ + int len = str.length(); + if (len < 3) + return false; + while ((str.charAt(0)!='b' || str.charAt(2)!='b')) + { + if (len > 3) + { + str = str.substring(1, len); + len = str.length(); + } + else if(str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + } + if (str.charAt(0)=='b' && str.charAt(2)=='b') + return true; + else + return false; + + + +} +" +cdff626253047cf6b480a8a57f2861c7959023ac,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + +} +" +92cc3f1dd9f49ae9796fceb3afefe313d7fbb809,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + +} +" +baedd1f6b9886c7c6f03d21654785e93487083bb,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + +} +" +a46e896cf24fb430309c25f56d9ee4e2c12e4b22,"public boolean bobThere(String str) +{ + boolean y = false; + for (int x = 2; x <= str.length(); x++3) + { + if(str.substring(x-2,x).startsWith(""b"") && str.substring(x -2,x).endsWith(""b"")) + { + y = true; + break; + } + } + return y; +} +" +5882fa52c6b5a05f89a560257d4ca548fc023f2d,"public boolean bobThere(String str) +{ + boolean y = false; + for (int x = 2; x <= str.length(); x++3) + { + if(str.substring(x-2,x).startsWith(""b"") && str.substring(x -2,x).endsWith(""b"")) + { + y = true; + break; + } + } + return y; +} +" +aec82b259edd7df022afb0df83aee49b53566ce5,"public boolean bobThere(String str) +{ + boolean y = false; + for (int x = 2; x <= str.length(); x=x+3) + { + if(str.substring(x-2,x).startsWith(""b"") && str.substring(x -2,x).endsWith(""b"")) + { + y = true; + break; + } + } + return y; +} +" +060e3c441da61c36530ffdb78d84e7ce1e1f63ad,"public boolean bobThere(String str) +{ + boolean y = false; + for (int x = 3; x <= str.length(); x=x+3) + { + if(str.substring(x-3,x).startsWith(""b"") && str.substring(x -3,x).endsWith(""b"")) + { + y = true; + break; + } + } + return y; +} +" +bdce0fa3cbb7e61627977ae44d3c7baef29ce539,"public boolean bobThere(String str) +{ + int firstB = str.index(int b); + String bob = str.substring(firstB, firstB + 3); + return (bob.startsWith(""b"") && bob.endsWith(""b"")); +} +" +f2c3dd94997cbb49a552740bc8948501f10f8f4d,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(int b); + String bob = str.substring(firstB, firstB + 3); + return (bob.startsWith(""b"") && bob.endsWith(""b"")); +} +" +3ad80ce2597cfbd5149a8ec59c9fe9bdef35d10b,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(int 'b'); + String bob = str.substring(firstB, firstB + 3); + return (bob.startsWith(""b"") && bob.endsWith(""b"")); +} +" +25ec25270812878dd11f313000be139c693af8b1,"public boolean bobThere(String str) +{ + int firstB = str.indexOf('b'); + String bob = str.substring(firstB, firstB + 3); + return (bob.startsWith(""b"") && bob.endsWith(""b"")); +} +" +d1f71a6f595ec8a10f64deaab9b47ae114940256,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + int firstB = str.indexOf('b'); + String bob = str.substring(firstB, firstB + 3); + return (bob.startsWith(""b"") && bob.endsWith(""b"")); + } + else + { + return false; + } +} +" +7245b55d4b3331211e6ffae13777358d451344fc,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + { + } + } + +} +" +d26e18892e411035d1e0755754eee6ae9e6e409a,"public boolean bobThere(String str) +{ + boolean y = false; + for (int x = 0; x <= str.length(); x++) + { + if(str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + y = true; + break; + } + } + return y; +} +" +92f21272273a0a9a10257d33721c09b7fc0d2816,"public boolean bobThere(String str) +{ + boolean y = false; + for (int x = 0; x < str.length()-2; x++) + { + if(str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + y = true; + break; + } + } + return y; +} +" +48fa8f2660407f77114be1e4b0c119e6b5f9711d,"public boolean bobThere(String str) +{ +r(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; + +} +" +22b0e88a6adf6904829f93b910171cc41d75150f,"public boolean bobThere(String str) +{ +for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; + +} +" +8a466381bb70c6d74a6bfb1e66c7648b67071e58,"public boolean bobThere(String str) +{ + boolean ans = false; + for(int i=0; i 0) + { + return false; + } + if ( strLC.charAt(indexOfB) == strLC.charAt(indexOfB + 2) + || strLC.charAt(lastIndexOfB) == strLC.charAt(lastIndexOfB-2)) + { + return true; + } + else + { + return false; + } + + +} +" +064b6a0a3781de077f85adc8c04b7dac87233226,"public boolean bobThere(String str) +{ + String strLC = str.toLowerCase(); + char let = 'b'; + + int indexOfB = strLC.indexOf(let); + int lastIndexOfB = strLC.lastIndexOf(let); + + if ( strLC.length() < 3 && indexOfB > 0 && lastIndexOfB > 0) + { + return false; + } + if ( strLC.charAt(indexOfB) == strLC.charAt(indexOfB + 2) + || strLC.charAt(lastIndexOfB) == strLC.charAt(lastIndexOfB-2)) + { + return true; + } + else + { + return false; + } + + +} +" +d847ee2aef6d5caccee2f2ee640b4e3803c9a390,"public boolean bobThere(String str) +{ + String strLC = str.toLowerCase(); + char let = 'b'; + + int indexOfB = strLC.indexOf(let); + int lastIndexOfB = strLC.lastIndexOf(let); + + if ( strLC.length() < 3 && indexOfB > 0 && lastIndexOfB == 3) + { + return false; + } + if ( strLC.charAt(indexOfB) == strLC.charAt(indexOfB + 2) + || strLC.charAt(lastIndexOfB) == strLC.charAt(lastIndexOfB-2)) + { + return true; + } + else + { + return false; + } + + +} +" +f7d741532945b90eab1c2e7243bdb6d2bdb63fe3,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(str.substring(i, i + 3).startsWith(b) && + str.substring(i, i + 3).endsWith(b)) + { + first = i; + break; + } + } + return first; +} +" +7ca475c869d5e691012c32506abc647eaa07b8ea,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(str.substring(i, i + 3).startsWith(""b"") && + str.substring(i, i + 3).endsWith(""b"")) + { + first = i; + break; + } + } + return first; +} +" +5c534387ba7a5b4d8d6af28e3eca0f8ead170b63,"public boolean bobThere(String str) +{ + +} +" +d4ef8dde29cf778fad03f2b010dcfdd10e268a5a,"public boolean bobThere(String str) +{ + return false +} +" +ef7d642fc78c0e2552abbeec55c029ff4d2cbe37,"public boolean bobThere(String str) +{ + return false; +} +" +60f3d394d5104bcef08553e7f09e5165ec4ddc7b,"public boolean bobThere(String str) +{ + int first = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if(str.substring(i, i + 3).startsWith(""b"") && + str.substring(i, i + 3).endsWith(""b"")) + { + first = i; + break; + } + } + return first; +} +" +8f8a0392a77ac6e467c26f178e14ee940bfb1d0d,"public boolean bobThere(String str) +{ + if(str.contains('b')) + { + if(str.charAt(str.indexOf('b') + 2) == 'b') + { + return true; + } + else + {return false;} + } + return false; +} +" +3a2348aab7816e2ca5489155022b429dcd819fa9,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + if(str.charAt(str.indexOf('b') + 2) == 'b') + { + return true; + } + else + {return false;} + } + return false; +} +" +3e54e85df1a84dbe69dc189539b0aa561a2d3dda,"public boolean bobThere(String str) +{ + int first = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if(str.substring(i, i + 3).startsWith(""b"") && + str.substring(i, i + 3).endsWith(""b"")) + { + first = i; + break; + } + } + return str.substring(first +3); +} +" +09a2f08908601ea153dba93d85f4cbc9e430f75e,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + if(str.charAt(str.indexOf('b') + 2) == 'b') + { + return true; + } + else + { + return false; + if(str.indexOf(""b"", str.indexOf(""b"" + 1))) + { + if(str.charAt(str.indexOf(""b"", str.indexOf(""b"") + 1)) + 2 == 'b') + { + return true; + } + else + { + return false; + } + } + } + } + return false; +} +" +3f6d1905080faef5360609dd7d539b5811f60531,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + if(str.charAt(str.indexOf('b') + 2) == 'b') + { + return true; + } + else + { + return false; + if(str.indexOf(""b"", str.indexOf(""b"" + 1)) >= 0) + { + if(str.charAt(str.indexOf(""b"", str.indexOf(""b"") + 1)) + 2 == 'b') + { + return true; + } + else + { + return false; + } + } + } + } + return false; +} +" +911d0165be485c669b58100f8f250e89a6d60f4c,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + if(str.charAt(str.indexOf('b') + 2) == 'b') + { + return true; + } + else + { + + if(str.indexOf(""b"", str.indexOf(""b"" + 1)) >= 0) + { + if(str.charAt(str.indexOf(""b"", str.indexOf(""b"") + 1)) + 2 == 'b') + { + return true; + } + else + { + return false; + } + } + } + } + return false; +} +" +2a75f27ee5071e634c0cd997dcda126d44a9c0eb,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + if(str.charAt(str.indexOf('b') + 2) == 'b') + { + return true; + } + else + { + return false; + } + + } + return false; +} +" +900245932b10a1ac5098b7082ef93c415b4fb113,"public boolean bobThere(String str) +{ + int lengthS = str.length()-3; + int i = 0; + while (i 3) + { + + String bob = str.substring(i, i + 3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + truth = true; + } + } + else if (str.length == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + truth = true; + } + } + } + + return truth; + + +} +" +7b2846cb80c4e8364684da42a82843a62bd5a701,"public boolean bobThere(String str) +{ + boolean truth = false; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.length > 3) + { + + String bob = str.substring(i, i + 3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + truth = true; + } + } + else if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + truth = true; + } + } + } + + return truth; + + +} +" +ea289cb4478f78b767ed120e4236982febacd116,"public boolean bobThere(String str) +{ + boolean truth = false; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.length() > 3) + { + + String bob = str.substring(i, i + 3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + truth = true; + } + } + else if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + truth = true; + } + } + } + + return truth; + + +} +" +aba1896d825e469371709d2ae569dd4d92935dff,"public boolean bobThere(String str) +{ + + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+2).startsWith(""b"") && str.substring(i, i+2).startsWith(""b"")) + { + return true; + } + return false + } + +} +" +fcf979d46e3693d6778f33dcc24357f19c1c5678,"public boolean bobThere(String str) +{ + + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+2).startsWith(""b"") && str.substring(i, i+2).startsWith(""b"")) + { + return true; + } + return false; + } + +} +" +97e57fba2cbf49e53fba92af2e9fa46519c78265,"public boolean bobThere(String str) +{ + + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+2).startsWith(""b"") && str.substring(i, i+2).startsWith(""b"")) + { + return true; + } + return false; + } + return false; + +} +" +57d30ee40da043281365df5f087aeeb970ff3cc7,"public boolean bobThere(String str) +{ + + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+2).startsWith(""b"") && str.substring(i, i+2).endsWith(""b"")) + { + return true; + } + return false; + } + return false; + +} +" +b79e549b1662f5a7742dce910d7946b9ed2554ae,"public boolean bobThere(String str) +{ + boolean truth = false; + + if (str.length() > 3) + { + for (int i = 0; i < str.length() - 3; i++) + { + String bob = str.substring(i, i + 3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + truth = true; + } + } + } + else if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + truth = true; + } + } + + return truth; + + + + + +} +" +4251e555396883247963dc77a88e45fcf64af8d4,"public boolean bobThere(String str) +{ + + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + return true; + } + return false; + } + return false; + +} +" +049d0738c6abc0afd685ba7468086ba63f76875d,"public boolean bobThere(String str) +{ + boolean truth = false; + + if (str.length() > 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + String bob = str.substring(i, i + 3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + truth = true; + } + } + } + else if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + truth = true; + } + } + + return truth; + +} +" +b1f96afd5553c265b1e2fb6f57f4e1d67c45b12d,"public boolean bobThere(String str) +{ +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + return true; + } + return false; + } +} + return false; + +} +" +02cf8180708f9d1f40d5ad92ae97b00c0f7fe787,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + j; + } +} + j; + +} +" +a8986ae97e5f02ad8daee861f7ddbdfec90899ca,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + j; + } +} + return j; + +} +" +aa6a19011d6212136d5661c98cab6678a7701148,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} + return j; + +} +" +bcace1e373c77adfecb66daaa86300ad23e320f1,"public boolean bobThere(String str) { + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +a8b892693ed44361713e9a6af576b267a7c0a334,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() < 3) +{ + return j; +} +else +{ + return true +} +} +" +ed4c97b8a7d76172f6bc38d78760c072f368706a,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() < 3) +{ + return j; +} +else +{ + return true; +} +} +" +0c2b77d2065dbcadf5456d74b8e23cbc558a7f06,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return true; + } +return false; +} +" +235b7b502b6a518e7a5cfca026f566dc9aebce79,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return true; + } +return false; +} +} +" +9f1721688dd7e8d9874127132d4e11d4aa016472,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return true; + } +return false; +} + return false; +} +" +ae9dea4ba3fd2c08609803793cac5a308f855aef,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return true; + } +} + return false; +} +" +32ae9f0f547080f51d0c253409720174dc5e9679,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} + return j; +} +" +2de11aec4bbabbf6c63e6b3fdcae9b5a6070297a,"public boolean bobThere(String str) +{ + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} + return j; +} +" +0d91b6059dc72b3611d7b02955e910736fa98d07,"public boolean bobThere(String str) +{ + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} + boolean j = false; +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} + return j; +} +" +96be97458cd520e61c4ce23705c2dc97db66f36a,"public boolean bobThere(String str) +{ + boolean j = false; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} + return j; +} +" +27404a8b9194d0a1f78470c81b5dde6d9f5515dc,"public boolean bobThere(String str) +{ + for (int i = 0; i3) + { + if(charAt(i) == 'b' && charAt(i+2) == 'b')) + return true; + } + + + } + +} +" +1aa3dd42dd551631d81dfd00430790bbaab18ef3,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (firstB = lastB) + { + return false; + } + else if (lastB - firstB == 2) + { + return true; + } + else + { + return false; + } +}" +35129c4c5a259c32cf21c5bd4f76f072b8ea1b0c,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (firstB == lastB) + { + return false; + } + else if (lastB - firstB == 2) + { + return true; + } + else + { + return false; + } +}" +fda96ed80a3494a8d97465afaa0786c946e59f0c,"public boolean bobThere(String str) +{ + for(i=0; i3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b')) + return true; + } + + + } + +} +" +9efdd949e1fb766852120b152f5276914fa1b424,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + boolean nextB = (str.charAt(firstB + 2), ""b""); + //int lastB = str.lastIndexOf(""b""); + if (nextB) + { + return true; + } + else + { + return false; + } +}" +f6b5d93d9a8d5aa2f48ff644524c21b6d32e2a2f,"public boolean bobThere(String str) +{ + int i; + + for (i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i+1).equals(""b"") && str.charAt(i+2)=='b') + { + return true; + } + } + return false; +} +" +06b1436d3be48dbbfbfeb4304edd56d170b24394,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + boolean nextB = str.charAt(firstB + 2), ""b""; + //int lastB = str.lastIndexOf(""b""); + if (nextB) + { + return true; + } + else + { + return false; + } +}" +311f637c3e54b818f4a5bfce45a3e21a3369e92b,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + boolean nextB = (str.charAt(firstB + 2), ""b""); + //int lastB = str.lastIndexOf(""b""); + if (nextB) + { + return true; + } + else + { + return false; + } +}" +5d42c818e6e7aa92a3dc3de0a4893fea681d25e3,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + boolean nextB = (str.charAt(firstB + 2) == ""b""); + //int lastB = str.lastIndexOf(""b""); + if (nextB) + { + return true; + } + else + { + return false; + } +}" +ac0d094890669c4bfe98c6da20d1559cb8fac68c,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + boolean nextB = (str.charAt(firstB + 2) == 'b'); + //int lastB = str.lastIndexOf(""b""); + if (nextB) + { + return true; + } + else + { + return false; + } +}" +04e488a063a61a4a8b61ebb83b966a0c0502ef23,"public boolean bobThere(String str) +{ + int bLocation = str.lastIndexOf(""b""); + if (str.substring(bLocation - 2, bLocation) == ""b"") + { + return true; + } + else + { + return false; + } +} +" +5d24b24e7e440f3b969afb3a43c0334aaaf12a6b,"public boolean bobThere(String str) +{ + int firstBLocation = str.indexOf(""b""); + int nextBLocation = str.indexOf(""b"", firstBLocation + 1); + if (firstBLocation != nextBLocation && nextBLocation - firstBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +69518aa8e81be1e5807898aade7269df5dea6cb5,"public boolean bobThere(String str) +{ + for(i=0; i3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b')) + return true; + } + + + } + +} +" +8fc576c6a1f0f9e73cf23faf0bd42d57b57d9b2b,"public boolean bobThere(String str) +{ + for(i=0; i3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b')) + return true; + } + + + } + +} +" +081e9c3230fc2478eeb9b6cd8427630ce2f682c7,"public boolean bobThere(String str) +{ + int lastB = str.lastIndexOf(""b""); + if (lastB < 2) + { + return false + } + else + { + boolean firstB = (str.charAt(lastB + 2) == 'b'); + if (firstB) + { + return true; + } + else + { + return false; + } + } +}" +c1915e5bd3255d817ae39d6c0a0e45c71cd271e4,"public boolean bobThere(String str) +{ + for(i=0; i3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + + + } + +} +" +0230b3a7e19fe8333589cbfc56b24943650900a2,"public boolean bobThere(String str) +{ + int lastB = str.lastIndexOf(""b""); + if (lastB < 2) + { + return false; + } + else + { + boolean firstB = (str.charAt(lastB + 2) == 'b'); + if (firstB) + { + return true; + } + else + { + return false; + } + } +}" +ef879e2f72f113b983bbf8871d0f5ca47f242ca1,"public boolean bobThere(String str) +{ + int firstBLocation = str.indexOf(""b""); + int nextBLocation = str.indexOf(""b"", firstBLocation + 2); + if (firstBLocation != nextBLocation && nextBLocation - firstBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +2139c481edd57dc026f352809a56a94a4f7a551c,"public boolean bobThere(String str) +{ + for(int i=0; i3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + + + } + +} +" +f6d3d1a43f136e843e5f0860f92eb582d8818fd4,"public boolean bobThere(String str) +{ + int lastB = str.lastIndexOf(""b""); + if (lastB < 2) + { + return false; + } + else + { + boolean firstB = (str.charAt(lastB - 2) == 'b'); + if (firstB) + { + return true; + } + else + { + return false; + } + } +}" +9aa1544e499af5606c39ca499f3659c05b376df8,"public boolean bobThere(String str) +{ + for(int i=0; i3) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + + + } + +} +" +ad66a2fc56685942d5084b37f5904d2f337434d0,"public boolean bobThere(String str) +{ + for(int i=0; i3 && str.charAt(i) == 'b' && str.charAt(i+2) == 'b') ) + return true; + } + + + } + + +" +546da75f8b266ead915500ebdf9e3a420da78537,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (firstBLocation != nextBLocation && nextBLocation - firstBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +f727eb376f44b35c49087664df6eca499d910087,"public boolean bobThere(String str) +{ + for(int i=0; i3 && str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + + + } + + +" +03eba1f1881891edc0e963f86c70c106ab0155fb,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (firstBLocation != nextBLocation) + { + return true; + } + else + { + return false; + } +} +" +26c5aa38c07885a11dd199e3a815c50ad52139d3,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (firstBLocation != nextBLocation && firstBLocation - nextBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +34b09843c9e8a034fa09854419fa7fe96a67a64f,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (firstBLocation <= 0) + { + return false; + } + else if (firstBLocation != nextBLocation && firstBLocation - nextBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +5d3baceaa2c5da2c818f1289568cafc3645c891e,"public boolean bobThere(String str) +{ + + int len = str.length()-2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + + + ] +} + + +" +be6164d5d065f6d352d40c35a91b6143c181e102,"public boolean bobThere(String str) +{ + + int len = str.length()-2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + + + ] + return false' +} + + +" +eff6ea79b8fbe0ecb1d4ce7361c293cc870eb743,"public boolean bobThere(String str) +{ + + int len = str.length()-2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + + + ] + return false; +} + + +" +b29069901916bf4cdd162fe94f91fa527affcb80,"public boolean bobThere(String str) +{ + + int len = str.length()-2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + + + } + return false; +} + + +" +1625008f14a60c4418d157621b972e3434ffa444,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (firstBLocation <= 0) + { + return false; + } + else if (firstBLocation != nextBLocation && firstBLocation - nextBLocation == 2) + { + return true; + } + else if (firstBLocation - nextBLocation < 2) + { + return false; + } + else + { + return false; + } +} +" +d9a6772f1e85734bbeafc384a8ae9c5add99b25c,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (nextBLocation <= 0) + { + return false; + } + else if (firstBLocation != nextBLocation && firstBLocation - nextBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +666084557abbd5b1752836737003ef453712cd28,"public boolean bobThere(String str) +{ + int firstBLocation = str.lastIndexOf(""b""); + int nextBLocation = str.lastIndexOf(""b"", firstBLocation - 2); + if (nextBLocation < 0) + { + return false; + } + else if (firstBLocation != nextBLocation && firstBLocation - nextBLocation == 2) + { + return true; + } + else + { + return false; + } +} +" +08dfc172eb132894ae97fc51cbeddb18a26fe742,"public boolean bobThere(String str) +{ + return true; +} +" +3fdc4611efca4ba60f20a692e94b4b4fce390be7,"public boolean bobThere(String str) +{ + return (str.startsWith(b) && str.endsWith(b)); +} +" +8134df6ed995dfb58ed2c15fc10bceae2ede9f1f,"public boolean bobThere(String str) +{ + return (str.startsWith(""b"") && str.endsWith(""b"")); +} +" +6f5a8a8c8697bf44746dadab03f86cb0b77cd2d6,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + else + { + return false; + } +} +" +e7b096b4fe3d62e72d513596ca297a7066563bfa,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + return false; + +} +" +372944027251b586f7cdc180fc986b574988b126,"public boolean bobThere(String str) +{ + return true; +} +" +e497252c0ac50480e869f2bd1704c116fe684d58,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int last = str.indexOf(""b""); + if (last - first == 2) + { + return true; + } + else + { + return false; + } +} +" +74ccfb97dd8505eef1b018022d5442c44f1322cc,"public boolean bobThere(String str) +{ int b1 = str.indexOf(b); + int b2 = str.lastIndexOf(b); + if (str.char(b)) + return true; +} +" +c6c19651b2d99d4af8c59c2680469859f42a725d,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int last = str.nextIndexOf(""b""); + if (last - first == 2) + { + return true; + } + else + { + return false; + } +} +" +a127c94376345a86e3d1f104392cb1fc1f6748ff,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int last = str.lastIndexOf(""b""); + if (last - first == 2) + { + return true; + } + else + { + return false; + } +} +" +ce9e7af8b32c28499339a2903ca73be86da71a86,"public boolean bobThere(String str) +{ int b1 = str.indexOf(b); + int b2 = str.lastIndexOf(b); + if (str.charAt(b1 + 2) = b2){ + return true; +} + return false; +} + +" +0f029e661fdd0b4c5206f66347ad8c032b28ce4a,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(b); + int b2 = str.lastIndexOf(b); + if (str.charAt(b1 + 2) = b2){ + return true; +} + return false; +} + +" +dae842dc1a4df6c03fec6207385f6314ca2efdcf,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); + int b2 = str.lastIndexOf(b); + if (str.charAt(b1 + 2) = b2){ + return true; +} + return false; +} + +" +560c9980b6b3566077babb21f82a64fd83c847f8,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +bc09949e44af31405cf549310ba663fe2f9a5ed2,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (if charAt(next) == ""b"") + { + return true; + } + else + { + return false; + } +} +" +57e0dca55b2a4d460a4076a297f79c8243e8c0ef,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (if charAt(next) = ""b"") + { + return true; + } + else + { + return false; + } +} +" +9a46b5ba54f09a13da1bf8df0c58fb5af90b8b5a,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (charAt(next) = ""b"") + { + return true; + } + else + { + return false; + } +} +" +7602fce08f351eeca892e060bb45e254974d1760,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (charAt(next) == ""b"") + { + return true; + } + else + { + return false; + } +} +" +04c61fd9570fc278afa0a78dfb7dcf8330457271,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (str.charAt(next) == ""b"") + { + return true; + } + else + { + return false; + } +} +" +d4bc9bf99100a2b0d4a6035aa55d7ed2e238767e,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 1) == 'b'){ + return true; + } + else if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +ab01ae9c74c8bd448f8c795c478830f7af8a2fdd,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 1) == 'b'){ + return true; + } + else if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +6c218081c57f59fa004c612bebed68401a27d1d2,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (str.charAt(next) = ""b"") + { + return true; + } + else + { + return false; + } +} +" +b7cac51729ea5543e7b43988779c31b4ad84f237,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (str.charAt(next) == ""b"") + { + return true; + } + else + { + return false; + } +} +" +2044b4da662dc902dd51e912a796853abcde3b24,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int next = first + 2; + if (str.charAt(next) == 'b') + { + return true; + } + else + { + return false; + } +} +" +d9503b754fdca829a262d419848b66681b7346be,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 1 && str.length() > 3) == 'b'){ + return true; + } + else if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +42849b29ea80986acc004ad2198d96c8caf6b667,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 1 == 'b' && str.length() > 3)){ + return true; + } + else if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +2521afd70a2f2a18ce0f9ceed5252bedc4d1a0ee,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length - 3; i++) + { + if(Character.toString(str.charAt(i)) == ""b"" && + Character.toString(str.charAt(i+2))) + { + return true; + } + } + return false; +} +" +0bf709e108f1a3d3cd41f84b309406c6f2cffa11,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 1)== 'b' && str.length() > 3)){ + return true; + } + else if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +f291cfacfd82a504a246dd9e65ffb94661a183c7,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(Character.toString(str.charAt(i)) == ""b"" && + Character.toString(str.charAt(i+2))) + { + return true; + } + } + return false; +} +" +cebfadab09e9b318f44c3f0490d1c66f86b3ad99,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(Character.toString(str.charAt(i)) == ""b"" && + Character.toString(str.charAt(i+2)) == ""b"") + { + return true; + } + } + return false; +} +" +bee2c0bf2b61209b93901668e8f64d42218ced67,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + if (str.charAt(b1 + 1) == 'b' && str.length() > 3){ + return true; + } + else if (str.charAt(b1 + 2) == 'b'){ + return true; +} + return false; +} + +" +2361bc924cbc5174c12492663d2065e26df66248,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(str.charAt(i)) == ""b"" && str.charAt(i+2)) == ""b"") + { + return true; + } + } + return false; +} +" +7a8a8cf7ac02511e551a30872b487ee27888a159,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(Character.toString(str.charAt(i)).equals(""b"") && + Character.toString(str.charAt(i+2)).equals(""b"")) + { + return true; + } + } + return false; +} +" +87a65f8779502c55710dc72060de56b048860474,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length(); +for (i = 0 ; i < length; i ++)) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + return false; +} + +" +fbb1ba5b8e0bd1848e38b6705785113e63a30905,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(str.charAt(i)).equals(""b"") && str.charAt(i+2)).equals(""b"")) + { + return true; + } + } + return false; +} +" +30b4971d7ca5a79840f93387e00c20e27f5c7e5e,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length(); +for (int i = 0 ; i < length; i ++)) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + return false; +} + +" +0dcc5f879493189c159eb31f7d9a91962d39c6a8,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length(); + for (int i = 0; i < length; i++) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + return false; +} + +" +ae8bfeb1b723f7324ad2b970afa589a510925dd8,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for(int x = 0; x < length; x++) + { + if(str.charAt(x) == ""b"" && str.charAt(x+2) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +650fc119a9d2587a68c7d6991f66c098e0ef7def,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length(); + for (int i = 0; i < length; i++) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + return false; +} +} + +" +4062252114d0d24d87e69a3bc267313c195b6916,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length(); + for (int i = 0; i < length; i++) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + +} + return false; +} + +" +5bccd29b1f1b72b4dd09bcef023c1c7f4b3df03c,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for(int x = 0; x < length; x++) + { + if(str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +7b4daaf80acea38fa85097595980b6e3d3f07c99,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length() - 1; + for (int i = 0; i < length; i++) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + +} + return false; +} + +" +283183fcfaed98db4578eaaa4a3b0f4ccf4acec8,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(str.charAt(i)) == 'b') && str.charAt(i+2)) == 'b') + { + return true; + } + } + return false; +} +" +371b4c1f1708797d3b936e4678ac8ffdc2cd141f,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); // """" and ''??? + int b2 = str.lastIndexOf(""b""); + int length = str.length() - 2; + for (int i = 0; i < length; i++) +{ + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b' ){ + return true; + } + +} + return false; +} + +" +2bcf76569a7804e0d2295f6ef483b23cacde95d8,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + Boolean answer == false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + answer == true; + } + else + { + //nothing + } + } +} +" +ef00c0e39e72f5bcaa49100d78a228d74dbcbe2e,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + answer = true; + } + else + { + //nothing + } + } +} +" +f15da27c880dd994b9f61b58f4313470f68a0313,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++ { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +211ca0518de199bdb96797d02332448421a32c2a,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + Boolean answer = false; + for (int x = 0; x < length; x++) + { + if (str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + answer = true; + } + else + { + //nothing + } + } + return answer; +} +" +50c7402a9a3f72aa0572ec1e1b82d9bc0a995d8e,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if(str.charAt(i) == 'b') && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +375ed92227753c364b0ea9e100c27ec1917d7f74,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if((str.charAt(i) == 'b') && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +b1879007918eb9f2acc8f43fa972e2952107beb5,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if((str.charAt(i) == 'b') && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +b008925ba14ddadc4da871de7ce9776dda08d385,"public boolean bobThere(String str) +{ + for(int i=0; i 0); +}" +4a0deb671c9a319a8cedd582756459f070df3a26,"public boolean bobThere(String str) +{ + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i).equals(""b"") && str.charAt(i + 2).equals(""b"")) + { + return true; + } + return false; +} +" +d8ee4c2a1873e76ee4f150cda173a062efb44de3,"public boolean bobThere(String str) +{ + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i).equals(""b"")) + { + return true; + } + return false; +} +" +f81a6a3ae157ba8da8193aa3f472e57437a1c2d7,"public boolean bobThere(String str) +{ + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i) == (""b"")) + { + return true; + } + return false; +} +" +a92ed9ec79ee9afb3fcc19523b72f340676fd504,"public boolean bobThere(String str) +{ + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i) == ('b')) + { + return true; + } + return false; +} +" +c473633345d8b757d3357120017d794776f2e11d,"public boolean bobThere(String str) +{ + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i) == ('b') && str.charAt(i + 2) == ('b')) + { + return true; + } + return false; +} +" +cd411ff4c7890d612f44324cdae4c9d4f7d945d9,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int i = 0; i < l - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + return false; + } +} +" +a3461dbd3069300bdb53bc3fe8a92e63ca1ad15e,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int i = 0; i < l - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + return false; + } + return false; +} +" +8491756aa48ee6ecf799c7d72e4fef113a9cce6b,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int i = 0; i < l - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +753fcfe5c7b652018923c487f21964ad2f3481b2,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int i = 0; i < l - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +f0f2cf02b00675b7746c13aa85c896cccbe36283,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int i = 0; i < l - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +13ac4958efdbd607f34f5fc710a41dccd151d7df,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +ad4568ded836a7127cbbdfd36de59217b2ee002b,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + +} +" +052416166fedcd7425f601cf11e9f0b1218e34a2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return String str; +} +" +2ba4c0949a1150fd313750689c3a211a90c7178b,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int i = 0; i < l - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +6ad035a99ccfae3c703c79b594f57cf635006512,"public boolean bobThere(String str) +{ + int l = str.length(); + for (int a = 0; a < l - 2; a++) + { + if (str.charAt(a) == 'b' && str.charAt(a + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +f50e8ccf1632b509696f27ac8c7a3608011b635a,"public boolean bobThere(String str) +{ + if (str.equals(""b"") || str.equals(""bb"")) + { + return false; + } + else if (str.substring(0).equals(""bob"")) + { + return false; + } + else if (str.endsWith(""b"") || str.endsWith(""z"")) + { + return true; + } + else if (!str.endsWith(""b"") || !str.startsWith(""b"")) + { + return false; + } + return true; + +} +" +15df77228df5ed96dc92ca908aa0baadd57feee3,"public boolean bobThere(String str) +{ + boolean j = false; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } + +} +" +4081cd0c9c5405be3344784d7d5c3d249e67cd8d,"public boolean bobThere(String str) +{ + boolean j = false; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} +} +" +8243323bb04e947e354a2f09cbedbb09fd558e4d,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + return false; + } + + +} +" +9beb756026dae5f2a82140f9da91898815739363,"public boolean bobThere(String str) +{ + boolean j = false; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + j = true; + } +} +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + j = true; + } + } +} + return j; +} +" +df0f9a2ced4cfdaaa97eeff5800f3085c392af26,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +4ab9241673b1cbf4f1cee3cfafc1b0a372c1a43b,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(), i++) + { + char c = str.charAt(i); + char m = str.charAt(i+2); + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +9476a51ed367821322145bcabeea8e0ae103de52,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + char m = str.charAt(i+2); + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +40997e2f7ea080b38a434b282c49b4b5ae617c0c,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +07738b4c1e763f64502c0963582d4bd22bcf7446,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +b48f565a97316a14038f25de33bd28929029ed85,"public boolean bobThere(String str) +{ + char m; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +b240991694c35b33159eb0b2993cdb544c846d1d,"public boolean bobThere(String str) +{ + char m = ''; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +ab8b49f0353e48d95a3e42a5a23abcdfc823626b,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +e49d175be2350721951b85539ec3174ef8cedf05,"public boolean bobThere(String str) +{ + String m = """"; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +9d64a684a480a5e1ce20b1f5f65ff9417dadbfaf,"public boolean bobThere(String str) +{ + char m = """"; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +99599052c170d5e9c4e14c1cfa8ecfd81e27fc05,"public boolean bobThere(String str) +{ + //char m = """"; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +27cca67c6df2319793a7f59aa20a3e8db312788f,"public boolean bobThere(String str) +{ + //char m = ''; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +055bf5cf366932e957f10c075daa41b06c71128f,"public boolean bobThere(String str) +{ + char m = ''; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +64ff42f919e3428b80f4e80b1c5194df8e95ba3f,"public boolean bobThere(String str) +{ + char m = 'n'; + for(int i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c < str.length()-2) + { + char m = str.charAt(i+2); + } + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +8c43c048f5270b075f69538a5b88dc93904f9537,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + char c = str.charAt(i); + char m = str.charAt(i+2); + if(c == 'b' && m == 'b') + { + return true; + } + } + return false; +} +" +e44a60e4306da168e4485e5f73cef309f8ffb64b,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.length()) { + if (str.substring(i, i+2) { + return (str.charAt(i) = ""b"" && str.charAt(i+2) = ""b"") + } + } + } + return false; +} +" +afc7102c2647d20f2121361b52e27daa9717de30,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.length()) { + if (str.substring(i, i+2)) { + return (str.charAt(i) = ""b"" && str.charAt(i+2) = ""b""); + } + } + } + return false; +} +" +054947245110fe21e7c54bf774cacf65261ff180,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.length()) { + if (str.substring(i, i+2)) { + return (str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")); + } + } + } + return false; +} +" +ec877493001be2ecae8d7fba692fe0c42e6b87a1,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.substring(i).length()) { + if (str.substring(i, i).equals(""b"") && str.substring(i+2, i+2).equals(""b"")) { + } + } + } + return false; +} +" +e13b126c4b61b53167a5027138a98f28b33b7b9d,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.substring(i).length()) { + if (str.substring(i, i).equals(""b"") && str.substring(i+2, i+2).equals(""b"")) { + return true; + } + } + } + return false; +} +" +23e6b56d3093963e5a6cbd8762e4c5b872b46d8d,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.substring(i).length()) { + if (str.substring(i, i).equals(""b"")) { + return true; + } + } + } + return false; +} +" +d7351ca6f853c7f14939a0b7414071afe6cc54ff,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.substring(i).length()) { + if (str.substring(i, i+1).equals(""b"")) { + return true; + } + } + } + return false; +} +" +b364cde9865b17738a1543a2b8e0bf1c11bdbfc1,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 2 <= str.substring(i).length()) { + if (str.substring(i, i+1).equals(""b"") && str.substring(i+2, i+3).equals(""b"")) { + return true; + } + } + } + return false; +} +" +8ed163e3a7523f153153bd0f891a79802e883d37,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 3 <= str.substring(i).length()) { + if (str.substring(i, i+1).equals(""b"") && str.substring(i+2, i+3).equals(""b"")) { + return true; + } + } + } + return false; +} +" +76f69941b9d83c9cc548c8bdd483831601e67bb4,"public boolean bobThere(String str) +{ + int ind = str.indexOf(""b""); + int lastInd = str.lastIndexOf(""b""); + return (lastInd - ind == 2) +} +" +8dfc74408b895c47ff2c595aa53af2cb5087651d,"public boolean bobThere(String str) +{ + int ind = str.indexOf(""b""); + int lastInd = str.lastIndexOf(""b""); + return (lastInd - ind == 2); +} +" +8c6e387d698f8a3d7be3dab9eb97245e30e2bbd6,"public boolean bobThere(String str) +{ + return(true); +} +" +eea1bec54f97da3f6efab1b23f62bbd5d64e9869,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (i = 0; i < length, i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } +} +" +bd9de7ac88eebb39df34004a3a055b430935554c,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length, i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } +} +" +284723e0525028af28dc1b0619bbc935bb3dc64b,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length, i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } +} +" +9d3b82113082971375cd190fe214f11cdb19bb8a,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length, i++); + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } +} +" +5fedc9ec36cedc096b7a8c80338363120a0b4efc,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length, i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } + return false; +} +" +24a720328eeeea9a58fb1d22e27852686dc93ceb,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for int i = 0; i < length, i++ + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } + return false; +} +" +e7aa17c8a969e1257e0f7ff8e51c36dcf8091757,"public boolean bobThere(String str) +{ + int i = 0; + for (i <= str.length() && str.charAt(i) != ""b"") + { + i = i + 1; + } + + +} +" +d8cfe80dafbe7bae9623f33880e543480ea556b3,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length, i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } + return false; +} +" +256b971bd0ea314414f314e85c40a24590e54930,"public boolean bobThere(String str) +{ + int i = 0; + for (str.charAt(i) != ""b"") + { + i = i + 1; + } + + +} +" +debfd786bfa6383ab26b2bb9b9191d82a248ec56,"public boolean bobThere(String str) +{ + int i = 0; + while (str.charAt(i) != ""b"") + { + i = i + 1; + } + + +} +" +1a998c423e1fed9d0d2fa4179715273091a52b76,"public boolean bobThere(String str) +{ + int i = 0; + while (str.charAt(i)equals(""b"")) + { + i = i + 1; + } + + +} +" +9113dcdbcc9a992772a689f34b737662ef46be7f,"public boolean bobThere(String str) +{ + int i = 0; + while (str.charAt(i).equals(""b"")) + { + i = i + 1; + } + + +} +" +dbc6388f08e07a6b7f2cf4b15907f00804d00c53,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +}" +086b30bb71e4be2cf1b719c82b83c5adf860911a,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +4b70800c155502ec7fdab76e37ba8ca84e1c6aed,"public boolean bobThere(String str) +{ + for(int i = 0; i <= str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +0c40598317db39609224ff108a8975b1199788a7,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + +} +" +e65934596b20bb5f07873470142df6f5214254b5,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +2aa62b293314e22925d6d13819a0f7e19dff71c8,"public boolean bobThere(String str) +{ + int len = str.length() + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +63c6d57fe6e7b9bedae4beb3ada32556ff901ae2,"public boolean bobThere(String str) +{ + int len = str.length(); + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +1ae1e28d089a1a118c7b9d348d33dcd454a19e58,"public boolean bobThere(String str) +{ + int len = str.length() - 1; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +bf4a5c1eb5fb580c2629bbed7a4cd5be9fe44f72,"public boolean bobThere(String str) +{ + int len = str.length() - 3; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +c17f8d7eb4e600c7ebfa8c740b3f0d56ef6d0ff9,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +19501f7a10ec884363ea80134e9d1644937af977,"public boolean bobThere(String str) +{ + int len = str.length() - 3; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +9827b4394493fa8b7af2ecd656535174c53d4c56,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + } + return false; +} +" +b64e2429c16da289039644322014c594c7c02630,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +a6575ba5446c69abdb19a815b4b4e67e288b3bbc,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +74fcdf027a8932599cecaedbea9de32d7c89d0c9,"public boolean bobThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) = 'b' && str.charAt(i+2) = 'b') + { + result = true; + } + } + return result; +} +" +148977e31fbebee9293447b6ff3a1f90d18068c0,"public boolean bobThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +f046940c0dc3c669b8b351236beb30935d1ca470,"public boolean bobThere(String str) +{ + boolean result = false; + + if (str.length() >= 3 + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.length() >= 3 && + str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +b56d0fa9c120480193ccd97561a061afe9a69f90,"public boolean bobThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.length() >= 3 && + str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +056d9b446ec9e03fdcd386c6e664e74c43c6bfaf,"public boolean bobThere(String str) +{ + boolean result = false; + + if (str.length() >= 3 && str.charAt(0) == 'b' && str.charAt(2) == 'b') + { + result = true; + } + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +553a3ca337b28b5da6a39f2aaccd5a6928d789f6,"public boolean bobThere(String str) +{ + boolean result = false; + + if (str.length() >= 3 && (str.charAt(0) == 'b' && str.charAt(2) == 'b')) + { + result = true; + } + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +5737e90f767501ff8066814d37605a8c4d528785,"public boolean bobThere(String str) +{ + if(str.contains(""bob"")) + { + return true; + } + else + { + return false; + } +} +" +3f3c0cfb7d6623dd555b1eab3444c9e3683c8e0d,"public boolean bobThere(String str) +{ + boolean result = false; + + if (str.length() >= 3 && (str.charAt(0) == 'b' && str.charAt(2) == 'b')) + { + result = true; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +dfa30b24360276269e56c690d7e899a2b7163d4d,"public boolean bobThere(String str) +{ + boolean result = false; + + if (str.length() >= 3 && str.charAt(0) == 'b' && str.charAt(2) == 'b') + { + result = true; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + result = true; + } + } + return result; +} +" +a6e692e9861fa0124d25da6a3387bcdcfcff6d21,"public boolean bobThere(String str) +{ + if(str.contains(""bob"")) + { + return true; + } + else if (str.contains(""b""+str.substring(1)+""b"")) + { + return true; + } + else + { + return false; + } +} +" +aa044b06507933aac2f2566aad6beda8a6a18e5b,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b""))-2); +} +" +058b9b5940bd5d078d1b4860eea71d7e8e99d608,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b""))-1); +} +" +12bc1771d1bfd09ee7f421ce3b17fb5854b848ce,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b"")-2)); +} +" +9d7c5f1bb036076f5a38f922d0bf4c7eadc06063,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +81340aa83f78519b7ad4c4692f0407bb96bf4df3,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b"")-1)); +} +" +b271487bde3d8dd170b407ebb93f3627fe1621c1,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b"")-2)); +} +" +dede340c8cc31b65e8323dccecfc5b495c067fe9,"public boolean bobThere(String str) +{ + int step = 0; +for(int i = 0; i < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""b"") && step == 0) { +step++; +} else if(Character.toString(str.charAt(i)).equals(""b"") && step == 2) { +return true; +} else if(step == 1) { +step++; +} else if(step == 2) { +step = 0; +} +} + +return false; +} +" +ccebe58a445a6c1ee826f68382d621758f2d8a10,"public boolean bobThere(String str) +{ + public int a = indexOf(""b""); + public int b = lastIndexOf(""b""); + + return str.substring(a, b); +} +" +5e2dd0f01b89e176b9f82574413e568b0f9d68eb,"public boolean bobThere(String str) +{ + int a = indexOf(""b""); + int b = lastIndexOf(""b""); + + return str.substring(a, b); +} +" +fb930e33242baebf0716cd045a745886cedde81d,"public boolean bobThere(String str) +{ + int a = indexOf(""b"", 0); + int b = lastIndexOf(""b""); + + return str.substring(a, b); +} +" +d01942c5b790c234ae86cc8dd193b63339fe6329,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b""))); +} +" +d50c32dad5f808de815e00aaab7db0ae7133328a,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b""))+1); +} +" +c35acfc5f8e8b1f8f9449958016b0530dda7a357,"public boolean bobThere(String str) +{ + String bob = ""b""; + int a = indexOf(""b"", 0); + int b = lastIndexOf(""b""); + + return str.substring(a, b); +} +" +53bac3bb88f91f2e2c68848408a79f58b33ebfb3,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + return str.substring(a, b); +} +" +865affa4643fc8b644cca3542638ffc9a98e4e36,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b"")+1)-2); +} +" +db0af20e50ec354b868ea99c574a3f3260554fd8,"public boolean bobThere(String str) +{ + return(str.indexOf(""b"")==str.indexOf(""b"", str.indexOf(""b"")+2)-2); +} +" +b14a086021e1e149fa32a1d0d5fea001d223f3ca,"public boolean bobThere(String str) +{ + for(int i = 0; i= 2) + { + return true; + } + else + { + return false; + } +} +" +4888207bec9c1d54f9ec7d3673cb907b1da2d173,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + if ((b - a) >= 2 && str.length == 1) + { + return true; + } + else + { + return false; + } +} +" +b650d72a9ff68845b1222f4511366f92ccc784e2,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + if ((b - a) >= 2 && str.length() == 1) + { + return true; + } + else + { + return false; + } +} +" +c874846e5599b593cdbe46e4cfef2649fcacac06,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + if ((b - a) >= 2) + { + return true; + } + else + { + return false; + } +} +" +5907d0c467e720e616e7decf04111dcdd215d671,"public boolean bobThere(String str) +{ + if (str.contains(""bob"")) + { + return true; + } + else + { + return false; + } +} +" +e1bdb0d83cc7b823721272dfbc31650ba48664fc,"public boolean bobThere(String str) +{ + if (str.contains(""b"" + ""b"")) + { + return true; + } + else + { + return false; + } +} +" +979e002d0310dfbd2b0ead7dcfdd37b90d497e5f,"public boolean bobThere(String str) +{ + for (i = 0; i < str.length; i++) + if (str.charAt(i) && strcharAt(i+2)) + { + return true; + } + else + { + return false; + } +} +" +631fd86ba2954921e7716dc04f49c6e0cdf63d5d,"public boolean bobThere(String str) +{ + for (i = 0; i < str.length; i++) + { + if (str.charAt(i) && strcharAt(i+2)) + { + return true; + } + else + { + return false; + } + } +} +" +ca338f295f8287efb2963ce4ab9dbf51ee613e51,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length; i++) + { + if (str.charAt(i) && strcharAt(i+2)) + { + return true; + } + else + { + return false; + } + } +} +" +f45a12a13291738dd52814f495e95c50e41797e4,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) && strcharAt(i+2)) + { + return true; + } + else + { + return false; + } + } +} +" +a3438b58623ee18379387b2389c062322b9e2cbf,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) && str.charAt(i+2)) + { + return true; + } + else + { + return false; + } + } +} +" +63e7b7b932185b8aca7e0d6e2f7acd1c966fccfd,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +7ca7662e2056de9516aea615da9e58a68ea1c63a,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i + 2) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +54ca1bb71f46c0abccdebf255c727539a9803c17,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == b && str.charAt(i + 2) == b) + { + return true; + } + else + { + return false; + } + } +} +" +2bfe2465a0286125fb29a5c2632f9f0a7d321f43,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +624395e19274770515a2806be1d48f362708ee0e,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +56e859355e16a399171e2b6fad3d7fcf6d951f50,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } +} +" +0fa8ecdfc6d66b579fc914fb271b9f30d515fa71,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +985dc15634defa9ba5d2aa7ac55495fea7c082ea,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + return """"; + } +} +" +143a27f065089cf4f10fd55cfca1d9c0d6c3ce76,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + return false; + } +} +" +8ece058a0c0101d8c8c8db163c8c362c7134998e,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +79c79032b5fa548e921a417a82f5683b38fc969e,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +e959acb6223b7c7d73bb21a20aa71135977393e5,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +1c5c2afbaac89669decab60a9c9ebae29c1d08ba,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +9c1b24f0268b9d5238feaf59114da5d3b827e88f,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +72aa432ba3a0391ae21089fb4bcfa45f06c0103a,"public boolean bobThere(String str) +{ + return true; +} +" +bdd84bb597c7d68469a3d85a84645af0cee94855,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) =='b' && str.charAt(i + 2) == 'b') + return true; + } + return false; +} +" +31af949bb52defea161498170ebf27f46116e310,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; + +} +" +3573a26a618e23956332f1f1045dacfd733716b2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str. length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; +} +" +c3ea5197bcf679d3d4d3ac7d121867dd59af79d1,"public boolean bobThere(String str) +{ + for (i=0; i < str.length()-3; i++) + { + if (charAt(i).equals(""b"") && charAt(i+2).equals(""b"")) + { + return true; + } + } + return false; +} +" +2b752bd973d9766efb3d9c884d6439dd16c4ae13,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (charAt(i).equals(""b"") && charAt(i+2).equals(""b"")) + { + return true; + } + } + return false; +} +" +4746fc5785dadac90d7e12560502acf9f6e8952d,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + { + return true; + } + } + return false; +} +" +8cc4a91143d709eaab281841cb19cf4e23cd10de,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt().equals(""b"") && str.charAt().equals(""b"")) + { + return true; + } + } + return false; +} +" +b787756897be7ff5c9ebbdc9f130462b0ae7d0bb,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + { + return true; + } + } + return false; +} +" +177931c64878d130b57f1e5a2a6db8624c6f070f,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i).equals(""b"")) + { + return true; + } + } + return false; +} +" +e4dd6866a4b10c36c8298498477604e204d4c1a6,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + { + return true; + } + } + return false; +} +" +13588bafe7146875aeecd22626679f601f5f7f24,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +a85e2749dd00d9b4bc11f77946851f2b31e6cea2,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b' && str.charAt(i+1) == 'o' ) + { + return true; + } + } + return false; +} +" +29991b1cf33507eafb41df933e6867d1017df521,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b' && !str.charAt(i+1) == 'o' ) + { + return true; + } + } + return false; +} +" +3dc0e64e91af0720339ea453b4320d741041c675,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b' && str.charAt(i+1) != 'o' ) + { + return true; + } + } + return false; +} +" +604011f915f14f06dfd10b826aa889148e2eaab4,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +256acc7f58d9c8c63fa358e1612155adae696396,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +51e5ee735cd375a68c282ea6f4077867da1ade55,"public boolean bobThere(String str) +{ + int i; + for (i=0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +b68009f4f4279531fe68cfd385226c750cb2aef9,"public boolean bobThere(String str) +{ + if (str.length() == 3 && (str.startsWith(""b"") && str.endsWith(""b""))) + return true; + else + return false; +} +" +6c3def11a93d19265e52b5eb0ee6800f8c1952d5,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && (str.startsWith(""b"") && str.endsWith(""b""))) + return true; + else + return false; +} +" +bf38b7c55771b78e66bed069c9599b12d0101cf0,"public boolean bobThere(String str) +{ + if (str.startsWith(""b"") && str.endsWith(""b"")) + return true; + + else + return false; +} +" +f82c3480057567210c56f33ee7db5ff60ba613be,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && (str.startsWith(""b"") && str.endsWith(""b""))) + return true; + else if (str.substring(3) == ""bob"") + return true; + else + return false; +} +" +34119cc1a8b450201fc9961eb6ebf06a8fba1c46,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && (str.startsWith(""b"") && str.endsWith(""b""))) + return true; + else if (str.substring(3) = ""bob"") + return true; + else + return false; +} +" +1c3dc2b148694ada177df8219f7bc30833155841,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && (str.startsWith(""b"") && str.endsWith(""b""))) + return true; + else + return false; +} +" +79271fa116d15d2d6c0252b2617c624cbe47a2f6,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i =0; i = 2) + { + str.substring(a, b); + int c = length(str.substring(a, b)); + if (c > 3) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +ade3ab42f514b944990e34afb1ed97d0c33c0dfd,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + if ((b - a) >= 2) + { + String c = str.substring(a, b); + + if (c.length() > 3) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +f146de1c83b00d05af55caf5e7e0a4c9771bcbde,"public boolean bobThere(String str) { + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +}" +f54bfd5b50fb827776fd75ff30072795d6ef78f9,"public boolean bobThere(String str) { + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +}" +34b758cd958c3658a87b9ea018c7832f9b3834c7,"public boolean bobThere(String str) +{ + public boolean xyBalance(String str) { +int i=0; +boolean res=true; +while(i 0; +} +" +9859bd7f5b57daaf53db27c33e44089d89c382f8,"public boolean bobThere(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-1; i++) { + String s = String.valueOf(str.charAt(i)); + String p = String.valueOf(str.charAt(i+2)); + if (s.equals(""b"") && p.equals(""b"")) { + a++; + } + } + return a > 0; +} +" +6b7bb4041b5a113f64fb8bfc558a655e20dde3e6,"public boolean bobThere(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-2; i++) { + String s = String.valueOf(str.charAt(i)); + String p = String.valueOf(str.charAt(i+2)); + if (s.equals(""b"") && p.equals(""b"")) { + a++; + } + } + return a > 0; +} +" +6b37fb0b7cc95037301071547dbc2ddd9749212c,"public boolean bobThere(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-2; i++) { + String s = String.valueOf(str.charAt(i)); + String p = String.valueOf(str.charAt(i+2)); + if (s.equals(""b"") && p.equals(""b"")) { + a++; + } + } + return a > 0; +} +" +38cafad43ef5492ae375fd997010c6f10d4d9d48,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +feef22b03cdaab941395f8befe1b6cbbefcda0c3,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return str.bobThere(); +} +" +9350cec92c6de7d2fc8635900594baf3418af2ec,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return bobThere(str); +} +" +9bf05b0b9166c2485b1cdfbf668e0a88233d8ee2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + + return false; + } + return bobThere(str); +} +" +a58fa9240ff8b68263e6ea9711b03438d9f4e7ec,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + + return false; + } + return bobThere(str); +} +" +389dace55fee3787b4208c6e83b52d279a4186d4,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.length() < 3) + { + return false; + } + else if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return bobThere(str); +} +" +353e2dac4c79b88c66dba46b210d5ff89b0ce630,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.length() < 3) + { + return false; + } + else if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + return bobThere(str); +} +" +56e4dc22fcaa600e70470c4379b993e5425d1fd5,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + return bobThere(str); +} +" +fdcdd148598c55fea0ae3844bce2ee23236c2a00,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + return bobThere(str); +} +" +c834bb9118e1b192a6b2aa4adeb64eab0f5db144,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return bobThere(str); +} +" +68cfba58533fb3e26923c8e151264369fab0d18b,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + return false; + return bobThere(str); +} +" +e3ae3f013ead242fc85ee01691bad4fc73984e2c,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + return false; +} +" +c2f3fac6eabc51e309c5019a6c8bf7a5ea4aa3ce,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +e7f11c4489e21896b90895f55848a33e981c8001,"public boolean bobThere(String str) +{ + boolean j = true; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return j ; + } +} +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + return j; + } + } +} + j = false; +} +" +a70cffcf269db9f30d624cbcbf486a9a10bdd1c7,"public boolean bobThere(String str) +{ + boolean j = true; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return j ; + } +} +if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + return j; + } + } +} + return false; +} +" +6e0d5a3b18271fbe3fddf3af1ec7170414d614ee,"public boolean bobThere(String str) +{ + boolean j = true; + if (str.length() == 3) +{ + if (str.substring(0).startsWith(""b"") && str.substring(0).endsWith(""b"")) + { + return j ; + } +} +else if (str.length() > 3) +{ + for ( int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""b"") && str.substring(i, i+3).endsWith(""b"")) + { + return j; + } + } +} + return false; +} +" +685f8dfac0c947f770a636b9dcf1769804b0df36,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} + +" +594c9f7b243f231fd3accb2c9796c8a4866c9076,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +bbbbfb8f1d8716af40502265e94340430b4c9b83,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + char b1 = str.charAt(i); + char b2 = str.charAt(i); + } + } + + return b1 = b2; +} +" +8bec6ecd89fb0daff9d81102fba390463c31fdcd,"public boolean bobThere(String str) +{ + char b1; + char b2; + + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + b1 = str.charAt(i); + b2 = str.charAt(i + 2); + } + } + + return b1 = b2; +} +" +09678a2819bab0fc30369ee1b9983963f4a5a95c,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +3131106f3e93fd0694db9b4f42a98265e2e08864,"public boolean bobThere(String str) +{ + char b1; + char b2; + + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + b1 = str.charAt(i); + b2 = str.charAt(i + 2); + } + } + + return b1 == b2; +} +" +2a0749f69191f9fc0628c40f782a37e8b5a26464,"public boolean bobThere(String str) +{ + int l = str.length() - 2; + for(int i = 0; i < l; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +ca1a86e0683cc4f6283bfafcf1aa3b6aa04ffd8a,"public boolean bobThere(String str) +{ + char b1 = ''; + char b2 = ''; + + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + b1 = str.charAt(i); + b2 = str.charAt(i + 2); + } + } + + return b1 == b2; +} +" +b3dd89aa16c5d508fd336bb4cda5ce9e7482c905,"public boolean bobThere(String str) +{ + +} +" +0c5e77eb9e479831ac32c72fe287ab9494d106e8,"public boolean bobThere(String str) +{ + char b1 = null; + char b2 = null; + + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + b1 = str.charAt(i); + b2 = str.charAt(i + 2); + } + } + + return b1 == b2; +} +" +927a55ea00d39d97ba79ef951bf5227bae7c7ac5,"public boolean bobThere(String str) +{ + boolean bob = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + if (str.charAt(i+2) == 'b') + { + bob = true; + break; + } + else + { + bob = false; + } + } + } + + return bob; +} +" +25c86c45517ff16e9cf2defd83f8fd51658754a8,"public boolean bobThere(String str) +{ + boolean bob = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && i+2 <= str.length()) + { + if (str.charAt(i+2) == 'b') + { + bob = true; + break; + } + else + { + bob = false; + } + } + } + + return bob; +} +" +72783623d12d0f29ff8b85029cb97613c31e0e62,"public boolean bobThere(String str) +{ + for(int i = 0; i str.length) + { + return false + } + return true; + } + } + + return false; +} +" +27205b668424ac9196e89967340e650b1aec2754,"public boolean bobThere(String str) +{ + for(int i = 0; i str.length) + { + return false; + } + return true; + } + } + + return false; +} +" +7f519a58870c4192a89a60a148046484a164bda0,"public boolean bobThere(String str) +{ + for(int i = 0; i str.length()) + { + return false; + } + return true; + } + } + + return false; +} +" +bc52c40b270f79debc18ebbf13f62b5d12636f39,"public boolean bobThere(String str) +{ + boolean bob = false; + + if (str.equals(""bbc"")) + { + bob = false; + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && i+2 < str.length()) + { + if (str.charAt(i+2) == 'b') + { + bob = true; + break; + } + else + { + bob = false; + } + } + } + } + + return bob; +} +" +a39936de412f540ed2abf7df85992b38d76c1ac5,"public boolean bobThere(String str) +{ + for(int i = 0; i= 3) + { + for ( i=0; i+3 < str.length(); i++) + { + if(str.substring(i, i+1).equals(""b"") && + str.substring(i+2,i+3).equals(""b"")) + { + break; + return true; + } + } + } + else + { + return false; + } + + +} +" +830d2df30a29a36bc34488e95b3c42c08fc1cca1,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2) + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3) + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(b) && bob.endsWith(b)) + { + return true; + } + else + { + return false; + } + } + + +} +" +e0771d42f603d6028ccf521d39e7c6adc1aecf54,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(b) && bob.endsWith(b)) + { + return true; + } + else + { + return false; + } + } + + +} +" +1741a9f942dec71bfb74401eaf2d4a0ec1ecb911,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + + +} +" +aaf82fa674d0d65eb7a1bd1239d499b8800ef081,"public boolean bobThere(String str) +{ + int i = 0; + if(str.length() >= 3) + { + for ( i=0; i+3 < str.length(); i++) + { + if(str.substring(i, i+1).equals(""b"") && + str.substring(i+2,i+3).equals(""b"")) + { + return true; + break; + } + } + } + else + { + return false; + } +} +" +32976e4a2432e44fc9709889c44711da67556be5,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } +} +" +82ee89ff68bf28996ac3958ce41f5f5b16434d4b,"public boolean bobThere(String str) +{ + int i = 0; + if(str.length() >= 3) + { + for ( i=0; i+3 < str.length(); i++) + { + if(str.substring(i, i+1).equals(""b"") && + str.substring(i+2,i+3).equals(""b"")) + { + return true; + } + } + } + return false; +} +" +0f60f1dad97b6f9abf2688de51077eeb33c03ef6,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + return; +} +" +859f658ab4aaa72103cbb13f6bf09950c3722ea5,"public boolean bobThere(String str) +{ + int i = 0; + if(str.length() >= 3) + { + for ( i=0; i+2 < str.length(); i++) + { + if(str.substring(i, i+1).equals(""b"") && + str.substring(i+2,i+3).equals(""b"")) + { + return true; + } + } + } + return false; +} +" +be4ed792bd9357d5a1fc9f24f22a968abc69aa42,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +3c4ca6fb51041180f1435ddd7e8c42cb5c1f2078,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + + if (one == 'b' && two == 'b') + { + return true; + } + + return false; +} +" +ce0fb3d0a327650a48548919a8794f9b763ca9e2,"public boolean bobThere(String str) +{ + String word = ""bob""; + char one = word.charAt(0); + char two = word.charAt(2); + + + if (one == 'b' || two == 'b') + { + return true; + } + + return false; +} +" +4da16538bb48b6d3eb81f5eb71b4c366f7078143,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + + +} +" +9cf73211acd2b023a96d8f016a40691306f3caf6,"public boolean bobThere(String str) +{ + if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + return true; + else + return false; + } + else + { + for (int i = 0; i 3) + return false; + else + { + for (int i = 0; i 3) + return false; + else + { + for (int i = 0; i= 0; i--) + { + if (str.charAt(i) == 'b' && str.charAt(i-2) == 'b') + { + hasBob = true; + } + } + return hasBob; +} +" +2f7adf20db848b91be24a7fc091fdfd8573fa6fd,"public boolean bobThere(String str) +{ + if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + return true; + else + return false; + } + else if (str.length() < 3) + return false; + else + { + boolean thing; + for (int i = 0; i= 2; i--) + { + if (str.charAt(i) == 'b' && str.charAt(i-2) == 'b') + { + hasBob = true; + } + } + return hasBob; +} +" +3ac2f039806a81282097ad9fd7f7d0509ebdba1b,"public boolean bobThere(String str) +{ + if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + return true; + else + return false; + } + else if (str.length() < 3) + return false; + else + { + boolean thing = true; + for (int i = 0; i 2) + { + int index = str.indexOf(""b""); + + if (index != -1) + { + str = str.substring(index + 1); + index = str.lastIndexOf(""b""); + + if (index != -1) + { + str = str.substring(0, index); + + if (str.length() == 1) + { + check = true; + } + else + { + check = false; + str += ""b""; + } + } + else + { + check = false; + } + } + else + { + check = false; + } + System.out.println(str); + } + return check; + +} +" +325ce18193114fe5495b4c8d4d9b64fa4e6e95b4,"public boolean bobThere(String str) +{ + + for (int i = 0; i < str.length-2(); i++) + { + return (str.charAt(i) == 'b' && str.charAt(i+2) == 'b'); + } + return false; +} +" +e294410776dd27d46f2f615e9d02789b323b8b2b,"public boolean bobThere(String str) +{ + + for (int i = 0; i < str.length() - 2; i++) + { + return (str.charAt(i) == 'b' && str.charAt(i+2) == 'b'); + } + return false; +} +" +b70c78ca2cf05d272e851c4584ccbe78a165ec19,"public boolean bobThere(String str) +{ + boolean check = false; + while (str.length() > 2) + { + int index = str.indexOf(""b""); + + if (index != -1) + { + str = str.substring(index + 1); + index = str.lastIndexOf(""b""); + + if (index != -1) + { + str = str.substring(0, index); + + if (str.length() == 1) + { + check = true; + } + else + { + check = false; + str += ""b""; + } + } + else + { + check = false; + } + } + else + { + check = false; + str = """"; + } + } + return check; + +} +" +c7e8457fb2b714869206c9d0c13e47eda97c8439,"public boolean bobThere(String str) +{ + int length = str.length(); + boolean answer = false; + for (int i = 0; int < length; i++) + { + if (str.charAt(i) == str.charAt(i + 2)) + { + answer = true; + } + } + return answer; +} +" +dfb12f7de4d73d60889d881025356e91e9cdf06f,"public boolean bobThere(String str) +{ + int length = str.length(); + boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == str.charAt(i + 2)) + { + answer = true; + } + } + return answer; +} +" +f85afa609ef84250eed556a8e152f55ebc2607c2,"public boolean bobThere(String str) +{ + boolean check = false; + while (str.length() > 2) + { + int index = str.indexOf(""b""); + + if (index != -1 && check == false) + { + str = str.substring(index + 1); + index = str.lastIndexOf(""b""); + + if (index != -1) + { + str = str.substring(0, index); + + if (str.length() == 1) + { + check = true; + } + else + { + check = false; + str += ""b""; + } + } + else + { + check = false; + str = """"; + } + } + else + { + check = false; + str = """"; + } + } + return check; + +} +" +f517c3eee7f7a3168a3db164d728e1d994c33d75,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == str.charAt(i + 2)) + { + answer = true; + } + } + return answer; +} +" +5dab42195da0d4ec0a018b38b8d3d779dae01d99,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!string.startsWith(""b"")) + { + str = str.substring(1); + } + if ((str.length() >= 3) && (str.charAt(2))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +791a1f03f6206e47643af254891f40ccacaad52c,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!str.startsWith(""b"")) + { + str = str.substring(1); + } + if ((str.length() >= 3) && (str.charAt(2))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +cb27fa4921f22061047c765a93ecc251e5f0554d,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!str.startsWith(""b"")) + { + str = str.substring(1); + } + if ((str.length() >= 3) & (str.charAt(2))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +f8b8f7e04fb2f4ea769dd36ad209ed9e1ded83b0,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!str.startsWith(""b"")) + { + str = str.substring(1); + } + if ((str.length() >= 3) && (str.charAt(2).equals(""b""))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +a456e889b6bae701865b86b50896fdcbcbe8c038,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!str.startsWith(""b"")) + { + str = str.substring(1); + } + if ((str.length() >= 3) && (str.charAt(2) ==(""b""))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +2036859ba9ec3053cea7b933922fc4973b5d7de4,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!str.startsWith(""b"")) + { + str = str.substring(1); + } + if (str.length() >= 3) + { + if(str.substring(2).startsWith(""b""))) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + } + else + { + return false; + } +} +" +236e13072f3f7fe1b6012230f0e6c4fa79e59798,"public boolean bobThere(String str) +{ + if(str.contains(""b"")) + { + while(!str.startsWith(""b"")) + { + str = str.substring(1); + } + if (str.length() >= 3) + { + if(str.substring(2).startsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + } + else + { + return false; + } +} +" +ff65ea12948803df0be5888aaf2705a2d0e2e466,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == ' b' && str.charAt(i + 2) + == 'b') + { + answer = true; + } + } + return answer; +} +" +19cdb9baebd2a2860ab47ae095f22301ea5d312b,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == ' b') + { + answer = true; + } + } + return answer; +} +" +ee0e8d18f38591ee9f6077d13c09dfddc70f9d15,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b') + { + answer = true; + } + } + return answer; +} +" +7b1c50f41a2dc4e593c794c178c7013f6f1a606c,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == + 'b') + { + answer = true; + } + } + return answer; +} +" +8a538c52e8cdd3201a3cb5f3aa88dce7628699f2,"public boolean bobThere(String str) +{ + if (str.length() == 3) + { + if (str.startsWith(""b"") && str.endsWith(""b"")) + return true; + else + return false; + } + else if (str.length() < 3) + return false; + else + { + boolean thing = true; + for (int i = 0; i= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + if (firstB == nextB + 2) + { + return true; + } + else + { + return false; + } + } + else if (str.length >= 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + int lastB = str.lastIndexOf('b'); + int anotherB = str.indexOf('b', lastB); + if ((firstB == nextB + 2) || (lastB == anotherB + 2)) + { + return true; + } + else + { + return false; + } + } +} +" +4eb3571406d97693ccd21b966ed055e51cfa816b,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + if (firstB == nextB + 2) + { + return true; + } + else + { + return false; + } + } + else if (str.length >= 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + int lastB = str.lastIndexOf('b'); + int anotherB = str.indexOf('b', lastB); + if ((firstB == nextB + 2) || (lastB == anotherB + 2)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +019e55bda92f734f1cc19890912abba4e7df49ef,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + if (firstB == nextB + 2) + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + int lastB = str.lastIndexOf('b'); + int anotherB = str.indexOf('b', lastB); + if ((firstB == nextB + 2) || (lastB == anotherB + 2)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +8741b8f1c8ed58c566e7185c3e47a04b3b161cd6,"public boolean bobThere(String str) +{ + for(int x=0; x< str.length()-1;) + { + char charx = str.charAt(x); + String stringx = charx.toString(); + + char charx2 = str.charAt(x+2); + String stringx2 = charx2.toString(); + + if(stringx.equals(""b"") && stringx2.equals(""b"")) + return true; + else + return false; + + } +} +" +2c68fb840704b8d4e9fe075b2ce178998bd38f26,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() =< 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + if (firstB == nextB + 2) + { + return true; + } + else + { + return false; + } + } + else if (str.length() > 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + int lastB = str.lastIndexOf('b'); + int anotherB = str.indexOf('b', lastB); + if ((firstB == nextB + 2) || (lastB == anotherB + 2)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +3e5b5fbee1d9ed3550441217f3fed744272c10a1,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + if (firstB == nextB + 2) + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB); + int lastB = str.lastIndexOf('b'); + int anotherB = str.indexOf('b', lastB); + if ((firstB == nextB + 2) || (lastB == anotherB + 2)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +caf0a07e4fc1a9e6e6a7b22b05bb35910174f887,"private boolean something; + +public boolean bobThere(String str) +{ + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + something = true; + } + else + { + something = false; + } + return something; +} +" +0fc6698b6f1a0af0e6023dbe4666cab6393f1a19,"public boolean bobThere(String str) +{ + int firstB = str.indexOf('b'); + if (str.length() < 3) + { + return false; + } + if (str.charAt(firstB + 2) == 'b') + { + return true; + } + else + { + return false; + } +} +" +8398cf141b254c20a592190f8260eb5c82bab76b,"public boolean bobThere(String str) +{ + int firstB = str.indexOf('b'); + if (str.length() < 3) + { + return false; + } + if (str.equals(""b12b1b"")) + { + return true; + } + if (str.charAt(firstB + 2) == 'b') + { + return true; + } + else + { + return false; + } +} +" +9964052927b8d9f8b50eec0746a90c583393f72e,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +f7086fe3af1bcb0712ffb0797372b1aea336a1a0,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB + 1); + if (firstB == nextB + 2) + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + int nextB = str.indexOf('b', firstB + 1); + int lastB = str.lastIndexOf('b'); + int anotherB = str.indexOf('b', lastB + 1); + if ((firstB == nextB + 2) || (lastB == anotherB + 2)) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +377b86a27bb611293948ff889bc754ef68636da6,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + return false; +} +" +29205feb12ea4c5b21da89c095c93b1ab9bbfd15,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + return false; + } +} +" +646cae859ca9e50f06328e0c2e86fd44cb18be50,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +84f705d8f835ac7d81198bdbd2e6b6ac24477c0b,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + if ((b - a) >= 2) + { + String c = str.substring(a, b); + + if (c.lastIndexOf(""b"") > 2) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +00a534e13d4b394bd1c4c2d2a4cbb6b8b87b751f,"public boolean bobThere(String str) +{ + int a = str.indexOf(""b"", 0); + int b = str.lastIndexOf(""b""); + + if ((b - a) >= 2) + { + return true; + + } + else + { + return false; + } +} +" +69ff90660b500b2630055241c59ffa6077dbb17b,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2) + if (nextB == 'b') + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2) + int lastB = str.lastIndexOf('b'); + char anotherB = str.charAt(lastB + 2); + if ((anotherB == 'b') || (nextB == 'b')) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +6200a22d690868ee0a340ad80bfd148ee22428c6,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2); + if (nextB == 'b') + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2) + int lastB = str.lastIndexOf('b'); + char anotherB = str.charAt(lastB + 2); + if ((anotherB == 'b') || (nextB == 'b')) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +acd29f4d74eb8348704d4be7741300909b846f99,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2); + if (nextB == 'b') + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2); + int lastB = str.lastIndexOf('b'); + char anotherB = str.charAt(lastB + 2); + if ((anotherB == 'b') || (nextB == 'b')) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +6597e8ebb8d747a25b7f69679a51c2b6b04285aa,"public boolean bobThere(String str) +{ + if (str.length() >= 3 && str.length() < 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2); + if (nextB == 'b') + { + return true; + } + else + { + return false; + } + } + else if (str.length() >= 6) + { + int firstB = str.indexOf('b'); + char nextB = str.charAt(firstB + 2); + int lastB = str.lastIndexOf('b'); + char anotherB = str.charAt(lastB - 2); + if ((anotherB == 'b') || (nextB == 'b')) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +ff7f782ef51ab9bda4836ac0bef6fa5f73b87a43,"public boolean bobThere(String str) +{ + while((!str.startsWith(""b"") || !str.substring(2).startsWith(""b"")) && (str.length() > 3)) + { + str = str.substring(1); + } + if (str.startsWith(""b"") && str.substring(2).startsWith(""b"")) + { + return true; + } + else + { + return false; + } + +} +" +7eb9f307ca696d022e0c0b422586a6bf3ed29d05,"public boolean bobThere(String str) +{ + while((!str.startsWith(""b"") || !str.substring(2).startsWith(""b"")) && (str.length() > 3)) + { + str = str.substring(1); + } + if (str.startsWith(""b"") && str.substring(2).startsWith(""b"") && (str.length() >= 3)) + { + return true; + } + else + { + return false; + } + +} +" +0e227dc8b2b22b750bb704c6e73b819657ba5ac7,"public boolean bobThere(String str) +{ + if(str.length() >= 3) + { + while((!str.startsWith(""b"") || !str.substring(2).startsWith(""b"")) && (str.length() > 3)) + { + str = str.substring(1); + } + if (str.startsWith(""b"") && str.substring(2).startsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +81e466da308c86fab45c49460bc0d678bc8dd9e9,"public boolean bobThere(String str) +{ + for(int x=0; x< str.length()-1;) + { + char charx = str.charAt(x); + String stringx = charx.toString(); + + char charx2 = str.charAt(x+2); + String stringx2 = charx2.toString(); + + if(charx.equals('b') && charx2.equals('b')) + return true; + else + return false; + + } +} +" +0adbb8655a41e7e672e05efe9e88a028d12ad7db,"public boolean bobThere(String str) +{ + for(int x=0; x< str.length()-1;) + { + char charx = str.charAt(x); + + + char charx2 = str.charAt(x+2); + + + if(charx.equals('b') && charx2.equals('b')) + return true; + else + return false; + + } +} +" +b2a8ef937a31075dabbc8b941d5e6c7223d5c8c6,"public boolean bobThere(String str) +{ + for(int x=0; x< str.length()-1;) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals('b') && b2.equals('b')) + return true; + + } + return false; +} +" +72c6eccba5f6b7be59b78e00096dfa8e83f2e19c,"public boolean bobThere(String str) +{ + + for(int x=0; x< str.length()-1;) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +515840440f0456454928ab75d592be6c72d14010,"public boolean bobThere(String str) +{ + int i = 0; + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +99dc3d68b238dddd4fd5a49476e252864708a702,"public boolean bobThere(String str) +{ + + for(int x=0; x< str.length();) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +b5e1032683b776c340b0cbc104d57b8496c365d3,"public boolean bobThere(String str) +{ + if (str.length() == 3) + { + int i = 0; + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +c1e53ac36828151de86fcc6113d4feaebe2d53be,"public boolean bobThere(String str) +{ + + for(int x=0; x< str.length()-1;x++) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +772935cc186c286d036d23342325a2d46199f117,"public boolean bobThere(String str) +{ + + for(int x=0; x<= str.length()-1;x++) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +717d70ba5fc0add05a34943b070be6424a55d3d6,"public boolean bobThere(String str) +{ + for (int i == 0; i < str.length()-3, i++) + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +ea2b3a3cf1f8953a9b3a98a7779301c56f447ac8,"public boolean bobThere(String str) +{ + + for(int x=0; x<= str.length()-1;x++) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+1, x+2); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +3b757121a796f079bc1497f98adb7c349eb8da5e,"public boolean bobThere(String str) +{ + for (int i == 0; i < str.length()-3, i++); + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +c70732b4381432dc3e5f3427288f5d4320726152,"public boolean bobThere(String str) +{ + + for(int x=0; x<= str.length()-1;x++) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +d3f2bc2dc7e55f4cc562e37eb14c1eefbb920456,"public boolean bobThere(String str) +{ + for (int i == 0; i < str.length()-3, i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +881bcd88b0db98544f0fbd5f0fba806d31a0fe8e,"public boolean bobThere(String str) +{ + return true; +} +" +14aec4b8ea19a1cc62d435624916b20fb1141a7d,"public boolean bobThere(String str) +{ + + for(int x=0; x< str.length()-2;x++) + { + String b1 = str.substring(x, x+1); + String b2 = str.substring(x+2, x+3); + + if(b1.equals(""b"") && b2.equals(""b"")) + return true; + + } + return false; + +} +" +6fd3a7e0776bdcef44fea81bcaa0bbafdd91ac5b,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-3, i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +b51c22c4bd4b0bf84e04c66f3d8ba06ef26e2c3e,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +bb681555dd8b67450aa75870a6be875d33c00360,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +b3f8adee305d976e2dc3c26c1a814b77bb11e53b,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } + return false; +} +" +3a5b6af76f3471475dc5fd1b81b67deeb886c491,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +50f4c3f1f0e5a41b22f5b098d8fed30bc572e577,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +a8c83127ea71c19eecc76fff07e112490e1b3b0a,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +26c5744b75dbdb57955faa1770b7ef741edd609b,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false;; +} +" +e64a66b7e279873a924ff8b9860daa8e27bf46ec,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +a6c527ae1c99b2ec8c0e9fda6c9b7770b8dfc56e,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +627cdce6a7246c2e5e735a0b2abf95cce8a012e6,"public boolean bobThere(String str) +{ + int index = str.indexOf(""b""); + int indexx = str.lastIndexOf(""b""); + if (index + 2 == indexx) + { + return true; + } + else + { + return false; + } +} +" +71bbb2d54309eef8773f265917e3aed5ab744b87,"public boolean bobThere(String str) +{ + boolean x = false; + if (str.startsWith(""b"") && str.endsWith(""b"")) + { + x = true; + } + return x; +} +" +a0222cfbd0481ca6c8cecb7de1ab011809573c79,"public boolean bobThere(String str) +{ + boolean x = false; + if (str.startsWith(""b"") && str.endsWith(""b"") && str.length() == 3) + { + x = true; + } + if + return x; +} +" +f4bc3522da9d447b654c99ae5a7588044a332427,"public boolean bobThere(String str) +{ + boolean x = false; + if (str.startsWith(""b"") && str.endsWith(""b"") && str.length() == 3) + { + x = true; + } + return x; +} +" +b5fe1f8485c725215f815dec8bcc3df46cb1b146,"public boolean bobThere(String str) +{ + str = str.replaceAll(""[^b]"", ""o""); + return (str.contains(""bob"")); +} +" +0b070e8254e49914df43c8282346fc276d381f5b,"public boolean bobThere(String str) +{ + str = str.replaceAll(""[^b]"", ""o""); + return (str.contains(""bob"") || str.contains(""bbb"")); +} +" +4ae8d3322a38fa519b11515767561397fd57cef9,"public boolean bobThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() >= 3) + { + if (str.substring(i, j).startsWith(""b"") && str.substring(i, j).endsWith(""b"")) + { + x = true; + } + } + } + return x; +} +" +89ab035fb6eeca36a2a3b44a1599d620198f2a48,"public boolean bobThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() >= 3) + { + if (str.substring(i, j).startsWith(""b"") && str.substring(i, j).endsWith(""b"")) + { + x = true; + } + } + j++; + } + return x; +} +" +383e977f9118fcfbabe6ac9a9e85740973abaefb,"public boolean bobThere(String str) +{ + boolean x = false; + int j = 2; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() >= 3) + { + if (str.substring(i, j).startsWith(""b"") && str.substring(i, j).endsWith(""b"")) + { + x = true; + } + j++; + } + } + return x; +} +" +e42ae3b950381847dd02dfa72ab4a79fee78190a,"public boolean bobThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j <= str.length()) + { + if (str.substring(i, j).startsWith(""b"") && str.substring(i, j).endsWith(""b"")) + { + if (i >= 1) + { + x = true; + break; + } + else + { + x = true; + break; + } + } + j++; + } + else + { + break; + } + } + return x; +} +" +c8f646c8edd5e739cfdba5c1b2e38bd5a3ec3a7a,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +3d43f10fafdc24f02bc785f311484d8bc2a0333a,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +bb1e4771a2b60b0d57f0f458863263592d0e5ce3,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + +return false; +} +" +3d62cff092364691992d448c19eaa950e65ebe93,"public boolean bobThere(String str) +{ + int t = str.length(); + boolean bob = false; + + for (int i = 0; i < t; i++) + { + char b1 = str.charAt(i); + char b2 = str.charAt(i + 2); + if ((b1 == 'b') && (b2 == 'b')) + { + bob = true; + } + } + return bob; +} +" +bf90c767aa678236d543feba2d4e810780e47060,"public boolean bobThere(String str) +{ + int t = str.length(); + boolean bob = false; + + for (int i = 0; i < (t - 1); i++) + { + char b1 = str.charAt(i); + char b2 = str.charAt(i + 2); + if ((b1 == 'b') && (b2 == 'b')) + { + bob = true; + } + } + return bob; +} +" +ca37c257324b9d3975ca3ddd34a2fb7ff27d3ba5,"public boolean bobThere(String str) +{ + int t = str.length(); + boolean bob = false; + + for (int i = 0; i < (t - 2); i++) + { + char b1 = str.charAt(i); + char b2 = str.charAt(i + 2); + if ((b1 == 'b') && (b2 == 'b')) + { + bob = true; + } + } + return bob; +} +" +55d3cd1414cf103e9115e8fcbecd8e43bdcf347d,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +671adbd5b64952fd07b4e7bebac8343836bf12b2,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +38117232ad2a4fbf32c4d6c8491f0d22aa54b43d,"public boolean bobThere(String str) +{ + int l = str.length(); + int lim = l - 3; + for (i = 0; i <= lim; i++) + { + int ii = i + 2; + char o = charAt(i); + char oo = charAt(ii); + if (o == ""b"" && o == oo) + { + return true; + } + } + return false; +} +" +73b2388772f61765334d4ea17acee95657efee38,"public boolean bobThere(String str) +{ + int l = str.length(); + int lim = l - 3; + for (int i = 0; i <= lim; i++) + { + int ii = i + 2; + char o = charAt(i); + char oo = charAt(ii); + if (o == ""b"" && o == oo) + { + return true; + } + } + return false; +} +" +0fcf0bfbadc0aea20355e7eed6968229c9ec4840,"public boolean bobThere(String str) +{ + int l = str.length(); + int lim = l - 3; + for (int i = 0; i <= lim; i++) + { + int ii = i + 2; + char o = charAt(i); + char oo = charAt(ii); + if (o == ""b"" && o == oo) + { + return true; + } + } + return false; +} +" +cd4bc1bdeac4af048103538be641b38cdf534fc4,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + else + { + return false; + } +} +" +8da05e7066688dec360a2dbeea9c526494ea7a5e,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } +} +" +adfbe3381c1669f9bf8f5181b529325912e84cac,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +74486e000da3973daa5372eb61b55a348ff2ce56,"public boolean bobThere(String str) +{ + int l = str.length(); + int lim = l - 3; + for (int i = 0; i <= lim; i++) + { + int ii = i + 2; + char o = str.charAt(i); + char oo = str.charAt(ii); + if (o == ""b"" && o == oo) + { + return true; + } + } + return false; +} +" +fe7ad66f85bea626ce2def9ca75bb665fc3cc154,"public boolean bobThere(String str) +{ + int l = str.length(); + int lim = l - 3; + for (int i = 0; i <= lim; i++) + { + int ii = i + 2; + char o = str.charAt(i); + char oo = str.charAt(ii); + if (o == 'b' && o == oo) + { + return true; + } + } + return false; +} +" +594685f3bca11e825fd99e35fa92bb0406e66726,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } +} +" +b260058076c7493f6dc2746213b548f09e39a3d8,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +f5b15ea47c51b663bb1c801c0d7fb7545902c705,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +21382ee59560c22aba582821a259abcd369eb8e8,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +ed954da2dfed2885cd44fdd5cd850ef43733fda4,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int b = 0; b < length - 2; i++) { + if (str.charAt(b) == 'b' && str.charAt(b+2) == 'b') + return true; + } + return false; + +} +" +e37027c464ff60ace4396a1889d5e106e743a1e2,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int b = 0; b < length - 2; b++) { + if (str.charAt(b) == 'b' && str.charAt(b+2) == 'b') + return true; + } + return false; + +} +" +a649b0417ff8ae86f27bbeb5860192e72e816f96,"public boolean bobThere(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-2; i++) { + String s = String.valueOf(str.charAt(i)); + String p = String.valueOf(str.charAt(i+2)); + if (s.equals(""b"") && p.equals(""b"")) { + a++; + } + } + return a > 0; +}" +165a047eb6b875779c5052e2b38e0baf652f0525,"public boolean bobThere(String str) +{ +for(int i = 0; i < str.length() - 2; i++) +{ +if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') +return true; +} + +return false; +} +" +b2e9e4131f2590f1747305ceba8a86c270e2ba32,"public boolean bobThere(String str) +{ + int length = str.length() -2; + + for (int i = 0; i < len; i++) + { + if(str.characterAt(i) == 'b' && str.characterAt(i+2) =='b') + { + return true; + } + } +} +" +74196c437b09aac0c674adfc4eb80c3fedee51dc,"public boolean bobThere(String str) +{ + int length = str.length() -2; + + for (int i = 0; i < length; i++) + { + if(str.characterAt(i) == 'b' && str.characterAt(i+2) =='b') + { + return true; + } + } +} +" +d4734ee627670ee00093209fe57f6c4a65376c3c,"public boolean bobThere(String str) +{ + int length = str.length() -2; + + for (int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) =='b') + { + return true; + } + } +} +" +d32053a9f9b82b9fb08fc2d3ee6ec1a182742397,"public boolean bobThere(String str) +{ + int length = str.length() -2; + + for (int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) =='b') + { + return true; + } + } + return false; +} +" +d1267a36c83619b464bbbcd3555b0e3f2cd3e478,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +00474ce4f51af497c6f075e7415aefce5a62b785,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + + } + return false; +} +" +9a4b3985ab2c86fa26d6ddffaa6fc4cdafa2a93f,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + + } + return false; +} +" +c9ba473ca2ffd03e9d12e3b6745b865ccaa3e075,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + + } + return false; +} +" +c238198af4ffd587223b1d45249288b17b20ea95,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + // String bob; + //bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (charLetter1 == charLetter3) + { + return true; + } + + } + return false; +} +" +dc7bd4e8241aa4a5ab060c07965c4327e81bdd0c,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + // String bob; + //bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + + } + return false; +} +" +f70620690c3edfd924f9437a8c8c9d7babd3a9d0,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + + } + return false; +} +" +b4f45f6b386c773030701d50cef9a6df227d493a,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + char charLetter1; + charLetter1 = str.charAt(i); + String stringLetter1; + stringLetter1 = String.valueOf(charLetter1); + + char charLetter2; // declaration of character + charLetter2 = str.charAt(i + 1); // initialization of character + String stringLetter2; + stringLetter2 = String.valueOf(charLetter2); + + char charLetter3; + charLetter3 = str.charAt(i + 2); + String stringLetter3; + stringLetter3 = String.valueOf(charLetter3); + + String bob; + bob = (stringLetter1 + stringLetter2 + stringLetter3); + + if (bob.startsWith(""b"") && bob.endsWith(""b"")) + { + return true; + } + + } + return false; +} +" +d7c366aa0f6907a37d78e5bfff6d588cba4816a8,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + return true; + else + return false; +} +" +4d1fe7ca091d2a3e413c2479e07e0f2d8e107d71,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + return true; + else + return false; +} +" +fa534891df314edc1daff4fbe5c26cf317ef1776,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i) == (""b"") && str.charAt(i+2) == (""b"")) + return true; + else + return false; +} +" +ba1be95a8c0161643d17c1991c8318307c320909,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + return true; + else + return false; +} +" +16366829f22bb665e5fb94c5a2548775ff3134c9,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i) == b && str.charAt(i+2) == b) + return true; + else + return false; +} +" +8d38bedaf7a846380489936768eab72aa99bb36d,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for (int a = 0; a < len; a++) + { + if (str.charAt(a) == 'b' && str.charAt(a + 2) == 'b') + { + return true; + } + } + return false; +} +" +9e229f5b257e78cd356b7da6840f1b4bda79eb1b,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + else + return false; +} +" +bd4b26703f4fa30451f01defaa758b69b4e7d69a,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + truth = true; + else + truth = false; + return truth; +} +" +afa974ca82902ba3f6c7ad57b85e6e36235aab14,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + truth = true; + } + + else + { + truth = false; + } + return truth; + } +} +" +495de5ab9201fce0c6a420b215954db611f912b4,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + truth = true; + } + + else + { + truth = false; + } + + } + return truth; +} +" +6fa983a07ed4e20fa7e3c6a6627740d45b45f434,"public boolean bobThere(String str) +{ + int index = str.indexOf(""b""); + if (index != -1) + { + if (str.charAt(index + 2) == ""b"") + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +6a98837866a306d65a1ff4996e71671e80bdd7df,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + truth = true; + return; + } + + else + { + truth = false; + } + + } + return truth; +} +" +a6ea63b9001efd4d7c3f076016dba75e3acba15c,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + truth = true; + return truth; + } + + else + { + truth = false; + } + + } + return truth; +} +" +f6616776a4b3327233add1473cacc8bb621baa92,"public boolean bobThere(String str) +{ + int index = str.indexOf(""b""); + if (index != -1) + { + if (str.charAt(index + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +ee56c322dcce96d4bd6de460ce445b3bfabb50a2,"public boolean bobThere(String str) +{ + for (int i = 1; i <= str.length() - 2; i++) + { + return(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b'); + } + return false; +} +" +9aa1f52bfb301d4daf30f2d52401ae609ea445c5,"public boolean bobThere(String str) +{ + for (int i = 1; i <= str.length() - 2; i++) + { + return(str.charAt(i) == 'b' && str.charAt(i + 1) == 'b'); + } + return false; +} +" +987100336c9d2542905f40932101952750c80365,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + return(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b'); + } + return false; +} +" +23b7c1c7c70438cd5d1772c6c1bb4fd692b51669,"public boolean bobThere(String str) +{ + int index = str.indexOf(""b""); + if (str.length() >= 3) + { + if (index != -1) + { + if (str.charAt(index + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + } + else + { + return false; + } +} +" +25dcc8e31f8ef43fb86120bf63b639dd683221ae,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +0f1feff05beb199cada0c9a7b7f49add8dde172c,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + truth = true; + return truth; + } + + else + { + truth = false; + } + + } + if (str.equals(""bb"") + { + truth = false; + } + if (str.equals(""b"") + { + truth = false; + } + return truth; +} +" +44673d3c1dd0b8ca2e259180bbbb8693f485689e,"public boolean bobThere(String str) +{ + boolean truth = true; + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + truth = true; + return truth; + } + + else + { + truth = false; + } + + } + if (str.equals(""bb"")) + { + truth = false; + } + if (str.equals(""b"")) + { + truth = false; + } + return truth; +} +" +ccf760b52fb262814e04d27c63e158889d5094b2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + //true if first letter is b and the next letter is random and the next letter is b again. + { + return true; + } + } + return false; +} +" +b8bec048cb94d82124ca223f006fc710ad20be8f,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +3eedad29f1cedca4eae29ce4cb7f7d5dbda0bb1d,"public boolean bobThere(String str) +{ + if (str.firstIndexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + else + return false; + + +} +" +655e82e049e574bc43a9949b06d53517e9c2d33d,"public boolean bobThere(String str) +{ + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + else + return false; + + +} +" +0e2bddb5d5b8ccae459973c8541f8258a2003aea,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +d1df407bfadb5a0cf6021527d1aa0948ec93d213,"public boolean bobThere(String str) +{ + + boolean flag = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + flag = true; + } + } + return flag; +} +" +20acfc28c17e349a21c32d31f1801ea6e97980ff,"public boolean bobThere(String str) +{ + if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + + else if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + else + return false; + + +} +" +7dfcce65fc73fc585834f100c75c5d012ca175b9,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + } + return false; +} +" +35092a4f142180553f93c09b61858fc9dc3d8aae,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; +} +" +e8472e42e831c04fd5138cb7630cf2a80c98e673,"public boolean bobThere(String str) +{ + + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + + +} +" +8166c2367caf2c695cbe02e161e24c1ec4e34a7c,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + + return true; + + } + + return false; +} +" +7838bda6f03f0cc2ac82234712abc86753ceddb8,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +29d2d0c08517f96cfb0642b8dd835b4caca5ae85,"public boolean bobThere(String str) +{ + + + if (str.length() >= 3 && indexOf(""b"") != lastIndexOf(""b"")) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +66d4d0a0dff18fe8089d73c0bb51defdf981ae56,"public boolean bobThere(String str) +{ + + + if (str.length() >= 3 && indexOf(""b"") != lastIndexOf(""b"")) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +34e51d4f8205911416d5a124b49a1a1e46eda7fd,"public boolean bobThere(String str) +{ + + + if (str.length() >= 3 && str.indexOf(""b"") != str.lastIndexOf(""b"")) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +a87099cd7cc798c3239a9dc49e0c9941e0b09052,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +6cac33b1e3fff8bf60e83a4cf4c2f85888345d91,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +ded617ac228599b7e04f7d65099c42c4528958d6,"public boolean bobThere(String str) +{ + + + if (str.length() >= 3 && str.indexOf(""b"") != str.lastIndexOf(""b"") && + str.lastIndexOf(""b"") - str.indexOf(""b"") == 2) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +4698ab649371a97e4afb097f208ca989a88c813a,"public boolean bobThere(String str) +{ + + + if (str.length() >= 3 && str.indexOf(""b"") != str.lastIndexOf(""b"")) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +ce0ed82de3038ceb16cb3830ec479459e708fa55,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if( str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + { + return true; + } + else{ + return false; + } + } +} +" +c24a0df60be0c5e7b9e0b2a23b2f2b8fb1a95865,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if( str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else{ + return false; + } + } +} +" +297b2a1ebdcb7c9946926b5e308c200517e9c78c,"public boolean bobThere(String str) +{ + boolean charr = false; + for (int i = 0; i < str.length(); i++) + { + if( str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + charr = true; + } + } + return charr; +} +" +a5a92cd89687c73a23900636ee128acf7dc1d10f,"public boolean bobThere(String str) +{ + boolean charr = false; + for (int i = 0; i < str.length()-2; i++) + { + if( str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + charr = true; + } + } + return charr; +} +" +73a22d7a657a4519540dc678cc2eca36dfd5f6eb,"public boolean bobThere(String str) +{ + + + if (str.length() >= 3 && str.indexOf(""b"") != str.lastIndexOf(""b"") && str.lastIndexOf(""b"") != 1) + { + if (str.indexOf(""b"") + 2 == str.lastIndexOf(""b"")) + return true; + + else if (str.substring(str.lastIndexOf(""b"") -2, str.lastIndexOf(""b"")-1).equals(""b"")) + return true; + else + return false; + } + else + return false; + +} +" +2c74f64bcd6fa07b1e473a121a6baeb62a04f3c5,"public boolean bobThere(String str) +{ + int ini = str.indexOf(""b""); + int fin = ini + 2; + if (str.charAt(ini) == str.charAt(fin)) + { + return true; + } + else + { + return false; + } +} +" +a13a2622cc4dcec4f1e85eda7d296b92584856d7,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +2ba8cfff6d02e02f94c5403a1787f3b6c22394a0,"public boolean bobThere(String str) +{ + int ini = str.indexOf(""b""); + int fin = str.indexOf(""b"", ini + 1); + if (str.charAt(ini) == str.charAt(fin) && (fin - ini == 1) + { + return true; + } + else + { + return false; + } +} +" +6d98ffb82edb2a6905f24e0a50f458440e5c7103,"public boolean bobThere(String str) +{ + int ini = str.indexOf(""b""); + int fin = str.indexOf(""b"", ini + 1); + if (str.charAt(ini) == str.charAt(fin) && (fin - ini == 2)) + { + return true; + } + else + { + return false; + } +} +" +33e8bcea023afb75fa7bdceeb0eaa88d5879811f,"public boolean bobThere(String str) +{ + int first str.indexOf(""b""); + int second str.indexOf(""b"", first); + + if (second == (first + 1)) + { + return true; + } + else + { + return false; + } +} +" +cd778c7b93c51059cbd06f27a9daf3d5d3b054df,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int second = str.indexOf(""b"", first); + + if (second == (first + 1)) + { + return true; + } + else + { + return false; + } +} +" +bb78525579f1a37ff113e5558ab545ace9f656db,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + + for(int i = 0; i < len; i++) + + { + + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + + return true; + + } + + return false; +} +" +3e448ca436d9344103aa707811f679bf582ee97a,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +f9f29d1457fc9695df66557d654d1d40cd754d0c,"public boolean bobThere(String str) +{ + int bob = str.length() - 2; + for(int i = 0; i < bob; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +18090d482780e68523ade147fae63dd0e0b24bdd,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +efca1d83b0d07ff930a1019b59e057cf9b8a0dc8,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + + for(int i = 0; i < len; i++) + + { + + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + + return true; + + } + + return false; +} +" +c030426484b76a5eaee584fdb2624a30ad68bfb3,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int second = str.indexOf(""b"", first); + int third = str.indexOf(""b"", second); + boolean First = (second == (first + 1)); + boolean Second = (second == (first + 1)); + + if (First || Second) + { + return true; + } + else + { + return false; + } +} +" +c45c6769c243f8b556a5f5db7a87b8f10e69e38c,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int second = str.indexOf(""b"", first+1); + int third = str.indexOf(""b"", second+1); + boolean First = (second == (first + 1)); + boolean Second = (second == (first + 1)); + + if (First || Second) + { + return true; + } + else + { + return false; + } +} +" +29cccda18a437370666cdbe1a6162140e060c1dd,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int second = str.indexOf(""b"", first+1); + int third = str.indexOf(""b"", second+1); + boolean First = (second == (first + 1)); + boolean Second = (third == (second + 1)); + + if (First || Second) + { + return true; + } + else + { + return false; + } +} +" +af01b667708886867ef6070be475420d4ac5f577,"public boolean bobThere(String str) +{ + boolean truth = false + String bLetter = ""b""; + for (int i = 0; i < str.length(); i++) + + if (str.charAt(i).equals(bLetter.charAt(0)) + && str.charAt(i+2).equals(bLetter.charAt(0))) + + +} +" +d80b33aef7af01cb918ef6b5aded6069b88fb0de,"public boolean bobThere(String str) +{ + boolean truth = false + String bLetter = ""b""; + for (int i = 0; i < str.length(); i++) + + if (str.charAt(i).equals(bLetter.charAt(0)) + && str.charAt(i+2).equals(bLetter.charAt(0))) + + +} +" +1287b3fde9dcdcdcdab1f234c13e232927cedb28,"public boolean bobThere(String str) +{ + str.replaceAll(""b"", ""hello""); + + + + + int first = str.indexOf(""hello""); + int second = str.indexOf(""hello"", first+1); + int third = str.indexOf(""hello"", second+1); + boolean First = (second == (first + 1)); + boolean Second = (third == (second + 1)); + + if (First || Second) + { + return true; + } + else + { + return false; + } +} +" +acb8d8dbbdb6e3f2ff9637d1066c8bf5d44e2294,"public boolean bobThere(String str) +{ + boolean truth = false + String bLetter = ""b""; + for (int i = 0; i < str.length()-3; i++) + if (str.charAt(i).equals(bLetter.charAt(0)) + && str.charAt(i+2).equals(bLetter.charAt(0))) + truth = true + + return truth; + +} +" +c8d2113b3f3d3aeb2a131ad851c57250358ca468,"public boolean bobThere(String str) +{ + boolean truth = false; + String bLetter = ""b""; + for (int i = 0; i < str.length()-3; i++) + if (str.charAt(i).equals(bLetter.charAt(0)) + && str.charAt(i+2).equals(bLetter.charAt(0))) + truth = true; + + return truth; + +} +" +9782a1bcf6dd7e176a8336ba1f2da2302e633661,"public boolean bobThere(String str) +{ + str.replaceAll(""b"", ""hello""); + + int first = str.indexOf(""hello""); + int second = str.indexOf(""hello"", first+1); + int third = str.indexOf(""hello"", second+1); + + + boolean First = (second == (first + 6)); + boolean Second = (third == (second + 6)); + + if (First || Second) + { + return true; + } + else + { + return false; + } +} +" +47e7e388af4950e32e997a69bbf337c1a1f10c16,"public boolean bobThere(String str) +{ + boolean truth = false; + String bLetter = ""b""; + for (int i = 0; i < str.length()-3; i++) + if (str.charAt(i) == bLetter.charAt(0) + && str.charAt(i+2) == bLetter.charAt(0)) + truth = true; + + return truth; + +} +" +520cd0dd1bbdfe4f384f351d5cf36bbf30358e42,"public boolean bobThere(String str) +{ + boolean truth = false; + String bLetter = ""b""; + for (int i = 0; i < str.length(); i++) + int maxVal = i+2; + if (i + 2 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + if (str.charAt(i) == bLetter.charAt(0) + && str.charAt(maxVal) == bLetter.charAt(0)) + truth = true; + + return truth; + +} +" +25ea5a58942b8fcabf3586e6f3393aa90a58cd6c,"public boolean bobThere(String str) +{ + boolean truth = false; + String bLetter = ""b""; + for (int i = 0; i < str.length(); i++) + { + int maxVal = i+2; + if (i + 2 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + if (str.charAt(i) == bLetter.charAt(0) + && str.charAt(maxVal) == bLetter.charAt(0)) + truth = true; + } + return truth; + +} +" +570608b0d51c0896d1709357a424c6fd7dbaf907,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.lastIndexOf(""b""); + if (secondB == firstB + 2) + return true; + else if (secondB = str.indexof(""b"") + 2) + return true; + return false; +} +" +861f685c20e2b99ec2c44d9b880412b3f3c9b490,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.lastIndexOf(""b""); + if (secondB == firstB + 2) + return true; + else if (secondB = str.indexOf(""b"") + 2) + return true; + return false; +} +" +4d32791400efcdd335febcab3736d06d989d457b,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.lastIndexOf(""b""); + if (secondB == firstB + 2) + return true; + else if (secondB.equals().str.indexOf(""b"") + 2) + return true; + return false; +} +" +fc5f7c32fe067fb2e3f306722bcb01aadb12b86e,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.lastIndexOf(""b""); + if (secondB == firstB + 2) + return true; + return false; +} +" +f4e5da4af92a0791cafe3ae1cdda313a52a4c82f,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + return false; +} +" +2eb3c1235206297bd55f25f22b1656e5e331819c,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n == 0, n < str.length(); n++) + { + if ((str.charAt(n) == str.indexOf(""b"") && (str.charAt(n + 2) == str.indexOf(""b"", n)) + { + return true; + } + + }//end for loop + return false; +} +" +37483792e65efa307aab5d74a47b4a1dbe36e195,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n == 0; n < str.length(); n++) + { + if ((str.charAt(n) == str.indexOf(""b"") && (str.charAt(n + 2) == str.indexOf(""b"", n)) + { + return true; + } + + }//end for loop + return false; +} +" +53894850f92a8dc4624cfa474ad3c438595a7221,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n = 0; n < str.length(); n++) + { + if ((str.charAt(n) == str.indexOf(""b"") && (str.charAt(n + 2) == str.indexOf(""b"", n)) + { + return true; + } + + }//end for loop + return false; +} +" +7b59e23d8f69bb05b951c0fd0caee846367b591b,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n = 0; n < str.length(); n++) + { + if ((str.charAt(n) == str.indexOf(""b"")) && (str.charAt(n + 2) == str.indexOf(""b"", n))) + { + return true; + } + + }//end for loop + return false; +} +" +b78de9abd3367ee59e6a2f06b4f3ad0be77840c9,"public boolean bobThere(String str) +{ + + for (int i = 0; i < str.length()-2; i++) + { + if ((charAt(i) == ""b"") && (charAt(i+2) == ""b"")) + { + return true; + break; + } + else + { + return false; + } + } +} +" +5e8c5ef4585110a19f1294a67fdb1ee09031079c,"public boolean bobThere(String str) +{ + boolean final = false; + int i = 0; + for(char cha : str){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + final = true; + } + } + i++; + } + return final; +} +" +1c89d5dfda05b2f0f55c67de379ddcdeeb2e5b55,"public boolean bobThere(String str) +{ + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == ""b"") && (str.charAt(i+2) == ""b"")) + { + return true; + break; + } + else + { + return false; + } + } +} +" +5f9acff6005e20f034644d0f6c7cd5bf841581e8,"public boolean bobThere(String str) +{ + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + return true; + break; + } + else + { + return false; + } + } +} +" +50bd4d0313634936accefa968d48c7bf22e2456b,"public boolean bobThere(String str) +{ + private boolean final = false; + private int i = 0; + for(char cha : str){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + final = true; + } + } + i++; + } + return final; +} +" +720a843ed1d78df74c749cd370f179e1ebfe79c9,"public boolean bobThere(String str) +{ + boolean final = false; + int i = 0; + for(char cha : str){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + final = true; + } + } + i++; + } + return final; +} +" +e1c4c054c1478af405ee9d3b30b9eabb8ebf5e6d,"public boolean bobThere(String str) +{ + boolean final = false; + int i = 0; + for(char cha : str){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + final = true; + } + } + i++; + } + return final; +} +" +97ff1b5018ed565b946bed1114791e4b9b9f3dd7,"public boolean bobThere(String str) +{ + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + { + return true; + } + } + return false; +} +" +24af23e73fe6e50266d7f32af0348bec420dcd23,"public boolean bobThere(String str) +{ + boolean final; + int i = 0; + for(char cha : str){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + final = true; + } + } + i++; + } + return final; +} +" +f823743b16c602c34f10d2d87b70b5b93ad3437b,"public boolean bobThere(String str) +{ + int i = 0; + for(char cha : str){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + return true; + } + } + i++; + } + return false; +} +" +778d1729bd0c48f10a0daaeae35aa312be17c0a1,"public boolean bobThere(String str) +{ + int i = 0; + CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + return true; + } + } + i++; + } + return false; +} +" +d822cf12d38ea28fe825ff4fc14fdc94e6719f05,"public boolean bobThere(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (str[i + 2] == 'b'){ + return true; + } + } + i++; + } + return false; +} +" +e21ee84c4860df9287f2953a0fafaf67f2581747,"public boolean bobThere(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + i++; + } + return false; +} +" +b506cbbaff7a2891b280fc193c0afa65f0045b27,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 0; i < str.length() - 1; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + if (k == 1) + { + return true; + } + else + { + return false; + } +} +" +4107abb78ce820000ae37fe5fe62accf1209a0fa,"public boolean bobThere(String str) +{ + int len = str.length()- 2; + for (i = 0; i < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +ac7eb8c6c79c9c4083e2500100a870d5dc4dcaf9,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 0; i < str.length() - 2; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + if (k == 1) + { + return true; + } + else + { + return false; + } +} +" +4ce75ca51069920ab670c3b353f94c4f4415bd4d,"public boolean bobThere(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (CharArray.length() > i + 2){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +8bf58beff3833204ef2c2aa565de7bcfd38bb2ed,"public boolean bobThere(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +08f0aeb72e3361a2f9274566e69f30ed797aec65,"public boolean bobThere(String str) +{ + for (int x = 0; x< str.length()-2;x++) + { + if (str.charAt(x)=='b'&&str.charAt(x+2)=='b') + { + return true; + } + } + return false; + +} +" +f6147df51b76b9cda0d0028a7ad4df65b54eca4b,"public boolean bobThere(String str) +{ + for (int x = 0; x< str.length()-2;x++) + { + if (str.charAt(x)=='b'&&str.charAt(x+2)=='b') + { + return true; + } + } + return false; + +} +" +718176b45c641d26fcfcf683e5fad5f002eb9ccc,"public boolean bobThere(String str) +{ + for (i = 0; i < str.length - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +0985eae1da9c73f547bff2f1f1491ee5ee42ef22,"public boolean bobThere(String str) +{ + for (i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +b2cd6e1d602d37e1cd1c6986ef1c6b3e6fd8b6c2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + { + return true; + } + } + return false; +} +" +daf08fa872c16e5f25eac0a747bb519aa67aeee8,"boolean foundBob = false; +public boolean bobThere(String str) +{ + if (str.length >= 3) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""b"") && + str.substring(i + 2, i + 3).equals(""b"")) + { + foundBob = true; + } + } + } + return foundBob; +} +" +3877a131c3ca84e730d5c7ff90a8c75a0953f23c,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +ad9d2c5355e07401ff5d111207029bcef8a1395e,"boolean foundBob = false; +public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""b"") && + str.substring(i + 2, i + 3).equals(""b"")) + { + foundBob = true; + } + } + } + return foundBob; +} +" +67cbe66347c6963a7e9a3d0c1be1f42ee93b03e6,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 0; i < str.length() - 1; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + String ab = str.substring(str.length() - 3); + if (k == 1) + { + return true; + } + else if (ab.startsWith(""b"") && ab.endsWith(""b"")) + { + return true; + } + else + { + return false; + } +} +" +d10b2e38b94532c50ba2e15914b5c03a44d52d88,"boolean foundBob = false; +public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""b"")) + { + if (str.substring(i + 2, i + 3).equals(""b"")) + { + foundBob = true; + } + } + } + } + return foundBob; +} +" +7490412af429292bed20bff3dfd3644c5c397a7b,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 0; i < str.length() - 2; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + String ab = str.substring(str.length() - 3); + if (k == 1) + { + return true; + } + else if (ab.startsWith(""b"") && ab.endsWith(""b"")) + { + return true; + } + else + { + return false; + } +} +" +7f20f856fe01cd4f4a323c16c0dd34c81f869078,"boolean foundBob = false; +public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""b"")) + { + if (str.substring(i + 2, i + 3).equals(""b"")) + { + foundBob = true; + break; + } + } + } + } + return foundBob; +} +" +f937779dcd00f8e30bf83486aaf519e11d68cefb,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 0; i < str.length() - 2; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + String ab = str.substring(str.length() - 3); + if (k == 1) + { + return true; + } + else if (ab.startsWith(""b"") && ab.endsWith(""b"")) + { + return true; + } + else if (ab.length() < 3) + { + return false; + } + else + { + return false; + } +} +" +5eba9813d79cf4aba8185d7ff87aeb170eec5d9b,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + if str.length() > 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + String ab = str.substring(str.length() - 3); + if (k == 1) + { + return true; + } + else if (ab.startsWith(""b"") && ab.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +a279d28d735cb16fa6e83e7d8c2276c90fe5ad06,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + if (str.length() > 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + String ab = str.substring(str.length() - 3); + if (k == 1) + { + return true; + } + else if (ab.startsWith(""b"") && ab.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +66f6146cf4f3f0ae16b64ae9d1f2953d226269b4,"public boolean bobThere(String str) +{ + int j = 0; + int k = 0; + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + String a = str.substring(j, j+1); + String b = str.substring(j + 2, j + 3); + j++; + if (a == ""b"" && b == ""b"") + { + k = 1; + } + System.out.println(""a ="" + a); + System.out.println(""b = "" + b); + } + String ab = str.substring(str.length() - 3); + if (k == 1) + { + return true; + } + else if (ab.startsWith(""b"") && ab.endsWith(""b"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +dece00038c2d7938a362fb9406b0398b1c4f6bd2,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (charat(i).equals(""b"") && charat(i + 2).equals(""b"") + return true; + return false; +} +" +93b7563e8648073fa6b1299568a9ab86176c1198,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (charat(i).equals(""b"") && charat(i + 2).equals(""b"")) + return true; + return false; +} +" +d8d477b0f06046f3c772b33bac9c2c7f8ec59adc,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); + int b2 = str.indexOf(""b"", b1 + 1); + int o = str.indexOf(""o""); + + return (o > b1 && b2 > o && b1 != -1 && b2 != -1); +} +" +4ce3eb179c20c6eb89d40d1b37564f32fe423ff9,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (charAt(i).equals(""b"") && charAt(i + 2).equals(""b"")) + return true; + return false; +} +" +8556efc1dce97d83485578b68f8c11c4c85a7b4d,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); + int b2 = str.indexOf(""b"", b1 + 1); + + return (b2 - b1 == 1 && b1 != -1 && b2 != -1); +} +" +19a970c5628c373ef9d4cc683a5e33b09c9f0a40,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (str.charAt(i).equals(""b"") && str.charAt(i + 2).equals(""b"")) + return true; + return false; +} +" +db5fd271437040635bee67b763bf0e65a7835353,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); + int b2 = str.indexOf(""b"", b1); + + return (b2 - b1 == 1); +} +" +ea06e6c796293730eeec47e712d334810070ee40,"public boolean bobThere(String str) +{ + int b1 = str.indexOf(""b""); + int b2 = str.indexOf(""b"", b1 + 1); + + return (b2 - b1 == 1); +} +" +ca2779216c8256ac47d2cdd2833a46909848a97e,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (str.charAt(i) == 'b') && str.charAt(i + 2) == 'b')) + return true; + return false; +} +" +88f2fe595961318bbb2c71cac6bee775822e0f6a,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if ((str.charAt(i) == 'b') && str.charAt(i + 2) == 'b')) + return true; + return false; +} +" +662031b43d2d614deedd9b653f699d825ed49a67,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if ((str.charAt(i) == 'b') && (str.charAt(i + 2) == 'b')) + return true; + return false; +} +" +0c821eb7e94464eb58a144cc6394a9b53dec6803,"public boolean bobThere(String str) +{ + for (int i = 0; i <= str.length() - 3; i++) + if ((str.charAt(i) == 'b') && (str.charAt(i + 2) == 'b')) + return true; + return false; +} +" +ac17dd3c09108c09f7ed09946f1e4a989e9adcc3,"public boolean bobThere(String str) +{ + if(str.lastIndexOf(""b"") - str.firstIndexOf(""b"") == 2){ + return true; + }else{ + return false; + } +} +" +f5b85af8e8558544fa45d0c5b1b3d1c8f815591d,"public boolean bobThere(String str) +{ + if(str.lastIndexOf(""b"") - str.IndexOf(""b"") == 2){ + return true; + }else{ + return false; + } +} +" +105b8ec8300591680c901660d35a13877fbb24f1,"public boolean bobThere(String str) +{ + if(str.lastIndexOf(""b"") - str.indexOf(""b"") == 2){ + return true; + }else{ + return false; + } +} +" +40d51e3624f5f3168c80e1946c814a8263fd82a9,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + str.charAt(n).equals(str.charAt(n+2)); + } + else + { + return false + } + +} +" +db75bcaa60bd3c2cabdf74d303d4b9900b50bc49,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + str.charAt(n).equals(str.charAt(n+2)); + } + else + { + return false; + } + +} +" +8154c37dceeb4a1cc08d909bbe2f1c1d812ad3d8,"public boolean bobThere(String str) +{ + for(int i=0;i= 0) + { + int m = n+2; + String firstB; + firstB = str.charAt(n); + secB = str.charAt(m); + firstB.equals(secB); + } + else + { + return false; + } + +} +" +6b05be85c9908048ba488d1942ff3980b51f3bfb,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i).equals('b') && str.charAt(i+2).equals('b')){ + return true; + }else{ + return false; + } + } +} +" +c1501549e66243c72e10b1b78c6ed0d1d484b5ae,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + String firstB; + Srting secB; + firstB = str.charAt(n); + secB = str.charAt(m); + firstB.equals(secB); + } + else + { + return false; + } + +} +" +48910aaea68b14a4d489f56fad4071ff750dbe0b,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + String firstB; + String secB; + firstB = str.charAt(n); + secB = str.charAt(m); + firstB.equals(secB); + } + else + { + return false; + } + +} +" +7835295b6934236462f97470d4ba10f6afe4ed85,"public boolean bobThere(String str) +{ + int num = str.length(); + for (int i = 0; i < num - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +17602ee4b1b47281d3ec19777dbb15d354858a82,"public boolean bobThere(String str) +{ + int num = str.length(); + for (int i = 0; i < num - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +4f5a5bb7879e35f64ef89d3597d538ef3ac5dcef,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i).isLetter('b') && str.charAt(i+2).isLetter('b')){ + return true; + }else{ + return false; + } + } +} +" +f063bf2ce06da96ee514826dd793eed2ee050a8c,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + char firstB; + char secB; + firstB = str.charAt(n); + secB = str.charAt(m); + firstB.equals(secB); + } + else + { + return false; + } + +} +" +a4462d20eb4d64fdcf4c53e0d92cedac2ec4b5f6,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i) == 'b' && str.charAt(i+2)=='b'){ + return true; + }else{ + return false; + } + } +} +" +2cb077fad5ed02d2414ea1df4b3d60f54e95abbc,"public boolean bobThere(String str) +{ + { + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +3d95bda250a23e6523f0a7509a77d719a43869b5,"public boolean bobThere(String str) +{ + { + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +} +" +20fd99dbe4ace6de01f512ef880fd10b0185a60b,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i) == 'b' && str.charAt(i+2)=='b'){ + return true; + }else{ + return false; + } + } + return true; +} +" +1a21d51848529747d4731f4abcdcb83fadc43594,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i) == 'b' && str.charAt(i+2)=='b'){ + return true; + }else{ + return false; + } + } + return true; +} +" +436fc16037e783bf55a0b7ba26cd226e989f5aa2,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + char firstB; + char secB; + firstB = str.charAt(n); + secB = str.charAt(m); + if ( secB == firstB) + { + return true + } + } + else + { + return false; + } + +} +" +19ef6a43380d743dce52557f59f35674d76bef00,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + char firstB; + char secB; + firstB = str.charAt(n); + secB = str.charAt(m); + if ( secB == firstB) + { + return true; + } + } + else + { + return false; + } + +} +" +9a50432da4a479a870caed0f49cef70b35c82740,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + char firstB; + char secB; + firstB = str.charAt(n); + secB = str.charAt(m); + if ( secB == firstB) + { + return true; + } + } + else + { + return false; + } + +} +" +1972c95bfbbcd71692254c467b094f3d58e70024,"public boolean bobThere(String str) +{ + int n = str.indexOf(""bob""); + if ( n >= 0) + { + int m = n+2; + char firstB; + char secB; + firstB = str.charAt(n); + secB = str.charAt(m); + if ( secB == firstB) + { + return true; + } + } + else + { + return false; + } +} +" +ddc921bd4151cbe9f812368897688fd37a52345d,"public boolean bobThere(String str) { + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +73f1846b656684a89725e5541125a807ae100b91,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int n = 0; n < length; n++) + { + if (str.charAt(n) == 'b' && str.charAt(n + 2) == 'b') + { + return true; + } + + } + } +return false; +} +" +2e6eef64d77d4e64d17c367c37ee4d4d15c25a54,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int n = 0; n < length; n++) + { + if (str.charAt(n) == 'b' && str.charAt(n + 2) == 'b') + { + return true; + } + } + return false; +} +" +4aeb329daee650d92174469bc0d45e5277a47adc,"boolean foundBob = false; +public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""b"")) + { + if (str.length() >= i +3 && + str.substring(i + 2, i + 3).equals(""b"")) + { + foundBob = true; + break; + } + } + } + } + return foundBob; + oh hey there fried +} +" +ba1c3e60878f180d2d5bfc8380e4c351e1f4b3a2,"boolean foundBob = false; +public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""b"")) + { + if (str.length() >= i + 3 && + str.substring(i + 2, i + 3).equals(""b"")) + { + foundBob = true; + break; + } + } + } + } + return foundBob; +} +" +02691c378d235a7ce479e1c3ecb4397a082758b9,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i) == 'b' && str.charAt(i+2)=='b'){ + return true; + } + } + return false; +} +" +0a82e06b5259051caae5f3a0810bf8c5c9c696e2,"public boolean bobThere(String str) +{ + + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +936478ad4e2b24f43eee6312521c48da327fa3f1,"public boolean bobThere(String str) +{ + int x = str.indexOf(""b""); + if ( str.charAt(x + 2) == b) + { + + } +} +" +4caded82b9147a7e14b05465ab4ccb0ae8e3335e,"public boolean bobThere(String str) +{ + int x = str.indexOf(""b""); + if ( str.charAt(x + 2) == ""b"") + { + + } +} +" +6f020b8c0a7ae6cdf452453e6c9223d28907fc40,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +65f09fb0a573591028c3a405c8f06935c9f969ee,"public boolean bobThere(String str) +{ + int step = 0; +for(int i = 0; i < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""b"") && step == 0) { +step++; +} else if(Character.toString(str.charAt(i)).equals(""b"") && step == 2) { +return true; +} else if(step == 1) { +step++; +} else if(step == 2) { +step = 0; +} +} + +return false; +} +" +f72e6943b67bc900f6dd84cce332ca6843692622,"public boolean bobThere(String str) +{ + int x = str.indexOf(""b""); + if ( str.charAt(x + 2) == str.charAt(x)) + { + + } +} +" +a7bcd4262c00a6284f2502e2ceb4bd0c913e9a15,"public boolean bobThere(String str) +{ + int x = str.indexOf(""b""); + if ( str.charAt(x + 2) == str.charAt(x)) + { + return true; + } + else + { + return false; + } +} +" +90498dbe39963364c4246b1e2bb58c16449d82cd,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +158d6c61835f9076cb002d552ddfc064f16ab371,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +c80fbe0b76b6ba7ecc04f9e46287ba2ea468c438,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (i = 0; i < length; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +d135ff4b6f526945b0449d0cb2b053f64482ed70,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+2) == ""b"") + { + return true; + } + else + { + return false; + } + } +} +" +30ea8b31bd23ce1eaeb9a8631b83060e75ca5039,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +21f972a429a056551fd9b3e25b814e3b7c9a3a3d,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +c555e5ad3375bb2aefb0f6a2d9cab992b4bcd229,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +} +" +897a2e702791f935d71e32231983d7fedd47e724,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +} +" +26dbe17ab3fb064a2211327c184a36fb531997e2,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +1d2f79359c489cba062d97d192eeb975e89c012d,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +e8f7ebdbfd782f6b7fc7b8d9cf941e43e0d61718,"public boolean bobThere(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (CharArray.length >= i + 2){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +cbea2c79699724b32b6e33e282ad798dac091c51,"public boolean bobThere(String str) +{ + int i = 0; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'b'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'b'){ + return true; + } + } + } + i++; + } + return false; +} +" +0f0767cbd566bb068e2548f9cc30728fac1b3577,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +ddf55c3a507555b90411a6dcdd1ce4692bfb5f32,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + return (str.charAt(i) == 'b' && str.charAt(i+2) == 'b' + +} +" +c25b6d767aaee5df7ed7024202329229fb49a1ad,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + return (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + +} +" +5d4d4198f599be368e358ae4a023b94b3e581dad,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + return (str.charAt(i) == 'b' && str.charAt(i+2) == 'b'); + +} +" +3f3f684b00f3d283066c2ebaec92846fbbcb75d1,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b'); + return true; + return false; + +} +" +2a09c7718bd7d036014c628f54324fc9704c76ac,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + return false; + +} +" +fccb0d938d5bb9f7511effd043950f44e852f568,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +c3512617ca5c44a2a7c9757943e2944653964b69,"public boolean bobThere(String str) +{ + firstB = str.indexOf(""b"") +} +" +dd57de76c05ca847a3a610cd878e4bfedaf0c831,"public boolean bobThere(String str) +{ + firstB = str.indexOf(""b""); +} +" +c914a54bd3c1dadf1c8d616964f194df704d21a6,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); +} +" +20c85e684fe4f718e417f695c944a5b9eef559bb,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + if (str.charAt(firstB) == str.charAt(firstB + 2)) +} +" +32b954930c1dba2b2cbba22ee9158c9750410603,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +af12d22cf28c4e17e6e1a11aec31099a704a9434,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else + { + return false; + } +} +" +207e98fd30b5b769eed1d62a9c0d0ed5e2b6adf1,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + if (str < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else + { + return false; + } +} +" +d620fa9ffb641432c1bd7e77ca32a3b5b7471c58,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else + { + return false; + } +} +" +a9657885c569a847f7b3c4ed9b2e6c01afa61d2f,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str. + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else + { + return false; + } +} +" +f0dbb06944a93a6e635acc94efd9f3d627182c2f,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str. + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else + { + return false; + } +} +" +1b2fe680eda3e7ddf6611df62b7b17503bf5a7c3,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(firstB) == str.charAt(firstB - 2)) + { + return false; + } + else + { + return false; + } +} +" +767c66861eef3b665bf6da626b4d67015f168541,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(firstB) == str.charAt(firstB - 2)) + { + return true; + } + else + { + return false; + } +} +" +6f9c4bd6e1afff594c69ab8688c3da2e7b2e8bca,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2)) + { + return true; + } + else + { + return false; + } +} +" +0ed06eb4683e112cf09a15da85c050179d440397,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2)&& (lastB > 2)) + { + return true; + } + else + { + return false; + } +} +" +5d8af300d2bf291bc4fb5c8fbebabc5effe0c73d,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2) && (lastB > 2)) + { + return true; + } + else + { + return false; + } +} +" +ddc39732dd6b89ff99e074f54d2bcd4f9fcb4d1d,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int i = 0, i= 3) + { + return true; + } + else + { + return false; + } +} +" +501afef0f5bad576848b8612dcde57e8f012baef,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +40960656d44b5bbc8c2f55f86cca1b018b3cab05,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) { + if (str.chaarAt(i) == 'b' && str.charAt(i + 2) == 'b') { + return true; + } + } + return false; +} +" +54d3e018442e1a2054b1cbb2a8ca9c2b4ec73af8,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + return true; + } + } + return false; +} +" +9055c0a441177c415877610b4564fc761d272db7,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + one = str.charAt(i); + two = str.charAt(i + 2); + if (one == 'b' && two == 'b') + { + return true; + } + else + { + return false; + } + } +} + + + + + + /** int spot = str.indexOf('b'); + char one = str.charAt(spot); + char two = str.charAt(spot + 2); + int length = str.length(); + if (one == 'b' && two == 'b' && length >= 3) + { + return true; + } + else + { + return false; + } */ +} +" +fc62c9f8c54b4de2d33a991bbb60124a3ea8a067,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + q = true; + } + return q; +} +" +e7ee6796a3ef165eb70aaba4961c647ce7e7072b,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + one = str.charAt(i); + two = str.charAt(i + 2); + if (one == 'b' && two == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +90ae277f2fa90b0eb74ba3cbee1512b28332ca02,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 2); + if (one == 'b' && two == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +8c5e974d37fadf9c8bfbc1704792a2f7c6bb7ddd,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()+1; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + q = true; + } + return q; +} +" +a6e9ec6b140ed9e89a2bbd6dcb606d827935d5ed,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 2); + if (one == 'b' && two == 'b') + { + return true; + } + } + return false; +} +" +1456d7223e3dbe5b892107e1694c2f92c3db9ae4,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + q = true; + } + return q; +} +" +1780ff2d0fefaedd2fcd5029f5f1dc211c69f2ea,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + q = true; + } + return q; +} +" +91cda090d72d15091bebc7c3937c178d77038693,"public boolean bobThere(String str) +{ + for (i = 0; i<=str.length()-2; i++) + { return ((char 'b' == (str.charAt(i))) && char 'b' == str.charAt(i+2)); + + +} +" +17b216fd86c13e2d3b7d58061e083c7b46e140b3,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +558d207212a3f635ed3e0a871899f8c2f98b6229,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +502599407f8249fa98763e191d13e3bf170eb929,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n = 0; n < str.length() - 2; n++) + { + if ((str.charAt(n) == 'b') && (str.charAt(n + 2) == 'b') + { + return true; + } + + }//end for loop + return false; +} +" +2748c730a1f6990e7353458e5ca1c1900ded0812,"public boolean bobThere(String str) +{ + int len = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +8d110c3686e51c0f2124dd7020e7361144118e05,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; + +} +" +f1ab6feefc910d8bbbb0f885f1196a8507002481,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +5e3455a8d9a7d81a65890c6b857a9c6078b90ef6,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +8c8bf295db92cf2031f19890f75d3cfb3c8d2a46,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2)(lastB < 3)) + { + return true; + } + else + { + return false; + } +} +" +55f3c0d4464bcbf3b3350e0c4ee37e493a1dfc42,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n = 0; n < str.length() - 2; n++) + { + if (str.charAt(n) == 'b' && str.charAt(n + 2) == 'b') + { + return true; + } + + }//end for loop + return false; +} +" +f62f9e6d57b32c18f566f8bc46dfc887ef467f0d,"public boolean bobThere(String str) +{ + int a = 0; + for (int i = 0; i < str.length()-2; i++) { + String s = String.valueOf(str.charAt(i)); + String p = String.valueOf(str.charAt(i+2)); + if (s.equals(""b"") && p.equals(""b"")) { + a++; + } + } + return a > 0; +} +" +71c80661181dded060163c0953d2143011be8310,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' || str.charAt(i+2) == 'b') + q = true; + } + return q; +} +" +cccc9089b6e4fae15312c1b8cfc2d627ce864e4b,"public boolean bobThere(String str) +{ + //int firstB = str.indexOf(""b""); + // int secondB = str.lastIndexOf(""b""); + //if (secondB == firstB + 2) + // return true; + // return false; + for (int n = 0; n < str.length() - 2; n++) + { + if (str.charAt(n) == 'b' && str.charAt(n + 2) == 'b') + { + return true; + } + + }//end for loop + return false; +} +" +2b631cd6cdf7496dca43c3328df710d335a1486c,"public boolean bobThere(String str) +{ + for (i = 0; i<=str.length()-2; i++) + { if ((char 'b' == (str.charAt(i))) && char 'b' == str.charAt(i+2) ) + int count++; + } + return count >= 1; +} +" +95a66f3b4ed180b7957b535d022a412ec479c1df,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { +if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') +return true; +} + +return false; +} +" +ea1be088e15585b9bac8f0375570abd3b77cc918,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2) && (lastB < 3)) + { + return true; + } + else + { + return false; + } +} +" +10d7c3a25d1d1907c908b0b9c5f16ca5496d5660,"public boolean bobThere(String str) +{ + for (int i = 0; i<=str.length()-2; i++) + { if ((char 'b' == (str.charAt(i))) && char 'b' == str.charAt(i+2) ) + int count++; + } + return count >= 1; +} +" +19c394496b92b12f411efa7f38a592a0326a368d,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + q = true; + else + q = false; + } + + return q; +} +" +3c5862d3aea06888368b28d532616e528546a9b2,"public boolean bobThere(String str) +{ + for (int i = 0; i<=str.length()-2; i++) + { if ((char 'b' == (str.charAt(i))) && (char 'b' == str.charAt(i+2)) ) + int count++; + } + return count >= 1; +} +" +763c15ff918e57efb9ccb6a201c58f87f6c27c8f,"public boolean bobThere(String str) +{ + + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +99de75575d511ebdc47a05b21a56dc0aade16d07,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2) && (str.length() > 3)) + { + return true; + } + else + { + return false; + } +} +" +bf8eff354fb9c0ed2546550e54ee5b601e3ffb01,"public boolean bobThere(String str) +{ + + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +d0a9333a0fb87d8fb51050dd91f33f894855238a,"public boolean bobThere(String str) +{ + for (int i = 0; i<=str.length()-2; i++) + { if (char 'b' == (str.charAt(i)) && (char 'b' == str.charAt(i+2)) ) + int count = count + 1; + } + return count >= 1; +} +" +c07ff6b96c463974f5f4eae87c9abc9307f38633,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) == str.charAt(lastB - 2) && (str.charAt(lastB) >= 3)) + { + return true; + } + else + { + return false; + } +} +" +15be1f5a5e273f7a9295c0f1679f24d5ced93910,"public boolean bobThere(String str) +{int i = 0; + int count = 0; + for (i = 0; i<=str.length()-2; i++) + { if (char 'b' == (str.charAt(i)) && (char 'b' == str.charAt(i+2)) ) + { + count = count + 1; + } + } + return count >= 1; +} +" +595baf4aa9e2fb3931a7ce2baf53f71e7c99ec1b,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if (str.charAt(lastB) >= 3)) && (str.charAt(lastB) == str.charAt(lastB - 2) + { + return true; + } + else + { + return false; + } +} +" +610ee18209c61283b079117538e4cb6a175f341f,"public boolean bobThere(String str) +{int i = 0; + int count = 0; + for (i = 0; i<=str.length()-2; i++) + { + if (char 'b' == (str.charAt(i)) && (char 'b' == str.charAt(i+2)) ) + { + count = count + 1; + } + } + return count >= 1; +} +" +01addabfc417bfbb94afde023f2c7eaddea296ad,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if ((str.charAt(lastB) >= 3) && (str.charAt(lastB) == str.charAt(lastB - 2))) + { + return true; + } + else + { + return false; + } +} +" +d38ee1f048a4af429f9178199b6ef4393c19e3f3,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + q = true; + else + q = false; + } + + return q; +} +" +ef0da559598fe4b6e4632bb48e3e487295d2c25e,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int lastB = str.lastIndexOf(""b""); + if (str.length() < 3) + { + return false; + } + else if (str.charAt(firstB) == str.charAt(firstB + 2)) + { + return true; + } + else if ((lastB >= 3) && (str.charAt(lastB) == str.charAt(lastB - 2))) + { + return true; + } + else + { + return false; + } +} +" +bcd5f1ba0d0e12e9ca1de0c97a607a44b7c53224,"public boolean bobThere(String str) +{int i = 0; + int count = 0; + char b = 'b'; + for (i = 0; i<=str.length()-2; i++) + { + if (b == (str.charAt(i)) && (b == str.charAt(i+2)) ) + { + count = count + 1; + } + } + return count >= 1; +} +" +f921815ad8430e078283af78f36cee30c2db43a4,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +7a1bf5abefdbf4b04b0876517ff9b4a535030144,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + q = true; + else + q = false; + } + + return q; +} +" +c4c580c1299b703b58930cb1a96fe1e28f0192c1,"public boolean bobThere(String str) +{int i = 0; + int count = 0; + char b = 'b'; +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-2; i++) + { + if (b == (str.charAt(i)) && (b == str.charAt(i+2)) ) + { + count = count + 1; + } + } +} + return count >= 1; +} +" +40f773911888e7c1b861e3526f7c5b5e175cfe8c,"public boolean bobThere(String str) +{ + boolean q = true; + for (int i =0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+1) == 'b') + q = true; + + } + q = false; + return q; +} +" +e928a4eae0db146983754d0dc0c80fb63f73e7e5,"public boolean bobThere(String str) +{int i = 0; + int count = 0; + char b = 'b'; +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-2; i++) + { + if (b == (str.charAt(i)) && (b == str.charAt(i+2)) ) + { + count = count + 1; + break; + } + } +} + return count >= 1; +} +" +15fc94a25c3de7721c09e10caf39ded97ec7632e,"public boolean bobThere(String str) +{ + for (int i = 0, i < str.length(), i++) + { + if(str.charAt(i).equals(""b"") && str.charAT(i + 2).equals(""b"") + { + return true; + } + else + { + return false; + } + } +} +" +059606bfbb62e9746d00ab5148c61dd31c834c16,"public boolean bobThere(String str) +{int i = 0; + int count = 0; + char b = 'b'; +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (b == (str.charAt(i)) && (b == str.charAt(i+2)) ) + { + count = count + 1; + break; + } + } +} + return count >= 1; +} +" +d8df1ae05480eaa670c5d8e112ca64f7f9f65511,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals(""b"") && str.charAT(i + 2).equals(""b"")) + { + return true; + } + else + { + return false; + } + } +} +" +e0757c9a6a8c6714335afce0772ab4e9ff45e365,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals(""b"") && str.charAt(i + 2).equals(""b"")) + { + return true; + } + else + { + return false; + } + } +} +" +89661205e726ebbe462272e1cb80434a4da7e1c2,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i).equals('b') && str.charAt(i + 2).equals('b')) + { + return true; + } + else + { + return false; + } + } +} +" +304aec7128334017aa008aebaeb40f9a24d5b4af,"public boolean bobThere(String str) +{ + if ((str.startsWith(b)) && (str.endsWith(b))) + { + return true; + } + return false; + +} +" +a67254cf56845a93701e734ff18ab55d7354b227,"public boolean bobThere(String str) +{ + if ((str.startsWith(""b"")) && (str.endsWith(""b""))) + { + return true; + } + return false; + +} +" +b867027f5caecd67f4a2686702df9a469981dbc3,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +d312bce9ba03f7fb90cab2d620c3018a0ad9972f,"public boolean bobThere(String str) +{ + + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +266b5e9c0806ac0a76c58102c628bfc837b3af3f,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-1; i++) + { + if(str.charAt(i).equals('b') && str.charAt(i + 2).equals('b')) + { + return true; + } + else + { + return false; + } + } +} +" +cf667b83acfc3ee654a3c320d0a6d0527a46f0b5,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +878dfbe3da1777ce9e343afdb7b24921c5f04443,"public boolean bobThere(String str) +{ + return str.cotains(""bob""); +} +" +b000a54fcfd853f086a3b14e5fa27b6568347d24,"public boolean bobThere(String str) +{ + + + if (str.charAt(x) == 'b' && str.charAt (x+2) == 'b') + { + return true; + } + else + + { + return false; + } + +}" +3744ae70c16d9d802206945bd88aa58072098e7a,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +} +" +145cffcecc8de417d99337de45c10266d114e5ce,"public boolean bobThere(String str) +{ + return str.contains(""bob""); +} +" +ae8a0d5226437c87b013323f8cecd68c236726a0,"public boolean bobThere(String str) +{ + int x = 0 + + if (str.charAt(x) == 'b' && str.charAt (x+2) == 'b') + { + return true; + } + else + + { + return false; + } + +}" +9d1ad73a7e4370731a5caa5fd5967fcc76857a4a,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +56d8a9392dddabbde79f76b023c2a55b9c95e9ca,"public boolean bobThere(String str) +{ + int x = 0; + + if (str.charAt(x) == 'b' && str.charAt (x+2) == 'b') + { + return true; + } + else + + { + return false; + } + +}" +282de0332d78c05da92ed449b3d74f520f9d7c43,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +488545116c19fef85fa0e02768631ae1b75391bc,"public boolean bobThere(String str) +{ + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; +} +" +61f7059c5caad05df3c1871c33da20ba738c8402,"public boolean bobThere(String str) +{ + + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == 'b' && str.charAt (x+2) == 'b') + { + return true; + } + } + + { + return false; + } +}" +bb5df19a464cf53ee3c092c4e7f162de7e30dfc7,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +7f6c0b1ca607b00d7940db35b74f9f389c4d98bc,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +7449211f3c3daa1698cb99df865db6ad4df72bad,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +b286b12926ada9c6552d90717f87cc95158ce1c0,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +3c888b5f9f7b1b644b01ee4f6f6f008bce9e129e,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +ba84f804de8b1e08ae87404afbcd6774ea8c13bc,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +2f8e1108d8ab9987ce0ebea74a4af1f502e6f927,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +5dd29558ee7e538bd8e62cf073ac09f8cc81e4fd,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""b"")) + { + return(str.substring(i + 2).startsWith(""b""); + } + } + } +} +" +bb9a9ebed4027effb60685eb9729fb06ad6b5c75,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""b"")) + { + return(str.substring(i + 2).startsWith(""b"")); + } + } + } +} +" +b6c6a83a286ec94854fabb84db0c511f0f3517aa,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2 ; i++) + { + if(str.charAt(i)==""b"" && str.charAt(i+2)==""b"") + return true; + } + return false; +} +" +1b84e694ed79199c78c62291522058369c183b8e,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +12ac9c8cfdfde14ce769d2ba38422b8356a03283,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length()-2 ; i++) + { + if(str.charAt(i)=='b' && str.charAt(i+2)=='b') + return true; + } + return false; +} +" +384f0f9078a828970af4d06ee0e15e999565d96b,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + + return(str.substring(i).startsWith(""b"") && str.substring(i + 2).startsWith(""b"")); + } + } +} +" +73a6a8c6114d1ba0340905cc20bca7e736f01e58,"public boolean bobThere(String str) +{ + if (str.contains(""bob"")) + { + return true + } + else + { + return false; + } +}" +79cebebae260bab673260d801aae29b0ef1691ae,"public boolean bobThere(String str) +{ + if (str.contains(""bob"")) + { + return true; + } + else + { + return false; + } +}" +a6d5b1abcfc2ba403637743365c521f664f6ea07,"public boolean bobThere(String str) +{ + boolean bool = true; + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2)) + { + bool = true; + break; + } + + else + { + bool = false; + } + } + + return bool; +} +" +2f276dad06aed4d188a31b3fdc94ea674ccac2a1,"public boolean bobThere(String str) +{ + boolean bool = true; + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + bool = true; + break; + } + + else + { + bool = false; + } + } + + return bool; +} +" +550cb9fab4de669f395b3db5c33dea32e2509177,"public boolean bobThere(String str) +{ + for (int i = 0, i < str.length(); i++) + { + if (str.charAt(i) == b) + { + if (str.charAt(i+2) == b) + { + return true; + } + } + } + return false; +} +" +86fbda5bb36750d57b99f1758fd59f06d7990469,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == b) + { + if (str.charAt(i+2) == b) + { + return true; + } + } + } + return false; +} +" +8afa8590b09f03aeaf01d30acba0956d83704f0d,"public boolean bobThere(String str) +{ + boolean bool = true; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + bool = true; + break; + } + + else + { + bool = false; + } + } + + return bool; +} +" +ba32bbba20abf97813faf043b97ab06627947983,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""b"") + { + if (str.charAt(i+2) == ""b"") + { + return true; + } + } + } + return false; +} +" +c734b3358971b2a59125837849a97074f6b5c262,"public boolean bobThere(String str) +{ + boolean bool = true; + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + bool = true; + break; + } + + else + { + bool = false; + } + } + + return bool; +} +" +dda821da7fafe4a8347f3649f3c4792fa7affb7f,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + if (str.charAt(i+2) == 'b') + { + return true; + } + } + } + return false; +} +" +b2a6c7d5feb6ca7a117f13ddc8f0f27a4a215706,"public boolean bobThere(String str) +{ + boolean bool = false; + + if (str.length() <= 2) + { + return bool; + } + + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + bool = true; + } + } + + return bool; +} +" +32a0b71b0284d842c738e752e2ae9e9b3ba956ee,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + else + { + return false; + } +} +" +e43f3ee7c8b3b3a1c6d2d36c59e02b9d2a8fb707,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b') + { + if (str.length() - i >= 2) + { + if (str.charAt(i+2) == 'b') + { + return true; + } + } + } + } + return false; +} +" +3899709a44d1451a46590ccc557fba94fb49adb6,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +a545d145b3f2f7006c09ddca72bbff52b8333093,"public boolean bobThere(String str) +{ + String word = str; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i + 2).equals(""b"") + { + answer = false; + } + } + return answer; +} +" +7ebb3690d096c86bba10e2791a7fdbbf13dc8d0b,"public boolean bobThere(String str) +{ + String word = str; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i + 2).equals(""b"")) + { + answer = false; + } + } + return answer; +} +" +5db0dcaeb06807ce48326233dfc7395ded1382f7,"public boolean bobThere(String str) +{ + String word = str; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (word.charAt(i).equals(""b"") && word.charAt(i + 2).equals(""b"")) + { + answer = false; + } + } + return answer; +} +" +d41c717d6b328c5c713c5c46a0e1450bd9afbee9,"public boolean bobThere(String str) +{ + String word = str; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.charAt(i + 2, i + 3).equals(""b"")) + { + answer = false; + } + } + return answer; +} +" +cd3cb9f50a393459eaf1d685a63f231df3153492,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'a' && + str.charAt(i + 2) == 'b') + { + return true; + } + return false; +} +" +a186d62a13b763d297c7bf96764c92c055079ee9,"public boolean bobThere(String str) +{ + String word = str; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3).equals(""b"")) + { + answer = false; + } + } + return answer; +} +" +f9c32cf50a455bcb96c0c7b1eaf167c698a8a717,"public boolean bobThere(String str) +{ + String word = str; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""b"") && str.substring(i + 2, i + 3).equals(""b"")) + { + answer = true; + } + } + return answer; +} +" +aa9c4e634540ff5ecd6f837078c9f20b9496db3e,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'a' && + str.charAt(i + 2) == 'b') + { + return true; + } + return false; + } +} +" +a58b079e8d457faac2ef5d6193ca39270aaef434,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'a' && + str.charAt(i + 2) == 'b') + { + return true; + } + + } + return false; +} +" +dc3d4573752d248ef7682d3286469afc3ee2bd89,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'a' && + str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +1810ab2ddade177a43cc38ce9bb4d67db7d59cf5,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && + str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +35e54ccd43d7d005aa2f8e4b7388e54968fca83f,"public boolean bobThere(String str) +{ + int index = str.indexOf(b); + while (index != -1) + { + if (str.charAt(index + 2) == 'b') + { + return true; + } + index = str.indexOf(b, index + 1); + } + return false; +} +" +f55bb20ca6a8da71c98c89085413ea6fb92c2097,"public boolean bobThere(String str) +{ + int index = str.indexOf('b'); + while (index != -1) + { + if (str.charAt(index + 2) == 'b') + { + return true; + } + index = str.indexOf(b, index + 1); + } + return false; +} +" +66bd48ca40a0b7253d83a1971e3bf4021e21cd03,"public boolean bobThere(String str) +{ + int index = str.indexOf('b'); + while (index != -1) + { + if (str.charAt(index + 2) == 'b') + { + return true; + } + index = str.indexOf('b', index + 1); + } + return false; +} +" +66c93b2cc3e7857dd6c40626f058ba6f92bb5e45,"public boolean bobThere(String str) +{ + int index = str.indexOf('b'); + while (index != -1) + { + if ((index + 2) > str.length()) + { + return false; + } + if (str.charAt(index + 2) == 'b') + { + return true; + } + index = str.indexOf('b', index + 1); + } + return false; +} +" +a11451686d72254d7ddf777d7697655e43ae61a8,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.indexOf(""b"", firstB); + return ((secondB-firstB) == 2); +} +" +ebf9313e40fd46cc0f88952947583f09a1964b37,"public boolean bobThere(String str) +{ + int index = str.indexOf('b'); + while (index != -1) + { + if ((index + 1) > str.length()) + { + return false; + } + if (str.charAt(index + 2) == 'b') + { + return true; + } + index = str.indexOf('b', index + 1); + } + return false; +} +" +bfefe4305bea320a305fa826c7fc0b90cefc761f,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.indexOf(""b"", firstB-1); + return ((secondB-firstB) == 2); +} +" +daa881b14f92ca57d2ffc776966248c6bdecea6d,"public boolean bobThere(String str) +{ + int index = str.indexOf('b'); + while (index != -1) + { + if ((index + 2) > str.length() - 1) + { + return false; + } + if (str.charAt(index + 2) == 'b') + { + return true; + } + index = str.indexOf('b', index + 1); + } + return false; +} +" +1bcb86ee5eea3daf2de45251c7f83f57e9befe22,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.lastIndexOf(""b""); + return ((secondB-firstB) == 2); +} +" +17c8c8f0b91f7a3bc28ce4c13f9ef2bbd4f13dba,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.indexOf(""b"",firstB); + return ((secondB-firstB) == 2); +} +" +b2e3ad52f36653f11da841ac157cac0e84dc4b29,"public boolean bobThere(String str) +{ + int firstB = str.indexOf(""b""); + int secondB = str.indexOf(""b"",firstB+1); + return ((secondB-firstB) == 2); +} +" +77e5e9bb1038855c3344eefa4fc1d5a0b5286dbe,"public boolean bobThere(String str) +{ + if (str.lastIndexOf(""b"") + 2 == str.indexOf(""b"")) + { + return true; + } + else + { + return false; + } +}" +f762d9efe4c20c891d63e88c543a3d7683ffa1f7,"public boolean bobThere(String str) +{ + if (str.lastIndexOf(""b"") + 1 == str.indexOf(""b"")) + { + return true; + } + else + { + return false; + } +}" +7fb726f5be4f8a557985c8870d8641f8fc1634a6,"public boolean bobThere(String str) +{ + if (str.lastIndexOf(""b"") - 1 == str.indexOf(""b"")) + { + return true; + } + else + { + return false; + } +}" +3da2c52d71b82e151a14241cfa8e5433bcf8ac22,"public boolean bobThere(String str) +{ + if (str.lastIndexOf(""b"") - 2 == str.indexOf(""b"")) + { + return true; + } + else + { + return false; + } +}" +82aad0fc744d59776700ed817278050d567cc09e,"public boolean bobThere(String str) +{ + if (str.indexOf(""b"") == (str.lastIndexOf(""b"") - 1)) + { + return true; + } + else + { + return false; + } +} +" +a6884a0b055194dad70eff5d16783d408f13d2e2,"public boolean bobThere(String str) +{ + boolean truth = false; + for (i=0;i= 3) + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + return false; +} +" +3b0d9939cb152836d2e1727d66fd460d9e39221f,"public boolean bobThere(String str) +{ + + return str.contains(""b[^abc]b""); +} +" +15c930421bed93bc9804292146007b2150001a33,"public boolean bobThere(String str) +{ + // progrsamming stuffs lololololololo + if (str.substring(0) == ""b"".ignoreCase() && str.substring(2) == ""b"".ignoreCase()) { + return true; + } else { + return false; + } + +} +" +478fa15a907f26785e2e54dbd644946d01882bf6,"public boolean bobThere(String str) +{ + int leg = str.length() - 2; + for (int s = 0; s < leg; s++) + if (str.charAt(s) == 'b' && str.charAt(s+2) == 'b' + return true; + return false; +} +" +1504f49c6bb81634c4630423e4902b0773cf8cbe,"public boolean bobThere(String str) +{ + int leg = str.length() - 2; + for (int s = 0; s < leg; s++) + if (str.charAt(s) == 'b' && str.charAt(s+2) == 'b') + return true; + return false; +} +" +f5066433b53cc326be866f5054e509379a27526b,"public boolean bobThere(String str) +{ + for (int x = 0, x <= str.length() - 2, x++) + { + if (str.charAt(x) == b && str.charAt(x+2) == b) + { + return true + } + return false +} +" +b944a517762264a7476d11031f1c6fc6bb111abe,"public boolean bobThere(String str) +{ + + return str.contains(""b\cb""); +} +" +d30e5de638d1de21123276d417c3cf86e7f67c8d,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int x = 0, x <= length - 2, x++) + { + if (str.charAt(x) == b && str.charAt(x+2) == b) + { + return true; + } + return false; +} +" +2c68585608a80b0adc74fabe62484eff6eb92e33,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +082a593229f40c43a3a1da29d86446819b71afee,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int x = 0, x < length - 2, x++) + { + if (str.charAt(x) == b && str.charAt(x+2) == b) + { + return true; + } + return false; +} +" +0d83af8198232b4b83cfa4aac13909306d19a9d5,"public boolean bobThere(String str) +{ + + return str.contains(""b.b""); +} +" +8ec1c6a571d32be6ace9ee61f1cc6fcb63e13114,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int x = 0, x < length - 2, x++) + { + if (str.charAt(x) == b && str.charAt(x+2) == b) + { + return true; + } + + return false; + } +} +" +b0bb7cd84ec1279f319f2c6c9ed2d128d775a0a8,"public boolean bobThere(String str) +{ + + return str.contains(""b\Sb""); +} +" +e65daaeb3a526955796c6972f7017e08d6af75d0,"public boolean bobThere(String str) +{ + // progrsamming stuffs lololololololo + if (str.length() == 2) { + if (str.charAt(0) == ""b"" && str.charAt(2) == ""b"") { + return true; + } else { + return false; + } + } + return false; + +} +" +7e0142e8a6b4ef07fb4f65fbaba3c89020342278,"public boolean bobThere(String str) +{ + + return str.contains(""b\wb""); +} +" +20e48956e66da30b69e4e1295d3dd9868a35c53c,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int x = 0, x < length - 2, x++) + { + if (str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + return true; + } + + return false; + } +} +" +128fb82c493887970537c672a0303dbd4b9fe8db,"public boolean bobThere(String str) +{ + int length = str.length(); + for (int x = 0, x << length - 2, x++) + { + if (str.charAt(x) == 'b' && str.charAt(x+2) == 'b') + { + return true; + } + + return false; + } +} +" +db9b5df126d1538ecf14a7f68a1e0c3e19fde6c4,"public boolean bobThere(String str) +{ + + return str.contains(""b b""); +} +" +df7af0147fa14c2318be4d07a1ebafc31f261b10,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; + +} +" +3b7768d32003dee80db0142847b971df7c649094,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +4a82c548204a4a80f868c330b0b12b96502c1e64,"public boolean bobThere(String str) +{ + + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +5ebcfce8e863980cd52c7dff7550afb9a07c4fc8,"public boolean bobThere(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +e6a0108cf1af88693d68bf6ccd97c5c2daa98112,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 1 < str.len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +f2a2992425004c1d77e0ce08b5607030296b0e26,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 1 < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +a4434b070669d6c09ea2aaa0e6466baf17c71b44,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 2 < len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +618e371f5733880a27886e737dfc124d8a0ed7f4,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + return false; +} +" +85ad3301e98609ecd9adaae0f065c0bbfbd31861,"public boolean bobThere(String str) +{ + public boolean bobThere(String str) { + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +d42f240ce72f491991249191ae7dec61e2386dcd,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +e0c77b158b431ebd2f56789aa152e15ae1fe2afd,"public boolean bobThere(String str) +{ + boolean bob = false; + for (int x = 1; x < str.length() - 1; x++) + { + + if (str.substring(x - 1, x) == ""b"" && str.substring(x + 1, x + 2) == ""b"") + { + bob = true; + } + } + return bob; +} +" +5249f77cbbdc30d97066d899c8a954886fd4f14a,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +fe6cb81f5ba2198b0c79184aeca2706ba4f582ea,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +a02a7326361ba064989f2136f4b61e5fedb75d0e,"public boolean bobThere(String str) +{ + return true; +} +" +a181a6f66e93504e42db8c07189772c999560c2f,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +090c61e814c78ce9c8510061616bea9e65f3f4f8,"public boolean bobThere(String str) +{ + int a = 0; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (str.charAt(i).equals(""b"") && str.charAt(i - 2).equals(""b"")) + { + a = 1; + } + } + } + return(a = 1); + } +} +" +56f0799376e4047c6066a78bb5e9fa04bc8cafe1,"public boolean bobThere(String str) +{ + boolean bob = false; + for (int x = 1; x < str.length() - 1; x++) + { + + if (str.substring(x - 1, x) = ""b"" && str.substring(x + 1, x + 2) = ""b"") + { + bob = true; + } + } + return bob; +} +" +fbba325aa5c5456320b16a96ec2da873a8462857,"public boolean bobThere(String str) +{ + int a = 0; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (str.charAt(i).equals(b) && str.charAt(i - 2).equals(b)) + { + a = 1; + } + } + } + return(a == 1); + } +} +" +42c6784b66d6468484c751b7ded7dfb6e6ec60f1,"public boolean bobThere(String str) +{ + boolean bob = false; + for (int x = 1; x < str.length() - 1; x++) + { + + if (str.substring(x - 1, x) == ""b"" && str.substring(x + 1, x + 2) == ""b"") + { + bob = true; + } + } + return bob; +} +" +ec6d74d80b8b9ba50e1a48a17bb038e3f0ab9ca4,"public boolean bobThere(String str) +{ + int a = 0; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (str.charAt(i).equals('b') && str.charAt(i - 2).equals('b')) + { + a = 1; + } + } + } + return(a == 1); + } +} +" +e8ad7a8ccb934d63134c4030f193a55410df7450,"public boolean bobThere(String str) +{ + int string = str.length() - 2; + + for(int i = 0; i < string; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + + return false; +} +" +729fb92a92ca3a1e994c8651857095d4d42bbc09,"public boolean bobThere(String str) +{ + int a = 0; + char b = 'b'; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (str.charAt(i).equals('b') && str.charAt(i - 2).equals('b')) + { + a = 1; + } + } + } + return(a == 1); + } +} +" +44a9f4ec3b4a6a2ecc39a8beb8b7668b4b148e2f,"public boolean bobThere(String str) +{ + int l = str.length() - 2; + + for (int i = 0; i < l; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +baae83924cdd606efed8b5a08a6cc0d27c0d9004,"public boolean bobThere(String str) +{ + int a = 0; + char b = 'b'; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (str.charAt(i).equals(b) && str.charAt(i - 2).equals(b)) + { + a = 1; + } + } + } + return(a == 1); + } +} +" +21db5a2d4cc33563e91da9dfe374fee6c25e2f3e,"public boolean bobThere(String str) +{ + int length = str.length(); + + for (int i = 0; i < length - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + + } + return false; + +} +" +4de0381a36901211772c0d6cf265c0b29cf7b0de,"public boolean bobThere(String str) +{ + boolean isBob = false; + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + + return isBob; +} +" +a1cc2090fb5a392913decfc58138ed40bdad1f90,"public boolean bobThere(String str) +{ + int a = 0; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (str.charAt(i) == ""b"" && str.charAt(i - 2) == ""b"") + { + a = 1; + } + } + } + return(a == 1); + } +} +" +b1f28b38468c44f75a4ff569e3dd7abc927ec770,"public boolean bobThere(String str) +{ + int a = 0; + if (str.length() < 3) + { + return(false); + } + else + { + for (int i = 0; i < str.length(); i++) + { + if (i >= 2) + { + if (new String(str.charAt(i)) == ""b"" && new String(str.charAt(i - 2)) == ""b"") + { + a = 1; + } + } + } + return(a == 1); + } +} +" +2bd1d374ef8424f25e125d498872d2e875485284,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +c77723bd709b08d6e00161ce3c6ef305a61d69c9,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()-2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') { + return true; + } + } + return false; +} +" +5310f0f37d402e99ad735bcd9fad8eed35d1f7b6,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +46ce11920d973f85690907564cf2377aa15475cb,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +7c8be69ceb84c55e06e5cabc34ef58695728b605,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +bd65816aa0cfd3b6e41c4f8accb063722bc5f17e,"public boolean bobThere(String str) +{ + public boolean bobThere(String str) { + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +48bffb3080166956d64bd81dc6cf33352c8223fe,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +d7e4e095b2b5faef54220bf6d754a259a5731686,"public boolean bobThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + if (str.length < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i + 3); + if (tempStr.startsWith(""b"") && tempStr.startsWith(""b"")) + { + isTrue = true; + } + } + return isTrue; +} +" +8c51f50707c220bcb88369cd843f8943e7b4da27,"public boolean bobThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i + 3); + if (tempStr.startsWith(""b"") && tempStr.startsWith(""b"")) + { + isTrue = true; + } + } + return isTrue; +} +" +7140cffb455b60beb2b118dd5e83fb18ee7d66c6,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else if (str.indexOf(""b"") = null) + { + return(false); + } + else + { + int a = str.indexOf(""b""); + int b = str.indexOf(""b"", a + 1); + if (b == null) + { + return(false); + } + else if (b - a == 2) + { + return(true); + } + else + { + return(false); + } + } +} +" +1353c995422542ac270e0c71514ae9f0b6210ada,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else if (str.indexOf(""b"") == null) + { + return(false); + } + else + { + int a = str.indexOf(""b""); + int b = str.indexOf(""b"", a + 1); + if (b == null) + { + return(false); + } + else if (b - a == 2) + { + return(true); + } + else + { + return(false); + } + } +} +" +2310ee9fa785ac4f1cd63105e4eaf429b96e201c,"public boolean bobThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + if (str.length() < 3) + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i + 3); + if (tempStr.startsWith(""b"") && tempStr.endsWith(""b"")) + { + isTrue = true; + } + } + return isTrue; +} +" +e063b7dd3482240c5b57a7ee5a98863303d03b40,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else + { + int a = str.indexOf(""b""); + int b = str.indexOf(""b"", a + 1); + if (b - a == 2) + { + return(true); + } + else + { + return(false); + } + } +} +" +ac78bd95e8fd6ebff70fbdee9a35d8e6888aefec,"public boolean bobThere(String str) +{ + if (str.length() < 3) + { + return(false); + } + else + { + int a = str.indexOf(""b""); + int b = str.indexOf(""b"", a + 2); + if (b - a == 2) + { + return(true); + } + else + { + return(false); + } + } +} +" +5129a0082cceabd429d7b6bc9fa82df9f8277dca,"public boolean bobThere(String str) +{ + int x = str.length(); + for(int y = 0; y < x; y++) + { + if (charAt(y) = ""b"" && charAt(y+2) = ""b"") + { + return true; + } + + else + { + return """"; + } + + } + + +} +" +9158e13ba8f930edab594c2ef7142c545303a8b2,"public boolean bobThere(String str) +{ + for(int i=0;i -1; i--) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + } + } + return false; +} +" +5a271c8bc4ec7124c72a2844fbafd8b40357d0dc,"public boolean bobThere(String str) +{ + int l = str.length(); + boolean b = false; + for(int i = 0; i < l-2; i++) + { + if((str.charAt(i) == 'b') && (str.charAt(i+2) == 'b')) + b = true; + } + return b; + +} +" +5126185c79e18ec8c549eaf3544b8881e59da228,"public boolean bobThere(String str) +{ + int yup = str.length() - 2; + for(int i = 0; i < yup; i++) + { + if(str.charAt(i) == 'o' && str.charAt(i + 2) == 'o') + return true; + } + return false; +} +" +40a32b4e12418309a081ff595f1d7d4d5f242464,"public boolean bobThere(String str) +{ + return true; +} +" +2425042d868ed384a68f04b5c49253416071830e,"public boolean bobThere(String str) +{ + int yup = str.length() - 2; + for(int i = 0; i < yup; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; +} +" +2141add4cca72e7bbf7113359e752fa42bb70bb2,"public boolean bobThere(String str) +{ + int l = str.length(); + boolean b = false; + for(int i = 0; i < l - 2 ; i++) + { + if ((str.charAt(i) == 'b') && (str.charAt( i + 2 ) == 'b')) + { + b = true; + } + } + return b; + +} +" +55e37cb2ad8081e28223dd9026cc3c51edb71316,"public boolean bobThere(String str) +{ + boolen yes = true; + if(str.contains(""bob"") + { + yes = true; + } + + return yes; +} +" +13675ba6a3ed02d2ce27325309f77dd131e7aa38,"public boolean bobThere(String str) +{ + boolen yes = true; + if(str.contains(""bob"")) + { + yes = true; + } + + return yes; +} +" +143e25486e49f6e74a6e761e2654bc6a91cffb96,"public boolean bobThere(String str) { + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +}" +09b2bb3a37dc15f84d90e30e85f607a2f56313dc,"public boolean bobThere(String str) { + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""bob"")) + { + return true; + } + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1).equals(""b"") && + str.substring(i+4).equals(""b"")) + { + return true; + } + } + return false; + +" +5f225af9cab0ba9de8dac5bb6ef3af18b80c6d41,"public boolean bobThere(String str) +{ + boolean yes = true; + if(str.contains(""bob"")) + { + yes = true; + } + + return yes; +} +" +fd9285f0cbda0c37e7488be27d155056e43eb8a9,"public boolean bobThere(String str) { + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""bob"")) + { + return true; + } + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1).equals(""b"") && + str.substring(i+4).equals(""b"")) + { + return true; + } + } + return false; +} + +" +7150a34bc8eaae20b859b24cadfd3d727d8237c9,"public boolean bobThere(String str) +{ + if (str.charAt(str.indexOf(""b"")) == str.charAt(str.indexOf(""b"") + 2)) + { + return true; + } + else if ((str.charAt(str.lastIndexOf(""b"")) < 2) && (str.charAt(str.lastIndexOf(""b"")) == str.charAt(str.indexOf(""b"") - 2))) + { + return true; + } + else + { + return false; + } +} +" +c373c4eadc0d0989cce5b2a929eea7bb640737e2,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""bob"")) + { + return true; + } + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1).equals(""b"") && + str.substring(i+3).equals(""b"")) + { + return true; + } + } + return false; +} + +" +0cea30b93c7785d09bb75d7403f6f0c49b169c76,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +bc8b5368cfa62263e9cb236ee75bd3372094fdf8,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""bob"")) + { + return true; + } + for (int i = 0; i < str.length()-2; i++) + if (str.substring(i+1).equals(""b"") && + str.substring(i+2).equals(""b"")) + { + return true; + } + } + return false; +} + +" +3a9ba05e62639abf0b4e3656804ffc58b02e787a,"public boolean bobThere(String str) +{ + boolean yes = true; + if(str.contains(""bob"")) + { + yes = true; + } + else + { + yes = false; + } + + return yes; +} +" +50c91a41b51ce4bbddadfbd65bcad60273da7068,"public boolean bobThere(String str) +{ + boolean yes = true; + if(str.contains(""bob"")) + { + yes = true; + } + else + { + yes = false; + } + + return yes; +} +" +97c0ad7e760f48be7e69f07a30d43c6675571d40,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""bob"")) + { + return true; + } + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i+1).equals(""b"") && + str.charAt(i+2).equals(""b"")) + { + return true; + } + } + return false; +} + +" +b47a3362d52a2c08eba91ec1858fb19e1791cf40,"public boolean bobThere(String str) +{ + if ((str.charAt(str.lastIndexOf(""b"")) > 2) && (str.charAt(str.indexOf(""b"")) == str.charAt(str.indexOf(""b"") + 2))) + { + return true; + } + else if ((str.charAt(str.lastIndexOf(""b"")) < 2) && (str.charAt(str.lastIndexOf(""b"")) == str.charAt(str.indexOf(""b"") - 2))) + { + return true; + } + else + { + return false; + } +} +" +43dccd10e884c9da5c98710a5ede1c0b4fd8cf48,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""bob"")) + { + return true; + } + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i+1) == ""b"" && + str.charAt(i+2) == ""b"") + { + return true; + } + } + return false; +} + +" +82db5a1c88acad85641fbcb4b07b235cb69b52d0,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i+1) == ""b"" && + str.charAt(i+2) == ""b"") + { + return true; + } + } + return false; +} + +" +ebe6adab33a9edf07d953b4be8a29953d690812a,"public boolean bobThere(String str) +{ + for (i = 0; i <= str.length(); i++) + { + if (str.charAt(i).equals(b) && str.charAt(i+2).equals(b)) + { + return true; + } + } + +}" +659c27ed28613e96bb453a8d8a0ef7ac5fd6c6ab,"public boolean bobThere(String str) +{ + if (str.length() >= 3) + { + + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'b' && + str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} + +" +622749ef417ad3733410e3c9cd006dd46aa218fd,"public boolean bobThere(String str) +{ + int i = 0; + for (i = 0; i <= str.length(); i++) + { + if (str.charAt(i).equals(b) && str.charAt(i+2).equals(b)) + { + return true; + } + } + +}" +6f9ce42eb31a3c9a828621f5ec27e1fcfe5ffc40,"public boolean bobThere(String str) +{ + int length = str.length() - 2; + + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + + return false; +}" +0ad642f8c016b0ddbf87d64ee54c43bf2b31be56,"public boolean bobThere(String str) +{ + int i = 0; + for (i = 0; i <= str.length(); i++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i+2).equals(""b"")) + { + return true; + } + else + { + return false; + } + } + +}" +99ea642f95d7b363d25588affb279d7b2fd99fbc,"public boolean bobThere(String str) +{ + int i = 0; + for (i = 0; i <= str.length(); i++) + { + if (str.charAt(i) == (""b"") && str.charAt(i+2) == (""b"")) + { + return true; + } + else + { + return false; + } + } + +}" +ed0f1efcdb4de5335b4f8b20633e76e47c536a4d,"public boolean bobThere(String str) +{ + int i = 0; + for (i = 0; i <= str.length(); i++) + { + if (str.charAt(i) == (b) && str.charAt(i+2) == (b)) + { + return true; + } + else + { + return false; + } + } + +}" +91a2aeea493785f3f673fcf0b5ff3f3ea18d666e,"public boolean bobThere(String str) +{ + int i = 0; + for (i = 0; i <= str.length(); i++) + { + if (str.charAt(i) == (""b"") && str.charAt(i+2) == (""b"")) + { + return true; + } + else + { + return false; + } + } + +}" +0cb6154f10611ac0d8d33da3b6d1b4a92445a525,"public boolean bobThere(String str) +{ + if (str.lastIndexOf(""b"") - 2 == str.indexOf(""b"")) + { + return true; + } + else + { + return false; + } +}" +a6936775c74c67de1e8854a584ef8d8ec879f1a8,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } +} +" +e625ddb2cf2e51271540dd1f83c1c918abd2a48c,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + bobThere = true; + } + else + { + bobThere = false; + } + } + return bobThere; +} +" +8590e3fd48ef6f46588dcea82b3cc3934c38b1b8,"public boolean bobThere(String str) +{ + return (str.indexOf(""bob"") >= 1); +} +" +a3d696d2d973b9ee4199571f3a241b6e552ae598,"public boolean bobThere(String str) +{ + boolean bobReport = true; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + } + else + { + bobReport = false; + } + } + return bobReport; +} +" +3f9fb6fe01554295f4eba9d360fb11240c63107c,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""b"") + && str.substring(i + 2).startsWith(""b"")) + { + return true; + } + } + return false; +} +" +ffba05e954e16f66a9026ed0242c6e14a0248e4a,"public boolean bobThere(String str) +{ + boolean bobReport = true; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + } + else + { + bobReport = false; + } + } + return bobReport; +} +" +26187c42632190e8003a0df1c12f0eda957bbf80,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length()m - 1; i++) + { + if (str.substring(i).startsWith(""b"") + && str.substring(i + 2).startsWith(""b"")) + { + return true; + } + } + return false; +} +" +ce0d5c42bc98ad09a7312f6608c9104b9b694923,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i).startsWith(""b"") + && str.substring(i + 2).startsWith(""b"")) + { + return true; + } + } + return false; +} +" +692af3ee4428873029bccdef665ceb186cf8b078,"public boolean bobThere(String str) +{ + boolean bobReport = true; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + bobReport = true; + } + else + { + bobReport = false; + } + } + return bobReport; +} +" +8941778153b73d33ba06de7750b052280ab50498,"public boolean bobThere(String str) { + + int len = str.length(); + + for (int i = 0; i < len - 2; i++) { + + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + + return true; + + } + + return false; + +} +" +897f658e3f8331e1eefcf4046f3c89ce5afd1d28,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + else + { + return false; + } + } +} +" +aed6ca8950de7dae85783ae7396c27038dab7ed0,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + return; +} +" +770262fd6513d7dac460cc68ff98407653b327c1,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + else + { + return false; + } + } + return true; +} +" +636da28431c18babf3e488deee8104326718914f,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return true; +} +" +49e37f47f810295c9f2eb7457eaa7014a1755f83,"public boolean bobThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +8a48936277430f63bd14b635b8522f83a430ad25,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; +} +" +8c6a9a9e37e393f38843c3f602f693d2b3caefba,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +2a336b9099e8e2a960e757671af3108ba285a095,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; +} +" +ae55b37200ce78e3c5d98567e637c6c9b156f4bf,"public boolean bobThere(String str) +{ + int first = str.indexOf(""b""); + int last = str.nextIndexOf(""b""); + +} +" +bb80005566fe858b9053c0e3f69d24db25b33148,"public boolean bobThere(String str) +{ + int l = str.length() - 2; + for(int i = 0; i < l; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + { + return true; + } + } + return false; +} +" +5f79cf1210436e0defac40f7e09e0409079e6211,"public boolean bobThere(String str) +{ + return true; +} +" +b9ff4c9730bf74ea214a16fde0297bdecf76d2c2,"public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +daf695db4a8facdcfeea4395e9e1bed3feb3c91a,"public boolean bobThere(String str) +{ + if (str.length() >= 3) { + for (int counter = 0; counter < str.length() - 2; counter++) { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') { + return true; + } + } + } + return false; +} +" +3f9126a70ea2070d9bdab59ca86351e13d2642ac,"public boolean bobThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + { + return true; + } + } + return false; + +} +" +b4cf06bc502798cd5710f9dbc98bfde222201fe3,"public boolean bobThere(String str) +{ + if (str.length() >= 3) { + for (int counter = 0; counter < str.length() - 2; counter++) { + if (str.charAt(counter) == 'b' && str.charAt(counter + 2) == 'b') { + return true; + } + } + } + return false; +} +" +adcbcfde0c437b1578c796e613f385485bfafe80,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return false; + } + return false; +} +" +badf5641dc4975b210d88344d792972424a5aedd,"public boolean bobThere(String str) +{ + int len = str.length(); + for (int i = 0; i < len - 2; i++) { + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +d62e1a5c835b430e1e4101a2017f633310a097d3,"public boolean bobThere(String str) +{ + int len = str.length() - 3; + for(int i = 0; i <= len; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + return false; + +} +" +6e5816185c5bd038c9cfb1b3ccdd3afcfb5a731b,"public boolean bobThere(String str) +{ + for(int i=0;i= 3) + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + return false; +}" +e18f3e12cf64a9d214f78b781136b06125ace043,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +60548b39a9d1152e639f74a249e58fa96f1f972c,"public int sortaSum(int a, int b) +{ + if ((a+b)<=10 || (a+b)>=20) + return (a+b); + else + return 20; + +} +" +9a02c06fb7f32d0143dc3a8fdf515686fc229d0f,"public int sortaSum(int a, int b) +{ + if ((a+b)<10 || (a+b)>=20) + return (a+b); + else + return 20; + +} +" +b9ed9662cef093534b17ebe7ad44a72ae15e20c7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +2e72626bfbc912397d0ddb36b4af6f5ac96bf41e,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + return a + b +} +" +045c927c19aaca0aa1ffce70fe943510e200b3b3,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + return a + b; +} +" +cb3f0d7a4e2d50f31b8bb60bb66910e45071f659,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + return 20; + } + return c; +} +" +7ec9cba70e433f0a1dcb0cfe5a21ff26b7e55ee0,"public int sortaSum(int a, int b) +{ + sum = a+b; + if (sum >= 10 && sum <=19){ + return 20; + }else{ + return sum; + } +} +" +bda03ebeabac1eca89d7ada0504a845d7e5bf9fb,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (sum >= 10 && sum <=19){ + return 20; + }else{ + return sum; + } +} +" +d3bbd5372c67b93d7e4c5f3425ac793bb5763980,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +ea433cac9c9cbb2efccff6ba95af90a2db8c9b85,"public int sortaSum(int a, int b) +{ + int c = a+b; + if c >= 10 && c <= 19 + { + return 20; + } + else + { + return c; + } + +} +" +a330e39c5d37d539233c8cd5a26f6a450d29f18e,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } + +} +" +44aa3cec758ee3072b24ab18cbf497bf37290398,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } + +} +" +ccf49b191deba7d5d5296db3e0e989ff46a80095,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } + +} +" +951912bb896877b20cae6e04be1692e436099122,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } + +} +" +fc863aaf734bf3c3e3af5dbbd66648a1500b4682,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } + +} +" +a31e2ec7e30b46db7db29b0f23387896fceaf1d1,"public int sortaSum(int a, int b) +{ + int c; + a + b = c; + if (c < 20 && c > 9) { + return 20; + } + else { + return c; + } +} +" +f670727ecd2aba5e69e899f90a33967cea6460f1,"public int sortaSum(int a, int b) +{ + if (a + b < 20 && a + b > 9) { + return 20; + } + else { + return a + b; + } +} +" +2605f8f7a8e2d2b42307496bbae2f125b2e11f8b,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 || a + b <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +2f4dc3187f360ed5380292395f9816fffe144c01,"public int sortaSum(int a, int b) +{ + int a + b == sum; + if(a + b >= 10 || a + b <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +a354fe94859e5967d2c6bdce8fdb12e90a24f48c,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 || a + b <= 19) + { + return a + b; + } + + else + { + return 20; + } +} +" +582b917e4c3a6c8bdf35c427341ab5ddf0ac9d24,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 || a + b <= 19) + { + return a + b; + } + + else + { + return 20; + } +} +" +5e3df08c49f0dbcff7c7a7fe50ecc66795d37cbe,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +6abfcd7fb913491892bf144528d8ee90840e8fd8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +ef6ffe7b5cf6de92f9f368ecdb69ea7e90481413,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +67742e34b7f989de6819998dd715805c8f8241db,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +164e9c07e1cefd49fc0172c1d35ecfaf712365de,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +a59e3bb1db5b66063ced3e20ac5169d908ef2112,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +1ee1051818e40abd24cf433f4dfc2e289df577cd,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +15353f279b9656f1867ef4dd02553a84f0701571,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +9b9b685094d1ed3f63ca434df31fdac1e3c5dc7e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +c70402df342b45df560d4c2abe0d6942bb086814,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +1727653894145c508e220dc5dc8ec7af7e1f589a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +1d95b812807d3154ec0fe01daa0fa754b2fb0ea6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +45ae5f7afe15d8acf78120dfe62019e8d1827575,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +fa7062fb41b9fa972b9c26512ac1504ff86cb847,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +cc9fce127108484f1b8856806589ed7dfbebd3b5,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +cc55330647084f0c12117781f34e4a720e40616d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +5faed8f1c7d10ba01f6c950dff5aa99534acd1eb,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +20b071647dee28480ce66ce9d0bd19a77f252fbb,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +a42050e56502482957b93be0f930756ca2d3547e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else if (sum<=9 || sum>=20) + { + return 20; + } +} +" +8e2fbb177f04d826bcf31a521e3d2d5c0a540cf5,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else if (sum<=9 || sum>=20) + { + return 20; + } + + return 20; +} +" +3a720a87a5561759e2c9427a3888cad141f68115,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return sum; + } + + else if (sum<=9 || sum>=20) + { + return 20; + } + + return 20; +} +" +fc7b67feb325dcc8bcafdf9c9766b31e1d87e0e8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return 20; + } + + + return 20; +} +" +a8f8b45ed14b70c1fd652bb13bd9c2366a2b570d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + { + return 20; + } + + else + { + return sum; + } +} +" +2741b6246b7fe155dd4057185548f7b447086488,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + { + return 20; + } + + else + { + return sum; + } +} +" +057a2a8254d5c89389f70b3347361dc086fc199f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +aba71667fe562d8c109cc983babc71a80672766a,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + return 20; + else + return c; +} +" +c026d2475c8a63284c8773c61f02da5aad90cbfc,"public int sortaSum(int a, int b) +{ + if ((a+b)<19 && (a+b)>10) + return 20; + else + return (a+b); +} +" +558afa771efad14d572537f29f871fd1167dc879,"public int sortaSum(int a, int b) +{ + if ((a+b)<=19 && (a+b)>=10) + return 20; + else + return (a+b); +} +" +438657e8176cbed943baf3c48d4ab090b1f7adaf,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +541961e68eba731e1c4be1735b90a4e1f6eb9689,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +6ea919f4fd6e42a03e2785751af5dfa07e7ec379,"public int sortaSum(int a, int b) { + +int sum = 0; + +sum = a + b; + +if(sum >=10 && sum <=19) { + +sum = 20; + +} + +return sum; + +}" +f541cef3f1016d7c30fceee751c42de043a41b05,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +729e1a425c1a9068d88ba4195c589fe0aaa4427c,"public int sortaSum(int a, int b) +{ + if (a + b < 20 && a + b > 9) + { + return 20; + } + return sum; +} +" +54ea4fbe1f71c9b451214d5d93b086fb266732b3,"public int sortaSum(int a, int b) +{ + if (a + b < 10 || a + b > 19) + { + return int; + } + else + { + return 20; + } + +} +" +a976f266dbfd15227f9a2f90a6d271456fc99cf5,"public int sortaSum(int a, int b) +{ + if (a + b < 20 && a + b > 9) + { + return 20; + } + return a + b; +} +" +fff547ad3ffdb45dbafff419181dcef41aa4337e,"public int sortaSum(int a, int b) +{ + if (a + b < 10 || a + b > 19) + { + return sum; + } + else + { + return 20; + } + +} +" +186997a15965050e8ca8610cb7ec049cae205a45,"public int sortaSum(int a, int b) +{ + if (a + b < 10 || a + b > 19) + { + return a + b; + } + else + { + return 20; + } + +} +" +def1f720a6a7dd3eacd3bf6a4904b3a5dcad14f1,"public int sortaSum(int a, int b) +{ + int sum = (a+b); + if (sum >= 10 && sum <= 19){ + return 20; + } + else { + return sum; + } +} +" +22ea0886747c6850c7d266461c66a55385b19d47,"public int sortaSum(int a, int b) +{ + if (a + b == 10 || a + b == 19) + { + return 20; + } + else + { + return a + b; + } +} +" +bede33a6a02a1f5c0d15aca26e10cbdc10197f77,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +aee36c8b05e8f6cd40f151ed747dc909803d2757,"public int sortaSum(int a, int b) +{ + if ( a+b >= 10 && a+b <= 19) + { + return 20 + } + + else + { + return a+b + } + +} +" +77b5981083ca6fe886146f2979a9fe00cf8dab63,"public int sortaSum(int a, int b) +{ + if ( a+b >= 10 && a+b <= 19) + { + return 20; + } + + else + { + return a+b; + } + +} +" +9c60a815a04b73fcebb30ae72d68d4d0d2657a36,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +27f652c01357b9da70b8cbab1464948461847d2e,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) { + return 20; + } else { + return a + b; + } + + +} +" +a8494b64dc1d2e725140b5bd9f00963b8b4a8463,"public int sortaSum(int a, int b) +{ + sum = a + b; +} +" +6d672ed8d4b43a2a036d78d208dfd9f9f7fbca8a,"public int sortaSum(int a, int b) +{ + int sum = a + b; +} +" +71824bb4cf75bb05120f3f79b5ec755ab913c705,"public int sortaSum(int a, int b) +{ + int sum = a + b; + return sum; +} +" +c0ab3f5f47741963db27200b17a6814074c32f13,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + return sum; +} +" +43c423b583b0a9df61941df43217c61e4f465973,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum + } +} +" +fb9834b8f510ba421666958baf7bcff0420a8c7b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum; + } +} +" +274aa88b1f3dc6d95d6cdcbedf7a01501cab04b7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum; + } + return sum; +} +" +2cb15747b5b09363a9b39ef6d5cdd71b761072ed,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum; + } + else + { + sum = 20; + return sum; + } +} +" +bfe352e4800ed1f01a187113c4bc16b6fd7f922f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum; + } + else + { + return sum; + } +} +" +5c3e7ee52a75f175c2f05f2c386ca1f03e657ad4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum; + } + else + { + return 20; + } +} +" +0a2b08f248cda6c193b95b2198d702bf9d2da283,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return sum; + } + else + { + return sum; + } +} +" +13012f56417aa1883c50c0edf57e833a956e31d8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 || sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +2b6981b2276ebf2faedad37a4f227b872c9bb0e8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 || sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +bd30758b3d18c0d753aad95392d0760e93afa6a7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum >= 10) || (sum <= 19)) + { + return 20; + } + else + { + return sum; + } +} +" +45f5718a5f28e538512e0119217924320415c528,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum >= 10) || (sum <= 19)) + { + return 20; + } + else return sum; +} +" +437575870199f05c4b96624842e59fc2f17c122d,"public int sortaSum(int a, int b) +{ + if ((a + b) <= 19 && (a + b) >= 10) + return 20; + else + return sum; + +} +" +39fc9bc7c1ee3134c96a07fb36cdaff3d2acb92c,"public int sortaSum(int a, int b) +{ + if ((a + b) <= 19 && (a + b) >= 10) + return 20; + else + return ""sum""; + +} +" +d94544ac80c953dd81edb4f885a901681e180d1a,"public int sortaSum(int a, int b) +{ + if ((a + b) <= 19 && (a + b) >= 10) + return 20; + else + return (a + b); + +} +" +7d4104616f5923feaba7be0f855dc2c572def8cd,"public int sortaSum(int a, int b) +{ + if ((a + b) <10) + { + return (a + b); + } + else + { + return 20; + } +} +" +6e08d2420469d8fcfc49699a83e2ac2387eb0f41,"public int sortaSum(int a, int b) +{ + if ((a + b) <10) + { + return (a + b); + } + if ((a + b) >19) + { + return (a + b); + } + else + { + return 20; + } +} +" +f75eef0e0e611c8447f88091d1b4c47c49d288d4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum < 20) + return 20; + return sum; +} +" +ed1cabb27d052ea81fedf4b8ae278d0352392b0d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + return sum; +} +" +77e3ff0c9ef94b1375f71edf3b661afe437fb152,"public int sortaSum(int a, int b) +{ + if (a + b < 20 && a + b > 9) { + return 20; + } + else { + return a + b; + } +} +" +d60af294bad1b0cb0c66a017f0abadc4a5dc4a97,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b<= 19) + { + return 20 + } + else + { + return a+b + } + + +} +" +e52b9129ea3b93c2c267279a77f88fda3d383e5f,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b<= 19) + { + return 20; + } + else + { + return a+b; + } + + +} +" +809e5c4de1126d5db97791e059ba27d367638535,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +88d2e3024057e6237e7c34825864deb568478689,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + return a + b; +} +" +91e4be0dd9d4afa2266d678cbb2d14a49dd9dcbe,"public int sortaSum(int a, int b) +{ + private int sum = a+b + if (sum < 20 && sum > 9) + return 20; + else + return sum; +} +" +d4305058ea766d83c31b242763a90f595ad311b5,"public int sortaSum(int a, int b) +{ + private int sum = a+b; + if (sum < 20 && sum > 9) + return 20; + else + return sum; +} +" +364eaeef0ec985677c47f0f441b169565a89c1e3,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (sum < 20 && sum > 9) + return 20; + else + return sum; +} +" +d0d6a738091f7c13ee0c441111851075acb88585,"public int sortaSum(int a, int b) { + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else + return ( a + b ); +}" +d0e6c43a580910fac58a011681b40000a34c29a9,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >+ 19 || sum <= 10) + { + sum = 20; + } + return sum; +} +" +9ecef3bb123c732245ee9dda45742c5f8d500b2b,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >= 19 || sum <= 10) + { + sum = 20; + } + return sum; +} +" +716ff0a83ca744a3bb796380d3980ece6491022f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum >= 10) && (sum <= 19)) + { + return 20; + } + else return sum; +} +" +018174d7ecd89011fb3e81e145bb3b4b90672fd7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum < 20) + sum = 20; + return sum; +} +" +83d2dd4d394437e385be4ca7604ca3858262d1fc,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +b427026c26bce58f3985a483cba3ced58f48451b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 || sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +b1734b84d9123cc28d3f62e758b480ab26ea8fb9,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +9dbf50cbc92123d09537e446c79a70a104df1d59,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +c023f1f9a5235584cd82493f7fa98d74c83c75f1,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + else + return sum; + +} +" +344411e6da15750ab147164184cc3f034dc96ab4,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >=10 && sum <=19) + return 20 + else + return sum; +} +" +d5c50e4f12ad52aeb11224c994381ea4d26b1722,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >=10 && sum <=19) + return 20; + else + return sum; +} +" +e52355131abfdeed52972cffd62861fe1ead429a,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <=19) + return 20; + else + return a + b; +} +" +805773267c385ec4c04e2a28df791951c06aa1ef,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) { + return 20; + } + else { + return a + b; + } +} +" +81f0ee638c78c56cfc4f868988360dded2211c91,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +c30f7992580488374114f790ab5c0ae8566a629c,"public int sortaSum(int a, int b) +{ + if(a+b >= 10 || a+b <= 19){ + return 20; + } + else{ + return a+b + } +} +" +52c5b5ebbfbedf67eba4f6039055bc118e035bcd,"public int sortaSum(int a, int b) +{ + if(a+b >= 10 || a+b <= 19){ + return 20; + } + else{ + return a+b; + } +} +" +74f7d782ae7e68bd404094f12f12357a41799b4e,"public int sortaSum(int a, int b) +{ + if(a+b >= 10 && a+b <= 19){ + return 20; + } + else{ + return a+b; + } +} +" +e2baa320012d98dd6cf887e18d8d9b2f61f5e0a4,"public int sortaSum(int a, int b) +{ + if (a + b < 10 || a + b > 19) + { + return a + b; + } + else + { + return 20; + } +} +" +dcf2ebea5022ecae438717795daf5e6bf6e42a37,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) + { + return 20; + } + else + { + return a + b; + } + +} +" +325eb8d9cda58db31c3a0157abc1cd41245be9e7,"public int sortaSum(int a, int b) +{ + int result = 0; + int sum = a + b; + if (sum <= 19 || sum >= 10) + { + result = 20; + } + else + { + result = sum; + } +} +" +e9d90e9c9f275902a008ad6f8d99aced6d7148ce,"public int sortaSum(int a, int b) +{ + int result = 0; + int sum = a + b; + if (sum <= 19 || sum >= 10) + { + result = 20; + } + else + { + result = sum; + } + return result; +} +" +b7439a1f2360467c4322c6124999fb3dcef9f1a7,"public int sortaSum(int a, int b) +{ + int result = 0; + int sum = a + b; + if (sum <= 19 && sum >= 10) + { + result = 20; + } + else + { + result = sum; + } + return result; +} +" +91ffb61e4e81dfe42d709aa4d3b4f53f9b316cc2,"public int sortaSum(int a, int b) +{ + if ( a+b >= 10 && a+b <= 19) + { + return 20; + } + else + { + return a+b; + } +} +" +ddf72d05c79f94c2ef44cb246204431012e3fefc,"public int sortaSum(int a, int b) +{ + int sum = 0; + if ((a = b) >= 10 && (a + b) <= 19) + { + sum = 20; + } + else + { + sum = (a + b); + } +} +" +73da1934e447bc2a5a6385eaeda97b7268f9f7fe,"public int sortaSum(int a, int b) +{ + int sum = 0; + if ((a = b) >= 10 && (a + b) <= 19) + { + sum = 20; + } + else + { + sum = (a + b); + } + return sum; +} +" +8a1d802a6e3c88709847f79ccf58d0708955101b,"public int sortaSum(int a, int b) +{ + int sum = 0; + if ((a + b) >= 10 && (a + b) <= 19) + { + sum = 20; + } + else + { + sum = (a + b); + } + return sum; +} +" +8b96b14ffe3cf61f3497dc99292dd9ae605c8142,"public int sortaSum(int a, int b) +{ + sum = a + b; +} +" +5b1890909a4a97a9ba24ab347f0eed7fef03b4ef,"public int sortaSum(int a, int b) +{ + int sum = a + b; +} +" +32396e685c9c1f94f438bfabc71c445d254ec3ff,"public int sortaSum(int a, int b) +{ + int sum = 0; + if (sum >= 10 && sum <= 19){ + sum = 20; + } + return sum; +} +" +150674542f779f0f080fa72fb20d5088fbe7f75e,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a + b; + if (sum >= 10 && sum <= 19){ + sum = 20; + } + return sum; +} +" +4951e3e93960ed4399945d8a349ac025dd9fc00d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum<= 19) + { + sum = 20; + } + return sum; +} +" +8a9c0db2c4babd24697f6c520822a55f80aa2133,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum<= 19) + { + sum = 20; + } + return sum; +}" +222fe30ce7131eb15f323b2ea365d1034b43791c,"public int sortaSum(int a, int b) +{ + c = a+b; + if ( c => 10 || c =< 19) + { + return 20; + } + else + return c; + + +} +" +2ac4b4ef9d6b43e66da96a37690fe3c229d68c70,"public int sortaSum(int a, int b) +{ + int c = a+b; + if ( c => 10 || c =< 19) + { + return 20; + } + else + return c; + + +} +" +79e537da20e44d72308e024f881ba4280100ba98,"public int sortaSum(int a, int b) +{ + if ( (a+b) => 10 || (a+b) =< 19) + { + return 20; + } + else + return a+b ; + + +} +" +e54a67b500a17d69aee445cc8bc097b85965053e,"public int sortaSum(int a, int b) +{ + if ( (a+b) => 10 || (a+b) =< 19) + { + return 20; + } + else + { + return a+b ; + } + + +} +" +c63246c432dc495b3455696d9e2a5bb00fd0c4f7,"public int sortaSum(int a, int b) +{ + if ( (a+b) >= 10 || (a+b) <= 19) + { + return 20; + } + else + { + return a+b ; + } + + +} +" +2edeec7c0ed91d31760b1ec9c63ac65cdbf686bd,"public int sortaSum(int a, int b) +{ + if ( (a+b) >= 10 && (a+b) <= 19) + { + return 20; + } + else + { + return a+b ; + } + + +} +" +7037dec059cde8d82ffcad5edbcbf386b6918aec,"public int sortaSum(int a, int b) +{ + if ((10 <= (a + b)) && ((a + b) <= 19)) + { + return 20; + } + else + { + return (a + b); + } +} +" +69fae0c27d809d6b7d099eeb54eb46a26e1df6e4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) + { + return 20; + } + + return sum; +} +" +47f966e4d2a09cf4ef6ad5672d4ae6950bfd719a,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19){ + return(20); + }else{ + return(a + b); + } +} +" +a7d905d1b6da3696746cff36b63018b771caeeb1,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19){ + return(20); + }else{ + return(a + b); + } +} +" +cdd5d1b5893458c414ac4f989f06c85dc22f63ce,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; + +} +" +0ddcc1afc679eb985d3e151ac357265c41a74554,"public int sortaSum(int a, int b) +{ + int c = a+b; + if(c >=10 && c<=19) + { + return 20; + } + else + { + return c; + } +} +" +3dd9a3ab60c5e5e00f25a79f668c858f20ba4212,"public int sortaSum(int a, int b) +{ + if ((a + b) > 9 & (a + b) < 20) + { + return 20; + } + else + { + return (a + b); + } +} +" +b41cc53fbea7a63cca4d12f89405d63bf6253406,"public int sortaSum(int a, int b) + int sum = a+b; +{ + return sum; + if (sum<=19 && sum>=10) + { + return 20 + } +} +" +84ba65a2a96d82374c95891a5dbc00c388398c56,"public int sortaSum(int a, int b) + int sum = a+b; +{ + return sum; + if (sum<=19 && sum>=10) + { + return 20; + } +} +" +d961f81759f573f9128c2ebaf5f5dab485c673df,"public int sortaSum(int a, int b) + int sum = a+b +{ + return sum; + if (sum<=19 && sum>=10) + { + return 20; + } +} +" +03eca985cbba43c4d3a81eff24c90aa80f81b3be,"public int sortaSum(int a, int b) + int sum = a+b; +{ + return sum; + if (sum<=19 && sum>=10) + { + return 20; + } +} +" +25d156aa09e7059e4c42cb179f97f6cf35f6be2a,"public int sortaSum(int a, int b) +{ + return sum; + if (sum<=19 && sum>=10) + { + return 20; + } + else + { + return sum; + } +} +" +a77ece6fa28a0960fa20bbd4524fb09602dd2c80,"public int sortaSum(int a, int b) + private int sum = a+b; +{ + return sum; + if (sum<=19 && sum>=10) + { + return 20; + } + else + { + return sum; + } +} +" +58c683b178aaecd6fa02ad02bf9c5eb106b4bc62,"public int sortaSum(int a, int b) + private int sum = a+b; +{ + if (sum<=19 && sum>=10) + { + return 20; + } + else + { + return sum; + } +} +" +980c72a9c55d0cc6d7d5d1e56e618456d5b0a295,"public int sortaSum(int a, int b) +{ + if (a+b<=19 && a+b>=10) + { + return 20; + } + else + { + return a+b; + } +} +" +7fe07d38b510e1a2b8919cbdd5f1b43cd18a526c,"public int sortaSum(int a, int b) +{ + if ((a + b) < 10 || (a + b) > 19) + { + return (a + b); + } + else + { + return 20; + } +} +" +f700b09d98170b18f7220e3fbb900d656d20ba67,"public int sortaSum(int a, int b) +{ + if ((a+b)>=10 && (a+b)<= 19) + return 20; + else + return (a+b) +} +" +e975cb411a4c5d14b2ad08cf41894f38cbee60ee,"public int sortaSum(int a, int b) +{ + if ((a+b)>=10 && (a+b)<= 19) + return 20; + else + return (a+b); +} +" +df8edb129f52fa5feead1ae7abcf9890a3cd3736,"public int sortaSum(int a, int b) +{ + if( a + b >= 10 && a + b <= 19) + return 20; + return a + b; +} +" +380b1a0db95656feecb19099a00f2226be254be4,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + return a + b; +} +" +d3b4c292acf1dcf866224662d492f2fc2db66d4d,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else if (((a + b) < 10) && ((a + b) > 19)) + { + a + b = c; + return c; + } +} +" +e1df2bad8a5fe88d07dfe19c4373262031227878,"public int sortaSum(int a, int b) +{ + a + b = c +} +" +4e29100f98f5f559da4bdf71c43790516af2ea41,"public int sortaSum(int a, int b) +{ + a + b = c; +} +" +893dd3b3437e28e0b4533e187d0cdbc4230bf288,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else if (((a + b) < 10) && ((a + b) > 19)) + { + (a + b); + return c; + } +} +" +42a65dfc3ba5c2f2bbd82c4b878ad1a1ad729362,"public int sortaSum(int a, int b) +{ + c = a + b; +} +" +fb4ca0d972bf7c3312c838e65381b77ec30bafa5,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else if (((a + b) < 10) && ((a + b) > 19)) + { + return a + b; + } +} +" +815654fc1dd904c515931246e93155511d409507,"public int sortaSum(int a, int b) +{ + a + b = Sum + + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else if (((a + b) < 10) && ((a + b) > 19)) + { + return Sum; + } +} +" +4eb7c5c4cb3128c222dc6650e19650bf1b81b6f8,"public int sortaSum(int a, int b) +{ + a + b = Sum; + + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else if (((a + b) < 10) && ((a + b) > 19)) + { + return Sum; + } +} +" +be3bd4539aa2c16a3bf7f21b84ea58fea5b970ef,"public int sortaSum(int a, int b) +{ + (a + b) = Sum; + + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else if (((a + b) < 10) && ((a + b) > 19)) + { + return Sum; + } +} +" +244f935f923c6e1629eebce83f70a830801b54b4,"public int sortaSum(int a, int b) +{ + int Sum = (a + b) + + if ((Sum >= 10) && (Sum <= 19)) + { + return 20; + } + else if ((Sum < 10) && (Sum > 19)) + { + return Sum; + } +} +" +af869daa56e7908f4006d588815381566751b34b,"public int sortaSum(int a, int b) +{ + int Sum = (a + b); + + if ((Sum >= 10) && (Sum <= 19)) + { + return 20; + } + else if ((Sum < 10) && (Sum > 19)) + { + return Sum; + } +} +" +d91c69abad2b5715c47721c1b0be495fa7cf40b4,"public int sortaSum(int a, int b) +{ + int Sum = (a + b); + + if ((Sum >= 10) && (Sum <= 19)) + { + return 20; + } + else if ((Sum < 10) && (Sum > 19)) + { + return Sum; + } +} +" +f0bdfdf7a94061afd1b1efb1a5f9af0bfe1a904f,"public int sortaSum(int a, int b) +{ + int Sum = (a + b); + + if ((Sum >= 10) && (Sum <= 19)) + { + return 20; + } + else + { + return Sum; + } +} +" +ffffeaaa9289cdba0ac000f0ab4b48f4aa74ed15,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +e4c065901fc86874e83e3ebb620bc3fcf8aa9e2b,"public int sortaSum(int a, int b) +{ + if ( a + b < 9) + { + return (a + b); + } + else if (a + b <= 20) + { + return 20; + } + else + { + return (a + b); + } +} +" +7bb6d75af6d2ad14c0d52aec7160b007cc77e232,"public int sortaSum(int a, int b) +{ + if ( a + b <= 9) + { + return (a + b); + } + else if (a + b <= 20) + { + return 20; + } + else + { + return (a + b); + } +} +" +6ced8310d9446d83a8a6b54aa8325817dca292ba,"private int sum; + +public int sortaSum(int a, int b) +{ + a + b = sum; + if (sum >= 19 || sum <= 10) + { + sum = 20; + } + return sum; +} +" +77b358cf76d06f183f8bc894fe92092848467d68,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >= 19 || sum <= 10) + { + sum = 20; + } + return sum; +} +" +ddac932de10e09f5863309d8721d58b4f4b86fe8,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + a + b = sum; + if (sum >= 19 || sum <= 10) + { + sum = 20; + } + return sum; +} +" +4b227e523d1e5b3b35df88781baf533393495250,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if ((a + b) >= 19 || sum <= 10) + { + sum = 20; + } + return sum; +} +" +b432609d5be2a622a7d23f1b5c6673a9710c376b,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if ((a + b) >= 19 || (a + b) <= 10) + { + sum = 20; + } + return sum; +} +" +5e9716233d5944025b893973faf63b6a84402e5b,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if ((a + b) <= 19 || (a + b) >= 10) + { + sum = 20; + } + return sum; +} +" +d9ed5b880687e58524785438a1e6ab2886cd4c82,"private int sum; + +public int sortaSum(int a, int b) +{ + sum = a + b; + if ((a + b) <= 19 && (a + b) >= 10) + { + sum = 20; + } + return sum; +} +" +b1628613f2445ff272d60a87206cdbc6e20db9a2,"public int sortaSum(int a, int b) +{ + f(a >= 13 && a <= 19 || b >= 13 && b <= 19) + { + return 19; + return (a + b); + } +} +" +3518b5f199587599e6a04a92cb59199ded8ddb71,"public int sortaSum(int a, int b) +{ + if(a >= 13 && a <= 19 || b >= 13 && b <= 19) + { + return 19; + return (a + b); + } +} +" +e667122f9743df34cc1576aa251f9f093fde957d,"public int sortaSum(int a, int b) +{ + if(a >= 13 && a <= 19 || b >= 13 && b <= 19) + { + return 19; + } + return (a + b); + +} +" +e01a34a7d5af0c3cdac98c64537b1e7db969c385,"public int sortaSum(int a, int b) +{ + if(a >= 13 && a <= 19 || b >= 13 && b <= 19) + + return 19; + + return (a + b); + +} +" +3f4396326ef8598aa622934dc184b9eea11ddebe,"public int sortaSum(int a, int b) +{ + if(a >= 13 && a <= 19 || b >= 13 && b <= 19) + return 19; + return (a + b); +} +" +40de6831d1f029230e73db8bf61b0795f45c521c,"public int sortaSum(int a, int b) +{ + if(a >= 13 && a <= 19 || b >= 13 && b <= 19) + return 20; + return (a + b); +} +" +16121f59d1bbcb27e75484027fe87039cfcd540f,"public int sortaSum(int a, int b) +{ + if(a >= 10 && a <= 19 || b >= 10 && b <= 19) + return 20; + return (a + b); +} +" +339eaf1143aa6220c7085580b95aa8916fea0019,"public int sortaSum(int a, int b) +{ + if(a >= 14 && a <= 19 || b >= 14 && b <= 19) + return 20; + return (a + b); +} +" +adbd74120e92e4491fdbb72a26a53f3a4409562e,"public int sortaSum(int a, int b) +{ + int numA = a; + int numB = b; + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return (sum); +} +" +3af7d338f16eea6ccd5be55b3d19845d49ec2489,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +8ffb96cb8928d3382310612a7d316ea31bc240bb,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 9 && < 20) + return 20; + else + return sum; +} +" +5290c0416d3e07248fc5abaec6206b636bbf5f0b,"public int sortaSum(int a, int b) +{ + + if (a+b > 9 && a+b < 20) + return 20; + else + return a+b; +} +" +f7c82a71d42ba3acc913281d43edd21bdc44e8b4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } + +} +" +af71b823b32f3814b330636231bcce1001f59ef8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +21027dc65e91a5041c0b232606572712dec5ea21,"public int sortaSum(int a, int b) +{ + if((a + b) <= 10 && (a + b) >= 19); + return false; + return 20; + +} +" +8fbe2ae46558be59441f792e0ac310ea48efd1b9,"public int sortaSum(int a, int b) +{ + if( 10 <= sum && 19 <= sum); + return 20; + return sum; + + +} +" +2b12eae1b736d0b69cbbd8e89bc5cef2b60ee38a,"public int sortaSum(int a, int b) +{ + + if(10 <= sum && sum <= 19) + return 20; + + return sum; + + +} +" +cfaca26bf526c377999bc75813c7623115910d35,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(10 <= sum && sum <= 19) + return 20; + + return sum; + + +} +" +1c927fa91bc22a2809140534ce42d851ade4faa5,"public int sortaSum(int a, int b) +{ + int result = a + b; + + if (result >= 10 && result <= 19) + { + result = 20; + } + + return result; +} +" +0ee57155ee8ce9931c6a7201b265789c817ed09a,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } +} +" +5eafab187449b3e7b6703580aabbb7f30ef9dceb,"public int sortaSum(int a, int b) +{ + int s = a + b; + if (s >= 10 && <= 19) + return 20; + else + return s; +} +" +66c015db2ad8222b12469f470966ab42542f99a0,"public int sortaSum(int a, int b) +{ + int s = a + b; + if (s >= 10 && s <= 19) + return 20; + else + return s; +} +" +4531059d41ba170482b4e43d4d94d857c0e45dbb,"public int sortaSum(int a, int b) +{ + if (a + b >= 10) + { + if (a + b <= 19) + { + return 20; + } + return a + b; + } + else + { + return a + b; + } +} +" +8b114d4f41e3ebcd76da9a4dabe3c87bde548497,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + return 20; + else + return a + b; +} +" +b0926db9a0879b043e08fce829a7f32b47ae25a4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; + +} +" +76da41ed37e165d5126537894c356e233d9a4bd5,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum>= 10 && sum <= 19) + return 20; + else + return a + b; +} +" +45524160ee339fd01ad0243487c7a2871b67c7d8,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + return a + b; +} +" +0c4202b45e02c1ab29433ce6bf515c30e0e9dd12,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +8011e0ed779c41a981e51d520ed9da809092a306,"public int sortaSum(int a, int b) +{ + if ((a+b)>=10 || (a+b)<=19) + { + return 20; + } + else + { + return (a+b); + } +} +" +eead8a7cd9252e2ed727c28765d1660ef021b18d,"public int sortaSum(int a, int b) +{ + if ((a+b)>=10 && (a+b)<=19) + { + return 20; + } + else + { + return (a+b); + } +} +" +2202a43c9f03a67a3637de830b18722525fe2408,"public int sortaSum(int a, int b) +{ + if ((a + b => 10) && (a + b =< 19)) + { + return 20; + } + else + { + return (a + b); + } +} +" +8372c4a1546e07b12b689958f8a5fbbbf02eced0,"public int sortaSum(int a, int b) +{ + if ((a + b => 10) && (a + b =< 19))) + { + return 20; + } + else + { + return (a + b); + } +} +" +0ce6c6c5c68f7e7af69c8dae37697da81dbd4313,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c => 10) && c =< 19))) + { + return 20; + } + else + { + return (a + b); + } +} +" +e90fc3864e07f36426344e4506beaaf783bfaf3b,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c => 10) && c =< 19))) + { + return 20; + } + else + { + return (a + b); + } +} +" +cf0ba243bbd752a236c244dcc6cc0fd95bebce21,"public int sortaSum(int a, int b) +{ + int c = a + b; + if ((c => 10) && (c =< 19)) + { + return 20; + } + else + { + return (a + b); + } +} +" +fea91cdb2517bfb5e308a3f070e608c27cc64246,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c => 10 && c =< 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +76917b11187c5f8670cf1e7c531de81260d3b4b6,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c =< 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +851ab81adba385c5bf1a48b095cfc3f8b5c420eb,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +25b96bbeac5681833b52d998d07851190aba0b15,"public int sortaSum(int a, int b) +{ + int y = a+b; + if (y <= 19 && y >= 10) + { + return 20; + } + return y; + +} +" +916550f47166791c6cb50bf722b961eee5db830b,"public int sortaSum(int a, int b) +{ + if (a+b<=19 && a+b>=10) + { + return 20 + } + else + { + return a+b + } +} +" +d2dc3255de7fcca49947349748ced8a4cf4ce66d,"public int sortaSum(int a, int b) +{ + if (a+b<=19 && a+b>=10) + { + return 20; + } + else + { + return a+b; + } +} +" +2d7bc567dc46827ebdf6aebfd87d9671acab7fb2,"public int sortaSum(int a, int b) +{ + int sum = a + b; + int fun = 20; + + if (sum > 19 && sum < 10) { + fun = a + b; + } + + else if (sum < 20 && sum > 9) { + fun = 20 + } + + return fun; +} +" +cb624195c6c7bb669b65816953f9c137d82313eb,"public int sortaSum(int a, int b) +{ + int sum = a + b; + int fun = 20; + + if (sum > 19 && sum < 10) { + fun = a + b; + } + + else if (sum < 20 && sum > 9) { + fun = 20; + } + + return fun; +} +" +f966f0b45335ff00ee5c89f149a47d0cd7c4652c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + int fun = 20; + + if (sum > 19 || sum < 10) { + fun = a + b; + } + + else if (sum < 20 && sum > 9) { + fun = 20; + } + + return fun; +} +" +032f25b68ce8ffe61c7a16f396f658d3c40f4351,"public int sortaSum(int a, int b) +{ + int c=a+b; + if(c>=10&&c<=19) + { + return 20; + } + return c; +} +" +5c9585645e9999c1854744f138aefa8e7528eba2,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) { + return 20; + } + else return a + b; +} +" +6f2bae1a949e7ce8eb637654725a95b779662a81,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) { + return 20; + } + else return a + b; +} +" +da2be6346c76aab7201569ca7c4031e9b0089d7c,"public int sortaSum(int a, int b) +{ + if ( a+b >=10 &&a+b<=19 ) + { + return 20; + } + return a+b; +} +" +cb7c3111214f2544fb6ffcc9173b82ae27952db0,"public int sortaSum(int a, int b) +{ + if (a + b >= 19 && a + b <= 10) + { + return 20; + } + else + { + return a + b; + } + +} +" +0842913a96958a97ffdbb848e7885df7e0671620,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) + { + return 20; + } + else + { + return a + b; + } + +} +" +7c7cc9cd5a3094130500bccfc36c5732dc08cb47,"public int sortaSum(int a, int b) +{ + if ( Integer.sum(a,b) >= 10 && Integer.sum(a,b) <= 19) + { + return 20; + } + + else + { + return Integer.sum(a,b); + } +} +" +e31b7beae1ebfa90bdd3f63b5216f82bb8ea03ed,"public int sortaSum(int a, int b) +{ + int sum = a +b; + if(sum >= 10 && sum <=19) + { + return sum; + }else{ + return 20; + } +} +" +4d0ac817a7b93d756c50f16731dd1c3f09f4800c,"public int sortaSum(int a, int b) +{ + int sum = a +b; + if(sum > 10 && sum < 19) + { + return sum; + }else{ + return 20; + } +} +" +75b7ad1205243e30749975b0fd761e68574af9ae,"public int sortaSum(int a, int b) +{ + int sum = a +b; + if(sum > 10 && sum < 19) + { + return 20; + }else{ + return sum; + } +} +" +7038c5e2902aa5e107fe1f6020340801801aaedd,"public int sortaSum(int a, int b) +{ + int sum = a +b; + if(sum >= 10 && sum <= 19) + { + return 20; + }else{ + return sum; + } +} +" +11f9f2760e0577805ffa5387b8a80a6a0e4889b2,"private int sum; +public int sortaSum(int a, int b) +{ + a+b = sum; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +114b90de40a1e10eed84100c2040983e8d9c4a97,"private int sum; +public int sortaSum(int a, int b) +{ + a+b = int sum; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +b6445bd45ca72bffe394683263b7186836712d97,"private int sum; +public int sortaSum(int a, int b) +{ + sum = (a+b); + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +e73d8287e8b647ddaaa7993ed1d779aa95a3c497,"public int sortaSum(int a, int b) +{ + if ((a + b) > 9 && (a + b) < 20) + { + return 20; + } + +} +" +3d6b6214a4f69df5f395eb7d7a5f563fb05f3226,"public int sortaSum(int a, int b) +{ + if ((a + b) > 9 && (a + b) < 20) + { + return 20; + } + else + { + return a + b; + } +} +" +de3b3e976e12f7e7e468470a2a0bc1f2c32cb20c,"public int sortaSum(int a, int b) +{ + if((a + b) >= 10 && (a + b) <= 19) + return 20; + else + return (a+b); +} +" +93f895ccd73ab2b8456815cc07320d7bd688257e,"public int sortaSum(int a, int b) +{ + if((a+b)>=10 && (a+b)<=19) + return 20; + else + return (a+b); +} +" +07a5cd0409ce98b822734e76f6c52933c5b50140,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum >= 10 && sum <=19) + { + return 20; + } + else + { + return sum; + } +} +" +8c0d1372d634e165433f541d036551be49a4ccea,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (sum >= 10 && sum <= 19) + { + return 20 + } + else + { + return sum; + } +} +" +ac92a3cb5c63555e110b479ced39f60ebdff1b71,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +49927c53f50f87ee58a5ee20a462c3cfd43672e2,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) && (a + b <= 19)) + return 20 + else + return sum + + +} +" +3634e2974fa308154542342f46794888e61ad6f1,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) && (a + b <= 19)) + return 20; + else + return sum; + + +} +" +b48869604b3abe9e42dc358824edf85ec560dfb0,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) && (a + b <= 19)) + return 20; + else + return a + b; + + +} +" +f5496659273c30160625b444a497c2d20724428f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(sum < 10 || sum > 20) + { + return sum; + } + else + { + return 20; + } + } +" +cc58af510b7a15f4f4d05f676f7b2bbe982ae57d,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +2f2a903cc678731212742dea7f000427f84424ee,"public int sortaSum(int a, int b) +{ + if(a+b>=10 & a+b<=19) + { + return 20; + } + else + { + return a+b; + } +} +" +9b8bf0fdc8e5fae0061e390d6ac5bd7e6bf685c5,"public int sortaSum(int a, int b) +{ + int sums = (a + b); + if (sums >= 10 && sums <= 19) + sums = 20; + else + return sums; +} +" +0bc0fd83f699ec4296aa8d31cabec62bec170bd8,"public int sortaSum(int a, int b) +{ + int sums = (a + b); + if (sums >= 10 && sums <= 19) + sums = 20; + else + return sums; + return sums; +} +" +10876f97b901911608dddcd4d931d0937b267ccd,"public int sortaSum(int a, int b) +{ + if ( a+b >= 10 && a+b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +20d15c74c77d0595bee794e2d8330a21f7f658d5,"public int sortaSum(int a, int b) +{ + int sum == 0; + sum == a + b; + if (sum <= 19 && sum >= 10) + return 20; + else + return sum; +} +" +807da7cc82a16a99f838b971b2aad028939b45ff,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a + b; + if (sum <= 19 && sum >= 10) + return 20; + else + return sum; +} +" +40093179c930dfebcd9a6ed8116119f70f919a3f,"public int sortaSum(int a, int b) +{ + int c = a+b; + + if (c >= 10 && c >= 19) + { + return 20; + } + else + { + return c; + } +} +" +743096bf7160343d023056668801b1ca83147fe3,"public int sortaSum(int a, int b) +{ + int c = a+b; + + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } +} +" +efdf3fae54cdc0a09fb81fcfa365c5f843e837b0,"public int sortaSum(int a, int b) +{ + int C = a + b; + if(C >= 10 && C <= 19) + { + return 20; + } + else + { + return C; + } +} +" +725ef6fb6dab00915791de1ab58179c75e47808b,"public int sortaSum(int a, int b) +{ + if (a + b == 10:19) + { + return 20 + } + if (a + b) + { + return a + b + } +} +" +61c4af64e09165390ec21f4d44be5baa682a1f30,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b <= 19) + { + retunr 20 + } + return a+b +} +" +7a64639cf5c3f7f279aeea3dce2bb9699d8fd6e1,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b <= 19) + { + retunr 20; + } + return a+b; +} +" +1f54444ad693b8ed882891bb6d9506fa89a255e3,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b <= 19) + { + return 20; + } + return a+b; +} +" +c07d4765e212e9b799173f7a5ec9b3bed5cef031,"int sumOfNums; +public int sortaSum(int a, int b) +{ + sumOfNums = a + b; + + if (sumOfNums>=10 && sumOfNums<=19) + { + sumOfNums = 20; + } + return sumOfNums; +} +" +3b6f91b471de32923349954acb918bbee8fa818d,"public int sortaSum(int a, int b) +{ + int sum = a+b; + + if (sum >= 10 && sum <= 19) + { + return 20; + } + + else + { + return sum; + } +} +" +34c0b5115ee9d6133574848ca0889f0e7f5c3dcc,"public int sortaSum(int a, int b) +{ + int summation = a + b; + + if (summation <= 19 || summation >= 10) + { + return 20; + } + else + { + return summation; + } + +} +" +9b8a875e9bd1bbaaaf42746096e507a08be576a3,"public int sortaSum(int a, int b) +{ + int summation = a + b; + + if (summation <= 19 && summation >= 10) + { + return 20; + } + else + { + return summation; + } + +} +" +873fb7989f1abe6c19208cec74509ec634a8f4f6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +0735c3c0b4a0ce4a2dce37fba341301c00476703,"public int sortaSum(int a, int b) +{ + if (a + b >=10 && a + b <= 19) + return 20; + else + return ""a""+""b""; +} +" +593b04c81ca8e360a0024dd016ce1e476b39797e,"public int sortaSum(int a, int b) +{ + if (a + b >=10 && a + b <= 19) + return 20; + else + return a + b; +} +" +d089025529c622b566dc3277b807dd77fcd87fde,"public int sortaSum(int a, int b) +{ + if (a >= 5 && b >= 5) + return 20; + else + return ""a + b""; +} +" +82eb42312c41fa60951073ab4d0ea375448d7600,"public int sortaSum(int a, int b) +{ + if (a >= 5 && b >= 5) + return 20; + else + return ""a+b""; +} +" +d5cc64dd8d86b3ccf986b952448dd0140e18c7a0,"public int sortaSum(int a, int b) +{ + if (a >= 5 && b >= 5) + return 20; + else + return a+b; +} +" +b534f61169fcfc8a1295f0d457951b39b8ab1c71,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a+b; +} +" +6e6dd0f326032474e6ef008f729dbd21ede3776e,"public int sortaSum(int a, int b) +{ + if ( (a + b) >= 10 && (a + b) <= 19)) + { + return 20; + } + + else + return a + b; + + + + + +} +" +e3552652aa368c405cd07bc2423da02590ccc92a,"public int sortaSum(int a, int b) +{ + if ( (a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + + else + return a + b; + + + + + +} +" +b2c66d3fc151e6df09278e9b2e72472f6440c927,"public int sortaSum(int a, int b) +{ + if(a+b >19 || a+b <10) + {return 20;} + else + {return int;} +} +" +161e4532002fb16c8e11a94b3f143fd24a1373d3,"public int sortaSum(int a, int b) +{ + if(a+b >19 || a+b <10) + {return 20;} + else + {return a+b;} +} +" +aa7da756eaf67a112bdca9834082a014dad12e24,"public int sortaSum(int a, int b) +{ + if(a+b <=19 || a+b >=10) + {return 20;} + else + {return a+b;} +} +" +a92d59791ff598cacc4618ba6be410c975552a7f,"public int sortaSum(int a, int b) +{ + if(a+b <=19 && a+b >=10) + {return 20;} + else + {return a+b;} +} +" +ed8601eff31c57b12119c3672e63aeede4109389,"public int sortaSum(int a, int b) +{ + if(a+b <=19 && a+b >=10) + {return 20;} + else + {return a+b;} +} +" +9d20eefe1015ff7c5c798045007873d71e21ddb9,"public int sortaSum(int a, int b) +{ + if (|a|+ |b|) { + return sum + } +} +" +c8dcd5a7fe8c941a53242580f4681734f02ee885,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) { + return 20; + } + else { + return a + b; + } +} +" +5e9ee076a4be41c0c81920d16296a20665eab261,"public int sortaSum(int a, int b) +{ + if (a + b == <=10 || a + b == >= 19) + return 20; + else + return (a + b); +} +" +d7cf292130578538e405cf3cf0d69a14a28fa0e9,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >=10 || sum <= 19) + return 20; + else + return sum; +} +" +ad3f21acc1fa46f9e9c5f833c56c1df659b6c74e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >=10 && sum <= 19) + return 20; + else + return sum; +} +" +0d44a9b87b919234b5a96fa83495a45f5dd8173a,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + B <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +241630300ad2bd5be7d964ec522467d22c58eaa8,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +dc885dee0bf5467e2e522c5190f39c463f2bb497,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +6c1689aa12a4c35dbc1cee60a5d4cd515e66964e,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +6d44db7280a04904963cb3c6b8b9bfc5e5bbb511,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 10) { + return 20; + } + else { + return (a+b); + } +} +" +82a3623fbcdb3a45353e0272be5eca24af3df097,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) { + return 20; + } + else { + return (a+b); + } +} +" +75c9cef47592aa272bd35a2018a56588a63aac7b,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) { + return 20; + } + else { + return (a+b); + } +} +" +1b50e9d43267de062a2cbf232fe1fcf7b5125f8c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +ef5028543e2d8090b50f8033df0b619d1f82ba00,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +08508c2afb76da6978b5b5e6bd51fc759a7928d6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +f02308842bd36363b94cc04153abb9634f2cf4d7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +bccc819ad013c3fda45db6ed891d930788dc066c,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) { + return 20; + } + else { + return (a+b); + } +} +" +76cdf74f9db81a0ca7935497328296c5ca52613d,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b <= 19) + return 20; + return a+b; +} +" +3b6e84d60b6d04c5c5af332981391c9a42c000f7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum < 10) + { + return sum; + } + else if (sum > 19) + { + return sum; + } + else + { + return 20; + } +} +" +796a4a530555168f46e4f2713d6cc328464d25b7,"public int sortaSum(int a, int b) +{ + int sum; + + sum = a + b; + + if (sum >= 10 && sum <=20){ + sum = 20 + } + + returm sum; +} +" +ab2562fb5252e063d108d0137c7a5633a2c4796a,"public int sortaSum(int a, int b) +{ + int sum; + + sum = a + b; + + if (sum >= 10 && sum <=20){ + sum = 20; + } + + returm sum; +} +" +0d378782b06253579c17f5e90a476e76e92ce6d0,"public int sortaSum(int a, int b) +{ + int sum; + + sum = a + b; + + if (sum >= 10 && sum <=20){ + sum = 20; + } + + return sum; +} +" +856b8800336d254eb61caf09ccac4a3eb3315989,"public int sortaSum(int a, int b) +{ + return a; + return b; + +} +" +df105a7f6f278f9cd263ca55414eab03bee15687,"public int sortaSum(int a, int b) +{ + return a + b; + +} +" +a18372da11c370faa8a301099bd5024fd1c95e27,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + { + return 20; + } + return sum; +} +" +e19eb7a787789cb0b2c54c5878055d30aa2168fa,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +5d6f8417c5dd1e49b0e4ac8753decf8a8fb73694,"public int sortaSum(int a, int b) +{ + int result=a+b; + if(a+b>=10||a+b<=19) + { + result = 20; + } + return result; +} +" +689bed50cb02a1ec6c940bd674d3f6046a4cede0,"public int sortaSum(int a, int b) +{ + int result=a+b; + if(a+b>=10&&a+b<=19) + { + result = 20; + } + return result; +} +" +c7e8655523eca18e2184d623ad81c1ae848173f1,"public int sortaSum(int a, int b) +{ + int sum = a+b; + + if(sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +2f6a160747d1e3d8be5c7837bd566909eaf2787d,"public int sortaSum(int a, int b) +{ + int c = a + b; + if ( c > 9 && c < 20) + { + return 20; + } + return c; +} +" +ad1914716991311c2aa74f244fc6804bd1585864,"public int sortaSum(int a, int b) +{ + if(a+ b >= 10 && a+b <= 19) + return 20; + else + return a+b; + +} +" +dedc26e56ed68a84eb75c55cb0e32c6de3b53058,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +19fefe799389dfea0e672f245663060a74d0eb30,"public int sortaSum(int a, int b) +{ + if(a+b >=10 && Math.abs(a-b) <=10) + { + return false; + } + else + { + return true; + } +} +" +2fc1548712d435bf986703ae73d3060c8a6d0db0,"public int sortaSum(int a, int b) +{ + if(a+b >=10 && a+b <=10) + { + return 20; + } + else + { + return a+b; + } +} +" +b085022eb66d187d55954c4608d9b8d005d1c522,"public int sortaSum(int a, int b) +{ + if(a+b >=10 && a+b <=19) + { + return 20; + } + else + { + return a+b; + } +} +" +6b06ba00508ff6bf90657b3c30dfc2a60c4657b0,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +3a1042ba21ec7d6bf3d4b3eee15a4a1fa43b344d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +d9d0af4a86d3d806a73729146509fcd884212bbe,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +0cb66694d2b7545edb1117f2a58053aa21345833,"public int sortaSum(int a, int b) +{ + if((a+b)>=10 && (a+b)<=19) + return 20; + else + return (a+b); +} +" +ccb55d0f7c03ad5108984b6f74c669ca5acb1841,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + + return a+b; +} +" +93ad6612ce32367ab453fd2634315f7c28c6f291,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 || sum <= 19) + return 20; + else + return sum; +} +" +4866e8e577e60a7cf7641f862aa3ffa33eae0dec,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +b95f0cac69d08adfaaeda9c0611dbc8cabf9ef18,"public int sortaSum(int a, int b) +{ + if((a + b) >= 10 && (a + b) <= 19) + { + return 20; + }//end if + + return (a + b); +} +" +6a4d9965870ac035e1fa75569f72abd1bc7dd372,"public int sortaSum(int a, int b) +{ + if((a+b)>=10||(a+b)<=19)return 20; + return(a+b); +} +" +3b8a5db6707334aa92af300892d5bd81aaa35107,"public int sortaSum(int a, int b) +{ + if((a+b)>=10&&(a+b)<=19)return 20; + return(a+b); +} +" +6bcae4f33fddb4f899ce699340f4e88455b00120,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return a + b; + } + + +} +" +2179a4a855ac5c81bc01395c50019e0ae167a2da,"public int sortaSum(int a, int b) +{ + if((a + b) >= 10 && (a + b) <= 19) + return 20; + else + return a + b; +} +" +bc09c16b358c849617c92c4ea257b6ef268a29a1,"public int sortaSum(int a, int b) +{ + if (10 <= a + b && a + b <= 19) + { + return 20; + } + else + { + return a+b; + } + + +} +" +7482a654416d4036c6c75255e52059ff5ae197b2,"public int sortaSum(int a, int b) +{ + if (a + b >== 10 && a + b <== 19) + return 20; + else + return sum; +} +" +3f8e1e4a9c53515a2cf2308785bf1f6f84634582,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return sum; +} +" +bf1a5bf994fc23ea024954d16030ebdddbb9adf1,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return (a+b); +} +" +cfe61dd26d9f676b813e7a2f4119bbf450ae2a15,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return (a + b); +} +" +708cdef6df2f843f7aefbd57e1cd0f6d5da6dd95,"public int sortaSum(int a, int b) +{ + int c = a + b + if(19 >= c && c >= 10) { + return 20; + } + else { + return c; +} +" +18604dbf4869bfd60ae0f5affe0b9f7006d5b5fe,"public int sortaSum(int a, int b) +{ + int c = a + b; + if(19 >= c && c >= 10) { + return 20; + } + else { + return c; +} +" +f09713ba9fb0d3195dc5c5dd02a27d59dfcc0990,"public int sortaSum(int a, int b) +{ + int c = a + b; + if(19 >= c && c >= 10) { + return 20; + } + else { + return c; + } +} +" +b7dbdac25ee69e6ce5565f6d849441c93bb34891,"public int sortaSum(int a, int b) +{ + if (a + b != 20) + return false; + return 20; +} +" +0cd94d5edccfa348e388f6cc085fb9fa79d0a14a,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +fc6648ca05e5ad43efa8b13198a78d96b1e591a8,"public int sortaSum(int a, int b) +{ + a + b = 20; + return a + b; + +} +" +29b4dcb67e985af5a119ba20c79b2a20cc41fa5a,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +760c092d062be003a4534f180ecc36556a53246a,"public int sortaSum(int a, int b) +{ + return a + b; +} +" +5c40d7081d5fa8ef07befe589c8da1d43d7161e1,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +6589338fb4093ad8ac325819c889aac1f491e453,"public int sortaSum(int a, int b) +{ + if(a+b >=10 && a+b <=19) + { + return 20; + } + else + { + return a+b; + } + +} +" +5d4813d27c0751235396ee41a315af15873432c0,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b<=19) + return false; + return a+b; +} +" +c6cd28423acaf9aa9ec7b83db5eea56d4c37df09,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 || a+b<=19) + return false; + return a+b; +} +" +8c0f9dcd704011cbf52cb5dc21ee56f487e61fcd,"public int sortaSum(int a, int b) +{ +int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; + +} +" +91e87e4b82517ee4d9d80bc3c858ded84e3c115f,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +04d3dc5f15435b8116c064824aae98cef0971263,"public int sortaSum(int a, int b) +{ + private int sum + sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +262346e12183eb94848e34ccf2bd46541d8c9a5a,"public int sortaSum(int a, int b) +{ + private int sum; + sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +9b76b6133562a0a5c45281067f04b20d948cc5bd,"public int sortaSum(int a, int b) +{ + int sum; + sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +a804f6522c56e78a796a2a895358d68ab9bfed50,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum < 10) + { + return (sum); + } + else if (sum > 19) + { + return sum; + } + else + { + return 20; + } +} +" +985d5fa99cdc68d051a48674e661a5574f0336bf,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) + return 20; + return (a + b); +} +" +31dff28cf0924e206b79365f54a5c2a52cbfa57f,"public int sortaSum(int a, int b) +{ + if (sortaSum > 10 && sortaSum < 19) + { + return 20; + } + else + { + return int sortaSum; + } +} +" +565ac620e510fdd4b1f7b1bbd3156f204bef2204,"public int sortaSum(int a, int b) +{ + if (sortaSum > 10 && sortaSum < 19) + { + return 20; + } + else + { + return sortaSum; + } +} +" +34ee5961f50d41b85481ca3f411f5fab3ae833cd,"public int sortaSum(int a, int b) +{ + if (sortaSum > 10 && sortaSum < 19) + { + return 20; + } + else + { + return sum; + } +} +" +cc4494e062a900ed4931b3946007317a7d45109e,"public int sortaSum(int a, int b) +{ + sortaSum = a + b; + if (sortaSum > 10 && sortaSum < 19) + { + return 20; + } + else + { + return sortaSum; + } +} +" +f0467ce3e423fd8379134cdba4949fa4bacbea77,"public int sortaSum(int a, int b) +{ + int sortaSum = a + b; + if (sortaSum > 10 && sortaSum < 19) + { + return 20; + } + else + { + return sortaSum; + } +} +" +e68c16ba922d253743e91d4e46d5ddd44ffe8d2b,"public int sortaSum(int a, int b) +{ + int sortaSum = a + b; + if (sortaSum >= 10 && sortaSum <= 19) + { + return 20; + } + else + { + return sortaSum; + } +} +" +a18b755757f378cb407c88563b8e1ec3b259d1aa,"public int sortaSum(int a, int b) +{ + if ((a+b) >= 10 && (a+b) <= 19) + { + return 20; + } + return (a+b); + +} +" +554ec1a4155e74724072541014d2fd8d60832a31,"public int sortaSum(int a, int b) +{ +int sum= b+a; + +if(sum>= 10 && sum <=19) + +return 20; +return sum; +} +" +6f0a9d08a0854ede9f1ec3db050fe1daa7fa2abd,"public int sortaSum(int a, int b) +{ + return 1; +} +" +6f2caf27c6bdc07b3b72eedc594e6d0172111332,"public int sortaSum(int a, int b) +{ + int c; + c = a + b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } +} +" +7ba9497fc84d8bd13147c95b9940665b4a108b8b,"public int sortaSum(int a, int b) +{ +int c = a + b; + if (c >= 10 && c <= 19) + {return 20; + } +} +" +44bc95e71a5799f1f3dfeb074a611cc7bdb389b8,"public int sortaSum(int a, int b) +{ + int summ = a + b + if (summ >= 10 && summ <= 19) + { + return 20 + } + else + { + return summ + } +} +" +5287bc72cb6557b570dbc16258d35ef089f342a6,"public int sortaSum(int a, int b) +{ +int c = a + b; + if (c >= 10 && c <= 19) + {return 20; + } + else + {return c; + } +} +" +86c068ab0039f26a1547bdd988ceeea3686dec01,"public int sortaSum(int a, int b) +{ + int summ = a + b; + if (summ >= 10 && summ <= 19) + { + return 20; + } + else + { + return summ; + } +} +" +774c02336cf25a3abcdf5424729c19b3ec7957d4,"public int sortaSum(int a, int b) +{ + return 20; +} +" +20caff902243c1424f5e1c5870fe90fe5c13fb24,"public int sortaSum(int a, int b) +{ + return a + b = 20; +} +" +1d438774f0e3141a54a8cc7509a96ae687506ef3,"public int sortaSum(int a, int b) +{ + a + b = 20 + return a + b; +} +" +e72c32de4a311c157a2fce167cb844d33b25467e,"public int sortaSum(int a, int b) +{ + a + b = 20; + return a + b; +} +" +80f6edfa115a29d091105dfca9eedfadc4c47021,"public int sortaSum(int a, int b) +{ + sortaSum = <= 20; + return a + b; +} +" +bcdd36970e0165d2385a2a20a5f6eb4fbfe186e4,"public int sortaSum(int a, int b) +{ + a + b <= 20; + return a + b; +} +" +2a28fd6efcb1d3044c62764afbe3510a17d23e24,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ( a + b >= 10 && a + b <= 19 ) { + return 20; + } + return sum; +} +" +fb50ac22136612f4c1bac22ef238fc7ec868b6be,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ( sum >= 10 && sum <= 19 ) { + return 20; + } + return sum; +} +" +3ce6ce113a6ec3220ae380816652f791723a5757,"public int sortaSum(int a, int b) +{ + int sum = 0; + if (a + b >= 10 || a + b <= 19) + sum = 20; + else + sum = a + b; + return sum; +} +" +4fec298137de52192beb25394265e2046b42d778,"public int sortaSum(int a, int b) +{ + int sum = 0; + if (a + b >= 10 && a + b <= 19) + sum = 20; + else + sum = a + b; + return sum; +} +" +91d915e38e39a62de4e735647406bddd8cc757c0,"public int sortaSum(int a, int b) +{ + int sum; + sum=a+b; + if (sum>=10 && sum<=19) + { + return 20; + } + else + { + return sum; + } +} +" +73e1372f8b3f4bebb1339d6375b735592fdebb46,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) { + return(20); + } + else { + return(sum); + } +} +" +4cb59f22f1d87bfe19e84f6f0e2607fec29dbde1,"public int sortaSum(int a, int b) +{ + int weirdSum = 20; + if (a + b < 10 || a + b > 19) + { + weirdSum = a + b; + } + return weirdSum +} +" +58e5aea60cf0e78b0cc7349e526fa1f3be64e389,"public int sortaSum(int a, int b) +{ + int weirdSum = 20; + if (a + b < 10 || a + b > 19) + { + weirdSum = a + b; + } + return weirdSum; +} +" +49da1bb2aa8dc1dcd73cd0410a6bd884262529f0,"public int sortaSum(int a, int b) +{ + int answer; + + if (a + b > 9 && a + b < 20) + { + answer = 20; + } + else + { + answer = a + b; + } + + return answer; +} +" +0b7371911c6f33a0551188c4d2227f180aba3b2d,"public int sortaSum(int a, int b) +{ + if(a + b < 10 || a + b > 19) + return (a + b); + return 20; +} +" +96fd6059d6fbec0ec2367413437b4ef4d99de7a4,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 && a + b <= 20) + { + return false; + } + else + { + return true; + } + +} +" +895059253225f805a476fe90ccef9b3bdf5a3df6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +" +c2febed24613fc6875e43e58d867a8a0756af356,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +}" +8c32c552fc0552431c5b0ed6f0c8a22f288e3f79,"public int sortaSum(int a, int b) +{ + int sum = (a + b); + if (sum < 10 || sum > 19) + return sum; + else + return 20; +} +" +b3168fed52803c9868c972959aa85d1965c569e8,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 && a + b <= 19) + return 20; + else + return sum; +} +" +25e6c2e11d74fbd4f1f4a31d029994602f95d41b,"public int sortaSum(int a, int b) +{ + int sortaSum = a + b + if(a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +c7a4500944d5afeb0bdc4be6d28e5ccb4638db9d,"public int sortaSum(int a, int b) +{ + int sortaSum = a + b + if(a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return sortaSum; + } +} +" +13a61ea47e83178cf98a0cd6b17a9ace46191512,"public int sortaSum(int a, int b) +{ + int sortaSum = a + b; + if(a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return sortaSum; + } +} +" +26737964c6da3ed97d68c2ce339bf860ad49c55d,"public int sortaSum(int a, int b) +{ + int sum = 20; + if ((a+b) >= 10 || (a+b) <= 19) + { + return sum; + } + else + { + sum = a+b; + return sum + } +} +" +cda4fe51399ec07235153baf1eed5885b91c0ca9,"public int sortaSum(int a, int b) +{ + int sum = 20; + if ((a+b) >= 10 || (a+b) <= 19) + { + return sum; + } + else + { + sum = a+b; + return sum; + } +} +" +f9a1b7977fef500506100428328751a38869f95d,"public int sortaSum(int a, int b) +{ + int sum = 20; + if ((a+b) >= 10 && (a+b) <= 19) + { + return sum; + } + else + { + sum = a+b; + return sum; + } +} +" +c5e158d76324587f82bdc0ed8bdc027c100e1155,"public int sortaSum(int a, int b) +{ + if ( a + b <= 19 && a + b >= 10) + { + return 20; + } + else + { + return a + b; + } +} +" +ef5ea9c85fb8606ada730b2a8598900cbb746b0e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; + +} +" +2e8baf0ef4011675502561dc523e7e545d0dc7f9,"public int sortaSum(int a, int b) +{ + int sortaSum = a+b; + if (sortaSum <= 19 &&sortaSum>=10) + { + sortaSum = 20; + } + + + return sortaSum; + +} +" +3c82667dd33d00795c891551bfd6129dafaea9c6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +ce5f61c44ea50ebd537e23ec6e880a2df2a2e4a3,"public int sortaSum(int a, int b) +{ + int c = a + b; + if ( c > 9 && c < 20) + { + c = 20; + } + return c; +} +" +4ea50a03898402ae30a1482e96a49a7595f5279b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum == 10 || sum == 11 || sum == 12 || sum == 13 || sum == 14 || sum == 15 || sum == 16 || sum == 17 || sum == 18 || sum == 19) + { + return 20; + } +} +" +9cb52155d1efac3261d265ff720719b9f3c7cd3c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum == 10 || sum == 11 || sum == 12 || sum == 13 || sum == 14 || sum == 15 || sum == 16 || sum == 17 || sum == 18 || sum == 19) + { + return 20; + } + return 20; +} +" +184ecf10ff6066512088c7b8d54509426ef658a1,"public int sortaSum(int a, int b) +{ + int c = 0; + c=a+b; + if(c>=10 && c<=20) + c=20; + return c; +} +" +d611c4299f99b90596277bd056c6bfb303409fbc,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; + +} +" +47a8e401badf8009a39dfaf64d3bfde2af5b4445,"public int sortaSum(int a, int b) +{ + if ( a + b > 10 && a + b < 10) + return 20; + else + return a + b; +} +" +76106bdb5b225d07ef7948cc81cea2dfe3a0322b,"public int sortaSum(int a, int b) +{ + if ( a + b > 10 && a + b < 19) + return 20; + else + return a + b; +} +" +3ad83c0ccb909d2287ce038cacfe7026556f4a4e,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +ea7d39b11d2e5134270ff9bf5b087ea687424ce5,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +9edf857bf3502301084cff95ea6fce29b45ed9fa,"public int sortaSum(int a, int b) +{ + if ((a + b) > 9 || (a + b) < 20) + { + return 20; + } + else + { + return (a + b); + } +} +" +31c88e5ef7ec72d93b076d44b3fd937f752669b0,"public int sortaSum(int a, int b) +{ + if ((a + b) > 9 && (a + b) < 20) + { + return 20; + } + else + { + return (a + b); + } +} +" +67164bcaffda06b5e82e9e27e76f50d445897fb2,"public int sortaSum(int a, int b) +{ + int c = a + b; + +} +" +9ca063949855278f680e27dedc248c6dc2910b8b,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + return c; + } + else + { + return 20; + } +} +" +a79d200a13a713b40d0f47e2fdda07849cffb9da,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } +} +" +e2fb05cbfc96b4aa56f7eacc96cc361aeaaa630b,"public int sortaSum(int a, int b) +{ + int result = 0; + + if (a + b >= 10 && a + b <= 19) + { + result = 20 ; + } + else + { + result = a+b; + } + + return result; +} +" +9bb93cf85a0e07f0428b451b5940463ad9bf0f19,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum == 10 || sum == 11 || sum == 12 || sum == 13 || sum == 14 || sum == 15 || sum == 16 || sum == 17 || sum == 18 || sum == 19) + { + return 20; + } + return sum; +} +" +b0e02ba4d5b03b659b602e4ec390877116d82853,"public int sortaSum(int a, int b) +{ + if(amount<=9) || (amount>=20) { + return sum + } + else { + !return + } + + return sortaSum === 20 + +} +" +e0c9b15a01d7c36d3d1890f49efb0b41e08c6c94,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +61b820da777d06534fd0ecedbe3b1fd6e4ae87ae,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c < 10) + return c; + else if (c > 19) + return c; + else + return 20; +} +" +dabb6c88956eefa2a8f61db122a76401d98aa717,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +60d2a07fab0a503968967379989901150fa60e4f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +e84149c5aff70a3ffcc97ad645b48e6f953d673d,"public int sortaSum(int a, int b) +{ + value = int a + int b + if(value<=9) || (value>=20) { + return sum(); + } + else { + !return(); + } + +} +" +0361abec1134e06988fab72d54491b7626066511,"public int sortaSum(int a, int b) +{ + value = int a + int b + if (value<=9) || (value>=20) { + return sum(); + } + else { + !return(); + } + +} +" +3fdc810b586878e2d80003e0db3ee55c23d7f30d,"public int sortaSum(int a, int b) +{ + int sum = a +b; + if (sum >=10 && sum<= 19) + return 20; + else + return sum; +} +" +61669a06eab12cc61ed161ed58751d42154829c8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum>=10 && sum<=19) + return 20 + else + return sum; + +} +" +bbdef649e457f7d8393e53ca695f02bb2e28fe3f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum>=10 && sum<=19) + return 20; + else + return sum; + +} +" +3eb1dca299ec8157dd4109f8d5f4e80e3fb98fbd,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20 + else + return false +} +" +5b7a7a6195d3969a6f5c9abffcc701f75f0f2bac,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b +} +" +ea59dfcfe931d93e2b1d4609cd620e918baf98f7,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +8c175d2618b60488762a15784f1316002d35961b,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +d043ef9ec308da4ebdf658c8a0f6663b08a1487c,"public int sortaSum(int a, int b) +{ + sum = int a + int b + if (sum<=9) && (sum>=20) { + return sum(); + } + else if (sum>=10) || (sum<=19) { + !return sum(); + } + +} +" +163d11eeb4360d751d22298415179291b9b08a69,"public int sortaSum(int a, int b) +{ + int sum = int a + int b + if (sum<=9) && (sum>=20) { + return sum(); + } + else if (sum>=10) || (sum<=19) { + !return sum(); + } + +} +" +8d0012d1ef9223540dbfac67d6b17477dadaecf7,"public int sortaSum(int a, int b) +{ + int sum = a + b + if (sum<=9) && (sum>=20) { + return sum(); + } + else if (sum>=10) || (sum<=19) { + !return sum(); + } + +} +" +11e3989656e9e54e4d4a16457ace5c958e701bdd,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum<=9) && (sum>=20) { + return sum(); + } + else if (sum>=10) || (sum<=19) { + !return sum(); + } + +} +" +86f34d981f90aa58145654db93bea11cb14ec8a4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20) { + return sum(); + } + else if (sum>=10) || (sum<=19) { + !return sum(); + } + +} +" +47040e638d3938bb4a1bedc98408dbd4c75a9300,"public int sortaSum(int a, int b) +{ + int c = a + b; + if(c <= 19 && c >= 10) + { + return 20; + } + else + return c; +} +" +0d22476818bb355c51cf4eb58490e5ee6ff460c7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20) { + return sum(); + } + else if (sum>=10) || (sum<=19) { + return ""20"" ; + } + +} +" +54a6199c6c3857c5630c901c2f00203b7906b873,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + else if (sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +2009405b9bf0dd9fd345e125a3501c10f277a2e1,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +c963e44fb225588f8a302768d602b5c7ac19d04e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + else (sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +b8cd6c28bf73a9f58b7ae7cc9f759d47ac1452f7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + if (sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +600b503b26a66f21e28a51674efe67a5616626cc,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + (sum<=9) && (sum>=20); { + return sum(); + } + (sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +c82fe5638f9250eff9ea8eeecb723d34fc8135c5,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + while (sum<=9) && (sum>=20); { + return sum(); + } + while (sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +ce424fed2ef21d9a6bd5444a8bfe2d25bae8f0a3,"public int sortaSum(int a, int b) +{ + int sum a+b; + if(a >= 10 && a <= 19) + return 20; + + + +} +" +2ba23d79c0c7f70969c7028ac72bcaccd45cfff8,"public int sortaSum(int a, int b) +{ + return sum a+b; + if(a >= 10 && a <= 19) + return 20; + + + +} +" +e7cd0a8e74df17777a345857639f0ed753a32c31,"public int sortaSum(int a, int b) +{ + public int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + if (sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +838a99f701c6faa731e9fa4085206ad1ad773da0,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(sum<=9) && (sum>=20); { + return sum(); + } + if(sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +928efb35240c647b872f6c1293d25130a843dc3f,"public int sortaSum(int a, int b) +{ + if (a + b > 9 && a + b < 20) + return 20; + else + return a + b; +} +" +051e297a82189ef04abb5153c43e9b50164dd2c9,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if(sum>=10) || (sum<=19); { + return ""20"" ; + } + +} +" +c7f93e6645d32207a8e942defe73a6e17fc73ef5,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +7c3f32b047d332e9fc97584f46862802356524e2,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + return 20; + else + return a + b; +} +" +14cfb4ccb619501845cd6ce0be396f0e9c9f1044,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +da744f6d497e2f55cc4719766f058081bc5d2b73,"public int sortaSum(int a, int b) +{ + int one = a; + int two = b; + int sum = a + b; + if (sum > 9 && sum < 20) + { + sum = 20; + } + return sum; + +} +" +121f30ec775516d5eaf83e93fc94ef379d2508b7,"public int sortaSum(int a, int b) +{ + return int sum a+b; + if(a >= 10 && a <= 19) + return 20; + + + +} +" +13e1bc84c29d6782817a53bf229bf22f7115cd15,"public int sortaSum(int a, int b) +{ + int sum() = a + b; + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +c59cea7e4ca5f6f91fe14b2c5f832af1ca1b9490,"public int sortaSum(int a, int b) +{ + int sum = 0; + + sum = a + b + if (sum >= 10 && sum<= 19) + { + sum = 20; + } + return sum; +} +" +2702a2f79d6159737faa088dc19938e3971e98c0,"public int sortaSum(int a, int b) +{ + int sum = 0; + + sum = a + b; + if (sum >= 10 && sum<= 19) + { + sum = 20; + } + return sum; +} +" +2014787280c688e6c1acf697b5d14944b842cd70,"public int sortaSum(int a, int b) +{ + int sum(); = a + b + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +375343c8bb15f448e0f8bbff195ca15656d1f306,"public int sortaSum(int a, int b) +{ + int sum() = a + b; + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +87c1db0710ce18b5122601c7f191080b1777acf1,"public int sortaSum(int a, int b) +{ + int sum = a + b(); + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +8b487336e04a2c630ee84a71b4a9d24cbe75a695,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +ac0e0f5d4a11a87ec302f99461c13c68d07ccd4f,"public int sortaSum(int a, int b) +{ + return int sum = a+b; + if(a >= 10 && a <= 19) + return 20; + else + return sum; + + + +} +" +c9ad4c16fe368ddf95a90d5ec3ac1f1ce7b00713,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(sum<=9) && (sum>=20); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +c201dfac7588c60a942df2fc20e5d5c2a1f2ac4e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +09e31eaaf1b553fb6c0ab0e3b5d5691ea28a2f40,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(a >= 10 && a <= 19) + return 20; + else + return sum; + + + +} +" +eae8f280dd1f8c975bb78e9b9059454a65aaa633,"public int sortaSum(int a, int b) +{ + int sum == a + b; + if (sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +ffd61612a1c172ae66a160981b04c1e66cebf15b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +29c4e7c0d23dc6ec3ec867ae74652ac0855a61f0,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(10 <= sum && sum <= 19) + return 20; + else + return sum; + + + +} +" +324f5a2fe80bd824162ba76705ea676e51409ea8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if ((sum<=9) && (sum>=20)); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +928bd61eb136dca45d1fa00118425b614c4c50c1,"public int sortaSum(int a, int b) +{ + int sum = a + b; + method sum = int a + int b; + if (sum<=9) && (sum>=20); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +2e588907b61b6fff341bf5488ca38ef73593280b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + method sum = int a + int b; + if (sum<=9) && (sum>=20); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +0ae3aa8b9da2773a6a52b84b24285d6ebebae3d7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + method.class sum = int a + int b; + if (sum<=9) && (sum>=20); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +d42e5dc2ef89941f59d521f780c40509da42e41c,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum >=10 || sum<= 19) + return 20; + return sum; +} +" +8d6ec212d2b8ef0291a1ba8a1368b41e231ca64b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +f2fd8540709036dec868c69c0a980749ab1801d1,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + else { + return ""20"" ; + } + +} +" +d18d7a11da4244fb09711201c42194c93a06c446,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + else if { + return ""20"" ; + } + +} +" +7adad39882ff3175dd9aa11703627a202f87859f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + else if { + return ""20""(); + } + +} +" +a485d417d9f2fbe33f6f1962c706bd70808b9fcb,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) && (sum>=20); { + return sum(); + } + else if((sum>=10) || (sum<=19)); { + return ""20"" ; + } + +} +" +021ed20d31e065e83a3ea0832ec81eb2d9b2abd3,"public int sortaSum(int a, int b) +{ + if ((a+b) >=10 && (a+b) <=19) + return 20; + else + return (a+b); + +} +" +c9fa761c91c31ccc8569030b284f5ad4540785f0,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum >=10 && sum<= 19) + return 20; + return sum; +} +" +bff6ccb813179441bd953858bbdcd68ce146a4c7,"public int sortaSum(int a, int b) +{ + if( a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } + + +} +" +23781539fc8abe1c2dbaf2018fad9d535dacc774,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +705fa70890987f2ef4e36dc92d14b057f4008214,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) || (sum>=20) + { + return sum(); + } + if((sum>=10) || (sum<=19)) + { + return ""20"" ; + } + +} +" +6fa8941cb3bf8d7742aa53804500821d9d2836c9,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) || (sum>=20) + { + return sum; + } + if((sum>=10) || (sum<=19)) + { + return ""20""; + } + +} +" +1d10706d8d972d8e1f21eca957e6f1686da7ff3e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) || (sum>=20) + return sum; + + if((sum>=10) || (sum<=19)) + { + return ""20""; + } + +} +" +cbe5ed474673b44f0db9b74ffc6fc724a886c679,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9) || (sum>=20); + return sum; + + if((sum>=10) || (sum<=19)) + { + return ""20""; + } + +} +" +a1a1f1aee04ad63e00740f72f9b74befae3760eb,"public int sortaSum(int a, int b) +{ + return (a + b >= 10 || a + b <= 19)?20:(a + b); +} +" +beac406ab98effcaea665e74b6f253b34a77c131,"public int sortaSum(int a, int b) +{ + return (a + b >= 10 && a + b <= 19)?20:(a + b); +} +" +f39d963fa6aba704808a1603eda2e60c071d6e91,"public int sortaSum(int a, int b) +{ + int sortaSum = a + b; + + if (sortaSum<=9) || (sortaSum>=20); + return sum; + + if((sum>=10) || (sum<=19)) + { + return ""20""; + } + +} +" +3e47e0dc34256834a5d3536d897ebb61e0c6331c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + if (sum>=10 || sum<=19) + { + return ""20""; + } + +} +" +e68392964cbd0c7936c098bc6e9838068128eb09,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + if (sum>=10 || sum<=19) + { + return 20; + } + +} +" +791d5ed185bea124e619ef6a5c840a897d1fea31,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else (sum>=10 || sum<=19) + { + return 20; + } + +} +" +c8f6b9e50e349d09761d19b7591d10af73cf55d9,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } + +} +" +f2d11dfd1eaa106b9ab73c36c5a0e8cef33f2b3e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } + +" +802243e18c9321f301aa5a2e20a5cef1f22d16e0,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } +} +" +ca156fcec5428c36e950b2c027afe9545dfedcac,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } +return } +" +da214a5075a2103c6e6e2bb5cf4173882377d7cc,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } + + else + { + return sum; + } +} +" +2f76ab3b737e95c9c0520375a9714b1ec09310a6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } + + else + { + return sum; + } +} +" +c68fdaf92ed42048595fc16e483def4454dd838a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum>=10 || sum<=19) + { + return 20; + } + + else + { + return sum; + } +} +" +e1f7b8c9a9da1d3e56a333200df8b1d1952d4fe6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum<=9 || sum>=20) + { + return sum; + } + + else if (sum>=10 || sum<=19) + { + return 20; + } + + else + { + return sum; + } +} +" +f19dd2127be98b55334d4b9674819ba3414106a1,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b<=20) + return 20; + else + return a+b; + +} +" +f4ece6e0fecdefebbc0d16a5090ed3ed58a14e7f,"public int sortaSum(int a, int b) +{ + return (a + b >= 10 && a + b <= 19) ? 20 : a + b; +} +" +6917723de1ca214ab0e964e050b3126f6ca216ac,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +1ad30a874eeb03cb986ea7b4e888c4dd832c3fdd,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + return a + b; +} +" +d60a36d057b2c882a7b08b84f8ad8973d024fa4e,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b<=19) + return 20; + else + return a+b; + +} +" +ed5206c18708519061da40b9939e45b657af5957,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b<=19) + return 20; + else + return a+b; + +} +" +29eb5eeabf47b0e1a73c9ca3ca577c96cff1bba1,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + return a + b; +}" +2dbb7d8cf76da1dd2d78d88e33b23f58f43da1ec,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 10) + { + return 20; + } + else + { + return (a +b); + } +} +" +62d31dc1d181609f1ad5028901c8db29d61ea2b8,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + { + return 20; + } + else + { + return (a +b); + } +} +" +72bff4085945ca34d56e4b85750436f69ad2da7a,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + { + return 20; + } + else + { + return (a +b); + } +} +" +2fb66a20b7a7183e6d432a88c5b195433c65382a,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return (a +b); + } +} +" +0095bd6f54b062e3ea27fd1ea324fad27e6a9475,"public int sortaSum(int a, int b) +{ + int sum = a + b + if (sum >= 10 && sum <=19) + { + return 20; + } + else + { + return sum; + } +} +" +494b9e93bc6eb53d3c3c74c5e3c520567330607e,"public int sortaSum(int a, int b) +{ + int sum == a + b + if (sum >= 10 && sum <=19) + { + return 20; + } + else + { + return sum; + } +} +" +727acefbbbb3438da5977f69a45ec6d5b1f08592,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <=19) + { + return 20; + } + else + { + return false; + } +} +" +b2d77c15b825d8331cc779dac110748a0af800f8,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <=19) + { + return 20; + } + else + { + return a + b; + } +} +" +3cee103289cdd488f3105974eac0747a47d99969,"public int sortaSum(int a, int b) +{ + int sum = a+b; + int answer = 0; + if (sum >= 10 && sum <= 19) + { + answer = 20; + } + else + { + answer = sum; + } + +} +" +c943a9b72a765503a790a7e081823a9840d73792,"public int sortaSum(int a, int b) +{ + int sum = a+b; + int answer = 0; + if (sum >= 10 && sum <= 19) + { + answer = 20; + } + else + { + answer = sum; + } + return answer; +} +" +d246a29db69f6ac9912c19edea751dc031405e15,"public int sortaSum(int a, int b) +{ + + + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return; + } +} +" +2e2e8076a52a34d1868bc81f84baf77d8cbc4423,"public int sortaSum(int a, int b) +{ + + + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +809b43e940fcd5f8e039cd7d7a010aa86955261e,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >=10 || sum <=19) + return 20; + else + return sum; +} +" +9f332d497c5279c88c9e6bf86ad61d8a903a62b2,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >=10 || sum <=19) + return 20; + else + return sum; +} +" +0f3cdaef00de6b525a0c72d1f739362ced1a8167,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <=10 || sum >=19) + return 20; + else + return sum; +} +" +313248dc63d11bce25f6765d77dea04e4f855094,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >=10 && sum <=19) + return 20; + else + return sum; +} +" +711d9a58243d7f9d0614d40907a578a5d17825ad,"public int sortaSum(int a, int b) +{ + if(a+b >=10 && a+b<=19) + return 20; + else (return a+b;) +} +" +b9dff7d011c07ad73ed43b30623a2c5a94c03896,"public int sortaSum(int a, int b) +{ + if(a+b >=10 && a+b<=19) + return 20; + else return (a+b); +} +" +251846217b2030468eb7366af8225dca2b2285f9,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + { + return 20; + } + return a + b +} +" +9168269e62eec3d2cc6abee104600936fad07115,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + { + return 20; + } + return a + b; +} +" +510418026f314e025125a08d254004a442c82a97,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + return a + b; +} +" +60a3aaccfe74049950fe594dec1556484f1a80eb,"public int sortaSum(int a, int b) +{ + sum = a + b; + + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + return sum; +} +" +fd83e92c574160644d0e7fdaad03ffc68ffd7fa8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + return sum; +} +" +c29a67edf08730a220e8ab59b6a7686e02e146f9,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + else + { + sum = a + b; + } + return sum; +} +" +9eac178c01f9e6330d3ee209221b2ba8d67be84c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 || sum <= 19) + { + return ""20""; + } + else + { + return sum; + } +} +" +296816266a7197c8dfad8fb635c93fcb47eacd18,"public int sortaSum(int a, int b) +{ + int sum = a + b; + int forbidden = 20; + + if (sum >= 10 || sum <= 19) + { + return forbidden; + } + else + { + return sum; + } +} +" +7bcde4b8ff821491a62a1a6982950175f3e395e6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + int forbidden = 20; + + if (sum >= 10 && sum <= 19) + { + return forbidden; + } + else + { + return sum; + } +} +" +2064291eae8193fd3dd14108104950de0cdb12eb,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + { + return (20); + } + else + { + return (a + b); + } +} +" +f4b31dd19e27c89930fa8b66d110da976a89d18d,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return (20); + } + else + { + return (a + b); + } +} +" +7a21deccc23897c1f106cc3557f90cdd972f7277,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +15144c946ff142acf60a3d36566326feab58f6be,"public int sortaSum(int a, int b) +{ + int sortaSum; + + if ((a + b >= 10) && (a + b <= 19)) + { + sortaSum = 20; + } + else + { + sortaSum = a + b; + } + return sortaSum; +} +" +0b4a33dfead1e8c7b62bf22e0d0d89f49f9c00c5,"public int sortaSum(int a, int b) +{ + sum = a + b; + if ((sum >= 10) || (sum <= 19)) + { + return 20; + } + else + return sum; + +} +" +75642de5c68acf67167ee242974137acd674cc19,"public int sortaSum(int a, int b) +{ + if (a + b > 9 && a + b < 20) + { + return 20; + } + return a + b; +} +" +1838a08a68abfe1c4826118fc010e1e1f7bfef4d,"public int sortaSum(int a, int b) +{ + + if (((a + b) >= 10) || ((a + b) <= 19)) + { + return 20; + } + else + return (a + b); + +} +" +4e10b7ea4802cc493f9199f1ac609dd44668b2a7,"public int sortaSum(int a, int b) +{ + + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else + return (a + b); + +} +" +0dc0c704d1aa187d40f65fffe193326861f55dc8,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (10 <= sum && sum <= 19) + { + sum = 20; + } + return sum; +} +" +004ff8959b85e1da5dcd01a8770fca1ee65c9ad8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +c09c8f70c5ca87112cf51ca4b58243c1b183e5e0,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +655fc921397f1a1a10cc04534ba3afac9a55bb28,"public int sortaSum(int a, int b) +{ + int sum = 20; + sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +47971ac182e86503feb82e6bc97b1216084ae299,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +ccb64ab6de6fba97bd53b3f1bfa0e294c670b8f8,"public int sortaSum(int a, int b) +{ + if(a+b==20) + { + return a+b; + } + +} +" +1a9264e3c1f73f31d4a4bd3a543f4823086a272c,"public int sortaSum(int a, int b) +{ + if(a+b==20) + { + return a+b; + } + else + { + return 20; + } + +} +" +ede175e5740e2f1e0b4f27444477a9f51bb46589,"public int sortaSum(int a, int b) +{ + a + b == 20; + return a + b; +} +" +9efe62e6a7357dd2e52e33f8b7bc3bcefd1013ed,"public int sortaSum(int a, int b) +{ + + return a + b == 20; +} +" +103aa06e0381999eb7e92bfb5715024df27553b4,"public int sortaSum(int a, int b) +{ + if(a+b>==10 && a+b<==19) + { + return 20; + } + else + { + return a+b; + } + +} +" +c4a8c399a203c06378e4681cf03a78674c6371e0,"public int sortaSum(int a, int b) +{ + if(a+b>=10 && a+b<=19) + { + return 20; + } + else + { + return a+b; + } + +} +" +7a1cc1ddefdc69109d91cb766ec4e19e691dd6b2,"public int sortaSum(int a, int b) +{ + int a <= 10 + int b <= 10 + return a + b; +} +" +9ef56c760dda9a3cfb3c4c60f72943a898f56132,"public int sortaSum(int a, int b) +{ + int a <= 10; + int b <= 10; + return a + b; +} +" +157ba52247bc051af7341eae1caebcc7af295302,"public int sortaSum(int a, int b) +{ + int sum = a + b; + +if(10 <= sum && sum <= 19) +return 20; + +return sum; +} +" +8afa9a30a0cb51a9a0810b9f24a8ce07a53c3571,"public int sortaSum(int a, int b) +{ + if(a+b>=10 && a+b<=19) + return 20; + else + return a+b; + +} +" +747e1f30ded2451b8f85f39a993d2b5ff7c29a8f,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && <=19) + { + return 20 + } + return c; +} +" +aa1e41af36722deb68446f270632b01a7e1ee262,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && <=19) + { + return 20; + } + return c; +} +" +3d40a3b21b4051da4acf0838b1aa74821360fc38,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <=19) + { + return 20; + } + return c; +} +" +b78907ce55c6d095c509b8d59a0fdca3eb1bc521,"public int sortaSum(int a, int b) +{ + int c = a+b; + + if(c >= 10 && c <= 19) + { + return 20; + } + return c; +} + +" +ddd5097ce5c91f1f1a0c053fba2f5a52d968faa9,"public int sortaSum(int a, int b) +{ + int sum = a + b + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +52d1c9ad999a002149223a9a8c8ddcecdcdacb3a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +b2b3404438a6467291ef8d07f2f97e5023c3ef24,"public int sortaSum(int a, int b) +{ + if (a+b>=10||a+b<=19) + { + return 20; + } + else + { + return (a+b); + } + +} +" +5c2b0ac99e72502cfbeb85b147eeceaae4b65d12,"public int sortaSum(int a, int b) +{ + int sum=0; + sum = a+b; + if (sum>=10||sum <=19) + { + return 20; + } + else + { + return sum; + } + +} +" +8dd0ea4aa40c9c74b0f4a3dddd8ecdfabf898186,"public int sortaSum(int a, int b) +{ + sum = a+b; + if (sum>=10&&sum <=19) + { + return 20; + } + else + { + return sum; + } + +} +" +826eebb2c8a3a5b9947ab73bb253b4486620423e,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a+b; + if (sum>=10&&sum <=19) + { + return 20; + } + else + { + return sum; + } + +} +" +4d61a712f0bc852be0e76de742142ea75c101fa3,"public int sortaSum(int a, int b) +{ + sum = a + b; + + if (sum >= 10 || sum <= 19) + return 20; + else + return sum; + +} +" +6ccaf37a8d9757fc57014287316ecd9409820fe7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 || sum <= 19) + return 20; + else + return sum; + +} +" +6d28c2c7d8ac1228f3df643522741d50e1f0ad12,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) + return 20; + else + return sum; + +} +" +db4d1976e17ee3a5ef0804ed4a7b46d605ad1811,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +3533b75646624a7005c1d11966574ae2b819903d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +0f7dac39cb7a0c647f2826e5e6ed477fea634ee2,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +f54b5e64eb96372e1a476dbaaf9f07bca0917ed6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +8f5584a51d7035bc6b1cce08fc1ad5a7780a11cc,"public int sortaSum(int a, int b) +{ + if (a + b > 19) + { + return sortaSum; + } + if (a + b < 10) + { + return sortaSum; + } + else + { + return 20; + } +} +" +923e8837ef01f684085aaccd53234d5030d983da,"public int sortaSum(int a, int b) +{ + if (a + b > 19) + { + return a + b; + } + if (a + b < 10) + { + return a + b; + } + else + { + return 20; + } +} +" +ec7c0ac5839aeb880cccbcb29d3ac7a379022c2f,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum >=10 && sum<=20) + { + return 20; + } + else + { + return sum; + } +} +" +69ba1c3d319caa2d6cce585e79842120fd423887,"public int sortaSum(int a, int b) +{ + if (a + b < 10) + { + return a + b; + } + if (a + b > 19) + { + return a + b; + } + else + { + return 20; + } +}" +83d872a98e1ddf760fa5360a3838362bae2d2b55,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; +} +" +cfd251ed247fe4a6274b4bc421debd1cecd4a8e6,"public int sortaSum(int a, int b) +{ + int sum = a + b; + { + if (sum >= 10 && sum <= 19) + return 20; + } +} +" +dc8484a574f7e2fbcf796b3029307d353008d8e8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + { + if (sum >= 10 && sum <= 19) + return 20; + } + return sum; +} +" +ebbb08356f677594c2987add1fea2cfd648c8706,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(10 <= sum && sum <= 19) + return 20; + + return sum; + +} +" +c3f9d9c89be8302fbf11a1742a2668305b2fcaf4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(10 <= sum && sum <= 19) + return 20; + + return sum; + +} +" +449054b051d8bc90e743f55a92a44cf46238a08a,"public int sortaSum(int a, int b) +{ + if ((a+b) >= 10 && (a+b) <= 19) + { + return 20; + } + else + { + return a+b; + } + +} +" +a9de26d17ee73ad215be7fde3fd6ba521ca5caa3,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + return 20; + } + return sum; +} +" +341204c07a161e0a72c22258369b9d7dc5acf7d4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +5a877af961eb519d88987585f4cb0aaaa7baf909,"public int sortaSum(int a, int b) +{ + if ( a+b =< 10 && a+b =>19 + return 20; + + return a+b; +} +" +c1f06b63b931a5bba7b2eddd353bc98b4f108494,"public int sortaSum(int a, int b) +{ + if ( a+b =< 10 && a+b =>19) + return 20; + + return a+b; +} +" +382bd78cdc86ee28886b7c98f3457774cd77f8ec,"public int sortaSum(int a, int b) +{ + int sum; + sum = a + b; + if (sum >=10 && sum<=19) + return 20; + else return sum; + +} +" +490395eb050cd1f2c67e4f7e8d12885aa5f4376c,"public int sortaSum(int a, int b) +{ + if (a+b>=10 && a+b<=19) + return 20 + else + return a+b; + +} +" +0d79a6e557b60f96980b598620c477baeada864c,"public int sortaSum(int a, int b) +{ + if (a+b>=10 && a+b<=19) + return 20; + else + return a+b; + +} +" +bf0da544ab83ed523d583b1455c98c00e984a358,"public int sortaSum(int a, int b) +{ + if (a+b == 10 || a+b ==19) + return 20; + + return a+b; +} +" +d01ef0afb0f64d6e0eddceacd0029e66d9997387,"public int sortaSum(int a, int b) +{ + int answer = 0; + if (a + b < 10 && a + b > 19) + { + answer = a + b; + } + else + { + answer = 20; + } + return answer; +} + +" +ca1f9cf6157331ddb371c22ed44a7af4142b50ae,"public int sortaSum(int a, int b) +{ + int answer = 0; + if ((a + b) < 10 && (a + b) > 19) + { + answer = a + b; + } + else + { + answer = 20; + } + return answer; +} + +" +a1bd957959fea40d4c6476e811b9d9a672c14a67,"public int sortaSum(int a, int b) +{ + int answer = 0; + if ((a + b) < 10 || (a + b) > 19) + { + answer = a + b; + } + else + { + answer = 20; + } + return answer; +} + +" +d9d9de2c6e5092e18602a6fa56e842e3a32d3918,"public int sortaSum(int a, int b) +{ + if (a+b == 10 || a+b ==11 || a+b == 12 || a+b ==13 ||a+b == 14 || a+b ==15 || a+b == 16 || a+b ==17 || a+b == 18 || a+b ==19) + return 20; + + return a+b; +} +" +da889825c78a08ee41c715aa2a998505c16e9026,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) { + return 20; + } else { + return a + b; + } +} +" +0c0c6ed2fa5400fc7e809b2645d28e2fe03f1e92,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if(sum >= 10 && sum <= 19) + + return 20; + + return sum; +} +" +22f5bfdffbfe6f621706d2034142fc5c4c349ff8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +27ef9781f38fa42581c114e25bd04a2e212c7406,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; +return sum; +} +" +93a76f8f7be8440673c3bc259b5c712c88ebf31b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +4ccb99025583b0e061ff4e6afc39149c82083493,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 || a+b <= 20) + return 20; + else + return a+b; +} +" +a7e533db9851007942ab3e07345989db48754706,"public int sortaSum(int a, int b) +{ + if (a+b >= 10 && a+b <= 20) + return 20; + else + return a+b; +} +" +22fd1a9e989bd9038bd4f20c7cbd262abbf7d0fc,"public int sortaSum(int a, int b) +{ + int c = a + b + if (c >= 10 && c <= 19) + { + retrun(20); + } + else + { + retrun(c); + } +} +" +956825b411a68e99e836728ec87453186f560664,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + retrun(20); + } + else + { + retrun(c); + } +} +" +7606eb2d85dea1c0ce9d0e6a57dbdb76bbb9b9eb,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c >= 10 && c <= 19) + { + return(20); + } + else + { + return(c); + } +} +" +e5a14600da94a040d6e95f8d89f52eddff517403,"public int sortaSum(int a, int b) +{ + if (a >= 13 && a <= 19 || b >= 13 && b <= 19) + return 19; + return a + b; +} +" +f3214b7f53068e76535d502e8c024f0c4b99ad55,"public int sortaSum(int a, int b) +{ + if (a >= 13 && a <= 19 || b >= 13 && b <= 19) + return 19; + return (a + b); +} +" +936875daafdf59534e6d3ffc51aa4f550d527dcc,"public int sortaSum(int a, int b) +{ + if (a + b > 19 && a + b < 10) + { + return(sum); + } + else + { + return(20); + } +} +" +af14542df004a5ebc1b726f0adcdc769cd42b18e,"public int sortaSum(int a, int b) +{ + int sum = a + b + if (a + b > 19 && a + b < 10) + { + return(sum); + } + else + { + return(20); + } +} +" +386ea403fed8cca55f27dd511918fcb4353bfb3a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (a + b > 19 && a + b < 10) + { + return(sum); + } + else + { + return(20); + } +} +" +8399546117af66f37dd29a9d72e5bcf58850b6ff,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return a + b; + } + else + { + return 20; + } +} +" +9269580e3704c32cd066eb466ef6d7d97cd426e1,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (a + b < 19 && a + b > 10) + { + return(sum); + } + else + { + return(20); + } +} +" +6b9f3038f2a5047e6474fb1d47f95eedc9cd4157,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return (a + b); + } + else + { + return 20; + } +} +" +a01b00a4949b7f27d2a0c6c85d34c84c4f9f7084,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20 + } + return ((a + b)) +} +" +bbabac684fdab9bb65092db452f29e7b13817586,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + return ((a + b)); +} +" +e7793eddc2d7caee087c45aa9a886712193a0879,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (a + b < 19 && a + b > 10) + { + return(20); + } + else + { + return(sum); + } +} +" +7e3f49b2bd55043170479a66bfac2a3fac93bb6b,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else + { + return a + b; + } +} +" +60d43ffa68cd80e41905cd3af5d1e513eba2e180,"public int sortaSum(int a, int b) +{ + if (((a + b) >= 10) && ((a + b) <= 19)) + { + return 20; + } + else + { + return a + b; + } +} +" +c394cc24e5739dce498d4fbe79e7d613bfd58a9e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (a + b =< 19 && a + b >= 10) + { + return(20); + } + else + { + return(sum); + } +} +" +7e2f9baefd114d950bf34c0601499ba5a56e79ac,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum =< 19 && sum >= 10) + { + return(20); + } + else + { + return(sum); + } +} +" +e0550ffae869df0caa551c0f84b18472ef48b257,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 19 && sum >= 10) + { + return(20); + } + else + { + return(sum); + } +} +" +e77de4e67ecd9c84c4f92e93ed7bc96eff4b9e16,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +9139a97080915ff5d5e480599991914575fd0afb,"public int sortaSum(int a, int b) +{ + if (a+b>=10 && a+b<=19) + { + return 20; + } + else + { + return a+b; + } +} +" +2bbca39031fc7ad0df11afa9693c856e1f255f19,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 && a + b <= 19) + { + return(20); + } + else + { + return(a + b); + } +} +" +d81e0a14e183c42feae8a3483460af2ddf536716,"public int sortaSum(int a, int b) +{ + if (a+b==10||a+b==11||a+b==12||a+b==13||a+b==14||a+b==15||a+b==16||a+b==17||a+b==18||a+b==19||) + return 20; + else + return a+b; +} +" +bd829fa806d15001177def0187e4a8bb153e13e7,"public int sortaSum(int a, int b) +{ + if(a+b==10||a+b==11||a+b==12||a+b==13||a+b==14||a+b==15||a+b==16||a+b==17||a+b==18||a+b==19||) + return 20; + else + return a+b; +} +" +39cc303090b95a80796da742ed7e1b3cd1e8dfc6,"public int sortaSum(int a, int b) +{ + if(a+b==10||a+b==11||a+b==12||a+b==13||a+b==14||a+b==15||a+b==16||a+b==17||a+b==18||a+b==19) + return 20; + else + return a+b; +} +" +2e9dacbd983ae68a9ef36cc66983beeee0bfc8a9,"public int sortaSum(int a, int b) +{ + +int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} + +" +9b712d23f7ba6247b94c63cdba39c8189a09dab0,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum =< 19) + return 20; + else + return sum; +} +" +5989977c844b401669ffa760dd0a892da72faf58,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +93f9554bd78b275f7604b1a7f50c4cd94ff04fe3,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20 + else + return a + b + +} +" +20d2291fd00d47109402d619b7a40cf9184caf88,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; + +} +" +106da41633e101a00543bf88ecbbe5ed9cc5e508,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (10 <= sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +0a123ba06224eb2932be7c44f6c7d31b40aa8e5b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (10 <= sum && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +244a03cfa28bdcf2cda0de3ec6ba549899d31bcf,"public int sortaSum(int a, int b) +{ + if (a + b) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } + +} +" +fcf11a685dbc554140f143edbfbf96fe63b250e3,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <== 19) + { + return 20 + } + else + { + return a + b; + } + +} +" +601e20ab6de26c6cd0f7afe92e0cf0bc458dcbf9,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 || a + b >= 10) + { + return 20; + } + else + { + return a + b; + } +} +" +6163b6181d195b63b82907c52763dca767742e0c,"public int sortaSum(int a, int b) +{ + if (a + b >0) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } + +} +" +4ea5c131fccb3d6fda69ef4990f41599a81cf9f3,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20 + } + else + { + return a + b; + } + +} +" +d8434ea769fd87738a38c85ea56ff942298d6eca,"public int sortaSum(int a, int b) +{ + if (a + b >0) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +b050ba8c2b3dc73fab47ce6aee11c46bcc81fa02,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) + { + return 20; + } + else + { + return a + b; + } +} +" +0d7eeaf6837befdba0ce9a13cf5a2d576d5c22d4,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } + +} +" +9d96c741b940c592a7190ff04254925582218274,"public int sortaSum(int a, int b) +{ + if (a + b == ""sum) + { + return ""sum; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +e1e6ddc3547a969126dfcbca9c047001429a8a2c,"public int sortaSum(int a, int b) +{ + if (a + b == ""sum"") + { + return ""sum; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +e23513996d548e4be457fab80843dcf68d52448e,"public int sortaSum(int a, int b) +{ + if (a + b == ""sum"") + { + return ""sum""; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +61705bfd5a5b9bf82e4d10be405cc3a01e829d51,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a +b <= 19) + return 20; + else + return a + b; +} +" +f01af0b0398c9fedb72d58d8e8f3d499743185de,"public int sortaSum(int a, int b) +{ + if (a + b == sum) + { + return sum; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +b96b8739ab4ef9a9321af5279823a7b4d4e06578,"public int sortaSum(int a, int b) +{ + if (a + b > 0) + { + return sum; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +922acf1260fb82327e7c073ad02a45b1af98e797,"public int sortaSum(int a, int b) +{ + if (a + b > 0) + { + return a +b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +14169fa5cf7228ed6bc8ea2218a09d6b346ae3e8,"public int sortaSum(int a, int b) +{ + if (a + b > 0) + { + return a +b ; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +ab99c9c3294643b59740778db156988cd1e6a823,"public int sortaSum(int a, int b) +{ + + if (a + b > 0) + { + return a +b ; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } + +} +" +81af36398caeaf654ca28a6d215fa20a79253314,"public int sortaSum(int a, int b) +{ + if (a + b < 10 && a+b > 19) + { + return a +b ; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +8421dcffcd882bfca9cb5bc87f4a0cf3ff4df83d,"public int sortaSum(int a, int b) +{ + if (a + b < 10 && a+b > 19) + { + return a +b ; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +63a139a861faa2bd1bcfc06de1931f5eca7d35ce,"public int sortaSum(int a, int b) +{ + if (a + b < 10 && a+b > 19) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +} +" +84d3540ac0419018bc6e9f99757e26d6735c4305,"public int sortaSum(int a, int b) +{ + if (a + b < 10 && a+b > 19) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } +}" +94e2a9d0ebc0e4b4d0099dfc237796d5dfb6efea,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) || (a + b <= 19)) + { + return false; + } + else + { + return true; + } +} +" +72209880bf009b7960428bf227f1ba502af9a90d,"public int sortaSum(int a, int b) +{ + if (a + b < 10 && a+b > 19) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a+b + } +}" +c1502bbf60171a05e738c69d258aa954dbdfc485,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +d043b52df755b49ca438a9298146dad9e4dc12cf,"public int sortaSum(int a, int b) +{ + if (a + b < 10 && a+b > 19) + { + return a+b; + } + else if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a+b; + } +}" +fcb643a5d445d9fe176ac9faaf936a91f2eaab0d,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) && (a + b <= 19)) + { + return false; + } + else + { + return true; + } +} +" +0f1307faba3541f9b63990b383d22fe22695b2d8,"public int sortaSum(int a, int b) +{ + if (10 <= (a + b) <= 19) + { + return 20; + } +} +" +597f4b66e7c76a85285f0fcd7e669b8e9fbd2ca8,"public int sortaSum(int a, int b) +{ + if (10 <= (a + b) && (a + b) <= 19) + { + return 20; + } +} +" +5d49f982bc69706d95763ea6e6fe3d154f723848,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum<10 || sum > 19) + { + sum = sum; + } + else + { + sum = 20; + } + return sum + +} +" +463d4b42ec5faac156425424659faf9b3fa1aa79,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum<10 || sum > 19) + { + sum = sum; + } + else + { + sum = 20; + } + return sum; + +} +" +12d10a9da25906637c7b0b75a5c58ced7e8257fc,"public int sortaSum(int a, int b) +{ + int sum = (a + b); + if (10 <= sum && sum <= 19) + { + return 20; + } + return sum; +} +" +f0965dc5b01333c0db74c3b81e48129583709ad9,"public int sortaSum(int a, int b) +{ + int sum = (a + b); + if (10 <= sum && sum <= 19) + { + return 20; + } + return sum; +} +" +a5a88f3bc8488b4b864ed3ac66db73ecab2efd71,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) && (a + b <= 19)) + { + return 20; + } + else + { + return a+b; + } +} +" +0299f6237da5fede67b188dc96b7e85e4bf0c0ca,"public int sortaSum(int a, int b) +{ + if ((a + b >= 10) && (a + b <= 19)) + { + return 20; + } + else + { + return a+b; + } +} +" +430df9a98731e9b14d3cab6fd94b8a505ec302b1,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) + { + return 20; + } + else + { + return (a + b); + } +} +" +acd6a1780ab3c28d48004ab6f54f4045b2450312,"public int sortaSum(int a, int b) +{ + int sum = a+b ; + if (sum>=10 && sum <= 19) + { + return 20 + } + else + { + return sum + } +} +" +1ae566c84c43a3e2917e9ffab82482f06821fc0a,"public int sortaSum(int a, int b) +{ + int sum = a+b ; + if (sum>=10 && sum <= 19) + { + return 20; + } + else + { + return sum; + } +} +" +aded08a7a213278ab86be5ba604e7e94e209e023,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +becf975620bba39b658c6178b411e9f719df3a63,"public int sortaSum(int a, int b) +{ + int sum; + int add = a + b; + if (add >= 10 || add <= 19) + { + sum = 20; + } + else + { + sum = add; + } + return sum; +} +" +d7af5f6a3d43be0746515f20b9f86240ff6ee608,"public int sortaSum(int a, int b) +{ + int sum; + int add = a + b; + if (add >= 10 && add <= 19) + { + sum = 20; + } + else + { + sum = add; + } + return sum; +} +" +62866bd7acc30774bf581a5cda6357dca01d0fec,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 || sum <= 19) + return 20; + return sum; +} +" +f2456da6752cc154981feb7bc88623b2bcaa5a16,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +b8ba8d55710b43a74070dd8395ad62185e287709,"public int sortaSum(int a, int b) +{ + int sortaSum = 20; + if ((a + b > 19) || (a + b < 10)) + sortaSum = a + b; + return sortaSum; + + +} +" +f8a2394126fb781e3b92aaf4e1236757ad6c9bdb,"public int sortaSum(int a, int b) +{ + if (a+b>=10 || a+b<=19) + { + return 20 + } + else + { + return a+b; + } +} +" +7fe6fbbf5af6ce5185b7d2693bf9fa32e9c7db6a,"public int sortaSum(int a, int b) +{ + if (a+b>=10 || a+b<=19) + { + return 20; + } + else + { + return a+b; + } +} +" +2a9911a7d998d9bf326ccf9de1d98cef1d4886af,"public int sortaSum(int a, int b) +{ + if (a+b>=10 && a+b<=19) + { + return 20; + } + else + { + return a+b; + } +} +" +50dee31a0604a42129d2b0f781b42634399eb31e,"public int sortaSum(int a, int b) +{ + int sum = a + b: + + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +a0b80830d1a9a900016f9a4b5562c99f62f2c2fb,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +c3f3bdf50905c586ab2ab912cf6d155f2ab38a44,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + if (a + b >= 20) + { + return a + b; + } +} +" +43633d511e201c23ea2a8a66ae4bf5c87afcab63,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else if (a + b >= 20) + { + return a + b; + } +} +" +7db10cf38b01f26e1923826cc931acb27648a145,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +9f82c186e9970e9cf5dd1d1f6ab07a832f10b42d,"public int sortaSum(int a, int b) +{ + int sum = a+b + if (sum >= 10 && sum <=19) + return 20; + else + return sum; +} +" +2dfb99c7c06a9abc7965029ba7443467037b1ba6,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if (sum >= 10 && sum <=19) + return 20; + else + return sum; +} +" +22ac83b96c5fd3cbc6b92c01fcf46ca283aea683,"public int sortaSum(int a, int b) +{ + int c = a + b; + if (c < 10 || c > 19) + { + return c; + } + else + { + return 20; + } +} +" +22c469d79eb0b263614e879cec8cb63fe6b1bc31,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a+b <= 19) + return 20 + else + return a+b +} +" +f3a76a3f9116f86df4f175c2571a4cca61e01109,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a+b <= 19) + return 20; + else + return a+b; +} +" +7fc5c09435683f36c3df37f3d2f19145438eba84,"public int sortaSum(int a, int b) { + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +}" +35d38c0292cf5d223370419db7f60505852ed962,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +40f9788b941ffe477d3b0e2cfd5e2f1e7ef62c82,"public int sortaSum(int a, int b) +{ + if ((a + b) <= 19 && 10 <= (a + b)) + return 20; + return (a + b) +} +" +31b99f8be95d00d3523f3b3919edbbda2cad5358,"public int sortaSum(int a, int b) +{ + if ((a + b) <= 19 && 10 <= (a + b)) + return 20; + return (a + b); +} +" +7ad7ad49568e13aa0da882e32b5ca6f3a3d49bb3,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +8314e14ca426ae36ae61614c15a6420423168d92,"public int sortaSum(int a, int b) +{ + sortaSum = a + b + if (sortaSum >= 10 || sortaSum <= 19) + return sortaSum; + else return 20; + +} +" +7e9bfcb7297211bb4b0f821772ae88742f6167a7,"public int sortaSum(int a, int b) +{ + sortaSum = a + b; + if (sortaSum >= 10 || sortaSum <= 19) + return sortaSum; + else return 20; + +} +" +89d06789f3fc6436604426639566c21978e5985f,"public int sortaSum(int a, int b) +{ + + if (a + b >= 10 || a + b <= 19) + return a + b; + else return 20; + +} +" +ce3e08a94f459e9fc492483e7c26b09e5d098245,"public int sortaSum(int a, int b) +{ + + if (a + b >= 10 || a + b <= 19) + return 20; + else return a + b; + +} +" +9773f622629276b66125be4267f6294b4118309e,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + return a + b +} +" +995508322ae2f7c1f04d23454cdd1a09d6698b19,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + return a + b; +} +" +397fbbd62c2fa5a6f52cdcb5cb07da49dc074375,"public int sortaSum(int a, int b) +{ + + if (a + b >= 10 && a + b <= 19) + return 20; + else return a + b; + +} +" +3995c806abe8b83adf8ea7fa72a000147eb69d7f,"public int sortaSum(int a, int b) +{ + a + b = 20; +} +" +3c2a687cededf33dba32013ef9cc6eba8d6b5621,"public int sortaSum(int a, int b) +{ + if sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +e712b2649bbb1ef320629e4475c6fe57b9a190bd,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +1b7b133922040076adc4febcfdc3b01146ecb732,"public int sortaSum(int a, int b) +{ + return 20; +} +" +45be19f8fd7c7bac7aec775db4c2ebbd1987cfb0,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a = b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +470816ed9806bb7811e7af62e6656206b5f6816b,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +8e092ee1be19e5a8e191652400ad5c3d3a76815e,"public int sortaSum(int a, int b) +{ + int sum = 0; + if ((a + b >= 10) && (a + b <= 19)) + { + sum = 20; + } + else + { + sum = a + b; + } + return sum; + +} +" +43fac73fc1fa73faa1726052694a37c8fe5e21fc,"public int sortaSum(int a, int b) +{ + if(isWeekend) + return (cigars >= 40); + return (cigars >= 40 && cigars <= 60); +} +" +fd0f57cad1c3cd1586ee81ee88026b864293f539,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +95ffc66a114c444f6764b343f889977d4471163e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +e702278ba3f1c9ca8174cb862ae17609df3c8b1d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum < 10 || sum > 19) + { + return sum; + } + else if (sum >= 10 && sum <= 19) + { + return 20; + } +} +" +8e8931d15925724f15912b03f2110704f5e42d8d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum < 10 || sum > 19) + { + return sum; + } + else if (sum >= 10 && sum <= 19) + { + return 20; + } + return sum; +} +" +c9dd8f92a07d42bf4ccbaac3e2f162359faa337d,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + return 20; + else + return (a + b); + +} +" +5122d0274d1c3830620dabda51561c57efe52a52,"public int sortaSum(int a, int b) +{ + sum = a + b; + int outputValue; + if (sum >=10 && sum <= 19) + { + outputValue = 20; + } + else + { + return sum; + } + +} +" +79c30d3561d85c7daf37a48ea4db202ff9a81535,"public int sortaSum(int a, int b) +{ + int sum; + sum = a + b; + int outputValue; + if (sum >=10 && sum <= 19) + { + outputValue = 20; + } + else + { + return sum; + } + +} +" +1b5f2b3fbdf6ea924c3fea00e53e98a418e62698,"public int sortaSum(int a, int b) +{ + int sum; + sum = a + b; + int outputValue; + if (sum >=10 && sum <= 19) + { + outputValue = 20; + } + else + { + outputValue = sum; + } + return outputValue; +} +" +81f72aea71eb20b0c5befa0e98a8a629c20dc313,"public int sortaSum(int a, int b) +{ + int sum = 0; + + sum = a + b; + + if(sum >=10 && sum <=19) { + + sum = 20; + + } + + return sum; +} +" +d4d79443a65dca7f2eebfd46d11b9ca7eb58c2dc,"public int sortaSum(int a, int b) +{ + int add = a + b; + if (add >= 10 && add <= 19) + { + return 20; + } + else + { + return add; + } +} +" +f97a6f0a048ff51ccdef26a1a43c9d71fb78d02a,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +c6722d1595d5b48afeb616a74161e4db839fc273,"public int sortaSum(int a, int b) +{ + sum = a + b; + if ((sum >= 10) && (sum <= 19)) + { + return 20; + } + return sum; +} + +" +2794ffda4aa839296e025e9a61a2eb507e750600,"public int sortaSum(int a, int b) +{ + int sum + sum = a + b; + if ((sum >= 10) && (sum <= 19)) + { + return 20; + } + return sum; +} + +" +8cc49f5749885f87d8c9c3fd3ed5a1c683bd4a0e,"public int sortaSum(int a, int b) +{ + int sum; + sum = a + b; + if ((sum >= 10) && (sum <= 19)) + { + return 20; + } + return sum; +} + +" +766c8cbdacaebdef18f3d11bc0a2c04a6a35c040,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum < 10 || sum > 19) + return sum; + else + return 20; +} +" +28121495ae024825483e2a009c0b9cda43b067da,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum < 10 || sum > 19) + return sum; + else + return 20; +} +" +956acbf620baf38946a4ffdd3dd3121297942c90,"public int sortaSum(int a, int b) +{ + if ( a + b > 10) + return 20; + else + return a + b; +} +" +60b8c66b2892fab284f79cc02e43fb580e574c88,"public int sortaSum(int a, int b) +{ + if ( a + b > 9 || a + b < 20) + return 20; + else + return a + b; +} +" +6f45f55cfef19aaa8a680c5848d9ba393fcfbce4,"public int sortaSum(int a, int b) +{ + if ( a + b > 9 && a + b < 20) + return 20; + else + return a + b; +} +" +a8f0f9a7d841d4b00d443cf76626fdc127814835,"public int sortaSum(int a, int b) +{ + if (a >= 10 && b <= 19) + return 20; +} +" +dacc47cca607dd219e2d2775117cc80db37d5129,"public int sortaSum(int a, int b) +{ + if (a > 10 && b < 19) + return 20; +} +" +6b102f2a4b8cb0b78d44514df8d6bf3bf21095fe,"public int sortaSum(int a, int b) +{ + if ((a+b)>= 10 || (a+b) <= 19) + { + return 20; + } + return (a+b); +} +" +e9d36c3978a1924ea9e936cb274ef195c5526f8e,"public int sortaSum(int a, int b) +{ + if ((a+b)>= 10 && (a+b) <= 19) + { + return 20; + } + return (a+b); +} +" +9f942ef997e7a45685bf783addcd142aa1522683,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return (a + b); + } + + + +}" +362a2f0a626da6c1866ddc7e6c299b4172cc1539,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +8118bf9617fc517dd75a8dfd8081575434ba2886,"public int sortaSum(int a, int b) +{ + int value = a + b; + if (value >= 10 && value <= 19) + { + return 20; + } + return value; +} +" +e6536cfc755a1dc7a8e10c2b857cc75a6fa6d48d,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 10) + if (sum <19) + return 20; + else + return num; +} +" +898931b4bed4ef08cab68e82d12be2d87221232a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 10) + if (sum <19) + return 20; + else + return sum; +} +" +2093e5a6fbadbd5819e6c5199741af684cf78989,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 10) + if (sum <19) + return 20; + return sum; +} +" +c5ef1700c38d71d6d29383975252385c3228d023,"public int sortaSum(int a, int b) +{ + int sum = a + b; + return sum; + if (sum > 10) + if (sum <19) + return 20; +} +" +b9b526cefdbebf7e3f7e53801630337a837c70ad,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 10) + if (sum <19) + return 20; + return sum; + +} +" +b8d68a5883101a340fac2ff0f286d03ccc6d1cd8,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 9) + if (sum <19) + return 20; + return sum; + +} +" +e8bc432209ec0fcb994105a8e77e4b98f1062a8a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum > 9) + if (sum <20) + return 20; + return sum; + +} +" +a7e461cc0105f00911fb37b653b27a59c3f342de,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) || (a+b>=10)) + { + return int 10; + } + else + { + return int a+b; + } +}" +c2bc89459f3aee1e7600a4f314f53dafa0818f5e,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) || (a+b>=10)) + { + return int 20; + } + else + { + return value a+b; + } +}" +c1671801a9c8342a7e2512ada793c82887b5f2ea,"public int sortaSum(int a, int b, int c) +{ + c = a + b; + if (c <= 19 && c <= 10) + return 20; + else + return c; + +} +" +c1a79fb8aff56d12b9d14ecb84fdb0d1d2964d94,"public int sortaSum(int a, int b) { + if (a + b >= 10 && a + b <= 19) + return 20; + else return (a + b); + +} +" +043520d8b8d71f81d0c01cc973093724fc886c06,"public int sortaSum(int a, int b) +{ + String sum = ""a+b""; + if ((a+b<=19) || (a+b>=10)) + { + return int 20; + } + else + { + return sum; + } +}" +b63ab52569130e17a41f3f376bdbed54cd4cdfd2,"public int sortaSum(int a, int b) +{ + String sum = ""a+b""; + if ((a+b<=19) || (a+b>=10)) + { + return 20; + } + else + { + return sum; + } +}" +328d7ced64db64f39de922f336c164ef0536cfdd,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b <= 10) + return 20; + else + return (a + b); +} +" +a218d27ea1b6d02ecaf0029dc4f2af1afb3f14bf,"public int sortaSum(int a, int b) +{ + if ((a+b) >= 10 && (a+b) <= 19) + { + return 20; + } + + else + { + return a+b; + } + +} +" +cc2c151e547fada58977ce7fab2868310fdd247b,"public int sortaSum(int a, int b) +{ + if (a + b <= 19 && a + b >= 10) + return 20; + else + return (a + b); +} +" +5e3159fa4eebe4082d7b64a1ac68f8f7190630e6,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) || (a+b>=10)) + { + return 20; + } + else + { + return int a+b; + } +}" +8814e4e5ace3c4eed05282a2ec4d4955ff8dd20f,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) || (a+b>=10)) + { + return 20; + } + else + { + return value a+b; + } +}" +29039d530a6a5f996df8f5d24ab959324b032b1b,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) || (a+b>=10)) + { + return 20; + } + else + { + return int a+b; + } +}" +3b05c0da932073b701c0adccc5e8caff7a440cc7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + + return sum; + +} +" +e7a99c827a4b5c4367c8b88d0c56b42bfd668f9f,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + + return sum; + +} +" +99217a5d38c4d8aafcd69bc627ed4f99f0c130cd,"public int sortaSum(int a, int b) +{ + sum = a + b; + if ((sum) >== 10 && (sum) <== 19) + { + return 20; + } + else + { + return sum; + } + +} +" +6188d305988290ee9de1590fe69a33fd31f59626,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >== 10 && sum <== 19) + { + return 20; + } + else + { + return sum; + } + +} +" +e6a2b610fc12e26268a0cc25a72a76c426a5bfda,"public int sortaSum(int a, int b) +{ + return (a + b >= 10 && a + b <= 19) ? 20 : a + b; + +} +" +8ee52a5db468db66853290afbdc39fb613533246,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + + return sum +} +" +125d799ff0b882ff0cdca73e246d696db516bf11,"public int sortaSum(int a, int b) +{ + sum = a + b; + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + + return sum; +} +" +963cfa6a9437f7d49e89e384801da0153214c55b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + + return sum; +} +" +830c52af67d5afbf538fbec3399f800e27b549d4,"public int sortaSum(int a, int b) +{ + return 20; +} +" +a20bac230fb3164cbd019e69ec6f777ccfa1bab6,"public int sortaSum(int a, int b) +{ + if ((a + b) >== 10 && (a + b) <== 19) + { + return 20; + } + else + { + return a + b; + } + +} +" +de956da64587539d52ec580c0b91737da0120945,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +e5b631531c5878a4fd7fdb97a63892963947ebda,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + + return sum; +} +" +525db6b55adc2b078cf187cbc29a4d29aa9d5d0a,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return a + b; + } + +} +" +29825befface45eb272b5c5dc1788932771e83a7,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >=10 && sum <= 19) + { + return sum; + } + + else + { + return 20; + } +} +" +a13b97f7038ae6d1df86adf0f1d68b303844540a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >=10 && sum <= 19) + { + return 20; + } + + else + { + return sum; + } +} +" +596d5fe3f6e29570cdfe179dd834b0547dfc5cbf,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +79792a5b4d76f04a6b74a8eb6014db01e4a84a1b,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +3609e8cca7b7e0e1705dcc040c7fa214458e278d,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return a + b; +} +" +e2d85b8875332d883029060d8446b7ba53214cae,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +098381a6e30d069d945bcaa979a6c5c927762bc3,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 9) + return 20; + return sum; +} +" +4ccb51df7ae1a1b72ea91ca96cbd69d5dc18a604,"public int sortaSum(int a, int b) +{ + return sum; + +} +" +da95a6868de67973bb6159ebd2a72155766ec58b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +be4c765a74583d126b05728deb0b19198bfe2762,"public int sortaSum(int a, int b) +{ + return(int a + int b); + + +} +" +9fa1366c53745733bc113b3d5fbc0ebe852f07c2,"public int sortaSum(int a, int b) +{ + return.class(int a + int b); + + +} +" +a1635193bf3644d17cae8fa876d43bceb1617d40,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) || (a+b>=10)) + { + return 20; + } + else + { + return a+b; + } +}" +cdbd6769faf44b710f4b50d3f75878e7dff820b5,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + { + return 20; + } + return ((a + b) < 10 || (a + b) > 19); +} +" +ae134b7535d402869ac299f95d49e26022ff6420,"public int sortaSum(int a, int b) +{ + if ((a+b<=19) && (a+b>=10)) + { + return 20; + } + else + { + return a+b; + } +}" +2ef092a6d29961b3ac98a86a2efc131e2c5f7e5a,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + { + return 20; + } + else + { + return int (a + b); + } +} +" +59a037ee2e69386b4a82f1f45fe053064ffb7b6a,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum<=19 && sum>=10) + return 20; + else + retun sum; +} +" +4fcb90491d6f4a5b4355b8fbc8a6acb6b69cdd96,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +b8c1919c9cb5066a7f92d2f4b2a8a8deac27e274,"public int sortaSum(int a, int b) +{ + int sum = a+b; + if(sum<=19 && sum>=10) + return 20; + else + return sum; +} +" +2181f4ff7da07ad6559dd20c55163f746593b644,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10) + { + return 20; + } + if else (a + b) <= 19) + { + return 20; + } + return (a + b); +} +" +4842acd3a2e477c09147cf451bfefdbf599fa2ff,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10) + { + return 20; + } + if (a + b) <= 19) + { + return 20; + } + return (a + b); +} +" +78d455b24a513e10e2c4a7db95055e93272ef8f4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +3693c0fe08621b9dc8f40dff0460eb48f293f009,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +217b2127a0de57dcb98433efc06e72c0d861fb83,"public int sortaSum(int a, int b) +{ + if ((a+b) >= 10 && (a+b) <= 19) { + return 20; + } + else { + return (a+b); + } +} +" +7c82eec9cce0a39888e7a9aeb4b410c783ea6212,"public int sortaSum(int a, int b) +{ if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +eaf895710e1ad94831038bea48255b58cff4e314,"public int sortaSum(int a, int b) +{ if ( a + b >= 10 && a + b <= 19 ) + return 20; + else + return ( a + b ); +} +" +4ec4bb57fb342460bdc64257952f9a5a8157801f,"public int sortaSum(int a, int b) +{ + int c = a + b; + + if (c >= 10 || c <= 19) { + return 20; + } + else { + return c; + } +} +" +c2858d556e87ce283f5f8ebd04fab2e09fdabda7,"public int sortaSum(int a, int b) +{ + int sum = a+b; + + if(sum >= 10 && sum <= 19) + return 20; + else + return sum; +} +" +fb275dd21ae8978368ab49467484ae60966f6098,"public int sortaSum(int a, int b) +{ + int c = a + b; + + if (c >= 10 && c <= 19) { + return 20; + } + else { + return c; + } +} +" +2d208cd87d7f2efa94a4a1d5b40bc7f1ae3bf98b,"public int sortaSum(int a, int b) +{ + if (a + b) + return sum; + if (a > 10 && b < 19) + return 20; +} +" +0eb9802b3e722abc39dbebf43ef5296c5f78a157,"public int sortaSum(int a, int b) +{ + if (a + b) + return true; + if (a > 10 && b < 19) + return 20; +} +" +4300251e0019836a126a9af1c55e14016ab32d17,"public int sortaSum(int a, int b) +{ + if (a + b) + return sortaSum; + if (a > 10 && b < 19) + return 20; +} +" +9cdff63beac578190f9fb9136872208189ecc116,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +a68b3532d0ae4af30a760d1fa52b9de235ae59d0,"public int sortaSum(int a, int b) +{ + int sum = 0; + a + b = sum; + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + return sum; +} +" +0065f8a8af424abaf6fd83a50cea85e1639e79a8,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = 10; + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + return sum; +} +" +5226321b321ae50aac72b5db77caff021d3c41ed,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a + b; + if (sum >= 10 || sum <= 19) + { + sum = 20; + } + return sum; +} +" +e514d3f97b92d3f37152a52919dc037b58e85767,"public int sortaSum(int a, int b) +{ + int sum = 0; + sum = a + b; + if (sum >= 10 && sum <= 19) + { + sum = 20; + } + return sum; +} +" +340331fca71fca5295fb53303e22e18735776251,"public int sortaSum(int a, int b) +{ + int x = a+b; + if (x<=19 && x>=10) + { + x=20; + } + else + { + x=x; + } + return x; +} +" +a0ab656e5df019ad2a9a73f2f619b21ba39b73c8,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 || c <= 19) + { + return 20; + } + else + { + return c; + } +} +" +ea1be6e7c72eb9e852bece731edaad43e2b3f779,"public int sortaSum(int a, int b) +{ + int c = a+b; + if (c >= 10 && c <= 19) + { + return 20; + } + else + { + return c; + } +} +" +ba8cfb4cad91f6a68d58ca4ab3a88d035f324a8c,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19) { + retun 20; + } + else { + return a + b; + } +} +" +65d4ca1efe59fe56aae3357dc85f422b7a782e8d,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19) { + return 20; + } + else { + return a + b; + } +} +" +05d5442eb5fffd860f64874ea33774c830f73003,"public int sortaSum(int a, int b) +{ + int sum = (a + b); + if (sum < 10 && sum > 19) { + return sum; + } + else { + return 20; + } +} +" +a21fa5218b7f43d2ed5a318e32faec3dad1b6492,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum < 10 && sum > 19) { + return sum; + } + else { + return 20; + } +} +" +572248503b730d14a232a6335669e27b86054417,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 && sum >= 19) { + return sum; + } + else { + return 20; + } +} +" +89b37570b4db5655f594cc133eaf3ffcdf58f997,"public int sortaSum(int a, int b) +{ + if (a >= 10 && b <= 19) + return 20; + else + return (a + b); +} +" +4f8e9c85d7c3d635dcd509f421a528397f5875bc,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) { + return 20; + } + else { + return 20; + } +} +" +378b405b0b83a9c0d363cac060a3f8e4a2c7255d,"public int sortaSum(int a, int b) +{ + if (a > 10 && b < 19) + return 20; + else + return (a + b); +} +" +3c47c1304c303d42ec5a4b2237f6479dd3b57c49,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) { + return 20; + } + else { + return sum; + } +} +" +9d02ff9f286fdac2d95387bddecc86a1615d7d9c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + + if (sum <= 19 && sum >= 10) + { + return(20); + } + + else + { + return(sum); + } + +} + +" +eadc5df754b07dbc81ee348ee4bbd34ce3b39f20,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) + return 20; + else + return (a + b); +} +" +94da299fb622f9413b920be4d2a452b54d06d257,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a + b; + } +} +" +69613f386041da81225e56150749c7e658dba534,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else + return (a + b); +} +" +a3dc1ee0b1dececc44a82f40a88599842132eafe,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + { + return 20; + } + return sum; + +} +" +0b8ac2c5e8af44f0d10dde91b292dc82f61faccb,"public int sortaSum(int a, int b) { + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} + +" +3475fb0f8d6f6c19b9d349653c22d76fa297f70f,"public int sortaSum(int a, int b) +{ + if (sum >= 10 && sum <= 20) + { + return 20; + } + else + { + return sum; + } +} +" +79587270dd76ae2826bab08deb83e876f7a04ced,"public int sortaSum(int a, int b) +{ + if (sum >= 10 && sum <= 20) + { + return 20; + } + else + { + return sum; + } +} +" +8320e574f1b2963b87989be8f9ea952fbd5ed290,"public int sortaSum(int a, int b) +{ + int sum; + if (sum >= 10 && sum <= 20) + { + return 20; + } + else + { + return sum; + } +} +" +a4e3baaf37fb94b4c84d357fc3584954eb5b0c72,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 || a + b <= 19) { + return 20; + } + else + return a + b; +} +" +deef310006547671712ef9a4abea450813f0ecb5,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) { + return 20; + } + else + return a + b; +} +" +bf8cd4685d3565b9a230ddee590481fd3c0f5c7b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +7b8dcdc142a00fde13d0c4dbefd733b29669ff27,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 19 && sum >= 10) + { + return 20; + } + else + { + return sum; + } +} +" +ee7d5623a67ecd56f5cf1b6961c2456f8013b025,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum <= 10 && sum <= 19) + return 20; + return sum; +} +" +05a2c1ef58b7895e0a914446bafcf53ef4e56063,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +87c21e37689b12f248e6c6e7ad311d5acfe398d2,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + { + return 20; + } + else + { + return ( a + b ); + } + +} +" +cee452e4aa16baeb8604da51705be7c6342ae49b,"public int sortaSum(int a, int b) +{ + int sum = a+b; + + + + if(sum >= 10 && sum <= 19) + + return 20; + + else + + return sum; + + +} +" +f1e7f2e28c4babb6ed984f119d602986b903667e,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +a4422e384514f3f6f314fdab39331d82b70469f4,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; + +} +" +c61543fe0bdf2ec6da763eec0af57c8e425d2d07,"public int sortaSum(int a, int b) { + int sum = a + b; + return sum >= 10 && sum < 20 ? 20 : sum; + } +" +2830a65914e17f63989eee231bad72795aa50eda,"public int sortaSum(int a, int b) +{ + if (a + b <= 10 && a + b >= 20) + return 20; + else + return a + b; +} +" +2730fbb5a0b685a73aa60cbecd731dadc66fa1cd,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 20) + return 20; + else + return a + b; +} +" +f274ac4c8bb91b93dcb8d800e7ecea6c6af847b4,"public int sortaSum(int a, int b) +{ + int sum; + if (a + b >= 10 && a + b <= 20) + { + return 20; + } + else + { + return sum; + } +} +" +5a72fb69e9f4f7c4a9d0a2757f390e0a889e8383,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 20) + { + return 20; + } + else + { + return sum; + } +} +" +25b5ee6185acbf84e6ca3b7b061447f244490530,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} + +" +4d049d64e4c5d4d5652ab42cacc36f86bea4d032,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 20) + { + return 20; + } + else + { + return a + b; + } +} +" +c756ef75fcdc363e99f36d8de1dc59dbe805773c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum < 10 && sum > 19){ + return sum; + } + else{ + return 20; + } +} +" +4466d6c8d55f20619acb1344a0884d93a3a7dc4d,"public int sortaSum(int a, int b) +{ + if (Math.abs(a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return Math.abs(a + b); + } +} +" +664a7304b68358261b42090dd759613505905529,"public int sortaSum(int a, int b) +{ + if (Math.abs(a + b >= 10 && a + b <= 19)) + { + return 20; + } + else + { + return Math.abs(a + b); + } +} +" +e5d4af32d155e5bf0848315a5f71bd5581d23aba,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if (sum < 10 || sum > 19){ + return sum; + } + else{ + return 20; + } +} +" +382715e16ab90ea85e1a388239c58a0de86e5e9e,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + else return (a + b); +} +" +13e7726e22c3130d052d705ea6bb06b6b0869917,"public int sortaSum(int a, int b) +{ + if (Math.abs(a + b >= 10) && Math.abs(a + b <= 19)) + { + return 20; + } + else + { + return Math.abs(a + b); + } +} +" +bbdd5e32c783fb8147494b31a50c326e957a5652,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + { + return 20; + } + else + { + return (a + b); + // true if a+b is not between 10 and 19 + } +} +" +b8d4e5aa0fc383dfd837de9280f1d264ecbe939d,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && <= 19) + return 20; + + return a + b; +} +" +57dc4b220c5318969329ccfc0836d24c6ae4e05c,"public int sortaSum(int a, int b) +{ + if ( a + b >= 10 && a + b <= 19 ) + return 20; + else return ( a + b ); +} +" +294694057c231b7e43bf3f4c7aca83d9f5de1269,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + return 20; + (return (a + b)); +} +" +7051b543a061698b51266f348dc304dca62b556c,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 || (a + b) <= 19) + return 20; + return (a + b); +} +" +e3c0d62b064c713587767701c0f0f6d21a05f142,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +65c9e036582385830637530b88dbcbd3c394de12,"public int sortaSum(int a, int b) +{ + if ((a + b) >= 10 && (a + b) <= 19) + return 20; + return (a + b); +} +" +97df39519ca1ef6b02ae307ac2c9f6c6f42d2e77,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return (a + b); + } +} +" +767922e9dd30f166f2c62678fe5c56a5bed4fc42,"public int sortaSum(int a, int b) +{ + if (( a + b)<10) + { + return(( a + b)<10); + } + if (((a+b)>=10) && ((a=b)<=19))) + { + return 20; + } + +} +" +152ec520235a7fdbceca21291128113372c20a7a,"public int sortaSum(int a, int b) +{ + if (( a + b)<10) + { + return(( a + b)<10); + } + if (a+b)>=10 && (a=b)<=19) + { + return 20; + } + +} +" +26735f4a6d03f49d772b5841a73b812d23136054,"public int sortaSum(int a, int b) +{ + if(a + b >= 10 && a + b <= 19) + { + return 20; + } + else + { + return a+b; + } +} +" +4a3140862b9d596df44a0543e2978e3d2fcf35df,"public int sortaSum(int a, int b) +{ + if (( a + b)<10) + { + return(( a + b)<10); + } + if ((a+b)>=10 && (a=b)<=19) + { + return 20; + } + +} +" +5f0b4d7807ef2a2bdcf44d63711dfd3faa6f030b,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if(sum >= 10 && sum <= 19) + return 20; + return sum; +} +" +f10948260fecdd48f2c08cb4559bd58625245db9,"public int sortaSum(int a, int b) +{ + int (a+b) = sum + if (sum)<10) + { + return sum; + } + if ((a+b)>=10 && (a=b)<=19) + { + return 20; + } + +} +" +7272ed7a80dfde1defc5cb052afd5530a7499091,"public int sortaSum(int a, int b) +{ + int (a+b) = sum; + if (sum)<10) + { + return sum; + } + if ((a+b)>=10 && (a=b)<=19) + { + return 20; + } + +} +" +bb41be85a0d31d2a0c20b7fc8bee847bdf405e56,"public int sortaSum(int a, int b) +{ + int (a+b) = sum; + if ((sum)<10) + { + return sum; + } + if ((a+b)>=10 && (a=b)<=19) + { + return 20; + } + +} +" +f6e7d3e87491fc3d9f58138c712846df7c35b825,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum)<10) + { + return sum; + } + if ((a+b)>=10 && (a=b)<=19) + { + return 20; + } + +} +" +5149ef8512db14d7b28ed8ca2a51a7f2d65e0f72,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum)<10) + { + return sum; + } + if ((a+b)>=10 && (a=b)<=19) + { + return 20; + } + return sum; + +} +" +0fe551d553cad54e335519fd62882e802b6dd19c,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum)<10) + { + return sum; + } + if ((a+b)>=10 || (a=b)<=19) + { + return 20; + } + return sum; + +} +" +017225b342d920b5d3ca10c5ce1628f514981082,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum)>20) + { + return sum; + } + if ((a+b)>=10 || (a=b)<=19) + { + return 20; + } + return sum; + +} +" +9ca72db3577282e157c0952b15ef0940e7fc4e1a,"public int sortaSum(int a, int b) +{ + int sum = a + b; + if ((sum)>20) + { + return sum; + } + if ((sum)<10) + { + return sum; + } + if ((a+b)>=10 || (a=b)<=19) + { + return 20; + } + return sum; + +} +" +0ebfda1079287757dc2d2af45aad1f6b44f688a2,"public int sortaSum(int a, int b) +{ + if(a >= 10 && a <== 19 || b >= 10 && b <= 19) + return 19; + return (a + b); +} +" +ae7bd49a187b318a38f1c4eabe882dfa72d27e90,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + + return (a + b); +} +" +c51687151de62c61946de579c11fcb91566e1c7a,"public int sortaSum(int a, int b) +{ + if (a + b >= 10 && a + b <= 19) + return 20; + + return (a + b); +} +" +eb02d9acd16e90be94395e35f823a2eda95f71cf,"public int sortaSum(int a, int b) +{ + if(a >= 10 && a <= 19 || b >= 10 && b <= 19) + return 20; + return (a + b); +} +" +9e2bf7f2a2724d15f46d997c0f46953d0151240c,"public int sortaSum(int a, int b) +{ + int c = a + b; + if(c>9 && c<20) + { + return 20; + } + else + { + return c; + } + +} +" +ae704b36388091c15c175a60820e7a2e7511899a,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i += 1; + } + else + { + total += nums[i]; + } + } + return total; + } +} +" +86eae2d8c66ccaf22fb4a179c8353c7f85236b01,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i += 1; + } + else + { + total += nums[i]; + } + } + return total; + } +} +" +afc88aae39c20693e652c0c4d13d99e7efd77224,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != (13 || 14)) + sum+=nums[i] + + + } + return sum; +} +" +496bb1745468d222f407e19be7da81fe18ffd7b6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != (13 || 14)) + sum+=nums[i]; + + + } + return sum; +} +" +6a419242a6326a842a6288c0258edcf3ac88fe52,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 14 != nums[1]) + sum+=nums[i]; + + + } + return sum; +} +" +080f6b74c915aea035ff6fff55ff277a9e187d3d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && 14 != nums[1]) + sum+=nums[i]; + + + } + return sum; +} +" +848206b149ec9dfcfe5d30231d7baf37ad03e764,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if(num[x] != 13) + { + sum = sum + num[x]; + } + } + return sum; +} +" +56e89ef97c07cfbf665b58ba7d835c6448f499d9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if(nums[x] != 13) + { + sum = sum + nums[x]; + } + } + return sum; +} +" +9d9773670623cbcb972153ab77b10365cd6c221d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + sum+=nums[i]; + else if (num[i] == 13) + i+=2; + + + } + return sum; +} +" +26f88d3ac99a5efd1d0995cc6fc8d3fb69752e3f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + sum+=nums[i]; + else if (nums[i] == 13) + i+=2; + + + } + return sum; +} +" +3bf2ae96505da9b2416f690a5f6d85231bf0f15a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + sum+=nums[i]; + else if (nums[i] == 13) + i++; + + + } + return sum; +} +" +05bb263a036ba21592af6a187cb649004bfb0a35,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if(nums[x] != 13 && nums[x - 1] != 13) + { + sum = sum + nums[x]; + } + } + return sum; +} +" +389521b883cb44c95686bad028fd9394c5042149,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (x > 0) + { + if(nums[x] != 13 && nums[x - 1] != 13) + { + sum = sum + nums[x]; + } + } + else + { + if(nums[x] != 13) + { + sum = sum + nums[x]; + } + } + } + return sum; +} +" +de60b5e92ab07d0f3e7e1adc77878e3025da04d6,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + continue; + } + sum += nums[i]; + } + return sum; +} +" +830b1050f4c00ab3b3af95b4dd60e3795532151e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int num : nums) { + if (num != 13) { + sum += num; + } + } + return sum; +} +" +0b56abc3de0f295da33eaa6e5aa3296570d5644f,"public int sum13(int[] nums) +{ + return 1; +} +" +99ece328fbdebd628b2d37c9d3e98861ffcb536e,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i : nums) + { + sum = sum + i; + } + return sum; +} +" +eedadf973f438b8091c70c676a0d72ea546f499e,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + for (int n : nums) + { + if (n!=(13||14)) + { + sum+=n; + } + } + return sum; + } + + + +} +" +bfd209e912545124ac0552ff85e0acda0256a196,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + for (int n : nums) + { + if (n!=(13) && n!=(14)) + { + sum+=n; + } + } + return sum; + } + + + +} +" +47b864fc2a1b3e13f346525a4f64e23f1a4b2b6f,"public int sum13(int[] nums) +{ + int sum =0 ; + if (nums.length == 0) + { + return 0; + } + else + { + for (int n : nums) + { + if (n!=(13) && n!=(14)) + { + sum+=n; + } + } + return sum; + } + + + +} +" +52d202ad01be5439f6bad6b89ce393d56775441e,"public int sum13(int[] nums) +{ + int sum =0 ; + if (nums.length == 0) + { + return 0; + } + else + { + for (int n : nums) + { + if (n!=(13) || nums[n-1]==13) + { + sum+=n; + } + } + return sum; + } + + + +} +" +c5a61d238bc2988724a75c4400c2733aa08cac7f,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i+=1; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +54b75a14cf488c317529fef902f0ec8bdc852564,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (sum13[i] == 13) + { + i++; + } + else + { + sum = sum13[i] + sum; + } + } + + return sum; +} +" +01cce1ab347543734a90ff7fc952c878acf4a260,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (int[i] == 13) + { + i++; + } + else + { + sum = int[i] + sum; + } + } + + return sum; +} +" +682b2e46995312c5c5231f091ee2d4eaa7816918,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = nums[i] + sum; + } + } + + return sum; +} +" +2dffc2b5d2fbe238b0d238a83161cff737536ced,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = nums[i] + sum; + } + } + + return sum; +} +" +8740a24466aaf7f94687a3124d0f550063f52cc5,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + + return sum; +} +" +648321baae2312f662915552dcf198021fb0987e,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + + return sum; +} +" +9bfa309a606290a4b7f69f727f3a327ce806ad4a,"public int sum13(int[] nums) +{ + int sum = 0; + int subtract = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i] - 13 - nums[i+1]; + } + } + + return sum; +} +" +0b3687472b2fae9fa01cd8bdb10896f60deebe94,"public int sum13(int[] nums) +{ + int sum = 0; + int subtract = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i] - 13 - nums[i+1]; + } + } + + return sum; +} +" +ebc484c15cf6d6bc8c9423984298e4c1b6832ceb,"public int sum13(int[] nums) +{ + int sum = 0; + int subtract = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i++ + } + } + + return sum; +} +" +7220b9512e2ac4336712db30d7736b83a809f122,"public int sum13(int[] nums) +{ + int sum = 0; + int subtract = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i++; + } + } + + return sum; +} +" +30fee653f85ccfc09f17563cefaf1a00ea4b2900,"public int sum13(int[] nums) +{ + if (nums.length == 0) + return 0; + else + for (int num: nums) + return 1 + +} +" +b07c7316e88df3e1a47fec236e53874f47faead3,"public int sum13(int[] nums) +{ + if (nums.length == 0) + return 0; + else + for (int num: nums) + return 1; + +} +" +7b08d938fce24856a16994f0ba6a525f133b54f0,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +}" +a3a4b5b3c1d7950b471b273ad506c45a12c12305,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return 0; + else + for (int i = 0; i <= nums.length;i++) + if (i == 0 && nums[0] != 13) + sum = sum + nums[0]; + else if (i == 0) + sum = sum; + else if (nums[i] != 13 && nums[i-1] != 13) + sum = sum + nums[0]; + return sum; + +} +" +e039fee419aefed2c2b28a4e3ea8900af9e3e3ec,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return 0; + else + for (int i = 0; i < nums.length;i++) + if (i == 0 && nums[0] != 13) + sum = sum + nums[0]; + else if (i == 0) + sum = sum; + else if (nums[i] != 13 && nums[i-1] != 13) + sum = sum + nums[0]; + return sum; + +} +" +b4f2819949feaaee1935f567fc4f23e4f125ac29,"public int sum13(int[] nums) +{ + int sum = 0; + for (Integer x : nums) { + if (x != 13) { + sum += x; + } + } + return sum; +} +" +8430c6f026c893354bed3d5d34b993c36136f3e9,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i += 2; + } + else { + x += nums[i]; + } + } + return x; +} +" +1fb68e572c67ffe967d144647486e62e396bb126,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i += 1; + } + else { + x += nums[i]; + } + } + return x; +} +" +d8bc45ba405b72ea4c1c1b8b064dcbff4100bdea,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } + else { + sum += nums[i]; + } + } + return sum; +} +" +e5790c02f7f00e26a7925363fa34bef97eaed98a,"public int sum13(int[] nums) +{ + sumNum = 0; + if (nums.length == 0) + { + return sumNum; + } + for (int i = 0; i < nums.length, i++) + { + if (nums[i] == 13) + { + i += 1; + } + else + { + sumNum += nums[i]; + } + } +} +" +87346e3e31d1cd09cf1ea78408fe3cd51d049e2e,"public int sum13(int[] nums) +{ + sumNum = 0; + if (nums.length == 0) + { + return sumNum; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i += 1; + } + else + { + sumNum += nums[i]; + } + } + return sumNum; +} +" +71c34f2a9a90c8ea4cab9982cac11844ab68b1d2,"public int sum13(int[] nums) +{ + int sumNum = 0; + if (nums.length == 0) + { + return sumNum; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i += 1; + } + else + { + sumNum += nums[i]; + } + } + return sumNum; +} +" +ded44149650568706a7d79611ebf79b350f2f741,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return 0; + else + for (int i = 0; i < nums.length;i++) + if (i == 0 && nums[0] != 13) + sum = sum + nums[0]; + else if (i == 0) + sum = sum; + else if (nums[i] != 13 && nums[i-1] != 13) + sum = sum + nums[i]; + return sum; + +} +" +36f838fb36cb53126284f8f4dbd0dddf6051d33b,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +b75a345caf7eed87e9649faa0f9fe968c78ef302,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] == 13) + + i++; + + else + + sum += nums[i]; + + } + + return sum; +} +" +32969c2ca9c8f56aaa9548e7c3ed1057c6e0760b,"public int sum13(int[] nums) +{ + int answer = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 + { + answer += nums[i]; + } + else if ((nums[i] == 13) && (i < (nums.length -1))) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return answer; +} +" +58c504d49757ff8f8993672199d2531cbc520e64,"public int sum13(int[] nums) +{ + int answer = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + answer += nums[i]; + } + else if ((nums[i] == 13) && (i < (nums.length -1))) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return answer; +} +" +4b0545b3fcab94855efd4130edae21d722c315d2,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i =0; i 0) + { + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i = i + 1; + } + } + return sum; + } + else + { + return 0; + } +} +" +f0744050000bd8451f10d22fbfaacdc99ce02a9f,"public int sum13(int[] nums) +{ + int count = 0; + int counter = 0; + int sub = 0; + int total = 0; + if (num.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 13) + { + counter++; + sub += num[i + 1]; + } + count += num[i]; + } + total = count - ((13 * counter) + sub); + return total; +} +" +0865a6ca3dd8691989ee373c4d7e97534b6319f9,"public int sum13(int[] nums) +{ + int count = 0; + int counter = 0; + int sub = 0; + int total = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 13) + { + counter++; + sub += num[i + 1]; + } + count += num[i]; + } + total = count - ((13 * counter) + sub); + return total; +} +" +935381c6c27f0f21fda56413a1ed539337b4a183,"public int sum13(int[] nums) +{ + int count = 0; + int counter = 0; + int sub = 0; + int total = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + counter++; + sub += num[i + 1]; + } + count += num[i]; + } + total = count - ((13 * counter) + sub); + return total; +} +" +f79572e178510d3171ebfabd57bd2fb76367fce0,"public int sum13(int[] nums) +{ + int count = 0; + int counter = 0; + int sub = 0; + int total = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + counter++; + sub += nums[i + 1]; + } + count += num[i]; + } + total = count - ((13 * counter) + sub); + return total; +} +" +f0e10a237122f82ca90e42573bbdeef64aafec9d,"public int sum13(int[] nums) +{ + int count = 0; + int counter = 0; + int sub = 0; + int total = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + counter++; + sub += nums[i + 1]; + } + count += nums[i]; + } + total = count - ((13 * counter) + sub); + return total; +} +" +2f434c1b74fd544eb6d7634b4586c52617959b0c,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + continue; + } + sum += nums[i]; + } + return sum; + } +" +57a72636f248c2db1684ee5d52abee64ca28faae,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +5435300cfaee9ee1180444c25efc1acbdebb8d19,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + //sum the elements in the array + } + return sum; +} +" +86a0235cb8c53ad8486dc4392577e87faa3f0ec5,"public int sum13(int[] nums) +{ + count = 0; + if (nums.length != 0) + { + + for (int i = 0; i < length; i++) + { + + if (nums[i] != 13) + { + + count += num[i]; + } + + if (nums[i] == 13) + { + + i++; + + } + + + + + } + + + + + + + + + + + + + + + + } + else + return 0; + + + + + + return count; + + +} +" +eb1e605f70dac85d95c5cdf2642a2f5cac337d1a,"public int sum13(int[] nums) +{ + count = 0; + if (nums.length != 0) + { + + for (int i = 0; i < length; i++) + { + + if (nums[i] != 13) + { + + count += num[i]; + } + + if (nums[i] == 13) + { + + i++; + + } + + + + + } + + + + + + + + + + + + + + + + } + else + return 0; + + + + + + return count; + + +} +" +690df8bf8aa93ae7b504ad82d9e72f887b76d518,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length != 0) + { + + for (int i = 0; i < length; i++) + { + + if (nums[i] != 13) + { + + count += num[i]; + } + + if (nums[i] == 13) + { + + i++; + + } + + + + + } + + + + + + + + + + + + + + + + } + else + return 0; + + + + + + return count; + + +} +" +32a3a2b91c7f779b455487f1c169f8c2a794f46f,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length != 0) + { + + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] != 13) + { + + count += num[i]; + } + + if (nums[i] == 13) + { + + i++; + + } + + + + + } + + + + + + + + + + + + + + + + } + else + return 0; + + + + + + return count; + + +} +" +98abb6bfe2667b20184a100ea8b287262e2191b5,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length != 0) + { + + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] != 13) + { + + count += nums[i]; + } + + if (nums[i] == 13) + { + + i++; + + } + + + + + } + + + + + + + + + + + + + + + + } + else + return 0; + + + + + + return count; + + +} +" +581f512cb2e6a33700b10b039e861484be3ce8e1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length(); i++) + { + if nums[i] != 13 + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < (nums.length - 1)) + { + nums[i] = 0; + } + return sum; + } +} +" +100eee250494e369c63e60c03a7d2d832bd2d464,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length(); i++) + { + if nums[i] != 13 + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < (nums.length - 1)) + { + nums[i] = 0; + } + } + return sum; +} +" +754d5ecbc187e71fe5e509138dd3e07166c5fd51,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length(); i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < (nums.length - 1)) + { + nums[i] = 0; + } + } + return sum; +} +" +2263ab69149371defa3ea02001e80a2a560da217,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < (nums.length - 1)) + { + nums[i] = 0; + } + } + return sum; +} +" +bdfadc4bceb4c0adc2e4f79a33033134fc9ec9d7,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < (nums.length - 1)) + { + nums[i] = 0; + nums[i - 1] = 0; + } + } + return sum; +} +" +91ca4cf45e91b03ab475a1a06af0276e90609d5d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < (nums.length - 1)) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; +} +" +331ca90b6059c46c7848298d90fee0e5ecaf77b1,"public int sum13(int[] nums) +{ + int sums = 0; + for (int r = 0; r < nums.length; r++) + { + if (nums[r] == 13) + { + r++; + } + else + { + sums += nums[r]; + } + } + return sums; +} +" +403c339e3b4193cd98dc66b1337912cbfa70d865,"public int sum13(int[] nums) +{ + int sum = 0; + int len = nums.length; + for(int i = 0; i < len; i++) + { + if(nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i += 2; + } + } + return sum; +} +" +4282c24843cdc11889e359be719e33c4fe3429ec,"public int sum13(int[] nums) +{ + int sum = 0; + int len = nums.length; + for(int i = 0; i < len; i++) + { + if(nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i = i + 1; + } + } + return sum; +} +" +ed52b07dcfa033b8b9590673df782285aa249943,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +c30ba8d2950d682a9b0fcf3b3b411b7ee909b845,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + int place = i + 1; + } + else if (nums[i] == place) + { + sum = sum; + } + else + { + sum = nums[i] + sum; + } + } + return sum; +} + +" +8395d012939c40c2dd0a5abd26149a162a8e56ca,"public int sum13(int[] nums) +{ + int sum = 0; + for (int num : nums) + { + if(num != 13) + { + sum = sum +num; + } + } + return sum; +} +" +acdc387789384f138bda23f0ba93e8e3ed59ab24,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(num[i] == 13) + { + i++; + } + else + { + sum = sum +num; + } + } + return sum; +} +" +0166b226d473ea39680230f8df64577880aad2da,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum = sum +nums[i]; + } + } + return sum; +} +" +e228901c8f62d061bf3f80662154e2a219ecf5e1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = nums[i] + sum; + } + } + return sum; +} + +" +6ded51ca787654822bcb61b6e3333caa07945281,"public int sum13(int[] nums) +{ + + for (int i = 0; i < nums.length; i++) + { + int sum = 0; + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = nums[i] + sum; + } + } + return sum; +} + +" +cb30e7cc8287c13265662d1fcc090b7d639ef9a4,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = nums[i] + sum; + } + } + return sum; +} + +" +997ff25f82d6aa9bd55b9b90e12390f007204d07,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13 && i > 0) + { + sum = sum; + } + else + { + sum = nums[i] + sum; + } + } + return sum; +} + +" +9f97f2a68f90e66a5949a185a6c66e6dfd28541d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + return sum; +} + +" +0fe9f4d61c73a75dd9df6c99af7793074982c909,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (i > 0 && nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = nums[i] + sum; + } + } + return sum; +} + +" +4c0fc6780744a17950fa1ade86873e7f456b09b8,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + int i = 0; + while (i < length) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + i++; + } + } + return sum; +} +" +fd9eb5c5e2abf635b9d1e548c2dabc92404a787c,"public int sum13(int[] nums) +{ + number = 0; + if (nums.length >= 13) + { + for (int i = 0; i < 13; i ++) + { + number = number + bums[i]; + } + } + else if (nums.length > 0) + { + for (int i = 0; i < nums.length; i ++) + { + number = number + bums[i]; + } + return number; + } + else + { + return number; + } + +} +" +906c665def35d4c3b878db08789599397cf00411,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length >= 13) + { + for (int i = 0; i < 13; i ++) + { + number = number + bums[i]; + } + } + else if (nums.length > 0) + { + for (int i = 0; i < nums.length; i ++) + { + number = number + bums[i]; + } + return number; + } + else + { + return number; + } + +} +" +155326a4f12c8d23e85897e3689325ff7ebe84d8,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length >= 13) + { + for (int i = 0; i < 13; i ++) + { + number = number + nums[i]; + } + } + else if (nums.length > 0) + { + for (int i = 0; i < nums.length; i ++) + { + number = number + nums[i]; + } + return number; + } + else + { + return number; + } + +} +" +f35cccb3ab71fd910327aa054d317f710d9f2e98,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length >= 13) + { + for (int i = 0; i < 13; i ++) + { + number = number + nums[i]; + } + } + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i ++) + { + number = number + nums[i]; + } + return number; + } + else + { + return number; + } + +} +" +df9b441898db2f7d6850b4197e55ca2fef9b0b00,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i] + } + } + return numbers; + } + else + { + return numbers; + } + +} +" +0425ad6168bce786b9b7d77c38d9372a17e86ff4,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i]; + } + } + return numbers; + } + else + { + return numbers; + } + +} +" +1a39371a07039f37aa909595adc59293aedacfc6,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i]; + } + } + return number; + } + else + { + return number; + } + +} +" +be1c2394c20e3b435d9b6656b6986caa4244354c,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i]; + break; + } + } + return number; + } + else + { + return number; + } + +} +" +f417515c9ec0e4b2d027002914f390535a471b9a,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i]; + } + } + return number; + } + else + { + return number; + } + +} +" +b53a5acf3e33a47339fc9112c039d22636808d9d,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + number = number + nums[i]; + if (nums[i] == 13) + { + break; + } + } + return number; + } + else + { + return number; + } + +} +" +0a63924561b65b36c40cc0692710ef71b78c1106,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + number = number + nums[i]; + } + if (nums[i] == 13) + { + break; + } + } + return number; + } + else + { + return number; + } + +} +" +4a65e37a45f990305add1029468d7a5c8078a0be,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i]; + } + if (nums[i] == 13) + { + break; + } + } + return number; + } + else + { + return number; + } + +} +" +a3b9bcf7dc61ec14c48c3c5fec57acc0121d7836,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i] + } + } + return sum; +} +" +1835145ac336758e3240f9d8ca98f9c13184bddc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +5821e88cd5011b3182ba701fb89c5f7ce8d017a4,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +71ceaa6a7dc1f78306cfa0cd96db589d134b6fe8,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0 && nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +d55d64c701e860b9c4c2e1513321c53fed661c47,"public int sum13(int[] nums) +{ + int sum = 0; + + if (myarray.length == 0) { + System.out.println(sum); + } else { + for (int i = 0; i < myarray.length; i++) { + if (myarray[i] != 13) { + sum = sum + myarray[i]; + } else if (myarray[i] == 13 && i < myarray.length - 1) { + myarray[i] = 0; + myarray[i + 1] = 0; + } + } + } + + return sum; +} +" +0a6f1aa287cbaa89d5538e63e2d1bb13a020b6a1,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +632497d78d5d2d07b81f97a0dd6032bbaa1dc9ba,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +b3a929e764f04366ed85356ef67ec1ab63c796ea,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +b28b4d3d147a59bc7f17600a4e6fe1eb4c266961,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i < nums.length; i++) + if (nums[i] >= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +c3a8304aca9d606cbf86254cac62f5f935748645,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i =< nums.length; i++) + if (nums[i] >= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +e004fc1b16663c9ce34b2794c6caef011675acac,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i <= nums.length; i++) + if (nums[i] >= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +42c64db0d1b2ea1eb7418d1853ec2c81e8a14d76,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i < nums.length; i++) + if (nums[i] >= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +39499eb8945e3ef09d1106acb66b849d66d7d378,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i < nums.length; i++) + if (nums[i] >= 13) + continue; + else if (nums[i - 1] >= 13) + else + sum += nums[i]; + return sum; + + + +} +" +3d2a3283c0ba898f86dd5919e351055706bb4dcb,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i < nums.length; i++) + if (nums[i] >= 13) + continue; + else if (nums[i - 1] >= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +1fb608a71cfbb1fc0582819526a451ad5a00c547,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i < nums.length; i++) + if (nums[i] >= 13) + continue; + else if (nums[i - 1] >= 13 && i > 0) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +14d85876e7a7e32cc79804d66742d7a06b60c5b3,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return sum; + else + for (int i = 0; i < nums.length; i++) + if (nums[i] >= 13) + continue; + else if (i > 0 && nums[i - 1] >= 13) + continue; + else + sum += nums[i]; + return sum; + + + +} +" +d5f13177e459ea7efd63200d1d5ead09aeb0722b,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; + + + +} +" +abf7f55731125ac6b035f7c34b3915abaca5bdd3,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } +} +" +31337aace72cdb251c3f6d8ddce19183fb29631e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + return 0; + for (int i = 0; i < nums.length; i++){ + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +4355775a4ab9b1063080f75e9f28ace24fc2b9cd,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +d9c7323f6565b6b108fe93fb5350ae5ebd59cab2,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && (i > 0 && nums[i - 1] != 13)) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +2efa7f8baed98bf7b38c9531ccb36cf104423733,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i = 0 && nums[i] != 13) + { + sum = sum + nums[i]; + } + if (nums[i] != 13 && (i > 0 && nums[i - 1] != 13)) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +a9ed4f1f9ca8257b0d977069940ab4e4face404b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == 0 && nums[i] != 13) + { + sum = sum + nums[i]; + } + if (nums[i] != 13 && (i > 0 && nums[i - 1] != 13)) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +41f59ab91bfc5e814b743524d12a87e06980295f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] = 13) + break; + sum = sum + nums[i]; + } + return sum; +} +" +68dfac7b675bf4d85f8db4e3c013b62ab06c88be,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + break; + sum = sum + nums[i]; + } + return sum; +} +" +f70bb5bdf057f2c6de9a0db3758467e2ac31127b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + break; + sum = sum + nums[i]; + } + if (nums.length == 6 && nums[0] == 1 + && nums[1] == 2 && nums[2] == 13) + { + return 3; + } + if (nums.length == 7 && nums[0] == 13 + && nums[1] == 1 && nums[2] == 2) + { + return 0; + } + return sum; +} +" +9ddfcc7b30d671da05e7a580b791edbe0b8da27b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + break; + sum = sum + nums[i]; + } + if (nums.length == 6 && nums[0] == 1 + && nums[1] == 2 && nums[2] == 13) + { + return 4; + } + if (nums.length == 7 && nums[0] == 13 + && nums[1] == 1 && nums[2] == 2) + { + return 3; + } + return sum; +} +" +de34b3c9be928b0875cbf70a9570151a232075d3,"public int sum13(int[] nums) +{ + int sum = 0; + if ( nums.length == 0 ) { + return 0; + } + else + { + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 13 ) { + sum = sum + nums[i]; + else + { + i++; + } + + } + return sum; + } +} +" +f75d4f81b6363b8e5452c4d37ca08054bf15ad54,"public int sum13(int[] nums) +{ + int sum = 0; + if ( nums.length == 0 ) { + return 0; + } + else + { + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 13 ) { + sum = sum + nums[i]; + } + else + { + i++; + } + return sum; + } +} +" +a69db2c15ac6399d56f5cd78818d4d3268d7832e,"public int sum13(int[] nums) +{ + int sum = 0; + if ( nums.length == 0 ) { + return 0; + } + else + { + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] != 13 ) { + sum = sum + nums[i]; + } + else + { + i++; + } + } + return sum; + } +} +" +9d3d8a65541847d8bd40dff79b694391f13e2f98,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if ((i > 0) && (nums[i] != 13) && (nums[i-1] != 13)) + { + sum = sum + nums[i]; + } + else if (i == 0) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +bcaac6f5d61f91fe9799215b9b74fa9a86722f40,"public int sum13(int[] nums) +{ + int sum = 0; + for (int j = 0; j < nums.length; j++) { + if (nums[i] == 13) { + j++; + } + else { + sum += nums[i]; + } + } + return sum; +} +" +5ebb12800955102fb83277c014de433a9c64ee33,"public int sum13(int[] nums) +{ + int sum = 0; + for (int j = 0; j < nums.length; j++) { + if (nums[j] == 13) { + j++; + } + else { + sum += nums[j]; + } + } + return sum; +} +" +e245c125f33087ee88b5975a956943775e4a0515,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else if(nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 13 && nums[i-1] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +5d7512c9920bf3f9dbb321c2f34a17e562407fdd,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else if(nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (i == 0 && nums[i] != 13) + { + sum = sum + nums[i]; + } + else if(nums[i] != 13 && nums[i-1] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +d3f1b252781ac23f3af9460283b7ec01753d605b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +a86041ed9ef344f886640c46f4cbf99f3751d12f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i-1] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +ba8a1a911edd7e1ccfbdeab03b5bbc4c2a366e85,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i]==13 && i < sums.length - 1) + { + sums[i] = 0; + sums[i+1] = 0; + } + } + return sum; +} +" +d04a732233fc7402a7f80b2c7af27020d35ac8e8,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i]==13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i+1] = 0; + } + } + return sum; +} +" +c0183cd758053755590e93c2c843e0ede3821799,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +b937cda6695e48e1c229fd0c1a78a1bdd2cdb12c,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + continue; + } + sum += nums[i]; + } +} +" +efca7a7d26536a6f12d9316496932edf8ab4d10f,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + total += nums[i]; + } + return total; +} +" +eecfb8e5dc70692d36bc8842347f74990b4d5dac,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + continue; + } + sum += nums[i]; +} +" +42b98c006bc991e82030c2d35cd6475079ca42dd,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + total += nums[i]; + } + } + return total; +} +" +c91fbf29b503efaeb2da0f94a64a7ccf289f90be,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + continue; + } + sum += nums[i]; + } +} +" +7d4bdb07d798196cef55fbfb7b8baa6e1f629ebe,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + continue; + } + sum += nums[i]; + } + return true; +} +" +787f65470ab156867ed9f667e8ec1c83db61f64a,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + continue; + } + sum += nums[i]; + } + return 1; +} +" +ae0109bc8d7e4a92e6bc5d9d20f69a353c79ecc6," public int sum13(int[] nums) { + int sum = 0; + if (nums.length < 1) { + return 0; + } + + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + continue; + } + sum += nums[i]; + } + return sum; + } +" +01d0509d597edb9a2744890de0580162537eaafa,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + } +} +" +12e055d09ff4aecb445ca8ba20279d9b4476e675,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + } + } +} +" +772d366a16624917b769f90328e53588938020d4,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + } + } + return sum; +} +" +9f6b7cfdbd6932dc6f9f715cd918583d9ab94e2e,"public int sum13(int[] nums) +{ + if(nums.length != 0) + { + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + sum + nums[i]; + } + else{i++;} + } + return sum; + } + else + { + return 0; + } +} +" +5daa35cccbb73fa492626d87cec2abb3d632d911,"public int sum13(int[] nums) +{ + if(nums.length != 0) + { + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + sum += nums[i]; + } + else{i++;} + } + return sum; + } + else + { + return 0; + } +} +" +54208c5fa5f95e6e835ac1d380211e1e0cef54b2,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return sum; + } + else + { + for(int i; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + num[i]; + } + } + return sum; + } +} +" +26bc586613abc362fd0b6935f59d0386136762dc,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return sum; + } + else + { + for(int i; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +88a207bc17c272fe6f749acf398eacc1228b8cd9,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return sum; + } + else + { + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +b9fd55f7acaa882c1638959ac5b0ceeec7999332,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return sum; + } + else + { + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +e664ddc7fefd2fbfc5d7e6061ee899ad86668dfa,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +517595527e15be0052d863dc7dbadcf1eeeb5ac9,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length - 1; i++) + { + int a = nums[i]; + int b = nums[i + 1]; + if(a != 13 && b != 13) + { + sum += a + b; + } + } + return sum; +} +" +70ed0522dc3bb653b2eb1c71092abf0eb39e9eb0,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length ; i++) + { + int a = nums[i]; + int b = nums[i + 1]; + if(a != 13 && b != 13) + { + sum += a; + } + } + return sum; +} +" +e44c97455b8d7ab791f47ffa95b09fd1e8c33aa0,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length - 1 ; i++) + { + int a = nums[i]; + int b = nums[i + 1]; + if(a != 13 && b != 13) + { + sum += a; + } + } + return sum; +} +" +bb12f7a1e6e7f571db2a9a46dc6a80e36215a1bc,"public int sum13(int[] nums) +{ + if (nums.isEmpty) + return 0; + int sum = 0; + for (int i = 0, i < nums.length; i++) + if (nums[i] == 13) + i = i + 1; + continue; + sum = sum + nums[i]; + return sum; + +} +" +ad26e4c150106d7c19eb413b3044950c2eb84ab5,"public int sum13(int[] nums) +{ + if (nums.isEmpty) + return 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13){ + i = i + 1; + continue;} + sum = sum + nums[i];} + return sum; + +} +" +2f969a3bd37a28d5c971ac4d8cfabbf0a94a1a12,"public int sum13(int[] nums) +{ + if (nums.length == 0) + return 0; + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13){ + i = i + 1; + continue;} + sum = sum + nums[i];} + return sum; + +} +" +c68ab78c2809b69cfa449e86b4979859b6fd0251,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length ; i++) + { + if (i < nums.length - 1) + { + int a = nums[i]; + int b = nums[i + 1]; + if(a != 13 && b != 13) + { + sum += a; + } + } + else + { + int a = nums[i]; + if (a != 13) + { + sum += a; + } + } + + } + return sum; +} +" +f62cd6ace857a2fed26f05b5f881ffe052b1e547,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length ; i++) + { + if (i < nums.length - 1) + { + int a = nums[i]; + int b = nums[i + 1]; + if(a != 13) + { + sum += a; + } + } + else + { + int a = nums[i]; + if (a != 13) + { + sum += a; + } + } + + } + return sum; +} +" +56f496f455f17f8c3abc3bced9397a2db032134d,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length ; i++) + { + if (i < nums.length - 1) + { + int a = nums[i]; + if(a != 13) + { + sum += a; + } + else + { + i = i + 1 + } + } + else + { + int a = nums[i]; + if (a != 13) + { + sum += a; + } + } + + } + return sum; +} +" +9f13e8a7d353cc657e42a73e16bd5a11f4043682,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length ; i++) + { + if (i < nums.length - 1) + { + int a = nums[i]; + if(a != 13) + { + sum += a; + } + else + { + i = i + 1; + } + } + else + { + int a = nums[i]; + if (a != 13) + { + sum += a; + } + } + + } + return sum; +} +" +67ab49b9e478e93634ef064d63db425a5608a589,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +0958d61dd64a7746435fce18fb19060f7956bc45,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + + return sum; +}" +7b54244dc169dac7f682e8f1a037f93a4c4c5ab3,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + + return sum; +}" +3f28973c3974474ab0bcbd64b9b76a851fb20ae9,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +24f66a894df986bc1abdd3a2564e4ea7ce72a17e,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +2613e86240795be995b851e202c1941ee2efa8c5,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length != 0 ) + { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum = sum + nums[i]; + } else if (nums[i] == 13 && i < nums.length - 1) { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; + } + else + return sum; + +" +b332ce92001b4d7d8fd25734ca458dd4c73aed42,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length != 0 ) + { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum = sum + nums[i]; + } else if (nums[i] == 13 && i < nums.length - 1) { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; + } + else + return sum; + +" +8d0d5c29aa439881f411b3a32ec2b6bcfba6ac7d,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; + } + else + return sum; + +" +f06442213ccac6190d83aa7176cf9ef9b9654699,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; + } + else + return sum; + +" +f6da7f05f85e218d637d7e0c1440206c9e4a4d07,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; + } + else + { + return sum; + } + +" +87174198b6e3ccbd908ee59b2d5b1a478f576905,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length != 0) + { + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; + } + else + { + return sum; + } + +" +438015ae717088a2cdb2bc60b480278b87bba850,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i] + } + } + return sum; +} +" +d60e42d9ba29b96dd75e60376c957bc39401c0bf,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +0fd780a22639b6a87b872ee03f48aec8c5539bfb,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +96338f680f44c97c0e88a6598fbb76d6eb2edd1d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + if (i > 0) + { + if (nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + else + { + sum = sum + nums[i] + } + } + } + return sum; +} +" +2fcc06d341476a8226a48a0e1562ba7a606e342e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + if (i > 0) + { + if (nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +0bbc08ced184f8267ad6732becf760a559c7868d,"public int sum13(int[] nums) +{ + int b = 0; + for (int i : nums) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i]; + } + } +} +" +6481c98e4d7ebcdab31628a80292f31843c828f0,"public int sum13(int[] nums) +{ + int b = 0; + for (int i : nums) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i]; + } + } + return b; +} +" +363757792df139792b1bb9d05bcb353d434b6b4f,"public int sum13(int[] nums) +{ + int b = 0; + for (int i = 0; i < nums.length; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i]; + } + } + return b; +} +" +bec543301e5fe8bd8e7510b09892ec8dab55b82b,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + nums[i]++; + } + } +} +" +59e34c360e648321e7b7b51f0a20a5e3c8c3e06f,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + return nums[i]++; + } + } +} +" +3fc98b51e064a3dc335153143e96bc8d05a1f6ee,"public int sum13(int[] nums) +{ + int b = 0; + for (int i = 0; i < nums.length; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +26753fb9ebe760f01ef1c69a38ea1bac1115a614,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums = nums[i]++; + } + } + return sums; +} +" +3036b316bdfb8cbfc958028ab35e2a40b520416e,"public int sum13(int[] nums) +{ + int b = nums[nums.length]; + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +00212b7d99e5b6497e875be9b33d124a1501a43b,"public int sum13(int[] nums) +{ + int b = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +d12371f94e128259bdc10301da72c93dddd76822,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums += nums[i]; + } + } + return sums; +} +" +bb1d974915942d25c562e9683708353fdeeb9a9a,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums += nums[i]; + } + if (i > 0 && nums[i-1] == 13) + { + sums -= nums[i]; + } + } + return sums; +} +" +798818f597bc67aa1fd4f2ed363c9f93527c328b,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + int b = nums[nums.length - 1]; + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +6f85cc946fcba39432e12d372651dc0b5837da1f,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + int b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +5558bb91525a59b7d45553dceea376427bcf374d,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +bc0046a42cbd2fa203253c24552c637d643fd98c,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums += nums[i]; + } + if (i > 0 && nums[i-1] == 13) + { + sums = sums - nums[i]; + } + } + return sums; +} +" +82fee5c229eed2e25edbbdf0bac79aabea5850ba,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums += nums[i]; + } + else if (i > 0 && nums[i-1] == 13) + { + sums = sums - nums[i]; + } + } + return sums; +} +" +601fba9ce3397d5bcc05811a0883913db0573550,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums += nums[i]; + } + if (i > 0 && nums[i-1] == 13) + { + sums = sums - nums[i]; + } + } + return sums; +} +" +75e88a53d3db9a6623f5d5aa1a2591427f5a301f,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +1bd51beeb2eb9010d305b7c449cc78f501aad9eb,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) { + return 0; + } + if (nums.length == 1 && nums[0] == 13) { + retrun 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +c8fb88a82111cb5a165167244ebb205b84cb6510,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sums += nums[i]; + } + if (nums[i] == 13 && i < nums.length - 1) + { + sums = 0; + } + } + return sums; +} +" +2c4fdfec2cdaf6086629e0eafdabeddf35d5e0d6,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) { + return 0; + } + if (nums.length == 1 && nums[0] == 13) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +dd13d0516ed7b26e4549bfe426c7377ff0cde653,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) { + return 0; + } + if (nums = {13}) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +03f742f45d031f575dafbe9e8b3a1a3f475e4bd6,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sums = sums + nums[i]; + } + return sums; +} +" +62b7ad12d048a639ac5f966096d9e9b0daf559f2,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + while (nums[i] != 13) + { + sum += nums[i]; + } + } + + return sum; +} +" +f73a834c99867fa7092fb4d390db27f5d1f2321f,"public int sum13(int[] nums) +{ + int sums = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sums = sums + nums[i]; + } + } + return sums; +} +" +f4694884eb52398a46d14e585e7c0c452c48f4a5,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) { + return 0; + } + if (nums.length == 1 && nums[0] == 13) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +04f8ee3623be5a33a25699528c541509f419990d,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + } + + return sum; +} +" +5416cdd4f9f363beb91d5562194a8353a6293840,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + + else if (nums[i] == 13) + { + break; + } + } + + return sum; +} +" +df5e00c4e2a428390668e8adc9f29e9319d4856c,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + } + + return sum; +} +" +30a1cb1c465b8f8a413347b7477bbc969223967b,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + + else if (i < nums.length - 2) + { + i++; + } + } + + return sum; +} +" +3bc630db9b1f70454fdc3b053e31292d5aa8541e,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + + else + { + sum += nums[i]; + } + } + + return sum; +} +" +c7de75314cb1100fe29174c5cf4cd909d61c15fd,"public int sum13(int[] nums) +{ + return (nums[0] + nums[1] + nums[2]); +} +" +40a64bba12228edf40b12bb6b443bf5962bb4132,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[1] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13 && i < nums.length -1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; +} +" +56f88b0016fe16316a466d9cf468e5445d67aae9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[1] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13 && i < nums.length -1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; +} +" +596e5c623f139d138213a044ed754019a577b4d5,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13 && i < nums.length -1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; +} +" +d220567b1cbde6a397339841a60e622481796aaf,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +e4242c02c02b41d0e4133dacc565beb3d54a3184,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +}" +26a0798a7acd3713ff90531fc49e8cf4e6465f12,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13 && nums[i-1] != 13) { + sum += nums[i]; + } + } + return sum; +} +" +1d49ae5b5689b3c7b78c5c7a7fdf22294fc3f2d1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + if (i != 0 && nums[i-1] != 13) { + sum += nums[i]; + } + else if(i == 0) { + sum += nums[i]; + } + } + } + return sum; +} +" +56e4ae7203723d098c2543b60ca24966efe8fa73,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return 0; + } + else + { + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +cf41abc913dfbd01e18c520253e5c1b5a397b715,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return 0; + } + else + { + for(int i = 0; i <= nums.length; i++) + { + if(nums[i] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +7c6ea23c91e50a0fe0d455310e5fce5ab45e3b08,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return 0; + } + else + { + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +b5d914752f39ea9decb43b98e8331389f93ed103,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return 0; + } + else + { + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 || nums[i-1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +1b0f622843d3038d13416597e00562e6b9ddb299,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return 0; + } + else + { + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + if(i != 0 && nums[i-1] == 13) + { + sum = sum + 0; + } + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +539ecfe82e2131e694b5fa1e2d21e53a8d38b5ec,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return 0; + } + else + { + for(int i = 1; i < nums.length; i++) + { + if(nums[i] == 13 || nums[i-1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if(nums[0] != 13) + { return sum + nums[0]; + } + else + { + return sum; + } + } +} +" +fd8c972c5acee1a936bf463453d097acbb5197dd,"public int sum13(int[] nums) +{ + int i = 0; + int sum = 0; + while (i < nums.length - 1) + { + if (nums[i] != 13) + { + sum += nums[i]; + i++; + } + else // is 13 + { + i += 2; + } + } +} +" +22497f191975dab22ecfeeb95346a6281db0e6fe,"public int sum13(int[] nums) +{ + int i = 0; + int sum = 0; + while (i < nums.length) + { + if (nums[i] != 13) + { + sum += nums[i]; + i++; + } + else // is 13 + { + i += 2; + } + } + return sum; +} +" +4c80ce0696a2283944e80d4306175d07a96b468c,"public int sum13(int[] nums) +{ + int summation = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + summation += nums[i]; + } + else if (i != nums.length - 1) + { + i++; + } + + } + +} +" +f3d3e7f6a63dacc845da3b6f9d12b063f7022049,"public int sum13(int[] nums) +{ + int summation = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + summation += nums[i]; + } + else if (i != nums.length - 1) + { + i++; + } + } + return summation; + +} +" +1edebd2ff10fd2bef00495def025f7e50b5a36d3,"public int sum13(int[] nums) +{ + if (nums.length == 0) { + return 0; + } + if (nums.length == 1 && nums[0] == 13) { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) { + b = b + nums[i]; + if (nums[i] == 13) { + b = b - 13; + b = b - nums[i + 1]; + } + } + return b; +} +" +c145554cb51c5ee6119916f8d6243d83bdda0761,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length) + { + if (nums[i] != 13) + { + sum+= nums[i] + } + else + { + i++; + } + } +} +" +f7aa866fe9c3cc59b8cbc34623cc9f4947001b38,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length) + { + if (nums[i] != 13) + { + sum+= nums[i] + } + else + { + i++;; + } + } +} +" +bcc84457d1abb23db98dd382cd4a8c393ce45639,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length) + { + if (nums[i] != 13) + { + sum+= nums[i]; + } + else + { + i++; + } + } +} +" +bd5766175068cb1493a95755252df93d1c8121ea,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum+= nums[i]; + } + else + { + i++; + } + } +} +" +880ceae151effb143ec48de1ebcfe778314e092b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum+= nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +881dd6bcbc019d6097a32252e058629911fe4ef2,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + //special 13 case + if (nums[i] == 13) + { + i+=2; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +b35e3086c1e13abb966de470655b1f7b817f9407,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + //special 13 case + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +719bdfb5b0597ab5095b40249fb8afc901f7b9fa,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + else + { + int i = 0; + for (int num : nums) + { + if (num == 13) + { + sum = sum - num[i + 1]; + i++; + continue; + } + else + { + sum = sum + num; + i++; + } + } + } + return sum; +} +" +5ababca1388e601f3ed5b94ea87942996e6fb6ce,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + else + { + int i = 0; + for (int num : nums) + { + if (num == 13) + { + sum = sum - nums[i + 1]; + i++; + continue; + } + else + { + sum = sum + num; + i++; + } + } + } + return sum; +} +" +6806bb516c6b22c04343297891594dbc8608b3cb,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + else + { + int i = 0; + for (int num : nums) + { + if (num == 13) + { + if (i < nums.length - 1) + { + sum = sum - nums[i + 1]; + } + i++; + continue; + } + else + { + sum = sum + num; + i++; + } + } + } + return sum; +} +" +c49b1bed058517dc601a402c038a6535df37d979,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + else + { + int i = 0; + for (int num : nums) + { + if (num == 13) + { + if (i < nums.length - 1 && nums[i+1] != 13) + { + sum = sum - nums[i + 1]; + } + i++; + continue; + } + else + { + sum = sum + num; + i++; + } + } + } + return sum; +} +" +c70bff64c94d91f87e906ac265b5cd9ea5a145d3,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i 0) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + total += nums[i]; + } + } + else + { + if (nums[i] != 13) + { + total += nums[i]; + } + } + } + + return total; +} +" +6dac8444352aab34809ef34cb36c9d00fece9432,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return sum; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + +} +" +7916ee96ab697d3080bc7dab13c6e63900052c59,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + { + return sum; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + +} +" +73b3884a7690250f63a694b4df4f2feb74e0fa8a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i =0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } + else + sum += nums[i]; + } + return sum; +} +" +a9dd75a6dec94b495f3d1d3696ab071b30cc9741,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length-1; i++) + { + if (num[i] != 13) + { + total++; + } + else + { + break; + } + } + return total; +} +" +3d9c6971f72fa224df9e16a8585d92a345ea31b9,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 13) + { + total++; + } + else + { + break; + } + } + return total; +} +" +17f47bba119c42b27fa25004c44a8ad558383afd,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + total++; + } + else + { + break; + } + } + return total; +} +" +eb39b55e18466166c6d0a29ee3304321a187c4bb,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums[i] == 13) + { + total = total - i - nums[i + 1]; + } + } + return total; +} +" +14cab3edd387d0094cc9ec84c1410b7181e01da0,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + } + if (nums[i] == 13) + { + total = total - i - nums[i + 1]; + } + } + return total; +} +" +47e32cdcb4221a41db04aa8eb62c72ad015d0f20,"public int sum13(int[] nums) +{ + int total = 0; + if (nums[nums.length] == 13) + { + nums[nums.length] = 0; + } + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + if (nums[nums.length] + return total; +} +" +522a0f9a8a953c58df5e55244f3b745f148e8af2,"public int sum13(int[] nums) +{ + int total = 0; + if (nums[nums.length] == 13) + { + nums[nums.length] = 0; + } + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + return total; +} +" +384509f9b1b22a04b0fd0082b342bbf33fd97c77,"public int sum13(int[] nums) +{ + int total = 0; + if (nums[nums.length] == 13) + { + nums[nums.length] = 0; + } + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + } + } + return total; +} +" +ead598c1a7501376ad58dc57e156241c8554559b,"public int sum13(int[] nums) +{ + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + } + } + return total; +} +" +05210935ccb55f8015101ba5d1b9d0b6ea777f85,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + total++; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + } + } + return total; +} +" +4dfc25f583ae4a267595121337f5c6cd25885e71,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + } + for(int i = 0; i < nums.length; i++) + { + total++ + } + return total; +} +" +addc3403cbc453775a8f0c8aeb31b140b33a9de6,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 1) + { + if (nums[i] == 13) + { + return 0; + } + } + for(int i = 0; i < nums.length; i++) + { + total++; + } + return total; +} +" +3c73b9c2c48b58d1aeee87a87d3a971aea108585,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 1) + { + if (nums[0] == 13) + { + return 0; + } + } + for(int i = 0; i < nums.length; i++) + { + total++; + } + return total; +} +" +56dacb650ec4d73ac3f9522dabe7bf0ba0dd2278,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 1) + { + if (nums[0] == 13) + { + return 0; + } + } + for(int i = 0; i < nums.length; i++) + { + total = i++; + } + return total; +} +" +3a6d528c2fe8ba7f9c5bc74a195b4982b7e328b0,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +a9f66018c177c9344cb26bfbe9bc24e87dad9729,"public int sum13(int[] nums) +{ + int[] sum = 0; //start array at 0 + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; + +} +" +d60498605aa8511d9edad7cb7224307ee5ef12cb,"public int sum13(int[] nums) +{ + int sum = 0; //start array at 0 + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; + +} +" +50d8e542237b2077d5dee98d66cc9ec83b5ae141,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i 0) + { + if (nums[nums.length-1] != 13) + { + y = 1; + } + } + if (nums.length > 1) + { + if (nums[nums.length-2] != 13 && y == 1) + { + sum += nums[nums.length-1]; + } + } + return sum; +} +" +eaffee8c59d9f2f074121c841bbbf78f4f43f9fb,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + x += nums[i]; + } + else + { + if (i < nums.length) + { + i = i + 2; + } + else + { + i = nums.length; + } + } + } + return x; +} +" +a38c639d5cd530c058c9189c28818ed26e285d98,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + x += nums[i]; + } + else + { + if (i < nums.length) + { + i ++; + } + else + { + i = nums.length; + } + } + } + return x; +} +" +65ac0d22f22f0bf33801560bd999cf434916d348,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + x += nums[i]; + } + else + { + if (i < nums.length) + { + i++; + } + else + { + i = nums.length; + } + } + } + return x; +} +" +83089ee8d03f085e110eb8f484a990c95bcdf382,"public int sum13(int[] nums) { + +int sum =0; + + for (int i = 0;i 0) + { + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 1; + } + else + { + sum = sum + num[i]; + } + } + return sum; + } + else + { + return sum; + } +} +" +c4d18656494afc2730cf8e85d3f8e9f6414119ab,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 1; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + else + { + return sum; + } +} +" +18597c1d6e08a295d4fa14bb34ea31989e7f5e71,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 1; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + else + { + return sum; + } +} +" +ebd38eb6223e6b20d93675c58cb7756b9bc353f1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && num[i] != 14) + sum = sum + nums[i]; + } + return sum; +} +" +deb1371eb4634dd6e7a8436d40ff80b968fff59b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] != 14) + sum = sum + nums[i]; + } + return sum; +} +" +c46c7fa37de270130824a59962a85bc19177b753,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] != 14) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +0809fcf9ba254202faf32661cd8001da982bc99e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +d52ce7eb58d4847072926c7e3ad0d8aebaf092d0,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if + { + i = i+1; + } + } + return sum; +} +" +b6b4ecbc0c81ca3d26c61a585a6b59f9c71b0fe8,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i = i+1; + } + } + return sum; +} +" +0c5c086ecdd3fd68ec5bfcf62dfa210f71dfe7d7,"public int sum13(int[] nums) +{ + int total = 0; + for ( int i = 0; i < nums.length; i++ ) + { + if ( nums[i] != 13 ) + { + if ( i > 0 && nums[i - 1] != 13 ) + { + total += nums[i]; + } + } + } + return total; +} +" +7736a7d3e39d25ff1f309a40040797813c832be5,"public int sum13(int[] nums) +{ + int total = 0; + for ( int i = 0; i < nums.length; i++ ) + { + if ( nums[i] != 13 ) + { + if ( i == 0 ) + { + total += nums[i]; + } + if ( i > 0 && nums[i - 1] != 13 ) + { + total += nums[i]; + } + } + } + return total; +} +" +7e62cece01260463cf7ae118aef3c3738686cbca,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length = 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i + 1] = 0; + } + sum = sum + nums[i]; + } + return sum; + } +} +" +72e66ab6b756ce28f26386577e3ca51c950b693b,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i + 1] = 0; + } + sum = sum + nums[i]; + } + return sum; + } +} +" +8984095d4b9786838e44f57e16a5bab060cd9ed7,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i + 1] = 0; + } + sum = sum + nums[i]; + } + return sum; + } +} +" +5149547672ae3309137288c1ffc7d3b5237d4f78,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i + 1] = 0; + } + sum = sum + nums[i]; + } + return sum; + } +} +" +192b48615cd9b40890288685ac642c1b647210ce,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 0) + { + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 13) + { + i++; + } + else + { + count += num[i]; + } + } + } +} +" +f75b0196b327ecded196da521a49301eb91ef199,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + count += nums[i]; + } + } + } +} +" +6cac564e47b9a8da06145859ba449777dd901417,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + } +} +" +06193987ddb28bca7344aee6a11051cc4d1480ce,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + } + return 0; +} +" +2dfd74928fc9a41bb79aeb694c719c6ee5a321d8,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + } + return 0; +} +" +1bf812e2c7b40bda299af156dc0fdf0c518c0fa1,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +17ebd45dc59d88c5b3e7bd2359f06465bce02cd0,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || nums[i] % 13 == 0) + { + toto = toto + nums[i]; + } + } + + } + return toto; + +" +f267a1f32ce3d3ebdc4f38f046b8c75f582631e2,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || nums[i] % 13 == 0) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +eca8aedc0ece8772f1b811c62fed7b010a14d241,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] % 13 == 0) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +55914099d2e29ea258a3ad4542ab9676a058aa24,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 ) + { + if (nums[i] % 13 == 0) + { + toto = toto + nums[i]; + } + } + } + return toto; + } + return toto; + +}" +4c9ff4e65dfcbbb1121b3e039e55d51b6f2ba151,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + if (nums[i] % 13 == 0) + { + toto = toto + nums[i]; + } + } + } + return toto; + } + return toto; + +}" +86d3fb3dea449eeaf04a933effdb15d8b60290d3,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] % 13 == 0) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +4ae6b022e50eb84710d3308f6bc8c84bfe829693,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] % 13 != 0) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +d2cee94b6cd1672e5f5113c76edc6a94dbfd31ba,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] % 13 != 0) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +e8a54a78a16063738360d209643e2022ccaa432b,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] % 13 != 1) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +b428b45cbecdf63cd179db1f3d3f65ea608cc0b3,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i] % 13 != 0) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +c7813aa4fc3d48b6a5aefc43d280b3cb673b1d59,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 ) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +e7d4e1eda4c3791fbee088cc04cf216c9ce0de87,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13 && nums[i + 1] != 13 ) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +0442d28bbb353e2043b9db3846c00e9b2ac1775d,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13 && nums[i + 1] != 13 ) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +d05612dce93bb88492a52140a0105db495dc0359,"public int sum13(int[] nums) +{ + int toto = 0; + if (nums.length != 0) + { + if ( nums[0] != 13 && nums[1] != 13) + { + toto = toto + nums[0]; + } + if ( nums[nums.length] != 13 && nums[nums.length - 1] != 13) + { + toto = toto + nums[0]; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13 && nums[i + 1] != 13 ) + { + toto = toto + nums[i]; + } + } + return toto; + } + return toto; + +}" +8a9b27d1c5562156dd5a50cbd2b5ebee5119ace2,"public int sum13(int[] nums) +{ + int total; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + total = total + 0; + } + else (nums[i - 1] == 13) + { + total = total + 0; + } + total = total + nums[i]; + } + return total; + } +} + + " +f4477cd8109726998e2f7136dd5d24fb05abff35,"public int sum13(int[] nums) +{ + int total; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + total = total + 0; + } + else if (nums[i - 1] == 13) + { + total = total + 0; + } + total = total + nums[i]; + } + return total; + } +} + + " +a29dc31330ef9008e9381e0dcc248c62697015cb,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + total = total + 0; + } + else if (nums[i - 1] == 13) + { + total = total + 0; + } + total = total + nums[i]; + } + return total; + } +} + + " +87a45b4d13684f42ce45d5de37a6f2734dacdc98,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i - 1] == 13) + { + total = total + 0; + } + total = total + nums[i]; + } + return total; + } +} + + " +0d3cb4493219ca8ac7c56c0c6b687585a95fc66c,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i - 1] == 13) + { + i++; + } + total = total + nums[i]; + } + return total; + } +} + + " +d64551a1ba2b55a752329423f32fb38c8c37d8d1,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i - 1] == 13) + { + i++; + } + total = total + nums[i]; + } + return total; + } +} + + " +d29cb9bef3fed9d7a2ffcb993e2ddd005804754c,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i - 1] == 13) + { + i++; + } + total = total + nums[i]; + } + return total; + } +} + + " +4616016737b9d926c9216b8a07ef3f2991c32f6c,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + total = total + nums[i]; + } + return total; + } +} + + " +e2c8a3827ee83593f765ef0deeb9e2733ea29836,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i - 2] == 13) + { + i++; + } + total = total + nums[i]; + } + return total; + } +} + + " +f8a39b3d77390a1b108653bfa5be344fc2a8da01,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i - 2] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +4805f56d01243163653bfaa4b4666b829b6ef410,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +53ba0100dbcb600b9a37171c6aa7af43ec006ed7,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +eca74b1ce6c29c82200864b65536ee9219892d6d,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +58510eaea7353ed962d60160bedd0cdaf2330cb2,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +84216857a81fbc17736f14cb37e877db6c790bda,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +52df2f0feeb1304ba7a7af49fab733dce519f120,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +7ed6583fc784b5b90e0b9d72d1a599eb9ac57dd4,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i-1]; + } + } + return total; + } +} + + " +649f5da9366fb33394501e71fd67df20c9a5d106,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +a36bde439ca2d0790070ea523bbd5c408d3539e0,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +398e76c30f628671841c0274e18b52e8d5b1b740,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +fe7fe060cdb50aca0cf657222e3dacbb80ddd627,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +66ed138b0950cb790d6d600cf58b8af24a4158a6,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13 || nums[i + 1] == 13) + { + i++; + } + + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +5a87ac0f0818420b2fdb71980580b6e465e8ffdf,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13 || nums[i + 1] == 13) + { + i=i+2; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +0b6d1ae08573d413f72ccfe5ccf0e88dad4e8644,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] != 13 && nums[i + 1] != 13) + { + + total = total + nums[i]; + } + } + if (nums[nums.length] != 13) + { + total = total + nums[nums.length]; + } + return total; + } +} + + " +4c937083f3bcee6df265c363158ac19a1215c50f,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] != 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +33378c55b844c79bc176fbdcefc5a5c543f2f843,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] != 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + if (nums[nums.length] != 13) + { + total = total + nums[nums.length]; + } + return total; + } +} + + " +7a3e57838d72d7a941ded72e7c57651f9d9f5bc4,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] != 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if (nums[i] != 13) + { + total = total + nums[nums.length]; + } + return total; + } +} + + " +505d14eab6d11072b6a066f9f33f9453378e94ba,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] != 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +6f3cded58b8c85698fe46c274e41b6c2c20b8d82,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] != 13) + { + i++; + } + else if (nums[i + 1] != 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +a0217127896e863d646539dcb80380548fdc6020,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + return total; + } +} + + " +811cbd7807f1827c92578ee4348c7c1a6b1bc197,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i] != 13) + { + total = total + nums[i]; + } + return total; + } +} + + " +4b24c4d3e0eac3af784fbf1c0102669d0ed6c0bd,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i]; + } + return total; + } +} + + " +ffb2ff24ed5507bc3e866b3cbb89edeb38264be8,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i - 1]; + } + return total; + } +} + + " +717580d38c7be436e3a23ce78e4ad2e8a6e30e0c,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i - 1]; + } + if ( nums[i] != 13) + { + total = total + nums[i - 1]; + } + return total; + } +} + + " +e05057de6cfe2408a162e465cc5af31b73cac19e,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i - 1]; + } + + return total; + } +} + + " +9723a1026f00e3904f7047e7faacccb2735f8b07,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i - 1]; + } + if ( nums[i] == 13) + { + total = total + nums[i - 1]; + } + + return total; + } +} + + " +826823e475ba0ed89f61985419770ea8e538e713,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i - 1]; + } + if ( nums[i] == 13) + { + total = total + nums[i]; + } + + return total; + } +} + + " +e78852683c9a67061e41a436824b65dca86d152a,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == 13) + { + i++; + } + else if (nums[i + 1] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + int i = nums.length; + if ( nums[i - 1] != 13) + { + total = total + nums[i - 1]; + } + + + return total; + } +} + + " +f1a1ac129d1d66f4c535720cdead6e0fe90256d1,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + +} + + " +d260a55c67f28b4c807e3f02fc1221e0f18ee664,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + total = 0; + } + + return total + +} + + " +b2e89d7d75ddf740bb87c72efbb2f13a4b8aea89,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + total = 0; + } + + return total; + +} + + " +55baaf88981019a04c5419db4bc239206cf84023,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +457b85c5b28b50d0904e2cc9cc8134de898c703a,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + total = 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + + + return total; + +} + + " +ea34d8825c3f5f33a997c37cb8397b5be7e8671e,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + total = 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + total = total + nums[i]; + } + } + + + return total; + +} + + " +016619ee22d71368b2e6719e284676118d8f2449,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count += 1; + if (count = 13) + { + count++; + } + } + return sum; +} + +} +" +0a8e612531ca00bcab26cb79fa05492deee8509b,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count += 1; + if (count = 13) + { + count++; + } + } + return sum; +} + + +" +35fbbc6d1700020614fc451d98eb5a2875918b77,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count += 1; + if (count = 13) + { + count++; + } + } + return sum; +} + + +" +1c8c6665a76622ac7dd3a1c7486883e66138642e,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count += 1; + if (count = 13) + { + count++; + } + } + return sum; +} + + +" +3700bc09d3ec5e00695f8d77b79970aec235a54d,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count += 1; + if (count == 13) + { + count++; + } + } + return count; +} + + +" +07c6510ff3ae49c052b13204ef95029931845781,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + count += nums[i]; + if (count == 13) + { + count++; + } + } + return count; +} + + +" +7e4831f806d4bf2cee34d11ee047f9671081bfba,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + } + count += nums[i]; + + } + return count; +} + + +" +b065ff7d480bcddc38c84c314a2627937cc74342,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i + 1] = 0; + } + count += nums[i]; + + } + return count; +} + + +" +0bb3636c93540f67b6589ceafc5630332a5aa33e,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + if (i < nums.length) + { + nums[i + 1] = 0; + } + } + count += nums[i]; + + } + return count; +} + + +" +ba414a026850c27b05e2ea5c37d1e1b37a5f2bbd,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + return sum; + } +} +" +4af1496af73b663d8a28674d05b4e4862f2473ce,"public int sum13(int[] nums) +{ + int count = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + if (i < nums.length - 1) + { + nums[i + 1] = 0; + } + } + count += nums[i]; + + } + return count; +} + + +" +49e9309f7122cf10c9e213a171f96a8a4995626a,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + return sum; + } +} +" +c04035837e0fce349e3706f9e2689c00bf1f5158,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + if (nums[nums.length] == 13) + { + sum = sum - 13; + } + return sum; + } +} +" +cbfe6d828faaf13101308af5eb7768972df5e8cd,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + return sum; + } +} +" +f9cd17d018ea6f0a990454a42957b7e422bf5c07,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + if (nums[nums.length - 1] == 13) + { + sum = sum - 13; + } + return sum; + } +} +" +cb18208b27ffca98245778f21a8d21bd62fd0d07,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + if (nums[nums.length - 1] == 13 && nums[nums.length - 2] != 13) + { + sum = sum - 13; + } + return sum; + } +} +" +822b90a3c1de37e7450f4972f09f2c1b95246bea,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + int el = nums[i]; + if (el != 13) + { + sum = sum + ele; + + } + if (el == 13) + { + i++; + } + } + return sum; +} +" +63db3f8239ae1271bee75463c801e8e4272426ed,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + int el = nums[i]; + if (el != 13) + { + sum = sum + el; + + } + if (el == 13) + { + i++; + } + } + return sum; +} +" +61e9a51203efb3726d096b290269002c297ee96a,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else if (nums.length == 1) + { + if (nums[0] == 13) + { + return 0; + } + else + { + return nums[0]; + } + } + else + { + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum - 13; + sum = sum - nums[i + 1]; + } + } + if (nums[nums.length - 1] == 13 && nums[nums.length - 2] != 13) + { + sum = sum - 13; + } + return sum; + } +} +" +8b65c0fcff7a39dbba2a68df29b57cdc61253b6d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + } + +} +" +7f1fbfc4ad887fefa82b15771e21e89c44afe33c,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + +} +" +a5e22fc3d80cec51db4f8eebeb61d78df4248fb8,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + +} +" +df497da02ddbbf10c48718fc9600ca751f25d9af,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; + +} +" +48be0429be9906533b7a38e6453d723c518fe4eb,"public int sum13(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + count = count + nums[i]; + } + else + { + i = i + 2; + } + } + return count; +} +" +52909ae9bacefb8b66d4690b53cfe83e0260b9c2,"public int sum13(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + count = count + nums[i]; + } + else + { + i = i + 1; + } + } + return count; +} +" +c1471a800daa416b44ae48215a761a165e3b034b,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + if (nums.length == 1) + { + return nums[0]; + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + if (i > 0 && nums[i - 1] != 13) + { + sum += nums[i]; + } + else + { + sum += nums[i]; + } + } + } + return sum; +} +" +1f0e79189a44c1fb38c230504ad63304801d1192,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + if (nums.length == 1) + { + return nums[0]; + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + if (i > 0) + { + if (nums[i - 1] != 13) + { + sum += nums[i]; + } + } + else + { + sum += nums[i]; + } + } + } + return sum; +} +" +398e78ed1f1efbeea6f7a40b5979a7cce547a6b1,"public int sum13(int[] nums) +{ + int sumNumbers = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sumNumbers = sumNumbers + nums[i]; + } + else + { + i = i + 1; + } + } + return sumNumbers; +} +" +96adf46e7de7d0332b3984ed42c1763612f3141c,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + if (nums.length == 1) + { + if (nums[0] != 13) + { + return nums[0]; + } + else + { + return 0; + } + } + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + if (i > 0) + { + if (nums[i - 1] != 13) + { + sum += nums[i]; + } + } + else + { + sum += nums[i]; + } + } + } + return sum; +} +" +d40286c222ae12ca92f4cda12c44b545f0af7161,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +373220b0d6bac214f5e8e01e1490df5e5910c285,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int finalSum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + finalSum = finalSum + nums[i]; + } + } + return finalSum; + } +}" +d3d7f8e22fa3cfadd2235c9ee5dadc199479c6f1,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int finalSum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + finalSum = finalSum + nums[i]; + } + else + {i++} + } + return finalSum; + } +}" +d702b815891912495dd37c6cfb846fc0f6d0c7a4,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int finalSum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + finalSum = finalSum + nums[i]; + } + else + {i++;} + } + return finalSum; + } +}" +5c7feaf744df1e6b8f1557078bca4e6ad1f5fca5,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int finalSum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + finalSum = finalSum + nums[i]; + } + else + { + i++; + } + } + return finalSum; + } +}" +a2a2884e41048d06a4cb030480f7393277c7ec9a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13) + { + sum = sum - (13 = nums[i + 1])); + } + } + return sum; +} +" +f2fb2c638aec96a61533f4c58d98b1939f2ab416,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13) + { + sum = sum - (13 + nums[i + 1])); + } + } + return sum; +} +" +f9b087d33faee729d4cfd6e8ad0309b3c1e713ca,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13) + { + sum = sum - (13 + nums[i + 1]));; + } + } + return sum; +} +" +dfb9ddbba9de5f7aa3fe11d4c2651e6620181216,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13) + { + sum = sum - 13 - nums[i+1]; + } + } + return sum; +} +" +9ec04aef6f73778785f0d8b97537c5dc9bc5a033,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13 && nums[i+1] != null) + { + sum = sum - 13 - nums[i+1]; + } + else if (nums[i] == 13) + { + sum = sum - 13; + } + } + return sum; +} +" +b16fc93187712a1748ac81c8fa4808e41e0e51e4,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13 && nums[i+1] != 0) + { + sum = sum - 13 - nums[i+1]; + } + else if (nums[i] == 13) + { + sum = sum - 13; + } + } + return sum; +} +" +967f9c48968a91e8f4eb64134f601ad2eb296ecc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (nums[i] == 13 && nums[i+1] < nums.length) + { + sum = sum - 13 - nums[i+1]; + } + else if (nums[i] == 13) + { + sum = sum - 13; + } + } + return sum; +} +" +e1856dfceb5025cece3f26913a5ff0e801b6bc01,"public int sum13(int[] nums) +{ + int result = 0; + if (nums.length == 0) + { + return 0; + } + for (int x = 0; x< nums.length;x++) + { + if(nums[x] != 13) + { + result += nums[x] + } + } + return result; +} +" +67552bf6b4efb952c6396e96f3ef5d732353f509,"public int sum13(int[] nums) +{ + int result = 0; + if (nums.length == 0) + { + return 0; + } + for (int x = 0; x< nums.length;x++) + { + if(nums[x] != 13) + { + result += nums[x]; + } + } + return result; +} +" +efa84e37174ca9adf578e24329f9c9536ebb1fba,"public int sum13(int[] nums) +{ + int result = 0; + if (nums.length == 0) + { + return 0; + } + for (int x = 0; x< nums.length;x++) + { + if(nums[x] != 13) + { + result += nums[x]; + } + if(nums[x] == 13) + { + x++; + } + } + return result; +} +" +8159e163c4a42e8c943ff4968de24b64001b230f,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int x = 0; x <= nums.length - 1; x++) + { + if (nums[x] != 13) + { + sum = sum + num[x]; + } + else + { + x++; + } + } + return sum; + } +} +" +7cfff3390e81b25ecf5539e569d1cbaf00482b9e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int x = 0; x <= nums.length - 1; x++) + { + if (nums[x] != 13) + { + sum = sum + nums[x]; + } + else + { + x++; + } + } + return sum; + } +} +" +e8670c299683ad7ceef2a50ca2378b24c699938e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (i + 1 != nums.length) + { + if (nums[i] == 13) + { + sum = sum - 13 - nums[i+1]; + } + } + else if (nums[i] == 13) + { + sum = sum - 13; + } + } + return sum; +} +" +1a2f4676b682456c739b7d1c9d659ede894f8fc4,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (i + 1 != nums.length) + { + if (nums[i] == 13) + { + sum = sum - 13 - nums[i+1]; + } + } + else if (nums[i] == 13) + { + sum = sum - 13; + } + } + if ( sum < 0) + { + return 0; + } + return sum; +} +" +db78a6e1cd39de2cfe95ac6fe1ce55cc64ee8553,"public int sum13(int[] nums) +{ + if(nums.length == 0) return 0; + int sum = 0; + for(int i=0; i 0 + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + break; + } + } + } + return sum; +} +" +2abb79621554ba80b0025983595324e7568ce2b6,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + break; + } + } + } + return sum; +} +" +d9863fc7fc4ceb5b58a6b55210d6612064832960,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + break; + } + } + } + return sum; +} +" +76a754c94f4e3329911ea517e7225bbd56d996b8,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i++; + } + } + } + return sum; +} +" +5e5942aa569e0545f4e9921b9ded8a173d1f5bde,"public int sum13(int[] nums) +{ + int len = nums.length; + int sum = 0; + int i = 0; + for (int i = 0; i < len) + { + if (nums[i]==13) + { + i=i+2; + } + else + { + sum = sum + nums[1]; + } + } + return sum; +} +" +ee51671ab6b47c5ce7892be03ea9ee7eecd61c2e,"public int sum13(int[] nums) +{ + int len = nums.length; + int sum = 0; + int i = 0; + while (i < len) + { + if (nums[i]==13) + { + i=i+2; + } + else + { + sum = sum + nums[1]; + } + } + return sum; +} +" +3daa695adf77511ccb96703f1d1614ace86c1576,"public int sum13(int[] nums) +{ + int len = nums.length; + int sum = 0; + int i = 0; + while (i < len) + { + if (nums[i]==13) + { + i=i+2; + } + else + { + sum = sum + nums[1]; + i = i + 1; + } + } + return sum; +} +" +350855e3111e04391eab023618f5bcf4d86c626a,"public int sum13(int[] nums) +{ + int len = nums.length; + int sum = 0; + int i = 0; + if (len = 0) + { + return 0; + } + while (i < len) + { + if (nums[i]==13) + { + i=i+2; + } + else + { + sum = sum + nums[1]; + i = i + 1; + } + } + return sum; +} +" +68835f85104bbba208d051ca9d26685d181e6943,"public int sum13(int[] nums) +{ + int len = nums.length; + int sum = 0; + int i = 0; + while (i < len) + { + if (nums[i]==13) + { + i=i+2; + } + else + { + sum = sum + nums[1]; + i = i + 1; + } + } + return sum; +} +" +423d0366d0baa0785ef746a9b29831758881ec8a,"public int sum13(int[] nums) +{ + int len = nums.length; + int sum = 0; + int i = 0; + while (i < len) + { + if (nums[i]==13) + { + i=i+2; + } + else + { + sum = sum + nums[i]; + i = i + 1; + } + } + return sum; +} +" +3b68bac6bdb8ef92778f8ecfc62dee3d2f6f85ed,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] = 13) + { + x++; + } + else + { + sum += nums[x]; + } + } + return sum; +} +" +824a5f8ada41cf66844fda7deb457486891c08c6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 13) + { + x++; + } + else + { + sum += nums[x]; + } + } + return sum; +} +" +2c2b79342502adbe1deaa6fac8b52604a5da0b04,"public int sum13(int[] nums) +{ + boolean noThirteenBefore = true; + int sum = 0; + for (int number : nums) + { + if (noThirteenBefore && number != 13) + { + sum = sum + number; + } + else if(number == 13) + { + noThirteenBefore = false; + } + else + { + noThirteenBefore = true; + } + } + return sum; +} +" +1924ef45727147978a22e0178be86b4f4bf43233,"public int sum13(int[] nums) +{ + int sum = 0; + int i = 0; + + while(i < nums.length) { + if(nums[i] == 13) { + i += 2; + } else { + sum += nums[i]; + i++; + } + } + +return sum; +} +" +702cfc7c012b404e27bc5d49d0f3651a2fa4d265,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++ + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +febb77e53e7ea269f32fd9e1cf4074f7ed27bae7,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +8cf244a90c6754af64552382f758d0069e277fad,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] == 13) + { + sum -= nums[i]; + } + } + return sum; +} +" +667b77afdf16ef996b82b95720b38517f9d3aa01,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length - 1; i++) + { + sum += nums[i]; + sum += nums[i+1]; + if(nums[i] == 13) + { + sum -= nums[i]; + sum -= nums[i+1]; + } + } + return sum; +} +" +7c1f5c2ba8908eb8b937dd7f06bfc68f2ec8b877,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length - 1; i++) + { + sum += nums[i]; + if(nums[i] == 13) + { + sum -= nums[i]; + sum -= nums[i+1]; + } + } + return sum; +} +" +6e60660c2dffbaeacb62d55848f7cb75e278137f,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length - 1; i++) + { + sum += nums[i]; + if(nums[i] == 13) + { + sum -= nums[i]; + i++; + } + } + return sum; +} +" +af8e9e72a9fc951d13f17ee3dceb87713ca66679,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length == 0) + return 0; + for(int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if(nums[i] == 13) + { + sum -= nums[i]; + i++; + } + } + return sum; +} +" +f98c08dccde5fa9ec534325fe193f71db9ad88cc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + i++; + } + else + sum += nums[i]; + } + return sum; +} +" +95b4b40af4628d1cc76e31073c3f12174e3b7c46,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + sum += nums[i]; + } + return sum; +} +" +1b6ee9607a5343c43e1a6786528899443b58a486,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +309a0eb71814dda8e3c94b690897b95ed347eb52,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +f53e5b2ac704bac41d43ce2738b657893c3c4185,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.size()p - 1; i++) + { + if (nums[i] != 13) + { + nums[i] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +3d9a2d3d1e1abca67bfa2e45f5f6dc0ee17f12f7,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.size() - 1; i++) + { + if (nums[i] != 13) + { + nums[i] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +940a946f9a0eeb90ac4e79843d3057ce7df5edd9,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length() - 1; i++) + { + if (nums[i] != 13) + { + nums[i] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +4900a135620eb1bb072b91281a4ca48b7c70a41e,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + nums[i] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +805fa23d4b540417618c991b7fad6d33d1e9acc6,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +eaabdbfcf977e3f9a0fe8827d6b83832c7daff19,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +8e3037aa60b30b2dd65d1c9ad50cd1245bbf9aba,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i+1] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +5f6e06e1eaf82f6c322343d417220960550f5763,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i+1] = 0; + } + sum = sum + nums[i]; + } + return sum; +} +" +53c4295b475b40815bac13e5a608d50bdd132b29,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + i++ + } + sum = sum + nums[i]; + } + return sum; +} +" +ee4708e15be1f13f8c489f277d070e2cddbf6ff4,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + i++; + } + sum = sum + nums[i]; + } + return sum; +} +" +a21b7f3429f0ada9fb1ae537ca859f377d0d3cd1,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length ; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +3d182ce0113f6ff283d4f123ab4334a775f1396c,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < 13) + { + sum += nums[i]; + } + else + { + break; + } + } + + return sum; +} +" +1b6168b969558d3c208c9e973460b3e83bc730c1,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] < 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + + return sum; +} +" +407ce4a7f680e3d8d40e80b3c4b7bee5814fea86,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum += nums[i]; + } + else { + i += 1; + } + return sum; +} +" +fa020878a5e342dd636120b9a87009bb63350eae,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum += nums[i]; + } + else { + i += 1; + } + return sum; + } +} +" +32d53756f425faa0ec0503c670b52df881bcebd0,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum += nums[i]; + } + else { + i += 1; + } + } + return sum; +} +" +33ffd7edf72da65986cbe28a7f70404f9635a57f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + num[i]; + } + return sum; +} +" +a945719a5a68a8722047531186a048b13a6708c6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +e04f3cab14941f53dd99cdeee0e740fe3a3b673a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (i == 13) + { + sum = sum - nums[i] - nums[i + 1]; + } + + } + return sum; +} +" +5d09228c2382c85424461593e2fc88446639e002,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + if (i == 13) + { + sum = sum - nums[i] - 2*nums[i + 1]; + } + + } + return sum; +} +" +ce3af82941e08608c37625426c3d3535d2490c35,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + + if (i == 13) + { + sum = sum - nums[i] - nums[i + 1]; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +9f1e10baec0eb14cc10509c28b0927aa74cdb61d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 13) + { + sum = sum - nums[i] - nums[i + 1]; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +8ffdc64b09cc1b2c13e4e7fa636c6cb24a79057f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + + if (nums[i] == 13) + { + sum = sum - nums[i] - nums[i + 1]; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +2858ecbc81e95868787d3d5a3ca953aa735f9d32,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length ; i++) + { + + if (nums[i] == 13) + { + sum = sum - nums[i] - nums[i + 1]; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +d23448f798ea9ad40828c5885ecc1fb3fb9ce74b,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i+1] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +9823946d030a5f190fcdab35957e19f46a70cd55,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +3c4fb497712d91b758399c697401fbf84fa5079f,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || && nums[i+1] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +7b58b167f998b16453653d168d0880cc10b95e45,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || nums[i+1] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +0cfcc668ad3b156a5a258ed84178b1b8891241a6,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +562ed34a40158f34f5002e42ac08524262d171b7,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +3c1b1f00152e978b57dec00a2e7609fc33b1aa6b,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +8ce258dc83ff2f6371f2b6151e0ba2735a008ebc,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[]; + i = i - 2; + } + } + } + return sum; +} +" +aca05b4bff6bd572cd1df338108c2a3e3d972e7d,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + i = i - 2; + } + } + } + return sum; +} +" +c21e8aa5680add2d681d5bc0e959c5bccc4ab0be,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +d3bc924e8cf8fa2a2e50bf4aa03755ea404ba573,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +7a18bdfa83c551bb0dd5eb9158d4011b38cee19e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +4d4a0e268d3be0d004e4cbd70a9b6dec55c569ce,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +9e937c6f4f75ea500e7cd5336752257c4e20b108,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +eafcc4052dc68689c7451c3a9efd89e70bfcee63,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +1753f3d2c8145530f86b94a7be27dd57de69a948,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +5500fb7b6839284fe80bd33b3a7849b4bdf2e26c,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+1]; + } + } + } + return sum; +} +" +759eead3644d939bb231bcfb40bb2139edf5ce11,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +8f70ac2575f1d300b114027a0161cb800227a5ae,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length+1; i++) + { + if (nums[i] != 13 && nums[i-1] !=13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +903e6b2f2b2140e0c2616e24651e0b7ab082c3aa,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +ecb8bf727f6ab2cd4b3fdb338316322993f1761a,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length+2; i++) + { + if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +058b03c80347ef0219299e8f0e29bf94e6c3c7b4,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +cf14e3bf7511a37242bc70d61b843ff8c6a77953,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i+=2; + } + sum += nums[i]; + } + } + return sum; +} +" +632e2714093bbebefe4e293b8d73ebbb32200807,"public int sum13(int[] nums) +{ + int sum; + sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +850c84cd19c48adadda076a53aee17fc02ff4104,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +9abd2346b3eb53bf2253fdb2a26a970e83dc62b8,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++ + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +df635b77814051975ca25ae68597f33bb1722547,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +d004a01ff4f1eeddc44d6765de905b20aaa4756a,"public int sum13(int[] nums) +{ + if (nums == 0) { + return 0; +} +" +d4bcf6c8e35c1dc33d803d62c4c1abc06da6328d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +cda5f2b10f78d2051a2fcce513a31929e109e782,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +e78254d222abf2aab1f248d8dfe363a6f4ea68e9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + sum = sum; + } + else if (nums[i - 1] == 13) + { + sum = sum; + } + else + { + sum = sum + nums[i - 1]; + } + } + return sum; +} +" +cb1f24fc40d62b3a4b35d14575fa0fa3d1b0c4c5,"public int sum13(int[] nums) +{ + int sum = 0 + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + } + return sum; +} +" +bdf7d18c864879e9db55cdb7d26182dc6e6a05b9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +e2e2828f19d8aa7a03e968b82fb041774a6011c3,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + } + return sum; +} +" +4acae88795da164f67083319607de5c166a9a773,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + } + return sum; +} +" +0eafe324b37be5a5b33d48744f25aec2d8382552,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13 ) + { + sum = sum; + } + else + { + sum = sum + nums[i+1]; + } + } + } + return sum; +} +" +2ea388bf4a9ee1d1079bac08d69b2e912442a0db,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13 ) + { + sum = sum + nums[i+1]; + } + } + } + return sum; +} +" +b07935509ecf157beaaa30aff82b08eea26f2ff0,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 ) + { + sum = sum + nums[i+1]; + } + } + } + return sum; +} +" +276c13ed97366cfb28e847116db54f0a51c11d8c,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 ) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +b9eef0d044f2ff86a48d8ae9e33fa5ae4d24e1b4,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) { + if(nums[i] != 13) { + sum += nums[i]; + if(i>0 && nums[i-1] == 13) + sum -= nums[i]; + } + } + return sum; +} +" +5af0389f3032da064de4d274c124cab760290eb7,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + sum += nums[i]; + if (i>0 && nums[i-1] == 13) + { + sum -= nums[i]; + } + } + } + return sum; +} +" +3a5c49253d7495d144eb8255d7cd8e349646046c,"public int sum13(int[] nums) +{ + int total = 0; + for (int = 0; i < nums.length; i++) { + if ( nums[i] == 13 ) { + i++; + } + else { + total = total + nums[i]; + } + return total; +} +" +8f43ed15e2abf3dfe11787705bd969ddae21a4a4,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if ( nums[i] == 13 ) { + i++; + } + else { + total = total + nums[i]; + } + return total; +} +" +ceeccc7600a11ee96e17977551a7744a6fbea745,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum = sum + nums[i+1]; + } + } + } + return sum; +} +" +733be62e13e632f903e37d1a07b862e9c494564c,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if ( nums[i] == 13 ) { + i++; + } + else { + total = total + nums[i]; + } + return total; +} +" +539525a3ce0ceb29433fb7ac6b11de4750e88304,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +aa50663890cfafbe55a8675980c435ddd7912594,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +5018feabd54c9dceb1dfd730c70f5a884f332a48,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if ( nums[i] == 13 ) { + i++; + } + else { + total += nums[i]; + } + return total; +} +" +a05f180b2b02997334b5da8b1e2c2577023bb9a7,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 13) + { + sum = sum + nums[i+1]; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +cf5a3b5d342f2b7c62f023a3eb5cb9f1cca89c56,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +a9a841bdd925155990a31ada214568a5cab794ba,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +203e29896b6807ac9e64c48a895fa57b98db1ad7,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +de36766d6d8b18ecfd1c2c335b2ebe31bfebd789,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } else { + sum += nums[i]; + } + } + return sum; +} +" +36fe00f894c9adcf7ebfec73129b5f4e240b872f,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length > 0) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13 || nums[i+1] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +e48d1888cfabf3233260d7a18239627ac0c89835,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length > 0) { + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != 13 || nums[i+1] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +d5fe00c6626dd1beb5eb6a3f718621c170bfa577,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length == 1 && nums[i] != 13) { + sum = nums[i]; + } + else if (nums.length > 1) { + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != 13 || nums[i+1] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +b04d770eef8f7d05b82705a8650cb1c4c0a640ee,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length == 1 && nums[i] != 13) { + sum = nums[0]; + } + else if (nums.length > 1) { + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != 13 || nums[i+1] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +3dd701ac8ba8d8fe6d05b91a395b1bdb2ddfa672,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length == 1 && nums[0] != 13) { + sum = nums[0]; + } + else if (nums.length > 1) { + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != 13 || nums[i+1] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +adc5f3d00f99b59e65cab84d2901e29a048bdb6e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length == 1 && nums[0] != 13) { + sum = nums[0]; + } + else if (nums.length > 1) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13 || nums[i+1] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +3aa50458f8080c1e3c0e3e5020815e5f640272ce,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) { + return 0; + } else if (nums.length == 1 && nums[0] != 13) { + sum = nums[0]; + } + else if (nums.length > 1) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +e7df643e80239e304f8bb998974f5e049975556f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && i < nums.length - 1) + { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; +} +" +d6fd65cafe687cfeb44104fc09dcf2865800f725,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length+1; i++) + { + if (nums[i-1] = 13) + { + sum = sum + nums[i+1]; + } + } + } + return sum; +} +" +82885f8a12eacd6cc701ced9e7fb7543e42ccb37,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +a19c8248e4963e50a4926c3b6fa637cfcbc3b09f,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if (nums[i] == 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +6f153967195cc1648e16ca555dd85270c317ca66,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +fa193f29a524aeee0a61fb64cf00778af07174ad,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +1852f257fe815b855412d5fd9c03b6781c2a56cb,"public int sum13(int[] nums) +{ + int total = 0; + for(int inT = 1; inT <= nums.length; inT++) + { + if(nums[inT-1] == 13) + inT++; + else + total += nums[inT]; + } + return total; +} +" +b60bf7eac16cfc3264a82912eaf34929d19aa082,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +eb1e31d6afbab6cae075b0b724b735e3ec4c8cfd,"public int sum13(int[] nums) +{ + int total = 0; + for(int inT = 1; inT <= nums.length; inT++) + { + if(nums[inT-1] == 13) + inT-1++; + else + total += nums[inT]; + } + return total; +} +" +07788061bf26a28372b1249986f15cbd576198ae,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + sum += nums[i]; + else + i++; + } + return sum; +} +" +4f8d4e08c2c21e1c45ac1b228e4b00ff49be722f,"public int sum13(int[] nums) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + total += nums[i]; + else + i++; + } + return total; +} +" +518bcd21b402924c0e9317f35d0f1a3e8484406e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13 || nums[i+1] != 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +d68f6c75236fea82a0e3788983821a4697541f1a,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13 && nums[i+1] != 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +1f0cf9600bdcb8a3ca662d5f94665158ca955dd1,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13 && nums[i+2] != 13) + { + sum = sum + nums[i+2]; + } + } + } + return sum; +} +" +d28f27c92fec2f129098d86aa0dd193c1d52af07,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length-2; i++) + { + if (nums[i] != 13 && nums[i+2] != 13) + { + sum = sum + nums[i+2]; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +0f7e0682ace37acd262e2cc45f8a340cbe0fba27,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +0469911f89978a9a1ba63ca189466f5a93171a4f,"public int sum13(int[] nums) +{ + int sum13 = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum13 += nums[i]; + } + return sum13; +} +" +9f9fec3afc1f208750b3312df6463439b6bb4dc7,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + } + return sum; +} +" +8e74f883d7bd2e0ac9bdf70852384c2e5b5d5238,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } +} +" +84ae6aa12e24b309611bf8076b8411a6070b7af1,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +68013791cdb7778cbadc3be32bd344ee03cb36f6,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +2994cd184ddef1f699c4f84c0c38d4b36ea4b9b7,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +2ed02a5525ea89b08e07ec31e5e40702dbd05c92,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +0903b7698464a5ea09245de30deb01f9b0988753,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +02fa3e93cb51aa0ac8fd2a66e8416e3ca6ab2fab,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] < 13) + sum += nums[i]; + return sum; + +} +" +fd735ca47edc4675294d3f5ac395ace9974b3acb,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +bc982ebee429cc979e80c9d1b899cfd690dd17ec,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length-1 ; i++) + { + if (nums[i] != 13 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +b77d4ebc6cfbfa041c131faaea5e42f8e391f3ed,"public int sum13(int[] nums) +{ + int sum = 0; + while (nums[i] != 13 && nums[i + 1] != 13) + sum += nums[i]; + return sum; + +} +" +f9b8ddcfabfbee3534b1d0aeb9ebd46ffb637ca5,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length-1 ; i++) + { + if (nums[i] != 13 && i-1>0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +1798cd00c986507589b05c9beee1558754ec30ac,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +030ce8486134862a3524b741979e54571a8444b8,"public int sum13(int[] nums) +{ + int sum = 0; + int i = 0 + while (nums[i] != 13 && nums[i + 1] != 13) + sum += nums[i]; + i += 1; + return sum; + +} +" +e9adefd9b165bdf6cf16d58d4f2a25cb09d604b1,"public int sum13(int[] nums) +{ + int sum = 0; + int i = 0; + while (nums[i] != 13 && nums[i + 1] != 13) + sum += nums[i]; + i += 1; + return sum; + +} +" +0c003d87f660ed4910f0a8ab58776c10db64ee90,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>0 && nums[i+1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +c8c13854b29700992ddf3346d18706a4d9a19305,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>0 && i+1<=nums.length && nums[i+1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +02d9f6c04c676a8b4e9b9d842d1966efef98211f,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i+1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +4ac633d9874260d8f0a740e93c1183725765d95f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + return sum; + else + sum += nums[i]; + return sum; + +} +" +b03949d80a120480e8cec2280673302182792f6a,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +a4cef1222477f83927b2624855e3fde64687cc6a,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length+1 ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +a64970a0113d40a0306809e40d9194202752934f,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +3d78fbf600530cd80673b614690b9378cf000cb9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + i = i + 1; + else + sum += nums[i]; + return sum; + +} +" +a558e1ba855a2f9118474d3a858f681d1674b3a0,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] != 13) + sum += nums[i]; + else + i = i + 1; + return sum; + +} +" +da27a57b08586ab797fc8a7e09f405e7b9539b98,"public int sum13(int[] nums) +{ + int total = 0; + if (nums[0] != 13) + { + total = nums[0]; + } + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +ad63a7f7f9e644e41ec274ad01efe798dc58b679,"public int sum13(int[] nums) +{ + int total = 0; + if (nums[0] != 13 && nums.length>0) + { + total = nums[0]; + } + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i-1] != 13) + { + total = total + nums[i]; + } +} + return total; + +} +" +92f811650ac601198cf44d74ea69ef67bc3f32f1,"public int sum13(int[] nums) +{ + int total = 0; + if (nums[0] != 13 && nums.length>0) + { + total = nums[0]; + } + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] != 13 && i-1>=0 && nums[i-1] != 13 && nums.length>0) + { + total = total + nums[i]; + } +} + return total; + +} +" +4a71e58f7c625e9b0ea29f29720d8bbc147e2f3d,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; + +} +" +459ac3437f21744e0ce9e5faa3ab1e9cb2d098a1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] !=13) + { + sum += nums[i]; + } + if (nums[x] == 13) + { + x++; + } + } + return sum; +} +" +4d359979ecfa3d81e61f2c5dbb7c17815f69ff9e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] !=13) + { + sum += nums[x]; + } + if (nums[x] == 13) + { + x++; + } + } + return sum; +} +" +f30324d7d4e2dbec4b56048ec649d2806c9209d9,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i=0; i 0 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + else + { + + } + } + return sum; +} +" +2e83a9394b2c28098238d2e12a3c7901a1bf3c5a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + } + else + { + + } + } + return sum; +} +" +70b5e2d74bbbf11a953f141285f42fb5763d269e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + } + else + { + + } + } + return sum; +} +" +1edbd73201996673823638f715b95a697746a0b9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && i > 0 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + } + else + { + + } + } + return sum; +} +" +20a502bb0fac17149097705d3155fe5393bf4690,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && i > 0 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + //if (nums[0] != 13) + //{ + // sum = sum + nums[0]; + //} + } + else + { + + } + } + return sum; +} +" +07ab7e32f0f00e6ff3042c85034637e338821da7,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i = i + 1; + else + sum + nums[i] = sum; + } + return sum; +} +" +3ed0596f37b8806e5609c0a3980ac9a6e4392201,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i = i + 1; + else + sum += nums[i]; + } + return sum; +} +" +29b97fff35390fa49747f8db87ffcdce48ad3fdf,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i = i + 1; + else + sum + nums[i] = nums[i]; + } + return sum; +} +" +b6f3bfcfb536a08830ff23a86029209e84389e50,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i = i + 1; + else + sum += nums[i]; + } + return sum; +} +" +a0dc9f1bd69d93fcf2e1e3ae2eb4ef6075c2c7e2,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] == 13) + + i++; + + else + + sum += nums[i]; + + } + + return sum; +} +" +309a5ceb6872c40d73ceaa924e2bd24a79499345,"public int sum13(int[] nums) +{ + int sum = 0; + for (int n=0; n0 && nums[n-1]==13) + { + sum-=nums[n]; + } + } + return sum; +} +" +cd59b3e7516e5036b930c53aeb89ce14e7da5773,"public int sum13(int[] nums) +{ + int sum = 0; + for (int n=0; n0 && nums[n-1]==13) + { + sum-=nums[n]; + } + } + } + return sum; +} +" +7832f84cbea48d27ddbd34aa25f34d8162ab0145,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i += 2; + } + else + { + sum += nums[i]; + i++; + } + } + return sum; +} +" +7cb0ff61576ff8d9d75b82a28d4c7fca7a05a1c9,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + i++; + } + } + return sum; +} +" +f406689717dccdec5fb179dd327a388ed22435bc,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + sum += nums[i]; + i++; + } + else + { + + i++; + } + } + return sum; +} +" +22f17ecc5ad5560d830eb164056684caef368310,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + sum + nums[i] = sum; + i++; + } + else + { + + i++; + } + } + return sum; +} +" +f955591107f38499b863a6fd6f6a6f4bea565224,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + sum += nums[i]; + } + else if (nums[i] == 13 && i < nums.length - 1) { + nums[i] = 0; + nums[i + 1] = 0; + } + } + return sum; +} +" +e4858ba515683f87b4716416fbfa16213d349ed6,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + sum += nums[i]; + i++; + } + else + { + + i++; + } + } + return sum; +} +" +2c3b8451d69d1c5de18428b05d99d8651638ad45,"public int sum13(int[] nums) +{ + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +e840de83846a024ffce618b8b6c31d5889742b82,"public int sum13(int[] nums) +{ + int sum=0; +if(nums.length==0){ +return 0; +} +for(int i=0;i0&&nums[i-1]==13){ +continue; +} +sum+=nums[i]; +} +return sum; +} +" +148e12d6d11ee3a5dd981443132b5183a39ceead,"public int sum13(int[] nums) +{ +if (nums.length == 0) return 0; +int sum = 0; +for (int i = 0; i < nums.length; i++) { +if (nums[i] != 13) sum += nums[i]; +else { +i++; +} +} +return sum; +} +" +17d782cb211eb8a49e27a821b046e31987063e9c,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i ++) + { + if(nums[i] != 13) + { + if (i != 0 && nums[i-1] != 13) + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +0c9acf405230e907602a7a3d3602bf8ad5d5054a,"public int sum13(int[] nums) +{ + int sum = 0; + int c = 1; + for (int i = 0; i < nums.length; i ++) + { + if(nums[i] != 13) + { + if (nums[c-1] != 13) + { + sum = sum + nums[i]; + c++; + } + } + } + return sum; +} +" +d6ae984ae2bd8d3ada89b6e2f54d972ca09ddedb,"public int sum13(int[] nums) +{ + int a = 0; + int i = 0; + while (i < nums.length) + { + if (num[i] == 13) + { + i += 2; + } + else + { + a += num[i]; + i++; + } + } + return a; +} +" +0b823c5ca422a8cdce4b0a441a374aa0514a30f7,"public int sum13(int[] nums) +{ + int a = 0; + int i = 0; + while (i < nums.length) + { + if (nums[i] == 13) + { + i += 2; + } + else + { + a += nums[i]; + i++; + } + } + return a; +} +" +d6933ee6beff5c707ea9c7f65abdbe75f6b079be,"public int sum13(int[] nums) +{ + int sum = 0; + int c = 1; + for (int i = 0; i < nums.length; i ++) + { + if(nums[i] != 13) + { + if (nums[c-1] != 13 && nums[i+1] != 13) + { + sum = sum + nums[i]; + c++; + } + } + } + return sum; +} +" +92a4c671bbe2bd246b9af3964b582e84481da0c8,"public int sum13(int[] nums) +{ + int sum = 0; + int c = 1; + for (int i = 0; i < nums.length; i ++) + { + if(nums[i] != 13) + { + if (nums[c-1] != 13) + { + sum = sum + nums[i]; + c++; + } + } + } + return sum; +} +" +ec65ef43eb64157fa38e58a2791fea41209c8e83,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +2688435caef30a9ad68190d7dcfcdf08cd755eff,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13 && i < nums.length - 1) + { + i++ + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +838718da3810c10e0695affbf1c288b23a06b6b1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13 && i < nums.length - 1) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +b4e6f56b1d039fb8eb70fe7d5cd98287320a73ec,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +fc0987531cde5fce2a6417d5a6ff9d7603b97e4f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || nums[i+1] != 13) + { + sum += nums[i]; + } + } + return sum; + +} +" +dbbcc925cde15a38a60b6091013f679217ae9072,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i <= nums.length; i++) + { + if (nums[i] != 13 || nums[i+1] != 13) + { + sum += nums[i]; + } + } + return sum; + +} +" +9e7d012cb654508ad926052758ce2a02a14cb79c,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || nums[i+1] != 13) + { + sum += nums[i]; + } + } + return sum; + +} +" +d4d0efba9bc55e787044256624c726796c4541d3,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + if (i + 1 < nums.length) + { + sum += 0; + } + } + sum += nums[i]; + } + return sum; + +} +" +6d5f117714674e6639701842d6b4cb6b9a07faab,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + if (i + 1 < nums.length && nums[i+1] == 13) + { + sum += 0; + } + } + sum += nums[i]; + } + return sum; + +} +" +8a5fa205c72f92fabb91f97bef157f1532dbebc1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + if (i + 1 < nums.length && nums[i+1] == 13) + { + sum += 0; + } + sum += nums[i]; + } + } + return sum; + +} +" +9446e1abd835e9ec5fb87679acbdeb8f9353f3b2,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + if (i + 1 < nums.length && nums[i+1] == 13) + { + sum += 0; + } + continue; + } + sum += nums[i]; + } + return sum; + +} +" +429dc9901dac40c536421973946f401bac5a5757,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + if (i + 1 < nums.length && nums[i+1] == 13) + { + continue; + } + continue; + } + sum += nums[i]; + } + return sum; + +} +" +e171f8f0e7c4be5fe0341b905005d6fe621b5c97,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + continue; + } + sum += nums[i]; + } + return sum; + +} +" +c0e45cdec46033de2512e3d3b97166a62b9cb2c6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i == nums.length - 1 && nums[i] == 13) + { + // do nothing + } + else if (i == nums.length - 1 && nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13 && nums[i + 1] != 13) + { + i += 1; + } + else if (nums[i] == 13 && nums[i + 1] == 13) + { + // do nothing + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +717e0465bc394edc7f4d8c84de4d37da10c294ff,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + continue; + continue; + } + sum += nums[i]; + } + return sum; + +} +" +4f1bcf466f29095397d62eafa454c2a3b58b8dfc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 2; + continue; + } + sum += nums[i]; + } + return sum; + +} +" +e0d4c69d7595be4d7524172434e2cc21e57661e9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i + 1; + continue; + } + sum += nums[i]; + } + return sum; + +} +" +91e83a87cfc23aeef1deee0716facb81bbfc875c,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +8c6c9f62bcf0d3c4e17d51e0fbb79a1a10e01f2c,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + return 0; + return 1; + return 0; +} +" +992e0849b94db60005e3ea046b58e9a955ec792e,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + sum = sum + 0; + sum = sum + nums[i]; + return sum; + return 0; +} +" +e655b5abfcd15a3e1ce0ea5555698df070800c8b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + sum = sum + 0; + sum = sum + nums[i]; + return sum; + return 0; +} +" +c10ada8eda6f74af77ad7142b419404b264bde0c,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + sum = sum + nums[i]; + if (nums[i] == 13) + sum = sum + 0; + return sum; + return 0; +} +" +4263ca964e5d0433a7a0b683dde343b2471f060e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + i++ + else + sum = sum + nums[i]; + return sum; +} +" +6ce75621e019593feed77db14a319189565f7d34,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + if (nums[i] == 13) + i++; + else + sum = sum + nums[i]; + return sum; +} +" +c7a9afab50062863f5d040406e8bd033aec654eb,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +ff7248c3f4b3be2a9f3ecf3d0ab6b7d4aa796a6b,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +}" +a3f74382bfff858e86c9ea9369d4d29c27c30f2d,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + break; + } + else + { + sum = sum + nums[i]; + } + } + + return sum; +} +" +00e9bf7886c05b5bcdcaf42128f5fc28d9e3ced9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + + return sum; +} +" +76fc9ea0eaba49c042318cdbfe3f74a62c286eaf,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + if (nums.length == 1 && nums[0] == 13) + { + return 0; + } + if (nums[0] == 13 && nums[1] == 13) + { + return 0; + } + int b = 0; + if (nums[nums.length - 1] != 13) + { + b = nums[nums.length - 1]; + } + for (int i = 0; i < nums.length - 1; i++) + { + b = b + nums[i]; + if (nums[i] == 13) + { + b = b - 13; + b = b - nums[i + 1]; + } +} +return b; +} +" +56ff00fd5e175f2d3cbb42d355465f5536719f9d,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i=0; i= 13) + { + sum = 0; + } + return sum; +} +" +b129615f061e323327488cfd97295cd68fc24bbf,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (num[i] == 0) + { + break; + } + sum += nums[i]; + } + return sum; +} +" +30ed841a883414ca378b951718dae8e5f58e90be,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + break; + } + sum += nums[i]; + } + return sum; +} +" +ca39d2dff9e166c382354aeaec7a264e144c42a1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 0) + { + break; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +6242f95f4b5c425392b8cdf97491b2437a33cba7,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + break; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +df12fa66570f6270fec8d869887bb7527dffa640,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + sum -= 13; + } + + sum += nums[i]; + + } + return sum; +} +" +a4bf0ce01cb763dfc68cea14e0ff4e57f9863bf5,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum += nums[i]; + + sum -= 13; + + i++; + } + + sum += nums[i]; + + } + return sum; +} +" +887676aae8746035edeb193ce8f7d2007eda14d1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum += nums[i]; + if (nums[i] == 13) + { + + + sum -= 13; + + i++; + } + + + + } + return sum; +} +" +9f5482ddbdd3a78e6ab35ef8f07599056bab7ffc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + sum = sum + nums[i]; + } + return sum; +} +" +be8831a16b5783c5ff21516f2d2ee0990e3c8a18,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if(nums[i + 1] == 13) + { + i + 1; + } + } + return sum; +} +" +7a117561598fdf0166bf2f01cd18982148ccdd82,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else if(nums[i + 1] == 13) + { + i++; + } + } + return sum; +} +" +7c3e900b8ef9ce362479bc9e42cdf71495523a3d,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length = 0) + { + return 0; + } + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i+1] = 0; + if (nums[i+1] == 13 && i < nums.length - 2) + { + nums[i + 2] = 0; + } + } + count = count + nums[i]; + } + return count; +} +" +afae079bed5651af9ef4f505db42b09370c5b366,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i+1] = 0; + if (nums[i+1] == 13 && i < nums.length - 2) + { + nums[i + 2] = 0; + } + } + count = count + nums[i]; + } + return count; +} +" +dc284c6f79fd753cf7e1027efcd3c210d46531fc,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i+1] = 0; + if (nums[i+1] == 13 && i < nums.length - 2) + { + nums[i + 2] = 0; + } + } + count = count + nums[i]; + } + return count; +} +" +586adf4652553ca8e83aa41c05bfa4a0bd6c093a,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13) + { + nums[i] = 0; + nums[i+1] = 0; + if (nums[i+1] == 13 && i < nums.length - 2) + { + nums[i + 2] = 0; + } + } + count = count + nums[i]; + } + if (nums[nums.length - 1] != 13) + { + count = count + nums[nums.length - 1]; + } + return count; +} +" +399744e708e76a59acad7018b3f617c36bf3d559,"public int sum13(int[] nums) +{ + int sum = 0; + + if (myarray.length == 0) { + System.out.println(sum); + } else { + for (int i = 0; i < myarray.length; i++) { + if (myarray[i] != 13) { + sum = sum + myarray[i]; + } else if (myarray[i] == 13 && i < myarray.length - 1) { + myarray[i] = 0; + myarray[i + 1] = 0; + } + } + } + + return sum; +} +" +253fac150e8b43b32a630fd496d7464b802afc5d,"public static int sum13(int[] myarray) { + int sum = 0; + + if (myarray.length == 0) { + System.out.println(sum); + } else { + for (int i = 0; i < myarray.length; i++) { + if (myarray[i] != 13) { + sum = sum + myarray[i]; + } else if (myarray[i] == 13 && i < myarray.length - 1) { + myarray[i] = 0; + myarray[i + 1] = 0; + } + } + } + + return sum; + }" +1e17dc34ebaaa0b843dce65ff398685e7c28e65f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i + 1] != null) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + else + { + if (nums[i] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +13cbef0ec362e1fa6e5e33e57b366e678359086f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + else + { + if (nums[i] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +4d718ca819d43a009468c6ea2cde48a28e7b0378,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length(); i++) + { + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +38da9e4ffbde041dcab2679ffa52579ed5cb7f6d,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +9497d8a6f19fe0695fe47c9fc0a7a01c8c84f6e0,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i += 2; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +c3c160ff5f194d8aed67d7e2dcaf809eceb4f4cf,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i += 1; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +1aed8282053fc7068b75ad3658673a96f6377a44,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 13) + { + i += 1; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +9306abe989f776bfc19bc9cba77c021e17ce892d,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +6fea77f09d88af270cafae1d82bec1e4c7b4a6ae,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i++; + } + } + } + return sum; +} +" +f830af8944edfd3163d94e04107d3e0e16688956,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i += 2; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +6ea0abecbea506f61ecf0e1a33b645b8b3520545,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if(nums[i] == 13) + { + i += 2; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +1cda3cda947b763d92d75266d02e7c9be7704b01,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 && i < nums.length - 2) + { + i += 2; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +191dd75630eb4ea08a2211377795a162ccfc7ebc,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 && i < nums.length - 2) + { + i += 2; + } + if(nums[i] == 13 && i = nums.length - 1) + { + nums[i + 1] == 0; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +f2cc379fe5ef526b0033edc5818a3a208de6e03f,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 && i < nums.length - 2) + { + i += 2; + } + if(nums[i] == 13 && i = nums.length - 1) + { + nums[i + 1] = 0; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +c399c82c57bf7477072f99880466d08312ee5f2d,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 && i < nums.length - 2) + { + i += 2; + } + if (nums[i] == 13 && i == nums.length - 1) + { + nums[i + 1] = 0; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +b816cd7e0b56c627d7b0f8999e8434ecb65be9dc,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 && i < nums.length - 2) + { + i += 2; + } + if (nums[i] == 13 && i == nums.length - 1) + { + nums[i + 1] == 0; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +35f723a50a6cf498a80cde40a477141e11976be3,"public int sum13(int[] nums) +{ + int bud = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13 && i < nums.length - 2) + { + i += 2; + } + if (nums[i] == 13 && i == nums.length - 2) + { + nums[i + 1] = 0; + } + if(nums[i] != 13) + { + bud += nums[i]; + } + } + return bud; +} +" +2593da875c9c8f0e3357ede5deb3539b3ddb2f04,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +b9bec5ca7922638ff41bfbd3c8d58e0e3b7476e6,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +eedc6b8c4aff8eb3570ab62e7c6e5c4bcb98260e,"public int sum13(int[] nums) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + count += nums[i]; + } + } + return count; +} +" +e55c0810ae7630e36de5b623d9b310ce7613727a,"public int sum13(int[] nums) +{ + int sum = 0; + int i = 0; + + while(i < nums.length) { + if(nums[i] == 13) { + i += 2; + } else { + sum += nums[i]; + i++; + } + } + + return sum; +} +" +6ca50667e5693aa58da33dbc0ebefe24e1575256,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +8b766a4703401bd24ac717294e8d0e84577f5fb0,"public int sum13(int[] nums) +{ + int x = 0; + for (int i : nums) + { + if (i == 13 || nums[i - 1] == 13) + { + } + else + { + x = x + i; + } + } + return x; +} +" +7ca13dba480a5c7e1073e1f9ace2d2027510ef84,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +} +" +29dc527779c87fbc46f77bb51eec0bd8b2c0edb2,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + // add nothing + } + if (i > 0 && nums[i - 1] == 13) + { + } + else + { + x = x + i; + } + } + return x; +} +" +f44d0bdaaac09870e6c24508b831301f595c2586,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + // add nothing + } + if (i > 0 && nums[i - 1] == 13) + { + } + else + { + x = x + nums[i]; + } + } + return x; +} +" +aa8632bd6ef58faaacf5f115f3fb43bdd2acc71e,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if ((i > 0 && nums[i - 1] == 13) || nums[i] == 13) + { + // add nothing + } + else + { + x = x + nums[i]; + } + } + return x; +} +" +ea398ff7e9fddde06f37b46947927fe72edadf12,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +15bf270a882f33366009e32fc5b1bbfc030d91f5,"public int sum13(int[] nums) +{ + + int sum = 0; + + for (int i = 0; i < nums.length: i++) + { + if(nums[i] == 13) + { + nums[i] = 0; + if (nums.length > i + 1) + { + nums[i + 1] = 0; + } + + } + + sum += nums[i]; + } + + return sum; +} +" +a005db22b1727a7a2c1ae7303bed496b939d6436,"public int sum13(int[] nums) +{ + int sumA[]; + for +} +" +938b6f3fb602c298a92f0c5698341fdd14d06bb4,"public int sum13(int[] nums) +{ + + int sum = 0; + + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + nums[i] = 0; + if (nums.length > i + 1) + { + nums[i + 1] = 0; + } + + } + + sum += nums[i]; + } + + return sum; +} +" +b6ae96186cb0d9aa07094933e8980960f1040bea,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length < 1) + { + return 0; + } + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + continue; + } + sum += nums[i]; + } + return sum; +} +" +503633dcf9abe4796d8bb4c93cc6dca3230948a1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length-1; i++) + { + if ( nums[i] 13) + { + i = i+1 + } + else + { + sum = nums[i]+sum + } + + } + return sum +} +" +36f65f0c21bcd48ebb06031a7a4b3adafb33139a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 13) + { + i = i+1 + } + else + { + sum = nums[i]+sum + } + + } + return sum +} +" +c9f8f4ede0017912100ff895b6baae039d2d83ff,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == 13) + { + i = i+1; + } + else + { + sum = nums[i]+sum; + } + + } + return sum; +} +" +ee3fb706e6c280710d356acbae05c09e0f2a76a5,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i = i+1; + } + else + { + sum = nums[i]+sum; + } + + } + return sum; +} +" +ff9abc786b22d163c3c38f7baa1dac0c7315cfe6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +7b2c238ef4df13a18f0dc817c383c325c60c98e5,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; + +} +" +7c57d22bff789337799713322c801d87cd15f37a,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i + 2] + } + } + return sum; + } +} +" +59bdd1a58cb372b12b11e0bea51cc1c4977da188,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i + 2]; + } + } + return sum; + } +} +" +a3e16d068ef9cfb91de6e8fb34d74776c188e52e,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length - 1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i + 2]; + } + } + return sum; + } +} +" +254d0609155b8da881267e32170a7a05e6274cb5,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length - 1; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + sum = sum + nums[i + 2]; + } + } + return sum; + } +} +" +b10e9355f7237f4a1979032c643e3207598e5a2d,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +600a5107eb83dadf8ca34e0b89aa213c68c9a5d7,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + x += nums[i]; + } + else + { + if (i < nums.length) + { + i++ + } + else + { + i = nums.length; + } + } + } + return x; +} +" +10a7e584ecce4720e02e915dda5fbcc708472644,"public int sum13(int[] nums) +{ + int x = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + x += nums[i]; + } + else + { + if (i < nums.length) + { + i++; + } + else + { + i = nums.length; + } + } + } + return x; +} +" +c3b83e13b6234a82b21ead5a7007ebdd4d72ffac,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + int subtract = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] == 13) + { + subtract = nums[i] + nums[i + 1]; + } + sum = sum + nums[i] + subtract; + } + return sum; + } +} +" +edf59f2f4181f340c8f579bc16d907f6105bceff,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +f06dbecc1e0c4c01b70f6a2f8c98e0d354a3c12c,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + if (nums[i - 1] == 13) + { + subtract = subtract + nums[i]; + } + sum = sum - subtract; + } + return sum; + } +} +" +e7593c4ca77c56de286ce3725345cc73041d0120,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + int subtract = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + if (nums[i - 1] == 13) + { + subtract = subtract + nums[i]; + } + sum = sum - subtract; + } + return sum; + } +} +" +f29dcbf41cb478d9c70f425b0dca00794cd3fa01,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + int subtract = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + } + return sum; + } +} +" +3e6f6a5b5ed85156a27863f830c73a104c943a8e,"public int sum13(int[] nums) +{ + int length = nums.length; + int sum = 0; + int subtract = 0; + if (length == 0) + { + return 0; + } + else + { + for (int i = 0; i < length; i++) + { + if (nums[i] != 13) + { + sum = sum + nums[i]; + } + else + { + i = i + 1; + } + } + return sum; + } +} +" +fa1efb1f520a3b0aa6fbb7abcd5db2c7abb4cf43,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i =0; i < nums.length; i++) { + if (nums[i] != 13) { + total = total + nums[i]; + } + } + return total; + } + return 0; +} +" +e2ddace220321f4987d539b5db564dbd3f6bca31,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i =0; i < nums.length; i++) { + if (nums[i] != 13 && nums[i-1] != 13) { + total = total + nums[i]; + } + } + return total; + } + return 0; +} +" +76d327977c3b6df3e9ab9612b5ea8123306e3035,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + if (nums[i] != 0 && nums[i-1] != 13) { + total = total + nums[i]; + } + } + } + return total; + } + return 0; +} +" +4cae574c07ec17e45b7ab3bf65561ae64695bdc7,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) { + if (i != 0 && nums[i-1] != 13) { + total = total + nums[i]; + } + } + } + return total; + } + return 0; +} +" +d4f27ee0d31dea6d5cf4f37b0a6dc44a20ea6c31,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (i != 0 && nums[i-1] != 13) { + if (nums[i] != 13) { + total = total + nums[i]; + } + } + } + return total; + } + return 0; +} +" +f881b68625d0867ca11ef8fe8c1e038cc9851499,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } + total = total + nums[i]; + } + return total; + } + return 0; +} +" +9dcf9ae26a2c8c3b8981b8320ee3e212bf6b4b45,"public int sum13(int[] nums) +{ + int total = 0; + if(nums.length < 1) + { + return 0; + } + for(int a = 0; a < nums.length; a++) + { + if(nums[a] == 13) + { + a++; + continue; + } + total +=nums[a]; + } + return total; +} +" +7bb04f2b887b8d24824b0e7757b3689e8a023de9,"public int sum13(int[] nums) +{ + int s13; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + s13 = s13 + nums[i]; + } + } + return s13; +} +" +9c2bb03983921c0ed3890d6f70ee73c2cdd31a8b,"public int sum13(int[] nums) +{ + int s13 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + s13 = s13 + nums[i]; + } + } + return s13; +} +" +17503975ddb27aad97055392f276e2c74e3a07c2,"public int sum13(int[] nums) +{ + int s13 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + s13 = s13 + nums[i]; + } + else + { + i++ + } + } + return s13; +} +" +dcd01ca854120f54ecd73d747e5fc9f92c814a82,"public int sum13(int[] nums) +{ + int s13 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + s13 = s13 + nums[i]; + } + else + { + i++; + } + } + return s13; +} +" +8be8ac50fad23f867b576a3f494380bda6eac81c,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +bcff1f7ef5dcb628c45a661b4b65d73472a9580c,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] == 13) { + i++; + } + total = total + nums[i]; + } + return total; + } + return 0; +} +" +d077e374a4cd45fdd58350587c28f31836616770,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } + total = total + nums[i]; + } + return total; + } + return 0; +} +" +d6f2ee96b9c96d83af1ff6e68b4fff73fc40452b,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i = i + 2; + } + total = total + nums[i]; + } + return total; + } + return 0; +} +" +e5cc9f99d365d19ca496377d2d356d1806807a0a,"public int sum13(int[] nums) +{ + int total = 0; + if (nums != null) { + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } + total = total + nums[i]; + } + return total; + } + return 0; +} +" +9d23ba7beaf7e45e92ef392641d01af005b9f3ee,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum = sum + nums[i]; + } + } + } + return sum; +} +" +d628791a4712375f78d91796d8f6ea2735531b85,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if(nums[i] != 13) { + sum += nums[i]; + if(i>0 && nums[i-1] == 13) + sum -= nums[i]; + } + } + return sum; +} +" +fb8fb685a7c1d14e74b5b389f82b676ddbd508fc,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length > 0) + { + for (int i = 0; i < nums.length) + { + if (nums[i] == 13) + { + i = i + 2 + } + else + { + sum = sum + nums[i]; + i=i+1 + } + } + return sum; + } + else + { + return sum; + } +} +" +af5fa0c6b89a90774b02eb72f68e8c26a2e86daf,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length > 0) + { + for (int i = 0; i < nums.length) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + i=i+1; + } + } + return sum; + } + else + { + return sum; + } +} +" +4b8103ca7a791bb1d803378c76c96ee11642f94f,"public int sum13(int[] nums) +{ + int sum = 0; + if(nums.length > 0) + { + for (int i = 0; i < nums.length;) + { + if (nums[i] == 13) + { + i = i + 2; + } + else + { + sum = sum + nums[i]; + i=i+1; + } + } + return sum; + } + else + { + return sum; + } +} +" +a5514fc4594b00173c918d4d9d3de247b3a6857e,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +5aac8b01db535d5b1878c16857ed83abb42d9c12,"public int sum13(int[] nums) +{ + int sum = 0 + for (x = 0; x <= nums.length; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x] + } + + else + { + sum = sum + 0 + } + } + return sum; +} +" +cb50fe06adf3bae7a571ce28f6d189cb4505e1a4,"public int sum13(int[] nums) +{ + int sum = 0; + for (x = 0; x <= nums.length; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +864d90ad20d40b8d346dcfc1eadc59ceb0a1cfd9,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x <= nums.length; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +c6085d128c5805c32e2a1e97c6089da26b753383,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x <= nums.length-1; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +ecd7874f1e854791a093bfaa2c8623a691e7a12e,"public int sum13(int[] nums) +{ + int sum = 0; + for (int x = 0; x <= nums.length-2; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +d28fb14c23d5c4b75693cf018682850cf0c2a51e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums[0] != 13) + { + sum = sum + nums[0] + } + + for (int x = 1; x <= nums.length-2; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +33034d9ebc792de7e0bd18082af87b5034b8840c,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + + for (int x = 1; x <= nums.length-2; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +1d3035ba0c1b11334aac2e80ea1baf97419a4db7,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + + for (int x = 1; x <= nums.length-1; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; +} +" +15696c84aee562695cb62db07f56081f654862b4,"public int sum13(int[] nums) +{ + if (nums.length != 0 + { + int sum = 0; + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + + for (int x = 1; x <= nums.length-1; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; + } + + else + { + return 0; + } +} +" +5f7dc50e436a9f1232784e43f870a4c435dd0f50,"public int sum13(int[] nums) +{ + if (nums.length != 0) + { + int sum = 0; + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + + for (int x = 1; x <= nums.length-1; x++) + { + if (nums[x] != 13 && nums[x-1] != 13) + { + sum = sum + nums[x]; + } + + else + { + sum = sum + 0; + } + } + return sum; + } + + else + { + return 0; + } +} +" +11f4d209ba5bc54250eaea49fd68ca930559cc08,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + sum = sum + nums[i]; + return sum; +} +" +d3ca9b35559ada7fb702e2c2acbf934553ca344a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + return sum; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +bd596193344d636f849536acb9a5e73b84ec78ef,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i : nums) + { + if ( i == 13) + { + break; + } + x += i ; + } + return i; +} +" +eb24a7b8b120322ef7de903d5ef3f2b24e5d2f6e,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i : nums) + { + if ( i == 13) + { + break; + } + x += i ; + } + return x; +} +" +44674c963ed4d02d9766a218f6929a5259af0d01,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + if (nums[i] == 13) + sum = sum - 13 - nums[i+1]; + sum = sum + nums[i]; + return sum; +} +" +df2c14117349e0e00353984602dacef8a04c71c0,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { if (nums[i] == 13) + sum = sum - 13 - nums[i+1]; + sum = sum + nums[i]; + } + return sum; +} +" +b152479a8ddc89ce92889593031022f4df6e6aff,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i ++; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +36e4e88057cf655c2cf51d1e3a972977f32f6a2e,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i= 0, i < nums.length , i++) + { + if ( i != 13) + { + x += nums[i] ; + } + else + { + break; + } + } + return x; +} +" +d4b0f3019f30b41d323db53f3df24ff801d4c073,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +d7622d8db025d969a9ff0f4814e7c297cf05709c,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +2e4c572fb574caf4ff2c3927e1adf8305577d8d3,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i= 0; i < nums.length ; i++) + { + if ( i != 13) + { + x += nums[i] ; + } + else + { + break; + } + } + return x; +} +" +495e3f607432445b33b64f490e8e8292eacc12e3,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i= 0; i < nums.length ; i++) + { + if ( nums[i] != 13) + { + x += nums[i] ; + } + else + { + break; + } + } + return x; +} +" +264bda3143229be298c3731880b9b5b1a055d10b,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i= 0; i < nums.length ; i++) + { + if ( nums[i] != 13) + { + x += nums[i] ; + } + else + { + i += nums.length; + } + } + return x; +} +" +7bd59050997e6e76aa3191fb11b07cb7a53700c7,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i= 0; i < nums.length ; i++) + { + if ( nums[i] != 13) + { + x += nums[i] ; + } + else + { + i++ + } + } + return x; +} +" +2c511fec7a8740779f836ad21a17f83fe043ce22,"public int sum13(int[] nums) +{ + int x = 0; + for ( int i= 0; i < nums.length ; i++) + { + if ( nums[i] != 13) + { + x += nums[i] ; + } + else + { + i++; + } + } + return x; +} +" +91f086988209a83a13020efcd02165e0697b4109,"public int sum13(int[] nums) +{ + public int sum13(int[] nums) { + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +} +" +79f13b57a4180e67d8e56d7cedfd07dff8a1115b,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +} +" +c66e89496b5caa2182d82f8bb3fc511fe6abf299,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +555c6b75020ce164ba9b670967d291213d9bc733,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +5c019325d4f2f124a3bb1f07e51f00f703a1aab3,"public int sum13(int[] nums) +{ + int sum = 0; + for (k = 0; k < nums.length; k++) + { + if (nums[k] != 13) + { + sum += nums[k]; + } + else + { + i++ + } + } + return sum; +} +" +cf49bc5bf64a0b88117cba4d974620017f0f313f,"public int sum13(int[] nums) +{ + int sum = 0; + for (k = 0; k < nums.length; k++) + { + if (nums[k] != 13) + { + sum += nums[k]; + } + else + { + i++; + } + } + return sum; +} +" +1d2c28e52db47ecf5984f34f34b4426e914fe9f1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] != 13) + { + sum += nums[k]; + } + else + { + i++; + } + } + return sum; +} +" +296fee15e3fb27e6ff076f5994844b5678667c88,"public int sum13(int[] nums) +{ + int sum = 0; + for (int k = 0; k < nums.length; k++) + { + if (nums[k] != 13) + { + sum += nums[k]; + } + else + { + k++; + } + } + return sum; +} +" +ba9d3d5b6853d13d082aade1a16832fe2c3e4be7,"public int sum13(int[] nums) +{ + int sum = 0; + //starts at 0 since it hasn't taken any numbers into account yet + for (int k = 0; k < nums.length; k++) + { + if (nums[k] != 13) + { + sum += nums[k]; + //since the number is not 13, it will add + //all of the numbers together to get the sum + //hence the += + } + else + { + k++; + } + } + return sum; +} +" +5d06ea71571a187604fd1108f7503717a75a1ad4,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + total = nums [i] + nums [i + 1]; + return total; + } +} +" +14480d478221a59d4c20dbeeb54c102c62a5df5a,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + total = nums [i] + nums [i + 1]; + } + return total; +} +" +7126a84cb8f4df9d6d47eb4ee8cbb5f7bec49635,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + total = nums [i] + nums [i + 1]; + } + return total; +} +" +47b4991bcc16521c39af8e8da6447ed35ad6ae3c,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + total = nums [i] + nums [i + 1]; + } + return total; +} +" +f1aaec05beb5259e3c1839e825321d81944051d6,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + total = nums [i] + nums [i + 1]; + } + return total; +} +" +93070175c799cc662195ae45524039a18b8423ad,"public int sum13(int[] nums) +{ + int 13 = 0; + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + total = nums [i] + nums [i + 1]; + } + return total; +} +" +1ef9fa3aa45971fc6128b5b071c44be1fb631db7,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + total = nums [i] + nums [i + 1]; + } + return total; +} +" +024487a9cb5a610163f39ef30d237ea74ac37e7e,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +d3ee8a954d6d635467f6c40e45d2562dde572480,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (num [i] == 13) + { + num [i] = 0; + num [i + 1] = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +1c4e30e29615d27bc4e5caa039eb5fd26f9e0f74,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (num [i] == 13) + { + num [i] = 0; + num [i] + 1] = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +7e7bf4cc813657543b6b338e6de0cde0e361315b,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (num [i] == 13) + { + num [i] = 0; + num [i] + 1 = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +ed800fa4eb173975a725a347de30c2c356c6097c,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] == 13) { + i++; + } + total = total + nums[i]; + } + return total; +} +" +6b869dd93aa95eb9f52541b924fe1359b58e4540,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 13) + { + nums [i] = 0; + nums [i] + 1 = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +9122626000b8f1150115c147b91cf82e46584f51,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 13) + { + nums [i] = 0; + nums [i + 1] = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +4ddb77111f4ddcb92a28d7722a1845f245ab59aa,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 13) + { + nums [i] = 0; + nums [i + 1] = 0; + } + if (nums [i + 1] == 13) + { + nums [i + 1] = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +21550b050a3aa51f300ae16ea4bb519b6137cdde,"public int sum13(int[] nums) +{ + int unlucky; + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; i j nums.length - 1; j++) + { + if (nums [i] == 13) + { + nums [i] = 0; + nums [i + 1] = 0; + } + if (nums [i + 1] == 13) + { + nums [i + 1] = 0; + } + total = nums [j] + nums [j + 1]; + } + } + return total; +} +" +45cd71a0402688c60fe3701062aba7ba3340f7b8,"public int sum13(int[] nums) +{ + int unlucky; + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + if (nums [i] == 13) + { + nums [i] = 0; + nums [i + 1] = 0; + } + if (nums [i + 1] == 13) + { + nums [i + 1] = 0; + } + total = nums [j] + nums [j + 1]; + } + } + return total; +} +" +0604bc2855f92e5e41a37835f0acb2e4d3357de9,"public int sum13(int[] nums) +{ +int sum = 0; + + for(int i = 0; i < nums.length; i++) + + { + + if(nums[i] == 13) + + i++; + + else + + sum += nums[i]; + + } + + return sum; + +} +" +43024d48d6bdb73b1999b27a32499949e7e47e50,"public int sum13(int[] nums) +{ + int unlucky; + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + if (nums [j] == 13) + { + nums [j] = 0; + nums [j + 1] = 0; + } + if (nums [j + 1] == 13) + { + nums [j + 1] = 0; + } + total = nums [i] + nums [i + 1]; + } + } + return total; +} +" +0d2178a3fd0f4cdb4eba36b5afa7ded788e3aebc,"public int sum13(int[] nums) +{ +int sum=0; +if(nums.length==0){ +return 0; +} +for(int i=0;i0&&nums[i-1]==13){ +continue; +} +sum+=nums[i]; +} +return sum; + + +} +" +ed0b8f5cba2c571dfde8b3fb911bd753169a6038,"public int sum13(int[] nums) +{ +int sum=0; +if(nums.length==0){ +return 0; +} +for(int i=0;i0&&nums[i-1]==13){ +continue; +} +sum+=nums[i]; +} +return sum; +} + + +} +" +3516a0caa28f9fa4df66ebb86e76bbd3e3f3839d,"public int sum13(int[] nums) +{ + int unlucky; + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + for (int j = 0; j < nums.length - 1; j++) + { + if (nums [i] == 13) + { + nums [j] = 0; + nums [j + 1] = 0; + } + if (nums [i + 1] == 13) + { + nums [j + 1] = 0; + } + total = nums [j] + nums [j + 1]; + } + } + return total; +} +" +cd7fe9ac70ce790cb222a185c9099116aeadcd19,"public int sum13(int[] nums) +{ + int unlucky; + int total = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums [i] == 13) + { + nums [i] = 0; + nums [i + 1] = 0; + } + if (nums [i + 1] == 13) + { + nums [i + 1] = 0; + } + total = nums [i] + nums [i + 1]; + } + return total; +} +" +c7e0faf15538070359756a5e4e6ca25f01b550c5,"public int sum13(int[] nums) +{ + +int sum =0; + + for (int i = 0;i 1) + { + if( nums[i] != 13 && nums[i-1] != 13) + { + sum = sum + nums[i]; + } + } + else + { + if( nums[i] != 13) + { + sum = sum + nums[i]; + } + } + + } + return sum; +} +" +f60cecb428870f46db03a98bc604a60b70ab9c11,"public int sum13(int[] nums) +{ + int sum = 0; + for( int i = 0; i < nums.length; i++) + { + if (i > 1) + { + if( nums[i] != 13 && nums[i-1] != 13) + { + sum = sum + nums[i]; + } + } + else + { + if( nums[i] != 13) + { + sum = sum + nums[i]; + } + } + + } + return sum; +} +" +5fd56f976e7c083dad20529038fc4ceb2968dd15,"public int sum13(int[] nums) +{ + int sum = 0; + for( int i = 0; i < nums.length; i++) + { + if (i > 0) + { + if( nums[i] != 13 && nums[i-1] != 13) + { + sum = sum + nums[i]; + } + } + else + { + if( nums[i] != 13) + { + sum = sum + nums[i]; + } + } + + } + return sum; +} +" +29d191ed530c5ffd89a1170266e22478a8095b9d,"public int sum13(int[] nums) +{ + int total=0; + for(int x=0;x nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum = sum + num[length]; + length++; + } + } + return sum; +} +" +c98d3ddd9ce8323d3d948b4bd965f0f8abd2c288,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int length = 0; + int sum = 0; + while (length > nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum = sum + num[length]; + length++; + } + } + } + return sum; +} +" +9057bce9488336eb3d0083da1f4abb5f72414f4e,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int length = 0; + int sum = 0; + while (length > nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum = sum + nums[length]; + length++; + } + } + } + return sum; +} +" +44a1dbf57331450fff398ab1e586ec0a2c288c60,"public int sum13(int[] nums) +{ + if (nums.length == 0) + { + return 0; + } + else + { + int length = 0; + int sum = 0; + while (length > nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; + } +} +" +851118102e62c5dac04602e9a7f0e4cd24cb8b7b,"public int sum13(int[] nums) +{ + + int length = 0; + int sum = 0; + while (length > nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +fb3b6825ae6c2cf3efaeaf0f90b5947a2638bdfd,"public int sum13(int[] nums) +{ + int sum =0; + + for (int i = 0;i nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum += nums[length]; + length++; + } + } + return sum; +} +" +b012324409a09346d8ba53471b5e686f9bad808f,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13) + { + length++; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +7a4fd8f305d861ff5b134e8cac858b7d17b5a117,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13) + { + length++; + } + else if (nums[length + 1] == 13) + { + length++; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +94700d8666ca73fef1126099022c7d57e879ec5a,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13) + { + length++; + continue; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +28ee80fb0e22f90a05441610279b7ae2b877cfe8,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13) + { + length++; + } + else if (nums[length - 1] == 13) + { + length++; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +c83138ffc9acd08af1a7c4bdb4f9727004e5383c,"public int sum13(int[] nums) +{ + int s = 0; + for(int i = 0; i < nums.length; i++0 + { + if(nums[i] == 13) + i++; + else + s = s + nums[i]; + } + return s; + +} +" +3190273053dd9afb5dc87c1e3cc5e5bb60d927ed,"public int sum13(int[] nums) +{ + int s = 0; + for(int i = 0; i < nums.length; i++0) + { + if(nums[i] == 13) + i++; + else + s = s + nums[i]; + } + return s; + +} +" +58f7af07356f2d38bfb0242bd94b771f4ceca414,"public int sum13(int[] nums) +{ + int s = 0; + for(int i = 0; i < nums.length; i++0) + { + if(nums[i] == 13) + i++; + else + s = s + nums[i]; + } + return s; + +} +" +7f85e85e7e1ab757b2e2fe684d4b4725abdc4aa0,"public int sum13(int[] nums) +{ + int s = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + s = s + nums[i]; + } + return s; + +} +" +f6f7c0d7bf8f8b734483426c057599d3cc598f40,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13) + { + length++; + nums[length + 1] = 0; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +9388f2849de9a1ab142336c28053c4329227e04f,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13 && length == nums.length - 1) + { + length++; + nums[length + 1] = 0; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +7d06270febc2fbd7b84fb9d236c57a9bb923f457,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13 && length < nums.length - 1) + { + length++; + nums[length + 1] = 0; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +2f400e8924d2a0080ac995bfc6e585068f55ce6b,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] == 13) + { + length++; + } + else if (nums[length] == 13 && length < nums.length - 1) + { + length++; + nums[length + 1] = 0; + } + else + { + sum = sum + nums[length]; + length++; + } + } + return sum; +} +" +32dfca76544465358eafa2714c5903206c9fdd2a,"public int sum13(int[] nums) +{ + int sum = 0; + int i = 0; + + while (i < nums.length) + { + if (nums[i] == 13) + { + i += 2; + } + else + { + sum += nums[i]; + i++; + } + } + return sum; +} +" +b276695e038c62b3d5b775cb94183e45ea22db45,"public int sum13(int[] nums) { + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +}" +906cc0b86080ac9f1b77163bcb959d7f236c5d89,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 0] + { + sum = sum + nums[length]; + length++; + } + else + { + length++; + nums[length] = 0; + nums[length + 1] = 0; + } + } + return sum; +} +" +2c9e7251ea2eebdcaa3def7b4214ef0e55b18abd,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13] + { + sum = sum + nums[length]; + length++; + } + else + { + length++; + nums[length] = 0; + nums[length + 1] = 0; + } + } + return sum; +} +" +c764048458cb8b7ca36d3118cab6cdb5b9268ddb,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else + { + length++; + nums[length] = 0; + nums[length + 1] = 0; + } + } + return sum; +} +" +a193d723be2ba6571c9cab0dae007a0e17db807a,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else if (length = nums.length - 1) + { + length++; + nums[length] = 0; + nums[length + 1] = 0; + } + } + return sum; +} +" +3462a46f532b02b045044f391a03d5fafc416432,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else if (length < nums.length - 1) + { + length++; + nums[length] = 0; + nums[length + 1] = 0; + } + } + return sum; +} +" +514cbac68291129df497691fa6683bee6f4326d3,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else if (length < nums.length - 1) + { + length++; + nums[length + 1] = 0; + } + } + return sum; +} +" +f7f22942d8c79be5332522970d53b849624db941,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else if (length < nums.length - 1) + { + nums[length + 1] = 0; + length++; + } + } + return sum; +} +" +80a879e9f433884a3d04054d1a1cc4d244d3cec8,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else + { + nums[length + 1] = 0; + length++; + } + } + return sum; +} +" +1bfa57aaf4acc096415724c6d9bf9f8e239e526c,"public int sum13(int[] nums) +{ + int length = 0; + int sum = 0; + while (length < nums.length) + { + if (nums[length] != 13) + { + sum = sum + nums[length]; + length++; + } + else + { + nums[length] = 0; + if (length < nums.length - 1) + { + nums[length + 1] = 0; + } + length++; + } + } + return sum; +} +" +1b24042d9f8cfb38d7b964ec86fb10226e6804d8,"public int sum13(int[] nums) +{ + int sum13 =0; + for(int i = 0;i < nums.length; i++) + { + if(nums[i] == 13) + { + i++ + } + else + { + sum13 += nums[i]; + } + } + return sum13; +} +" +c6e61788d8908071fbd8c8f3b6b322a0bad6afc4,"public int sum13(int[] nums) +{ + int sum13 =0; + for(int i = 0;i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum13 += nums[i]; + } + } + return sum13; +} +" +0f1c063f30598f874e44efa62cc95bd0ddd073e7,"public int sum13(int[] nums) +{ + /**if (nums.length==0) + { + return 0; + } + */ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; + +} +" +ede19bdb344e79d2c2fa9cb93a0d2c43b4ce8d54,"public int sum13(int[] nums) +{ + + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +01e8745482811eadb963331d5e0545b3839c54e4,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else + { + i = i + 1; + } + } + return sum; +} +" +4da7413aac8c8266a82ff8805a3bc6fc83cd48fb,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else + { + i = i + 1; + } + } + return sum; +} +" +9ae5cb468b995e3c08c052f41fdbb570e924ab62,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +18b9316f8aedbb3f041130d34ece2c7160f499b8,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i=0; i< nums.length;i++) + { + if (nums[i]==13) + { + i++; + } + else{ + sum+=nums[i]; + } + } + return sum; + +} +" +e595317662bad933d4a05567b22aa059be755e73,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +f24d7f0cdc6de0bf9f0695596ed7c3a62e05d8ee,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; +} +" +b4469687e5039bf6b4bd8e58089d23154380224a,"public int sum13(int[] nums) +{ + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 || nums[x] % 100 != 13) + c = c + nums[x] + } + return c; +} +" +6e712a7bf8e94f0b330e47742150aa81f5e3fe2b,"public int sum13(int[] nums) +{ + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 || nums[x] % 100 != 13) + c = c + nums[x]; + } + return c; +} +" +c7e2bf7d675ca4d93bed33b85fa5f8f4f8691aea,"public int sum13(int[] nums) +{ + int c = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 || nums[x + 1] != 13) + c = c + nums[x]; + } + return c; +} +" +688ff484c29e902e07f8545b5696d9233df38944,"public int sum13(int[] nums) +{ + int c = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] != 13 || nums[x + 1] != 13) + c = c + nums[x]; + } + return c; +} +" +23befdb404060e125227781df13e07111bdfbe72,"public int sum13(int[] nums) +{ + int sum13 = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum13 += nums[i]; + } + } + return sum13; +} +" +f9e2356b1ea642e4465a2b45754d43917fd2381e,"public int sum13(int[] nums) +{ + int c = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] != 13 || nums[x + 1] != 13) + c = c + nums[x]; + } + if (nums[x + 1] != 13) + c = c + nums[x+1]; + return c; +} +" +e2fd716f0ee5ea2f1acbb2611a67ed15e5cd7e85,"public int sum13(int[] nums) +{ + int c = 0; + int a = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] != 13 || nums[x + 1] != 13) + c = c + nums[x]; + a = x; + } + if (nums[a + 1] != 13) + c = c + nums[a + 1]; + return c; +} +" +1ec052e1475e27d1d7719dc2842f816ee09bf89a,"public int sum13(int[] nums) +{ + int c = 0; + int a = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 13 && nums[x + 1] == 13) + { + ; + } + else + { + c = c + nums[x]; + } + a = x; + } + if (nums[a + 1] != 13) + c = c + nums[a + 1]; + return c; +} +" +096b057e475c3dfb6e1ab50ec606ebe145f8bbf9,"public int sum13(int[] nums) +{ + int c = 0; + int a = 0; + for (int x = 0; x < nums.length - 1; x++) + { + if (nums[x] == 13 || nums[x + 1] == 13) + { + ; + } + else + { + c = c + nums[x]; + } + a = x; + } + if (nums[a + 1] != 13) + c = c + nums[a + 1]; + return c; +} +" +dcacfe48fd592021c61e93a37c68e3397930226e,"public int sum13(int[] nums) +{ + int c = 0; + if (nums.length == 0) + return 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == 13) + x++; + else + c = c + nums[x]; + } + return c; + +} +" +371500e343e7c4b0d5c275de9484b78377196c1d,"public int sum13(int[] nums) +{ + for (int x = 0; x < nums.length; x++) + { + int count = 0; + if (nums[x] != 13 || nums[x] != 14) + { + count +=nums[x]; + } + } + return count; +} +" +17005970fd110ad450dfcd4d775c779ab757ea5d,"public int sum13(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length; x++) + { + + if (nums[x] != 13 || nums[x] != 14) + { + count +=nums[x]; + } + } + return count; +} +" +e78742b800c7e9f65d8855945f4f6c4bf3492177,"public int sum13(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 && nums[x] != 14) + { + count +=nums[x]; + } + } + return count; +} +" +97e316ae34b31bc178600df8b54cdedde2822a2b,"public int sum13(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 && nums[x + 1] != 13) + { + count +=nums[x]; + } + } + return count; +} +" +5b8490e04908707f44990813d3ec404da48182ab,"public int sum13(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 && nums[x+1] 1= null && nums[x + 1] != 13) + { + count +=nums[x]; + } + } + return count; +} +" +28aab87d9576589aaa122e31742b5fba33c3d597,"public int sum13(int[] nums) +{ + int count = 0; + for (int x = 0; x < nums.length; x++) + { + if (nums[x] != 13 && nums[x+1] != null && nums[x + 1] != 13) + { + count +=nums[x]; + } + } + return count; +} +" +5637eeaf1b1b1e6471eb4839f383989058d38b37,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +3b8b5c20e5b5805d6f026c3d0afc60c4690311a8,"public int sum13(int[] nums) +{ + int sum = 0; + int i = 0; + for (i = 0; i < nums.length; i++) + { + if ( i >= 13) + { + return 0; + } + else if (nums.length == 0) + { + return 0; + } + sum += nums[i]; + } + return sum; +} +" +a36990efb39b0f126bd2ea7c185ab6016dc65a8f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i+=1) { + if (nums[i] == 13) { + i +=1; + } + sum += nums[i]; + } + return sum; +} +" +19cfc40ad2677f989a0e4ea2692cd0ad74bbbfab,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i+=1) { + if (nums[i] == 13) { + i +=2; + } + sum += nums[i]; + } + return sum; +} +" +06c14f48d0987360b3e6d592659d87768da4a4f7,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i+=1) { + if (nums[i] != 13) { + sum += nums[i]; + if (i > 0 && nums[i -1] == 13) { + sum -= nums[i]; + } + } + } + return sum; +" +b0a2e7a8bfc27d73e27121374b8a4429bae83a42,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i+=1) { + if (nums[i] != 13) { + sum += nums[i]; + if (i > 0 && nums[i -1] == 13) { + sum -= nums[i]; + } + } + return sum; +" +6b0f1755a2282a1e31bc83eb9517aca866b2ef04,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i+=1) { + if (nums[i] != 13) { + sum += nums[i]; + if (i > 0 && nums[i -1] == 13) { + sum -= nums[i]; + } + } + } + return sum; +" +da468818b405ba3dc16af2a268f571e911b81e89,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i+=1) { + if (nums[i] != 13) { + sum += nums[i]; + if (i > 0 && nums[i -1] == 13) { + sum -= nums[i]; + } + } + } + return sum; +}" +d534c83329959d66c73bfc246b5dabfccd76747a,"public int sum13(int[] nums) +{ + int sum = 0; + + if (nums.length == 0) + { + return 0; + } + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else { + sum += nums[i]; + } + } + + return sum; +} +" +c49a756b0e10da7c8c425b8b68c1c79bb9f223d9,"public int sum13(int[] nums) +{ + sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + continue; + } + sum += nums[i]; + } + return sum; +} +" +3be05878380b04e461896632ae2abce0051e3103,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + continue; + } + sum += nums[i]; + } + return sum; +} +" +87cc00618b5ca00dbfceb054b512ae62bc07f920,"public int sum13(int[] nums) +{ + int sum = 0; + + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else { + sum += nums[i]; + } + } + + return sum; +} +" +1b512d1ad5614f4920341a2a84e229cacfebbca7,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + sum+=nums[i]; + else if (nums[i] == 13 && i < nums.length - 1) + { + nums[i]=0; + nums[i+1] = 0; + } + return sum; +} +" +512a37436c5ad19fc773b84b5696633fc47c3e90,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + sum+=nums[i]; + else if (nums[i] == 13 && i < nums.length - 1) + { + nums[i]=0; + nums[i+1] = 0; + } + return sum; + } +} +" +ac6bb6922b9b738ec3b778ab80a6dbf897f32d76,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +} +" +919a46d84ed2885dbcff2c87fb0039b9c3df4153,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum++; + if (i > 0 && nums[i - 1] == 13) + { + sum--; + } + } + } + return sum; +} +" +8635979271553d1c07117347cbbba48d332a38ff,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + if (i > 0 && nums[i - 1] == 13) + { + sum--; + } + } + } + return sum; +} +" +a48cda5c4727885ce4243338af61694d51385d8b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + if (i > 0 && nums[i - 1] == 13) + { + sum -= nums[i]; + } + } + } + return sum; +} +" +9c3a85db867205380eaadde04186c8fc6b8fd538,"public int sum13(int[] nums) +{ + int count = 0; + if (nums.length == 0) + return count; + for ( int i = 0; i < nums.length; i++ ) + { + if(nums[i] == 13 || nums[i - 1] == 13) + count = count; + else + count = count + nums[i]; + } + return count; +} +" +185ff40ae5cf0c2bf0c904013d860b2aec82f826,"public int sum13(int[] nums) +{ + sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +071fec8c51fe0d288cb5c5d40a1d269c920aed30,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +486cf711a8e7d0d33a7a8ca511359a42b253d9cf,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i+= 2) + { + if (nums[i] != 13) + { + sum += nums[i] + nums[i+1]; + } + } + return sum; +} +" +1e7878de12418198f99e7d4a23e0bd061c04a455,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +1f41bc28b853823fdece951e7d5e2c2ae55fbd39,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else if (nums[i] == 13) + { + i++; + } + } + return sum; +} +" +ac0a6843e94b33dbe24ec28c4503b0a428bc70e2,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i] + } + + } +} +" +52f04096fd869118da162cd171c1d7923bb4f4bc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + + } +} +" +29a6f36aef129c9119a6c5298e3d4f4be7aa454a,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + + } + return sum; +} +" +f800803581a3fa179a428ad5a35d9b557e1a363f,"public int sum13(int[] nums) +{ + int sum = 0; + for(int f = 0; f < length; f++) + { + if(nums[f] == 13) + { + f++; + } + else + { + sum += nums[f]; + } + } + return sum; +} +" +8575bd56e9fc45696003687593b9872fc87cc1fe,"public int sum13(int[] nums) +{ + int sum = 0; + for(int f = 0; f < nums.length; f++) + { + if(nums[f] == 13) + { + f++; + } + else + { + sum += nums[f]; + } + } + return sum; +} +" +559d7b414d886e7f28c607abd1f38266937847e6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } +} +" +9d1c1bdb6d6e1bcf0afc2a54abfeffae0f838f5f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + return (sum); +} +" +82064b311050d232750ffbb4d08255d7b7f850d8,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + if (nums[0] != 13) + { + sum += nums[0]; + } + return (sum); +} +" +16e7745ea27a4101962e6aafaabcc3c15e17bf1b,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums == null) + { + return (sum); + } + else { + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + if (nums[0] != 13) + { + sum += nums[0]; + } + return (sum); + } +} +" +9f4912883153676df08d24cf01aa690656a17395,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return (sum); + } + else { + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + if (nums[0] != 13) + { + sum += nums[0]; + } + return (sum); + } +} +" +558b50ff4e735b27bb5ebdbbcaea5e4fe666d096,"public int sum13(int[] nums) { + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +}" +a9ecb3e58c94be018f0884af0402cab0cab44fe6,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && i > 0 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + //if (nums[0] != 13) + //{ + // sum = sum + nums[0]; + //} + } + else + { + + } + } + + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + return sum; +} +" +3202dfcc30be884f30b76d89bdf263a684085f6e,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length > 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && i > 0 && nums[i - 1] != 13) + { + sum = sum + nums[i]; + //if (nums[0] != 13) + //{ + // sum = sum + nums[0]; + //} + } + else + { + + } + } + + if (nums[0] != 13) + { + sum = sum + nums[0]; + } + } + else + { + sum = 0; + } + return sum; +} +" +a582c82a53f91362aae136e917aa8aa8dbabc36a,"public int sum13(int[] nums) +{ + int sum =0; + for (int i = 0;i 0 && nums[i-1] == 13) + { + + } + if (nums[i] != 13) + { + count = count + nums[i]; + } + + + } + } + else + { + count = 0; + } + + return count; +} +" +da9370c463d776d411349d39ea90dc012504281e,"public int sum13(int[] nums) +{ + int swag = nums.length; + int count = 0; + + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (i > 0 && nums[i-1] == 13) + { + + } + else if (nums[i] != 13) + { + count = count + nums[i]; + } + + + } + } + else + { + count = 0; + } + + return count; +} +" +bf8ec220b15d8e0a1c159c12531c7e8f3639e88b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) { + if(nums[i] != 13) { + sum += nums[i]; + if(i>0 && nums[i-1] == 13) + sum -= nums[i]; + } + } + return sum; +} +" +24fcbbce8080f8714314c036e3ebdb71cd196b9f,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums - length -1; i++) + { + if (nums[i] == 13) + { + i += 2; + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +5d0a40effa982eac4caeb70036671293881985e4,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 13) + { + i += 2; + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +6c98bc1a245bc0721e97175df1ce7e9eeb9690f1,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +8904458a1f31d3d23527bef6f68db630be8b7c5b,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + + return sum; +} +" +54cc6dd0e7e1b8c39c40d24d1e394ff4660b7b4b,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length.size() != 0) + { + return (nums[0] + nums[length] - nums[13] - nums[14]); + } + else + { + return ""0""; + } + } +} +" +c47f0666b2c0fd33bfd9f6332f24e1f91cd5a568,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +216781d21764e682b98a9522a9a4306a36a12e54,"public int sum13(int[] nums) +{ + return 0; +} +" +cd4e75d9a25d1e88a37d281f0ed85776c4ee1750,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length.size().equals(0)) + { + return (nums[0] + nums[length] - nums[13] - nums[14]); + } + else + { + return ""0""; + } + } +} +" +840a3254c9a99f4172b200e18e3c2a90a3756e7c,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length.equals(0)) + { + return (nums[0] + nums[length] - nums[13] - nums[14]); + } + else + { + return ""0""; + } + } +} +" +b99545f16459b8687e8f49866f05de8453973bfc,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length().equals(0)) + { + return (nums[0] + nums[length] - nums[13] - nums[14]); + } + else + { + return ""0""; + } + } +} +" +0ce66248f2e219d2bc893e6ac9936eadcb76367b,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +bee3508e9a5749ed79884ee1d89dd702534a5d63,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length != 0) + { + return (nums[0] + nums[length] - nums[13] - nums[14]); + } + else + { + return ""0""; + } + } +} +" +f14865fa9818230d4c8c0657df01a1fa7a17c0bb,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length != 0) + { + return (nums[0] + nums[nums.length] - nums[13] - nums[14]); + } + else + { + return ""0""; + } + } +} +" +010a82dfbde4974804aedd5906186dcdb3f448d7,"public int sum13(int[] nums) +{ + int sum = 0; + + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.lenth; i++) + { + if (nums[i] == 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +d0afdf5bafb4981c89f6d25f4f13c409bae64b60,"public int sum13(int[] nums) { + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; +}" +e2cb1fa74c24bfdb1922c6002f77091ee823d63f,"public int sum13(int[] nums) +{ + int sum = 0; + + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +5118e13d2e9052321812e7a1245200fb6839c96f,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length = 0) + { + return ""0""; + } + else + { + return (nums[0] + nums[nums.length] - nums[13] - nums[14]); + } + } +} +" +bdc4879f0c19c4ccfa3a3517d2de0804ccb331c1,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length == 0) + { + return ""0""; + } + else + { + return (nums[0] + nums[nums.length] - nums[13] - nums[14]); + } + } +} +" +30b62173ca66e2c1f661d423906f9f220e902193,"public int sum13(int[] nums) +{ + int sum = 0; + + if (nums.length == 0) + { + return 0; + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +a12a3adfdba25ff1501ed643eeca05e5fc4a1f48,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + if (nums.length == 0) + { + return 0; + } + else + { + return (nums[0] + nums[nums.length] - nums[13] - nums[14]); + } + } +} +" +55207d91c386ed9e07f2a8f8af96c5627f5d64f9,"public int sum13(int[] nums) +{ + int total; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (i > 0) + { + if (nums[i] != 13 && nums[i-1] != 13) + { + total += nums[i]; + } + } + else + { + if (nums[i] != 13) + { + total += nums[i]; + } + } + + } + } +} +" +68a0b8799bae755f19b9da0ecf4f56a6087119b0,"public int sum13(int[] nums) +{ + int total; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (i > 0) + { + if (nums[i] != 13 && nums[i-1] != 13) + { + total += nums[i]; + } + } + else + { + if (nums[i] != 13) + { + total += nums[i]; + } + } + + } + } + return total; +} +" +e436dbb690214fc05636c8f8ddf2ff274526cb6b,"public int sum13(int[] nums) +{ + int total = 0; + if (nums.length == 0) + { + return 0; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (i > 0) + { + if (nums[i] != 13 && nums[i-1] != 13) + { + total += nums[i]; + } + } + else + { + if (nums[i] != 13) + { + total += nums[i]; + } + } + + } + } + return total; +} +" +67079202fc0886f26cff611c560e886f5d8e7833,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + int sum = 0 + if (nums.length == 0) + { + return 0; + } + else + { + sum = nums[0] + nums[nums.length] - nums[13] - nums[14]; + return sum; + } + } +} +" +5b2c6a42e070e7e130fa46541b4a75f02d0dd388,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else + { + sum = nums[0] + nums[nums.length] - nums[13] - nums[14]; + return sum; + } + } +} +" +a86a2e9351ff991ad4537fa416d8b01109fc1797,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else if (nums.length >= 13) + { + sum = nums[0] + nums[nums.length] - nums[13] - nums[14]; + return sum; + } + } +} +" +8636933e7985a2692109b940802d660281e0b3ed,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + int sum = 0; + if (nums.length == 0) + { + return 0; + } + else if (nums.length >= 13) + { + sum = nums[0] + nums[nums.length] - nums[13] - nums[14]; + return sum; + } + sum = nums[0] + nums[nums.length]; + return sum; + } +} +" +710519ab23854bd8a806329bf06eaf52d6a71ea3,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + int sum = 0; + if (nums.length == 0) + { + return sum; + } + else if (nums.length >= 13) + { + sum = nums[0] + nums[nums.length] - nums[13] - nums[14]; + return sum; + } + sum = nums[0] + nums[nums.length]; + return sum; + } +} +" +be45abeffbccc5b43a2d57a6f265a59eadf48955,"public int sum13(int[] nums) +{ + for (int i = 0; i < nums.length; i ++) + { + int sum = 0; + if (nums.length == 0) + { + return sum; + } + else if (nums.length >= 13) + { + sum = nums[0] + nums[nums.length] - nums[13] - nums[14]; + return sum; + } + sum = nums[0] + nums[nums.length]; + return sum; + } + + return 0; +} +" +e70e18d23af8e0722b38a5c8658c728914e8793a,"public int sum13(int[] nums) +{ + int length = nums.length(); + int totalSum = 0; + + if (length == 0) + { + return 0; + } + + for(int i = 0; i <= length; i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i] - nums[i+1]; + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +b8156625f5a210b6a63fd2ba40c2254098f227d6,"public int sum13(int[] nums) +{ + int length() = nums.length(); + int totalSum = 0; + + if (length == 0) + { + return 0; + } + + for(int i = 0; i <= length; i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i] - nums[i+1]; + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +c3f1b7e9ddd1c86d5ca81b262be65be1934a727d,"public int sum13(int[] nums) +{ + int totalSum = 0; + + if (nums.length() == 0) + { + return 0; + } + + for(int i = 0; i <= nums.length(); i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i] - nums[i+1]; + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +8378f267f60588993914cd3747b69f1889a8ffca,"public int sum13(int[] nums) +{ + int totalSum = 0; + + if (nums.length == 0) + { + return 0; + } + + for(int i = 0; i <= nums.length; i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i] - nums[i+1]; + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +2c7a223b69ca816883933740ba961f97581e6fef,"public int sum13(int[] nums) +{ + int totalSum = 0; + + if (nums.length == 0) + { + return 0; + } + + for(int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i] - nums[i+1]; + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +0fe1091b8d8332a8ef2213a9d1d400cd4ff4dde2,"public int sum13(int[] nums) +{ + int totalSum = 0; + + if (nums.length == 0) + { + return 0; + } + + for(int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i]; + if (nums[i+1] != null) + { + totalSum = totalSum - nums[i-1]; + } + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +a9eec1d1b721c8b1bf7b2eaa06e7b9713ae1daa1,"public int sum13(int[] nums) +{ + int sum = 0; + if (nums.length == 0) + { + return sum; + } + for (int i = 0; i < nums.length; i++) + { + + if (nums[i] == 13) + { + i = i + 1; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +ae39f978901d2a75fcde360ed03a9fd451f4d063,"public int sum13(int[] nums) +{ + int totalSum = 0; + + if (nums.length == 0) + { + return 0; + } + + for(int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == 13) + { + totalSum = totalSum - nums[i]; + if (nums[i+1] <= nums.length) + { + totalSum = totalSum - nums[i-1]; + } + } + + totalSum = totalSum + nums[i]; + } + + return totalSum; +} +" +46dc6212dc9d7b2f7705459ce5fb793bee2e0a02,"public int sum13(int[] nums) { +int sum =0; + for (int i = 0;i = 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i] + } + } + return sum; +} +" +c6b3b98af41f2d770c31a23a5ff5d329d170585b,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] >= 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +3bb52006f1bc67baf7081e1951025870b8cfe89e,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 13 | nums [i - 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +831953ed8fb8b79549d705d2f357ba2961e05319,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 1; i <= nums.length; i++) + { + if (nums[i] == 13 | nums [i - 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i - 1]; + } + } + return sum; +} +" +88011bd7a9316e94267825827ac55f5dca928ce2,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + } + return sum; + +} +" +d4fc88c695a70f2cc4f898024f32ad3eb48a40ea,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length; i++) + { + if (nums[i] == 13 | nums [i + 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +e4911efea9258fbe86a878ff89c30e219caab6b5,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13 | nums [i + 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + return sum; +} +" +93015ecfb52a5503ba2ceb5c93f29380a0f29f86,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13 | nums [i + 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if ( nums[nums.length - 1] != 13 | nums[nums.length - 2] != 13) + { + sum = sum + nums[nums.length - 1]; + } + return sum; +} +" +0d7dd904060214b60a2a3d1e1ca0210d765802ca,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == 13 | nums [i + 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if ( nums[nums.length - 1] != 13 & nums[nums.length - 2] != 13) + { + sum = sum + nums[nums.length - 1]; + } + return sum; +} +" +193b425742ccc1b4dac962f411c7b86f2e042093,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 1; i < nums.length; i++) + { + if (nums[i] == 13 | nums [i - 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if ( nums[0] != 13) + { + sum = sum + nums[nums.length - 1]; + } + return sum; +} +" +539293ab56b803b4f10ea23f1a982d41da2d71fa,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 1; i < nums.length; i++) + { + if (nums[i] == 13 | nums [i - 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if ( nums[0] != 13) + { + sum = sum + nums[0]; + } + return sum; +} +" +528bbd5b5dfe3741cf6ffaf0eac7a092b4baad94,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 1; i < nums.length; i++) + { + if (nums[i] == 13 | nums [i - 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if ( nums.length > 0 & nums[0] != 13) + { + sum = sum + nums[0]; + } + return sum; +} +" +e8d1d5bcc3758162ae1df4a4932ace1b613fd8e0,"public int sum13(int[] nums) +{ + int sum = 0; + for ( int i = 1; i < nums.length; i++) + { + if (nums[i] == 13 | nums [i - 1] == 13) + { + sum = sum + 0; + } + else + { + sum = sum + nums[i]; + } + } + if ( nums.length > 1 & nums[0] != 13) + { + sum = sum + nums[0]; + } + return sum; +} +" +b975bd04823a7cb230fc2663a18904e56dfb5448,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +5ca8b3e3606a0d8ee0d8305e5ca8c4a80f8f4eb1,"public int sum13(int[] nums) +{ + int[] nums = New Array; + +} +" +19330cfaae977c28e49a27c01292ffc196450add,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 || nums[i - 1] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +3f4087c54c7d4a457070bd93c9655ad5a1cba058,"public int sum13(int[] nums) +{ + int total = 0; + for (int i = 0; i < nums.length; i++) { + if (nums[i] != 13) total += nums[i]; + else if (i <= nums.length - 1) i++; + } + return total; + +} +" +0808dca8b4a525f8b42f6b75f66b3b1d93c3c6cc,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13 && nums[i - 1] != 13) + { + sum += nums[i]; + } + } + return sum; +} +" +5bc88ec6f1b7398abe3ad8d325488571b2ffa7f5,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + sum += nums[i]; + } + else + { + i++; + } + } + return sum; +} +" +49f847eebaeae9a779ffed45f9cb7afe8361abdf,"public int sum13(int[] nums) +{ + int sum = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == 13) + i++; + else + sum += nums[i]; + } + return sum; +} +" +9a376d572696204c82c25fd7c085955a6eca7ada,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i =0; i < nums.length; i++) + { + if (nums[i] = 13) + { + i++; + } + else + { + sum += nums[i]; + } + + } + return sum; + +} +" +86c665e0ee24b91c220d30805a0e05e593a63bf5,"public int sum13(int[] nums) +{ + int sum = 0; + for (int i =0; i < nums.length; i++) + { + if (nums[i] == 13) + { + i++; + } + else + { + sum += nums[i]; + } + + } + return sum; + +} +" +abcc06b6961e3a60e42536024255684f6c78c710,"public int sum13(int[] nums) +{ + int number = 0; + if (nums.length != 0) + { + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != 13) + { + number = number + nums[i]; + } + if (nums[i] == 13 && i+1 < nums.length) + { + i++; + } + } + return number; + } + else + { + return number; + } + +} + +" +b87027a1bb4de14648e25ccbe869459093be0628,"public int sum13(int[] nums) +{ + int luckyArray = 0; +for (int i = 0; i < nums.length; i++) +{ +if (nums[i] == 13) +i++; +else +luckyArray += nums[i]; +} + +return luckyArray; + +} +" +b3edf799c4a9652b71308ab037b74daeab9ef705,"public int sum13(int[] nums) +{ + return 0; +}" +bbc685c0ca6bdc9a89fbbf407f550eba616ff225,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length()-2, str.length); + + +} +" +4de3f9ea90455c946b1e748dad82daece072ad8e,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length()-2, str.length()); + String whole = """"; + + if (sub1 == sub2) + { + whole += str.substring(2); + } + + else + { + whole += str; + } + + return whole; +} +" +34ca578131dd22d2a9fb96af16cd310f58fc61bd,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length()-1, str.length()); + String whole = """"; + + if (sub1 == sub2) + { + whole += str.substring(2); + } + + else + { + whole += str; + } + + return whole; +} +" +e3d71cacf903d6267288d199082e33b46d6b2a4a,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length()-1, str.length()); + String whole = """"; + + if (sub1 == sub2) + { + whole += str.substring(2); + } + + else + { + return str; + } + + return whole; +} +" +118f80275d75bdd655207d50b393f04c81e721fa,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length()-2, str.length()-1); + String whole = """"; + + if (sub1 == sub2) + { + whole += str.substring(2); + } + + else + { + return str; + } + + return whole; +} +" +2ef018490d0f3ecc81610a453775b4a096b395f1,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length()-2, str.length()-1); + String whole = """"; + + if (sub1 == sub2) + { + whole += str.substring(2); + } + + else + { + return str; + } + + return whole; +} +" +9f30ad9de7884b0f791d33adebe7cb9d4ea03a67,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + String sub1 = str.substring(0,1); + String sub2 = str.substring(str.length()-2, str.length()-1); + String whole = """"; + + if (sub1 == sub2) + { + whole += str.substring(2); + } + + else + { + return str; + } + + return whole; +} +" +de193af451a658dc1a8bc4f2985aaf3c30f4e39e,"public String without2(String str) +{ + String x = str.substring( 0, 2); + String y = str.substring( -2); + String z = str.substring( 2); + + if (x == y) + { + return z; + } + else + { + return str; + } + +} + +" +9d89087ec9b410708925860dc8e3a6025b381ce7,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String y = str.substring( -2); + String z = str.substring( 2); + + if (x == y) + { + return z; + } + else + { + return str; + } + +} + +" +15cfc90b108679fcfc6283bc532b6b1df32776d3,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(lenghth(str) - 3, length(str)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +f8cff2338f9afdb239559c4b1c12b160a50d186f,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring((lenghth(str) - 3), length(str)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +db32980e74c5ff6ed63a2d7afbab0bcb15ed0a37,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(length(str)-3,length(str)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +f68e2b4ff8bf8da2f1a79728b2d57624f62ec2de,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(3,5){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +5a89f1f21a725525135f49819ffd1af384d9f275,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(length(str)-3, length(str))){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +8d64333103370009679d69b8f45fdc8261c25e86,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(length(str), length(str))){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +000756d289cac1ed88c15375bb9b6929abb0fa50,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(4,5)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +609d13ace43adcfd06866a905ade873d49ec81d1,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(length(str)-2,length(str))){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +f68e1f31ff73d596a9690d44cac99dfa275e6105,"public String without2(String str) +{ + int i = length(str); + if (str.substring(0,2) == str.substring(length(str)-2,length(str))){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +f613f1e3e7d2b86295268100d87e3412b9cba6ad,"public String without2(String str) +{ + int i = length(str); + if (str.substring(0,2) == str.substring(length(str)-2, length(str))){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +42e1f3bb1091f9eec2eb577ab96bae4957968995,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + + if (front == back) { + return str.substring(2, str.length() - 3); + } + else { + return str; + } +} +" +55ff0e0e4a3464068f9a2ca8b6751e47c43be561,"public String without2(String str) +{ + if (str[0:2] == str[-1:-2]) + { + return str[2:] + } +} +" +9d0f36e1d3b221fbbe133b966ff17ff1c6c51c21,"public String without2(String str) +{ + if (str[0:2] == str[-1:-2]) + { + return str[2:]; + } +} +" +d800a9cbab5d986a393a505b71369f3127b03902,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(length(str)-2)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +169c7b05ae34784131e2d28d4405ebc555b18809,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + + if (front == back) { + if (str.length() <= 2) { + return """"; + } + else { + return str.substring(2, str.length() - 3); + } + } + else { + return str; + } +} +" +16d28c968835cc078571422195034b7f4eb0e672,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + + return front + back; +} +" +6d2a1a03feb289d71573ff99c5b5d6f82a4e4c51,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + if (str.length() <= 2) { + return """"; + } + else { + return str.substring(2, str.length() - 2); + } + } + else { + return str; + } +} +" +58a1ff5e49eef11f50693100868942e82f901a7a,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + return str.length(); +} +" +df0c582539e719456d0affac2f532cd757397b74,"public int without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + return str.length(); +} +" +dbb54e765cb5ba5f917a906bc0f82773e6e55c1e,"public String without2(String str) +{ + if (str.subtring(0, 2) == str.substring(-1:-2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +48ffe30a89512aceed962a1815003ab278794d34,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(len-2,len)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +89776ab342265c7107c26b05ade3207b25cfae59,"public String without2(String str) +{ + if (str.subtring(0, 2) == str.substring(-1, -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +0f40234263633b38072a6a6c0c41ea30486fca24,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length())){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +b17febd772d28942e237a1dcd70a4507027dade7,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-1, -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +ba1b9331e17ce9eb788f7aeb63149b67be0c57ef,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +ec1e1ba3f9bc30f5470536d013be380b1f447465,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(-1, -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d4d60d8a83db04f7860a8a5e253cc5a688aff00a,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + if (str.length() <= 2) { + return """"; + } + else { + return str.substring(2); + } + else { + return str; + } +} +" +e14ab004b5288fdd5c76f285894dd3c1388f2500,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + if (str.length() <= 2) { + return """"; + } + else { + return str.substring(2); + } + } + else { + return str; + } +} +" +1d35d54dff4b63c48bb630cd45fceadc787a7e14,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + if (str.length() <= 2) { + return """"; + } + else { + return str.substring(2); + } + } + else { + return str; + } +} +" +fcff0609e46a63926def21d845edf14dc22bc259,"public String without2(String str) +{ + if (str.length() <= 2) { + return """"; + } + else { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + return str.substring(2); + } + else { + return str; + } + + +} +" +441fcd5b458ffbe54ca39c69401de429f6277533,"public String without2(String str) +{ + if (str.length() <= 2) { + return """"; + } + else { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + return str.substring(2); + } + else { + return str; + } + } + + +} +" +74a3d657363b90bc7458319dd46f7c6b3e19b5a4,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + else { + if (str.length() < 2) { + return str; + } + else { + + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + return str.substring(2); + } + else { + return str; + } + } + } + + +} +" +f1c781cbe5383de4162320071c7370e011707048,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + else { + if (str.length() < 2) { + return str; + } + else { + + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front == back) { + return str.substring(2); + } + else { + return front + back; + } + } + } + + +} +" +45e59f5d8da86baab6fbe4c0eac8099db029cb23,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + else { + if (str.length() < 2) { + return str; + } + else { + + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + + if (front.equals(back)) { + return str.substring(2); + } + else { + return str; + } + } + } + + +} +" +816d2aa42d03b239eaeaefbe03ed83fbdc0d2113,"public String without2(String str) +{ + length(str) +} +" +7e5f5533672cd30b432bd7a9afc44c84a6ef96eb,"public String without2(String str) +{ + length(str); +} +" +5a75ff37645fcb6091ea8c608e114d9d45f99959,"public String without2(String str) +{ + len(str); +} +" +82e67cdf9bf8ce7ce5f22941c48f664a756c88c6,"public String without2(String str) +{ + if (str.substring(0, 1) == str.length() -2) + { + return str.substring(2); + } + else + { + return str; + } +} +" +23dbb6eda25b71f2400f72e2edbcd3645f142ead,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -2) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d30badcf7445a59e4519e2557d4ae775a8cbc4d4,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +dab42a331693e55efe47b7f5bc1b3c2638876c92,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +82ce5ec407d651304eb66e802d80ace43a4a7989,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -2)) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +90c163bfd8b3fc181ea1dce7e76a70cb126727f8,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d739180f71fd25faa48375104acb27bcf39e34d3,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length()-3, str.length()-1); + String middle = str.substring(2, str.length()-3); + if (end = beginning) + { + return middle; + } + else + { + return str; + } +} +" +ba651091b88b781473067d502f0369d81e21ce53,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length()-3, str.length()-1); + String middle = str.substring(2, str.length()-3); + if (end == beginning) + { + return middle; + } + else + { + return str; + } +} +" +9d1562245b749ba61efcfd3bc87932aa35ee115e,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length()-3, str.length()-1); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } +} +" +ef359e8611da45e333a50840522d3fdf2ccd3d75,"public String without2(String str) +{ + if (str.length < 2){ + return(); + } + if (str.substring(0,2) == str.substring(str.length()-2)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +0f6d4b698a98b83d3b4ea4b9e09d67b98f0c4492,"public String without2(String str) +{ + if (str.length < 2){ + return(""""); + } + if (str.substring(0,2) == str.substring(str.length()-2)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +70e8b1776f6065bad6d490309138b93fa2fbca81,"public String without2(String str) +{ + if (str.length() < 2){ + return(""""); + } + if (str.substring(0,2) == str.substring(str.length()-2)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +86a5a725b3d8ca478c0c3e8642737021eb0a1366,"public String without2(String str) +{ + if (str.length() < 2){ + return(str); + } + if (str.substring(0,2) == str.substring(str.length()-2)){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +3422ca094225cd0c8f09b0b18ac75f5b6ccf393f,"public String without2(String str) +{ + int number = str.length(); + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + String middle = str.substring(2); + if (number <= 2) + { + return str; + } + else if (end == beginning) + { + return middle; + } + else + { + return str; + } +} +" +83a79b4cd2ebcb094e4d837a254a6c7abaaf7bb2,"public String without2(String str) +{ + int number = str.length(); + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + String middle = str.substring(2); + String empty = """"; + if (number <= 2) + { + return empty; + } + else if (end == beginning) + { + return middle; + } + else + { + return str; + } +} +" +63c1890fd80919782a7fece40cf75052d51e0bff,"public String without2(String str) +{ + if (str.length() < 2){ + return(str); + } + if (str.substring(0,2) == str.substring(str.length()-2,str.length())){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +98747f76c9d9bd335851b19cac44ddabbf2e2c6a,"public String without2(String str) +{ + if (str.length() < 2){ + return(str); + } + if (str.substring(0,2).equals(str.substring(str.length()-2,str.length()))){ + return(str.substring(2)); + }else{ + return(str); + } +} +" +1bc1e7686f964be84808a4c5674d6cf6243486d7,"public String without2(String str) +{ + beginning = str.substring(0,1); + return beginning +} +" +48ffe1f9c1039c72456fbe801d81b34e2a300fdc,"public String without2(String str) +{ + beginning = str.substring(0,1); + return beginning; +} +" +03fa6bdb4460b1b40b95a5f8a8153b1676e2cb1d,"public String without2(String str) +{ + String beginning = str.substring(0,1); + return beginning; +} +" +c67c655a87042d2421869578cfeb04dad41f0e35,"public String without2(String str) +{ + String beginning = str.substring(2); + return beginning; +} +" +9664be78a345c25bbf9b1fd7c82753a7f948e11c,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + return beginning; +} +" +63b9a8aad69628197627b8ddda2ed758c323e913,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(-2); + return end; +} +" +fc5eab203950f14776de26003fa58c49e05b8166,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-1, strLength); + return end; +} +" +d5dc58f1465a67f4c56dc83b95b22c8a71e70c9d,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2 strLength); + return end; +} +" +8d0a82880889a1786bb8c10a524a243cbd7553b4,"public String without2(String str) +{ + int strLength = str.length() -1 ; + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-1, srtLength); + return end; +} +" +5629266f55b1700767f270996c23985ee94ce169,"public String without2(String str) +{ + int strLength = str.length() -1 ; + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-1, strLength); + return end; +} +" +71369b5d6a8aaa642b0dc61b8e494b24e24f0e8c,"public String without2(String str) +{ + int strLength = str.length() -1 ; + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + return end; +} +" +74b3b33e804d67f562abdd5bbaa7abcff4334a88,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-1, strLength); + return end; +} +" +2465b88104bdd47bc5a3e3ace36e9481be39a81d,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + return end; +} +" +be6388175e5bb9bd356ec31785cacc022401244b,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.substring(2); + } +} +" +74e6902c39d77cd1673e8bc173374892ceee4bbe,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.substring(2); + } + return str +} +" +f3fe2de3d14d7cd8ed3887fb232c0ec8f89c93c8,"public String without2(String str) +{ + int strLength = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.substring(2); + } + return str; +} +" +45d3ea1cfac51ac32a94731f99cc76e94e018e15,"public String without2(String str) +{ + int strLength = str.length(); + + if (strLength < 2) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + + if (beginning == end) + { + return str.substring(2); + } + return str; +} +" +180fad1abf4d6baa7bfe55b04c900266e425614f,"public String without2(String str) +{ + int strLength = str.length(); + + if (strLength < 2) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.trim(2); + } + + return str; +} +" +8ef3a96a3a9c1de9da911a1bc92812649b7354d5,"public String without2(String str) +{ + int strLength = str.length(); + + if (strLength < 2) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.substring(2); + } + + return str; +} +" +c3ca27f72731237939f78f5dfa4d8096ee0f60f0,"public String without2(String str) +{ + int strLength = str.length(); + + if (strLength < 2) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.substring(2, strLength); + } + + return str; +} +" +06b388127a48ac466a59d052e974e205faecd358,"public String without2(String str) +{ + int strLength = str.length(); + + if (strLength < 2) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str - str.substring(2, strLength); + } + + return str; +} +" +4c87b0c9fce6a7f1564809aaeff8c6a6ba4a336e,"public String without2(String str) +{ + int strLength = str.length(); + + if (strLength < 2) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(strLength-2, strLength); + + if (beginning == end) + { + return str.substring(2, strLength); + } + + return str; +} +" +0c83a863bad71e0939690c90f4fbcb7dcc29af2d,"public String without2(String str) +{ + str begin = str.substring(0, 2); + int long = str.length(); + str end = str.substring(long - 2, long); + str output; + if (begin == end) + output = str.substring(2, long - 2); + else + return str; +} +" +3e35cd89dca28563983d91a9cfdbc14cda6d7e70,"public String without2(String str) +{ + string begin = str.substring(0, 2); + int long = str.length(); + str end = str.substring(long - 2, long); + str output; + if (begin == end) + output = str.substring(2, long - 2); + else + return str; +} +" +9d396a112bfc43152eaf8d5c37bf53ad2d95e6e0,"public String without2(String str) +{ + String begin = str.substring(0, 2); + int long = str.length(); + String end = str.substring(long - 2, long); + String output; + if (begin == end) + output = str.substring(2, long - 2); + else + return str; +} +" +d62f334d009a28df7a491972138db2ff101993de,"public String without2(String str) +{ + String begin = str.substring(0, 2); + int long = str.length(); + String end = str.substring(long - 2, long); + String output; + if (begin == end) + output = str.substring(2, long - 2); + else + return str; +} +" +6e1de9d2f41bf6be5c6f28c2f0d89526c4d9d86f,"public String without2(String str) +{ + String begin = str.substring(0, 2); + int length = str.length(); + String end = str.substring(long - 2, long); + String output; + if (begin == end) + output = str.substring(2, long); + return output; + else + return str; +} +" +72763289dc12cd368b214117e14b56725cb0da5b,"public String without2(String str) +{ + String begin = str.substring(0, 2); + int length = str.length(); + String lastTwo = str.substring(long - 2, long); + String output; + if (begin == end) + output = str.substring(2, long); + return output; + else + return str; +} +" +e21e588a7543bff51d13545761bd1815e644c6b8,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + int length = str.length(); + String lastTwo = str.substring(long - 2, long); + String output; + if (firstTwo == lastTwo) + output = str.substring(2, long); + return output; + else + return str; +} +" +7f6e451d691e44a9c454d0e852bab0ba12b8b588,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring (0, 2).equals str.substring + (str.length() - 2))) + return (str.substring(2, str.length)); + return str; +} +" +43e11e954871ff09db2a0e7791240f4f022c63c8,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + int length = str.length(); + String lastTwo = str.substring(length - 2, length); + String output; + if (firstTwo == lastTwo) + output = str.substring(2, length); + return output; + else + return str; +} +" +94f990103163e66ac3f095361946faa9da106aac,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + int length = str.length(); + String lastTwo = str.substring(length - 2, length); + String output; + if (firstTwo == lastTwo) + { + output = str.substring(2, length); + return output; + } + else + return str; +} +" +e90a177e0ca9326e65dec86a1b5178c94f2a8d87,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring (0, 2).equals str.substring(str.length() - 2))) + + return (str.substring(2, str.length)); + return str; +} +" +f33bee151bb6dc9555432ce384fc71389655fbbd,"public String without2(String str) +{ +if (str.length() >= 2 && str.substring (0, 2).equals str.substring(str.length() - 2))) + + return (str.substring(2, str.length)); + return str; +} +" +8d63286505392a02654efb09ad275377cb1fbb2b,"public String without2(String str) +{ +if (str.length() >= 2 && + str.substring (0, 2).equals str.substring(str.length() - 2))) + + return (str.substring(2, str.length)); + return str; +} +" +69b4e3999f299ce5151b3caed10b0f1a31ccfcaa,"public String without2(String str) +{ +if (str.length() >= 2 && + str.substring (0, 2).equals(str.substring(str.length() - 2))) + + return (str.substring(2, str.length)); + return str; +} +" +ff308ebf4fab37f8e62ca359bc7247d3389550dc,"public String without2(String str) +{ +if (str.length() >= 2 && + str.substring (0, 2).equals(str.substring(str.length() - 2))) + + return (str.substring(2, str.length())); + return str; +} +" +8d4e8b4b9aad2f4fa086d0ca00e3dcd3d1a1ca65,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(str.length()-2,str.length()); + if (start == end) + { + return str.substring(1, str.length()); + } + else + { + return str; + } +} +" +1fb3f81b19432532560ebf8f8474c3e2356a680a,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +296e3476a85036afadc95b713e29451025ec062d,"public String without2(String str) +{ + if (str.length() >= 2) + { + String start = str.substring(0, 1); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +ab92fe55ce2f3236cf81ab2103a88f91e360fb2a,"public String without2(String str) +{ + if (str.length() >= 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +6041b85e3a25846a87b019b6f6eded6e41ef0f6c,"public String without2(String str) +{ + if (str.length() >= 2) + { + String start = str.substring(1, 3); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +45b6c1966d150f25d1aa4fc38de6ddd891b2afdc,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(1, 3); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fb77f0af8a21d8b84b4d8aa762fd1b0f576fb61c,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 3); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +9bbb263cb7d26b770141b611557ceedf2f7354a9,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length()-1); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +d6cd772324f2832f0d34922a4ddfa117bfa5793e,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + String end = str.substring(6); + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +2e5f3edd0d6456d426ae7496009866a62e8ac28a,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length-1); + if (start.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +c8c71da961354080d80554f3ed44d529469cadbb,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length()-1); + if (start.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +4e38587316ca87805ec7218b55f866b0d08c555d,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length()-1); + if (start.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +82b71b6fdc529c7ade1a7a47a449c88443a59166,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length()-1); + if (str.endsWith(start)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +fd2283d9bd99e202228a7ebe2fc28301722e00db,"public String without2(String str) +{ + if (str.length() > 2) + { + String start = str.substring(0, 2); + if (str.endsWith(start)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 2) + { + return """"; + } + else + { + return str; + } +} +" +19d2824fc0b14da88231b0e7005b58a93ca0bfaa,"public String without2(String str) +{ + def checkCharacters(a): +first = a[0:2] +second = a[-2:] + +if first == second: +return a[2:] +else: +return a +} +" +8d1da29fc331a2658b6ae07be890d5aab98eaa4e,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return substring(0,2) + } + else if(length == 1) + { + return (str.charAt(0) + ""@"") + } + else + return ""@@"" +} +" +82b9cf48e2810f281409991e07f6d4b637eed388,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return substring(0,2) + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; +} +" +b219d888c37ea54eeb9a2233c2b26122a40e9e19,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return substring(0,2); + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; +} +" +5deba77be8471fe4584d97567fc85c69de8693b7,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return subString(0,2); + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; +} +" +cdc54b630db47193f4a196ea01bbbcb77a1b5471,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return sub.string(0,2); + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; +} +" +7322d9d446fce71930d80fa8c9a73a66f772748c,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0,2); + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; +} +" +3579eec55dd2a6572dd68a6a9e0c203e0406e021,"public String without2(String str) +{ + length = str.length(); + if (str.substring(0,2) = str.substring(length-1,2) + return str.substring(2,length-2); + else + return str; +} +" +0eda8111b19f11f60af42516570288008273d8dc,"public String without2(String str) +{ + length = str.length(); + if (str.substring(0,2) = str.substring(length-1,2)) + return str.substring(2,length-2); + else + return str; +} +" +96aad432c00fa53192bbbfe546067faf542995a1,"public String without2(String str) +{ + int length = str.length(); + if (str.substring(0,2) = str.substring(length-1,2)) + return str.substring(2,length-2); + else + return str; +} +" +2a69c79a8fa220747883ade4e93407b506c6e62a,"public String without2(String str) +{ + int length = str.length(); + if (str.substring(0,2) = str.substring((length-1),2)) + return str.substring(2,length-2); + else + return str; +} +" +b016509a8fc57678f5165bf7d5e3ca8d40296364,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +cd39bc2e26dc55cbabebc87ef2608362bf5a6031,"public String without2(String str) +{ + int length = str.length(); + if (str.substring(0,2) == str.substring((length-1),2)) + return str.substring(2,length-2); + else + return str; +} +" +5d41f26f921db078fa16a4ec87b988eef2a6efdb,"public String without2(String str) +{ + int length = str.length(); + if (str.substring(0,2) == str.substring((length-1),length)) + return str.substring(2,length-2); + else + return str; +} +" +0fe99db720d98579e10d93a2d773cc962c50354b,"public String without2(String str) +{ + int length = str.length(); + if(length > 2) + { + if (str.substring(0,2) == str.substring((length-1),length)) + return str.substring(2,length-2); + else + return str; + } + else + return str; +} +" +c887554037e68288f8f9735254b11eac460ddfa7,"public String without2(String str) +{ + int length = str.length(); + if(length > 2) + { + if (str.substring(0,2) == str.substring((length-1),length)) + return str.substring(2,length-2); + + } + else + return str; +} +" +18c7f9b23066ec0d16807077c29c492921ff26f2,"public String without2(String str) +{ + String first = str.substring(0, 2); + String second = str.substring(str.length() - 2); + if (first.equals(second)) { + return str.substring(2); + } + else { + return str; + } +} +" +9f35f575ced102d34f71cb8463093c56b6e96754,"public String without2(String str) +{ + int length = str.length(); + if(length > 2) + { + if (str.substring(0,2) == str.substring((length-1),length)) + return str.substring(2); + else + return str; + + } + else + return str; +} +" +0da9c5a7790271093907f99c72246bf3cba4b914,"public String without2(String str) +{ + int length = str.length(); + if(length > 2) + { + if (str.substring(0,2) == str.substring((length-2),length)) + return str.substring(2); + else + return str; + + } + else + return str; +} +" +5846d0c27c8ec4e113d2c6d201da25afb4877326,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if (str.substring(0,2) == str.substring((length-2),length)) + return str.substring(2); + else + return str; + + } + else + return str; +} +" +fd0a1f7951083fe05fe58b9d37febe31493c936a,"public String without2(String str) +{ + if (str.length() < 2) { + return str; + } + String first = str.substring(0, 2); + String second = str.substring(str.length() - 2); + if (first.equals(second)) { + return str.substring(2); + } + else { + return str; + } +} +" +62d77fe71dcea55526ca5fe7358f1b107a1f3547,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if (str.substring(0,2).equals(str.substring((length-2),length))) + return str.substring(2); + else + return str; + + } + else + return str; +} +" +50b6ef23d62d3b0c87faa85c84693d10cbd60e50,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + + } +} +" +e6545e633675a59de45fe2acd815375ad505ee2d,"public String without2(String str) +{ + if (str.length() > 2) + { + return str.substring(1, str.length() - 1); + } + return """"; +} +" +529d313f0a353b81e3a1ca5e020890023e995836,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +d873ee10e21d81ce8d99616fb0d4e72063b3cbe6,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, + 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; +} +" +080e1c72f31bfbce17a6af7cc66aacbf4dcd20e1,"import java.io.*; + +public class Assignment7 { + + public static String without2(String s){ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + } + public static void main(String[] args) { + + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +}" +5291c278cc806f013aa314bc3fabd499eb01dafc,"public String without2(String str) +{ + def checkCharacters(a); + first = a[0:2]; + second = a[-2:]; + + if (first == second) + { + return a[2:]; + } + else + { + return a; + } +} +" +8972af8c7749528b38fcb9f1034eba3e08de5c00,"public String without2(String str) +{ + def checkCharacters(a); + String first = a[0:2]; + String second = a[-2:]; + + if (first == second) + { + return a[2:]; + } + else + { + return a; + } +} +" +e6ad4fee7323b46e7444776604cbbefbfb58eecd,"public String without2(String str) +{ + def checkCharacters(a); + String first = a[0:2]; + String second = a[-2:]; + + if (first == second) + { + return a(2:); + } + else + { + return a; + } +} +" +68fa9473555a08cd6928d34d88e9c9513e204479,"public String without2(String str) +{ + String part1 = str.substring(0, 1); + String part2 = str.substring(str.length()-2, str.length - 1); + if (part 1 == part 2) + return str.substring(2); + else + return str; +} +" +08d43394ccbebc49b325f1e1dc88570f4bf46f33,"public String without2(String str) +{ + String part1 = str.substring(0, 1); + String part2 = str.substring(str.length()-2, str.length - 1); + if (part1 == part2) + return str.substring(2); + else + return str; +} +" +9540aa5ad5941a50351417dffee06b4f9c19e3f5,"public String without2(String str) +{ + String part1 = str.substring(0, 1); + String part2 = str.substring(str.length()-2, str.length() - 1); + if (part1 == part2) + return str.substring(2); + else + return str; +} +" +1222d945296e9b7e4e84c3aa9a1fbfb191798593,"public String without2(String str) +{ + String part1 = str.substring(0, 1); + String part2 = str.substring(str.length() - 1, str.length()); + if (part1 == part2) + return str.substring(2); + else + return str; +} +" +3f1b9f3fbff34628f757d008d33750f65a6d9cae,"public String without2(String str) +{ + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if (part1 == part2) + return str.substring(2); + else + return str; +} +" +a3fd9d2ee67271b6bcb70366d05c2a9a2c46692c,"public String without2(String str) +{ + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if (part1 == part2) + return str.substring(2, str.length()); + else + return str; +} +" +d681adef6c5d14eb4649856c1a76dbac619a5149,"public String without2(String str) +{ + int len = str.length(); + + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +0a39909c5553cbc3bf34b3c4cdce1d7340453c95,"public String without2(String str) +{ + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if (part1.equals(part2)) + return str.substring(2, str.length()); + else + return str; +} +" +bf42c0756d2af893aa0468e19fd52cbafeea96c9,"public String without2(String str) +{ + int len = str.length(); + + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +d89862eb87943e791454e491fecbe9422b4aace5,"public String without2(String str) +{ + if (str.length > 1) { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + } + else + return str; + + if (part1.equals(part2)) + return str.substring(2, str.length()); + else + return str; +} +" +b32ea3c06c914cf968230aa383ad4e629863313f,"public String without2(String str) +{ + if (str.length() > 1) { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + } + else + return str; + + if (part1.equals(part2)) + return str.substring(2, str.length()); + else + return str; +} +" +2f64eaf581cb59aa9a9e5afa601bf22a56eaf894,"public String without2(String str) +{ + if (str.length() > 1) { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if (part1.equals(part2)) + return str.substring(2, str.length()); + else + return str; + } + else + return str; +} +" +ba1f01d52117ae35e9c4e6cda33cb0ca3b11d8a3,"public String without2(String str) +{ + if (!str.substring(0, 2).equals(str.substring(str.size() - 2)) + { + return str; + } + return str.substring(2); +} +" +d49734c5934a7893a4cbccd5a66f770defe1795e,"public String without2(String str) +{ + if (!str.substring(0, 2).equals(str.substring(str.size() - 2))) + { + return str; + } + return str.substring(2); +} +" +c4dac976c9a32e1273b2adf4a011ede0052806a0,"public String without2(String str) +{ + if (!str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str; + } + return str.substring(2); +} +" +24427edc4f773d0ac11931793248d7e788e2d816,"public String without2(String str) +{ + if (str.length() < 2 | !str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str; + } + return str.substring(2); +} +" +8df9d86f677a49e8079992d903430e6f2842477c,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring (len - 2, len))) + return str.substring(2); + else + return str; + } + else + return str; + +} +" +457198ce96eb11ef8b6ed7f49c1f0170e3db9553,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if !str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str; + } + return str.substring(2); +} +" +65738ff1fe028708388e3ed54ad50ea211e4f856,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (!str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str; + } + return str.substring(2); +} +" +4a02eca79a715447b566e6e290e54a2f6d5eb434,"public String without2(String str) +{ + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); +} +" +f3026fe80db6dc9ebc84ac43f09bf8a9efc8cca8,"public String withoutX2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + stbuild.append(ch); + ch = str.charAt(1); + if(ch != 'x') + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + else if(len == 1 && str.charAt(0) == 'x') + return """"; + else + return str; +}" +daa871d41d4f667b1fef59643651fd818856be19,"public String withoutX2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + else + { + return str; + } +}" +6948f8b88e824d2f9826c5c442707a52e14661a3,"public String withoutX2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + else + { + return str; + } +}" +e43578ebda1c1cb6afb9c523b6c4896f8af90148,"public String withoutX2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + else + { + return str; + } +}" +11ed03d0519cb29d3a957a7f5156d2a0e7307cc7,"public String withoutX2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + else + { + return str; + } +}" +bdd6b677c4c44bc94a7617593293412ef8874d3d,"public String withoutX2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + else + { + return str; + } +}" +81b7a88d9a4751d1c81eb11ea60b71bf07a3dbd4,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + else + { + return str; + } +}" +45fc331af07afdcec82da86725bae9703e4d0866,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + { + stbuild.append(ch); + ch = str.charAt(1); + } + if(ch != 'x') + { + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + } + else if(len == 1 && str.charAt(0) == 'x') + { + return """"; + } + return str; +}" +3b24b209f693abdc3bea1126e46fc0326a3b965c,"public String without2(String str) +{ + a = str.substring(,3); + b = str.substring(-2); +} +" +ae1f817e4cef83af00d71fc1a24042cb7581e257,"public String without2(String str) +{ + a = str.substring(0,3); + b = str.substring(-2); +} +" +3a475f6a65d27bceb1c62a91389bc1149163dd8c,"public String without2(String str) +{ + int a = str.substring(0,3); + int b = str.substring(-2); +} +" +3798b34becc3d4dd27d078e30fc04197d562cbfc,"public String without2(String str) +{ + String a = str.substring(0,3); + String b = str.substring(-2); +} +" +910108e92aa244b527c20c5f5012b7fd5e51f55c,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.length(0,2).equals(str.substring(length(-2,0))) + { + return str; + } + else + return str; + } + else + return str; +} +" +7c16b3d7836583b7b312d833fb58ad0ce8bd5224,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.length(0,2).equals(str.substring(length(-2,0)))) + { + return str; + } + else + return str; + } + else + return str; +} +" +7de202d925d6e5a640e12154c09a8663ff03167c,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.length(0,2).equals(str.substring(length-2, length)))) + { + return str; + } + else + return str; + } + else + return str; +} +" +728c835778585580d76b3fdbaa8505ecc66870d2,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.length(0,2).equals(str.substring(length-2, length)))) + { + return str; + } + else + return str; + } + else + return str; +} +" +cdd15cbf9972eb0ea33cafb5c8e0070c23e16aab,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.length(0,2).equals(str.substring(length-2, length)))) + return str; + else + return str; + } + else + return str; +} +" +ebbbf47f6c8486ddbadc28fa877cdd5229cb5336,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.length(0,2).equals(str.substring(length-2, length)))) + return str; + else + return str; + } + else + return str; +} +" +49ec5f6486ce345c5eded47aef380ae9486f80ea,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0, 2).equals(str.substring(length - 2, length))) + return str.substring(2); + else + return str; + } + return str; +} +" +69b28cfff5ca69426d3811f406a3546fd75bace9,"public String without2(String str) +{ + String string = """"; + if (str.substring(0, 1) == str.substring(str.length - 2, str.length - 1) + { + string = str.substring(2); + } + else + { + string = str; + } +} +" +991584b75909ff15bb37f0c8cbd00d251fe7a28c,"public String without2(String str) +{ + String string = """"; + if (str.substring(0, 1) == str.substring(str.length - 2, str.length - 1)) + { + string = str.substring(2); + } + else + { + string = str; + } +} +" +6c9b974cdba39dec44f22619a45edad5db0e507f,"public String without2(String str) +{ + String string = """"; + if (str.substring(0, 1) == str.substring(str.length() - 2, str.length() - 1)) + { + string = str.substring(2); + } + else + { + string = str; + } +} +" +992ffae5a690b6d81f3a2777ec25514fae8f805f,"public String without2(String str) +{ + String string = """"; + if (str.substring(0, 1) == str.substring(str.length() - 2, str.length() - 1)) + { + string = str.substring(2); + } + else + { + string = str; + } + return string; +} +" +c4f331221d767c2a652600125fd290d6768cdaa2,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +7ed9228a83e8042496357f6a98c97b24d23c8d85,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +e8ec5bff9e3720415249f4214ad76c3ef42c9760,"public String without2(String str) +{ + if (str.substring(0) == str.substring()) + { + return(str.substring(1)); + } +} +" +8e720650b133ef5735ef1ccd54556ebc77583280,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring()) + { + return(str.substring(1)); + } +} +" +7faf27b9a448d27b3e33265cfb40ac2d1fd81377,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring()) + { + return(str.substring(1)); + } +} +" +72c3853abf9080224a1afc465d2bc48b0e88dbd7,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length()) + return str.substring(2, str.length() - 2); + else + return str; +} +" +09821fb5d1893b44e856eb3c7321f0440d937474,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length()) + return str.substring(2, str.length() - 2)); + else + return str; +} +" +49dfcad78ddf5f0ac4a9bbcb9d4091e39b9105c9,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + return str.substring(2, str.length() - 2); + else + return str; +} +" +2d80970e6d99b112ae81befb06b273719a5a1a47,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +7cae4c3f28e6e4127d62b5e4fd65b3ccbd9d1b7d,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + return str.substring(1, str.length()); + else + return str; +} +" +7a337004efbf5aa811a5dab5eb0e833b17b42b3b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + return str.substring(2); + else + return str; +} +" +46ade875fae79bbb787391ce83443bb65ee921d4,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2) + return str.substring(2); + else + return str; +} +" +f865570f4fa907153305df7072d7b1d4d57625b3,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + return str.substring(2); + else + return str; +} +" +065e68828e1776fb0aad67e894d6043624250b6e,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1)) + return str.substring(2); + else + return str; +} +" +a56e93b7d56d0bff55f0534ad48eb57240ab4871,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + return str.substring(2); + else + return str; +} +" +4b2851623e19798cf0609e390c5793ada15fa61e,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + else + return str; +} +" +9cc89063b19ae3188178e4c0af3c6c01ac646ca2,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.substring(0, 1); + return str; + } + else + { + return str; + } +} +" +2ea2090ae14dd42d5b09fe7be9e4b8149f6fa7c9,"public String without2(String str) +{ + if ((str.charAt(1) == str.charAt(str.length() - 1)) && (str.charAt(2) == str.charAt(str.length()))) + { + str = str.substring(0, 1); + return str; + } + else + { + return str; + } +} +" +279bbda63c52fc67ab4ff0c7b0f794b3f5a8217e,"public String without2(String str) +{ + if ((str.charAt(1) == str.charAt(str.length() - 1)) && (str.charAt(2) == str.charAt(str.length()))) + { + str = str.substring(1, 2); + return str; + } + else + { + return str; + } +} +" +3f4a3bd26489d5d74ff72f1fc5eaf41f5c8f4300,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.substring(0, 1); + return str; + } + else + { + return str; + } +} +" +0213453ea9da0c403409d80b466bf21eb19c9218,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str.deleteCharAt(0); + str.deleteCharAt(1); + return str; + } + else + { + return str; + } +} +" +cb510a7f80d3d3b68c796787c57767363a5b6f57,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0, 2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +3b0512a990358d2bc15c6ddaf976f398ff6aa288,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str.removeCharAt(0); + str.removeCharAt(1); + return str; + } + else + { + return str; + } +} +" +6adc6339f9b9ab17ba9dda841c48fae9f00fef30,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.removeCharAt(0); + str = str.removeCharAt(1); + return str; + } + else + { + return str; + } +} +" +e3ef0ea27bcc39f17e6ab92a7fc3fc8de98db07e,"public String without2(String str) +{ + String string = str; + return (string.substring(string.length - 2, string.length-1)); +} +" +7ea23d54ff14213010116e9222208f4ce639c8cd,"public String without2(String str) +{ + String string = str; + return (string.substring(string.length() - 2, string.length() - 1)); +} +" +35f1b5b6a9bc8ea95abeb3eb297055eb318180a8,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + return (str.substring(2, str.length() - 2); + } + else if (str.length() == 3 || str.length() == 2) + { + return (""""); + } + } + else + { + return str; + } +} +" +d990c8e1306128600e83ca179a319bc8f7a77981,"public String without2(String str) +{ + String string = str; + return (string.substring(string.length() - 2, string.length())); +} +" +80dce5ed54f6918b3ab243b99c06471864183e94,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + return (str.substring(2, str.length() - 2)); + } + else if (str.length() == 3 || str.length() == 2) + { + return (""""); + } + } + else + { + return str; + } +} +" +10fc06560262e4fa2037a3278562baa6c0fa6eb1,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + return (str.substring(2, str.length() - 2)); + } + else if (str.length() == 3 || str.length() == 2) + { + return """"; + } + } + else + { + return str; + } +} +" +e825ebebcdfcf9fe8d725437e57880287dacfde0,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + return str.substring(2, str.length() - 2); + } + else if (str.length() == 3 || str.length() == 2) + { + return """"; + } + } + else + { + return str; + } +} +" +42193fa0d35ae85f716be0e3d8c55a8be7763673,"public String without2(String str) +{ + int newString = """"; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + newString = str.substring(2, str.length() - 2); + } + } + else + { + newString = str; + } + return newString; +} +" +a4ba7b63fc49436b603c87889da0cb178d430a73,"public String without2(String str) +{ + String newString = """"; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + newString = str.substring(2, str.length() - 2); + } + } + else + { + newString = str; + } + return newString; +} +" +6a47439e4fbfac33d653596d37d1b95877ea7508,"public String without2(String str) +{ + String newString = """"; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + if (str.length() >= 4) + { + newString = str.substring(2, str.length()); + } + else if (str.length() == 3) + { + newString = str.substring(2); + } + } + else + { + newString = str; + } + return newString; +} +" +873c8b64ffdd746820d56e7109e33606b61d4271,"public String without2(String str) +{ + String string = str; + if (string.substring(string.length() - 2, string.length()) = string.substring(0, 2)) + { + string.remove(0, 2); + return string; + } + else + { + return (string); + } +} +" +7f2b68846799e49a87e314a3efb8f0284f749fec,"public String without2(String str) +{ + String string = str; + if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string.remove(0, 2); + return string; + } + else + { + return (string); + } +} +" +f4f6cff4e285b4a709cf8f48236fde189e846cb8,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length()) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } +} +" +b8e6a00418b434fa78ad4b4b0a8eeae15013af79,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } +} +" +1dc081373ab3d3ff2c90024eab37569bc7a08dfe,"public String without2(String str) +{ + String string = str; + if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string); + } +} +" +ae75834b24daa19a0e3ddd3eedc9f60711b76566,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } +} +" +9c41ec331e95ea0ee635c4cb485c9fc1d2d9cc75,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string); + } +} +" +f5308d50b727afd2e68043b7e67a3bea62c578c7,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string.substring(string.length() - 2, string.length()); + } +} +" +cb3351220c706b407d3dd9d158186c0579e26eef,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string.substring(string.length() - 2, string.length())); + } +} +" +b61525ee3d95e852d6dc3a45b69a928defa98176,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string) + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string.substring(0, 2)); + } +} +" +2cf54e995d90f1e5c65f5d8409575db55714c02a,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string.substring(0, 2)); + } +} +" +8fec2154b2763e50f6b8e904ace9c7f384f7193a,"public String without2(String str) +{ + if (str.length() > 2) + { + return true; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length-2) + + +} +" +4e9704f1bbff454decb782d6618a8e427e1e051b,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2); + return string; + } + else + { + return (string); + } +} +" +8b684a25a1ead9f16d5312665c21e9340c940a61,"public String without2(String str) +{ + if (str.length() > 2) + { + return true; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length-2) + + +} +" +4421dcb1a6c10531a24a5598d877c23f7497d9d7,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2); + return string; + } + else + { + return (string); + } +} +" +bf917ca32b0189664707216a067464abbdf7ef8f,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length - 1); + return string; + } + else + { + return (string); + } +} +" +95f52647046ed237110f3c6a8c461b714797c567,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.subString(2); + return str; + } + else + { + return str; + } +} +" +af99353ca3eb050780b6661daaf908ce3e76d169,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.subString(2); + return str; + } + else + { + return str; + } +} +" +43c8f87b1a7dbe89591e336bc174b34f5089f443,"public String without2(String str) +{ + +} +" +f0d5555f6bd8b3e90811d9bdf74e324788fa73d4,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.subString(2); + return str; + } + else + { + return str; + } +} +" +eec151d58e6d9673e8fc90ae642f394cad92f09a,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String z = str.substring( 2); + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +d00f2341c27a1f857e805f6ca78747f659bb132c,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +d21fba6eccc6dddd49ac6a49b6a4c8ce18993de9,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +a9b2cf292b5881defc7591d4ad46b65d0fd2d39e,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String z = str.substring( 2); + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +6cf498d90fe3e4a810852ec32ef809f53417421c,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +1ef699f5b96597792a259e15b3ad336a15a8d0cb,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +72362a9863f83cb803bc5e1235871287cc72140e,"public String without2(String str) +{ + size = size.str(); + if (str.substring(0) = str.substring(size - 1) && str.substring(1) = str.substring(size); + { + return(str - str.substring(0) - str.substring(1)) + } +} +" +061374199f4170e90450cdf75d87e77fae96d4fc,"public String without2(String str) +{ + return str; +} +" +a51d147e445e800cca1e93438d87cfabe306568c,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +5537142761d65eb759bc3cae39ea3e207a725209,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +258a179e9ff800a40d3e0c782c7b1d86e6e853fa,"public String without2(String str) +{ + return str; +} +" +949c0fecf26c154f3e08c6216d927fc41241797c,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +f4d43ce922cd4882ed83ed9f82d8b215d62afa3b,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +a0a69c6b932192505907e30443490ff4a473644e,"public String without2(String str) +{ + return str; +} +" +59d2f0125df58e8c9563ee9115f0fe2ff47c6e26,"public String without2(String str) +{ + + + else + { + return str; + } +} +" +fa9f582a6c541522c99453f7f9170ff02fa679ea,"public String without2(String str) +{ + + + + return str; + +} +" +26e82c611d722157cb771689fb00e6c229f9c5c2,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str; + } + + + return str; + +} +" +9bddade7e1fa89a06b131dac9b8900bfe6fabc87,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str; + } + + + return str; + +} +" +ba9290c8efcce0e2ab287502bdb355ee260e0915,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + + + return str; + +} +" +6a4cfbf46441fe148f3d68e77d9afec407f02fee,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + + + return str; + +} +" +5ac0b6f21f58512354aacf3681b0f35322850cd1,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +5189869d8bec084655f8a25e9378d5365153640a,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +cd420ffad7f4f207ac40127148f9a039a0455d50,"public String without2(String str) +{ + if (str.leng() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +154f2a9831b9ac15f763a68e3852d9d8a793c7a3,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +2b6c8e72ca078a67bd64fa26a20a22ca74a1b804,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return ""[""str""]""; + } + return ""[""str""]""; +} +" +bf034c37fbe48f56377d5b24e539590af1342fe7,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return ""["" + str + ""]""; + } + return ""[""str""]""; +} +" +4090b715812d21c0550e9498d158e2e199b896f4,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return ""["" + str + ""]""; + } + return ""["" + str + ""]""; +} +" +078c281ce055cf1f0cfb37ac9fa576247cbfd4d9,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return str; + } + return str; +} +" +aad6bff15bd43a9adba862a086124b0ef534b603,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return ""[]""; + } + return str; +} +" +e8bd65f1fdf050b947625cc871eecd581b1d261d,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else + { + return """"; + } + return str; +} +" +538f326592a441e56713cab4781aa04bc3f3e989,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else if (str.length() = 2) + { + return """"; + } + else if (str.length() = 1) + { + return str; + } + return str; +} +" +2f8ce8bf4656ee82106f014bdf55c82a6792d6cc,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else if (str.length() == 2) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + return str; +} +" +8dd3e52d11d5851f6a08850ac68913019d5936c4,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2,str.length()); + } + + } + else if (str.length() == 2) + { + return """"; + } + + return str; +} +" +842f4dd17fe9abab734d6fc542241dfc9f06d364,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return '-1'; + } + else + { + return str; + } + } +} +" +61722e267e62414d4fef38dd081caa47bcc17ba4,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return ""-1""; + } + else + { + return str; + } + } +} +" +2c279d218ed1d95e4d268ecb6ee8aef9142ee724,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + return str.substring(0, 2) + str.substring(str.length()-2, str.length()); + } +} +" +509d78b1fc068192fc092d5847cbe4232c582cd8,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length()-2, str.length())) + { + return ""matching: "" + str.substring(0, 2) + str.substring(str.length()-2, str.length()); + } + else + { + return ""not matching: "" + str.substring(0, 2) + str.substring(str.length()-2, str.length()); + } + } +} +" +b4d86068315c65607d70de23c9d007dee6193857,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.subString(2); + return str; + } + else + { + return str; + } +} +" +2d2a384f81a9846792110fc4e2eb44e75bf6e4a9,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + return str.substring(0, 2) + ' and ' + str.substring(str.length()-2, str.length()) + } +} +" +e842aa530aa436eaeafd4c967d9f9bbe44b13e36,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + return str.substring(0, 2) + "" and "" + str.substring(str.length()-2, str.length()) + } +} +" +ac70ad08daa14dff05809468ef01072447699edb,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + else + { + return str.substring(0, 2) + "" and "" + str.substring(str.length()-2, str.length()); + } +} +" +c2b9c47d4c9f167aab648458e34a18c1fc3e6476,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + return str.substring(0, 2) + "" and "" + str.substring(l-2, l); + } +} +" +3ab8c972fcb772b6b7e79d15d159ccb5be05a8f2,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd; + } +} +" +8777d3b2c2b4fbeef61a978cd8ff4bffccee85ed,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + if (frontAndEnd.substring(1, 3) == frontAndEnd.substring(4, 6) || frontAndEnd.substring(0, 3) == frontAndEnd.substring(2, 4)) + { + return ""matches""; + } + else + { + return ""doesn't match""; + } + } +} +" +d71c14f705bd1cd9a7b07936fbdff9a36e029dbe,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + if ( frontAndEnd.substring(0, 3) == frontAndEnd.substring(2, 4)) + { + return ""matches""; + } + else + { + return ""doesn't match""; + } + } +} +" +e8757619f5b766b9c5e18281d45b079d1a2f5f75,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + if ( frontAndEnd.substring(0, 2) == frontAndEnd.substring(2, 4)) + { + return ""matches""; + } + else + { + return ""doesn't match""; + } + } +} +" +8dedc7730c57a7f85192e341b4de7f5a6462a213,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + System.out.println(frontAndEnd); + if (frontAndEnd.substring(0, 2) == frontAndEnd.substring(2, 4)) + { + return ""matches""; + } + else + { + return ""doesn't match""; + } + } +} +" +ac7f66873ff94169bece822d34bba6c4931f3300,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + String a = str.subString(2); + return a; + } + else + { + return str; + } +} +" +8cca60e7a2bd961e6494179f9ab9ffe398dc47d1,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd; + } +} +" +3d43abc5a95ff4b3bbf875d6f5d47f490c2886af,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd.substring(0, 1); + } +} +" +b84b93a71638f3ce948ad8695bbab0f2faf427c2,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + String a = str.subString(2, str.length() - 1); + return a; + } + else + { + return str; + } +} +" +ab73d1a299012a5a2a70bec9b4907c931eac4463,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd.substring(0, 2); + } +} +" +48594bedc5112990b45ba34dbf4e9edf715cb371,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd.substring(0, 2) + "" and "" + frontAndEnd.substring(2, 4); + } +} +" +c40d8daad73fc3aadae06099a8df008ddea322b1,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd.substring(0, 2) + "" and "" + frontAndEnd.substring(2, 4) + """"; + } +} +" +bd2dfba27f20466d66ddd2eb23f9b9716c3467b6,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + String frontAndEnd = str.substring(0, 2) + str.substring(l-2, l); + return frontAndEnd; + } +} +" +0127c83cb6e17235b52e58fac92e444670858065,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(l-2, l)) + { + return true; + } + else + { + return false; + } + } +} +" +77b0e43d34e3250f7cffc824e86cb177105ee9d6,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(l-2, l)) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +e38eb7044f225a809607b2fffd0d785898eab1c6,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + return str.substring(0, 2); + } +} +" +20acfe89315d62e7b124364f29d4ffc012727598,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + return str.substring(0, 2); + } +} +" +7eb5c6134f64809e6dadcf7f8d3d25380e8c797c,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + return str.substring(0, 2); + return str.substring(l - 2, l); + } +} +" +ffaca7eb413dbe4381c176cedb93ddb6537f49d6,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + return str.substring(l - 2, l); + } +} +" +5fdcd5ec0f7aca7bd65dd881652b978838a85027,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + return str.substring(0, 2); + } +} +" +c1f2387dfa7b248ae851bb89679cb187eb98dd92,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(l - 2, l)) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +87a3e16b0343e853fc2ecc45bc4b653eb15b5bbe,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2); + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 2, l)) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +f650e2838c70c501388866e3dc777d670b2c52a5,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 2, l)) + { + return ""true""; + } + else + { + return ""false""; + } + } +} +" +41f4a88b4d7addc8e1b903bb7bbf579abcb6215f,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + return str; + } +} +" +9dfbf80613b6c193ab1d33205ae3495873e0d8e5,"public String without2(String str) +{ + String front = str.substring(0, 2); + String end = str.substring(str.size() - 2, str.size()); + if (front == end) + { + return str.substring(2, str.size()); + } + else + return str; + +} +" +b4ebe487716b758e756e916a6e1de73dfc3ebed6,"public String without2(String str) +{ + String front = str.substring(0, 2); + String end = str.substring(5, 7); + if (front == end) + return str.substring(2); + else + return str; + +} +" +72d26cce7ac4e9068095492e7ce5936d14834784,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +ae39c64344490dc1fd14e58b9f4f8173d8043642,"public String without2(String str) +{ + int length = str.length; + if (length <= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d0e763d9fb8986c102d33824fe9fbb6fe3548412,"public String without2(String str) +{ + int length = str.length; + if (length <= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +d7e2e9c898a23fb933c1a58dbff684216c5e4748,"public String without2(String str) +{ + int length = 0; + length = str.length; + if (length <= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +72ffe7b4abb4042caf5305ff6c23553578334260,"public String without2(String str) +{ + int len = str.length; + if (len <= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +239964a45fd140c15f326156d5999c2991b1774e,"public String without2(String str) +{ + int len = str.length(); + if (len <= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +89833e1e3df8eae16dcdedbc5ca28ac69657ab58,"public String without2(String str) +{ + int len = str.length(); + if (len <= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + } + else + { + return str; + } + return str; +} +" +830827bb911802f2815bde16b1fa79c8456b6527,"public String without2(String str) +{ + int len = str.length(); + if (len <= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +24b0d6b78e7419f25f2990061fb3c86cd6a3a8cd,"public String without2(String str) +{ + if(str.length() < 2) return str; + return str.substring(0,2).equals(str.substring(str.length()-2)) ? + str.substring(2) : str; +} +" +db2c68fd92546f374f197bf56b4015aa1bcc9692,"public String without2(String str) +{ + int length = str.length(); + String begin = str.substring(0,2); + String end = str.substring(length); + if (length == 2) + { + return """"; + } + else if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +01d9701570243024b6bf4d330c722df20cfc3894,"public String without2(String str) +{ + int length = str.length(); + String begin = str.substring(0,2); + String end = str.substring(length); + if (begin == end) + { + return str.substring(2); + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +1e7b0766eed5de35e3c7a9e3575cfacb97a20a7b,"public String without2(String str) +{ + int length = str.length(); + String begin = str.substring(0,2); + String end = str.substring(length); + if (begin == end) + { + str = str.substring(2); + } + else if (length == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +01734fe92d2f8985945323d9ebeec858f6264331,"public String without2(String str) +{ + int length = str.length(); + String begin = str.substring(0,2); + String end = str.substring(length-1); + if (begin == end) + { + str = str.substring(2); + } + else if (length == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +d98efcbc4e68f707e658e2d1a6da8ad58b5fc37d,"public String without2(String str) +{ + int length = str.length(); + String begin = str.substring(0,2); + String end = str.substring(5); + if (begin == end) + { + str = str.substring(2); + } + else if (length == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +13a345f3b0a8a9d01cb3f86bdacff84b2d0aebb3,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0,2); + String end = str.substring(len); + if (begin == end) + { + str = str.substring(2); + } + else if (length == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +ee49313bbd84784e575ca90bb485289f0751eeff,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0,2); + String end = str.substring(len); + if (begin == end) + { + str = str.substring(2); + } + else if (len == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +1a4af0f8613fe109f78db0dc4436abcf8a375aa5,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len); + if (begin == end) + { + str = str.substring(2); + } + else if (len == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +b6c0ab42be5ba94145c325cd510c1b6854624fbf,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len); + if (begin == end) + { + str = str.substring(2, len + 1); + } + else if (len == 2) + { + str = """"; + } + else + { + str = str; + } + return str; +} +" +8748c463ca165e3f764f15e5ee7487fb6ab2ac1f,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len); + if (begin == end) + { + String part = str.substring(2); + } + else if (len == 2) + { + String part = """"; + } + else + { + String part = str; + } + return part; +} +" +c5114100aa8354557c477326e9f80d3ab28501e9,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len); + if (begin == end) + { + return str.substring(2); + } + else if (len == 2) + { + return """"; + } + else + { + return str; + } +} +" +25c5ce1cfca5b95490a5f71962c6624a4b480ca5,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len); + if (begin = end) + { + return str.substring(2); + } + else if (len == 2) + { + return """"; + } + else + { + return str; + } +} +" +c4efc170b4fc0ea4ccac03a252ea863eb8787560,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len); + if (begin.equals(end)) + { + return str.substring(2); + } + else if (len == 2) + { + return """"; + } + else + { + return str; + } +} +" +2a6d815b5208c9f8354b09ff27a231f10aa8722d,"public String without2(String str) +{ + int len = str.length(); + String begin = str.substring(0, 2); + String end = str.substring(len - 2); + if (begin.equals(end)) + { + return str.substring(2); + } + else if (len == 2) + { + return """"; + } + else + { + return str; + } +} +" +b541add834ab8d6f57d61294bdfe4be88f0cee6d,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(len - 2); + if (begin.equals(end)) + { + return str.substring(2); + } + else if (len == 2) + { + return """"; + } + else + { + return str; + } + } +} +" +44315ca86d1ff6a00832062ae088de7c6923debb,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(len - 2); + if (begin.equals(end)) + { + return str.substring(2); + } + else if (len == 2) + { + return """"; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +eece7ab08fa975f5a6cd2f62e4ff17246ac23243,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String z = str.substring( 2); + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +358447a112d043720688c5bb5c4b33e8331bfef9,"public String without2(String str) +{ + String x = str.substring( 1, 2); + if (length(str) < 2) + { + String z = """" + } + else + { + + String z = str.substring( 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +25f13251add13ab8fbe3eb11bebe1c3faeebb671,"public String without2(String str) +{ + String x = str.substring( 1, 2); + if (length(str) < 2) + { + String z = """"; + } + else + { + + String z = str.substring( 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +3e931e96fba220fefd04644cd13046c3bdcbca9a,"public String without2(String str) +{ + String x = str.substring( 1, 2); + if (str.length() < 2) + { + String z = """"; + } + else + { + + String z = str.substring( 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +a8d8d49c64e504db76e93791f95a491c2e453557,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String z = """" + if (str.length() < 2) + { + z = """"; + } + else + { + + z = str.substring( 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +7946469409501a9a65244f1846fd74cd7db7f6a0,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String z = """"; + if (str.length() < 2) + { + z = """"; + } + else + { + + z = str.substring( 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +7004b9028d3a6c8df61a209f9908da48d8616df9,"public String without2(String str) +{ + String x = str.substring( 1, 2); + String z = """"; + if (str.length() < 2) + { + z = """"; + if (str.length() < 1) + { + x = """"; + } + else + { + x = str.substring( 1); + } + } + else + { + + z = str.substring( 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +0183571396a99efe0ea820461443df399935fb7b,"public String without2(String str) +{ + String x = ''; + String z = """"; + if (str.length() < 2) + { + z = """"; + if (str.length() < 1) + { + x = """"; + } + else + { + x = str.substring( 1); + } + } + else + { + + z = str.substring( 2); + x = str.substring( 1, 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +37b3e4aa53415dcca8246ecf585b922b6f1da708,"public String without2(String str) +{ + String x = """"; + String z = """"; + if (str.length() < 2) + { + z = """"; + if (str.length() < 1) + { + x = """"; + } + else + { + x = str.substring( 1); + } + } + else + { + + z = str.substring( 2); + x = str.substring( 1, 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +1ab90a8215d666feaba43d151ab279ea81f60bc0,"public String without2(String str) +{ + String x = """"; + String z = """"; + if (str.length() < 2) + { + z = """"; + if (str.length() < 1) + { + x = """"; + } + else + { + x = str.substring( 0); + } + } + else + { + + z = str.substring( 2); + x = str.substring( 1, 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +44359151687dac41db4e6a5c5e0cd60db1205ec0,"public String without2(String str) +{ + String x = """"; + String z = """"; + if (str.length() < 2) + { + + if (str.length() < 1) + { + x = """"; + z = """"; + } + else + { + x = str.substring( 0); + z = str.substring( 0); + } + } + else + { + + z = str.substring( 2); + x = str.substring( 1, 2); + } + + if (str.endsWith(x)) + { + return z; + } + else + { + return str; + } + +} + +" +03d2d3b8604582cc8a38053dcc0b98789bf92d14,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(-1, -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +3960e5a921d2c0d675cb223736ae20dab17fd72f,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -1,str.length() -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +865943f326acd982ce153165038e2ae69263ce86,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -1, str.length() -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +740ebc3557afb22cad2f280719dfb15410b4ea78,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + return str; + } + else + return str; +} +" +3877f5d3adaa305972cb6d9e2bfaa0410e328324,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() -2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +749d6d673ae1bd6156325e339afd5dfe03a7c0fa,"public String without2(String str) +{ + if(s.length() < 2) + { + return s; + } + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + + if(sbegining.compareTo(send)!=0) + { + return s; + } + else + { + return s.substring(2); + } + } + " +cd771de61584a3205204c3aa5dbc42e37f53b792,"public String without2(String s) +{ + if(s.length() < 2) + { + return s; + } + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + + if(sbegining.compareTo(send)!=0) + { + return s; + } + else + { + return s.substring(2); + } + } + " +f1f57268fe72ff657f6b3397745a5f265c1208ec,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length-2)) + { + return(2) + } + else + { + return str + } +} +" +2c7f10f3476041759d82698c62334f325e7bb963,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length-2)) + { + return(2); + } + else + { + return str; + } +} +" +3521d2fb7782b1fa69c4fcb168aa46794f4a4562,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(-2)) + { + return(2); + } + else + { + return str; + } +} +" +824cca834d086247c2e86801426ec248b5eb9be6,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(-2)) + { + return(str.substring(2)); + } + else + { + return str; + } +} +" +ba3417a3d6faaea8213ab2d7fa5ef700b9195924,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.lenngth()-2)) + { + return(str.substring(2)); + } + else + { + return str; + } +} +" +d151813d155db1d952018b1b0cae34cd73c0db19,"public String without2(String str) +{ + if (str.substring(0,2)=str.substring(str.lenngth()-2)) + { + return(str.substring(2)); + } + else + { + return str; + } +} +" +0220aaaabc95a000f40ad95d2e09f45790704f20,"public String without2(String str) +{ + if (str.substring(0,2)=str.substring(-2)) + { + return(str.substring(2)); + } + else + { + return str; + } + String send = str.substring(str.length()-2); +} +" +9651445fae518eb16767b6b111d79f33ec38d518,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(-2)) + { + return(str.substring(2)); + } + else + { + return str; + } + String send = str.substring(str.length()-2); +} +" +12bd96912a3dadbb6e648752e0a9f46b3ca1a7ee,"public String without2(String str) +{ + String send = str.substring(str.length()-2); + if (str.substring(0,2)==str.substring(-2)) + { + return(str.substring(2)); + } + else + { + return str; + } + +} +" +cbdf1054b50fa9953ccb184e65d1da5dc7940d9a,"public String without2(String str) +{ + String send = str.substring(str.length()-2); + if (str.substring(0,2)==str.substring(str.length()-2) + { + return(str.substring(2)); + } + else + { + return str; + } + +} +" +ca3602bd1b2e0bc4f773c5df79a124979ec28e1f,"public String without2(String str) +{ + int len = str.length(); + if (len <= 2) + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +609f2e7d7186050a67df6f308dc9a4fe54c82491,"public String without2(String str) +{ + + if (str.substring(0,2)==str.substring(str.length()-2)) + { + return(str.substring(2)); + } + else + { + return str; + } + +} +" +455e640a65459d0d200a7abc9bb53757097b05fd,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +f9c74a9f72f2cdbe9063e476e97f92a5b7b15e19,"public String without2(String str) +{ + + if (str.substring(1,2)==str.substring(str.length()-2)) + { + return(str.substring(2)); + } + else + { + return str; + } + +} +" +a23b55dca8e7adf3082ec13ccb278ffdad10d3b9,"public String without2(String str) +{ + if (string.length() >= 2 && str.substring(0, 2) + == str.substring(str.length - 2, str.length)) + return str.substring(2); + else + return str; + +} +" +7b6eb983650af759de8de413fa300981e7eaf91c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length - 2, str.length)) + return str.substring(2); + else + return str; + +} +" +b2044f6238857f3840a3a458149dc73d057d70cf,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2, str.length())) + return str.substring(2); + else + return str; + +} +" +c18d8c40417e4712029dba09451e05efd09832cf,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2, str.length())) + return str.substring(str.length - 2); + else + return str; + +} +" +53ede8abcb2518d5276b3e923d5eb5615b2145f4,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2, str.length())) + return str.substring(str.length() - 2); + else + return str; + +} +" +af2c8d18ba8c7310e7e7065dedfbdff4b62517d2,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2, str.length())) + return str.substring(2); + else + return str; + +} +" +e4a603285d0fe497e8b34390fdfecd2e84d70d0c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equalsa + (str.substring(str.length() - 2, str.length()))) + return str.substring(2); + else + return str; + +} +" +b1475030bd0528d3e0a09123d8e8290de6a3cf53,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals + (str.substring(str.length() - 2, str.length()))) + return str.substring(2); + else + return str; + +} +" +7b0dc8ed5da157aaad3a6d3011abfd80c1c4a67a,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n); + } +} +" +ee9fbcabbf159e6c8c9589e11c915ea8db1b77b6,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } +} +" +45881abbac64cddd934da0dd473528db5825efc6,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0,2) == str.substring(n- 2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } +} +" +705b678f71f6e4b3e4a18a128ed5d3d4f5b4f591,"public String without2(String str) +{ + int n = string.length(); + if str.substring(0,2)==str.substring(n-2, n) + return str.substring(2,n); + else + return str; + +} +" +1e28458f34ada16d534119c2b2c6bc6ca7cb5c4c,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0,2)==str.substring(n-2, n)) + return str.substring(2,n); + else + return str; + +} +" +c6a2d2eef7ca61a48772dad7fb88febcfca01214,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2, string.length()); + return string; + } + else + { + return (string); + } +} +" +5879d48380c31582123b852dc8334ab4d5015064,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + string = string.substring(2); + return string; + } + else + { + return (string); + } +} +" +3d23004f6ee253a12339eac4ababa7a54b50933e,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + String newstring = string.substring(2); + return newstring; + } + else + { + return (string); + } +} +" +5715db987a24354ecf9a0ef339108496d9e6fa1e,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 3, string.length()) == string.substring(0, 2)) + { + String newstring = string.substring(2); + return newstring; + } + else + { + return (string); + } +} +" +a9eb77c496375d8cae09fb2c710cafc54d6cac48,"public String without2(String str) +{ + String string = str; + if (string.length() <= 1) + { + return (string); + } + else if (string.substring(string.length() - 2, string.length()) == string.substring(0, 2)) + { + String newstring = string.substring(2); + return newstring; + } + else + { + return (string); + } +} +" +5ab2d08c3a32f0880ac105b7511a4b02d54d3819,"public String without2(String str) +{ + if (str.length() <= 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length-2); + if( beginning.equals(end)){ + //removing the front and returning + return str.substring(2); + } + + return str; + + +} +" +9cedcc5ce998294216e981ff9dd891c096484e09,"public String without2(String str) +{ + if (str.length() <= 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length()-2); + if( beginning.equals(end)){ + //removing the front and returning + return str.substring(2); + } + + return str; + + +} +" +f50ec46b667b0b0694ea1aacb85eda4b9fc2c8d6,"public String without2(String str) +{ + if (str.length() <= 1) + { + return str; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length()-2); + if( beginning.equals(end)){ + //removing the front and returning + return str.substring(2); + } + + return str; + + +} +" +717efe660cd8cb99efeb5293bdf75f67c7c9ce82,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (length.substring(0,2).equals(str.substring(length-2, length) + + { + return str.substring(2); + } + + + else + { + return str; + } + else + { + return str; + } +} +" +a87af5039b57718e896a9816e7499db7a2cda02c,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (len.substring(0,2).equals(str.substring(len-2,len) + + { + return str.substring(2); + } + + + else + { + return str; + } + else + { + return str; + } +} +" +e1c6b9ae36339383aaa30274ff8fbc73e34cb51f,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (length.substring(0,2).equals(str.substring(length-2,length)) + + { + return str.substring(2); + } + + + else + { + return str; + } + else + { + return str; + } +} +" +af9e47988e1717058bf73fddf646000dc404bedb,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2,length)) + + { + return str.substring(2); + } + + + else + { + return str; + } + else + { + return str; + } +} +" +6f28f8b188308da6501b463621c9e9b5113f1eeb,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2,length)) + + { + return str.substring(2); + } + + + else + { + return str; + } + else if + { + return str; + } +} +" +ce6ee0f648e691c797405ea204fa68400363ba12,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2,length)) + + { + return str.substring(2); + } + + + else + { + return str; + } + else + { + return str; + } +} +" +63fce30415fcede081080c8f5f93253911ccf329,"public String without2(String str) +{ + int x = getLength(str) ; +} +" +36ca83de287d4ac0b8899a9d94a4c3ca92c3400d,"public String without2(String str) +{ + int x = get.Length(str) ; +} +" +8bd4f75c07f9548c7287b7d7f499d8712c732e9c,"public String without2(String str) +{ + string two = new without2.substring(2) + +} +" +f6e8280553e3f7ff15f9f9759c8486c116b3b785,"public String without2(String str) +{ + string begin = new without2.substring(2); + string end = new without2.substring(-2); + if (begin == end) + { + return begin ; + } + else + return str; + +} +" +f83a06ee730103c316cdfa48173058c0c31de7ef,"public String without2(String str) +{ + String begin = new without2.substring(2); + String end = new without2.substring(-2); + if (begin == end) + { + return begin; + } + else + return str; + +} +" +b12465e9138450fe6cfe3188561dcfdd62ab9e64,"public String without2(String str) +{ + String begin = new str.substring(2); + String end = new str.substring(-2); + if (begin == end) + { + return begin; + } + else + return str; + +} +" +b40572b0fb157870e8d9de1f4c04669a52f561cd,"public String without2(String str) +{ + String begin = new without2.substring(2); + String end = new without2.substring(-2); + if (begin == end) + { + return begin; + } + else + return str; + +} +" +42167a70fbbce53af818907c8c5b1a6b29822d85,"public String without2(String str) +{ + String length = new str.length(); + String begin = new length.substring(2); + if (begin == end) + { + return begin; + } + else + return str; + +} +" +16d468ec9a10baa28c00cbb3e3030e97c5bff16b,"public String without2(String str) +{ + String front = str.substring(0, 2); + length = str.length(); + String end = str.substring(length - 2, length); + if (front == end) + return str.substring(2); + else + return str; + +} +" +8c907c3fc94f11923b8ed18d23c8f41c25650edd,"public String without2(String str) +{ + String front = str.substring(0, 2); + int length = str.length(); + String end = str.substring(length - 2, length); + if (front == end) + return str.substring(2); + else + return str; + +} +" +d5c8ec4ffb893331e21338c0e528d6c93c36c383,"public String without2(String str) +{ + String front = str.substring(0, 2); + int length = str.length(); + String end = str.substring(length - 1, length); + if (front == end) + return str.substring(2); + else + return str; + +} +" +55687e8e53c29e50ec88dc07566f71de27bd1c63,"public String without2(String str) +{ + String front = str.substring(0, 1); + int length = str.length(); + String end = str.substring(length - 1, length); + if (front == end) + return str.substring(2); + else + return str; + +} +" +95a033d1fb75f2ed2107ea4952291a2c13c16df0,"public String without2(String str) +{ + String front = str.substring(0, 1); + int length = str.length(); + String end = str.substring(length - 2, length - 1); + if (front == end) + return str.substring(2); + else + return str; + +} +" +23a2feb3308d08ec137cc602b74959e0845c0b82,"public String without2(String str) +{ + String front = str.substring(0, 2); + int length = str.length(); + String end = str.substring(length - 3, length - 1); + if (front == end) + return str.substring(2); + else + return str; + +} +" +60107d2791a56e3208b04b608470e614bc3edeec,"public String without2(String str) +{ + String front = str.substring(0, 2); + int length = str.length(); + String end = str.substring(length - 3, length - 1); + if (front == end) + return str.substring(2); + else + return str; + +} +" +910944006521d9c5b123624270ab3bdcdc49e2f2,"public String without2(String str) +{ + String front = str.substring(0, 2); + int length = str.length(); + String end = str.substring(length - 2, length - 1); + if (front == end) + return str.substring(2); + else + return str; + +} +" +9718aeaf0635e1ad26016268143cb32cdd692c99,"public String without2(String str) +{ + String front = str.substring(0, 2); + return front; + int length = str.length(); + String end = str.substring(length - 2, length - 1); + return end; + if (front == end) + return str.substring(2); + else + return str; + +} +" +daeec18347d70fb4a7481ea7e56fb9dd6304a722,"public String without2(String str) +{ + String front = str.substring(0, 2); + return front; + int length = str.length(); + String end = str.substring(length - 2, length - 1); + + if (front == end) + return str.substring(2); + else + return str; + +} +" +a9900ed6b1b6f379f9af388dcda6bc8b23b3fe4e,"public String without2(String str) +{ + String front = str.substring(0, 2); + return front; + +} +" +8b10b79cf8539711c48c5e807b7e4373f22b375f,"public String without2(String str) +{ + String front = str.substring(0, 2); + + int length = str.length(); + String end = str.substring(length - 2, length - 1); +return end; + + +} +" +61ddfc60c92713dd07e1ada9095e0f907d76ca8c,"public String without2(String str) +{ + String front = str.substring(0, 2); + + int length = str.length(); + String end = str.substring(length - 2, length); +return end; + + +} +" +33101e7919595c7b121b1b0003eb0019425b2ede,"public String without2(String str) +{ + String front = str.substring(0, 2); + + int length = str.length(); + String end = str.substring(length - 2, length); +if (front == end) + return str.substring(2); + else + return str; + + +} +" +258140bcbf8dcb9aef5cc92eb8a5309830541c42,"public String without2(String str) +{ + String front = str.substring(0, 2); + + int length = str.length(); + String end = str.substring(length - 2, length); +if (front == end) + return str.substring(2); + else + return str; + + +} +" +3654ae03365cf11eee306bb47320d113fd9a14f4,"public String without2(String str) +{ + String front = str.substring(0, 2); + + int length = str.length(); + String end = str.substring(length - 2, length); +if (front == end) + return str.substring(2, length); + else + return str; + + +} +" +2b3bef0c93ec7915e7b9a0912b376facda1d9462,"public String without2(String str) +{ + String front = str.substring(0, 2); + + int length = str.length(); + String end = str.substring(length - 2, length); +if (front == end) + return str.substring(3, length); + else + return str; + + +} +" +8d504952c70affe4755386ba4ad512b671a0061d,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + + + String end = str.substring(length - 2, length); + if (front == end) + return str.substring(, length); + else + return str; + } + else + return str; + +} +" +ce8faf0b0976ddb82152e029b4e00668a05ed30f,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 2, l)) + { + return str.substring(0, 2) + "" == "" + str.substring(l - 2, l); + } + else + { + return str.substring(0, 2 + "" != "" + str.substring(l - 2, l); + } + } +} +" +672c69b874afa7c190283ab713b9571f3b88da25,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 2, l)) + { + return str.substring(0, 2) + "" == "" + str.substring(l - 2, l); + } + else + { + return str.substring(0, 2) + "" != "" + str.substring(l - 2, l); + } + } +} +" +227aa03f7806abb3cfd327f72896c9c964dcad28,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(, length); + } + else + { + return str; + } + } + else + return str; + +} +" +e83307e500f6a04dc22ae9010901f34aef32adfa,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else + return str; + +} +" +b0feea7921ca93a52ab47dd83a8504eeaf27e350,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 2, l)) + { + return str.substring(0, 2) + ""(==)"" + str.substring(l - 2, l); + } + else + { + return str.substring(0, 2) + ""(!=)"" + str.substring(l - 2, l); + } + } +} +" +85e2b2630035b28190d78777ba997a405cdc93a9,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 1, l)) + { + return str.substring(0, 2) + ""(==)"" + str.substring(l - 1, l); + } + else + { + return str.substring(0, 2) + ""(!=)"" + str.substring(l - 1, l); + } + } +} +" +cd8ec7170dc23f25c1bea946c0b5020e6b5b1f55,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2) == str.substring(l - 1, l)) + { + return str.substring(0, 2) + ""(==)"" + str.substring(l - 2, l); + } + else + { + return str.substring(0, 2) + ""(!=)"" + str.substring(l - 2, l); + } + } +} +" +2afaf3073085b3c380eb585f5783b8f9e35efa00,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +" +cdb87663a03845c1adbdb94e653c7be3d2789a87,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + if (str.substring(0, 2).equals(str.substring(l - 1, l))) + { + return str.substring(0, 2) + ""(==)"" + str.substring(l - 2, l); + } + else + { + return str.substring(0, 2) + ""(!=)"" + str.substring(l - 2, l); + } + } +} +" +ecc1787f2a819116c02f7c27fe6e00affa2bf421,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +" +fedfcf1aedf0f000c49b567e6441a90bcf79cc80,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + out << front; + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +" +5829811a68093975cec994580f3cdd22f4094c2a,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +" +09c8587e3327e6d30a657cb577e98db9fb2f490a,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + String beginning = str.substring(0, 2); + String end = str.substring(l - 2, l); + if (beginning.equals(end)) + { + return beginning + ""(==)"" + end; + } + else + { + return beginning + ""(!=)"" + end; + } + } +} +" +78f57b5e250d3fa43caaddd80dfd191349d8910c,"public String without2(String str) +{ + int l = str.length(); + if (l <= 1) + { + return str; + } + else if (l == 2) + { + return """"; + } + else + { + String beginning = str.substring(0, 2); + String end = str.substring(l - 2, l); + if (beginning.equals(end)) + { + return str.substring(2, l); + } + else + { + return str; + } + } +} +" +c16c04ea88e21ce77805c77cc39e6049f0ccf035,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + return front; + } + /** + + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +" +03cf1fd090f8a51370e2a95508c6811532162e82,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + return front; + } + /** + + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +*/ +" +9eb901b3a123dc84325b285b4faea37e0e2640c3,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + return front; + } + else + { + String end = str.substring(length - 2, length); + + return end; + } +} + /** + + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +18d59c2fb59d466f3e8eff764e89a75461744241,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + return front; + } + else + { + String end = str.substring(length - 2, length); + + return end; + } +} + /** + * + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +*/ +" +2b8a658ba13ea3ba3745a973cdf1e27eaf1ef1cd,"public String without2(String str) +{ + int length = str.length(); + + if (length < 2) + { + String front = str.substring(0, 2); + return front; + } + else + { + String end = str.substring(length - 2, length); + + return end; + } +} + /** + * + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} +*/ +" +93e0101b835ce56e84cc989fefa7e402c37bfc64,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +e35eed0673d1e9c9f369fd048c137e495213ddb6,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +0b7c29a616c337bf8ea22b14681989fdf3ae7fd8,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +6d0245d5f544fd56ce4a26199ff3e6652c96f485,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + if (str == ""HelloHe"") + return str.substring(2); + else + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +7a7978746f4cda88565ad1e3d2f2acccd3c5b443,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + if (str == ""HelloHe"") + return str.substring(2); + else if (str == ""xxx"") + return str.substring(2); + else + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +0789433d495beb7f0f930e42bbb774a977fd51f1,"public String without2(String str) +{ + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + if (sbegining.compareTo(send)!=0)) + { + return(str); + } + else + { + return str.substring(2); + } + +} +" +9882906677142facea9d589f6633f193512c1ec7,"public String without2(String str) +{ + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + if (sbegining.compareTo(send)!=0)) + { + return(str); + } + else + { + return str.substring(2); + } +} +" +1983b2014645c592c4fb983e62143242ac501cc2,"public String without2(String str) +{ + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining.compareTo(send)!=0)) + { + return(str); + } + else + { + return str.substring(2); + } +} +" +7a5ee8882882a78e80ce079febea2ba503eb998d,"public String without2(String str) +{ + if (str.substring(0, 2)==str.substring(str.length()-2)) + { + return(str); + } + else + { + return str.substring(2); + } +} +" +860da7356252f265c11f35f319f45446d48a893d,"public String without2(String str) +{ + if (str.substring(0, 2)==str.substring(str.length()-2),str.length()) + { + return str.string(2); + } + else + { + return str; + } +} +" +f15aa6433cd9deb1831c3189fc5eb06f615812e2,"public String without2(String str) +{ + if (str.substring(0, 2)==str.substring(str.length()-2),str.length()) + { + return str.string(2); + } + else if + { + return str; + } +} +" +f9881ec9f39a370b15f32bfff4f4799fa6ee36d0,"public String without2(String str) +{ + if (str.substring(0, 2)==str.substring(str.length()-2),str.length()) + { + return str.string(2); + } + else + { + return str; + } +} +" +c2e26a5306b7f625c798028a9a436485979a0205,"public String without2(String str) +{ + if (str.substring(0, 2)==str.substring(str.length()-2),str.length()) + { + return str.string(2); + } + else + { + return str; + } +} +" +c27bbe53b791a9de7f39d46ef8bf134a48d26d8d,"public String without2(String str) +{ + if (str.substring(0, 2)==str.substring(str.length()-2),str.length()) + { + return str.string(2); + } + else + { + return str; + } +} +" +f8732377fa7716d089827157c5ee04aaac2ab085,"public String without2(String str) +{ + int len = str.length(); + + if (str[1] == str[len - 2] && str[2] == str[len - 1]) + return str.substring(2); +} +" +d7d03325b9b5f2ad93a805198fc12d299e9e5926,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length()-2,str.length)) + { + return str.string(2); + } + else + { + return str; + } +} +" +41e2bf67da8172ccc301189da88668a69930b136,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length()-2,str.length())) + { + return str.string(2); + } + else + { + return str; + } +} +" +0916f9b1fddd9758b64fbbe8a6f2b763ea758534,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length()-2,str.length())) + { + return str.substring(2); + } + else + { + return str; + } +} +" +25f0ce04b7e5e3eb97a4e531da67c18dd7aeb24a,"public String without2(String str) +{ + int length = this.length(); + String end = this.substring (length - 1); + String beginning = this.substring (0, 2); + String withoutBeginning = this.substring(2); + if (beginning = end) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +bf1a18eb5de39e2aef1d3a8bcdc78a49f6d240bb,"public String without2(String str) +{ + int length = str.length(); + String end = this.substring (length - 1); + String beginning = this.substring (0, 2); + String withoutBeginning = this.substring(2); + if (beginning = end) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +3f493f3057553c647b2398e416fe22ad16342e71,"public String without2(String str) +{ + int length = str.length(); + String end = str.substring (length - 1); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (beginning = end) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +92cf57fe9c24ca4d0ccf250e5dd9acc39def057c,"public String without2(String str) +{ + String first = str[0:2]; + String second = str[-2:]; + + if (first == second) + { + return str[2:] + } + else + return str; + + +} +" +3f843d95426814c9c1bc783c70a04a934837afd2,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + if (str.substring(0,2)==str.substring(str.length()-2,str.length())) + { + return str.substring(2); + } + else + { + return str; + } +} +" +5569b6aa55b06aef3bad2bd7175ada7ec47ae2c0,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + if (str.substring(0,2)==str.substring(str.length()-2,str.length())) + { + return str.substring(2,str.lemgth()); + } + else + { + return str; + } +} +" +0f7c60660500c266468245bd6649242b68feb7ed,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + if (str.substring(0,2)==str.substring(str.length()-2,str.length())) + { + return str.substring(2,str.length()); + } + else + { + return str; + } +} +" +c714f99e0b4f116a08fea1f688423d63cf09954e,"public String without2(String str) +{ + int length = str.length(); + String end = str.substring (length - 1); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (beginning == end) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +e511087b56bc3d9f4881425dc6d7cc48d0049054,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String new = str.substring(2,len-1); + if (beg = end) + return new; + +} +" +d12af3ca08d7e49bfe131987fb89f8fa7de3cee2,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String new = str.substring(2,len-1); + if (beg = end) + return string new; + +} +" +33ab0a34af95785756df9feb6d998c8f50fabbfb,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String new = str.substring(2, len-1); + if (beg = end) + return string new; + +} +" +15931c1a9d99d39193bd8f792420e35203e7d8da,"public String without2(String str) +{ + int length = str.length(); + String end = str.substring (length - 2); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (beginning == end) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +f6742d62184fae0986481ba72a44999850cdfbb6,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String n = str.substring(2, len-1); + if (beg = end) + return string n; + +} +" +77f8fb08e9fb4e296431fbb6db2f40b3ee35668a,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String n = str.substring(2, len-1); + if (beg = end) + return n; + +} +" +a2f5c3ea5b36bc9b3689ef46117ded14c40ce345,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String n = str.substring(2, len-1); + if (beg == end) + return n; + +} +" +dc2508b58e2a45ea7f57163f707e7339786cf5e6,"public String without2(String str) +{ int len = str.length(); + String beg = str.substring(0,1); + String end = str.substring(len-2,len-1); + String n = str.substring(2, len-1); + if (beg == end) + return n; + return str; +} +" +767f56421fe82b8bcc3552d5d9967184e2f21300,"public String without2(String str) +{ + return str.substring(1, str.length() -1); +} +" +e34626ebf2ff5012b33eea54ce4605dcb4f52285,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-1; + if (str.substring(0,1) == str.substring(leng2,leng)) + return str.substring(1, leng); + else + return str; +} +" +2b12588f2aa38875b805c96c7f695ad949e4de82,"public String without2(String str) +{ + first = a[0 : 2]; + second = a[-2:]; + if (first == second) + return a[2:]; + else + return a; +} +" +31496298a4a6705a8a852ca9a12d514268ffe268,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-1; + if (str.substring(0,1) == str.substring(leng2,leng)) + return str.substring(2, leng); + else + return str; +} +" +0630081443491b0a4246d65a226217cf42a0d036,"public String without2(String str) +{ + //first = a[0 : 2]; + second = a[-2:]; + if (first == second) + return a[2:]; + else + return a; +} +" +0e8e81845ef8a6bf2b3c5d910f4bad7e89c5a045,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,1) == str.substring(leng2,leng)) + return str.substring(2, leng); + else + return str; +} +" +8ce8ddf64b852bf67f91b16a9c166243b2ebfb14,"public String without2(String str) +{ + first = a[2]; + second = a[-2]; + if (first == second) + return a[2:]; + else + return a; +} +" +1a1786a756aaff26574bb9a75ff197a9febd04b3,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-1; + if (str.substring(0,2) == str.substring(leng2,leng)) + return str.substring(2, leng); + else + return str; +} +" +2e4c16b3342e20a707c81dc022473af1e0eb4902,"public String without2(String str) +{ + first = a[2]; + second = a[-2]; + if (first == second) + return a[2]; + else + return a; +} +" +7c1d61401e6238a534458ced46e1a70b47a0ccd4,"public String without2(String str) +{ int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + } +} +" +9db33e5573f9544141065d2c5c640744a8cf45c1,"public String without2(String str) +{ + return str.substring(1, str.length() -1); +} +" +79cf211b316fabf2b0d2fc129d0f2b9dcbc48aed,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2,leng)) + return str.substring(2, leng); + else + return str; +} +" +b20b3e40cc96b7d020a5234446582eabcf214e8e,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2,leng)) + return str.substring(3, leng); + else + return str; +} +" +856ae63417f39fabc3d464d05f07dd1fd1eed979,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,1) == str.substring(leng2,leng)) + return str.substring(3, leng); + else + return str; +} +" +9386d24f0e282fe30060515ecfe72c6ff8ee1ffc,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,1) == str.substring(leng2,leng+1)) + return str.substring(3, leng); + else + return str; +} +" +ca90af62c9e4c2feeb3fd1d473a7d57e059e1c41,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,1) == str.substring(leng2,leng)) + return str.substring(3, leng); + else + return str; +} +" +13225bd38ae955fb309949f78c583b29fee11720,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,1) == str.substring(leng2,leng)) + return str.substring(2, leng); + else + return str; +} +" +82e814ab3c820d6406f94afc2fe46b1308964b0f,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2)) + return str.substring(2, leng); + else + return str; +} +" +a3f898c732fe8a4d62a4b8ca80cfcba83a6b2a94,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return str; +} +" +7b2f4e35b321085ebe307714c4ad10a45999324b,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(1, leng); + else + return str; +} +" +c6777cf7fe49dce19a927e1879c7b86fb26a5e30,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return str; +} +" +1e2165b24928446ad8c08bbeab4f676ecd8a8a97,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-1; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return str; +} +" +360c1d3bb4822f47f158c599873ca737bdca814e,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return str; +} +" +46dbe789f1fa6ed8490bfd38d9830d5361b6d01b,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return str.substring(0); +} +" +41da7276cd818f3712c852027ef5c97f49bf555c,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return ;1 +} +" +79873bbe9b28094e10368cb0a54917e74d23ac34,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return 1; +} +" +9876c4b6945a676f2f4502953bb8101b064e7aad,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return ""@""; +} +" +34284720c7a3dcc3e13a2e698012cbbe4b34ba56,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2+1, leng)) + return str.substring(2, leng); + else + return ""@""; +} +" +f73cabc54dcaf9c82d51c0151b69ca533ea93908,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2, leng)) + return str.substring(2, leng); + else + return ""@""; +} +" +6076e4b853636d6f68b1e220f9702ee6ca74bab5,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + if (str.substring(0,2) == str.substring(leng2,leng)) + return str.substring(2, leng); + else + return str; +} +" +f243ad5f3917dbe63a6c6fd52c722397a0db36d8,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (start==end) + return str.substring(2, leng); + else + return str; +} +" +7654f714821c1b7ce93e28dff067731b830d48c2,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2+1,leng); + if (start==end) + return str.substring(2, leng); + else + return str; +} +" +956f361e5b6c11f712c4573cc6466a94294c3a7d,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2-1,leng); + if (start==end) + return str.substring(2, leng); + else + return str; +} +" +12013f3fa8b6cd1c572c9882163c18b6f12ca237,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2-1,leng); + if (start==end) + return str-end; + else + return str; +} +" +076254fec8d55f4473cc354984cb4c91fc203065,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2-1,leng); + if (start==end) + return str(2,leng); + else + return str; +} +" +d960be3ed62e410f6499079f2c96f1c00be7a9c3,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2-1,leng); + if (start==end) + return str.substring(2,leng) + else + return str; +} +" +0e5d4b304ce65874dc1ce881fb389e4ba63b98c0,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2-1,leng); + if (start==end) + return str.substring(2,leng); + else + return str; +} +" +97f48e16dd0dbd0a050e4f0aaa1544e51af4649f,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (start==end) + return str.substring(2,leng); + else + return str; +} +" +b5778da5cd89b7a46a40767b3a52a5a5819b27af,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (start=!end) + return str; + else + return str.substring(2,leng); +} +" +2e64635e601d58881e18c019c6d10e632d12fd4a,"public String without2(String str) +{ + char firstChar = str.charAt(0); + char secondChar = str.charAt(0); + + int len = str.length(); + + char endChar = str.charAt(len-2); + char endCharTwo = str.charAt(len-1); + StringBuilder sbstr = new StringBuilder(str); + sbstr = sbstr.deleteCharAt(0); + sbstr = sbstr.deleteCharAt(1); + String newString = sbstr.toString(); + + if (firstChar == endChar && secondChar == endCharTwo) + { + return newString; + } + else + { + return str; + } + + + +} +" +b34ea24d351b736a35154efc9a1c863dd4e4bbd7,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (start!=end) + return str; + else + return str.substring(2,leng); +} +" +2cdd5ba2709eec35a70eec2ecbbeff52f03119cf,"public String without2(String str) +{ + char firstChar = str.charAt(0); + char secondChar = str.charAt(0); + + int len = str.length(); + if (length == 1) + { + return str; + } + + char endChar = str.charAt(len-2); + char endCharTwo = str.charAt(len-1); + StringBuilder sbstr = new StringBuilder(str); + sbstr = sbstr.deleteCharAt(0); + sbstr = sbstr.deleteCharAt(1); + String newString = sbstr.toString(); + + if (firstChar == endChar && secondChar == endCharTwo) + { + return newString; + } + else + { + return str; + } + + + +} +" +4cc525317e6db6fbb4f88bf9d1ec6f717780c53f,"public String without2(String str) +{ + char firstChar = str.charAt(0); + char secondChar = str.charAt(0); + + int len = str.length(); + if (len == 1) + { + return str; + } + + char endChar = str.charAt(len-2); + char endCharTwo = str.charAt(len-1); + StringBuilder sbstr = new StringBuilder(str); + sbstr = sbstr.deleteCharAt(0); + sbstr = sbstr.deleteCharAt(1); + String newString = sbstr.toString(); + + if (firstChar == endChar && secondChar == endCharTwo) + { + return newString; + } + else + { + return str; + } + + + +} +" +1d3f00bbb9473a3d956098a6b46ac2b4b051454f,"public String without2(String str) +{ + char firstChar = str.charAt(0); + char secondChar = str.charAt(0); + + int len = str.length(); + if (len <= 1) + { + return str; + } + + char endChar = str.charAt(len-2); + char endCharTwo = str.charAt(len-1); + StringBuilder sbstr = new StringBuilder(str); + sbstr = sbstr.deleteCharAt(0); + sbstr = sbstr.deleteCharAt(1); + String newString = sbstr.toString(); + + if (firstChar == endChar && secondChar == endCharTwo) + { + return newString; + } + else + { + return str; + } + + + +} +" +affecd7f291c860f07f7e128ef914a72d428c398,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (start.equals(end)) + return str.substring(2,leng); + else + return str; +} +" +43ac97a19e8a5a30a5719e7e8fe1c13a1cdd6982,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (leng<2) + return str; + else if (start.equals(end)) + return str.substring(2,leng); + else + return str; +} +" +756927d9e517a07e36d42ddf4fab49afc96abf2e,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (leng<2) + return str; + else if (start.equals(end)) + return str.substring(2,leng); + else + return str; +} +" +81714d14c27c32c40286f79793d50f314ddf00e4,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + + if (leng<2) + return str; + else { + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + else if (start.equals(end)) + return str.substring(2,leng); + else + return str; + } +} +" +e1e2be737841952eb7940ff31e5502364a09e3cd,"public String without2(String str) +{ + int leng; + int leng2; + leng = str.length(); + leng2=leng-2; + + if (leng<2) + return str; + else { + String start=str.substring(0,2); + String end=str.substring(leng2,leng); + if (start.equals(end)) + return str.substring(2,leng); + else + return str; + } +} +" +dbe57a8137b15cb5d946e48318f80433850b7871,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.substring(0,2)==str.substring(str.length()-2) + { + return str.substring(2,str.length()); + } + else + { + return str; + } +} +" +1bdbd69bd70b8992c9cc7a01dbabdfcd2b05618f,"public String without2(String str) +{ + int length = str.length() - 2; + String end = str.substring (length); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (beginning == end) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +4168e31f6343318cc65a9c22868d5d3b44b023d3,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.substring(0,2)==str.substring(str.length()-2)) + { + return str.substring(2,str.length()); + } + else + { + return str; + } +} +" +ca812d812a88b19432db6bc5fde673539e03cbd2,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + if (sbegining.compareTo(send)!=0) + { + return str; + } + else + { + return str.substring(2); + } +} +" +8717065856a04fd20d615a0f997aeda7ea59c535,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining.compareTo(send)!=0) + { + return str; + } + else + { + return str.substring(2); + } +} +" +09b46814d9d60d00b09ac4a2f7e5b2d7e314733d,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (str.substring(str.length()-2)!=sbegining = str.substring(0, 2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +164a2aae949c2194fbdfa43a6199239280dccc20,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (str.substring(str.length()-2)!=str.substring(0, 2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +180ce04b7c5124a5caafe896b415f773109f5b01,"public String without2(String str) +{ + int length = str.length(); + if (length >=2) + { + if (str.substring(0,2).equals(str.substring(length-2, length))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +4fffc28343305c95912e313c868147c347e8f896,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +d7738f89b2184ed8126d5f6ab6937d4e96bf7e73,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (str.substring(str.length()-2)!=str.substring(0, 2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +fb808dd1fec97b04901e481c9d7da00e0e57de7b,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining!=send) + { + return str; + } + else + { + return str.substring(2); + } +} +" +8270c30190b209deb168cc4623462ec16d22051b,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining.compareTo(send)!=0) + { + return str; + } + else + { + return str.substring(2); + } +} +" +82441532784bc8da3abcefc72377bafeedd244c0,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } +} +" +9dad1f8b91b4e1112446c533b97f03755ba5f4df,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } + } +} +" +ac3d3955b332ac6e102dff57a33dc94658a2525f,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } + } +} +" +46fd788696b8f0049c83495b1c52fa429cb87c3e,"public String without2(String str) +{ + Str beg = str.substring(0, 1); + Str end = str.substring(str.length() - 2); + + if(beg.equals(end)) + { + return beg; + } + else + { + return str; + } +} +" +cb1c4bfb19c3f0b14a94038ccbe3729f6d9ca2be,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2); + + if(beg.equals(end)) + { + return beg; + } + else + { + return str; + } +} +" +12a250d104c3f4d04f80ff0d9ef43e55191c77b2,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(-2:-1)) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +4667c557e19ba72d6213b9d72250cd151f41475f,"public String without2(String str) +{ + int length = str.length(); + if (length == 2) + { + return """"; + } + if (length < 2) + { + return str; + } + else + { + if (str.substring(0, 2).equals(str.substring(length - 2, length))) + { + return str.substring(2, length); + } + else + { + return str; + } + } +} +" +84d723b9ed47fab693083af9555865e610097837,"public String without2(String str) +{ + if (str.substring(1).isEqual(str.substring(-2:-1)) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +d6fc30ae38de6202e2e3f8720b6d3e257407b757,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(-2:-1)) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +d99b7db3b09bd1d55194eefa7fe5f7336f77a9ad,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(-2:-1))) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +b828d1c475013567e751f8931f372471cbc29814,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(-2:-1))) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +7932360fdcf03290f3c455183ab76ddcab1f43f6,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2); + + if(beg.equals(end)) + { + return str.substring(2) + end; + } + else + { + return str; + } +} +" +df5d04a87700b4dea1f221672e0e482045bb0740,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(5))) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +f8a9f3ca174f461af71442de76bbd4c4934d65f0,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(5))) + { + return str.substring(2:-1); + } + else + { + return str; + } + +} +" +50fb9b6443f53809a24d7a77c8e3b75b5af58788,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(5))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +e6e12ae5d987bb1aaa3c38f15ee9074430693796,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(-2))) + { + return str.substring(2,-1); + } + else + { + return str; + } + +} +" +57b0d7effe2da50517581a5ab1f52808dd871115,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(-1))) + { + return str.substring(2,-1); + } + else + { + return str; + } + +} +" +9ef15981b484c9652855441783e5eed618daf89f,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(str.length()-1))) + { + return str.substring(2,str.length); + } + else + { + return str; + } + +} +" +21e4c351c21feff5ebf74ca04dcd28e6a6a7d662,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2,str.length); + } + else + { + return str; + } + +} +" +e837ac2ddfe6f451f1a09a2a4ec9df6ff9248f31,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(2))) + { + return str.substring(2,str.length); + } + else + { + return str; + } + +} +" +6d81afd4ce0e6be813c0d2c698293a1ddbb6c7c4,"public String without2(String str) +{ + if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +b2870ee956b0dfda36388694fe87c40ebb93c249,"public String without2(String str) +{ + if (str.length() == 2) + { + return """"; + } + if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +9c5c56cb9b76c5ccc45d6e99bc1563fb9ac24e6f,"public String without2(String str) +{ + if (str.length() == 2) + { + return """"; + } + else if (str.substring(1).equals(str.substring(str.length()-2)) && + str.length()>2) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +4f9aac0a03b440f078f101795ea087a18223c04f,"public String without2(String str) +{ + if (str.length() == 2) + { + return """"; + } + else if (str.substring(1).equals(str.substring(str.length()-2)) && + str.length()>4) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +d439b7aa84620d836c7c694b55a8f0d53c5e1164,"public String without2(String str) +{ + if (str.length() == 2) + { + return """"; + } + else if (str.substring(1).equals(str.substring(str.length()-2)) && + str.length()>3) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +59858d170f46cc14d6d9276b8bdb0a8077c9c082,"public String without2(String str) +{ + if (str.length() == 2 || str.length <= 0) + { + return """"; + } + else if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +9df5b6d9cb0cfcfa50415b2888d71faeb655cde2,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + else if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2,str.length()-1); + } + else + { + return str; + } + +} +" +8bdb6aa3d5726113674b1a252307a636c3d82d81,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + else if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +5a13cf66649241b835a78cee37060f1a9e74cfbb,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <2) + { + return str; + } + else if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +09a4c6a56cf36cf6d93889097ed7186174fc3852,"public String without2(String str) +{ + size = size.str(); + if (str.substring(0) = str.substring(size - 1) && str.substring(1) = str.substring(size); + { + return(str - str.substring(0) - str.substring(1)) + } + else + { + return(str) + } +} +" +76d9ad72e171ab1f19e180764dff5f4e23e73ffd,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <2) + { + return str; + } + else if (str.substring(0,1).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +5e8d28e7de21c88197c9a33b4e3c768e5737b9a5,"public String without2(String str) +{ + size = size.str(); + if (str.substring(0) = str.substring(size - 1) && str.substring(1) = str.substring(size)); + { + return(str - str.substring(0) - str.substring(1)); + } + else + { + return(str); + } +} +" +33022dde168f0bb2869404e822f71a5cd2ab04d7,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <3) + { + return str; + } + else if (str.substring(0,1).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +fa3a2596bb1b82702ecee9ea8e4662137ef7ce08,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <2) + { + return str; + } + else if (str.substring(1).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +ba7fdcb183da3f914a55c3bd09e173edeb622856,"public String without2(String str) +{ + size = size.str(); + if (str.substring(0) = str.substring(size - 1) && str.substring(1) = str.substring(size)); + { + return(str - str.substring(0) - str.substring(1)); + } + else + { + return(str); + } +} +" +8ffccfaa70e05d6714d04dc3b1570b1dcbff179c,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <2) + { + return str; + } + else if (str.substring(0,1).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +f2b88821dc467641bd170d9d2a42e708e83d5dd6,"public String without2(String str) +{ + size = size.str(); + if (str.substring(0) = str.substring(size - 1) && str.substring(1) = str.substring(size)); + { + return(str - str.substring(0) - str.substring(1)); + } + else + { + return(str); + } +} +" +8272df9d768a6b0e607d6eff54898fc0c197e2d4,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <2) + { + return str; + } + else if (str.substring(0,1).equals(str.substring(str.length()-1))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +be3876383ee9ce25ffaa3edc03c7eaa7a2e23b19,"public String without2(String str) +{ + if (str.length() == 2 || str.length() <= 0) + { + return """"; + } + if (str.length() <2) + { + return str; + } + else if (str.substring(0,2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +7f97c705027568cc29774fe75ec7fa8181db2eae,"public String without2(String str) +{ + size = size.str(); + if (str.substring(0) = str.substring(size - 2)) + { + if (str.substring(1) = str.substring(size - 1)) + { + return(str - str.substring(1) - str.substring(0)); + } + } + else + { + return(str); + } +} +" +635801f61cd243ce9ae7794a6fcfa112926ef4da,"public String without2(String str) +{ + int size = size.str(); + if (str.substring(0) = str.substring(size - 2)) + { + if (str.substring(1) = str.substring(size - 1)) + { + return(str - str.substring(1) - str.substring(0)); + } + } + else + { + return(str); + } +} +" +103044af9dfc7076d430d72764e7dbe53ad26a37,"public String without2(String str) +{ + int size = str.length(); + if (str.substring(0) = str.substring(size - 2)) + { + if (str.substring(1) = str.substring(size - 1)) + { + return(str - str.substring(1) - str.substring(0)); + } + } + else + { + return(str); + } +} +" +b216a1ef5ebeee597a2f73af1a6073dd1d2b18b4,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +8d682ac533921299a71c21970c8a959a4ab64792,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +35e87bdc5fe8e99431b82c63ce3306a5fb2d8448,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +f639e64f528612d4382035697b437577297adc08,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 1)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +2c42f384625566634546e7d1dbee958f2b12fd0a,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 1) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +1cc55106e5e7dee7bb189ec41b110bf072706b39,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +d40739d64781580cbb9eff01253783e722935e2b,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +04aa12ed4ad0dbf9462efb24501846c0cad89e87,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2, str.length() - 1)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +9e3f7f1545e9d599433241063e90e0a4bdbcfb9f,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +71566017eaad6c880ea56c3d9bdfe2e990f0d204,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +5a1a5d5abb121d44d53aa3061e9c2d5c5f3541ae,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + return (str.substring(2)); + } +} +" +88b380bf8d11516207606c9abf74851532d03596,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + short = (str.substring(2)); + } + return (short); +} +" +68e0d96fa6f638520a567f7f2e02047234d412ca,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + shorts = (str.substring(2)); + } + return (shorts); +} +" +de5932b3ea36ed1cb7bba4f972ae7155291467a8,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + String shorts = (str.substring(2)); + } + return (shorts); +} +" +1c62b4b1c6c001dd157243efc787edeaab87b1b0,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + String shorts = (str.substring(2)); + return (shorts); + } +} +" +0cd5706af7aa07242465d11f862bd2a5a296a3c3,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + String shorts = (str.substring(2)); + return (shorts); + } + else + { + return(str); + } +} +" +46b680c42217a4a071bdbae57bf874c4cbf272fe,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + String shorts = (str.substring(2)); + return (shorts); + } + else + { + return(str); + } +} +" +3ce9a0a0df7e568667414f3e3e2fd0e6d1b88385,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2)) + { + String shorts = (str.substring(2)); + return (shorts); + } + else + { + return(str); + } +} +" +68df2eac7bc0f20cad57c9d99e88786d1374f026,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + String shorts = (str.substring(2)); + return (shorts); + } + else + { + return(str); + } +} +" +31ac4962779cc1999ff98ca4d334931b77cfcd93,"public String without2(String str) +{ + String say1 = HelloHe; + String say2 = Hi; + String say3 = Hello; + return HelloHe + without2(say1) +} +" +695bc47129756a45ba337f770546a8d3db1f5699,"public String without2(String str) +{ + String say1 = HelloHe; + String say2 = Hi; + String say3 = Hello; + return HelloHe + without2(say1); +} +" +2e10c25bb3d3a0c80467b6a3906caacdcf86d6d1,"public String without2(String str) +{ + String say1 = HelloHe; + String say2 = Hi; + String say3 = Hello; + return say1 + without2(say1); +} +" +6aba27f2e3b36a82682e09f5126c99ca090c8486,"public String without2(String str) +{ + String say1 = ""HelloHe""; + String say2 = ""Hi""; + String say3 = ""Hello""; + return say1 + without2(say1); +} +" +cff10f35c73737de97dd994bb89556fafe308a45,"public String without2(String str) +{ + String say1 = ""HelloHe""; + String say2 = ""Hi""; + String say3 = ""Hello""; + return say1 + "": "" + without2(say1); +} +" +dc4ae18f1495698a501653f9cc70e55d1081cd80,"public String without2(String str) +{ + String say1 = ""HelloHe""; + String say2 = ""Hi""; + String say3 = ""Hello""; + return without2(say1); +} +" +bcb7930903fdf5a71d162fe17b9f1cf1fc6eb0f9,"public String without2(String str) +{ + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 3, str.length() - 1); + if(part1.equals(part2)) + { + return str.substring(2, str.length() - 1); + } + else + return str; + +} +" +331b28b7af80f6df85817426ddb06296906a36bd,"public String without2(String str) +{ + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length() - 1); + if(part1.equals(part2)) + { + return str.substring(2, str.length() - 1); + } + else + return str; + +} +" +7227275ad1630be8e77ff811a71df7ecf86a8222,"public String without2(String str) +{ + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if(part1.equals(part2)) + { + return str.substring(2, str.length()); + } + else + return str; + +} +" +c0c1cde0a532ecc5d1a6d23c36199367513a1ced,"public String without2(String str) +{ + if(str.length() > 1) + { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + } + + + if(part1.equals(part2)) + { + return str.substring(2, str.length()); + } + else + return str; + +} +" +9c12a1bc3c890d1312dadff39544b9b680103c32,"public String without2(String str) +{ + if(str.length() > 1) + { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if(part1.equals(part2)) + { + return str.substring(2, str.length()); + } + } + else + return str; + +} +" +d909be0a5b0e00c2b38d6e33137bf639e93a0b54,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length <= 2) + + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2, length); + return output; + } + else + return str; +} +" +2db31962b06d9203646b3fa47a3a726dc78c1c57,"public String without2(String str) +{ + String yo; + if(str.length() > 1) + { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if(part1.equals(part2)) + { + yo = str.substring(2, str.length()); + } + } + else + { + yo = str; + } + return yo; + +} +" +a8e5000fc8cdf8b50f8bc0d7c9986cb266a9ddb0,"public String without2(String str) +{ + String yo = """"; + if(str.length() > 1) + { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if(part1.equals(part2)) + { + yo = str.substring(2, str.length()); + } + } + else + { + yo = str; + } + return yo; + +} +" +fe17fb2a825274cc02cff911b0101e36bcc28902,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length <= 2) + output = str.substring(length); + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2, length); + return output; + } + else + return str; +} +" +03624015b6914d099e69a5da14b35f4eedd9be7b,"public String without2(String str) +{ + String yo = """"; + if(str.length() > 1) + { + String part1 = str.substring(0, 2); + String part2 = str.substring(str.length() - 2, str.length()); + if(part1.equals(part2)) + { + yo = str.substring(2, str.length()); + } + else + yo = str; + } + else + yo = str; + + return yo; + +} +" +bca35bdfe7fff39d402fdcd4989ddde8e49ebbf1,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str - str.substring(0,2); + } + } +} +" +d83f8658ccbf06ad4a4040b42d26bfe409beea3d,"public String without2(String str) +{ + str beginning = str.substring(0,1); + str end = str.substring(str.length - 1, str.length); + str answer = 0; + + if (beginning == end) + { + answer = str.substring(2, str.length); + } + else + { + answer = str; + } + return answer; + +} +" +ed4b316157dad48c66e4d4be79016375687b9d38,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return (str - str.substring(0,2)); + } + } +} +" +9d0fb17843943bc2d421d4d84a573b9a007faa8b,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length <= 2) + output = str.substring(length); + return output; + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2, length-1); + return output; + } + else + return str; + } +} +" +37f02eda52d688f52f1632f157f0d743d43d6819,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length - 1, str.length); + String answer = 0; + + if (beginning == end) + { + answer = str.substring(2, str.length); + } + else + { + answer = str; + } + return answer; + +} +" +f53dc053e870f85bbc480484e80d60d6d5af2c81,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length <= 2) + { + output = str.substring(length); + return output; + } + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2, length-1); + return output; + } + else + return str; + } +} +" +e374272e5f15d479e70f83936faa9506585968f8,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(n-2,n); + } + } +} +" +ff42718de1cb5e9ba62c25ac18901e60f1e31278,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } + } +} +" +7a6d6bfa4086cf2c4191b81dd76039f909595304,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length == 1) + { + output = str; + return output; + } + else if (length == 2) + { + output = str.substring(length); + return output; + } + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2, length-1); + return output; + } + else + return str; + } +} +" +d2aba18e7fa206a5f92c8bae67c4f374d2905cba,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length == 1 || length == 0) + { + output = str; + return output; + } + else if (length == 2) + { + output = str.substring(length); + return output; + } + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2, length-1); + return output; + } + else + return str; + } +} +" +7c4395b96852da97fe14a1186df95bcd48a5663d,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length == 1 || length == 0) + { + output = str; + return output; + } + else if (length == 2) + { + output = str.substring(length); + return output; + } + else + { + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2); + return output; + } + else + return str; + } +} +" +6e4c95fa17a0f2410f45b69db7b280589d1adcef,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length == 1 || length == 0) + { + output = str; + } + else if (length == 2) + { + output = str.substring(length); + } + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo == lastTwo) + { + output = str.substring(2); + } + else + { + output = str; + } + } + return output; +} +" +3cc314a028117cdb23d0a37af0f8ac9257e2dab2,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length == 1 || length == 0) + { + output = str; + } + else if (length == 2) + { + output = str.substring(length); + } + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2, length); + if (firstTwo == lastTwo) + { + output = str.substring(2); + } + else + { + output = str; + } + } + return output; +} +" +235d43632dc0c16853af40ad2347c33b85a0c437,"public String without2(String str) +{ + String output; + int length = str.length(); + if (length == 1 || length == 0) + { + output = str; + } + else if (length == 2) + { + output = str.substring(length); + } + else + { + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(length - 2); + if (firstTwo.equals(lastTwo)) + { + output = str.substring(2); + } + else + { + output = str; + } + } + return output; +} +" +5fd4a29059dc1ab197db9ba08bd9815e7cb6c604,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +3973f8c1cbb22a8f0b92c1cf0d4964f8bd824417,"public String without2(String str) +{ + if (str.substring(0, 1) = str.substring(-2)) + return str.substring(2, str.substring(-2)); + else + return str; +} +" +141896f3be320cc7934519ebb6c99f961525865f,"public String without2(String str) +{ + if(str.length() < 2) return str; + + int Stringsbegining = s.substring(0, 2); + int Stringsend = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + +} +" +057afca5f7aa73fd96bbfcd351283c2fbab3fb6a,"public String without2(String str) +{ + if(str.length() < 2) return str; + + int Stringsbegining = s.substring(0, 2); + int Stringsend = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); + +} +" +dd1286723d45d078e715773696c7ec05aa9c49f4,"public String without2(String str) +{ + if(str.length() < 2) return str; + + int Stringsbegining = str.substring(0, 2); + int Stringsend = str.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); + +} +" +cdad0f80503fbf021e3470a1895ce97e17d84a14,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2); + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +62ecbdce4df3758e3bb2ad5c9ec78b6a98ec632d,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 1); + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +bc2cfd50a64791b1b284de8b93c01085eba63a61,"public String without2(String str) +{ + int first = str[0:2]; + int last = str[-2:] + if(first = last) + return str[2:]; + else + return str; +} +" +85127f026fef4de9e1a3df0ec33efa3c6b7b5d1e,"public String without2(String str) +{ + int first = str[0:2]; + int last = str[-2:]; + if(first = last) + return str[2:]; + else + return str; +} +" +a4dbe83ad75cff13a10e2ff280b50efa76374a36,"public String without2(String str) +{ + if(str[0:2] = str[-2:]) + return str[2:]; + else + return str; +} +" +948a1ed870b472d76e7aec62fed7b61d0a1eaf87,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 1); + + if(beg.equals(end)) + { + return 1; + } + else + { + return str; + } +} +" +1d6a348f2e886bffe881864a52f40ef051dc4af4,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 1); + + if(beg.equals(end)) + { + return ""l""; + } + else + { + return str; + } +} +" +29d0c77b77c9d06edacd2d28b396f56008998e27,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2); + + if(beg.equals(end)) + { + return ""l""; + } + else + { + return str; + } +} +" +d40b3254507f90ef95e90e7d46de8874b2df174f,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + + if(beg.equals(end)) + { + return ""l""; + } + else + { + return str; + } +} +" +ddbc41fd34fb384a1f51df123dfc1662e0baa11c,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +43f5b8ee41d4cc3e4b9ff3acff9e05c7767e1ab0,"public String without2(String str) +{ + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + + if(str.length() < 2) + { + return "" ""; + } + else if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +91442ec6c584b3b0d67311b3c60daa59e1a8e218,"public String without2(String str) +{ + if(str.legnth > 2) + { + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + } + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +0fc264c332ecfa3e2f4d396961965e85164bb46f,"public String without2(String str) +{ + if(str.length > 2) + { + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + } + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +6e7167f4424ae49e5cf2b3574e339d96e54ec36e,"public String without2(String str) +{ + if(str.length() > 2) + { + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + } + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +f29d807a78e9553202708bc76d1e880933557e1c,"public String without2(String str) +{ + + + String beg = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() -1); + + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +1c21d0fe3ed13ad0c85edc4c2c28886eca7bd320,"public String without2(String str) +{ + + + String beg = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length() -1); + + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +2f95f702ba8717375895dc35313dcaa8ed2cdf0a,"public String without2(String str) +{ + + + String beg = str.substring(0, 2); + String end = str.substring(str.length() - 2,); + + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +59e42f6eff5d31729066cdac60fe6bb697bc155e,"public String without2(String str) +{ + + + String beg = str.substring(0, 2); + String end = str.substring(str.length() - 2); + + + if(beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +91587cbb6efb61ac7ebd068a2502c55cd992e40b,"public String without2(String str) +{ + + + String beg = str.substring(0, 2); + String end = str.substring(str.length() - 2); + + + if(str.length >= 2 && beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +1b169d2578213cad4bf1fb427dfed7f82ede743f,"public String without2(String str) +{ + + + String beg = str.substring(0, 2); + String end = str.substring(str.length() - 2); + + + if(str.length() >= 2 && beg.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +742cc67bdb920aba1d92e290d344a5905a014202,"public String without2(String str) +{ + + + + if(str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +c59b7bfd4d520e20d463c0f987c392891ad7d4ad,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + }" +ed99a0d6726a7e08d207e5a0e1263b50d9d25d81,"public String without2(String str) +{ + int length == str.length(); + if (length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +eb828c1d4b4cb0f73df0ada4c2c3e34f0f145d97,"public String without2(String str) +{ + int length == str.length(); + if (length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +cfb7f97796a1ed1debb9fee43a05978d5ece16c0,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +34c95e6efa6585cc5afa2b7ab3b2d8bffef568b2,"public String without2(String str) +{ + String firstPart = str.substring(1); + int len = str.length(); + String lastPart = str.substring(len - 2, len - 1); + + if (firstPart == lastPart) + { + return true; + } + else + return false; + + +} +" +bfefb74d9650783aee895ce449923f623f416f53,"public String without2(String str) +{ + String firstPart = str.substring(1); + int len = str.length(); + String lastPart = str.substring(len - 2, len - 1); + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +dbf35299d340a66889a307c35c2d47b6b4076c79,"public String without2(String str) +{ + int start = str.substring(0, 2); + int end = str.substring(-2); + if (""start"" == ""end"") + return str.substring(2); +} +" +d128a99e148164bda101e5f52b3ca5976881676f,"public String without2(String str) +{ + int start = ""str.substring(0, 2)""; + int end = ""str.substring(-2)""; + if (start == end) + return str.substring(2); +} +" +ebd4bdd2cbc8d699d566637a0d2848d08c0dae8a,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(-2); + if (start == end) + return str.substring(2); +} +" +17a129b4a1d67d80ad4e6b53d41f51fae410d799,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(-2); + if (start == end) + return str.substring(2); +}" +aa8edd8a62fc66ec502cccaaa654324597bdce01,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(-2); + if (start == end) + return str.substring(2); + else + return str; +}" +25385a050d6b372dd41955e2a5c86f3628ba6f6e,"public String without2(String str) +{ + String name = ""Carl""; + String part = name.substring(2); +} +" +444996a269ecb56c6414318b52f8775147682d77,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +}" +01214d22f1f2e543baea9f4e84488ac074000a03,"public String without2(String str) +{ + String name = ""Carl""; + String part = name.substring(2); + return ""Carl""; +} +" +4c6c92deddf8a3b0386d8a29d8931d69627adf12,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1, str.length()); + String answer = 0; + + if (beginning == end) + { + answer = str.substring(2, str.length()); + } + else + { + answer = str; + } + return answer; + +} +" +1605488a6f82a8f47704b442b54610c962e696d8,"public String without2(String str) +{ + String name = str; + String part = name.substring(2); + return str; +} +" +3ddbaaff3af00fff4499bafbfbb485c5109b4b33,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1, str.length()); + String answer = null; + + if (beginning == end) + { + answer = str.substring(2, str.length()); + } + else + { + answer = str; + } + return answer; + +} +" +0aed6707ee257b973a2c7b32aef3e76101ce058a,"public String without2(String str) +{ + String firstPart = str.substring(1); + int len = str.length(); + String lastPart = str.substring(len - 2, len - 1); + if (len >= 1) + return str; + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +4f88cb0bec054ab14609b47857954c03ea5273d4,"public String without2(String str) +{ + String start = str.substring(0, 2); + length = str.length(); + finish = str.substring(length - 2, length); + if( start == finish ) + { + return str.substring(2, length); + } + else + { + return str; + } +} +" +65d88ae325ae4a592ab52fa2495e2b8eefc4f11a,"public String without2(String str) +{ + String start = str.substring(0, 2); + int length = str.length(); + String finish = str.substring(length - 2, length); + if( start == finish ) + { + return str.substring(2, length); + } + else + { + return str; + } +} +" +35e38df5ee2cafa5897483b3bf1738c8d1dfadfc,"public String without2(String str) +{ + String firstPart = str.substring(1); + int len = str.length(); + String lastPart = str.substring(len - 2, len - 1); + if (len >= 1) + return str; + else if (len == 2) + return """"; + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +eabe877a06dff82fa6edd5cd6716cb1217143f8d,"public String without2(String str) +{ + String firstPart = str.substring(1); + int len = str.length(); + String lastPart = str.substring(len - 2, len - 1); + String blank = """"; + if (len >= 1) + return str; + else if (len == 2) + return blank; + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +93a457689245864578bb1ca5b8fb070df7cdf7c7,"public String without2(String str) +{ + String firstPart = str.substring(1); + int len = str.length(); + String lastPart = str.substring(len - 2, len - 1); + String blank = """"; + if (len <= 1) + return str; + else if (len == 2) + return blank; + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +99c56431c69d3656bdd3dfca2a66ecd2a3adf98e,"public String without2(String str) +{ + + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + String blank = """"; + + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +3806ac684b6b40cdd197de2c58147ba622f1b6db,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +66fa6d7359527c61bda681d6f340ea4d2dd129a1,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +5877ae46c2140dbc6be10dccc28f09fb025390e4,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +7af172396815143c421fda562782dfb6ecbc7a67,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + + print(firstPart); + print(lastPart); + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +23dbed025497c44bcbea6fd7c156345d83e50617,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2) == substring(length-2, length) + return String part = name.substring(2); + else + return str; + + return str; +} +" +6e87c4e99548836d432783456985fc75d0ce37e9,"public String without2(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + String start = str.substring(0, 2); + String finish = str.substring(length - 2, length); + if( start == finish ) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +4eafb99ff5e3cfeaec86830b7b2bfdf59364f908,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +bafc75c06e31b382d7e7b902c2db97ec8deb091d,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2) == substring(length-2, length)) + return String part = name.substring(2); + + + return str; +} +" +5e154fa3fcaa2d0a3f80aaf35dacad428c091f16,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2) == substring(length-2, length)) + return String part = name.substring(2);; + + + return str; +} +" +864845109d5d75e09824622c0bfcce76c6da47fd,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2) == substring(length-2, length)) + return name.substring(2);; + + + return str; +} +" +b9caae748253fe0b80ab9fbf6a3bd4e41e8c8940,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2) == substring(length-2, length)) + return name.substring(2); + + + return str; +} +" +035a0d7202f4931148c93d396de834b1e53d3bc7,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2).equalssubstring(length-2, length)) + return name.substring(2); + + + return str; +} +" +8d36aabafdbd722b46611ccf9de2003d47085edf,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(1); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +0f96afe21aacb106affdec380139f0d162c89a00,"public String without2(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + if(str.substring(0, 2).equals(str.substring(length-2, length))) + return name.substring(2); + + + return str; +} +" +9d066ab87f1142a07ca2a9f2c4b85ea69fd86783,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 1); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +84e0c28891a09dd86f23803cd86a12c4eecb65ba,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +1d1ba3a8b84fa3def461c7580ebd6c944e999551,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 1, len); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +c23ec9eea10977473d80c9fab43a59670ab2a151,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1, str.length()); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(2, str.length()); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +bca3cac095060f248551c34eeba1df753e2934ac,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(length() -2, length()) + { + return str.substring(2, length()) + } +} +" +5b30216a94824c589dcfc48e1be656462ad70f19,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(1, len - 1); + } + else + return str; + + +} +" +3dd22f5b162397416ce516d5172cda14845e716f,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1, str.length()); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(str.length() - 2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +0dcaaa6c92b4f0cf3a8f2c559c7a70ba18bf2717,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(2, len - 1); + } + else + return str; + + +} +" +7f5bca76cc6cd0790b8cf8f1f3bf52ed27e36818,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(length() -2, length())) + { + return str.substring(2, length()); + } +} +" +40276f0ae4a1548c9405237a2454fec40923924b,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 2, len - 1); + + + if (firstPart == lastPart) + { + return str.substring(2, len); + } + else + return str; + + +} +" +f969fb9192c1ed9fc527092df8a3383842f305dc,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + return str.substring(2, str.length()); + } +} +" +31cc217b89bb0c6f34644028bad004d7cca20fc2,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + return str.substring(2, str.length()); + } +} +" +bae48928f227641327d865889d87c048be343b69,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 2, len); + + + if (firstPart == lastPart) + { + return str.substring(2, len); + } + else + return str; + + +} +" +e01943ceed60e4c4c34d761aead83c3d7c4f796e,"public String without2(String str) +{ + String answer = ""a"" + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +434dac1ab66b6c17bccde171c51b02d499b8ef91,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +2ad81d9357bffd7193decd6a3bdcb4f2abe4c487,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + answer = str.substring(2, str.length()); + } + else + { + answer = str.String(); + } +return answer; +} +" +3347203af2766cdb246181e95764a0c0b4c0b32b,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + answer = str.substring(2, str.length()); + } + else + { + answer = str(); + } +return answer; +} +" +df03000642404dbc6b9acb76a368dbd9fb84c4a3,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() -2, str.length())) + { + answer = str.substring(2, str.length()); + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +2fd5c7fb1639e8f2f68bd55ed0f17104c2e9e3eb,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + answer = str.substring(2, str.length()); + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +b2f3c9f9a1eaf8daefda019be41b07a29e0cc012,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + answer = str.substring(2, str.length()); + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +201f2fb3bc74084cc8caffe3990c321b639b06a6,"public String without2(String str) +{ + String blank = """"; + int len = str.length(); + if (len <= 1) + return str; + else if (len == 2) + return blank; + else if (len == 3) + return str.substring(len - 1); + else if (str == ""HelloHe"") + return ""lloHe""; + String firstPart = str.substring(0, 2); + String lastPart = str.substring(len - 2, len); + + + if (firstPart == lastPart) + { + return str.substring(2, len); + } + else + return str; + + +} +" +e1775dec1b2b494dd2645a81decdfcb523cc593f,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String answer = str.substring(2, str.length()); + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +5c18bca2ac9b25777346110c5af6ae5e02fbdb59,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String value = str.substring(2, str.length()); + answer = value; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +5fd3ac9f32058de27c5512a412b5484740f5066f,"public String without2(String str) +{ + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String value = str.substring(str.length() -1, str.length()); + answer = value; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +7a24ca5aeaed7b0b9d4089b2677c5ab29f3fe33b,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + return str; +} +" +fbcf8ef2167acc4afec5b0e60592c86d8e14eb56,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2, 2); + } + return str; +} +" +5b6eb775af6008ca45af66c3611941a0e2418b2f,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(length() - 2); + +} +" +2015cb5e89d0dab4b42a4e3c889ef1e02fea04c6,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 2); + + +} +" +99e7efbf13d0c0179c91a3e29bdb8fe7c979b81a,"public String without2(String str) +{ + if (str.length() >= 3) + { + return str.substring(2, 2); + } + return str; +} +" +406007948e01ece5ae756f8705c069795142d5bf,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2, 2); + } + return str; +} +" +1ea91246381b38b05a669a20f7e6f9aeab7e91c9,"public String without2(String str) +{ + if (str.length() >= 1) + { + return str.substring(2, 2); + } + return str; +} +" +c75672eaaddb4f6b927ff4f46bf077f3d7edd96c,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2, 2); + } + return str; +} +" +8cd2641cd7ac68d76d3f17236d54985b209ac599,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 2); + if (start == end) { + return str - start - end; + } + else { + return str; + } + +} +" +5121eb4a3b875fd4b27582060207fd829154ceab,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 2); + if (start == end) { + return str.sunstring(2); + } + else { + return str; + } + +} +" +ccb3f0cc851e98824f04452af83c6658a97aa8fe,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 2); + if (start == end) { + return str.substring(2); + } + else { + return str; + } + +} +" +de4ab7bb1d96a6c7f9f6184176e0bb8e51b08814,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 1); + if (start == end) { + return str.substring(2); + } + else { + return str; + } + +} +" +eac73e3c06d02a321b533011f8c0504692b7eced,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals( + str.substring(str.length() - 2, str.length())) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +2f49b7b8601eb7a516564536247c3e859d2af245,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals( + str.substring(str.length() - 2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +0870731c7242d44514f2d0d37bb2eff0c3fde9fb,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals( + str.substring(str.length() - 2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +}" +bd2e4415c36a5c53a7bf67a76f2a0e04a3b8c991,"public String without2(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + String start = str.substring(0, 2); + String finish = str.substring(length - 2, length); + if( start == finish ) + { + return str.substring(4, length); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +4dda186f20116d1db92390288796642fac1232eb,"public String without2(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + String start = str.substring(0, 2); + String finish = str.substring(length - 2, length); + if( start == finish ) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9503515edda93176dba4ea38487e3eabe00d1a0c,"public String without2(String str) +{ + in x = str.length(); + if (str.substring(0, 2) == str.substring(x - 1; x + 1)) + return substring(3, x - 1); + else + return str; + +} +" +c9c8278648c31fa62e864c6f21f3bd7c38a819ad,"public String without2(String str) +{ + in x = str.length(); + if (str.substring(0, 2) == str.substring(x - 1; x + 1))) + return substring(3, x - 1); + else + return str; + +} +" +e9caa1a1520359222ca7b8d21f676196618d6a1c,"public String without2(String str) +{ + in x = str.length(); + if (str.substring(0, 2) == str.substring(x - 1, x + 1)) + return substring(3, x - 1); + else + return str; + +} +" +7fec24d80a35a29a993d08064f03bdb0f0ac500c,"public String without2(String str) +{ + int x = str.length(); + if (str.substring(0, 2) == str.substring(x - 1, x + 1)) + return substring(3, x - 1); + else + return str; + +} +" +3e926b3c4de8ac8caa5d061e8941bda14e7053b7,"public String without2(String str) +{ + int x = str.length(); + if (str.substring(0, 2) == str.substring(x - 1, x + 1)) + return str.substring(3, x - 1); + else + return str; + +} +" +16611bb91ef0719b56c420885431c48eabdccd36,"public String without2(String str) +{ + int x = str.length(); + if (str.substring(0, 2) == str.substring(x - 2, x)) + return str.substring(3, x-2); + else + return str; + +} +" +1716203636addde17185ba10cca773f3512c6f38,"public String without2(String str) +{ + int x = str.length(); + if (str.substring(0, 2) == str.substring(x - 2, x)) + return str.substring(2); + else + return str; + +} +" +2de2bd95d92b8002084b5bee8d66862587ac741f,"public String without2(String str) +{ + int x = str.length(); + if (str.substring(0, 2).equals(str.substring(x - 2, x))) + return str.substring(2); + else + return str; + +} +" +66ca4b5f0ce9066753ee8cc699b739cbec7a653f,"public String without2(String str) +{ + int x = str.length(); + if (x >= 2 && str.substring(0, 2).equals(str.substring(x - 2, x))) + return str.substring(2); + else + return str; + +} +" +6155e52c2fe03850d8a29ff023b0a81dd83c0e9f,"public String without2(String str) +{ + int a = str.length(); + String result = str; + if (a >= 2 && str.substring(0,2).equals(str.substring(a - 2))) + result = str.substring(2); + + return result; +} +" +9374427f95e9a80142ce9d0cdf59d1fde7ffb867,"public String without2(String str) +{ + int a = str.length(); + String result = str; + if (a >= 2 && + str.substring(0,2).equals(str.substring(a - 2))) + { + result = str.substring(2); + } + + return result; +} +" +be1e05cf2af3bfb7d271699cd9004361badda115,"public String without2(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + String start = str.substring(0, 2); + String finish = str.substring(length - 2, length); + if( start == finish ) + { + String clipped = str.substring(2, length); + return clipped; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +f6b8769658438103fd43e82cee523413da0f76be,"public String without2(String str) +{ + if (str.length() >= 2) + String answer = ""a""; + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String value = str.substring(str.length() -1, str.length()); + answer = value; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +75a47a4f8d10eced1cba4e59d9defa2872aec21a,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() >= 2) + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String value = str.substring(str.length() -1, str.length()); + answer = value; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +588405cf82a3f810574544e6b96c1d023e3c8c66,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 1); + if (start.matches(String end)) { + return str.substring(2); + } + else { + return str; + } + +} +" +1786a0efbce3b989c99d8e842a61dc8c20d5e78a,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 1); + if (start.matches(end)) { + return str.substring(2); + } + else { + return str; + } + +} +" +2795b235a30c54bce14689ab0dfb0ad728f0289e,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 1); + if (start.matches(end regex)) { + return str.substring(2); + } + else { + return str; + } + +} +" +329bb14f584a552c43d543b6756cf17d5723ed9a,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() > 2) + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String value = str.substring(str.length() -1, str.length()); + answer = value; + } + if (str.length() == 2) + { + answer = null; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +6cfc49790f3db1177ffe79a2b4e7555a71a03f15,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 1); + String end = str.substring(length - 1); + if (str.endsWith(start)) { + return str.substring(2); + } + else { + return str; + } + +} +" +112ce8344e58ff00636bd46d8755c961dd655b6b,"public String without2(String str) +{ + int length = str.length(); + String start = str.substring(0, 2); + String end = str.substring(length - 1); + if (str.endsWith(start)) { + return str.substring(2); + } + else { + return str; + } + +} +" +1cfb8f612a3d98e96466eea4425434a771a6e593,"public String without2(String str) +{ + int length = str.length(); + if (length < 2) { + return str; + } + String start = str.substring(0, 2); + if (str.endsWith(start)) { + return str.substring(2); + } + else { + return str; + } + +} +" +ef858a60d15bf59baa77f6d35e73c256b4f9a957,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() > 2) + if (str.substring(0, 2) == str.substring(str.length() - 1, str.length())) + { + String value = str.substring(2, str.length()); + answer = value; + } + if (str.length() == 2) + { + answer = null; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +1921dbd85fd90a5f2436a9837c011dbc07e10ab8,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() > 2) + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + String value = str.substring(2, str.length()); + answer = value; + } + if (str.length() == 2) + { + answer = null; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +606934c64510a25205a04cdca967e550dacbf4ad,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2) + { + String value = str.substring(2, str.length()); + answer = value; + } + if (str.length() == 2) + { + answer = null; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +7714f7c98aaf11d075a4eb660491ad893627603d,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2) + { + String value = str.substring(2, str.length()); + answer = value; + } + if (str.length() == 2) + { + answer = null; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +f9ff433bdd2b0fea334b8ae12b265cd57b48845f,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + String value = str.substring(2, str.length()); + answer = value; + } + if (str.length() == 2) + { + answer = null; + } + else + { + String part = str.substring(0, str.length()); + answer = part; + } +return answer; +} +" +d9d8fedd8ba82bba8e027146b0c77bd052529048,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + String value = str.substring(2, str.length()); + answer = value; + } +return answer; +} +" +bea02a7e2bd948357ccf7cb82eacc2999645e065,"public String without2(String str) +{ + String answer = ""a""; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + return str.substring(2, str.length()); + } +return str; +} +" +2e30fec4944dbc1369748d876d663eaf7294af61,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + return str.substring(2, str.length()); + } +return str; +} +" +d27a47eac005a2b2cadadf23231280acbadaf08d,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + return str.substring(2, str.length()); + } +return str.substring(2, str.length()); +} +" +bcbad1414d4c723f36cad40181a7a5b8c7af7e81,"public String without2(String str) +{ + int answer = ""str""; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +e8be519c6804408a38546582874de6740fc0b969,"public String without2(String str) +{ + int answer = ""a""; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +bbf90bb0832ad1f8ce1ccdbebbf0c2053cfdbebe,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +7de534e41cc02f46ce341aaf0be565cd8580728e,"public String without2(String str) +{ + twoLetter = str.substring(0, 1); + lastLetter = str.substring (-2, -1); + if (twoLetter = lastLetter) + { + remove twoLetter; + } + +} +" +ec481b08aa37891f222c65951d7eaae817c5d1b7,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 1) + == str.substring(str.length() - 1)) + { + answer = str.substring(1, str.length()); + } +return answer; +} +" +20c95e7ccd64b0e694a7d9cbd0dadcb8fb9554d9,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +f9c6a94f56faab2d6e22bddfacf72ba616e17859,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length() + 1); + } +return answer; +} +" +53e211ea84770e829493d76db9c84dc2d4bd9aa7,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +64d630af006c7417ef29502649bc986300afc5ee,"public String without2(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + String start = str.substring(0, 2); + String finish = str.substring(length - 2, length); + if( start.equals(finish) ) + { + return str.substring(2, length); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +f1208a7591e7c800fba54409bc2f84fb25d100a2,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(-2,-1)) + { + return str; + } + else + { + return str.substring(2,n); + } + } +} +" +bae71a7dfef786791608bf6d76e0a9720ed0abd0,"public String without2(String str) +{ + int n = str.length(); + if (n<2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } + } +} +" +13e1b676b945e31383d8a9d354ad2c64fe76a2f2,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.remove(str.substring(0,2)); + } + } +} +" +2031c4375763442e3089680de464ff1e1bbe0319,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(0,2); + } + } +} +" +20929922aad5f9c3f52db05dc5d59381e36798cf,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +de121b6792dd4332358b3571d25d5d4903076051,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(0,n-2); + } + else + { + return str; + } + } +} +" +855d7e04f51a2eac029662686db92002b163b78c,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +39028b84be48529784109dcb4cde660cb5d6f581,"public String without2(String str) +{ + int len = str.length(); + if (str(0) == str(len - 2) && str(1) == str(len - 1)) + { + str = str.substring(0,1); + return str; + } + else + { + return str; + } +} +" +39eb515de9fd39898380184e40e55beae6528c12,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n-1); + } + else + { + return str; + } + } +} +" +78aa585a21a6175e40bea338c57d50cca4a6add4,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +a09046c1de2c6340dd4e67396c3a983fed45077f,"public String without2(String str) +{ + int len = str.length(); + if (str(0) == str(len - 2) && str(1) == str(len - 1)) + { + removeCharAt(str, 0); + removeCharAt(str, 1); + return str; + } + else + { + return str; + } +} +" +9090fad3f64f742f5c9b391a829cd05418a9373f,"public String without2(String str) +{ + int n = str.length(); + String partA = str.string(0,2); + String partB = str.string(n-2,n); + if (n < 2) + { + return str; + } + else + { + if (partA == partB) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +013d0aeb6f72a9c0ace6a828781925271a2da023,"public String without2(String str) +{ + int n = str.length(); + String partA = str.substring(0,2); + String partB = str.substring(n-2,n); + if (n < 2) + { + return str; + } + else + { + if (partA == partB) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +0fec3a6a1fbdb2a036f686d9cb282f7bcc5bb445,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +334f2f1c2bc2060a4300b7cbe4f300a8476b6b1e,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else + { + if (str.substring(0,2)== str.substring(str.length- 2,str.length)) + { + return str.substring(2,str.length); + } + else + { + return str; + } + } +} +" +9e90ce01d28dde1b955c7bb9a1b2118f82445e76,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else + { + if (str.substring(0,2)== str.substring(str.length()-2, str.length)) + { + return str.substring(2,str.length); + } + else + { + return str; + } + } +} +" +c08f17000798f4fad3ba16236057229aada20fb9,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else + { + if (str.substring(0,2)== str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length); + } + else + { + return str; + } + } +} +" +d67db09c6f1aace865c0d97376257bf4a6e54a72,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else + { + if (str.substring(0,2)== str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + else + { + return str; + } + } +} +" +f055965f9ae32739c7b92d6b5ecbca90565fcdcd,"public String without2(String str) +{ + int len = str.length(); + if (str(0) == str(len - 2) && str(1) == str(len - 1)) + { + String sss = null; + sss.append(str,2,len-1); + return sss; + } + else + { + return str; + } +} +" +fbf6e5d2548eb62fbb7115a25d8e90880e3e87d1,"public String without2(String str) +{ + int len = str.length(); + if (str(0) == str(len - 2) && str(1) == str(len - 1)) + { + String sss = null; + sss.append(str,2,len-1); + return sss; + } + else + { + return str; + } +} +" +c8d8d7acfa1ac9f57090fce706075b236f4c8b15,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +d5ca5d845747bb397e80a3e03a2027df4aeb8d9e,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + return str; +} +" +cd2ae2c25d158e5951c3e4a8d993f9a15b9d1a9d,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 5); + } + return str; +} +" +8b7dcb2cef297ce56f6d0477879229dbc4c24147,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 1)) + { + answer = str.substring(2, str.length() + 1); + } +return answer; +} +" +754b75ff61e34e505cc5bbd54b1727d627d7d723,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +a09588d06c62f5aa25d052399da01389515b2271,"public String without2(String str) +{ + if (str.substring(0, 2) == lastIndexOf(2)) + { + return str.substring(2); + } + return str; +} +" +f64c4ad5fc34adb5ea97d2a43f9581c32a339f69,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(1, str.length()); + } +return answer; +} +" +0e2063b74968da5bedf727aa6e5c61aa7a0a4dd7,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(0, str.length()); + } +return answer; +} +" +ab2130a9ac50846f726fa9f2f8c88f3a17d364e3,"public String without2(String str) +{ + String twolet = str.substring(1, 2); + String minus = str - twolet; + return minus; +} +" +58210f1c4d93e1bd22b3eeee06002d36af35f041,"public String without2(String str) +{ + if (endsWith(str.substring(0, 2)) + { + return str.substring(2); + } + return str; +} +" +1d44435f81da5a9e13d68d1b07a93c3ae8b1ede4,"public String without2(String str) +{ + if (endsWith(str.substring(0, 2))) + { + return str.substring(2); + } + return str; +} +" +9b92e05cdf7d75e6c67a33a3899e07eac4a57d74,"public String without2(String str) +{ + if (str.substring() >= 2) + { + return str.substring(2); + } + return str; +} +" +3d6b25783377a04aa0529dddb69f397d12ad5429,"public String without2(String str) +{ + if (str.substring(2) >= 2) + { + return str.substring(2); + } + return str; +} +" +ff836de94d5abd7cc538d91975db6e9a0e2d8754,"public String without2(String str) +{ + if (str.substring() >= 2) + { + return str.substring(0, 2); + } + return str; +} +" +2e5d329a6c230154be215bed5b87f4fc2e050165,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2); + } + return str; +} +" +e3c51b941c7bda22ce88bc6f2fbca898a59dc074,"public String without2(String str) +{ + int len = str.length(); + if (str(0) == str(len - 2) && str(1) == str(len - 1)) + { + return str.substring(2,len); + } + else + { + return str; + } +} +" +a523b28e5b0e3288c93dc80c2234a4af2df8ed09,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + return str; +} +" +2ae59ca583cb877d5e5e7ac168b956d46caf9da0,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2); + } + return str; +} +" +6e0a63898f20815114ef45bc986f0d85320904a8,"public String without2(String str) +{ + int len = str.length(); + if (str[0] == str[len - 2] && str[1] == str[len - 1]) + { + return str.substring(2,len); + } + else + { + return str; + } +} +" +81b62950197401d956189439c487c2716aedc8d7,"public String without2(String str) +{ + int len = str.length(); + if (str(0) == str(len - 2) && str(1) == str(len - 1)) + { + return str.substring(2,len); + } + else + { + return str; + } +} +" +5a50e18e14b7c5311051ab3a66494b9508c956b3,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 1) == str.substring(str.length() - 2)) + { + String nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +b871e884b1691adb52c1e6032781ff2384a9217f,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) + { + String nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +56c8e04d00e191d117d8bdc7f10f4917a718391c,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(0, str.length()); + } +return answer; +} +" +98473d578e023748bd3a840e26218cd64de9de9a,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(1, 2) == str.substring(str.length() - 2)) + { + String nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +ddf90dd69637cefa983800d5dfcd822b20280c86,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(1, 2).equals (str.substring(str.length() - 2))) + { + String nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +fd3584bfcdbc9fc019d23e1a23d4321d1c55cdc7,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2, str.lenth())) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +8a4173314d74f786cb65a97ec60087ecc8d0ad56,"public String without2(String str) +{ + if (str.length() <= 1) + { + return(str); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return(str.substring(2)); + } + else + { + return(str); + } +} +" +615d2cc78b32ffca4bf332cc6b0171f9fd32076b,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals (str.substring(str.length() - 2))) + { + String nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +b619a60af7b15d25838621c3749275a57e9f05cf,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) + { + String nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +f39d5f7a6d163326fda47cb7f9d69147469f94fd,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2, str.length() - 2); + } + return str; +} +" +b31d60f3cb311be6d476de3bef4c32bc6420eb3c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2, str.length())) + { + String nofront == str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +f103e5bd11fccfe59698dbab1bca8411f46cb181,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2, str.length()))) + { + String nofront == str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +4af67a79f9c2dbe12c812d5cefb8832fb2a523ca,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2, str.length()))) + { + String nofront == str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +12c9b8e6913afb8d697012ffabf3e502e05a5530,"public String without2(String str) +{ + String nofront; + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2, str.length()))) + { + nofront == str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +e5440d9d3f28a0760e8e2ab484b9b5f55e5c15fb,"public String without2(String str) +{ + String nofront; + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2, str.length()))) + { + nofront = str.substring(2, str.length() - 2); + return nofront; + } + return str; +} +" +838e7208cf35111b71d23b376d4c9bc13bed71ae,"public String without2(String str) +{ + String nofront; + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2, str.length()))) + { + nofront = str.substring(2, str.length()); + return nofront; + } + return str; +} +" +d0b07f921e21e86d3f7757c0a0150337a82aefca,"public String without2(String str) +{ + return str.substring(2); +} +" +ece87e2d313ece6273da6c2356ee1c1bbb4b26b0,"public String without2(String str) +{ + if (str.substring(end - 2, end) == str.substring(2)) + { + return str; + } + else + { + str.substring(2); + } +} +" +b60542b1f67c7259546b96a7a1d0ef55458507ea,"public String without2(String str) +{ + if (str.substring(endIndex - 2, endIndex) == str.substring(2)) + { + return str; + } + else + { + str.substring(2); + } +} +" +7ee75005fa9d4ccb202bbf66f54b55039131d26d,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + if (strlength() == 2) + { + return(str.sbstring(0, 0)) + } + else + { + return(str.substring(0)); + } +} +" +5fbbbbf1a8b7e72633e1d27b6f927e64b7bd9e22,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + if (strlength() == 2) + { + return(str.sbstring(0, 0)); + } + else + { + return(str.substring(0)); + } +} +" +d7a0206ab487cb64bc7b59c5a95695878056c828,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + if (str.length() == 2) + { + return(str.sbstring(0, 0)); + } + else + { + return(str.substring(0)); + } +} +" +ade7e76a6f9f8ecd9ff5eec99657560a4482ba33,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else + { + return(str.substring(0)); + } +} +" +d08f351a58fde30bcc361805ab1af4da56c8de1a,"public String without2(String str) +{ + if (str.substring(str.length() - 2, str.length()) == str.substring(2)) + { + return str; + } + else + { + str.substring(2); + } +} +" +7023cf5cdb42991cd5ef9969140ada2f43429dda,"public String without2(String str) +{ + if (str.substring(str.length() - 2, str.length()) == str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +474fe2087ff1bf4533e3ead7bfc411026b4e5f16,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + if (str.length() <= 2) + { + return(str.substring(0, 0)); + } + else + { + return(str.substring(0)); + } +} +" +2ca4c3815091e1bbe4c573409ecdf887f9a8d5e0,"public String without2(String str) +{ + if (str.substring(str.length() - 2, str.length()) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +2cb7edc65dd8da69ed8bedfaa93c2158319ab2c2,"public String without2(String str) +{ + if (str.substring(str.length() - 1, str.length()) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +763e9d66fcfecb348b3f6f628b0794eba940107f,"public String without2(String str) +{ + if ((str.substring(str.length() - 1), str.length()) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +5e2cc6afb643a2d0be8a4874193f00188e8e1b89,"public String without2(String str) +{ + if (str.length() <= 2) + { + return(str.substring(0, 0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +e2dca0b4af85c9329bccda9dc0dca151182a5da2,"public String without2(String str) +{ + if ((str.substring(str.length() - 1)), str.length()) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +41577a40d9044eb1a35655860b7dc341152eba0d,"public String without2(String str) +{ + if (str.substring(str.length() - 1), str.length()) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +691fe01b57316a9d962d489778cb6f54085a1d2a,"public String without2(String str) +{ + if (str.substring((str.length() - 1), str.length()) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +f191ab921d26bb208419cf867e497aafb3254244,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1) + { + return(str.substring(0)) + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +bc204e0b01d379eddb5e8eaad4a7a6f04c3d14e6,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +9d96b11c508d1c10f0eda9d72652010b04d12cd9,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1) + { + return(str.substring(0)); + } + else if (str.length() == 0); + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +5f92581fcd34acc0e78b86cdf931bc7125c65f1c,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +69f6ac3acd6991868ebb1f7818ff2602c62e7c27,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2, length())); + } + else + { + return(str.substring(0)); + } +} +" +76098f43e68f6d4de761d0577b2f7b7632926471,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +cf0b2d83b0558f31d29970ac5594bb6590bceebc,"public String without2(String str) +{ + if (str.substring((str.length() - 2)) != str.substring(2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +69de12a23ae8cebe3c3cfae131572ea1b4b31def,"public String without2(String str) +{ + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +da5c7025848d3c64365a811211b45fa36f39fcae,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +7b46a9205a4734cc6df4e933a595faa2da0c26cb,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2 ,str.substring(length()))); + } + else + { + return(str.substring(0)); + } +} +" +8a853bf41c7c51b4510a25b07eaf0b2638d45b59,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2, str.substring(length()))); + } + else + { + return(str.substring(0)); + } +} +" +4e9f11070dfff841bdc3bfecd880cb3f5b2d8c61,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(3); + } + else + { + return(str.substring(0)); + } +} +" +0274f0b143434f8bedd73a18cd8cb0455be99f9f,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +b60011efa45bcb558622ecf77cdafe195379a202,"public String without2(String str) +{ + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(3)); + } + else + { + return(str.substring(0)); + } +} +" +96b57f061d0f722c51dbb5e8c2a039c60dcf2060,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(3)); + } + else + { + return(str.substring(0)); + } +} +" +57e22be9c6a32f803166819049ae5fa9b56eaa03,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(3)); + } + else + { + return(str.substring(0)); + } +} +" +45a8b84063b2f41c3a142d89b29b21e03645d92e,"public String without2(String str) +{ + if (str.substring((str.length() - 2)) != str.substring(0, 2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +7bfb350041b4497e9e1f3286ae9e76bd444dccea,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +20a1487c9cf6b8df69021f50e779b3bda26ffc10,"public String without2(String str) +{ + if (str.substring((str.length() - 2)).equalsstr.substring(0, 2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +99a0aaf5a678b759b7ebb165da131280f408b207,"public String without2(String str) +{ + if (str.substring((str.length() - 2)).equals(str.substring(0, 2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +6cbf83cf9ef0ba1c92985f932ef231a4601abd6b,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.substring((str.length() - 2)).equals(str.substring(0, 2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +137e8fa33ddbcd3bcf2e5414d09f5eba76ade154,"public String without2(String str) +{ + int lenght = str.lenght(); + if (lenght < 2) { + return str; + } + + String start = str.substring(0, 2); + if (str.endsWith(start)) { + return str.substring(2); + } + else { + return str; + } +} +" +a0e1961d5d6b2f37d0124fe916969f771132744f,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +f20bc53fbe2eb478ab89cb1d8632dd7400d618a8,"public String without2(String str) +{ + int lenght = str.length(); + if (lenght < 2) { + return str; + } + + String start = str.substring(0, 2); + if (str.endsWith(start)) { + return str.substring(2); + } + else { + return str; + } +} +" +e27ac4ca1ed3bfc8cf923b4aef64b7f2a3d9470f,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } + else + { + return str.substring(2,n); + } +} +" +578fdb67e93384195b2e6548d62e2530e5ec509d,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return str.substring(2,n); + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +6389cc0ee4f1eab7e64d00784f956729e068f79a,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } + } +} +" +27d193354350b797cd88de271964c8a67a2c5a00,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + return str; + } +} +" +9488e9ba5888a0cfdd6d595f096a6f2d0c58e9b7,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2); + } + else + { + return str; + } + } +} +" +f9b318e0421477073f89d7014f9c6e0e111fa402,"public String without2(String str) +{ + int n = str.length(); + String part = str.substring(2); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return part; + } + else + { + return str; + } + } +} +" +0c0cfa33722e9b58dbe25bd785103b38da599c02,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2)== str.substring(n-2,n)) + { + return str.substring(2); + } + else + { + return str; + } + } +} +" +8d7067f69cdff0797f46ab65d7f5cff355cdb2b9,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + return str; + } +} +" +966cbb23182fa5ff6333934af0a12419ef7871f5,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2) != str.substring(n-2,n) + { + return str; + } + else + { + return str.substring(2); + } +} +" +d78458138d6bb8b2c6a61d864dfe2e76084f3d49,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +744789fd31f7ffc6daf7809b8a59ab8a2871f592,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +d3f1c384db0baefa2f9a6659b99696e962b8fa83,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 1)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +9147c2c49ac5df50664b998834f919c2ddf0e728,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +8c944c9e5295807c41d74ae5c7fff7815e9a4ccc,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + String answer = str.substring(2, str.length()); + } +return answer; +} +" +63c9199bf85c18130871412ded57dec7d59688e0,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +7df12b9dd984797723e3060dde71da6fea377d07,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + = str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +1a91879ac2a595927e3c1f70755bcf559fd83332,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +2d8360b74b2a02e8a603659da49c39f0ee7f112e,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring ((len-2), len) + return str.string(2); + else + return str; + else + return str; +} +" +4f5e0ca3ff803e87972699951dbe053722043bff,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +8dbee36fcb8730f0685622d50e0658f2c3ce3a43,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring ((len-2), len)) + return str.string(2); + else + return str; + else + return str; +} +" +af34ef2bce769459ebff1e8ae4f4d835ba254d38,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring ((len-2), len)) + return str.substring(2); + else + return str; + else + return str; +} +" +407b8056efcbe2b90003c422071a1fced62a3efd,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 1, str.length() + 1)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +5f5bc4c50ad5ef9b5fffcec953bc1d7cf8f3cf87,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring((str.length() - 1), (str.length() + 1))) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +c85c6cf2feceb28537e58edf5b8a563a86febd7f,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length(), (str.length())) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +26fd6a04a13a05edd3a699c2d3ab52ca052cc5a5,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length(), (str.length()))) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +012070df92d3c856e263b320fe47091fa4294e3e,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring ((len-2), len)) + return str.substring(2); + else + return str; + else + return str; +} +" +8272dded9552aaa9bf17647ef0e4fb2f07f6b20e,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring (len-2, len)) + return str.substring(2); + else + return str; + else + return str; +} +" +45fcd955b99c8ab470ef853c396b3a401eaf5f84,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 1, str.length())) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +1e02d84db1998d5fc6a1a09abde9dcb282970bf8,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring(len-2, len)) + return str.substring(2); + else + return str; + else + return str; +} +" +4d7f6d4a9fec422c17f1b551305fb08b2ca1c5d5,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring (0, + 2).equals(str.substring(str.length() - 2))) + return str.substring(2, str.length()); +} +return str; +} +" +54b5037bc02d923c2b7e72d02b6077560e4d02b0,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && str.substring(0, 2) + == str.substring(str.length() - 2)) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +b2ff54903e3ccca2bbadb63ec479761bb93da16f,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && (str.substring(0, 2) + == str.substring(str.length() - 2))) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +daa9b23fae1310ae9f6d6e23391499bf74c4c0f8,"public String without2(String str) +{ + if(s.length() < 2) return s; + + String sbeginning = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbeginning.compareTo(send)!=0) + return s; + else return s.substring(2); +} +public static void main(String[] args) { + + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); +} +" +76e07a7b1ceaca1d583e63b6c23f171d505a4b79,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && (str.substring(0, 2) + == str.substring(str.length() - 2))) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +add5156448f68f3d35476a8e5621baf057958729,"public String without2(String str) +{ + def checkCharacters(a): + first = a[0:2] + second = a[-2:]; + if first == second: + return a[2:] + else: + return a; +} +" +5aea776b286be63cd2d6a2d98ec306e75472c6fd,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && (str.substring(0, 2) + == str.substring(str.length() - 2))) + { + answer = answer.substring(2, str.length()); + } +return answer; +} +" +fee78210bfc3dd4dbf13b35366011e77208aa53f,"public String without2(String str) +{ + String answer = str; + if (answer.length() >= 2 && (answer.substring(0, 2) + == answer.substring(answer.length() - 2))) + { + answer = answer.substring(2, str.length()); + } +return answer; +} +" +389e9acf533372a80395eb60743409427c54eda6,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && (str.substring(0, 2) + == str.substring(str.length() - 2))) + { + String value = str.substring(2, str.length()); + } +return answer; +} +" +c0f4db1905431e0642f9774c225d5e3514e866c6,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && (str.substring(0, 2) + == str.substring(str.length() - 2))) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +df0515a35534873a822b675c480fb951b7d7d2ae,"public String without2(String str) +{ + String answer = str; + if (str.length() >= 2 && (str.substring(0, 2).equals(str.substring(str.length() - 2)))) + { + answer = str.substring(2, str.length()); + } +return answer; +} +" +d672789e6e8f6f6e043335881ebecd301b32f500,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring(len-2, len)) + return str.substring(2); + else + return str; + else + return str; +} +" +20659676f554918f28ffee0f5762896eb066132a,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(-3); + if (begin == end) + { + return str.substring(2, -3); + } + else + { + return str; + } +} +" +c2441684f5c09a9419e628f746778f6e21444445,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (begin == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } +} +" +b6777a8b3556dc9838892e4b7b4b84003aa52dc9,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +da6691386f24b7f9acbf4026d3cf1debbdc4ead8,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + } +} +" +a5e67935abc8023a857ee124039460f4085b5419,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + else + { + return """"; + } +} +" +0714be81d7b52ce39603210887a94ec597253c1e,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return """"; + } +} +" +5a32cff55d4aad7bc9c89c79649145a9d9da5ede,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 1); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return """"; + } +} +" +2902fdbfc146c123eba8fdd78cfc234d12c13d47,"public String without2(String str) +{ + String firstPart = str.substring(2, 0); + String lastPart = str.substring(0, 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +74fb48dd3fa8855cb8f17fb4cc922ecb491003c4,"public String without2(String str) +{ + String firstPart = str.substring(2, 1); + String lastPart = str.substring(1, 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +31c2490802fd5640ef26ee365930963f68be8423,"public String without2(String str) +{ + String firstPart = str.substring(0, 2); + String lastPart = str.substring(length(str) - 2, length(str)); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +8af9f56ef7f4b18de3622861e8dfed205e3d7290,"public String without2(String str) +{ + String firstPart = str.substring(0, 2); + String lastPart = str.substring(length() - 2, length()); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +d048dc27a3516906ab2f548431c5a4eb44bcca78,"public String without2(String str) +{ + int stringLength = length(str); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +a33a5322a133400c9c364c7367c1e16d4e583480,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 1); + if (begin.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +34bf7ef74240e46c02e4e1341f413445aa755db6,"public String without2(String str) +{ + public int stringLength = length(str); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +c9f9bc88a0e90741d82430b7d580090f04f67f69,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (begin.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fb02ab6ba9799d7fcff7b7fe93fcc78081bfa5dd,"public String without2(String str) +{ + int stringLength = length(str); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +} + +public int length() +{ + return value.length; +}" +25ef8747a9a034ff0c2b8347198bc4b7c32b632d,"public String without2(String str) +{ + int stringLength = length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +9aced89471edcb0fef5ad02452b27fe253c6a0f6,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +45d14af6be68c95a79540289b55e078ae3f7113c,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 3, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +dd839c3bbbeab26788d9400fe778da42d90abaf8,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +77acb728faaf5196abd8ec7ed8709d654ca9c507,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +494e2200159545c551d008b788cbc2d5192bc88f,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart = lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +7b3b25250f50dbb69f7f25ea0149cd1a799ef590,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +3ee3a92b5d528c8177548e43590a0f2f62f0ce62,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +1ea7252bd25babd202ccdb9a79fbf03dd8d75136,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart != lastPart) + { + //String withoutFirstPart = str.substring(2, stringLength); + //return withoutFirstPart; + return str; + } + else + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } +}" +04631a6f83e9c4e4b06f571cc492b1700e02ea80,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart != lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +3c0c1572bdf75566b056b8b4e47c2ec1644f2abf,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2, stringLength); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +28de6ae142f0e59a0550dd86b79bfef83305daad,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +6c13b70c6f48be6c3c3f2c545d1705579458cb5e,"public String without2(String str) +{ + int stringLength = str.length(); + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +a0c2f719c5300ff514f3b43d47b4b988321a7729,"public String without2(String str) +{ + int stringLength = str.length(); + // if statement to make sure string is >= 2? + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 1); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +48462949cac5962054524727747b8e4905be42f4,"public String without2(String str) +{ + int stringLength = str.length(); + // if statement to make sure string is >= 2? + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2, stringLength); + return withoutFirstPart; + } + else + { + return str; + } +}" +c0827dba041daeb480554a62142679c590ed8dfb,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (str.substring(0, 2) == str.substring(x-1)) + { + y = str.substring(2); + } + return y; +} +" +65c36f99ee2932ae746cc2487d76353ead46bd32,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (str.substring(0, 2) == str.substring(x-2)) + { + y = str.substring(2); + } + return y; +} +" +0646f1b18331ae9ea37f3579717a5580efb4dc0e,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str - 2); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } +} +" +295e85066b679aa3eb47e37f6c532e02bb2294ed,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(x-2)) + { + y = str.substring(2); + } + } + return y; +} +" +b4539cb5bd594a7ddc5f1e4f21aa524bfc6623ff,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (x >= 2) + { + if (str.substring(0, 3) == str.substring(x-2)) + { + y = str.substring(2); + } + } + return y; +} +" +0c817530f7d43efbc628bf709e3911fc9a866c6f,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (x >= 2) + { + if (str.substring(0, 1) == str.substring(x-2)) + { + y = str.substring(2); + } + } + return y; +} +" +69d8a2e05cc03c2a3c9a5184c60e214dedc0a32b,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } +} +" +6866f8ca5e176bd6445e7f424999d28d9a918418,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(x-2)) + { + y = str.substring(2); + } + } + return y; +} +" +27f34e4bb5111f21e9c99c945506bb6ecf1ffb2f,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(x-3)) + { + y = str.substring(2); + } + } + return y; +} +" +e1ce7fc619b0e28ec44ce242d411f913082655e9,"public String without2(String str) +{ + String y = str; + int x = str.length(); + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(x-2)) + { + y = str.substring(2); + } + } + return y; +} +" +50ea496c9f13174ec5744d3767f3387da8ac022f,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z, x)) + { + y = str.substring(2); + } + } + return y; +} +" +3122b1fe431c68d5c76bb91cc3d31ad8af9215b8,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z, x-1)) + { + y = str.substring(2); + } + } + return y; +} +" +78a0414ee5432d40c4c5c4bb9a9a7a876551aeb5,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z)) + { + y = str.substring(2); + } + } + return y; +} +" +0d155fd330cfae51b6517bf13264b1023a2cb520,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 1; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z)) + { + y = str.substring(2); + } + } + return y; +} +" +ed2cb06601c5c2a8a3f4e8f2e09ec1f0093b7412,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z)) + { + y = str.substring(2); + } + } + return y; +} +" +a464e3c699be390e68e47c70631355824c490c93,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else + { + String a = str.substring(str.length() - str.length()); + return a; + } +} +" +b412d3b136f3b75315b2bbdac146ba55cf62143d,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else + { + String a = str.substring(str.length() - str.length()); + return a; + } +} +" +a10dc0e283246cb846435a44e3c9ab2e733a3a5d,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else + { + return ''; + } +} +" +0c92e342f71799d43ecfab2324580cf6e33ffd2a,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else + { + return ' '; + } +} +" +6d063844223907617fbea4f6cd4753042627d655,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else + { + return """"; + } +} +" +38211829227d9c249b23b99ab9f640085732285e,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +1eab78feda9bb34f7ed1bb08aac6ea8cbbd26168,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2, str.length()); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +cd9cec110cdf05d6404c2fcd901fc199bf04ec77,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 3) == str.substring(z)) + { + y = str.substring(2); + } + } + return y; +} +" +39f65934a045f876b578aa5ad8381c9e8fad1c4f,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2, str.length() + 1); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +9c3ef71aaee5aafc60dbcfd754251bac277c41b1,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3, str.length() - 1); + if (front == back) + { + String good = str.substring(2); + return good; + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +8234afc9f72c371f4e933fce619a8d081cdb286f,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 3, str.length() - 1); + if (front == back) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +d67c86990ee6880283e55599f4c19530743fa915,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(0, z)) + { + y = str.substring(2); + } + } + return y; +} +" +095a54bbaf9208dbace7e98c1986f30778aefa01,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2, str.length() - 1); + if (front == back) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +2fd8705c01f471e7be2fdba95a2a7e926c73bacc,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z)) + { + y = str.substring(2); + } + } + return y; +} +" +4c50fa6a65d831a1bde570b9ad86174b8c346d4b,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z)) + { + y = str.substring(1); + } + } + return y; +} +" +9394423e5491f860a6ab8cd3059284e20e48aeb9,"public String without2(String str) +{ + String y = str; + int x = str.length(); + int z = x - 2; + if (x >= 2) + { + if (str.substring(0, 2) == str.substring(z)) + { + y = str.substring(2); + } + } + return y; +} +" +0996740f241337ca938840b2ced35ad3a82a3d45,"public String without2(String str) +{ + if (str.length() > 2) + { + String front = str.substring(0, 2); + String back = str.substring(str.length() - 2, str.length()); + if (front.equals(back)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } +} +" +9400a5b8dfa655d16fcf9f576c94d1d658099828,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if (fist.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } +} +" +af578f7484e59805ca67c686447f58cde0744504,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } +} +" +e3e042d9ab1c191a4b913cb573c8d8965ab8e5cd,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + return newstr; +} +" +695a0b3467096d675623a53410e0bb6195fc30df,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if(len =0 || len=1) + { + newstr = str; + } + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + return newstr; +} +" +15961f732f46992c5cd29f418d149e5dbe31b203,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if(len ==0 || len==1) + { + newstr = str; + } + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + return newstr; +} +" +8557df1baf8f96fd87fbda2fe27e7eeb31953d5c,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if(len ==0 || len==1) + { + newstr = str; + } + else if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + return newstr; +} +" +5beda2d5cedebc553ba0157095a9c1b59d1a4500,"public String without2(String str) +{ + int len = str.length(); + String newstr; + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + return newstr; +} +" +e8967e9153e88125b50e50560d2f429f7a226915,"public String without2(String str) +{ + String newstr; + int len = str.length(); + if(len == 0 || len == 1) + { + newstr = str; + } + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + return newstr; +} +" +bb5f49d4293a85e3c2d436ab40ebd7f3a0355725,"public String without2(String str) +{ + String newstr; + int len = str.length(); + if(len == 0 || len == 1) + { + newstr = str; + } + else + { + String first = str.substring(0,2); + String last = str.substring(len-2, len); + if (first.equals(last)) + { + newstr = str.substring(2, len); + } + else + { + newstr = str; + } + } + return newstr; +} +" +42b7c04490ee7f7cc5f8557cd66bec4e06839576,"public String without2(String str) +{ + if (str.substring(0) == str.substring(len - 1)) + { + return 0; + } + return str; +} +" +95e5429ee33de3fed1323cab4fcd763451c33091,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return 0; + } + return str; +} +" +6427c80ec7fea1de2eaf119cbff496dea08eaac5,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str; + } + return str; +} +" +938bb781d53dafaca4780ac9551e6387785b735a,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(0) && str.remove(str.length() - 1); + } + return str; +} +" +2f206808f695e19cef4de4c3e4b8f3c9c91a34f9,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(0) && str.remove.substring(str.length() - 1); + } + return str; +} +" +f3caa740e3265b4264ca97e0964d28c41b0c4c4f,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove.substring(0) && str.remove.substring(str.length() - 1); + } + return str; +} +" +3040f8d99bb8af29893a8cdcbc2b0a27d9d06813,"public String without2(String str) +{ + if(substring(2)=substring(-2) + { + return substring(2); + } + else + { + return stirng; + } + +} +" +ecb0433bd5daa1a75ff5d7220b108c52dc277a4b,"public String without2(String str) +{ + if(substring(2)=substring(-2)) + { + return substring(2); + } + else + { + return stirng; + } + +} +" +5ea85b84d0fb289380a5abe0648b94298b30c086,"public String without2(String str) +{ + if(string(2)=string(-2)) + { + return string(2); + } + else + { + return stirng; + } + +} +" +3648523e6944f2a50078703d28953b4c548cfcb9,"public String without2(String str) +{ + if(str substring(2)= str substring(-2)) + { + return string(2); + } + else + { + return stirng; + } + +} +" +b42d60f23618f504e35c320e30f37851a31e7042,"public String without2(String str) +{ + first =String(0:2); + second = String(-2:); + if(str substring(2)= str substring(-2)) + { + return string(2); + } + else + { + return stirng; + } + +} +" +081669735b8a8530d8cdd36182f104b797bc8b7b,"public String without2(String str) +{ + first =String(0:2); + second = String(-2:); + if(first = second ) + { + return String(0:2); + } + else + { + return Stirng; + } + +} +" +6773c3b816d320c201e3b1184c57fe29ffd6c06c,"public String without2(String str) +{ + first =String(0:2); + second = String(-2:); + if(first = second ) + { + return String(0:2); + } + else + { + return String; + } + +} +" +c2d61ec107eccdb9adb3fafda65cc667a48a0223,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2,length))) + + { + return str.substring(2); + } + + + else + { + return str; + } + else + { + return str; + } +} +" +1f825d02b859ab6feae2d6f35f9e51749c1c98c5,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2,length))) + + { + return str.substring(2); + } + + + else + { + return str; + } + } + else + { + return str; + } +} +" +7bca18c5c3989df74a5b6b6e961e2033fb10afaf,"public String without2(String str) +{ + if(String[0:2] == String[-2] + { + return String[0:2]; + } + else + { + return String; + } + + +} +" +f03fdef8f0f45974bcde885544b0b4308c59105d,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.deleteCharAt(0) && str.deleteCharAt(str.length() - 1); + } + return str; +} +" +3b1aa5ca72568300da06773ba765e8b96328e609,"public String without2(String str) +{ + if(String(0:2) == String(-2) + { + return String(0:2); + } + else + { + return String; + } + + +} +" +235ebefb4fc8dd452f7e993fd42b425fe8018693,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.replace(0 , 1) && str.deleteCharAt(str.length() - 1); + } + return str; +} +" +e1e06929f2c73ef285579f04b5f02353b2f98028,"public String without2(String str) +{ + if(String(0:2) == String(-2) + { + return String(0:2); + } + else + { + return String; + } + + +} +" +ac95c44ad8b80116d433a97a718ef0c80a8945c7,"public String without2(String str) +{ + if(str.subString(0:2) == str.subString(-2) + { + return String(0:2); + } + else + { + return String; + } + + +} +" +1c4a579f8a0f7bcdea9c53de4ef22d090229a70c,"public String without2(String str) +{ + if(str.subString(0:2) == str.subString(-2) + { + return String(0:2); + } + else + { + return String; + } + + +} +" +a18c4317d93cfedd24d4b4ac5774873ed545579b,"public String without2(String str) +{ + if(str.subString(0,2) == str.subString(-2) + { + return String(0,2); + } + else + { + return String; + } + + +} +" +347a30ad4dab0502e7f0a655679be6562044dc2b,"public String without2(String str) +{ + if(str.subString(0,2) == str.subString(-2)) + { + return String(0,2); + } + else + { + return String; + } + + +} +" +70ab4ce2cf4a17dd18d0a729bbaabdab3f76eb99,"public String without2(String str) +{ + if(String(0,2) == String(-2)) + { + return String(0,2); + } + else + { + return String; + } + + +} +" +d860b9f51fbef95e93004addeaab80e9ed697cbb,"public String without2(String str) +{ + if(str.String(0,2) == str.String(-2)) + { + return String(0,2); + } + else + { + return String; + } + + +} +" +3cd9a0130a11c16f17994fd0fda4e93497da3c51,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + }" +53d1b8121af5fa61687e9510849e78067f238385,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + if (twoWord == str.substring(str.length()-2)); + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +3fe5ab50ea17c95bdc1b4e2ca914ea64288ec50b,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + if (twoWord == str.substring(str.length()-2)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +ae3861f0db069bb7a92a1d23867cd7d744e8995e,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + if (twoWord == str.substring(str.length()-2)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +c8c8b7e71f8746951e0843c460ae3d15ce91f902,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + if (twoWord == str.substring(str.length()-2)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +49e4535e26fa7c384fc6e2aef708cea969942df2,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + if (twoWord == str.substring(str.length()-2)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +cecacc21e5825c17d495c216a184bc919e53f006,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord == lastTwoWord) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +d899ddcd26358b0a2eebb10e9bc76608cc81cdd1,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord == lastTwo) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +d24c01db4f665525a6b80c5b9285264587cfb1e9,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3); + if (twoWord == lastTwo) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +c402704efce94439be79df086f294572a2e726b4,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord == lastTwo) + { + String finalWord = str.substring(1); + return finalWord; + } + else + { + return str; + } +} +" +49352f75effe64b542ac27d49871f2dfef852933,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord == lastTwo) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +8fbe824c07a0c60e9dd2fa062bd84e306d76c88c,"public String without2(String str) +{ + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord.equals(lastTwo)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } +} +" +1de0836d06e44bed7d2d6f9e2231f25ee3d7daa4,"public String without2(String str) +{ + if (str.length >= 2) + { + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord.equals(lastTwo)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } + + } + else + { + return str; + } +} +" +da72c86157552f65943e7deca7482649132c6adc,"public String without2(String str) +{ + if (str.length() >= 2) + { + String twoWord = str.substring(0, 2); + String lastTwo = str.substring(str.length()-2); + if (twoWord.equals(lastTwo)) + { + String finalWord = str.substring(2); + return finalWord; + } + else + { + return str; + } + + } + else + { + return str; + } +} +" +369f0f90bf65061d32df3057578c7a7a1f04c3a4,"public String without2(String str) +{ + int remain=0; + int a=0; + if (goal > big * 5 + small) + { + return -1; + } + while(remain <= remain && i goal) + { + remain = remain - 5; + } + { + if (goal - remain > small) + return -1; + } + return (goal-remain); + + +} +" +89b2f6dd615ee2dd12e591bef555255eaaf75731,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + }" +9ce5ab871b64a9c92a104d93dd6151f382ea1476,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(-2) { + return str.substring(2, str.length()); + } + return str; + }" +ec0d54eec73e17ebc9805cc73212612ec029d8cc,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(-2)) + { + return str.substring(2, str.length()); + } + return str; + }" +fa88f8d794e7b5e43747bd4619cc333f704603e8,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(-2))) + { + return str.substring(2, str.length()); + } + return str; + }" +20cc3bcc021dd5c51dcabd0dfc57d42425b8fcc6,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(-2:))) + { + return str.substring(2, str.length()); + } + return str; + }" +309e8f5416614db8e35f97a1b9ac0ec4a114e54d,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(-2,0))) + { + return str.substring(2, str.length()); + } + return str; + }" +93472d9e001cfa281ccc6473da5c3946ee5f79fb,"public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + }" +7c45275c96e743ca0827036aa3d366dfa8a8769c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2). + equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; + +} +" +d6ed768540e3fc1d31119da0f41dd7c564564d4d,"public String without2(String str) +{ + if (str.subString(0,1) == str.subString(-1,-2)) + { + newstring = str.subString(2); + return newstring; + } + else + { + return str; + } +} +" +f9a0617f8352149d0b602fbca34e00b1150f1390,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(-1,-2)) + { + newstring = str.substring(2); + return newstring; + } + else + { + return str; + } +} +" +798d1a1f9e80588bb38e2a084d014a47768e6989,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(-1,-2)) + { + String newstring = str.substring(2); + return newstring; + } + else + { + return str; + } +} +" +f7aeafc8ddcf852f636eec6193bee730f2d19e59,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(str.length() - 2, str.length() - 1)) + { + String newstring = str.substring(2); + return newstring; + } + else + { + return str; + } +} +" +d589de9120a3f8b8a270b84659d53036bd9f4f94,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 2, str.length()); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(str.length() - 2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +94242bef204529177f64f0738afd2ee5b91ca36d,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1, str.length()); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(str.length() - 2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +b809b8d465556c2a52062896f6b79fe093879db5,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(str.length() - 2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +fed7216cc53c236e2cfe5fe65c5f692f0cddaa03,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(2, str.length()); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +c24fce080a6e8a7904bfd81b4c688017eebfc374,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = str; + } + else + { + answer = str; + } + return answer; + +} +" +51ffaae62f154acf9db9e28ae5a8e4ecba5c3ad6,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = """"; + } + else + { + answer = str; + } + return answer; + +} +" +598034202adf741cc1fa20a2557f4abaef5b31a1,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else if (beginning == end && (str.length() == 1 || str.length() == 0)) + { + answer = """"; + } + else + { + answer = str; + } + return answer; + +} +" +158388d0d6e6c1559099ffa52e634108f40c7f12,"public String without2(String str) +{ + String part = str.substring(0,2); + return part; +} +" +1395ba53e4d0ffec9889a5570a7055d3dcfcc422,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(-2); + int length = str.length(); + if ( part1 == part2) + { + str = str - part1; + return str; + } + else if (length <= 2 && part1 == part 2) + { + str = ' '; + return str; + } + else + { + return str; + } + +} +" +217d8611029a1bb0818d904d984eb56e74901bea,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(-2); + int length = str.length(); + if ( part1 == part2) + { + str = str - part1; + return str; + } + else if (length <= 2 && part1 == part2) + { + str = ' '; + return str; + } + else + { + return str; + } + +} +" +47a431a1a0d4e54c38dea0838b9b80613ce24913,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(-2); + int length = str.length(); + if ( part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = ' '; + return str; + } + else + { + return str; + } + +} +" +d5ffeb9d22e49ae0266a58620df3f3e67f9d7986,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(-2); + int length = str.length(); + if ( part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = ' '; + return str; + } + else + { + return str; + } + +} +" +ad938cfca9fb3c13a72ba65f42ecf8437143057c,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(-2); + int length = str.length(); + if ( part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +181c11292d3f2b0b1f8cb7378fe513c20e5b734f,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(str.length-2); + int length = str.length(); + if (part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +81d3351881868b64e65f49ebda0495cf5c3d1f3f,"public String without2(String str) +{ + String part1 = str.substring(0,2); + String part2 = str.substring(length-2); + int length = str.length(); + if (part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +76a9a411819d34781e29fb0d67fd48c8141dcaa0,"public String without2(String str) +{ + int length = str.length(); + String part1 = str.substring(0,2); + String part2 = str.substring(length-2); + if (part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +5c5e19f36fb305ff464d52a485221c796e75d4a8,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length) + { + return str.substring(3, str.length()); + } + else + { + return str; + } +} +" +b3d7c4266bce4c2785dd989d27fbb97271d11ede,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length)) + { + return str.substring(3, str.length()); + } + else + { + return str; + } +} +" +2762556570678bf26c91af877d2a8d7b935a4636,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length())) + { + return str.substring(3, str.length()); + } + else + { + return str; + } +} +" +497590191f5b99710337458a5d4b73376471659c,"public String without2(String str) +{ + int length = str.length(); + String part1 = str.substring(0,2); + String part2 = str.substring(length-2); + if (length <= 2 && part1 == part2 ) + { + str = str.substring(2); + return str; + } + else if (part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +b53d812a4ddc6c3e04b2ce3bd6396de810dc82c0,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-1, str.length())) + { + return str.substring(3, str.length()); + } + else + { + return str; + } +} +" +9924c332bfc187c08aa90b752e723e8a9cc13d4e,"public String without2(String str) +{ + int length = str.length(); + String part1 = str.substring(0,2); + String part2 = str.substring(length-2); + if (length <= 2 && part1 == part2 ) + { + str = "" ""; + return str; + } + else if (part1 == part2) + { + str = str.substring(2); + return str; + } + else + { + return str; + } + +} +" +fe80bace27c585183b8e75c77be0bedf5d38122b,"public String without2(String str) +{ + int length = str.length(); + String part1 = str.substring(0,2); + String part2 = str.substring(length-2); + if (part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +d4cc1ef650879ec007c30b65229a6ae0f7751e32,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; + +} +" +9175a452da53be7caea47e0744623f0f2e085db4,"public String without2(String str) +{ + int length = str.length(); + String part1 = str.substring(0,2); + String part2 = str.substring(length-1); + if (part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +34d1b9ed61f100a786a173db7a76bf6eee98ed1b,"public String without2(String str) +{ + int length = str.length(); + String part1 = str.substring(0,2); + String part2 = str.substring(length-2); + if (part1 == part2) + { + str = str.substring(2); + return str; + } + else if (length <= 2 && part1 == part2) + { + str = "" ""; + return str; + } + else + { + return str; + } + +} +" +3d78e3c16faf3b9c2e8c307333c9a9187a680e75,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-1, str.length())) + { + return str.substring(2); + } + else + { + return str; + } +} +" +1c91c5497c005c427f8c8a107953d7941980bacb,"public String without2(String str) +{ + if ((str.length() >= 2) & (str.substring(0, 2) == str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +75393057968c19d05b8ea41276a8de2b142aa8cc,"public String without2(String str) +{ + string name = ""without2"" + string part = name.substring (1); +} +" +cae1aa3fad883fa0ea364bf367c89df0c1791019,"public String without2(String str) +{ + string name = ""without2""; + string part = name.substring (1); +} +" +add0f8f0cfce413362c2cb5994e39157ae116c9d,"public String without2(String str) +{ + if ((str.length() >= 2) & (str.substring(0, 2) == str.substring(str.length()-2))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +056918dda155de295653f1e54348075d5273ab21,"public String without2(String str) +{ + if ((str.length() >= 2) & (str.substring(0, 2)==str.substring(str.length()-2))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +a0527e5799b51fb05703abf7879a7f075b78d275,"public String without2(String str) +{ + if ((str.length() >= 2) & (str.substring(0, 2).equals(str.substring(str.length()-2)))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +3bcc0628dbc70ac30ab2f7ef9db6bfbff27d0f5e,"public String without2(String str) +{ + if ((str.substring(0, 2).equals(str.substring(str.length()-2)))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +ccf3c195fa9cf145a31f8c4b782d7c56ec2ee077,"public String without2(String str) +{ + if (str.length < 2) + { + return str; + } + else + { + if ((str.substring(0, 2).equals(str.substring(str.length()-2)))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } +} +" +45ab138286ae983d934b523e9b1d1f0441f30589,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else + { + if ((str.substring(0, 2).equals(str.substring(str.length()-2)))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } +} +" +3146a0fadd4110dbb1ccdf74e248e4f469a2203c,"public String without2(String str) +{ + int stringLength = str.length(); + if ((stringLength >= 2) && str.substring(0,2).equals(str.substring(stringLength -2, stringLength))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +83b8cfedb56f394be302606d9ea428cd5a502efc,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring((length(str) - 2, length(str)) + { + return ""str.substring(2, length(str) - 2)""; + } + else + { + return ""str"" + } + + +} +" +49dde4dc76c25f61d3de1fab56047c1d0f252d2d,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)) + { + return ""str.substring(2, length(str) - 2)""; + } + else + { + return ""str""; + } + + + +} +" +5822440b6e5f7e1521509baf3d5d3e618e9b30be,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(-2, -1); + if (firstTwo == lastTwo) { + str = str - firstTwo; + } + return str; +} +" +1703e3661c6f211a530d6bf3a4f4000247c9e952,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)) + { + return ""str.substring(2, length(str) - 2)""; + } + else + { + return str; + } +} +" +9a34637f7bb4a9784b8a7cf8f19c4172b8631ded,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)) + { + return str.substring(2, length(str) - 2); + } + else + { + return str; + } +} +" +87dabd7a4a6e4d9bb29f854f13ed62f228151f26,"public String without2(String str) +{ + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(-2, -1); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +fd875caa77c0ab047e9936923115c4c1f02fc203,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(0 ) && str.remove(str.length() - 1); + } + return str; +} +" +2b8e6e65cc89fafe58ac2c2ac6225aab1a78c0eb,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(0) && str.remove(str.length() - 1); + } + return str; +} +" +90a8632d9bc0e45a64de39a8dc47bbbd159e2f3a,"public String without2(String str) +{ + int stringLength = str.length(); + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(stringLength - 2, stringLength - 1); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +777a9a05fc19397a7762e8f35148c4cfc69a23b1,"public String without2(String str) +{ + int stringLength = str.length(); + // if statement to make sure string is >= 2? + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart == lastPart) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +00cf61cc5b93d55165a3cf3e61d4f1b10933d95d,"public String without2(String str) +{ + int stringLength = str.length(); + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(stringLength - 1, stringLength); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +e894e90824462eaea37280b74e0d24c6b7a07028,"public String without2(String str) +{ + int stringLength = str.length(); + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(stringLength - 1, stringLength); + if (firstTwo == lastTwo) { + str = str.substring(2); + return str; + } + else { + return str; + } +} +" +8904a554db0bff8648a231fb4da6089d0b477550,"public String without2(String str) +{ + removeCharAt(String str, 0); + removeCharAt(String str, 0); +} +" +37f0138eb284a1b7aa80179458024ee258e11390,"public String without2(String str) +{ + string large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large) + { + return str.substring(2) + } + else + { + return str; + } + } + else + { + return ; + } +} +" +1d777bb827531975f0de26ec1c38479059c172bf,"public String without2(String str) +{ + removeCharAt(String str, 0) + removeCharAt(String str, 0) +} +" +81839b16844353ba5c7b92408efccffabc51539d,"public String without2(String str) +{ + string large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return ; + } +} +" +52f1bd147eb06314e137e8d6c0c88a4552340656,"public String without2(String str) +{ + int stringLength = str.length(); + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(stringLength - 1, stringLength); + System.out.print(firstTwo); + if (firstTwo == lastTwo) { + str = str.substring(2); + return str; + } + else { + return str; + } +} +" +01985ea150909b5eeb1e09297e00e33b9f4ef777,"public String without2(String str) +{ + String large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return ; + } +} +" +347d32249f8e2202b4c7e99c632f677d136c3a22,"public String without2(String str) +{ + int stringLength = str.length(); + // if statement to make sure string is >= 2? + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart.equals(lastPart)) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } +}" +bef00f1579be9ae7e8abe2b78058aeb57bd013db,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return ; + } +} +" +29414df868995c6d376d954340abe50db9e5b4f0,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(str(0)) && str.remove(str.length() - 1); + } + return str; +} +" +b420e0d00501e85b15f54a24162c0885e75d098f,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str(2); + } +} +" +545b1e1d1f795863be0e24feeb5bc83bf7343854,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(str.substring(0)) && str.remove(str.length() - 1); + } + return str; +} +" +3fd094bcc2e30cca64853d18e6c8bb6739354a22,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str.substring(2); + } +} +" +ee3f25c28c95f0b1d4c36ad289912ba5e7213e12,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(str.substring(0)) && str.remove(str.substring.length() - 1); + } + return str; +} +" +620e6f380def357dbc8de065348604a3b6b609e0,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +7ce9d66a5efb5f78847c12cd0f57bca6671a3704,"public String without2(String str) +{ + if (str.substring(0) == str.substring(str.length() - 1)) + { + return str.remove(str.substring(0)) && str.remove(str.substring(str.length() - 1)); + } + return str; +} +" +c3c644d8c7143326bb7b237e3d6fa962f29d7be2,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) .equals str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +8fe80d7a8eca066958935abcf044639ce9e3025a,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2) == str.substring(large - 2, large)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9c00dbb201a7175115e07fb7fc99a5cac437c6eb,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str))) + { + return str.substring(2, length(str) - 2); + } + else + { + return str; + } +} +" +6ff4de5f422d1f2d93bff98e2c66e1957540edec,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)))) + { + return str.substring(2, length(str) - 2); + } + else + { + return str; + } +} +" +af024fe7e939bb89792cd09d419e537d0e71ead8,"public String without2(String str) +{ + if (str.substring(0) == str.substring(length()-1) + +} +" +58b68d9d94541e8b089437249071fba748438ffc,"public String without2(String str) +{ + if (str.substring(0) == str.substring(length()-1)) + +} +" +d8dec4481b647a23df5e5df7fdee35f3707485a9,"public String without2(String str) +{ + int large = str.length(); + if (large >= 2) + { + if (str.substring(0, 2).equals(str.substring(large - 2, large))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +268af1cfbac625b9df6c8a42930e052c7518d65a,"public String without2(String str) +{ + int stringLength = str.length(); + if (string Length >=2) + { + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart.equals(lastPart)) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } + } + else + { + return str; + } +}" +db868ae7a50fb533b358f50b4cfed61298a5e70c,"public String without2(String str) +{ + return str; +} +" +79d1a9c0acdacfe0785a8f9ddffc70a279a243d4,"public String without2(String str) +{ + System.Out.println(""str"") + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)))) + { + return str.substring(2, length(str) - 2); + } + else + { + return str; + } +} +" +30ef64402b7659d586007bd91dc3a8d9d719c5cb,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength >=2) + { + String firstPart = str.substring(0, 2); + String lastPart = str.substring(stringLength - 2); + if (firstPart.equals(lastPart)) + { + String withoutFirstPart = str.substring(2); + return withoutFirstPart; + } + else + { + return str; + } + } + else + { + return str; + } +}" +8912c59fc2b77a108b9b181ccc2d5bc2a4c042ad,"public String without2(String str) +{ + System.Out.println(""str""); + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)))) + { + return str.substring(2, length(str) - 2); + } + else + { + return str; + } +} +" +d1ff6f6596f93814f84019b53e6afa0601c90b5b,"public String without2(String str) +{ + + if (str.substring(0, 2) == (str.substring(length(str) - 2, length(str)))) + { + return str.substring(2, length(str) - 2); + } + else + { + return str; + } +} +" +012a2d8b17c0fdaca07ed8339e781e34c0bd3156,"public String without2(String str) +{ + String strNew = str.substring(0, 1); + if (str(str.length-2, str.length-1) =) + str.replace(strNew, """"); +} +" +d292b268eeb07adbd0a95559cc56995b412a5765,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2 ))) + return str.substring(2); + + return str; +} +" +284bda145eb5c04934020c27a5670a32934ddb47,"public String without2(String str) +{ + + if (str.substring(0, 2) == (str.substring(str.length() - 2, str.length()))) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } +} +" +1213937d96f0019ee0c05a4a135b8ed2ef999d3d,"public String without2(String str) +{ + subStr = str.substring(1, 2); + len=str.length(); + subStrEnd = str.substring(len-2,len); + if (subStr == subStrEnd) + return str.subString(3,len); + return str; +} +" +9947181c2ccaa016e57ea4cf8247602dd488e96c,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if (str.substring(0, 2) == str.substring(len-2, len)) + return str.substring(2); + else + return str; +} +" +35cd46226778aae0bc355a8b9de704a45a21f527,"public String without2(String str) +{ + String subStr = str.substring(1, 2); + int len=str.length(); + String subStrEnd = str.substring(len-2,len); + if (subStr == subStrEnd) + return str.subString(3,len); + return str; +} +" +5e7b3907d5a47c64817fe0b4d1dae19fcf3868e8,"public String without2(String str) +{ + + if (str.length() <= 2) + { + return """"; + } + if (str.substring(0, 2) == (str.substring(str.length() - 2, str.length()))) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } +} +" +5a556390cc2506afbe5eaa443041cda895a9339b,"public String without2(String str) +{ + if str.length() >= 2 && (str.substring(0 , 2) == str.substring(str.length() - 2))) + { + return str.substring(2); + } + return str; +} +" +472ae3ff71a3003c52650bcb35aeb2fcb0719109,"public String without2(String str) +{ + String subStr = str.substring(1, 2); + int len=str.length(); + String subStrEnd = str.substring(len-2,len); + if (subStr == subStrEnd) + return str.substring(3,len); + return str; +} +" +db80420af9d5ce684d552477bff7e9a0a4043662,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2) == str.substring(len-2, len)) + return str.substring(2); + else + return str; + } +} +" +959753f914cfe0ebe3eaf6c706cd0be216454536,"public String without2(String str) +{ + if str.length() >= 2 && (str.substring(0 , 2) == str.substring(str.length() - 2) + { + return str.substring(2); + } + return str; +} +" +2c126eb6bbb6722183d9f5598865abd3b7064345,"public String without2(String str) +{ + if (str.length() >= 2 && (str.substring(0 , 2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + return str; +} +" +e62198697c81ae6a227d6de3b247593725330f89,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2) == str.substring(len-2, len)) + return str.substring(2); + else + return str; + } + else + return str; +} +" +8cf73fa2d17b6feaca85047870f8ce16edbaad9f,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + for (int i = 2; i < str.length(); i++) + { + return str.substring(); + } + } +} +" +258f58e255001d3e11cb31802aa527e331cf2928,"public String without2(String str) +{ + if (str.length() >= 2 && (str.substring(0 , 2) == str.substring(str.length() - 2))) + { + return str.substring(2); + } + return str; +} +" +bcafc2c3a5d513fd21f5215919f7b8f851ba4055,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str; + } +} +" +272f1487cea095d92ab0e3e7cf06dc217d3e3aed,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2) == str.substring(len-2, len)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + return str; +} +" +93b10eb28c72843618fbf678c3a253810675f7e4,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2) == str.substring(len-2, len)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + return str; +} +" +105b57e5bcca1aa8f6a99655e40b84e1176daa35,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + if (str.substring(0, 2) == (str.substring(str.length() - 2, str.length()))) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } +} +" +a983e94135c79fb2b9ae3e1205f67aac943185b4,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) == (str.substring(str.length() - 2, str.length()))) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } +} +" +9cea021fa3e865df5009fb583a939fa99dab7d04,"public String without2(String str) +{ + if (str.length() >= 2 && (str.substring(0 , 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + return str; +} +" +274d3afe415d5361932449c34f1ba43f85832b18,"public String without2(String str) +{ + if (str.length()>=2 && (str.substring(0,2).equals str.substring(str.length()-2))) + return str.substring(2); + else + return str; + +} +" +07f2f8482909864113419acd59851155de0fbba6,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0 , 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + return str; +} +" +04ad541c672663a3ce058029e05e06a6ef21b271,"public String without2(String str) +{ + String subStr = str.substring(0, 2); + int len=str.length(); + String subStrEnd = str.substring(len-2,len); + if (subStr == subStrEnd) + return str.substring(3,len); + return str; +} +" +fea9334f163cecdae1dff7851d84089f8aa96666,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) == (str.substring(str.length() - 3, str.length()-1))) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } +} +" +9203340164e3aaced76f74f10abec3257e295082,"public String without2(String str) +{ + String subStr = str.substring(0, 2); + int len=str.length(); + String subStrEnd = str.substring(len-2,len); + if (subStr == subStrEnd) + return str.substring(3,len); + if (len<=2) + return """"; + return str; +} +" +790734ac1a9dbf885674fdbc6245d5e1d691f065,"public String without2(String str) +{ + if (str.length()>=2 && (str.substring(0,2).equals (str.substring(str.length()-2))) + return str.substring(2); + else + return str; + +} +" +222e36496c97cb066bca07820866b856430cdef8,"public String without2(String str) +{ + String subStr = str.substring(0, 2); + int len=str.length(); + String subStrEnd = str.substring(len-2,len); + if ((subStr == subStrEnd)&&len>=3) + return str.substring(3,len); + if (len<=2) + return """"; + return str; +} +" +04def985e88bcfdce9d9ab3bb3f18895d24475cd,"public String without2(String str) +{ + if (str.length()>=2 && (str.substring(0,2).equals (str.substring(str.length()-2)))) + return str.substring(2); + else + return str; + +} +" +61f3f301b819b0a9b3582cbfe59eab965b0093c9,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) == (str.substring(str.length() - 3, str.length()-1))) + { + return str.substring(1, str.length() - 2); + } + else + { + return str; + } +} +" +a9bd81d90e13856be3cdd82ca3ca0e0ff5753366,"public String without2(String str) +{ + if (str(0, 2) == str(-3, -1)) + { + return str - str(0, 2); + } + else + { + return str; + } +} +" +18636d2d0ebeac5965a352079ee2fd64c9c5784f,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-3, -1)) + { + return str - str.substring(0, 2); + } + else + { + return str; + } +} +" +5dd1ff84a01b396b383b20be036bbc52453e5888,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-3, -1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +9530137008a9da1565071993a5bec5a25b6d6df7,"public String without2(String str) +{ + String subStr = str.substring(0, 2); + int len=str.length(); + String subStrEnd = str.substring(len-2,len); + if (subStr.compareTo(subStrEnd)!=0) + return str.substring(2); + if (len<=2) + return """"; + return str; +} +" +23af4415010608963fa1efd5754f8f478a5c35db,"public String without2(String str) +{ + if(str.length() < 2) + return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} +" +b1bd6799d8cd6b4e004d2bd7b4ed9b3caed1c330,"public String without2(String str) +{ + if(str.length() < 2) + return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} +" +fc5d96e1ffb9fb6fe501cb5aaac1f35a6bb8f067,"public String without2(String str) +{ + if (str.length() >= 2) + return str; + if (str.substring(0,2).equals.str.substring(str.length() + - 1,str.length()) + return str(2); + else + return str + +} +" +ee22d5fdfc7df9caba79d2d1f15be84334f712fb,"public String without2(String str) +{ + if (str.length() >= 2) + return str; + if (str.substring(0,2).equals.str.substring(str.length() + - 1,str.length())) + return str(2); + else + return str; + +} +" +bcc6c34577159723503db38fa070d7ba1f5c9530,"public String without2(String str) +{ + if (str.length() >= 2) + return str; + if (str.substring(0,2).equals(str.substring(str.length() + - 1,str.length())) + return str(2); + else + return str; + +} +" +b916a33a2c8bd807ea91bb71d0c5c0174fb29238,"public String without2(String str) +{ + if (str.length() >= 2) + return str; + if (str.substring(0,2).equals(str.substring(str.length() + - 1,str.length()))) + return str(2); + else + return str; + +} +" +01a40b9ab888b017bf246169d10759f0ed0034e1,"public String without2(String str) +{ + if (str.length() >= 2) + return str; + if (str.substring(0,2).equals(str.substring(str.length() + - 1,str.length()))) + return str.substring(2); + else + return str; + +} +" +a01debd8907d864268808b2b1fc9251b4bec56bd,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(); + } +} +" +09692a3c91e56d153933ada92e7be897dfe3bf85,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(); + } + } +} +" +a599b72d399708a7a7aa96f77cb8bd0ba1fa5b1c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + else { + return str: + } +} +" +f028c371aebeb0b7537152515dfade1c28d8e56f,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +c850686c118f48b322ac58e2ff650e4f4d0f9648,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else + { + if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } + } +} +" +a73d5c377134406aacabbd907a62dbfb7caeca47,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str - 2) + if (part == part 2){ + return + } +} +" +62930e89f156ab3cd84569d9f6f3f8cc0e3d70ef,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +db54c7fa950319d18cfb089db9c93a1551d3ff2a,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +} +" +6ba07b32c66d2175b47f38e38f4997b60b8fd96e,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() < 2) + { + answer = """"; + } + else if (beginning == end) + { + answer = str.substring(1); + } + else + { + answer = str; + } + + +} +" +af42f1bf64aa2ea3ae706ce25029173f6748b545,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() < 2) + { + answer = """"; + } + else if (beginning == end) + { + answer = str.substring(1); + } + else + { + answer = str; + } + return answer; + +} +" +69f8e66d433810e0351a4603b6c5f1e9c7f86308,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() < 2) + { + answer = """"; + } + else if (beginning == end) + { + answer = str.substring(1); + } + else + { + answer = str; + } + return answer; + +} +" +f09c63f7e2a7ea4e4313a796f420e6461796daf4,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning == end && str.length() < 2) + { + answer = null; + } + else if (beginning == end) + { + answer = str.substring(1); + } + else + { + answer = str; + } + return answer; + +} +" +6a1f5ce1aa36e3145e6055d056015d1544c5b8a1,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning != end) + { + answer = str; + } + else if (beginning = end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +a46bf2c85611b6297da8eb72b8aed0261fab5b2e,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(str.length() - 1); + String answer = null; + + if (beginning != end) + { + answer = str; + } + else if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +d3e1e32b2f3842ca033ac580e6dbd96eab538f4b,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(str.length() - 1); + String answer = """"; + + if (beginning != end) + { + answer = str; + } + else if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +3a953e0b75c8fc835c6c82305feda48883407e35,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length-2)) + { + return (str.substring(2, str.length-2) + str.substring(str.length- 2); + } + else + return str; +} +" +390410a3dedf64b333641ac9bb8be0a7aa2299a6,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length-2)) + { + return (str.substring(2, str.length-2) + str.substring(str.length- 2)); + } + else + return str; +} +" +e81b6db305c6410cdd3b4aad1444aafab8400872,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length()-2) + str.substring(str.length()-2)); + } + else + return str; +} +" +104d656a5b27a598ab1c2d420f94d3db3a8324c1,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 1); + String answer = """"; + + if (beginning != end) + { + answer = str; + } + else if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +4f9127df2a33df3b580fc687a4da4a4e152f72f9,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 2); + String answer = """"; + + if (beginning != end) + { + answer = str; + } + else if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +aa322d091bb3e20d333ee6200e50e09ab8c6fc2d,"public String without2(String str) +{ + if (str.length() <= 2) + { + return str; + } + else + { + if (str.substring(2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length()-2) + str.substring(str.length()-2)); + } + else + return str; + } +} +" +be9ddee017ce583b6bd338534dfdbebc5eac3e2a,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 2); + String answer = """"; + + if (str.substring(0,1) != str.substring(str.length() - 1)) + { + answer = str; + } + else if (str.substring(0,1) == str.substring(str.length() - 1) && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +dffd54c0aa66ebafc81d4f8db8a2942cc43062de,"public String without2(String str) +{ + if (str.length() <= 2) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length()-2) + str.substring(str.length()-2)); + } + else + return str; + } +} +" +d92b24a6cc88f933c75e1161aba527a297377302,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 2); + String answer = """"; + + if (beginning != end) + { + answer = str; + } + else if (beginning == end ) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +287a73f711be5f1873409f22f3da488def69ef81,"public String without2(String str) +{ + if (str.length() <= 2) + { + return str; + } + else + { + if (str.substring(0, 3) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length()-2) + str.substring(str.length()-2)); + } + else + return str; + } +} +" +c94e22fdec2375ef9ab0c55eec8ce37103a72b53,"public String without2(String str) +{ + if (str.length() <= 2) + { + return str; + } + else + { + if (str.substring(0, 3) == str.substring(str.length()-2)) + { + return (str.substring(3, str.length()-2) + str.substring(str.length()-2)); + } + else + return str; + } +} +" +4d9f2b92a2a6c60ac5074993dd3c7dd9e0537c05,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 2); + String answer = """"; + + if (str.length == 1 && beginning == end) + { + answer = """"; + } + + if (beginning != end) + { + answer = str; + } + else if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +f83235d3905c4013f241174e79ed0441c35fd1f7,"public String without2(String str) +{ + if (str.length() <= 2) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + return str; + } +} +" +6c77ec218815fc6a9d491431b14a1bfc1f36ca41,"public String without2(String str) +{ + String beginning = str.substring(0,1); + String end = str.substring(str.length() - 2); + String answer = """"; + + if (str.length() == 1 && beginning == end) + { + answer = """"; + } + + if (beginning != end) + { + answer = str; + } + else if (beginning == end && str.length() > 1) + { + answer = str.substring(2); + } + else + { + answer = """"; + } + return answer; +} +" +5568d03a983ba3a520f511ab48f9c0805268c282,"public String without2(String str) +{ + if (str.length() <= 2) + { + return str; + } + else + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return str; + } + } +} +" +d38d01c5080605f7306ec731cd2e8cf84ee16221,"public String without2(String str) +{ + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(length() - 2, length() - 1); + if (firstTwo == lastTwo) { + str = str.replace(firstTwo, """"); + } + return str; +} +" +802c4792e73b898af5a4a158396a6fc1b3db046a,"public String without2(String str) +{ + String firstTwo = str.substring(0, 1); + String lastTwo = str.substring(str.length() - 2, str.length() - 1); + if (firstTwo == lastTwo) { + str = str.replace(firstTwo, """"); + } + return str; +} +" +07ee523e946c6c7132c2dc4894c1fca81a339fd7,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length())); + } + } + else + { + return str; + } + +} +" +3aebcbd1eec732f42e1e8048d3795bcaab3a81f4,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length())); + } + else + return str + } + else + { + return str; + } + +} +" +d87d107300be1a746d76d9bbb2b67f6dd661c086,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length())); + } + else + return str; + } + else + { + return str; + } + +} +" +f4387a45cc93083bdcb8b24d3cda1518bc318216,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length())); + } + else + { + return """"; + } + } + else + { + return str; + } + +} +" +9a50b15460f025c66e000ae1757f51a38a176eb4,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2, str.length())); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +a3f144030c083fce74bea523b441f2131f66fb04,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + String shorts = (str.substring(2)); + return (shorts); + } + else + { + return(str); + } + } + else + { + return(str); + } +} +" +67a2b2ed2dee881f1b40af2b9478d2d25a921f3f,"public String without2(String str) +{ + int n = str.length(); + string twoLetter = str.substring(0, 1); + string lastLetter = str.substring (-2, -1); + if (twoLetter = lastLetter) + { + remove twoLetter; + } + +} +" +d6596ec7d454fd55f7ef1cee0bdb2e1fb2f417e1,"public String without2(String str) +{ + int n = str.length(); + String twoLetter = str.substring(0, 1); + String lastLetter = str.substring (-2, -1); + if (twoLetter = lastLetter) + { + remove twoLetter; + } + +} +" +f1ccc08682d02975c037189cadd5a686f344e092,"public String without2(String str) +{ int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } + +} +" +fd9cdde669e2fadac51fffc2775b1a2fe492b4fc,"public String without2(String str) +{ int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } +} +" +c10b25a5366a3fd4f2e20900bca4ce7a8db89e44,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } +} +" +e0b0a4e1d0e657fb9b0fa3a22a5d9cd990789b1d,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } +} +" +1bf867f05c6772e3940cb282078fd37cdcbd67c5,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 1) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } +} +" +564aa72a0048eaad1c62cee88a129da4bc1f47b1,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 1) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } + else if (n = 2) + { + return """"; + } + else + { + return (str.substring(0); + } +} +" +dc83d14f132ac98c100628c9f9942c29d2afb1f4,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 1) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } + else if (n = 2) + { + return """"; + } + else + { + return (str.substring(0)); + } +} +" +04435dc2378381a9ab143d0f6842797678137765,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 1) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } + else if (n == 2) + { + return """"; + } + else + { + return (str.substring(0)); + } +} +" +abc3f61f7609b853310e996238d4415796de25b7,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, -1)) + { + return str.substring (2, -1); + } + else if (n == 2) + { + return """"; + } + else + { + return (str.substring(0)); + } +} +" +4184a5f7703ef4f3f00735bed4a304e9be267dcd,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (2, -1); + } + else if (n == 2) + { + return """"; + } + else + { + return (str.substring(0)); + } +} +" +ff47a46dd73a56dbcc7e7a4382c1046940f0eadc,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1 && str.charAt(1) == str.charAt(str.length()-2) + return ""xd""; + else + return str; +} +" +b46dcab42914b77f379c78b640de46745311754e,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1) && str.charAt(1) == str.charAt(str.length()-2)) + return ""xd""; + else + return str; +} +" +96a483c6286b030fdfd382e1cc9a5f78aa72fd94,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (3, n); + } + else if (n == 2) + { + return """"; + } + else + { + return (str.substring(0)); + } +} +" +6debf08bbb2a356a097f3490c917914dd7cd2ef9,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (3, n); + } + else if (n == 2) + { + return """"; + } + else + { + return (str); + } +} +" +e9a757efa105767fbbb78ab2cbd605975f7b8d10,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1) && str.charAt(1) == str.charAt(str.length()-2)) + return str.substring(2, str.length()-2); + else + return str; +} +" +61b41b7c324edcf87577bf60d175b3fa3ef2cd7d,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (3, n); + } + else if (n <= 2) + { + return """"; + } + else + { + return (str); + } +} +" +295fa821f6a0b8dcf55cd218200fcf49353d1d25,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1) && str.charAt(1) == str.charAt(str.length()-2)) + return str.substring(2); + else + return str; +} +" +7b72dd71a318bca44430b5f4dbaa93330b69d362,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (3, n); + } + else if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } +} +" +884cc738b2126d61924c86986ec22cfda97ddeea,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1) && str.charAt(1) == str.charAt(str.length())) + return str.substring(2); + else + return str; +} +" +e379355c9ca13a322ed9b70819d43c247f7de833,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-2) && str.charAt(1) == str.charAt(str.length()-1)) + return str.substring(2); + else + return str; +} +" +f90a6174afd1e05571e59e985f9428b7d65f8f7e,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (3, n); + } + else if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else + { + return str; + } +} +" +e76ac3ad4394b0e37b3092c5d32d6dcb43b256d5,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (3, n); + } + else if (n <= 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else + { + return str; + } +} +" +92e600cf8e04df8f988831eae4c19c95b0f080a9,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2) == str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } +} +" +f8b81664d9c466f4e1eed98f8c939650f6a4f3ef,"public String without2(String str) +{ + if (str.length() < 2) + return str; + else if (str.charAt(0) == str.charAt(str.length()-2) && str.charAt(1) == str.charAt(str.length()-1)) + return str.substring(2); + else + return str; +} +" +418ceebe3b6673017881e22eed19ed28eef4b664,"public String without2(String str) +{ + int n = str.length(); + if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (2, n); + } + else if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else + { + return str; + } +} +" +29eb2500c9779e27204ba67a4a031bec0c6fb694,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2) != str.substring(n-2,n)) + { + return str; + } + else + { + return str.substring(2,n); + } +} +" +2abf19d1d7282b0e3552d2c5ee88e76919572044,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 2) == str.substring(n -2, n)) + { + return str.substring (2, n); + } + else + { + return str; + } +} +" +4b48eeceb45ba533f23934f2a52c3b5e3a026a64,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 2) == str.substring(n, n-2)) + { + return str.substring (2, n); + } + else + { + return str; + } +} +" +5c68dc5552b93b46a61bfe85db4157ef2c8c9edd,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 2) == str.substring(n-2 , n)) + { + return str.substring (2, n); + } + else + { + return str; + } +} +" +944de9e6a17ddc55d6d17af97dd890949fb63367,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str - 2) + if (part == part 2){ + return + } +} +" +a24eb84b2b0d01e5871f9839cc8df66abb85c26b,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + if (str.substring(0, 2).equals(str.substring(length-2, length))) + return str.substring(2); + else + return str; + else + return str; +} +" +df5c5fb7c989f8c6d9fbaf8a460a829cf9e068d4,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else +return str; +} +" +a0479bf73be111ba3792e746f34753fdbce873c0,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str - 2)l; + if (part.equals(part2)){ + return string.substring(2) + } +} +" +c8a55c97c40c233e4836cf21e861fd3c72063f49,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str - 2)l; + if (part.equals(part2)){ + return string.substring(2); + } +} +" +067013e85c2587064325fa7710edeb7c50fee29a,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str - 2); + if (part.equals(part2)){ + return string.substring(2); + } +} +" +b6eddf88c4ed3d503087b9de7a79541b979bc99b,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length - 2); + if (part.equals(part2)){ + return string.substring(2); + } +} +" +44818bdba7ae7b36deed7d2a5fd1369ca316e19d,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2)){ + return string.substring(2); + } +} +" +57b50be8090cf5d7f431dfe2ba91b486fed9a152,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2)){ + return str.substring(2); + } +} +" +855f43fc7be0cad5bc35aeaeac702a4b28b8a17f,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2)){ + return str.substring(2); + } + return str; +} +" +0dbebc9762cca42584c2819132ebc5420732eba9,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2)){ + return str.substring(2); + } + if (str.length() < 2){ + return false; + } + return str; + + + +} +" +c4757e02fd9138acb2331935fde06d44c641414b,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2)){ + return str.substring(2); + } + if (str.length() < 2){ + return 0; + } + return str; + + + +} +" +525700422bc2e1fe71e741ee1f4226381c52b547,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2)){ + return str.substring(2); + } + + return str; + + + +} +" +a8efb40d856db4cf31bf2861fe122081f7f043a1,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() > 2){ + return str.substring(2); + } + + return str; + + + +} +" +f8e9076f5aa4d8231894efbf258629dc3dec44de,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + + return str; + + + +} +" +d39ad96a6577a791f5cc12ecc4da7e8f31eeb25b,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } +else { + return str; + } + + +} +" +768bb4c62dbf963feacae5d05036885dc7357d94,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } +else { + return x; + } + + +} +" +28402a6bd796572c369056f6a6835d2b5229bfee,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } +else { + return ""x""; + } + + +} +" +0dbb62e92956742f8dfa38e8bf34b293aba796b2,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } +else { + return str; + } + + +} +" +222cca3bbea063bcea63c28e72eca7e657144a2c,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (str.length() < 2){ + return str; + } + else if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + return str; +} +" +950e5d3a76f61ca8fd33840d5a51c95aba3e038e,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (str.length() < 2){ + return String index out of range: 2; + } + else if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + return str; +} +" +9c56fb6305cbc408942d93f1cf8ec437881b2076,"public String without2(String str) +{ + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (str.length() < 2){ + return ""String index out of range: 2""; + } + else if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + return str; +} +" +f12a47413e6ffc3d24a93d1f39ce54c3bf4b45ef,"public String without2(String str) +{ + int number = str.length(); + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + if (number <= 2) + { + String empty = """"; + return empty; + } + else if (end == beginning) + { + String middle = str.substring(2); + return middle; + } + else + { + return str; + } +} +" +ed3a9e5ba53b22b86440624e6df29571b45c649d,"public String without2(String str) +{ + if (str.substring(1) == str.substring(length - 2, length)) + { + return str - str.substring(1); + } + else + { + return str; + } +} +" +aa1cbc528acd220285f0c33a29fdb1145de7b9ab,"public String without2(String str) +{ + if (str.substring(1) == str.substring(3,4)) + { + return str - str.substring(1); + } + else + { + return str; + } +} +" +e9170b65d6d7bc85e81d0f9f74eb21d4cb0179bb,"public String without2(String str) +{ + firstTwo = str.substring(0, 2); + lastTwo = str.substring(str.length()-3, str.length()-1); + if (firstTwo == lastTwo) + { + str.substring(3); + } + else + { + return str; + } + +} +" +e93e6601e42afaa9e142ff9e5c3e695a782e82a2,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3, str.length()-1); + if (firstTwo == lastTwo) + { + str.substring(3); + } + else + { + return str; + } + +} +" +d1c69c456b123bbacea066434953fe1aead7e31a,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3, str.length()-1); + if (firstTwo == lastTwo) + { + return str.substring(3); + } + else + { + return str; + } + + +} +" +a2a8192d3e1c91523e03bf35724f83db0341ce77,"public String without2(String str) +{ + int number = str.length(); + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + if (end == beginning) + { + return str.substring(2); + } + else + { + return str; + } + } + if (number == 0) + { + String empty = """"; + return empty; + } + if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + if (number == 2) + { + return str; + } +} +" +d7902d680426cd401a59620111d63bffd7ed0cc1,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + if (end == beginning) + { + return str.substring(2); + } + else + { + return str; + } + } + if (number == 0) + { + String empty = """"; + return empty; + } + if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + if (number == 2) + { + return str; + } +} +" +98d9a8194dbc20c147293014593532214cd465c0,"public String without2(String str) +{ + if (str.length >= 2) + { + return str.substring(2); + } + return str; +} +" +05b95ce15404c5fc04fb5760c311d4420725a916,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2); + } + return str; +} +" +c8194e2e72e4ec529a82a7c7e1d21c67d4c863eb,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(0); + } + return str; +} +" +1b5c3c581d6c7a646a0ff82471f23aff2e4efc1c,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + return str; +} +" +8b8cb3ba859bda7a71320939ffbeda80fd41435d,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +a36345fb0f6b2d7926e6d6aca07201610d2f9583,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + return str.substring(0,2); + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +47c362c1bf3a2047889078563feaf6be1280b5f4,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + return str.substring(length - 2, length); + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +6e8c7a827743a2c58d94aea86f77383659ea7e20,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +b6d75bdf7f1341f2da9e8e569a38ce34b2fc8b90,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(2).equals(str.substring(str.length()-2, str.length()) + { + return str.substring(2); + } + } + return str; +} +" +0f52dcb8e4d15ca9979b3897652cc7a1797069f1,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + } + return str; +} +" +b6d8ea24f327733f6ea4928434f9a002a619cb2e,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + return str; + } + return str; +} +" +6a172fdfa9f6c75f14ff7dde8a528da93f46c2fc,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + if (end == beginning) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (number == 0) + { + String empty = """"; + return empty; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + return str; + } +} +" +d084b75cca29d01e9ab6c576a6c46b4826e77389,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } + return str; +} +" +3eb879c9570f9270d77ef5c46ec0ee4dc65541e4,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } + return str; +} +" +d90eefb4de2172d07438dc0add128f03f88f2a54,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } + return str; +} +" +3f2d4e023bc9d125751f6fd3efc84e991cb64056,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + String midle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String empty = """"; + return empty; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + return str; + } +} +" +7829033ada95698c3d870d2bc40da7c6e647d35c,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-3, number-1); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String empty = """"; + return empty; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + return str; + } +} +" +f5574e32717fcef9f96ba7816428d4634db3787a,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-2, number-1); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String empty = """"; + return empty; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + return str; + } +} +" +bd2dbc19ca7fccaed555332bd2d786cedc402fe2,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 1); + String end = str.substring(number-2, number-1); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String empty = """"; + return empty; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + return str; + } +} +" +3a9350c7be39fdde91f58e10fb02b109fda625e4,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + + if (start == end) + { + return str.substring(1); + } + else + { + return str; + } + +} +" +bac32a17aefb296c37cad963c15cc8d807e3982b,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-2); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String empty = """"; + return empty; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + return str; + } +} +" +4d828ce02db3a73ae3ed9dc5a6b6282bbd271592,"public String without2(String str) +{ + if (str.length() >= 2) + { + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + + if (start == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +27404805634ce761bcab996322b24896fb002245,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-2); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String noStr = ""@@""; + return noStr; + } + else if (number == 1) + { + String smallStr = str + ""@""; + return smallStr; + } + else + { + String empty = """"; + return empty; + } +} +" +9ac5a43cbcc905b3f12dcc92d0c5a258e4c4f185,"public String without2(String str) +{ + if (str.length() >= 2) + { + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + + if (start == end) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +49a48697716d11b6958b4afa5c27f18c9a0f5e86,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-2); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String noStr = """"; + return noStr; + } + else if (number == 1) + { + String smallStr = str; + return smallStr; + } + else + { + String empty = """"; + return empty; + } +} +" +41dcc3f26d114ec5b6333e55de88faed8edb6af2,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 1); + String end = str.substring(number-2); + String middle = str.substring(2); + if (end == beginning) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String noStr = """"; + return noStr; + } + else if (number == 1) + { + String smallStr = str; + return smallStr; + } + else + { + String empty = """"; + return empty; + } +} +" +4992a4b94a72c6ec1c4336c08e2f786ac9485fb1,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-2); + String middle = str.substring(2); + if (beginning == end) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String noStr = """"; + return noStr; + } + else if (number == 1) + { + String smallStr = str; + return smallStr; + } + else + { + String empty = """"; + return empty; + } +} +" +5e17b14dbd581151a04ecd27b4502f99720bd744,"public String without2(String str) +{ + if (str.length() >= 2) + { + String start = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (start.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +96512e2b9b1cc00fd4ed88072d116bb9a0bfe5c4,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2); + if (firstTwo == lastTwo) { + str = str.replace(firstTwo, """"); + } + return str; +} +" +ca38a5313de6ab4283e57ee97baa9fd0469e29b8,"public String without2(String str) +{ + String begin = str.substring(1); + String end = str.substring(str.length()-3,str.length()-1); + if( begin == end){ + String final = str.substring(1,str.length()-3); + return final; + }else{ + return str; + } +} +" +88e8c2fc6115bc655884f44bade2135b057d60a5,"public String without2(String str) +{ + int number = str.length(); + if (number > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(number-2); + String middle = str.substring(2); + if (str.charAt(0) == str.charAt(number-2) && + str.charAt(1) == str.charAt(number-1)) + { + return middle; + } + else + { + return str; + } + } + else if (number == 0) + { + String noStr = """"; + return noStr; + } + else if (number == 1) + { + String smallStr = str; + return smallStr; + } + else + { + String empty = """"; + return empty; + } +} +" +af35170b439310b2a85704415192bbc1f6d344c1,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2, 0); + if (firstTwo == lastTwo) { + str = str.replace(firstTwo, """"); + } + return str; +} +" +0afb4c3ede0cbfcbf0a99d112c30aef5d4f88556,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2); + if (firstTwo == lastTwo) { + str = str.replace(firstTwo, """"); + } + return str; +} +" +c9bb62c70ce7039112d11a89e5726db76c603b81,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2); + if (firstTwo == lastTwo) { + str = str.replace(str.substring(0, 2), """"); + } + return str; +} +" +370414c6fd8cea016cfd1bcd6002da861299f24b,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +6c16199344911c6083b0280eb52ffe9b362b4033,"public String without2(String str) +{ + String begin = str.substring(1); + String end = str.substring(str.length()-3,str.length()-1); + if( begin.equals(end)){ + String final = str.substring(1,str.length()-3); + return final; + }else{ + return str; + } +} +" +cee895df4ba4330ab45c64af08ecebc681160d93,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(6); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +3c0ad73daa6b9fd4a4be3fe60329d740380dedd5,"public String without2(String str) +{ + String begin = str.substring(1); + String end = str.substring(str.length()-3,str.length()-1); + if( begin.equals(end)){ + String fin = str.substring(1,str.length()-3); + return fin; + }else{ + return str; + } +} +" +055fcf22d26511f04213e137ea5037fba7e737cc,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(6); + if (firstTwo == lastTwo) { + str = str.substring(2); + return str; + } +} +" +605a08195530fc4f4d1299c96242407e69160ac9,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(6); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +1e09fb08e89a82a0b2c711b9d3f79d20062a8cdb,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +114a16cbbc18ae2eb3279c079f78c94eb23c6698,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(5); + if (firstTwo == lastTwo) { + str = str.substring(2); + } + return str; +} +" +fb5104106eb95b0d45e9c4cbc8cfb2f0bbda080c,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length() - 2); + if (firstTwo == lastTwo) { + str = str.substring(2, str.length()); + } + return str; +} +" +2f13efc8932edbeb31324df288279e3b73cc1880,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + + str.length(); +} +" +1143a92de31048bbc7b743d14fca7e7c9e7c570a,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + String a; + for (i = 0; i < str.length() - 2; i++) + { + a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return str; + } +} +" +a167ccc4ae006ece43a9604318299a8506a26a5f,"public String without2(String str) +{ + String begin = str.substring(0,2); + String end = str.substring(str.length()-2,str.length()); + if( begin.equals(end)){ + String fin = str.substring(2,str.length()); + return fin; + }else{ + return str; + } +} +" +d05ed443c517ac112c415c40da40c8752bedf935,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + String a; + for (int i = 0; i < str.length() - 2; i++) + { + a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return str; + } +} +" +c9724468cab4d1c3f91bed2786a4bb703613f731,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + for (int i = 0; i < str.length() - 2; i++) + { + str.charAt(i) = str.charAt(i + 2); + } + return str; + } + else + { + return str; + } +} +" +6fbaf14fbfced544eca1efe6c063f35674a06b18,"public String without2(String str) +{ + if( str.length() >= 2){ + String begin = str.substring(0,2); + String end = str.substring(str.length()-2,str.length()); + if( begin.equals(end)){ + String fin = str.substring(2,str.length()); + return fin; + }else{ + return str; + }} + else{ + return str; + } +} +" +e8cdc6071c33c6545a8f52a3a734471a793006e6,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + String a; + for (int i = 0; i < str.length() - 2; i++) + { + a.charAt(i) == str.charAt(i + 2); + } + return a; + } + else + { + return str; + } +} +" +f22a39726745abe96cc61e7ca5d9c88af17cb1f2,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + String a; + for (int i = 0; i < str.length() - 2; i++) + { + a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return str; + } +} +" +dbd5a5d5e8c1c4e431213da9f32098174ca3dd42,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + for (int i = 0; i < str.length() - 2; i++) + { + String a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return str; + } +} +" +051fe23db4e38fd5c632c1fb9f0d1beb73d2fa87,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } +} +" +c5c37041370813057d96722de127b50d422d9e9e,"public String without2(String str) +{ + int n = str.getlength() + +} +" +c54b56f442f16bc95c20df3bf75cb64d81b9584b,"public String without2(String str) +{ + int n = str.getlength(); + + +} +" +affb7a7336bee2740dbe2094884d92bff295e7ac,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-3)) + { + return str.substring(2); + } + else { + return str; + } +} +" +2f2c9fbe16ecdf638351262c260da762297877d7,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else { + return str; + } +} +" +21a630299fd80bec0a564b9c90c85411b094f168,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } +} +" +b52eed59a5c174c246f347b69df564d53b686da5,"public String without2(String str) +{ + int n = str.length(); + if (substring(2) = substring(n-2, n)) + return substring(2, n); + + else + return str; + + + + +} +" +13e42e83b9c309e2d379bc6768dbdd9f7f1423fc,"public String without2(String str) +{ + //if (str.substring(0, 1) == str.substring(str.length()-2)) + //{ + return str.substring(2); + //} + //else { + // return str; + //} +} +" +93b14bbb63fd3f043b5a1039af84529bb9c3ad1d,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2,len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +0ec56203c422a4f76e9185154b74c1e35d8fe313,"public String without2(String str) +{ + int n = str.length(); + if (substring(0, 2) = substring(n-2)) + return substring(2); + + else + return str; + + + + +} +" +24b8e23a35a3c3a86271f23e271320ae8174629b,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) = str.substring(n-2)) + return str.substring(2); + + else + return str; + + + + +} +" +f8e585463b3fdf05313b47f3978f8daf13398892,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) = str.substring(n-2)) + return str.substring(2); + + else + return str; + + + + +} +" +86c06a57f66529a8e3d7d5697458fe31f43c8c32,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2) + if (a = b) + return str.substring(2); + + else + return str; + + + + +} +" +0b267e2203b5b2cbd174286504ca6f821030ef37,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a = b) + return str.substring(2); + + else + return str; + + + + +} +" +63baf7ba8870881fb6a6d1b37d5967d935690ce5,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a = b) + inturn str.substring(2); + + else + inturn str; + + + + +} +" +d0fa0ec142053064efb9db0dad08268925c13efb,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + for (int i = 0; i < str.length() - 2; i++) + { + String a.charAt(i) = str.charAt(i + 2);; + } + return a; + } + else + { + return str; + } +} +" +2e366c6071c81e36d2d1a18a40444c4535f35533,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a = b) + system.out.println(str.substring(2)); + + else + system.out.println(str); + + + + +} +" +1632700c1f7c505368f25d199f6b4fece7d2c428,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a == b) + system.out.println(str.substring(2)); + + else + system.out.println(str); + + + + +} +" +7f83cb35f7b46faa66d32b889ef4540af1598d06,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a == b) + return str.substring(2); + + else + return str; + + + + +} +" +e287edb9cbdb67b0f52e54c0d7b5415ca881896b,"public String without2(String str) +{ + String a; + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + for (int i = 0; i < str.length() - 2; i++) + { + a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return str; + } +} +" +a6bb7d4a9196ccb823fb1048034f967181dc2949,"public String without2(String str) +{ + String part2 = str.substring(str.length() - 2); + if (str.length() < 2){ + return str; + } + else if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + return str; +} +" +6e7f53e13df831f4c5291de9647206f3e3750ff0,"public String without2(String str) +{ if (str.length() < 2){ + return str; + + + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); +} + else if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + return str; +} +" +dd172c148f2be2c95f900941194ae74623bce0e4,"public String without2(String str) +{ if (str.length() < 2){ + return str; +} + String part = str.substring(0 , 2); + String part2 = str.substring(str.length() - 2); + if (part.equals(part2) && str.length() >= 2){ + return str.substring(2); + } + return str; +} +" +4e42a127db36ee0cfc72b000a73d19c05e17491d,"public String without2(String str) +{ + String a; + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + if (str.length() > 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return null; + } + } + else + { + return str; + } +} +" +93e3927766bd5ad5900ece4df7501447e018c1da,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + if (str.length() > 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + String a.charAt(i) = str.charAt(i + 2); + } + return a; + } + else + { + return null; + } + } + else + { + return str; + } +} +" +463fc44451cceb5c4b7b4d1b713da07857b63334,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + if (str.length() > 2) + { + str = str.substring(2, str.length()); + } + else + { + return null; + } + } + else + { + return str; + } +} +" +fdfce6a41ff19468f596c09b7f62492d6cfa7e21,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + if (str.length() > 2) + { + str = str.substring(2, str.length()); + return str; + } + else + { + return null; + } + } + else + { + return str; + } +} +" +c2ce044c061b795d90e76669058bc667c9b2a26c,"public String without2(String str) +{ + if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.substring(2, str.length()); + return str; + } + else + { + return str; + } +} +" +f3e2f401d48a020c373156b3396fc736355895e5,"public String without2(String str) +{ + if (((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) && str.length() > 1) + { + str = str.substring(2, str.length()); + return str; + } + else + { + return str; + } +} +" +b48e8c646ae38271a6c7c2d73a76c71d571c1a4a,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if ((str.charAt(0) == str.charAt(str.length() - 2)) && (str.charAt(1) == str.charAt(str.length() - 1))) + { + str = str.substring(2, str.length()); + return str; + } + else + { + return str; + } +} +" +cbcd65c9f1aa11bd63eb735e8322c9aa614fc431,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 1) == str.substring(n-2 , n)) + { + return str.substring (2, n); + } + else + { + return str; + } +} +" +6b82263528350a8149b164f7b19185c7bc1fa79c,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 1) == str.substring(n-1 , n)) + { + return str.substring (2, n); + } + else + { + return str; + } +} +" +4c0a5a3ab4988439590b861446df310186a1d673,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 1) == str.substring(n-1 , n)) + { + return str.substring (2); + } + else + { + return str; + } +} +" +b1ad2449ae4a4fa4b92836be9afea6380fd8d88c,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (substring (0, 1) == str.substring(n-1 , n)) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +576d6a0c5f48cf3a0f77887b5dd24efb9990c16c,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring (0, 1) == str.substring(n-1 , n)) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +fd97f40f72db16705f0703805e2a5e719345ed15,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3, str.length()-1); + if (firstTwo == lastTwo) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +121570e49e423bc2a11b6b077c1523ab350e0f47,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3, str.length()-1); + if (firstTwo .= lastTwo) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +8a0af959526e8f84523fd3e2bf4d5478d14685e3,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3, str.length()-1); + if (firstTwo == lastTwo) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +2845dd4eaaea02f99fcd47b056f3738cde3f7d78,"public String without2(String str) +{ + String firstTwo = str.substring(0, 2); + String lastTwo = str.substring(str.length()-3, str.length()-1); + if (str.length() >= 2) + if (firstTwo == lastTwo) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +0d769c1499170e4a4312cc76266dd55f63ad7975,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +c352223ac71866fe47685556830fae9022e6de0a,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; +} +" +ffaf11fd1c1edc76e5787f286bc346886c9fd254,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; +} +} +" +953f84ddb569c3ecab153c8d0d1685c61b0b3c1b,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +1be7de6299c21cc46e6ae4eaee68c05d4d50563c,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length - 2, str.length)) + { + return str.substring(1); + } + else + { + return str; + } +} +" +cfd19d0fa9b71f9238fb38c848fc09fafb977be3,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(3, 4)) + { + return str.substring(1); + } + else + { + return str; + } +} +" +9214b3effbba13546bb623cbbe077216913c4e77,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 1) == str.substring(length - 1, length)) + { + return str.substring(1); + } + else + { + return str; + } +} +" +dc65450e12cd41535d1a21db1fb1eda9b9edb0a1,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 1) == str.substring(length - 2, length)) + { + return str.substring(1); + } + else + { + return str; + } +} +" +72d82f564cdf07779a94ffa9b02b19c1bbbfcf0c,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 1) == str.substring((length - 2), length)) + { + return str.substring(1); + } + else + { + return str; + } +} +" +b8abab29837c6b45aa6270e9209964a318e08c00,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 1) == str.substring((length - 2), length)) + { + return str.substring(1, length); + } + else + { + return str; + } +} +" +7d6f93eadaaa2a0920255fb0d9f60007966ddea1,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 2) == str.substring((length - 2), length)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +4dd8a07caef9ac096d6c0b891e2036b7efa3441f,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 2) == str.substring((length - 2), length + 1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d75b7a6f719dafc973a51cd9da0e29cc7e96e94f,"public String without2(String str) +{ + int length = str.length(); + + if (str.substring(0, 2) == str.substring((length - 2), length)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +c178cb54fe679daa239942cf74530723baadb0e5,"public String without2(String str) +{ + String part = str.substring(2); + return part; + //if (str.substring(2) == +} +" +151f11a41d694b3f9f961140b866df31e3f81c32,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length(), str.length() - 1); + if (beginning = end) + return (str.substring(2)); + return str; +} +" +67eff0f745af0cb8ca1ab2d86d6544ef12604a29,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length(), str.length() - 1); + if (beginning == end) + return (str.substring(2)); + return str; +} +" +95c2ce0e1f1d939b9608bff8a58a5ca9f9a9edd8,"public String without2(String str) +{ + int length = str.lenth; + String part = str.substring(2); + return part; + //if (str.substring(2) == +} +" +c6659dfb065a3cc683cf4e382c72fb19e7b929a8,"public String without2(String str) +{ + int length = str.length; + String part = str.substring(2); + return part; + //if (str.substring(2) == +} +" +c54299afd81da14de7dac64dda24ee3920df4bf2,"public String without2(String str) +{ + int length = str.length(); + String part = str.substring(2); + return part; + //if (str.substring(2) == +} +" +5b864eafa73b4d1ab63055981cd46d866fd14a9a,"public String without2(String str) +{ + int length = str.length(); + String part = str.substring(2); + return part; + //if (str.substring(2) == +} +" +54832a7a0dbd02da38997be70413f39373e7398f,"public String without2(String str) +{ + int length = str.length(); + String part = str.substring(0,2); + return part; + //if (str.substring(2) == +} +" +c6c19558cf5b7160a95bcb10b851e95b32c27edd,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + return end; +} +" +b132791ab746fd3228f80b729a3528183430d39e,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 1, str.length() - 2); + if (beginning == end) + return (str.substring(2)); + return str; +} +" +a31fccd646d97d210cda4f61554215d5560d0921,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if ( beginning == end) + return str.substring(2); + else if (length <= 2) + return """"; + else + return str; +} +" +933f65e74e00c3ec0b17f73f0adf9b1548b4ec93,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 1, str.length() - 2); + if (beginning.equals(end)) + return (str.substring(2)); + return str; +} +" +58720d9367eb0110f00054bc05a1c45bc138ea8c,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (beginning.equals(end)) + return (str.substring(2)); + return str; +} +" +611bccc46b8f178c42ea83dc5f447cab5a26bee4,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(length() - 2, length()); + if (beginning.equals(end)) + return (str.substring(2)); + return str; +} +" +1d6fdfb1a436fc95f5068cb3ac38af3f1600019d,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (beginning.equals(end)) + return (str.substring(2)); + return str; +} +" +1565673ded78d9d71e8d050cb024ccb9d2fdb574,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +9f8d8c62faf3e9764f78f7194b175ce74597dc97,"public String without2(String str) +{ + String a = str.substring(0,3); + String b = str.substring(-2); + + if (a == b) + { + return str.substring(3); + } + else + { + return str; + } +} +" +78913ae1bd3bfe5f0ed65b57cbc0df1ec20677c2,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(length(str)-2,length(str)))) + { + return (str.substring(2,length(str))); + } + return str; +} +" +4f58d4080c72dd30ae08adf5ef5772dc08a12e29,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2,length(str))); + } + return str; +} +" +ca9cc2aa87e57bf2dbff539a3f1fd67f1a12d407,"public String without2(String str) +{ + String a = str.substring(0,3); + String b = str.substring(-2); + + if (a == b) + { + return str.substring(3); + System.out.println(str); + } + else + { + return str; + System.out.println(str); + } + +} + +" +4923f43f19ac979969b865a2d32d14d064c05b0e,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2,str.length())); + } + return str; +} +" +e729b0078867170e4adbf83a2d4c85bfb1dea1c2,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (str.length() >= 2 && beginning.equals(end)) + return (str.substring(2)); + return str; +} +" +45f0a6b2a1ac37aa392c400a357e44b6730f3ac3,"public String without2(String str) +{ + String a = str.substring(0,3); + String b = str.substring(-2); + + if (a == b) + { + return str.substring(3); + } + else + { + return str; + } + +} + +" +1ba9d176074ce5410edda48fac5d463c09c4d616,"public String without2(String str) +{ + String a = str.substring(0,2); + String b = str.substring(-1); + + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + +} + +" +2e3b8e7dea06c5c18b81e66c5eb8aca4a3d83f52,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + if(str.length() >= 3) + { + return (str.substring(2,str.length())); + } + } + return str; +} +" +cd306909eb3d9885f72504723782c169627c4a9b,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (str.length() >= 2 && beginning.equals(end)) + return (str.substring(2)); + if (str.length() < 2) + return str; + return str; +} +" +25965d506ac93b69f0f8b94b3bce0d87ac3f2112,"public String without2(String str) +{ + if(str.length() >= 3) + { + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2, str.lenght())); + } + } + return str; +} +" +f775085d7224a5ad7f76978f9e41cfeb80a2b160,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2) && str.length() > 0) + { + return str.substring(2); + } + else { + return str; + } +} +" +f1723f025dec04b89ee788834199ae28e364b94e,"public String without2(String str) +{ + if(str.length() >= 3) + { + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2, str.length())); + } + } + return str; +} +" +5ceeb5f84de77a199c8260cf9280d5cf64fcd771,"public String without2(String str) +{ + if(str.length() >= 3) + { + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2, str.length())); + } + } + else + return """"; + return str; +} +" +855723716b0cead1e5e214fae6e5eb606079f1be,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2) && (str.length() > 0)) + { + return str.substring(2); + } + else { + return str; + } +} +" +0d92010c5fd9c31016ba0aaa8ce935470a0b7207,"public String without2(String str) +{ + if(str.length() >= 3) + { + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2, str.length())); + } + } + //else + //return """"; + return str; +} +" +cb25ee6720d75f45737c2effd1be14bb8b626d3a,"public String without2(String str) +{ + if ((str.substring(0, 1) == str.substring(str.length()-2) && (str.length() > 0)) + { + return str.substring(2); + } + else { + return str; + } +} +" +3c6f9aa13c0dd474867de4922dd1ef7ffb925e52,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (str.length() >= 2 && beginning.equals(end)) + return (str.substring(2)); + return str; +} +" +8889b0b9bba3448b63e4e3f1ac4355d3937ca0e8,"public String without2(String str) +{ + if ((str.substring(0, 1) == str.substring(str.length()-2)) && (str.length() > 0)) + { + return str.substring(2); + } + else { + return str; + } +} +" +126f1f8d16beb728249a4bfd9e971b2d6c08d570,"public String without2(String str) +{ + String a = str.substring(0,2); + String b = str.substring((str.length() - 1)); + + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + +} + +" +eee7ab2153fc32f5ddd1b19e7e762e030aefec1b,"public String without2(String str) +{ + if(str.length() >= 3) + { + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return (str.substring(2, str.length())); + } + } + else if(str.length() == 2) + { + return """"; + } + //else + //return """"; + return str; +} +" +122d650e4fb55fe6f564e2e44434617deb3dc540,"public String without2(String str) +{ + String a = str.substring(0,2); + String b = str.substring((str.length() - 2)); + + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + +} + +" +d503a7636270ed494870e7bd328f21e48de2f3ee,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + else { + return str; + } +} +" +137fc7c646f032ca2cdcd38ee605bf3d72f44328,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +dab343e946f33ff079eeb167a5377c7e21c30ea9,"public String without2(String str) +{ + String a = str.substring(0,2); + String b = str.substring((str.length() - 2)); + + if (a == b && str.length() >= 2) + { + return str.substring(2); + } + else + { + return str; + } + +} + +" +3ba36b25049728227e8aefebfc17bdff1a801af7,"public String without2(String str) +{ + if (str.substring(1,2) == str.substring(str.length-2, str.length-1)) + { + str. + +} +" +aba4cafc2aa82e3f0755d47a815db4904c139fbb,"public String without2(String str) +{ + String a = str.substring(0,2); + String b = str.substring((str.length() - 2)); + + if (str.length() > 2) + { + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + } +} + +" +82ee2ca6a0c34ed7938e61af2a49b5569ec1d446,"public String without2(String str) +{ + String a = str.substring(0,2); + String b = str.substring((str.length() - 2)); + + if (str.length() > 2) + { + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} + +" +094f639aeffffd5d22b53604a4dd7adba8912bd4,"public String without2(String str) +{ + + if (str.length() > 2) + { + String a = str.substring(0,2); + String b = str.substring((str.length() - 2)); + + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} + +" +08eb7ce1f15fee1446c0b3deade8ab3922e3cfda,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) + { + return (str.substring(2, str.length())); + } + else + { + return str; + } + +} +" +8063fbfc216bb68222f8997376d81118ba511686,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return (str.substring(2, str.length())); + } + } + else + { + return str; + } + +} +" +a1e5c428e1a5b7f13d1dac595b1c681a278b50f1,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-3)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +02c1aae0cf5d752e000271eea9774c800c4b1930,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return (str.substring(2, str.length())); + } + else + { + return; + } + } + else + { + return str; + } + +} +" +605ed28691def4c13a5ce48791690f9ed8a0bec5,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +a8ed9540702fb6a4b603dbf1636fa331b6038ac8,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return (str.substring(2, str.length())); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +52d263f7c6a27262858decfe0aa5d031b151cebf,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(str.length()-2); + } + else { + return str; + } + } + else { + return str; + } +} +" +08528671befc4a575adc20cabc75c6565e41ed76,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +36f819d24a0de02ca87aa72083302d6b25f282c2,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str.substring(2); + } + } + else { + return str; + } +} +" +3ca0fef5be1bbe44dc4846dfc0c79af50ae124b0,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +ffca4478094816e0cfa396c915ee177a818d9951,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +82b493400cb271f0294078a6966f63b20fc4a486,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(3, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +179e17777e55b403d3a85f0f0a37b01d8e3650d4,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +9d746d04b387123cd593cbd65f731712c18c36cd,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if ( beginning == end) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + // return str; +} +" +233cf55ccd013eed7537f175ef8861edf44541ce,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +960a5cfbf1dd29e3ae2287cd6d939794b7ff79dd,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if ( beginning == end) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + // return str; + return str; +} +" +fa7ba0a8f66e54238da8fec1eb3fb735f3a551a1,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(1, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +8f368acfcf67097380e1dc0e2678a6508ac00a2e,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if ( beginning = end) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + // return str; + return str; +} +" +ccf566bf7341b8b20085c94d1b0f95c937f78b23,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if ( beginning == end) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + // return str; + return str; +} +" +fcc2d38d5189ec06158c531b8bdb3d0353409289,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if ( beginning == end) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + // return str; +} +" +5c1c154aced6b74d2241825d731edc1c05edee0e,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +e478b90c71a8c797eb801da658263d4e3c2137c1,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +16c2d42fe6cc1fa40c358cf74a885017f08b8890,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +0f1ae405692da2f4505ac42f22228f9b72ccea19,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-3)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +0e7f9ec423c0d08113617d4f790dae91e6a79c3e,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +45fb56e083fc85a718b0c7ff3954532ec98093f1,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +d548d96646c0f31d980fc6b1cd1a12f4ad1a58bb,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +42fc071cc33edea4a351ece965f925cead7e9fcf,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(1, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +d34c5447c7e301bfebde209a162634d4a19cf167,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 3) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +2d3db5d91d7f88eb69005303e8dcedec97e7c302,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +c5bcecff76cd8b95f34a81c073dcd378a7361e58,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-2),str.length()) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +dd0a52fa78455551aa4d9401a70f81227183cca8,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length()-2,str.length())) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +970349b48a2a9a2f23566a965ba910cc780a06d4,"public String without2(String str) +{ + int end = str.length() + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +275bd3e0d5011ec3ecd9e86f2f6c50be22b063fb,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +5839fcd49381d1e5909ea6caf7f74de5fd890ef1,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2, end); + } + else { + return str; + } + } + else { + return str; + } +} +" +ca10dbc4b06e93713f468e31d7af8751589b85b4,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(1, end); + } + else { + return str; + } + } + else { + return str; + } +} +" +9e8bd3868cf1539f694e7b08203e706320c1abc8,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2, end); + } + else { + return str; + } + } + else { + return str; + } +} +" +13a137047bda714797555fd41724d45df5151ebc,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end-1)) + { + return str.substring(2, end); + } + else { + return str; + } + } + else { + return str; + } +} +" +3321b62c90b9e17f45576aa7306dd0ddc7ec00b8,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(end-2, end); + } + else { + return str; + } + } + else { + return str; + } +} +" +d633b819b22efd4fd7deb407db16ff603833d682,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(end-2, end); + } + else { + return str.substring(end-2, end); //return str; + } + } + else { + return str; + } +} +" +7ea64654867f22f27f88b2bc08e8543a9d672121,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2, end); + } + else { + return str.substring(end-2, end); //return str; + } + } + else { + return str; + } +} +" +3e155063fa9edf760798911f85a44353ddb762ca,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +a9f8888e9cea64609d1cb05dee65e965174bec2f,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str.substring(end-2, end); //return str; + } + } + else { + return str; + } +} +" +16575140513fc7efc6a455c88fa27ef3bff734a7,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str.substring(end-2, end-1); //return str; + } + } + else { + return str; + } +} +" +595a8934fab05075bcf06b08699caf8f2bdfd708,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str.substring(end-3, end-1); //return str; + } + } + else { + return str; + } +} +" +52916c34859dee0fdf8e0935f3cdb20aecf281ec,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str.substring(end-2, end); //return str; + } + } + else { + return str; + } +} +" +9e5581eafa2a1c1015a966adedd1cd6e340f346d,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str.substring(0, 2); //return str; + } + } + else { + return str; + } +} +" +9fd43b6794102fcc8ec3297d62889f888782b216,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str + } + } + else { + return str; + } +} +" +7a900647a37609db1860ad8e05314a3d459e1475,"public String without2(String str) +{ + int end = str.length(); + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(end-2,end)) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +e487a9cf6d8e9f93eaea23497c966fa1705de0c9,"public String without2(String str) +{ + int end = str.length(); + String first = str.substring(0, 2); + String last = str.substring(end-2,end) + + if (str.length() > 1) + { + if (first == last) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +81a6f4178f74de7254fd4973e448264b3e418a95,"public String without2(String str) +{ + int end = str.length(); + String first = str.substring(0, 2); + String last = str.substring(end-2,end); + + if (str.length() > 1) + { + if (first == last) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +9c2de1a1c5a93cd56c3f1aebffeed19b0e840cfe,"public String without2(String str) +{ + int end = str.length(); + String first = str.substring(0, 2); + String last = str.substring(end-2,end); + + if (end > 1) + { + if (first == last) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +69067048aeb8f4b38fe0ac530b580b8d74ec9ac4,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.substring(length - 2, length) == str.substring(0, 2)) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + // return str; +} +" +f3b75c40c084096ea2b1b063ed03b10a78356f75,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.substring(length - 2, length) == str.substring(0, 2)) + return str.substring(2); + //else if (length <= 2) + // return """"; + //else + return str; +} +" +f194c603eea3e715381a788c813aa23da81f48d8,"public String without2(String str) +{ + int end = str.length(); + String first = str.substring(0, 2); + String last = str.substring(end-2,end); + + if (end > 1) + { + if (first == last) + { + return str.substring(1); + } + else { + return str; + } + } + else { + return str; + } +} +" +1f1d531970f118f6fb997c06be3c6ad5a6448e1e,"public String without2(String str) +{ + int end = str.length(); + String first = str.substring(0, 2); + String last = str.substring(end-2,end); + + if (end > 1) + { + if (first == last) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +7e0ffc608384eb525b76221ba961150811eeadc8,"public String without2(String str) +{ + int end = str.length(); + String first = str.substring(0, 2); + String last = str.substring(end-2,end); + + if (end > 1) + { + if (first == last) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +b1c6d2f19bdbc0045413706a2fbbdcdcf2f2a2f4,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (str.substring(length - 2, length) == str.substring(0, 2)) + return str.substring(length -2, length); + //else if (length <= 2) + // return """"; + //else + return str; +} +" +3bbdc6aaa8db24132e4895f92f35fe8c21917552,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (str.substring(length - 2, length) == str.substring(0, 2)) + return str.substring(length -2, length); + //else if (length <= 2) + // return """"; + //else + +} +" +3ed3b6a2c4e5dde37f36c1e764e8e9a7e31abf7c,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (str.substring(length - 2, length) == str.substring(0, 2)) + return str.substring(0, 2); + //else if (length <= 2) + // return """"; + //else + +} +" +e2addf4126512e26e4c6adcd34ec07e9d11af403,"public String without2(String str) +{ + int end = str.length(); + + if (end > 1) + { + String first = str.substring(0, 2); + String last = str.substring(end-2,end); + if (first == last) + { + return str.substring(2); + } + else { + return str; + } + } + else { + return str; + } +} +" +23fca0e594bd3591d36d73c17fde78a864b913c3,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2) == str.substring(length-2, length) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +a4049b6a2275872c7e0feff23d6b4246a2356434,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2) == str.substring(length-2, length)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +e331980e4e06f14c82caa1237d65c193797389f3,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +f9f10cddee69ecee1b1df2efd597d139d2109306,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(1); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +ebe831e48c07a9a66bc27094759ec849d1a6095a,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,1).equals(str.substring(length-1, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +b38ad669d1169b94d6625aa3f2882da5d0d99620,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fe09e8cfa7cb10c972d93dfbd4286bf9806345da,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length)) + return str - str.substring(0, 2); + else + return str; +} +" +8659123f71287d86cb72386675bccd2296562972,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + return str - str.substring(0, 2); + else + return str; +} +" +75df34a2a4ae6204780efbefbd112e6d4fedac7f,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() --, str.length())) + return str - str.substring(0, 2); + else + return str; +} +" +4b22b0c39415d119b96fb17a2eb4cb63bd978d3f,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() -- 2, str.length())) + return str - str.substring(0, 2); + else + return str; +} +" +5d7e534a57b418b6fe5f99971d09560451efcf26,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length())) + return str - str.substring(0, 2); + else + return str; +} +" +246463c393f6a234b57311af7b3b3c1ec86bb08f,"public String without2(String str) +{ + String strFirst == str.substring(0, 2); + if (strFirst == str.substring(str.length())) + return str - strFirst + else + return str; +} +" +31f892bdb887cc88b13835b841126546fe7f198e,"public String without2(String str) +{ + String strFirst == str.substring(0, 2); + if (strFirst == str.substring(str.length())) + return str - strFirst; + else + return str; +} +" +386245778890c2259c24ba23ec9962e3202f55d1,"public String without2(String str) +{ + String strFirst == new str.substring(0, 2); + if (strFirst == str.substring(str.length())) + return str - strFirst; + else + return str; +} +" +505a22b6553f2096d4326b429daef234f55ed675,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length())) + return str - strFirst; + else + return str; +} +" +475dc758b0724d810b5159fd30e797b73ca0f6da,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length())) + return str - str.substring(0, 2); + else + return str; +} +" +ba25d7d1dd6d5655ed26e25c08fa7e92f939d113,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +188b8e530c81d15908602ab0e0be9c2c9c8e2c04,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +38e2a75985f822e921ad7f370c538d17ec9866df,"public String without2(String str) +{ + if (str.length < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +6564687f33d3f2f90e96e57063ec110c3615e0d0,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +2e1d000d2473c401a943d95d62840e2fb3106e37,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length() + 1)) + return str.substring(2, str.length()); + else + return str; +} +" +07ef13efe2f77c12c341c01ca8e4e19d4397780a,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +4d1d12d3235f1048be310016771ba7245a0dabc4,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 3), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +d26222d332c1c537eab4f18fa17c6b4dd1b79bd8,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +e59ef599efc203405ec4dea587aadc0d26225b78,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length() + - 1,str.length()))) + return str.substring(2); + } + else + return str; + +} +" +432c74d035b5835088479964586f606510cd214f,"public String without2(String str) +{ + string newString; + + if (str.substring(0,2) == str.substring(str.length() -2, str.length()) + return str.substring(2); + + + +} +" +daa77655ab4af8f1307bd5d9a5cb274198f00829,"public String without2(String str) +{ + String a = str.substring(0, 2); + String b = str.substring(str.lenght() - 2, str.length()) +} +" +22850345e423c36359335feb1c9b09834c3b5cfc,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length() + - 1,str.length()))) + return str.substring(2); + else + return str; + } + else + return str; + +} +" +80e41b72858c417dbc6b9145d13d7b400bd4eed5,"public String without2(String str) +{ + string newString; + + if (str.substring(0,2) ) == str.substring(str.length() -2, str.length()) + return str.substring(2); + + + +} +" +41d9bd29b45fe1e655428ce70e2af9a4dfaa3f55,"public String without2(String str) +{ + string newString; + + if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + + + +} +" +850de6adb87ad254a2ae231026c4cc3f02958e5d,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length() + - 2,str.length()))) + return str.substring(2); + else + return str; + } + else + return str; + +} +" +4fa39cb1a48f9aad509a10e88111759df4ee3338,"public String without2(String str) +{ + + if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + + + +} +" +551236a4cbcae864aed5ffd3a8c1ea3f880b29ce,"public String without2(String str) +{ + String a = str.substring(0, 2); + String b = str.substring(str.lenght() - 2, str.length()); + if (a == b) + { + return str.substring(2, str.lenght); + } + else + { + return str + } +} +" +d2d0caad8d9ccc4ce999e42dd10f1fd722fdcb6c,"public String without2(String str) +{ + + if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +6a3b204ccbe7c6234480db7ccb1f3f8d4525c13e,"public String without2(String str) +{ + String a = str.substring(0, 2); + String b = str.substring(str.lenght() - 2, str.length()); + if (a == b) + { + return str.substring(2, str.lenght); + } + else + { + return str; + } +} +" +6ea0a8f8511c4b666c621692ee9540ed463a3c54,"public String without2(String str) +{ + String a = str.substring(0, 2); + String b = str.substring(str.lenght() - 2, str.length()); + if (a == b) + { + return str.substring(2, str.lenght()); + } + else + { + return str; + } +} +" +fed10c47f7783fdc69261e73e290ad6877b3fc42,"public String without2(String str) +{ + String a = str.substring(0, 2); + String b = str.substring(str.length() - 2, str.length()); + if (a == b) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +878a7107fa4592dcb1b30c7c75e9fb0022f1747f,"public String without2(String str) +{ + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + return str.substring(2); + else + return str; + } + else + return str; +} +" +0fa0c8ad67f6088fbea12795f579aed9a945db3d,"public String without2(String str) +{ + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.subString(2); + } + return str; +} +" +8cf92f98989e06fa23d425564e434a5de2c68f8e,"public String without2(String str) +{ + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.substring(2); + } + return str; +} +" +784a845b41261f8017dac6c1accbcf632bc5ff09,"public String without2(String str) +{ + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + return str.substring(2,str.length()); + else + return str; + } + else + return str; +} +" +740c6fb9c388307bdfc2c47237fa5178b4fc8d4b,"public String without2(String str) +{ + if(str.length < 2) { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.substring(2); + } + return str; +} +" +de779e2c665c3c2f46a59929e1d8747cf933cd2e,"public String without2(String str) +{ + if(str.length() < 2) { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.substring(2); + } + return str; +} +" +444c1dc0e774062b0a5f58e3d2b2e97a8652cd07,"public String without2(String str) +{ + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + return str.substring(3,str.length()); + else + return str; + } + else + return str; +} +" +8047786c1585a4f48b0dc586270106bbf6781d9b,"public String without2(String str) +{ + if(str.length() < 2) { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.substring(1); + } + return str; +} +" +0908651b6cabf3019112642d8a9819b58f56ef58,"public String without2(String str) +{ + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return str.substring(2,str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +cc9b5e42feaf904dd79d49b7dcdf050515dee4d3,"public String without2(String str) +{ + int a = str.substring(2); + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return a; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +cf57e5c77ccf9a0d62e483b0b78a403c09a8f20e,"public String without2(String str) +{ + String a = str.substring(2); + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return a; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9179f87f2cfb4259a1a50e686fce65a526e8826a,"public String without2(String str) +{ + if(str.length() < 3) { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.substring(2); + } + return str; +} +" +dd8080100d0e8ea452046ca09f073fc25270fde0,"public String without2(String str) +{ + if(str.length() < 2) { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length() - 1))) { + return str.substring(2); + } + return str; +} +" +cba06ef20942cd845df86389fb7d34b0f9665dbb,"public String without2(String str) +{ + if(str.length() >= 2) + { + if(str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +1a7907dbd6875b7624879cc12e4eaa6819725424,"public String without2(String str) +{ + if(str.length() < 2) { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length() - 2,str.length()))) { + + return str.substring(2); + } + return str; +} +" +19e7067e28313e0e54892e1d0b9cec6e0ed21959,"public String without2(String str) +{ + if(str.length() >= 2 + && str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return str.substring(2); + } + else + { + return str; + } +} +" +6ae50b811938bb6495001047c9a0b03d1cda80a0,"public String without2(String str) +{ + String a = str.substring(2); + + + if(str.length() >= 2 + && str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return a; + } + else + { + return str; + } +} +" +72680107af964177752687f1bbbd6265a209ef3a,"public String without2(String str) +{ + String a = str.substring(2); + + + if(str.length() >= 2 + && str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return String a; + } + else + { + return str; + } +} +" +be13ffc980ac05c0dd7c09dc43c6d979054ce218,"public String without2(String str) +{ + String a = str.substring(2); + + + if(str.length() >= 2 + && str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return a; + } + else + { + return str; + } +} +" +9c378a0808d6c782288063dd92531ae819aa731c,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (str.substring(length - 2, length) == str.substring(0, 2)) + //return str.substring(0, 2); + //else if (length <= 2) + // return """"; + //else + return str.length(); +} +" +51aa47d27cac26e03125a5fa46b6ea2b11f11d82,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.substring(length - 2, length) == str.substring(0, 2)) + return str.substring(0, 2); + //else if (length <= 2) + // return """"; + //else +} +" +173bdb5ab9af968f0e1d59824f9ca7fd7add7412,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (str.substring(length - 2, length) == str.substring(0, 2)) + return beginning; + //else if (length <= 2) + // return """"; + //else +} +" +ac2fc66d0dc30520a7311b284a2ce063cf6510a7,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (str.substring(length - 2, length) == str.substring(0, 2)) + return end; + //else if (length <= 2) + // return """"; + //else +} +" +c7702bdd55aea78ad4c871ae8d4e7ac0b68b1bc2,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (beginning == end) + return (str.substring(2); + //else if (length <= 2) + // return """"; + //else +} +" +642eb8ea122fef866a5e9e7bfb69bcfebf9e15e9,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (beginning == end) + return (str.substring(2); + //else if (length <= 2) + // return """"; + //else +} +" +5f1a65b706bec1b9be69a5a71d6b003ccdaa9d1d,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + //if (beginning == end) + return (str.substring(2)); + //else if (length <= 2) + // return """"; + //else +} +" +6f0fc7fa4328453d2f40ef8653b5a0d58d0a6120,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (beginning == end) + return (str.substring(2)); + else + return str; +} +" +eb9e9f5b843eaf3c76101d94a88838e5792df2d3,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (""beginning"" == ""end"") + return (str.substring(2)); + else + return str; +} +" +162e1b10d6e90818bb5df0cb635b7ff81ae6f573,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (valueOf(beginning) == valueOf(end)) + return (str.substring(2)); + else + return str; +} +" +83b84d9b228b6093c4d9a649477c2a61504dd720,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (Objects.equals(beginning, end)) + return (str.substring(2)); + else + return str; +} +" +2a14dec2496228e3410d6d0a5bf25fa99efe601f,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (this.equals(beginning, end)) + return (str.substring(2)); + else + return str; +} +" +a53245004ca92bc80170c8225bca08af65fcaf19,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (String.equals(beginning, end)) + return (str.substring(2)); + else + return str; +} +" +df2ee9e7af1ab8e7c264acc6b7c746f172fcf254,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (Strings.equals(beginning, end)) + return (str.substring(2)); + else + return str; +} +" +cf477d68af6c42f40e7a6c90a2055fec0d8bfc2f,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +6095b5dc385c66632d35af77aa796dbf1c4f77e3,"public String without2(String str) +{ + int length = str.length(); + int minus2length = str.length() - 2; + if ((str.substring(0, 2)) == (str.substring(minus2length, length))) + { + return str.substring(2, minus2length); + } + else + { + return str.substring(); + } +} +" +20b67311aacc2fb2fed0369c8091153f190de375,"public String without2(String str) +{ + int length = str.length(); + int minus2length = str.length() - 2; + if ((str.substring(0, 2)) == (str.substring(minus2length, length))) + { + return str.substring(2, minus2length); + } + else + { + return str; + } +} +" +70f2e4cfc12daa52bef2af381c18cf824486816b,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.length <= 2) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +2132c5841c5fd8566dc0f770f796f306a9932af8,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (length <= 2) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +81ffabdb14fb1e813ee0bcc02c898070c7cf0a13,"public String without2(String str) +{ + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.length() <= 2) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +90dd1d8773620db9af164fababd34b115a18a0fc,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (int str.length <= 2) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +b0d65971966b111697c23fee94a8d39025fe48ba,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (length <= 2) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +a67a7dc8ec6f0b3aa722cbde98157f8134419e07,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +d82dd785fd8d5cab30b6f200d1747749cbcc6f8d,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (length == 0 || length == 1) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +bfb60785b3a454b3d90e7973f9625a5e7005c747,"public String without2(String str) +{ + int length = str.length(); + int minus2length = str.length() - 2; + if ((str.substring(0, 2)).equals(str.substring(minus2length))) + { + return str.substring(2, minus2length); + } + else + { + return str; + } +} +" +e30b3e6c32645da5946c53f9ee530d95a88ee7b2,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + //return str; + } + +} +" +c530643e47a59c563a9fb63ea370d1448d3e2355,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +60febd87b74024f92dcb93375da0541365576053,"public String without2(String str) +{ + int length = str.length(); + int minus2length = str.length() - 2; + if ((str.substring(0, 2)).equals(str.substring(minus2length))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +b5bd9dcbe49354f1dd73fdf198848f05c9ed8e5d,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.equals(x) || str.equals()) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +3828160c7704221df465ea7f239be5db6c78518d,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.equals(""x"") || str.equals("""")) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +bd5465386745342142aedae60c82971d0a00e27f,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +8cc50650ecfc2f628ebfbbdf801e8749e3947ee5,"public String without2(String str) +{ + int length = str.length(); + int minus2length = str.length() - 2; + if ((str.length() >= 2) && ((str.substring(0, 2)).equals(str.substring(minus2length)))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d30e69fb1d3345fdaaf16b7c2aa5b9cbfd87254a,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +7f44e5479f7d6ab6f76324a85048e531664cdb5d,"public String without2(String str) +{ + int length = str.length; + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.equals(""x"") || str.equals("""")) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +7000714e9895c0569099e8e725c2adf3ada024c3,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (str.equals(""x"") || str.equals("""")) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +d3b423106f563c4ea15adb3853c0db7d334b4e68,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (length <= 2) + return """"; + else if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +e0f168fc151753c1caf4841e11716b824e32d8e7,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String end = str.substring(length - 2); + + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +480ed4352518cbb5711c1774cd0c3cf6c79ea6f1,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) { + if (str.substring(0, 2).equals(str.substring(len-2, len))) { + return str.substring(2); + } + else + return str; + } + else + return str; +} +" +b2f11167f8ee6d4bb15f7fe24e02e82fc56aff38,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String end = str.substring(length - 2); + if (length < 2) + { + return """"; + } + else + { + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } +} +" +695888fc6b79741a65bdb00576965aefec66b436,"public String without2(String str) +{ + int length = str.length(); + + if (length < 2) + { + return """"; + } + else + { + String front = str.substring(0, 2); + String end = str.substring(length - 2); + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } +} +" +8f04f41c970fdd9c0b2d9bbb65518b1e4bafb3b5,"public String without2(String str) +{ + int length = str.length(); + + if (length == 0) + { + return """"; + } + else if (length == 1) + { + return str; + } + else + { + String front = str.substring(0, 2); + String end = str.substring(length - 2); + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } +} +" +76be6b1f8e406dfb8105235d4d20ac9f6ab9660e,"public String without2(String str) +{ + int length = str.length() - 2; + String end = str.substring (length); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (end.equals(beginning)) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +a3f9b6f9168b5d0dabefc02061f5b93f7d71f091,"public String without2(String str) +{ + int length = str.length() - 2; + String end = str.substring (length); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (length < 2) + { + return str; + } + else if (end.equals(beginning)) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +4a7b5cc210d6857f992a810bd24808bac493c63c,"public String without2(String str) +{ + int length = str.length(); + String end = str.substring (length - 2); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (length < 2) + { + return str; + } + else if (end.equals(beginning)) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +7779f17d79d550dbddfe995feba46928008c9d65,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) == (str.substring(str.length() - 2, str.length()))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +5d029e1fd234e09f15fad7b49fdca93cbbb2fcda,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 1) == (str.substring(str.length() - 2, str.length()))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +1538aec9e2574398ad6979d11b515365b0b1a8f1,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) == (str.substring((str.length() - 2), str.length()))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +458f22cc6a98955a4eaa9326c0a3acfa89067148,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) == (str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +04729942f73b44f6f405f121aa726878eefb3d0a,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) .= (str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +09c7f9ea3d017d1b430b29e969986635ba2fe13f,"public String without2(String str) +{ + + if (str.length() <= 2) + { + if (str.length() == 2) + { + return """"; + } + else + return str; + } + else if (str.substring(0, 2) .equals (str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +84644a0e425eaad4db216d80c37cc2a43c1428e8,"public String without2(String str) +{ + int n = str.length() + if (str.substring(0, 2) == str.substring(n - 2, n) + { + return str.substring(2, n - 2); + } + else + { + return str; +} +" +388af2e2afbfc3160a5b523138d291eac39caf60,"public String without2(String str) +{ + int n = str.length() + if (str.substring(0, 2) == str.substring(n - 2, n) + { + return str.substring(2, n - 2); + } + else + { + return str; + } +} +" +29bdc881395ca50e5a30eb0a16087c79b1734cb4,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n - 2, n) + { + return str.substring(2, n - 2); + } + else + { + return str; + } +} +" +6d4daedde25be346a5599c6d708036a5a25a582f,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n - 2, n)) + { + return str.substring(2, n - 2); + } + else + { + return str; + } +} +" +9c565de03a462252a7c5b64f15e33ff58a65f1d8,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n - 2, n)) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +3a02b7057741d7c704b09b7c74696bf58d276bff,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n - 2, n)) + { + return str.substring(3, n); + } + else + { + return str; + } +} +" +24d6c12d8b28ae4c41d9acf5338fd9fbc2aed255,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n - 1, n)) + { + return str.substring(3, n); + } + else + { + return str; + } +} +" +832d5f28dddfe2627b071e7895c3a032e4b13e2a,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (front.equals(end))) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +a8f2ae8c9888e4033b5bc974cb5a3e16212a8f20,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2).equals(str.substring(str.length() - 2)) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +4ecf44dd56e45589d6bc382115b586c689467e19,"public String without2(String str) +{ + if (str.length() == 2) + { + return(str.substring(0, 0)); + } + else if (str.length() == 1 || str.length() == 0) + { + return(str.substring(0)); + } + else if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return(str.substring(2)); + } + else + { + return(str.substring(0)); + } +} +" +6001332c68372957b078c425776e60e78cc1f6c9,"public String without2(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if ((stringLength >= 2) && str.substring(0,2).equals(str.substring(stringLength -2, stringLength))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +1ca1e9a5585a7f254450cfa3fb648e3223f82880,"public String without2(String str) + { + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +00e63563574041cc27a1bffbd48d0d0f9c4af3fe,"public String without2(String str) +{ + a = str.length(); + d = a - 2; + b = str.substring(0, 2); + c = str.substring(d, a); + if (b = c) { + return str.substring(2, d); + } + return str; +} +" +40c130f0144c8f9803e7f41e78e3a9859c044ffc,"public String without2(String str) +{ + + if (str.length() == 2 || str.length() == 1) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +f595d95d4fa25ef3d136baca1d50867754210be4,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + string b = str.substring(0, 2); + string c = str.substring(d, a); + if (b = c) { + return str.substring(2, d); + } + return str; +} +" +700236d05084b0bb0c0ed69233707d00cdcf0dc6,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (b = c) { + return str.substring(2, d); + } + return str; +} +" +7f2cf05ed4468ca7c2c8b54770b27b6a97e3e480,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (b == c) { + return str.substring(2, d); + } + return str; +} +" +339586c1912b6e77df8c27e4a21d90d9059fd0b2,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +d45f27c9879ca08650ff35716241599b44cdfc48,"public String without2(String str) +{ + + if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +b86133b7d4e58b9349257d76bc849d2bc1f19c9a,"public String without2(String str) +{ + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +aa2edc5cc1bd3a81a1dbe4267bf7647434427425,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + if (b == c) { + return str.substring(2, d); + } + return str; +} +" +a00960552728c8793c55a3e50a0e5d4faeb53feb,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (b == c) { + return str.substring(2, d); + } + return str; +} +" +2c15ae9c9d4238caf8f7d692e6dcc1c31f9d9226,"public String without2(String str) +{ + String front2 = str.substring(0,2); + String last2 = str.substring(str.length() -2, str.length()); + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (front2 == last2) + return str.substring(2); + else + return str; + + + +} +" +34eebc0f85942c2c0bcc40816cba94399fc2ef14,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +61640692ab872f5f6d44de64458ec3fe942af29f,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + return str; +} +" +8f071c5d7201c3c2ddff485ec93f0d48e5400fdc,"public String without2(String str) +{ + int strLen = str.length(); + if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +2978e0f37f17ba3493231a55c8003d8f9fda7200,"public String without2(String str) +{ + int strLen = str.length(); + if(strLen <= 2) + { + return str; + } + else if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +6aa840b0844825a366d48903832ab8f498f5e716,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (b == c) { + return str.substring(2); + } + return str; +} +" +5077fa11f7c4879bde09492cd192b2dec62e3497,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen = 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +8dc36e948e4eaea5326ec7d8f9837f94e55c698c,"public String without2(String str) +{ + strind end = str.substrind(str.length() - 2); + return end + end + end; +} +" +4f88e54e612e332eee9b17894f5f9497b24c02cb,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +49f62f2607ed62f101714a08d99f4a135000978c,"public String without2(String str) +{ + string end = str.substrind(str.length() - 2); + return end + end + end; +} +" +89146ff61b28ff67964931db14528c2ed9681730,"public String without2(String str) +{ + String end = str.substrind(str.length() - 2); + return end + end + end; +} +" +ffc162769dd3c5171779bd83840c30e19ca446eb,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(3, strLen); + } + return str; +} +" +cad3df7216eb6b3d5920910c6013966a80b00c3a,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +160d4df6525da3eeda7bf993144e8537168136d9,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (boolean equalStrings = strb.equals(stra);) { + return str.substring(2); + } + return str; +} +" +2f7b3888420c818df7eca83380bbc554f739a151,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (equalStrings = strb.equals(stra);) { + return str.substring(2); + } + return str; +} +" +863c8f1812f18b320b22343126352c27317b75df,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(1, 2) == str.substring(strLen - 2 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +3cb356b218fc9321e420d4aea7716d44271be057,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (equalStrings = strb.equals(stra)) { + return str.substring(2); + } + return str; +} +" +3c537b1bdc8b9bc4032dc215d169fc605157ff5b,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(1, 2) == str.substring(strLen - 1 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +388335bbdf922af56c3f4b5d245c4ced0c7eb069,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 1 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +2986d993469f70ef656f3616774596afb527574c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substrind(0,2).equals(str.substrind(str.length() - 2))) + { + return str.substrind(2, str.length()); + } + return str; +} +" +f2e033c99018520f096ac7bc01768e8fa75868c8,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2).equals(str.substrind(str.length() - 2))) + { + return str.substrind(2, str.length()); + } + return str; +} +" +8d9df47dfc89e90cc4baed66fde032b3df572afb,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; +} +" +7a48b9f4949dfb934b0d77dc400fc3e13e7f6e4a,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return ""j""; + } + else if (str.substring(0, 2) == str.substring(strLen - 1 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +9ee3cd2a2df4c9964a5e2aa9855a00c1fdb8d14c,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 1 , strLen)) + { + return str.substring(2, strLen); + } + return str; +} +" +f95bd65aed63c5e8aa1fe624e3757d427ed9d6c6,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 1) == str.substring(strLen - 2 , strLen-1)) + { + return str.substring(2, strLen); + } + return str; +} +" +1c957c2c210827e570fb7b174ac0002ce955e35f,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(1, 2) == str.substring(strLen - 1 , strLen)) + { + return ""test""//str.substring(2, strLen); + } + return str; +} +" +89b1067ae3921fd7ff9fe53def108439f237c47a,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(1, 2) == str.substring(strLen - 1 , strLen)) + { + return ""test"";//str.substring(2, strLen); + } + return str; +} +" +9e80091484b3d4de76f5eceb922642d5eb394a28,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(1, 2) = str.substring(strLen - 1 , strLen)) + { + return ""test"";//str.substring(2, strLen); + } + return str; +} +" +7edb9c4355b9965313ead51f136407ab47e64a09,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(1, 2) == str.substring(strLen - 1 , strLen)) + { + return ""test"";//str.substring(2, strLen); + } + return str; +} +" +7c5a244718a05760bec23f905ad3db24df688aa4,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 1) == str.substring(strLen - 1 , strLen)) + { + return ""test"";//str.substring(2, strLen); + } + return str; +} +" +5d9fbff87004c0c85176d7da2ff21946c7c652d8,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 1) == str.substring(strLen - 2 , strLen - 1)) + { + return ""test"";//str.substring(2, strLen); + } + return str; +} +" +259c3f3c87e3df6681f07b4f2ae4a3d480febec9,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 2 , strLen)) + { + return ""test"";//str.substring(2, strLen); + } + return str; +} +" +c6c7a38d34f329936ae13ea628e88ec0e4850e7e,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(strLen - 3 , strLen - 1)) + { + return str.substring(2, strLen - 1); + } + return str; +} +" +0d65b0e24a60a9b63ad5533008ad9a3debbd07c5,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 1) == str.substring(strLen - 3 , strLen - 1)) + { + return str.substring(2, strLen - 1); + } + return str; +} +" +0747c300825c37b192248117518cadf30571daf3,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if (str.substring(0, 1) == str.substring(strLen - 2 , strLen - 1)) + { + return str.substring(1, strLen - 1); + } + return str; +} +" +d4223802d935ecd0a3127a44f8509c42b68283db,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (b.equals(a)) { + return str.substring(2); + } + return str; +} +" +a31c0ecaa5dd88f0cbfed66fbfb2495582e8c349,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + if (b.equals(a)) { + return str.substring(2); + } + return str; +} +" +273c819eb29fe3e95e42da65e1da4e53c66fc98b,"public String without2(String str) +{ + int strSize = str.Size(); + string first2 = str.substring(0,2); + string last2 = str.substring(strsize-2,strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +a53259cc7931ea0e71b9e3c944744b735a37eed2,"public String without2(String str) +{ + int strSize = str.size(); + string first2 = str.substring(0,2); + string last2 = str.substring(strsize-2,strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +726d62768cdff92afc0ae79fd2f7a8a414c72c2e,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str.charAt(1); + } + if (str.length() == 0) { + return ; + } + if (b.equals(a)) { + return str.substring(2); + } + return str; +} +" +6b84bad973d8ff2d712bdfba3ef4f769c5e62970,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return ; + } + if (b.equals(a)) { + return str.substring(2); + } + return str; +} +" +8c3c20e3d04ad6a6c5b304a1890ed78a42710640,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + if (b.equals(a)) { + return str.substring(2); + } + return str; +} +" +39cfc93a29823aa86e7d15fcd0f166c2a903b97c,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + if (b.equals(a) = true) { + return str.substring(2); + } + return str; +} +" +10b3af32476a99a28a9c93b246a04a9fdc437a1b,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + if (b.equals(a) == true) { + return str.substring(2); + } + return str; +} +" +560a517109afe3ecdaf202519118476b7618006a,"public String without2(String str) +{ + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + boolean y = b.equals(a); + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + if (y) { + return str.substring(2); + } + return str; +} +" +35faefc24d055d52608755231ee5cd90f1d465dd,"public String without2(String str) +{ + int strSize = str.length(); + string first2 = str.substring(0,2); + string last2 = str.substring(strsize-2,strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +b0d338093213198866fe9bc842ba25c1b76d8178,"public String without2(String str) +{ +import java.util.String; + int strSize = str.length(); + string first2 = str.substring(0,2); + string last2 = str.substring(strsize-2,strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +435229b2f9d5870d569c4573455b7fc504885d32,"import java.util.String; +public String without2(String str) +{ + + int strSize = str.length(); + string first2 = str.substring(0,2); + string last2 = str.substring(strsize-2,strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +696efd893d5aeb76007626e0317b1ee488926f40,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (stra.equals(strb)) { + return str.substring(2); + } + return str; +} +" +070c57428d4f27a679d2edcf3c534f1848929e3c,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (stra.equals(b)) { + return str.substring(2); + } + return str; +} +" +67945dbc1ac008de9aad36ae6722d36bab0214c8,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (strb.equals(strc)) { + return str.substring(2); + } + return str; +} +" +534297a898efe3899001c87ffb2834d362492990,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (strb.equals(c)) { + return str.substring(2); + } + return str; +} +" +b2cf23c68a733ef8c35c18583e51c46f1cbdff2f,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (b.equals(c)) { + return str.substring(2); + } + return str; +} +" +84b99c48572e984ed464b219fccb9e715b36a32c,"public String without2(String str) +{ + Length = str.length(); + String beginning = str.substring(0, 2); + String end = str.substring(length - 2); + String middle = str.substring(2, length - 2); + + if (beginning == end) + { + return middle + beginning; + } + else + { + return str; + } +} +" +117ca7339de53af93048bd60ab45a566aed16e67,"public String without2(String str) +{ + int length = str.length(); + String beginning = str.substring(0, 2); + String end = str.substring(length - 2); + String middle = str.substring(2, length - 2); + + if (beginning == end) + { + return middle + beginning; + } + else + { + return str; + } +} +" +44e404977906340ffeae67e0f8fe6dfb5dd07833,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2); + String middle = str.substring(2, length - 2); + + if (beginning == end) + { + return middle + beginning; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +6b7a6c0b8019acc3b93a77490fb566ea97a6332e,"public String without2(String str) +{ + + String newString = str.substring(2); + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return newString; + else + return str; + + + +} +" +f0542c99a059c29e2294da9e8e4701fca3ac5187,"public String without2(String str) +{ + + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return newString; + else + return str; + + + +} +" +9066a197b88795400f9ddaec86e54097a9006324,"public String without2(String str) +{ + + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +a0c82653b3478ce41a481bfd996f1d0ce47b378b,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +276b5cbddf4cfe930f2ab06004288da724e194a3,"public String without2(String str) +{ + int length = str.length(); + + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } +} +" +da8076044d4b5113fb20d4be5b344943a9915710,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else + { + return """"; + } +} +" +8d7fa3cf356b14054841a7d5f166ae95500bd33f,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + //return part; + return beginning; + } + else + { + return str; + } + } + else + { + return """"; + } +} +" +6a87c43bca4e2cd9c5258dc9c75e04ec6fce6e93,"public String without2(String str) +{ + int length = str.length(); + int word = word.length(); + String temp; + if(length >= word) + { + temp = str.substring(1, word); + if(word.substring(1).equals(temp)) + return (str.charAt(0)+temp); + else + return """"; + } + else + return """"; +} +" +b285832ec36302b577919ff114aef737a3b06c2b,"public String without2(String str) +{ + int length = str.length(); + int newWord = word.length(); + String temp; + if(length >= newWord) + { + temp = str.substring(1, newWord); + if(word.substring(1).equals(temp)) + return (str.charAt(0)+temp); + else + return """"; + } + else + return """"; +} +" +21801e2682819a58b23d8c09de09b728bb03570a,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +dad026e3ea88b1c4ef9f7e92bf8a79f94d6f0ccb,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String beginning = str.substring(0, 1); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + //return part; + return beginning; + } + else + { + return str; + } + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +8066cae67c9ccdb2f9d9cce3b92263c205cad1fb,"public String without2(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +3871bc4ef99e25cecfc3d43a634e307b359372d3,"public String without2(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + { +if(str.substring(0,2).equals(str.substring(wordLength-2, len))) +{ + return str.substring(2); +} + else + { + return str; + } + } + else + { + return str; + } +} +" +cd4acda519c466c0a46c5be827f2c77031821337,"public String without2(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + { +if(str.substring(0,2).equals(str.substring(wordLength-2, wordLength))) +{ + return str.substring(2); +} + else + { + return str; + } + } + else + { + return str; + } +} +" +943ee982619d2dd6d625e6cfbf58492faa3c3ce7,"public String without2(String str) +{ + int length = str.length(); + + if (length > 2) + { + String beginning = str.substring(0, 1); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +918caca272523bd611fdbef306fe99102c22a178,"public String without2(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + { +if(str.substring(0,2).equals(str.substring(wordLength-2, wordLength))) +{ + return str.substring(2); +} + else + { + return str; + } + } + else + { + return str; + } +} +" +b37b4b4dfa9d6faa8476fc4dde31e3235913cb43,"public String without2(String str) +{ + int length = str.length(); + + if (length > 3) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 3) + { + String end2 = str.substring(length - 1); + return end2; + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +9bedab3693a5a36cf96bc201dd25598ca4b3ad29,"public String without2(String str) +{ + int length = str.length(); + + if (length > 3) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + return beginning; + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 3) + { + String end2 = str.substring(length - 1); + return end2; + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +2635f1ae29e3644b404b3092c924ee081a6e6a55,"public String without2(String str) +{ + int length = str.length(); + + if (length > 3) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 3) + { + String end2 = str.substring(length - 1); + return end2; + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +44748bfafb56db5841875e039b8ed320646daf8b,"public String without2(String str) +{ + int length = str.length(); + String str = ""HibobHi""; + if (length > 3) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 3) + { + String end2 = str.substring(length - 1); + return end2; + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +23fddd9a7c055decbaeb1d358ebf2e54b9e22559,"public String without2(String str) +{ + int length = str.length(); + str = ""HibobHi""; + if (length > 3) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 3) + { + String end2 = str.substring(length - 1); + return end2; + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +c0b05b5395014fa885c6d95d7384fbb838040e93,"public String without2(String str) +{ + int length = str.length(); + + if (length > 3) + { + String beginning = str.substring(0, 2); + String end = str.substring(length - 2, length - 1); + + if (beginning == end) + { + String part = str.substring(2); + return part; + } + else + { + return str; + } + } + else if (length == 3) + { + String end2 = str.substring(length - 1); + return end2; + } + else if (length == 2) + { + return """"; + } + else + { + return str; + } +} +" +7aed2e17da6848dd0b573b660c7782be61a644e5,"public String without2(String str) +{ + String first = str.substring(0,1); + String last = str.substring(str.length() - 2 , str.length() - 1); + if (first = last) + { + strNew = str.substring(2, length()); + return strNew; + } + else + { + return str; + } +} +" +2ab728e33b4f346369bc2b4b734e35c4f54b3e06,"public String without2(String str) +{ + String first = str.substring(0,1); + String last = str.substring(str.length() - 2 , str.length() - 1); + if (first == last) + { + strNew = str.substring(2, length()); + return strNew; + } + else + { + return str; + } +} +" +f5aaebc170416b8221e1dfd66e0a853625ee9d04,"public String without2(String str) +{ + String first = str.substring(0,1); + String last = str.substring(str.length() - 2 , str.length() - 1); + if (first == last) + { + String strNew = str.substring(2, length()); + return strNew; + } + else + { + return str; + } +} +" +542d03908e27f9e3b0e24247d29e7dea1ae91888,"public String without2(String str) +{ + String first = str.substring(0,1); + String last = str.substring(str.length() - 2 , str.length() - 1); + if (first == last) + { + String strNew = str.substring(2, str.length()); + return strNew; + } + else + { + return str; + } +} +" +02b8c72a342ed315e68b313bbb3d308f7a1ab5f9,"public String without2(String str) +{ + String first = str.substring(0,1); + String last = str.substring(str.length() - 2 , str.length() - 1); + if (first == last) + { + String strNew = str.substring(2, str.length() - 1); + return strNew; + } + else + { + return str; + } +} +" +636201d622dfcfcadb695922d965a354f6ef5345,"public String without2(String str) +{ + int length = str.length(); + if (len >= 2) + { + if (str.substring(0,2).equals(str.substring(len-2,len))) + return str.substring(2); + else + { + return str; + } + } + else + { + return str; + } +} +" +46735733883a8aedacf21ff3ae4103a7b7e3a2d3,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0,2).equals(str.substring(length-2,length))) + return str.substring(2); + else + { + return str; + } + } + else + { + return str; + } +} +" +0ffe18eb93c4c07b6e949f7fc2722165ed8f4c7b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +35ff643f4cf4e73dc6dc1497c5a9217b877b6be4,"public String without2(String str) +{ + if (str.substring(0, 2) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(1); + } + else + { + return str; + } +} +" +d16cf12d449ab54513944a1d343585912898c3e8,"public String without2(String str) +{ + if (str.substring(0, 2) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +23778e964e83b22546fb364c400c21b7902ecfc9,"public String without2(String str) +{ + if (str.substring(0, 2) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +2e6c35d18f576830ac5c5af3d65d1777c9eda5e4,"public String without2(String str) +{ + int length = str.length(); + if (length > 2) + { + String front = str.substring(0, 2); + String end = str.substring(length - 2, length); + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (length == 2) + return """"; + else + return str; + +} + +" +611745c60e3dd3ac7f15e8f6323814706c321276,"public String without2(String str) +{ + + int strSize = str.length(); + string first2 = str.substring(0,2); + string last2 = str.substring(strsize - 2, strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +bbe638bdb0ea46b28e4a1d6c16017ec56752dd46,"public String without2(String str) +{ + int length = str.length(); + + if (length < 2) + { + return str; + } + String end = str.substring (length - 2); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + else if (end.equals(beginning)) + { + return withoutBeginning; + } + else + { + return str; + } +} +" +42a4f3681b146febf6b94dadff0157455d4cf4ff,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + { + + String end = str.substring (length - 2); + String beginning = str.substring (0, 2); + String withoutBeginning = str.substring(2); + if (end.equals(beginning)) + { + return withoutBeginning; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +e929bd48921e8524a0a29663f690e33895b974a9,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a == b) + return str.substring(2); + + else + return 0; + + + + +} +" +e71375466e1bf0eebde1691ad6cf7008e342c19a,"public String without2(String str) +{ + int n = str.length(); + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a == b) + return str.substring(2); + + else + return str; + + + + +} +" +ffc25c592957e68707654333d3794c3a7bd1c176,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a == b) + return str.substring(2); + else + return str; + + else + return str; + + + + +} +" +4887b3086a7fad71dd1b4706eea9876338fffe85,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + String a = str.substring(0, 2); + String b = str.substring(n-2); + if (a == b) + return str.substring(2); + else + return str; + else + return str; + + + + +} +" +74726b713ee9883289268f42c5107aaab3b9d1f8,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + String str1 = str.substring(0, 2); + String str2 = str.substring(n-2); + if (str1 == str2) + return str.substring(2); + else + return str; + else + return str; + + + + +} +" +d41c5aab533a58b74d82a6f4eecd99fe7e075653,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + if (str.substring(0, 2) == str.substring(n-2)) + return str.substring(2); + else + return str; + else + return str; + + + + +} +" +09df3adb726a3186c1672b54870aac616e266bc5,"public String without2(String str) +{ + int num = str().size() -1; + return str[2:num]; +} +" +41fd2a67bf9ed12e95f87cb6e068e2b020887a7e,"public String without2(String str) +{ + str num = str().size() -1; + return str[2:num]; +} +" +f8586750b69e85699f8cfe055b89e24e56fca1ee,"public String without2(String str) +{ + str name1 = str[0:2]; + str name2 = str[-2:]; + + if (name1 == name2) + return str[2:]; + else + return a; +} +" +77c53a3a9617a992fe940429f542ffed943e5977,"public String without2(String str) +{ + String name1 = str[0:2]; + String name2 = str[-2:]; + + if (name1 == name2) + return str[2:]; + else + return a; +} +" +8945db07e4523b5f499ccdb30fcf1e3e294ca725,"public String without2(String str) +{ + String name1[] = str[0:2]; + String name2[] = str[-2:]; + + if (name1 == name2) + return str[2:]; + else + return a; +} +" +1515ac4a6a951554a13091e46a0d5a03730a8564,"public String without2(String str) +{ + first = a[0:2] + second = a[-2:] + + if first == second: + return a[2:] + else: + return a +} +" +b6d0e64832183ae09160a44eb644a2dd807a38e8,"public String without2(String str) +{ + first = a[0:2]; + second = a[-2:]; + + if first == second: + return a[2:]; + else + return a; +} +" +c650e5ac589d101184bcd6000fe881ff548bebb5,"public String without2(String str) +{ + first = a[0:2]; + second = a[-2:]; + + if first == second: + return a[2:]; + else + return a; +} +" +9863185df80eba9ceb69d108f2553e0334f2e585,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + if (str.substring(0, 2) == str.substring(n-2,n)) + return str.substring(2); + else + return str; + else + return str; + + + + +} +" +298e3709c9850dc36b5ac5877b0d082325c557ac,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + if (str.substring(0, 2).equals(str.substring(n-2))) + return str.substring(2); + else + return str; + else + return str; + + + + +} +" +199ba645f34c7e4c5071f806d50795fd89622ab0,"public String without2(String str) +{ + String name1 = str.substring (0,2); + String name2 = str.substring (str.length()-2:); + + if (str.length() < 2) + return str; + if (name1 == name2) + return str(2:); + else + return a;; +} +" +944920167080a2c7e80282e1608d134ab57e4352,"public String without2(String str) +{ + String name1 = str.substring(0,2); + String name2 = str.substring(str.length()-2:); + + if (str.length() < 2) + return str; + else if (name1 == name2) + return str(2:); + else + return a;; +} +" +23c3306282929b94febc0ed4278fea4690914d21,"public String without2(String str) +{ + int n = str.length(); + if (n >= 2) + if (str.substring(0, 2).equals(str.substring(n-2))) + return str.substring(2); + else + return str; + else + return str; + + + + +} +" +372fda18fa987508551969d4d9277ddeec89ff59,"public String without2(String str) +{ + String name1 = str.substring(0,2); + String name2 = str.substring(str.length()-2); + + if (str.length() < 2) + return str; + else if(name1.compareTo(name2)!=0) + return str; + else + return str.substring(2); +} +" +7e49f36f5420169aa22f9ff9151e2b08a37a723b,"public String without2(String str) +{ + if (str.length() < 2) + return str; + String name1 = str.substring(0,2); + String name2 = str.substring(str.length()-2); + if(name1.compareTo(name2)!=0) + return str; + else + return str.substring(2); +} +" +fc82f93a5c2a2c6589c66feb6e18a8d2569196cf,"public String without2(String str) +{ + String first = str.substring(0, 2); + String last = str.substring(str.length - 1); + if (first == last) + String result = str.substring(2); + else + return str; + return result; +} +" +9ec3ea2a16a6851f7ea76be53677e32f71373e69,"public String without2(String str) +{ + String first = str.substring(0, 2); + String last = str.substring(str.length - 1); + String result; + if (first == last) + result = str.substring(2); + else + return str; + return result; +} +" +e42bf2fa8cf314efe6faf242e7d954854b564a97,"public String without2(String str) +{ + String first = str.substring(0, 2); + String last = str.substring(str.length() - 1); + String result; + if (first == last) + result = str.substring(2); + else + return str; + return result; +} +" +0cd33dde8c8fbc5da32878917ec45df48114a1d3,"public String without2(String str) +{ + String first = str.substring(0, 2); + String last = str.substring(str.length() - 2); + String result; + if (first == last) + result = str.substring(2); + else + return str; + return result; +} +" +3c0d3c00b5eed65f4695ad7c3f1912a5d1e314ce,"public String without2(String str) +{ + int size = str.length(); + if(size >= 2) + { + if(str.substring(0,2).equals(str.substring(size-2, size))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +d3027f76d9ad8d9a3a4555042d34e8d3ff6024a5,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; + +} +" +fc46997b7c09a16e3b07b4d6c52a95de7fb76508,"public String without2(String str) +{ + String part = substring.str(2); + System.out.print(part); +} +" +4f9a857b5c6cc1e9111fae32049b146262d02a7d,"public String without2(String str) +{ + String part = without1.substring(2); + System.out.print(part); +} +" +94faf43259b5c48b9a1dd3fbb5bfb42c92b79dd2,"public String without2(String str) +{ + String part = without2.substring(2); + System.out.print(part); +} +" +51e174459264d8f90442c5b72cad7c4f38e6a5f8,"public String without2(String str) +{ + String part = str.substring(2); + System.out.print(part); +} +" +8a635c882a279410950779a782478e068f2b80ae,"public String without2(String str) +{ + String part = str.substring(2); + System.out.print(str); +} +" +51a5ac823fcdf7210c6f61c9cf7f03937bcb3fed,"public String without2(String str) +{ + String part = str.substring(2); + System.out.println(str); +} +" +b46fbefe9fd8001ba26163c2e739288fb3ff22e4,"public String without2(String str) +{ + String part = str.substring(2); + return part; +} +" +62fd32a132a1a927b355b2145a0133d111576f07,"public String without2(String str) +{ + String part = str.substring(2); + String part2 = str.substring(str.length() - 2, str.length) + if (part = part2) + { + return part; + } + else + { + return str; + } +} +" +39dffc5b10a402b0a60a5136095b624348397c9b,"public String without2(String str) +{ + String part = str.substring(2); + String part2 = str.substring(str.length() - 2, str.length); + if (part = part2) + { + return part; + } + else + { + return str; + } +} +" +f199584b2225180a77418cdb4a3368c37aaaec19,"public String without2(String str) +{ + String part = str.substring(2); + int length(str); + String part2 = str.substring(str.length() - 2, str.length); + if (part = part2) + { + return part; + } + else + { + return str; + } +} +" +0214ff75cef28ca7dbb6940c588e8641eb259eaa,"public String without2(String str) +{ + String part = str.substring(2); + int beg = str.length() + String part2 = str.substring(str.length() - 2, str.length); + if (part = part2) + { + return part; + } + else + { + return str; + } +} +" +a72f2e91b8b86963cff98643a120e3eba01efd6e,"public String without2(String str) +{ + String part = str.substring(2); + int beg = str.length(); + String part2 = str.substring(str.length() - 2, str.length); + if (part = part2) + { + return part; + } + else + { + return str; + } +} +" +c17daeee29f2e004606d0782c2b91899db93f73d,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (part = part2) + { + return part; + } + else + { + return str; + } +} +" +be14be0f3b3f158c477c698a2c132c6a0fe3715f,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (part == part2) + { + return part; + } + else + { + return str; + } +} +" +ad04396981f1b8f9ec3050073fe24acfa4799310,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return "" ""; + } + if else(part == part2) + { + return part; + } + else + { + return str; + } +} +" +058dd788631aa2ac0572fb2026ea8c07501586d4,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return "" ""; + } + else if (part == part2) + { + return part; + } + else + { + return str; + } +} +" +ced13750c4eb1a59ba1c82ed8c781a1d3abbe59f,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return """"; + } + else if (part == part2) + { + return part; + } + else + { + return str; + } +} +" +568e336220a9c7491075fe951c97f81cb7567a01,"public String without2(String str) +{ + if(str.subString(0,1)==str.subString(4,5)) + { + return str.subString(1,4); + } +return str; +} +" +8d88c11f3aa766a770c3e20bcd1bf877e46c3591,"public String without2(String str) +{ + if(str.substring(0,1)==str.substring(4,5)) + { + return str.substring(1,4); + } +return str; +} +" +28754323331efbeebe85464704c9165750c99313,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return """"; + } + else if (String part == String part2) + { + return part; + } + else + { + return str; + } +} +" +47a5af18006f4f745b1764ba61c7bf41779cfe44,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part; + } + else + { + return str; + } +} +" +ce6119389ff6391166bacb547dcbc8c11a6f4cc9,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part; + } + else + { + return part2; + } +} +" +56b8a37f2b337b300d6abf8e5043c13590d7612a,"public String without2(String str) +{ + if(str.substring(0,1)==str.substring(str.lenth() - 1, str.length())) + { + return str.substring(1,str.substring() - 1); + } +return str; +} +" +6ad8998c76268ed177b674be052fd2905a8a30cf,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part; + } + else + { + return part; + } +} +" +de3e8f579030b4d491d44f912b8f467168f629e2,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part; + } + else + { + return str; + } +} +" +1c24b2046f887931812f9090966eb287f232077a,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part != part2) + { + return str; + } + else + { + return part; + } +} +" +376f8bc0c55bcc52dca7a9a6c030ccad71270991,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return str; + } + else + { + return part; + } +} +" +5185c09c01c25d108db775868fa430d77d44f2e5,"public String without2(String str) +{ + if(str.endsWith(str.substring(0,1))) + { + return str.substring(1 , (str.length() -1)); + } +return str; +} +" +a0f06f62a3af476e1b68a3c0a51d92cc834715bb,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part != part2) + { + return str; + } + else + { + return part; + } +} +" +b56e74fe717e8e2c1926b1ec22503b8e24dc7ed3,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (str.length() < 2) + { + return str; + } + else if (part != part2) + { + return str; + } + else + { + return part; + } +} +" +6e63392c9a3b1e18b3ae2b394cd9a0ce7d589e37,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (str.length() < 2) + { + return str; + } + else if (part != part2) + { + return part2; + } + else + { + return part; + } +} +" +a073d6ada7c343c5fbd77d1afab48db11e08bd01,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + return str; +} +" +c3a6540ac37a86f2ccaa746e0e78c60852662d06,"public String without2(String str) +{ + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (str.length() < 2) + { + return str; + } + else if (part == part2) + { + return part2; + } + else + { + return part; + } +} +" +770502ea94138aaef776275c21be37b4423309e2,"public String without2(String str) +{ + if(str.length() >= 2 && str.substring (0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; + +} +" +c3f0eff223ddc8c3dbbf06d6d0e17d9db913dcfc,"public String without2(String str) +{ + if (str.length > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +646d9ad859879a4b7ddb0d4a33361eb61d38cbf8,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +75bf7688ee284c225ec9d894862149f6a59f514f,"public String without2(String str) +{ + if(str.endsWith(str.substring(0,2))) + { + return str.substring(1 , (str.length() -1)); + } +return str; +} +" +483fb5a5f1f07ce7dfd0557c0ded2c151a456546,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (string.part == part2.string) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +470aef3323f9cd23fbbcee6805f4473f8d9737b3,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (string().part == part2.string()) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +205a0b3340d817bac533b945d0b34641594a5145,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (equals(part part2)) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +444b44a93463a325b05e60bd95463522d7f81ace,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (equals(part, part2)) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +203d76c4ff752daefcf61cc9670b20d1857b6ad6,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (equalsIgnoreCase(part, part2)) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +368853be52a69f6422ed82fe6eb1e8dbc896899f,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part.equalsIgnoreCase(part2)) + { + return part2; + } + else + { + return part; + } + } + else + { + return str; + } +} +" +8a27b11325df972fd6752f3666b19f5256604ac0,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part.equalsIgnoreCase(part2)) + { + return part; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +538d198a313c749a792500106926ad0dcc1dee29,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (part == part2) + { + return part; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +47ae439586ef5610a73265f20ec6da5d7d10d6d7,"public String without2(String str) +{ + String newStr + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2, str.length()); + + if (sub1 = sub2) { + newStr = str.substring(2, str.length() - 2)); + } + else { + newStr = str; + } + return newStr; +} +" +9cae4abc57f28e7ca662bca40e3d5db661e9a719,"public String without2(String str) +{ + String newStr + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2, str.length()); + + if (sub1 = sub2) { + newStr = str.substring(2, str.length() - 2); + } + else { + newStr = str; + } + return newStr; +} +" +91d1d0ecc83ddd1e9bdb5935f3cb576472cbeadb,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2, str.length()); + + if (sub1 = sub2) { + newStr = str.substring(2, str.length() - 2); + } + else { + newStr = str; + } + return newStr; +} +" +74a9fc5bd1491cffc40cb7c05b7b481b9122d281,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2, str.length()); + + if (sub1 == sub2) { + newStr = str.substring(2, str.length() - 2); + } + else { + newStr = str; + } + return newStr; +} +" +22fc0f5f82f5407db8d715814e74a21cc0663991,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2); + + if (sub1 == sub2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + return newStr; +} +" +bae8f14cb6b311d9fcf98c1520778d92c579ef2c,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2); + + if (sub1 == sub2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + return newStr; +} +" +6669c3f69fa924b0989cf9c5e25a855eea0151d7,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2); + + if (sub1 == sub2) { + newStr = str.substring(3); + } + else { + newStr = str; + } + return newStr; +} +" +6833969145d66aa88db39ddf5e48b19af6dcef7f,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2); + + if (sub1 == sub2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + return newStr; +} +" +a14861421c20fbae19095dd5f3d70fc2710ca144,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2); + system.out.println(sub1); + + if (sub1 == sub2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + return newStr; +} +" +d8504b42098e93f4dea531860051dce571c65712,"public String without2(String str) +{ + String newStr; + String sub1 = str.substring(0, 2); + String sub2 = str.substring(str.length() - 2); + + if (sub1 == sub2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + return newStr; +} +" +81d774c4a0a3ca44ba091ba4ed28b5591f9e5087,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +9c148390f7c90474ffc995091a8667d0084cb748,"public String without2(String str) +{ + if str.substring(0, 2).Equals(str.sbstring (str.length()-2, str.length())) + return 5; + else + return str; +} +" +46106ad747ace32037946bb1e9d30fbb9b15c674,"public String without2(String str) +{ + if (str.substring(0, 2).Equals(str.sbstring (str.length()-2, str.length()))) + return 5; + else + return str; +} +" +70a394ba28c73c6989dd0f93ea47a765a7072614,"public String without2(String str) +{ + if (str.substring(0, 2).Equals(str.substring (str.length()-2, str.length()))) + return 5; + else + return str; +} +" +90243dfb49aadc0b6c1369570a626e0aecbd2af7,"public String without2(String str) +{ + if(str.length() >= 1) + { + if(str.endsWith(str.substring(0,2))) + { + return str.substring(1 , (str.length() -1)); + } + } +return str; +} +" +2385d519cf4aa400f46a9cf0272dca2b74c89117,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring (str.length()-2, str.length()))) + return 5; + else + return str; +} +" +4a8676eb8850aebdeab5d1a4119eb159d2d2ae9d,"public String without2(String str) +{ + if(str.length() >= 1) + { + if(str.endsWith(str.substring(0,2))) + { + return str.substring(1 , (str.length())); + } + } +return str; +} +" +3a890d673427bed3542adefff12ce46a5a418bef,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring (str.length()-2, str.length()))) + return ""hi""; + else + return str; +} +" +a5cfa307cf8e134aeccb0d7fa81d42e1e6ac130e,"public String without2(String str) +{ + if(str.length() >= 1) + { + if(str.endsWith(str.substring(0,2))) + { + return str.substring(1 , (str.length() -1)); + } + } +return str; +} +" +9daa102b44164f880d72a12f39911390046090c6,"public String without2(String str) +{ + if (str.length() <=2) + return """"; + else if (str.substring(0, 2).equals(str.substring (str.length()-2, str.length()))) + return ""hi""; + else + return str; +} +" +8b7eeb83d46de554b6ef251526e1848fcf9bc84d,"public String without2(String str) +{ + if (str.length() ==2) + return """"; + else if (str.length()<2) + return str; + else if (str.substring(0, 2).equals(str.substring (str.length()-2, str.length()))) + return ""hi""; + else + return str; +} +" +dcc8045ce7d0a76c425f706ee55f6632e81025be,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if (str.substring(0, 2).equals(str.substring (str.length()-2, str.length()))) + return ""hi""; + else + return str; +} +" +da426c84af61a870e0510e0937dd6eb71f8f8e0d,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if (str.substring(0, 2).equals(str.substring (str.length()-2, str.length()))) + return str.substring(2,str.length()); + else + return str; +} +" +8a20c76035055cdc4d209d9b03790d278c475268,"public String without2(String str) +{ + int sizeWord = length(str); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 1), (sizeWord + 1)); + + String finalWord = str.substring(2, (sizeWord + 1)); + + return finalWord; +} +" +56f192abe2965cd2b5cae9e2aa9dda5398143df7,"public String without2(String str) +{ + int sizeWord = str.length(); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 1), (sizeWord + 1)); + + String finalWord = str.substring(2, (sizeWord + 1)); + + return finalWord; +} +" +d9be946f5597e2eea56bf8e6ec89eed1828e101d,"public String without2(String str) +{ + int sizeWord = str.length(); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 1), (sizeWord + 1)); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +9a269dfe1a15130142cd379d93e4125d40376c5c,"public String without2(String str) +{ + int sizeWord = str.length(); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 2), sizeWord); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +88e630bdab362986637492d6082d5cfd1256e3fe,"public String without2(String str) +{ + int sizeWord = str.length(); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 1), sizeWord); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +f563233b983efb9ef35035f234942ad40aa8104a,"public String without2(String str) +{ + int sizeWord = str.length(); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 2), sizeWord); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +5389d59f30b84d8c97403f55d05ab6304f1c9d6a,"public String without2(String str) +{ + int sizeWord = str.length(); + + String begin = str.substring(0, 2); + String end = str.substring((sizeWord - 2), sizeWord); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +8542fc4c991db9cc1b5a242a36b62e7dfb0ceaf3,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +3403aea5d215352e0ea9b72b2c0d2d3bdae236e0,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2).equals( str.substring(n-2,n)) + { + return str.substring(2,n); + } + else + { + return str; + } +} +" +b7cdd91d3a4790078c9c77e3df6504cac60aaebe,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if (n == 2) + { + return """"; + } + else if (str.substring(0,2).equals( str.substring(n-2,n))) + { + return str.substring(2,n); + } + else + { + return str; + } +} +" +0579c1ccfce6ffc7928f73e769ef33290ed0ac7d,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str +} +" +12481f7c8785594c73164140680dd47776c68a3f,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +6c08f73a30dc6439c8c2ce28310fb8f3a0b63879,"public String without2(String str) +{ + int lengt = str.length(); + if (lengt >= 2) + { + if(str.substring(0,2).equals(str.substring(lengt-2,lengt))) + return str.substring(2); + else + return str; + } + else + return str; + +} +" +49435773bb89ffe13dc063656ffe4513398abfb7,"public String without2(String str) +{ + int length = str.length(); + if (length <= 2) + return """"; + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +dc2bfc97221d9dfaaa97425d4337e5246431286c,"public String without2(String str) +{ + int length = str.length(); + if (length == 0) + return """"; + else if (length == 1) + return str; + String beginning = str.substring(0,2); + String end = str.substring(length - 2, length); + if (beginning.equals(end)) + return (str.substring(2)); + else + return str; +} +" +48bbe01e0453b283db63271e3e9f68e6ae79a6d6,"public String without2(String str) +{ + int length = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring(length - 2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +6e1d1ba57f15f9ccfc1fd69da4686bbafc8a7f66,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if (str.substring(0, 2).equals(str.substring(length - 2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +81828f89391492923662e428434cf4f79a74b492,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(-2)) + { + return (str.substring(2)); + } + +} +" +af4766c3bbd3ca1bed17625dc53e8da406a17669,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(-2)) + { + return (str.substring(2)); + } + return str; + +} +" +7e974a02b464cad128d5b33447f1c1dde9c4fab8,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length()-2)) + { + return (str.substring(2)); + } + return str; + +} +" +41e63355256e0300012f8bc2a882a73174a150ff,"public String without2(String str) +{ + if (str.substring(0,2)==str.substring(str.length()-3)) + { + return (str.substring(2)); + } + return str; + +} +" +0b71a3bec8c6743e99670c8d5b2a15633f5745de,"public String without2(String str) +{ + if (str.substring(0,3)==str.substring(str.length()-2)) + { + return (str.substring(2)); + } + return str; + +} +" +683feeacc3f9c65d5bf1789d3028cbfef2be4bf8,"public String without2(String str) +{ + if (str.substring(0,3)==str.substring(str.length())) + { + return (str.substring(2)); + } + return str; + +} +" +5159a9f31a963f86704ea2be768d76cc68fc0c71,"public String without2(String str) +{ + if(str.length>=2) + { + if (str.substring(0,3)==str.substring(str.length())) + { + return (str.substring(2)); + } + } + return str; + +} +" +2ed1b07a305836221419f540a8f6d814ca02d8c6,"public String without2(String str) +{ + if(str.length()>=2) + { + if (str.substring(0,3)==str.substring(str.length())) + { + return (str.substring(2)); + } + } + return str; + +} +" +a6136d51b113673e4ce67eacd0d56509a7959fc2,"public String without2(String str) +{ + if(str.length()>=2) + { + if (str.substring(0,2)==str.substring(str.length()-2)) + { + return (str.substring(2)); + } + } + return str; + +} +" +8b769354f4a72e15ce436b39bf407861b7932734,"public String without2(String str) +{ + if(str.length()>=2) + { + if (str.substring(0,2)==str.substring(str.length()-2)) + { + return (str.substring(2)); + } + } + return str; + +} +" +4995617a2fb8c6b6b89cecb47d2dce8d8adb4b63,"public String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + +} +" +ab868b4c9120e922a960fb068cd17a0060c21fe4,"public String without2(String str) +{ + if(s.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); + +} +" +5a7c829a2e407b647c8d95add9395b950bec6c11,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); + +} +" +4046ac2bd5c19fa29c6c677636742878784b74ae,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); + +} +" +0643463760d8d611c96dad0b31a4dccab04b77a4,"public String without2(String str) +{ + int biggest; + int smallest; + int mid; + + if(a > b) + { + if(b > c) + { + biggest = a; + mid = b; + smallest = c; + } + + else if(c > a) + { + biggest = c; + mid = a; + smallest = b; + } + + else + { + biggest = a; + mid = c; + smallest = b; + } + } + + if((biggest - mid) == (mid - smallest)) + { + return true; + } + + return false; +} +" +26f9d3e4b003f9a34820a76ce762c679c3eeb4c8,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +c94f5ea68bc0c88281d46cfbcea778a43d24714a,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining == send) + { + return str; + } + return str.substring(2); +} +" +585e47f1651607f923b7c2480b9e9f1c9f6789fc,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +79394a54cc08b081d4d0624d7e05a930fbb4e0ef,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-1); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +216d43e6010dfc4f59c2bcb9042ee43508b8d876,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-3); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +70a88bf1014ee887c85595ae569aa9fa78e4640c,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 1); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +5f986dd7600824c18e5aed821aadb2ce9f240c8b,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 1); + String send = str.substring(str.length()-1); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +fc581f198880b6f42f99db9ae823caf370862f37,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +83e26aa4a950462e27e6f3689076cfc200eaffbb,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(3); +} +" +7730edc380902bad9fe66a91359453f620cbaa98,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +0b56f3837c4ca2f93521b668c9403a1097d5e36e,"public String without2(String str) +{ + if (str.length()<=2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +ea8dcc880f4eec50f03992f2ec254e8e5defce9f,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2); +} +" +578b4bb6d62082b9f2e4820a4fa5b9ca995a5330,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining != send) + { + return str; + } + return str.substring(2,str.length()); +} +" +63b902073d8cdb9cb67a0489c9a3e097d9c4a14f,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining.equals(send)) + { + return str.substring(2); + } + return str; +} +" +90feb9ed3af69a20ac9283955199b683869d4d4f,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining==send) + { + return str.substring(2); + } + return str; +} +" +5e7db8ad2fa6ff855c49c46e3debab2e09923c37,"public String without2(String str) +{ + if (str.length()<2) + { + return str; + } + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + if (sbegining.equals(send)) + { + return str.substring(2); + } + return str; +} +" +877bdfe5c3ceb5e594911a6931169cab7441911a,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (front.equals(end))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +fd66961539b5fca49e8bd6c6cc428bda45f37267,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if(front.equals(end))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +0be8e5d81a3caa7544c3c8319d62811d7f7e359b,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (front.equals(end)) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +166044b7f8a49bdd82485845065bbe93de82cb70,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.subtring(0, 1).equals(str.substring(n-2, n-1)) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +27cd20f88931866c5bb1cb485da7e074011552cb,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.subtring(0, 1).equals(str.substring(n-2, n))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +c1a1b46a215ce2d747fc4d7efd5fb5ae117994c7,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring(0, 1).equals(str.substring(n-2, n))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +74f98aac2117081f031eb055197f459981f939b0,"public String without2(String str) +{ + int n = str.length(); + front = str.substring(0,1); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring(0, 1).equals(str.substring(n-2, n))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +94ba1bfe28c35c4593bf3e1ad1d19ebef1a2d025,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring(0, 1).equals(str.substring(n-2, n))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +687b363f6030882e8492d5f31e113557bbdfa909,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + else + { + fix = str; + } + return str; +} +" +c193831f374a1a7bb90ce481a200780cf7a131f2,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str; + } + return str; +} +" +e378dad1b2919e569000af3579e3b8a4fc94e3be,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = substring(0); + } + return str; +} +" +6f7ee8d0ccee4c0018c733c95b03e31cd7f27585,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str.substring(0); + } + return str; +} +" +b9da5eeaa73a3e9ffede5cf75ae64c50d7aabe7a,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (str.substring(2) == str.substring(end - 2, end) + { + return part; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +c202e2666d4aa89788c0d5cf9772f8453a3dda98,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (str.substring(2) == str.substring(end - 2, end)) + { + return part; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +665900966cdae93cc2e83e6046bb5ddf1dcbbe50,"public String without2(String str) +{ + if (str.length() > 1) + { + String part = str.substring(2); + int end = str.length(); + String part2 = str.substring(end - 2, end); + if (str.length() == 2) + { + return part; + } + else if (str.substring(2) == str.substring(end - 2, end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +29be3086be39586d54e4edc5ef66cb403c66af20,"public String without2(String str) +{ + if (str.length() > 1) + { + int end = str.length(); + if (str.length() == 2) + { + return str.substring(2); + } + else if (str.substring(2) == str.substring(end - 2, end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +cc2e6d974a12282c25e5e0a75b49a446c81ca5da,"public String without2(String str) +{ + if (str.length() > 1) + { + int end = str.length(); + if (str.length() == 2) + { + return str.substring(2); + } + else if (str.substring(2).equals(str.substring(end - 2, end))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +7db21b80205ce7ecffb33d5af6b033429f4554e1,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str.substring(0); + } + return str; +} +" +889fae3bbc7d468ef43e42de2838bd5de9355952,"public String without2(String str) +{ + if (str.length() > 1) + { + int end = str.length(); + if (str.substring(2).equals(str.substring(end - 2, end))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +5017b8cba7251f8ba49c9cabfe89ae0fdb1cb92c,"public String without2(String str) +{ + if (str.length() > 1) + { + int end = str.length(); + if (str.substring(0, 2).equals(str.substring(end - 2, end))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +05ebcc705fdfa862f98fa90874101734d6f3c6b6,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +6f0c97d8326189dd3f627585529054b3cd303166,"public String without2(String str) +{ + //String begin = str.substring(0, 2); + //String end = str.substring(str.length() - 2, str.length()); + + if (str.substring(0, 2) == str.substring(str.length() - 2, str.length())) + { + return str.substring(2); + } + else + { + return str; + } +} +" +1e8e66cef86a948f06d73c4fe64ec1b7ebe03410,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +56c326e77f2c0ec46b6cd946d842c2c9349d692b,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +e6fb5fd48ffaf8bbd1e1b69f667161efcbdbcdec,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +f8f47360631365d0c0ad47e616b352643819d3ae,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin.compareTo(String end) == 0) + { + return str.substring(2); + } + else + { + return str; + } +} +" +4afc81c57d5b59410057eeb2964cbab15498e743,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +a61722bcaaf8244281ea45320130214c92a2c985,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin != end) + { + return str; + } + else + { + return str.substring(2); + } +} +" +616ee2401b144066be9b80e703198abca1727ebf,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +6292ad198ab2f287700a16956e23eff6eb30f2a9,"public String without2(String str) +{ + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else if (str == ""xxx"") + { + return ""x""; + } + else + { + return str; + } +} +" +3be781bc8cf0b3261aeed625227aa700a28d73d6,"public String without2(String str) +{ + if (str.length() > 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str + } +} +" +1ec660b034a58456011339bdbe1a55282ba4179b,"public String without2(String str) +{ + if (str.length() > 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +27d39c5b27923d9eed1042e7ab4257b6de95c928,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +2235c961fcbb44cd639eb4e67c79803aa17630c9,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else if (str == ""HelloHe"") + { + return ""lloHe""; + } + else if (str == ""xxx"") + { + return ""x""; + } + else + { + return str; + } + } + else + { + return str; + } +} +" +757620bd3d98480453daecdbd32be17e71eea4ce,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (String begin == String end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +b53e3d1bce5deedca5491bc722f5d1b6675f3ac7,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin == end) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +8a7decaeb76dc211bc9b7bd19e785c8d3de2915a,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (Object.equals(begin, end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +8f2fa41735f2be81aa4ef2ce5fd0509a50fd0ad7,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (String.equals(begin, end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +5a508df6a5260225c45e23a82676afdfabeb7f86,"public String without2(String str) +{ + if (str.length() >= 2) + { + String begin = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + + if (begin.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +aaae3585a13520961def0564020c2c9b8ec91175,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + return str; + } + else if ( n == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(n-2, n))) + { + return str.substring (2 , n); + } + else + { + return str; + } +} +" +f4f42719223286bc45debbbeeeddfb9c958e4efe,"public String without2(String str) +{ + if (str.substring(0, 2) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2, str.length()-1); + } + else + { + return str; + } +} +" +94fc39e8d593be9022ddcb46bebc22f8ddff072d,"public String without2(String str) +{ + if (str.substring(0, 2) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +4c059679cb611836a4c4c6281a72ce7a06bc15c8,"public String without2(String str) +{ + if (str.substring(1, 2) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +3de85e182bf4fe9ffa811e0f680e211aa784cd08,"public String without2(String str) +{ + if (str.substring(0, 1) == + str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +3290b9da543e456f44728cc2a2c0251785b75fbe,"public String without2(String str) +{ + String newStr; + if (str.length == 0) { + newStr = """"; + } + else if (str.length() == 1) { + newStr = """"; + } + else { + String str1 = str.substring(0, 2); + String str2 = str.substring(str.length() - 2); + if (str1 == str2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + return newStr; +} +" +090154b8e0372ab5be4454f6f2a7100fc2b92a43,"public String without2(String str) +{ + String newStr; + if (str.length == 0) { + newStr = """"; + } + else if (str.length() == 1) { + newStr = """"; + } + else { + String str1 = str.substring(0, 2); + String str2 = str.substring(str.length() - 2); + if (str1 == str2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + } + return newStr; +} +" +f82698fbbf4983481268e6d44bbd7e0506f8a0c6,"public String without2(String str) +{ + String newStr; + if (str.length() == 0) { + newStr = """"; + } + else if (str.length() == 1) { + newStr = """"; + } + else { + String str1 = str.substring(0, 2); + String str2 = str.substring(str.length() - 2); + if (str1 == str2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + } + return newStr; +} +" +447b227404d8774ba625c307a2052c37e0386d9e,"public String without2(String str) +{ + String newStr; + if (str.length() == 0) { + newStr = """"; + } + else if (str.length() == 1) { + newStr = str; + } + else { + String str1 = str.substring(0, 2); + String str2 = str.substring(str.length() - 2); + if (str1 == str2) { + newStr = str.substring(2); + } + else { + newStr = str; + } + } + return newStr; +} +" +ad69f037b0fc6520d73e98018116d67522059351,"public String without2(String str) +{ + String newStr; + if (str.length() == 0) { + newStr = """"; + } + else if (str.length() == 1) { + newStr = str; + } + else { + String str1 = str.substring(0, 2); + String str2 = str.substring(str.length() - 2); + if (str1.equals(str2)) { + newStr = str.substring(2); + } + else { + newStr = str; + } + } + return newStr; +} +" +cda8d3471fe82163fdd5baaf0e29490075299021,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strsize - 2, strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +5de3deb317cb666a502bec304d99498f0861d69c,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (first2 == last2) + return substring(2); + else + return str; + +} +" +66d99b69dbd72881efc7856b1b86b34edcba8469,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (first2 == last2) + return str.substring(2); + else + return str; + +} +" +65960cdf935b80420ad2161d7c4030738a7ae347,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (first2 == last2) + return str.substring(0, 2); + else + return str; + +} +" +c41587c594b7ec3d5dfd0fd4341dd7c6125220d8,"public String without2(String str) +{ + String start = str.getSubstring(0, 1); + String end = str.getSubstring(str.length() - 1, str.length()); + return str; +} +" +19a6336753de2bee574a1c6a67cfc489e985308d,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 1, str.length()); + return str; +} +" +6307b3ab3fe8bbd5c3a6b39a04edbc8e2616978d,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +} +" +c9e5a1e0ebd911aa69cfbdd1d8984b27a0e94523,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 1, str.length()); + if (start.equals(end)) + { + return str.substring(1, str.length()); + } + return str; +} +" +eb96c3e86cd96632739e04dab186c3cf25ae6e6f,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 1, str.length()); + if (start == end) + { + return str.substring(1, str.length()); + } + return str; +} +" +93e7cd7048be7bbc7a27414dc3d9555887931925,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + return str.substring(1, str.length()); + } + return str; +} +" +c3e40f98b8f8b6f013aa0ca47e19cb2570e7a327,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 1, str.length()); + if (start.equals(end)) + { + return str.substring(1, str.length()); + } + return str; +} +" +c6dd59a6fe1180740bce7c1690d5973605806ab5,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + return str.substring(1, str.length()); + } + return str; +} +" +7671020d1b2f7b06d7462d87f7ac8913ad7e9c7a,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + return str.substring(2, str.length()); + } + return str; +} +" +447ac23869bd3c26bada5ec06e1b549c3124de1b,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(str.length() - 1, str.length()); + if (start.equals(end)) + { + return str.substring(2, str.length()); + } + return str; +} +" +63cb35cba87a95d6e148664b15dcf46dc37cf7c4,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 1, str.length()); + if (start.equals(end)) + { + return str.substring(2, str.length()); + } + return str; +} +" +f5909dfc4c73f33caeb9b00601097214319a00bd,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(2, str.length()); + } + return str; +} +" +3eee466be398622cf03215822e41cb821279cbf1,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(2, str.length()); + } + return str; +} +" +bccb3f2a14f466d694a2f5b24d5fae10da70e14b,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(1, str.length()); + } + return str; +} +" +a12b8b243bd254cd4be685ee3c1825efe63e5640,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length() - 1); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(2, str.length()); + } + return str; +} +" +fdbd38fcd3aebfcf36751edbeb003dc8caa6f42d,"public String without2(String str) +{ + String start = str.substring(0, 1); + String end = str.substring(str.length() - 2, str.length()); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(2, str.length()); + } + return str; +} +" +054b6f0bf037a29bfa2f5b380d80b41ebbf0522e,"public String without2(String str) +{ + String start = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(2, str.length()); + } + return str; +} +" +d328b78e6e1eb57d479bb048986e223f369f00ac,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + String start = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (start.equals(end)) + { + System.out.println(""called""); + return str.substring(2, str.length()); + } + return str; +} +" +5d3ce939b83bd4a53b5d4b356dad3b57c74d8574,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (len > 1) + { + if (first2 == last2) + { + return str.substring(2); + } + else + return str; + } + else + return 2; + +} +" +91936855b6c81d9d25fc0bb0c95563b9f793d011,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (strSize > 1) + { + if (first2 == last2) + { + return str.substring(2); + } + else + return str; + } + else + return 2; + +} +" +05bbf72f5348c31ce4f295ed96733bf45f2d6a28,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (strSize > 1) + { + if (first2 == last2) + { + return str.substring(2); + } + else + return str; + } + else + return ""2""; + +} +" +1697341363c5b744db948747a49181c42745e15e,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (strSize > 1) + { + if (first2.equals(last2)) + { + return str.substring(2); + } + else + return str; + } + else + return ""2""; + +} +" +5080cbff9febce53b7162b24a534bb411cfadeea,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (strSize > 1) + { + if (first2.equals(last2)) + { + return str.substring(2); + } + else + return str; + } + else + return str; + +} +" +ed7771d197b3712ca457c3c3832c65b931d5f936,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (strSize > 1) + { + if (first2.equals(last2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +39a591d8ad7b3a7b7e56aaa4fd4187610796eac0,"public String without2(String str) +{ + + int strSize = str.length(); + String first2 = str.substring(0,2); + String last2 = str.substring(strSize - 2, strSize); + if (strSize >= 2) + { + if (first2.equals(last2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +93961a3c2739ea6d7698dde897341f4926f2b930,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str.substring(0); + } + return str; +} +" +a7413edf2e0711f0f975727ec4b193db7a395b99,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2) == (str.substring(str.length() - 3))) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str.substring(0); + } + return str; +} +" +74edd61ad5da0c86fcec496eba1a4bf114395467,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2) == (str.substring(str.length() - 1))) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str.substring(0); + } + return str; +} +" +7a1a195d9ca910fe2b3686d73938159e177878e0,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2).equals((str.substring(str.length() - 2)))) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + else + { + fix = str.substring(0); + } + return str; +} +" +62a074d5bdfa8ca0effac927e3ba4b3181f98b8f,"public String without2(String str) +{ + String fix = """"; + if (str.substring(0, 2).equals((str.substring(str.length() - 2)))) + { + fix = str.substring(2); + } + else if (str.length() == 2) + { + fix = """"; + } + return str; +} +" +a26fa360472574d9599550ceb294b910c709795d,"public String without2(String str) +{ + if(str.length() < 2) + { + return str; + } + + String start = str.substring(0, 2); + String end = str.substring(str.length()-2); + if(start.compareTo(end) !=0 ) + return s; + else + return s.substring(2); + } + +} +" +68c567312cd42151b15c4e4c5898f0bc830a31ee,"public String without2(String str) +{ + if(str.length() < 2) + { + return str; + } + + String start = str.substring(0, 2); + String end = str.substring(str.length()-2); + if(start.compareTo(end) !=0 ) + return s; + else + return s.substring(2); + + +} +" +c12aa9c32506e8d57f635b32cbc4e49c31b594a9,"public String without2(String str) +{ + if(str.length() < 2) + { + return str; + } + String start = str.substring(0, 2); + String end = str.substring(str.length()-2); + if(start.compareTo(end) !=0 ) + { + return str; + } + else + { + return str.substring(2); + } + + +} +" +700a700d080a6cb57fc0728a9294d9a7b5ea8e94,"public String without2(String str) +{ + int length = str.length(); + if(str.substring(0,1) == str.substring(length-2, length-1)) { + return str.substring(2); + } + else { + return str; + } +} +" +40041cd10cc7ee1bba182a48aab0af546d9f3598,"public String without2(String str) +{ + int length = str.length(); + if(str.substring(0,2) == str.substring(length-2, length-1)) { + return str.substring(2); + } + else { + return str; + } +} +" +ee376b0204e429efae92b79e03ce50eca28c9715,"public String without2(String str) +{ + int length = str.length(); + if(str.substring(0,2) == str.substring(length-1, length)) { + return str.substring(2); + } + else { + return str; + } +} +" +a84420924f712a123cd860206a436be5a2d3fc23,"public String without2(String str) +{ + int length = str.length(); + if(str.substring(0,1) == str.substring(length-2, length-1)) { + return str.substring(2); + } + else { + return str; + } +} +" +67ae5c923f3ade9a0c01d7c13c321bd99852b51b,"public String without2(String str) +{ + int length = str.length(); + if(str.substring(0,1) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +121f33b26845341adb894f440bde82186676496d,"public String without2(String str) +{ + int length = str.length(); + if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +6d453898bda15146deae27cc552b8586d0e5cb03,"public String without2(String str) +{ + int length = str.length(); + if(length < 1) { + return """"; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +ae7241a5d333050bce1244d7536bb474bac0fdb8,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return """"; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +a3768fe9bb56f158914b7fb438b662ff04a54e6e,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +3335b94dbceb218f4b6f0c9ae0f61ae5bd0561d6,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +935fbb246e703359dfd54bb3d939abd13c7688fb,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(1,3) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +91a020cdfba1336b0801ea5237b720a95f151b61,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(1,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +044d84b8e881e055b67b4f8fafa7bd813093f14f,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +75d25c55426a0ff4f2d744e2e2adc46a51352f71,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(0,2); + } + else { + return str; + } +} +" +a8f2675821e4407033b53b8b6a7bac0082a9d851,"public String without2(String str) +{ + int length = str.length(); + /*if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + }*/ + return str.substring(0,2); +} +" +3ba48955de797d4de49bb28d22c16afea7882c1d,"public String without2(String str) +{ + int length = str.length(); + /*if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + }*/ + return str.substring(length - 2); +} +" +f9c1951da29c64d917ebc206d78227d08f88a5fc,"public String without2(String str) +{ + int length = str.length(); + /*if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + }*/ + return str.substring(0,2); +} +" +99637b3e0b0ce045874daaa59f26f77e678f2d9f,"public String without2(String str) +{ + int length = str.length(); + /*if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + }*/ + return str.substring(2); +} +" +3a81b0307236c123dcca9569bb481ae6fce1bba3,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +b38e52439e79ba64963996bc89dc7db26259e53e,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0,2); + String back = str.substring(length - 2); + if(length < 2) { + return str; + } + else if(front == back) { + return str.substring(2); + } + else { + return str; + } +} +" +27800a8556b07f2db3e99880da6165be09d87216,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } +} +" +ef9e58cb5355f3b3188e58743008716f8538eaff,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (b == c) { + return str.substring(2); + } + return str; +} +" +bd05cae46b70425483dc37fbd6fe2524e71371da,"public String without2(String str) +{ + if(str.length() == 2) + { + return """"; + } + + if(str.length() == 1) + { + return str; + } + + if(str.length() == 0) + { + return """"; + } + + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + + if(b.equals(c)) + { + return str.substring(2); + } + + return str.; +} +" +6d914c2333d216bc96232cd3ae0b952c2212a64b,"public String without2(String str) +{ + if (str.length() == 2) { + return """"; + } + if (str.length() == 1) { + return str; + } + if (str.length() == 0) { + return """"; + } + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + if (b.equals(c)) { + return str.substring(2); + } + return str; +} +" +988bb4b55fd03031c3b1b17d3b9d3cb7b5076673,"public String without2(String str) +{ + if(str.length() == 2) + { + return """"; + } + + if(str.length() == 1) + { + return str; + } + + if(str.length() == 0) + { + return """"; + } + + int a = str.length(); + int d = a - 2; + String b = str.substring(0, 2); + String c = str.substring(d, a); + + if(b.equals(c)) + { + return str.substring(2); + } + + return str; +} +" +06b886054639e3a51cafbec0ead68fd5434c6454,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + if(str.substring(0,2) == str.substring(length-2)) { + return str.substring(2); + } + else { + return str; + } + } +} +" +682fa7c7f51b4f3755398d584bab61979f0af2ea,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.subsring(length - 2); + if(front == back) { + return str.substring(2); + } + else { + return str; + } + } +} +" +82e87c4ff134777d4d2c90ffd6e50e02096e493c,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.substring(length - 2); + if(front == back) { + return str.substring(2); + } + else { + return str; + } + } +} +" +8f49c77911a907164fce90a9ec413d9d443451e6,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.substring(length - 1); + if(front == back) { + return str.substring(2); + } + else { + return str; + } + } +} +" +5c41a1a9ec9d4412b1cfb22b9f87cbb7229182e5,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.substring(length - 2); + if(front == back) { + return str.substring(2); + } + else { + return str; + } + } +} +" +260cb23f76f617ac9c239cae89ce37162f46854f,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.substring(length - 2); + if(front == back) { + return str.substring(2,length - 1); + } + else { + return str; + } + } +} +" +068b59c5eea41e8e3016af9c35679d46151520d4,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.substring(length - 2); + if(front == back) { + return str.substring(2); + } + else { + return str; + } + } +} +" +c16c5710a09c9bac12ca36d60c0c3de0826c9de6,"public String without2(String str) +{ + int length = str.length(); + if(length < 2) { + return str; + } + else { + String front = str.substring(0,2); + String back = str.substring(length - 2); + if(front.equals(back)) { + return str.substring(2); + } + else { + return str; + } + } +} +" +f96f7f954de2cffbe6e92d70ce23d1fe335ae6ef,"public String without2(String str) +{ + if str(0, 1) == str(length(str) - 1, str) + { + return(str); + } +} +" +886ce99e8f15decab0d42bcb04b3663510892eea,"public String without2(String str) +{ + if (str(0, 1) == str(length(str) - 1, str)) + { + return(str); + } +} +" +57ae3ee2a0fc6ddc8f7ee925f19ba2544b5beaec,"public String without2(String str) +{ + if (String(0, 1) == String(length(str) - 1, str)) + { + return(str); + } +} +" +392a31837bc8bc2aa12307e8b053ee717101bba3,"public String without2(String str) +{ + if (str(0, 1) == str(length(str) - 1, str)) + { + return(str); + } +} +" +f94c8d38d3d5f75edb4ce44764692258258ce8c0,"public String without2(String str) +{ + String string = """"; + if(str(0, 1) == str +} +" +51c357098b58e734fcca4c5767ac2507f3301a60,"public String without2(String str) +{ + String string = """"; + int length = (str.length()) + if (str(0, 1) == str(length, length-1)) + { + string = (str(2)) + } + else + { + string = str; + } + return string; + +} +" +0160a165ff56b2449d81c26425f265ad9ff8a8e0,"public String without2(String str) +{ + String string = """"; + int length = (str.length()); + if (str(0, 1) == str(length, length-1)) + { + string = (str(2)) ; + } + else + { + string = str; + } + return string; + +} +" +1ea22c62840a17610a73f439634de4c91bd495d1,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str(0,1); + lastpart = str(length-1, length); + if (firstpart == lastpart) + { + string = (str(2)) ; + } + else + { + string = str; + } + return string; + +} +" +fec3128adc27bbdcae169e16360eb4188ff49148,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (firstpart == lastpart) + { + string = (str(2)) ; + } + else + { + string = str; + } + return string; + +} +" +e125ef2ce8a56873e1122e39b23e58ce2b93b30b,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (firstpart == lastpart) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +86ae4dd99ec0110f3da511cd46d1a1bbc134d8cb,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (str.substring(0, 1) == str.substring(length-1, length)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +0ebd4fbb31a5308cfa7021cbddbfba99ac1366b8,"public String without2(String str) +{ + if(str.length() >= 3) + return str.substring(0, 2); + return str; + +} +" +fb1583a870d0a435855ce99e0f96d85d24d54d25,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length() + 1)) + return str.substring(2, str.length()); + else + return str; +} +" +9c4642120cdd2ae2a114cdc153795dd82aa61298,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +3340ce188d1f35f9fcdad6d9fdbd05579b64b08a,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +f2227eb370782fc4ffe8f6979b7acd223d8dc663,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (StringEquals(firstpart, lastpart) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +88eafbefbd2c33be3352f19ea97af02ecaba9861,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (StringEquals(firstpart, lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +657e54bd66724e0969cb8b2223f1f71f128b8dea,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (firstpart == lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +f004206a3ed79bbec05a03cc59ba6fc353abb5dc,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (firstpart == lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +675034069f9296bcb0041ede12295e197e0be9a1,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 1); + lastpart = str.substring(length-1, length); + if (firstpart == lastpart) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +7ced7b5da1fb93c76351f62eeaf83124a8946e87,"public String without2(String str) +{ + def checkCharacters(a): + first = a[0:2] + second = a[-2:] + + if first == second: + return a[2:] + else: + return a +} +" +82cc190b665d3e8ef483d19bc7b048088ba0015f,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 2); + lastpart = str.substring(length-2, length); + if (firstpart == lastpart) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +d1594c54774f11a69c778dd2b4f13a197cf5df9c,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + firstpart = str.substring(0, 2); + lastpart = str.substring(length-2, length); + if (firstpart.equals(lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +cbe448bc365e81d92fe217dab9559769b9c419df,"public static String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + } + public static void main(String[] args) { + + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +} +" +21fde9dea74aff5f7f17ef7764fd4c3c98b26336,"public static String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + } + public static void main(String[] args) { + + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +} +}" +3ccc6c8a5ab134d6dda08fea6b6eb03af5c99fa3,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + if (length <= 2) + { + return str + } + firstpart = str.substring(0, 2); + lastpart = str.substring(length-2, length); + + if (firstpart.equals(lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +0df5306fc9fb2e29479a96ac9707d75a0e3f03b6,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + if (length <= 2) + { + return str; + } + firstpart = str.substring(0, 2); + lastpart = str.substring(length-2, length); + + if (firstpart.equals(lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +8a55809d4222b5beba6b975af8e1189cdc837833,"public String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + } + public void main(String[] args) { + + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +}" +11fcc4c47a2d507998ef9628958bf1ef245422ca,"public String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); + } + public void main(String[] args) { + + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } +} +}" +badb3a546bf1bb44a3d4b4edd277a5885f39887c,"public String without2(String str) +{ + String string = """"; + String firstpart = """"; + String lastpart = """"; + int length = (str.length()); + if (length < 2) + { + return str; + + } + else if (length == 2) + { + return string; + } + firstpart = str.substring(0, 2); + lastpart = str.substring(length-2, length); + + if (firstpart.equals(lastpart)) + { + string = (str.substring(2)) ; + } + else + { + string = str; + } + return string; + +} +" +e9edffd6438cd2dc1d7c678c88be7794bdeb1804,"public String without2(String str) +{ + int length = str.length(); + if (length == 1) + { + return str; + } + else if (length == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(length-2, length) + { + return str.substring(2, length); + } + else + { + return str; + } +} +" +5daf20dbe78ad7e06ae27da39993abb0d902b083,"public String without2(String str) +{ + int length = str.length(); + if (length == 1) + { + return str; + } + else if (length == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(length-2, length)) + { + return str.substring(2, length); + } + else + { + return str; + } +} +" +59b629d8afd61215c97a638c1a4f178a126b8673,"public String without2(String str) +{ + int leng = str.length(); + if (leng == 1) + { + return str; + } + else if (leng == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(leng-2, leng)) + { + return str.substring(2, length); + } + else + { + return str; + } +} +" +3a1d5932c95aa46441e5fe53cd61b7a61f584bdf,"public String without2(String str) +{ + int leng = str.length(); + if (leng == 1) + { + return str; + } + else if (leng == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(leng-2, leng))) + { + return str.substring(2, length); + } + else + { + return str; + } +} +" +52e6c81665d2577d7846096b9a3c62b910733696,"public String without2(String str) +{ + int leng = str.length(); + if (leng == 1) + { + return str; + } + else if (leng == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(leng-2, leng))) + { + return str.substring(2, leng); + } + else + { + return str; + } +} +" +d70f58f1c54d8b8a482afc361627b3e512d90a9f,"public String without2(String str) +{ + int leng = str.length(); + if (leng <= 1) + { + return str; + } + else if (leng == 2) + { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(leng-2, leng))) + { + return str.substring(2, leng); + } + else + { + return str; + } +} +" +7c934634646b1d2cac99a50f31d8c06dd4dd6831,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.stubstring(2); + } + else + { + return str; + + +} +" +f75d3759c90361d4fea0b287cc9b6af917b7b505,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.stubstring(2); + } + else + { + return str; + } + + +} +" +9b11769e6c9cec6e79771e6b8ae8e0c90b110437,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +98905083e789713cb8484f104b78da6d1caa1097,"public String without2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +f7e895876592d22ba6781c1bc819306ac6f54fdf,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +b9141cbce487f2b89e3cd4fb7cc042b2f1cf5d0a,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else if (str.length() < 2) + { + return str; + } + else + { + return str; + } + + +} +" +cb84b9c423c88675083ccc354dc6d2eb2bb373f4,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +d69fc167128774d82ca7a1f9e4607bf7cd88ab3f,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +09d333c4d08ca35e80f93c560e0b5a95e3d8b349,"public String without2(String str) +{ + String Name = ""HelloHe""; + String part = name.substring(2); +} +" +f2b563b67b8b4cecdcf698dbd25d217398a7baec,"public String without2(String str) +{ + String name = ""HelloHe""; + String part = name.substring(2); +} +" +80cbe3b07bc1d4b3f9aa7de78c7beb12ee9706d3,"public String without2(String str) +{ + String name = ""HelloHe""; + return String part = name.substring(2); +} +" +8ad3e5b0c35d854285f0ef0df36bc47edd9f751a,"public String without2(String str) +{ + String name = ""HelloHe""; + return name.substring(2); +} +" +a210b0b9b9286749017c3ab77213f209299001d9,"public String without2(String str) +{ + String name = without2; + return name.substring(2); +} +" +0ecccc784584d92bc66ebc0568230b2d9b58f11c,"public String without2(String str) +{ + String name = ""HelloHe""; + return name.substring(2); +} +" +d20ae8abc0ccb4fd6c394a2c97249f15a970d5e6,"public String without2(String str) +{ + int length = str.length(); + return name.substring(2); +} +" +3a20da59b75fa2e0cdb740d1a1054947739b1875,"public String without2(String str) +{ + public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + } +} +" +6ac8b7349c40bd42cb387aebfb066e5d6a1c65a3,"public String without2(String str) +{ + public String without2(String str); { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + } +} +" +c6a660c99b6cd43aa3fe3fabf9ade17107a501d8,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} + + +" +8d4cacb4e9013e8e1d5f2df20875ab8ba82c0290,"public String without2(String str) +{ + public String without2(String str); + { + if (str.length()>= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; + } +} +" +64d1abc33ab5db85385f3b0ecfa9ad134cd60232,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} + + +" +3c3ccde0edeacfee6c8b2c2ff7321bd4cd975f67,"public String without2(String str) +{ + public String without2(String str) + { + if (str.length()>= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; + } +} +" +0405ff089fee34a13ee0bc022bf95cc6daec0fae,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} + + +" +b5082289896aca8b4dab0a178729eb2d3a0ff325,"public String without2(String str) +{ + int length = str.length(); + if(length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2, length))) + return str.substring(2); + else + return str; + } + else + return str; +} + + +" +b024bffbe3d3edb2f6da059ca5c4cd9a657b5301,"public String without2(String str) +{ + public String without2(String str) + { + if (str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))); + { + return str.substring(2, str.length()); + } + return str; + } +} +" +2fbe841e49949f360cb99e395fec3b3e5481fc81,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))); + { + return str.substring(2, str.length()); + } + return str; + +} +" +17a1fd53c3e1988925996a85f6e4dee5f8a58b4d,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + +} +" +daa6649bea7bb7133c7dfaba065dc0936416e443,"public String without2(String str) +{ + String first2 = str.substring(0, 2); + String end2 = str.substring(length - 2); + int length = str.length(); + if (length >= 2) + { + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +aed357d16e096ea780e2e0b78e1f4068de43df02,"public String without2(String str) +{ + String first2 = str.substring(0, 2); + String end2 = str.substring(length - 2); + int length = str.length(); + if (length >= 2) + { + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +d131fd3e527ec36e127979e48d20cff3f4d6a038,"public String without2(String str) +{ + int length = str.length(); + String first2 = str.substring(0, 2); + String end2 = str.substring(length - 2); + if (length >= 2) + { + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +2de0da0011d6a44f268c0d94983c9cdd0bbd62ed,"public String without2(String str) +{ + int length = str.length(); + String first2 = str.substring(0, 2); + String end2 = str.substring(length - 2); + if (length >= 2) + { + if (first2.equals(end2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +f78248d7869253949696b918c993964e6f05dd23,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length-2)) + { + return (str.substring(2)); + } + else + { + return str; + } +} +" +1ec65dfa3db1381a5fc3dbc1dfaca350a88043b5,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return str; + } +} +" +da2b862d5c6f5a107d88046e862fcf44a4617161,"public String without2(String str) +{ + if (length(str) > 2){ + if (str.substring(length(str)-2) + == str.substring(0, 2)) + { + return str.substring(1, length(str)-2); + } + else + { + return str.substring(0); + } + } + else + { + return null; + } +} +" +0fd37f28d20db0cd22a111f5c2b29659346ed490,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring((str.length()-2), str.length()) + { + return (str.substring(2)); + } + else + { + return str; + } +} +" +af1ed64c1817529c72fd89d2125bfcded5a9517d,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring((str.length()-2), str.length())) + { + return (str.substring(2)); + } + else + { + return str; + } +} +" +aea4b562beb94f560a8cb24e85bb16134086810b,"public String without2(String str) +{ + string first2; + string last2; + if (length(str) > 2){ + +} +" +5ea6a7f1e9f2447b2226b52f1f635f7edeea4e73,"public String without2(String str) +{ + len = str.length(); + if ((str.substring(0,2)) == (str.substring((len-2), len)) + { + return (str.substring(2,len)); + } + else + { + return str; + } +} +" +52cf83f96167ea12786103d2d3f70820f59ff034,"public String without2(String str) +{ + len = str.length(); + if ((str.substring(0,2)) == (str.substring((len-2), len))) + { + return (str.substring(2,len)); + } + else + { + return str; + } +} +" +eff6be793d57ea3c0b3ed95435dd493ecc1ac87f,"public String without2(String str) +{ + int len = str.length(); + if ((str.substring(0,2)) == (str.substring((len-2), len))) + { + return (str.substring(2,len)); + } + else + { + return str; + } +} +" +0cc1568d243683e13fe87c71f59cbb8ea19a4083,"public String without2(String str) +{ + string first2; + string last2; + if (length(str) > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(length(str) - 2); + if (first2 == last2){ + return str.substring(2, length(str) - 2); + } + else + { + return str; + } + else + { + return null; + } + + } +} +" +f81de2632c375088ff003ba9cfdfb4f955052ebd,"public String without2(String str) +{ + string first2; + string last2; + if (length(str) > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(length(str) - 2); + if (first2 == last2){ + return str.substring(2, length(str) - 2); + } + else + { + return str; + } + } + else + { + return null; + } + +} +" +95264ef0d1d4e0d2e32c300f3750bfb9f714944a,"public String without2(String str) +{ + String first2; + String last2; + if (length(str) > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(length(str) - 2); + if (first2 == last2){ + return str.substring(2, length(str) - 2); + } + else + { + return str; + } + } + else + { + return null; + } + +} +" +a887e051ecd30a4031d3ae53950a0eb54b2304c6,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2 == last2){ + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return null; + } + +} +" +2a220badfc1689620d5ad26f7ed46d5835c4314a,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2 == last2){ + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return """"; + } + +} +" +ac8972fc456dc05526a98c7fc2ea981d07cdf1c6,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2 == last2){ + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + if (str.length() == 2){ + return """"; + } + else + { + return str; + } + } + +} +" +7ce16035194830e9a36019ded21d51cfc3b02066,"public String without2(String str) +{ + if (str.length() >= 2) && str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + return str; +} +" +fab9b02cbc0126b41b05f1274ab1dec09944f487,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2 == last2){ + return str.substring(0, str.length() - 2); + } + else + { + return str; + } + } + else + { + if (str.length() == 2){ + return """"; + } + else + { + return str; + } + } + +} +" +1b794a00cf19a59144a4a8934f31b395f7ac7f57,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2 == last2){ + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + if (str.length() == 2){ + return """"; + } + else + { + return str; + } + } + +} +" +424807eff904a325916a70786df3c995dd55c1ff,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2 == last2){ + return str.substring(2); + } + else + { + return str; + } + } + else + { + if (str.length() == 2){ + return """"; + } + else + { + return str; + } + } + +} +" +cec1bda3b447e9726d3bc72d8e5ae3f2991b199e,"public String without2(String str) +{ + if (str.substring(2) = (str.substring(-2)) + return (str.substring(3); +} +" +f628dc462293fc42d025535c583ad2c257a342ec,"public String without2(String str) +{ + if (str.substring(2) = (str.substring(-2)) + return str.substring(3); +} +" +fa69a811b6c8a8f37b2bdede6f4a97e6f523db74,"public String without2(String str) +{ + String first2; + String last2; + if (str.length() > 2){ + first2 = str.substring(0, 2); + last2 = str.substring(str.length() - 2); + if (first2.equals(last2)){ + return str.substring(2); + } + else + { + return str; + } + } + else + { + if (str.length() == 2){ + return """"; + } + else + { + return str; + } + } + +} +" +e018f789b22c2a5d0ab0a38e994192b196ff733e,"public String without2(String str) +{ + if (str.substring(2) = str.substring(-2)) + return str.substring(3); +} +" +464b68b282b62a7a3999657c99b0542cc90ce192,"public String without2(String str) +{ + if (str.substring(1,3) == str.substring(str.length-2, str.length)) + { + return str.substring(3); + +} +" +b6bd38334c50f4844036bba9d3428ea845413bc0,"public String without2(String str) +{ + if (str.substring(1,3) == str.substring(str.length-2, str.length)) + { + return str.substring(3); + } +} +" +6015b978ff3633381f1fd0fa68150fec749ca612,"public String without2(String str) +{ + if (str.substring(1,3) == str.substring(str.length()-2, str.length())) + { + return str.substring(3); + } +} +" +4fa5399f577988dc4978254d2d922bbf3fd461b0,"public String without2(String str) +{ + String result; + if (str.substring(1,3) == str.substring(str.length()-2, str.length())) + { + result = str.substring(3); + } else + { + result = str; + } + return result; +} +" +8279225833d2ea591c461500410e2de81acf5999,"public String without2(String str) +{ + String result; + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + result = str.substring(2); + } else + { + result = str; + } + return result; +} +" +e17cc26a5ef48113cd6ec8e939ba639f0df43621,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; + } +} +" +a89afa1ec51cea7c1c6d2400382300a9299fd517,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +79d1fd9f7cf54d4df526bdc0eee60984d90d5660,"public String without2(String str) +{ + if (str[0:2]==str[-2:]) + { + return str[2:]; + } + else return str +} +" +a1635adb10a20811825f0b543ca0791ccb61f0b3,"public String without2(String str) +{ + if (str[0:2]==str[-2:]) + { + return str[2:]; + } + else + { + return str; + } +} +" +ee89d10a85d6b92a8172c767c8043b7c68e6d510,"public String without2(String str) +{ + if (str(0,2)==str(-2:)) + { + return str(2:); + } + else + { + return str; + } +} +" +0d2cf47e56a7e2398be2c61c8442161ee358d5c3,"public String without2(String str) +{ + if (str.charAt(0,2)==str.charAt(-2:) + { + return str(2:); + } + else + { + return str; + } +} +" +25555df14988e6e99be328e7724db33cb45e93cf,"public String without2(String str) +{ + if(str.length() >= 2 && + str.substring(0, 2) == (str.substring(str.length() - 2))) + return str.substring(2); + return str; +} +" +473085df5fb81e05288a6d6d94e6e6d29c302344,"public String without2(String str) +{ + if(str.length() >= 2 && + str.substring(0, 2) = (str.substring(str.length() - 2))) + return str.substring(2); + return str; +} +" +a566063562ecc4d6d2d8d26b8762e0dd1d9cb61d,"public String without2(String str) +{ + if(str.length() >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + return str; +} +" +14c42e08bde9dbf3b752bef9675d1a908813a6c5,"public String without2(String str) +{ + if (str.substring(2) = (str.substring()-2)) + return str.substring(2, str.substring()-2); + else + return str; +} +" +5bdd22b014e2bd54a57e7945f4065b1853b4d14a,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(str.length()-2)) + return str.substring(2, str.substring(str.length-2)); + else + return str; +} +" +4f51b165320307764e8205a080ec862676b2a1aa,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length()-2)) + return str.substring(2, str.substring(str.length-2)); + else + return str; +} +" +6c2bb9e988ed4c4a237cd4d4ef483dcca432521b,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str); + } + } + else + { + return(str); + } +} +" +166ecd2e042eb03dee6ab7eb09e3bb4c0f768ed2,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length - 2); + else + return str; +} +" +57cd6bd8ad912128068ea75e8125d35c7a3a80d1,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str.substring(str.length()-2)); + } + } + else + { + return(str); + } +} +" +bcdb43f5a788a7652b2b22616e40d9d64b509c3b,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +3ceae8d31aac381ead5118ab3ed4fb2cdc789a72,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str); + } + } + else + { + return(str); + } +} +" +447dcbb8268097983f2442cffd367595ff44f268,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str.substring(2)); + } + } + else + { + return(str); + } +} +" +8ef17bc33992dddc1ac5db02fe707706a44f893a,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str); + } + } + else + { + return(str); + } +} +" +4942a64bfd6c559a923bb3afd39b4a1819532f04,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str.substring(0, 2)); + } + } + else + { + return(str); + } +} +" +80b32855cddc2d9e173b3dbb6c852f8a8a23f357,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str) + } + } + else + { + return(str); + } +} +" +da818427a7576aa59b70d9aba651f7ab523011cd,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return (str.substring(2)); + } + else + { + return(str); + } + } + else + { + return(str); + } +} +" +18d8fec8ddb62e9588c95e9bb70f47ad76fa9619,"public String without2(String str) +{ + if (str.substring(2) && str.length() >= 2 == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +a1bd247287c12111bdbb0631d0fbe1087de1bac6,"public String without2(String str) +{ + + if (str.length() >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return (str.substring(2)); + } + else + { + return(str); + } + } + else + { + return(str); + } +} +" +d2e99fe9373a05318d8d634d2e2d18f7db68bcbe,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + if (str.length() >= str.substring(str.length() - 2) + return str.substring(2, str.length() - 2); + else + return str; +} +" +15c7326c904cac8ff7d2106387ddf86343bebc75,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + if (str.length() >= str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +dace68345c90d77a6ad332be19427e43a43a2034,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +f64803b92238ff6d9e64701da66d3e79bcadba7b,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + if (str.length() >= 2) + return str.substring(2, str.length() - 2); + else + return str; +} +" +c8492543631e3fedff1c38901faccb7a8556f2ae,"public String without2(String str) +{ + if (str.substring(2) && str.length() >= 2 == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +2dc185e87a2df4fe139bb1783a9783f3d92ea4c9,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +2281e2d20c63324f443a501fd3ac91f840199073,"public String without2(String str) +{ + if (str.substring(2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +6005fb0872daf452d7cdabecb66337b1f33e79c6,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + return str.substring(2, str.length() - 2); + else + return str; +} +" +82fe16cc96fcf93e80bb15d27b0a5dabec18c215,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(5, 7) + { + return (str.substring(2, 7); + } + else + { + return str; + } + +} +" +39d1592ec187363224639870f0da2653f3c6a456,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(5, 7) + { + return (str.substring(2, 7)); + } + else + { + return str; + } + +} +" +bfb9229c4cb869da475f8d6d619a6ddc60b8a504,"public String without2(String str) +{ + if (str.substring(0, 2)) = str.substring(5, 7) + { + return (str.substring(2, 7)); + } + else + { + return str; + } + +} +" +41d77386786b3c637cd1cc36913a95f339d52135,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(5, 7)) + { + return (str.substring(2, 7)); + } + else + { + return str; + } + +} +" +aa734b10475bb02a47f70b1c0b526db2165d1ec7,"public String without2(String str) +{ + + { + return str; + } + +} +" +d6f550805b29f1edad51182503f0ef05e99332e8,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + String y = str.substring(str.length()-1); + + if ( x == y ) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +b5fca1fa9aeefff318dd1dac5e605b99b43d5e58,"public String without2(String str) +{ + int length = str.length(); + if (length < 2) + { + return str; + } + else + { + String front = str.substring(0,1); + String end = str.substring(length -1); + if (front.equals(back)) + { + return str.substring(2); + } +} +" +edb49d06b981e6cc8b73c7f2c671ee66b722ffc7,"public String without2(String str) +{ + int length = str.length(); + if (length < 2) + { + return str; + } + else + { + String front = str.substring(0,1); + String end = str.substring(length -1); + if (front.equals(back)) + { + return str.substring(2); + } + } +} +" +9cd91ed9090007abd2a35d49c1a306495862d4fb,"public String without2(String str) +{ + int length = str.length(); + if (length < 2) + { + return str; + } + else + { + String front = str.substring(0,1); + String end = str.substring(length -1); + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } +} +" +f58e3a4b2113eba6fda61af8bb87bd0b6c55e141,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + String y = str.substring(str.length()-2); + + if ( x == y ) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +6c0dbcf8c58f3394a2c2798ab061eb2908374e73,"public String without2(String str) +{ + int theLen = str.length(); + if(theLen >= 2) + { + if(str.substring(0,2).equals(str.substring(theLen-2, theLen))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +76bfabbabed218ab2fd73e5b7ebe1109bbb88598,"public String without2(String str) +{ + if (str.length() < 2) + return str; + else + if (str.substring(0, 2) == str.substring((str.length() - 2), str.length())) + return str.substring(2, str.length()); +return str; +} +" +e34a445e0eb7df5895194c9043e7d8a609db1795,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2, str.length()); + + if ( x == y ) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +efbff2cfc29707de88dcd23071f8431a62e3c77e,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( str.substring(0, 2) == str.substring(str.length() - 2) ) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +f2b8d80b7106f80990e3d4ec6d6aa0b4cd99b48c,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x.compare(y) == 0) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +2c905d527a6a8a5a4c7b38ab98442a72dd48529d,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( str.substring(0, 2) == str.substring(str.length() - 2)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +e3264f0c0e7247d618e89e4a93b54ed581c8f8f6,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 3); + + if ( str.substring(0, 2) == str.substring(str.length() - 2)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +6f57f9a35e9da2c07f3bc1717b66397f0173005d,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x == str.substring(str.length() - 3)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +770848307817700253e3ae39bd812634bdb9bfdd,"public String without2(String str) +{ + if (str.length() < 2) + return str; + if (str.substring(0, 2).equals + (str.substring((str.length() - 2), str.length()))) + return str.substring(2); +return str; +} +" +7e70759000678ab9dfde0c2f16bed5db612c671b,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x == y) + { + result = str.substring(2); + } + else + { + result = str; + } + + return x; +} +" +1b8b158e9f0f7e2301e54124ff5988559ffe271b,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x == y) + { + result = str.substring(2); + } + else + { + result = str; + } + + return y; +} +" +412ae22390897c8677ea63df10cfea512a783a83,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( front.equals(x = y)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +d7f0f538f0c7e3f6f75dfbb1250181c3f29dbba6,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( front.equals(x.equals(y))) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +af5d6be03e2f18cf5f1694a7817cc23b04f93f6c,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( front.equals(x, y)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +f623ababee8eb1de36a1ab7a8b8997101603d242,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x.equals(y)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +304f42b2fab950da68502382958a620333a9f558,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( str.length < 2) + { + result = str; + } + else if ( x.equals(y)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +9b67ea4fe8be41ed49fcf8dd3cd59301e72679f6,"public String without2(String str) +{ + String result = "" ""; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( str.length() < 2) + { + result = str; + } + else if ( x.equals(y)) + { + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +79841b71eebcd93e466d53047179684285454020,"public String without2(String str) +{ + if ((str.length() >= 2) && str.substring(0,2).equals(str.substring(str.length() + -2, srt.length())) + return str.substring(2); + else + return str; +} +" +6d2142e90019c13506e3b875198d6ebbe2d3ea46,"public String without2(String str) +{ + if ((str.length() >= 2) && str.substring(0,2).equals(str.substring(str.length() + -2, srt.length()))) + return str.substring(2); + else + return str; +} +" +a7ea7948b7e20a695bb8ccc24a521d38e7aafaf9,"public String without2(String str) +{ + int length = str.length(); + if (length == 2) + { + return """"; + } + if (len < 2) + { + return str; + } + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + return str; + +} +" +bebc9f13737b6c4d56566b35d1e0fe313c5978b0,"public String without2(String str) +{ + if ((str.length() >= 2) && str.substring(0,2).equals(str.substring(str.length() + -2, str.length()))) + return str.substring(2); + else + return str; +} +" +318782ef48e05f558f9380de3bb8d95592049696,"public String without2(String str) +{ + int length = str.length(); + if (length == 2) + { + return """"; + } + if (len < 2) + { + return str; + } + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + return str; + } +} +" +1f904c49c399612fac545c89c0a709e67e235000,"public String without2(String str) +{ + String result = "" ""; + + if ( str.length() < 2) + { + result = str; + } + else if ( x.equals(y)) + { + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +8e62b2731874930f7286bc7ea88a3f6001444af5,"public String without2(String str) +{ + int length = str.length(); + if (length == 2) + { + return """"; + } + if (length < 2) + { + return str; + } + else { + if (str.substring(0,2).equals(str.substring(length-2, length))) + { + return str.substring(2,length); + } + else + return str; + } +} +" +4a80e78375b00da23922dc0222b2e30aa98ac914,"public String without2(String str) +{ + String result = "" ""; + + if ( str.length() < 2) + { + result = str; + } + + return result; + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x.equals(y)) + { + + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +451e34911263841e0269f977f996766dd1787d60,"public String without2(String str) +{ + String result = "" ""; + + if ( str.length() < 2) + { + return str; + } + + + String x = str.substring(0, 2); + + String y = str.substring(str.length() - 2); + + if ( x.equals(y)) + { + + result = str.substring(2); + } + else + { + result = str; + } + + return result; +} +" +8a000141bf6e5a7cfabde56aaf2e161060abba59,"public String without2(String str) +{ + + int length = str.length(); + String beg= str.substring(0,1); + String end= str.subtring(length-2,length-1); + + if(beg==end) + { + str=str.substring(2,length-1); + } + return str; + +} +" +3fe2a9116c48a9b0e6de7405dab508d587cf687c,"public String without2(String str) +{ + + int length = str.length(); + String beg= str.substring(0,1); + String end= str.substring(length-2,length-1); + + if(beg==end) + { + str=str.substring(2,length-1); + } + return str; + +} +" +ab323fbfa91481f2b93a72d216175db65d6cc0e0,"public String without2(String str) +{ + + int length = str.length(); + String beg= str.substring(0,2); + String end= str.substring(length-2,length); + + if(beg==end) + { + str=str.substring(3,length); + } + return str; + +} +" +9be077fa75461d48da8719cff3ecbd6d77dca63f,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +6b1abc01254b385c295a73df36e1aa9646c6be77,"public String without2(String str) +{ + + int length = str.length(); + String beg= str.substring(0,2); + String end= str.substring(length-2,length); + + if(beg==end) + { + str=str.substring(3,length); + } + return str; + +} +" +33dc9a4cbdfeb94f1157d8695974ee225d256f9d,"public String without2(String str) +{ + int length = str.length + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +4901222c9f32ed545815769ead89d968a97e2df7,"public String without2(String str) +{ + int length = str.length; + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +9f8a072a3bfd8fcf7bc3479d2267155afb6ce37b,"public String without2(String str) +{ + int length = length(str); + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +20a483b5abf3d391f06daa405310f59a8aceca4b,"public String without2(String str) +{ + + int length = str.length(); + if(length>2) + { + String beg= str.substring(0,2); + String end= str.substring(length-2,length); + + if(beg==end) + { + str=str.substring(3,length); + } + } + + + if(length==2) + { + str=""""; + } + +} +" +eb31650e1f563c8fdce2114594ca20ccca603980,"public String without2(String str) +{ + + int length = str.length(); + if(length>2) + { + String beg= str.substring(0,2); + String end= str.substring(length-2,length); + + if(beg==end) + { + str=str.substring(3,length); + } + } + + + if(length==2) + { + str=""""; + } + return str; +} +" +29cf840d1f9c10df4a69da202d6bf5e872ec518f,"public String without2(String str) +{ + String front = str.substring(0, 2); + String back = str.substring(str.(length) - 2, str.(length)); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +116cba855d22059cebdad646a049491b14043f20,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String back = str.substring(lengt - 2, length); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +ca4041311fb46fdcfd955bb3bf5ce5e0147facb4,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (front.equals(back)) + { + str = str.substring(2, length); + } + return str; +} +" +52bd1ac735065f45ef2924c0a59667c44b2401e2,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (length > 2) + { + if (front.equals(back)) + { + str = str.substring(2, length); + } + } + return str; +} +" +ee28c3d30cef0bdc9611044ef81585a9b47adeaa,"public String without2(String str) +{ + int length = str.length(); + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + + if (length >= 2) + { + if (front.equals(back)) + { + str = str.substring(2, length); + } + } + return str; +} +" +3b1377961417f8ca4f2070c68c8c1001f85fcec4,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + { + String front = str.substring(0, 2); + String back = str.substring(length - 2, length); + if (front.equals(back)) + { + str = str.substring(2, length); + } + } + return str; +} +" +700a8548d0d7966dcc886cd4806b9b9d852889c5,"public String without2(String str) +{ + int length = str.length(); + if (str.substring(0, 2) = str.substring(length-1, length) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +796c40b96f76834d139a34d3fb0a902a28816e57,"public String without2(String str) +{ + int length = str.length(); + if (str.substring(0, 2) = str.substring(length-1, length)) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +bc581da37e88133142f7b8253240eb3d659cbd73,"public String without2(String str) +{ + int length = str.length(); + int n = length-1 + + if (str.substring(0, 2) = str.substring(n, length)) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +bb62da2aebadb53dea4859f4b3fed70d71c85afb,"public String without2(String str) +{ + int length = str.length(); + int n = length-1; + + if (str.substring(0, 2) = str.substring(n, length)) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +08f56e5ada127bb741b10f4dc109089c9f71193c,"public String without2(String str) +{ + + int length = str.length(); + if(length>2) + { + String beg= str.substring(0,2); + String end= str.substring(length-2,length); + + if(beg==end) + { + str=str.substring(2); + } + } + + + if(length==2) + { + str=""""; + } + return str; +} +" +aad710daeac104ed0da5e0c1ea96df696c559604,"public String without2(String str) +{ + int sub = str.substring(1,2) + int end = str.substring(-2,-1) + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +f53a46cf3213338d8e1a8befafc58ef1905ae9e0,"public String without2(String str) +{ + int sub = str.substring(1,2); + int end = str.substring(-2,-1); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +ed6ba96d48b8eb28973aa44821953b360bc9abdf,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring(-2,-1); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +bcdf6d151154a520f8699bbacc826d986c263a1c,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring(-2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +4b9e94cfefcca8bed0527fa823aff7f7a351f7b1,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(str.length()-2) + { + return str.substring(2); + } + else + { + return str; + } +} +" +61c07dd910478b4ca0259f0ebf0256982d69e794,"public String without2(String str) +{ + if (str.substring(0, 2) = str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +2591f9099d989bf4e8224fd1becb48334e1381a9,"public String without2(String str) +{ + int n = str.length()-2; + if (str.substring(0, 2) = str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d4d58467b9bb9b9de30153a07fb3f03c93994cf0,"public String without2(String str) +{ + + int length = str.length(); + if(length>2) + { + String beg= str.substring(0,2); + String end= str.substring(length-2,length); + + if(beg.equals(end)==true) + { + str=str.substring(2); + } + } + + + if(length==2) + { + str=""""; + } + return str; +} +" +82d48ccb439145cf755f2ed99c71ace5cab25877,"public String without2(String str) +{ + int n = str.length()-2; + if (str.substring(0, 2) = str.substring(2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +a7ef1e681928f448562d0d3020d24105cb7d9e6d,"public String without2(String str) +{ + int n = str.length()-2; + if (str.substring(0, 2) == str.substring(2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +259853eb526b021515593825553353df7a659545,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring(String.length-2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +9665a14666da2df9f36426bd9bcbb03eb3030e1c,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring(str.length-2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +63631f5277ed426e33583323356456cf3746c38f,"public String without2(String str) +{ + int n = str.length()-2; + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d1e0328d3744e8e60c7e48d4b3391b8fed75b877,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length)+2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +a43095b350a5cf78ea2670a76f1e7d6a0283ea81,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length)-2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +16e7ab8fe87db10e6ce217a5653af09e4480dc2e,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +eebb7a51910f8ba0803ab31f81e23c2f76de3d30,"public String without2(String str) +{ + int n = str.length()-3; + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +f8efd792825c0ef13b2c044fdb86311dde5e5d99,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(2:); + } + else + { + return str; + } +} +" +470f0a423a0e07e99c617a510f10e964e2109271,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(2:(str.length)); + } + else + { + return str; + } +} +" +15c7799bb2e7160206d371d99aa008572b41e51c,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(2:(str.length())); + } + else + { + return str; + } +} +" +747844da91627a5527c2f5859dc86142c7e56c48,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(2); + } + else + { + return str; + } +} +" +6694f02c93c42b0e2406645b3c8abe057924b94c,"public String without2(String str) +{ + String sub = str.substring(1,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(3); + } + else + { + return str; + } +} +" +9ace41644577aaaedfead6173e2eec0387e4867e,"public String without2(String str) +{ + int n = str.length()-2; + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +bb535b189bd979a76461306e3bf7c0595749dcec,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + } + +} +" +62d3da78674f6a85e3483fcbf7b4f149178c536e,"public String without2(String str) +{ + String sub = str.substring(0,2); + String end = str.substring((str.length())-2); + if (sub==end) + { + return str.substring(3); + } + else + { + return str; + } +} +" +d2b2c3c3a6317aa7a4038db0220ebf7f3b129cb9,"public String without2(String str) +{ + int string = str.length(); + if (string == 2) { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(string - 2 , string)) { + return str.substring(2, string); + } + else { + return string; + } +} +" +2f9120e718d6ff053bbe59ba80bceff18ea67f6b,"public String without2(String str) +{ + int string = str.length(); + if (string == 2) { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(string - 2 , string))) { + return str.substring(2, string); + } + else { + return string; + } +} +" +26ddff0dbbb27cac57f00db30db3fa60c3b90927,"public String without2(String str) +{ + int string = str.length(); + if (string == 2) { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(string - 2 , string))) { + return str.substring(2, string); + } + else { + return str; + } +} +" +8d5e2affa72cab0f03576c5df98df14900f0d335,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + String first2 = str.substring(0, 2); + String end2 = str.substring(length - 2); + if (first2.equals(end2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fa03bd6e4807a0c5808568a9e198633c8a55b22e,"public String without2(String str) +{ + public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + } + +} +" +6a542ba4a3ffc1ea39fae5361450ece7f78ce996,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + +} +" +39f5b700793e61117196b8b13fdfb35b0384f408,"public String without2(String str) +{ + int string = str.length(); + if (string == 2) { + return """"; + } + else if (str.substring(0, 2).equals(str.substring(string - 2 , string))) { + return str.substring(2, string); + } + else { + return str; + } + else if (string == 1) { + return str; + } +} +" +e4feab9075d381f847b0a0e9b86e07f702910214,"public String without2(String str) +{ + int string = str.length(); + if (string == 2) { + return """"; + } + else if (string == 1) { + return + } + else if (str.substring(0, 2).equals(str.substring(string - 2 , string))) { + return str.substring(2, string); + } + else { + return str; + } +} +" +047c8940bb76ce5a17a623809c6910218f8bdff4,"public String without2(String str) +{ + int string = str.length(); + if (string == 2) { + return """"; + } + else if (string == 1) { + return str; + } + else if (str.substring(0, 2).equals(str.substring(string - 2 , string))) { + return str.substring(2, string); + } + else { + return str; + } +} +" +dcac1fb75a9c82166117af6faadeddb8076a5f87,"public String without2(String str) +{ + int length = str.length(); + String beg = str.substring(0,2); + String end = str.substring(length-2); + if (beg==end) + { + return str.substring(3); + } + else + { + return str; + } +} +" +7453c52aaa20d2d29fc188f76c5f912a8ef0c867,"public String without2(String str) +{ + int length = str.length(); + String beg = str.substring(0,2); + String end = str.substring(length-3); + if (beg==end) + { + return str.substring(3); + } + else + { + return str; + } +} +" +a9917a0c2c74fcb96c7e8437a533b7387a4100f8,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(length()-1, length() -2) + { + return str.substring(2); + } +} +" +eb20cbb09920ea7c7734abf7ac683e12e4012c3b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(length()-1, length()-2)) + { + return str.substring(2); + } +} +" +de5d2af924318499b4d25edd8a9f6a237fbcc623,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-1, str.length()-2)) + { + return str.substring(2); + } +} +" +fde93ae4a430283183b4ae7c1835d17b49b25441,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-1, str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-1, str.length()-2)) + { + return str; + } + else + { + return """"; + } +} +" +f439d2c2f846468c35782ad5e2d7bd527fd3f6e4,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2, str.length()-1)) + { + return str; + } + else + { + return """"; + } +} +" +0b108fae50f726da2ee42719f606b40e933ac291,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2, str.length()-1)) + { + return str; + } + else + { + return (""""); + } +} +" +1184ea26990f96abbc11af8dd8f227be584ae59b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2) + { + return str; + } + else + { + return (""""); + } +} +" +2d442c4d4dd62739691b8667a604b3317736a550,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +beaab729dd415c4d9406a91fa17645ef962b7fd6,"public String without2(String str) +{ + int l = str.length(); + if (l >= 2) + { + if (str.substring(0, 2).equals(str.substring(l - 2, l))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +7dbb223acf2a6df6853f93dbab8c0411f96a0bb2,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +ce2e692b731384f28e4048735448875cceaeae99,"public String without2(String str) +{ + len = str.length(); + if (str.substring(0, 2).equals(str.substring(len - 2, len))) + return str.substring(2, len); + else + return str; +} +" +63f3f005ffe7329fdc8a1222ee4e018a101e2bad,"public String without2(String str) +{ + int len = str.length(); + if (str.substring(0, 2).equals(str.substring(len - 2, len))) + return str.substring(2, len); + else + return str; +} +" +440d8a95959e02146f8784d1146188770bf2fa31,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + return str; + else if (str.substring(0, 2).equals(str.substring(len - 2, len))) + return str.substring(2, len); + else + return str; +} +" +518952723b3aaca0863094d9fad31fac99ae7cdf,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(0)) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +35e50d0998554152f4b9c59fecb86b868081d2d8,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +1957fcf9444483698fcf8852e50b21771496ba94,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-3)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-3)) + { + return str; + } + else + { + return (""""); + } +} +" +c2f0742c9ae9d96a6a6fe798b36c1b7b64f1c00d,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-1)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-1)) + { + return str; + } + else + { + return (""""); + } +} +" +ba5eda63e4346302cc981d4b6e4fd9fe794ab8f6,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +f54db28bda8be057b241cf2bd24b7b7765d98722,"public String without2(String str) +{ + if (str == """" || str == str.sunstring(str.length()-1)) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +c57f90fa2c33970ce505d0f8b140aaf186ae0389,"public String without2(String str) +{ + if (str == """" || str == str.substring(str.length()-1)) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +77f7fc78f951fc6262378f01d528c6b603f05824,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring + (len-2, len)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +857a33de6cf68756f87a158fe7749f06b147e5bd,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +838d07984d4f4db166f0a5bb8ea0a8fbbe5b387f,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring + (len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +729fd10074d637ccb8238e0aa114515940a8c749,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring + (len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +5cb587f3f68678a1494554694daddbe52ccc6f33,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +} +" +9f1625a9d26b2f2fb50266ed1d6efc6e120f1cc0,"public String without2(String str) +{ + int n = str.length()-1; + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +392eaafcae0d6e5f446da11bcc3186a125659ad7,"public String without2(String str) +{ + int n = str.length()-1; + if (str.length() < 2) + { + return false; + } + else if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +50008bbc5e675b389cc366630060def502c3e513,"public String without2(String str) +{ + int n = str.length()-1; + int m = str.length() + if (m < 2) + { + return false; + } + else if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +86bb3444fe450e6dfc1aa738ce477a456aca39aa,"public String without2(String str) +{ + int n = str.length()-1; + int m = str.length(); + if (m < 2) + { + return false; + } + else if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +ca180d211c2a0182c4edf952cd29472255dc9043,"public String without2(String str) +{ + int n = str.length()-1; + int m = str.length(); + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +ef48b6299e7eb12838bd4c03244c2109e25b08b7,"public String without2(String str) +{ + int n = str.length()-1; + int m = str.length(); + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +1a34caffa634a9f8fd84e337bc09bc12098f4e2a,"public String without2(String str) +{ + int n = str.length()-1; + int m = str.length(); + if (str.substring(0, 2) = str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +56e9cb020b187439e886c20143ed80aedae2027e,"public String extraEnd(String str) +{ + int len = str.length(); + String temp = str.substring(len-2, len); + return (temp + temp + temp); +}" +184182331d1f9075122de7f49493ba8e6c21f807,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length - 2)) + return str.substring(2); + else + return str; +} +" +adcbabe95d0c30cec9cbc9ade439474271a9cc58,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +5344408730cb3f90713be4cf262a400f9729809d,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() - 2)) + return str.substring(2); + else + return str; +} +" +134e7958b0fc95bbab89c6d0d380d6c71a06dd4c,"public String without2(String str) +{ + int n = str.length()-1; + int m = str.length(); + if (str.substring(0, 2) == str.substring(n-1)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +21c1ad5fec598ab646d8e7f9503b7b3bb2ead06b,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +67db08ce262eab5516dd1a641488e4a22ee6f6fb,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + return str.substring(2); + else + return str; +} +" +d056d5a8f423c818834e004f9d7285bf7d1c8f2e,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 3)) + return str.substring(2); + else + return str; +} +" +09483e3d3ee17c174bef5416c1661e27583321a3,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + return str.substring(2); + else + return str; +} +" +af260e0ba22d31981848019de5ec7385172e5979,"public String withouEnd2(String str) +{ + if (str.length() > 2) + { + return str.substring(1, str.length() - 1); + } + return """"; +} +" +986e3b3e335ef078a0eff52d7bb2bd3b2d77c874,"public String without2(String str) +{ + int n = str.length()-1; + int m = n-1; + if (str.substring(0, 2) == str.substring(m)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +5f69d3a6cc55876de375753cce4907675f124285,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if ((str.charAt(0) == str.charAt(strLen - 1)) && (str.charAt(1) == str.charAt(strLen - 2))) + { + return str.substring(1, strLen - 1); + } + return str; +} +" +4efce6b8502c5e17fecb0be3925ce44b96bfd2f7,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +5ced76bd43ee22ca5ad4ba354bb590d709ba2f67,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +3be61c4a2c3dbcb1c090d319832fc54c60d0a7cb,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + { + return str.substring(1, len-1); + } + return """"; +} +" +b63f73f3977c83c5a9326abd2d8514897f04a240,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if ((str.charAt(0) == str.charAt(strLen - 1)) && (str.charAt(1) == str.charAt(strLen - 2))) + { + return ""blasblas""; //str.substring(1, strLen - 1); + } + return str; +} +" +481e953f1c8fc1002c47ed18133a66394ee62719,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if ((str.charAt(0) == str.charAt(strLen - 1)) && (str.charAt(1) == str.charAt(strLen - 2))) + { + return str.substring(1, strLen - 1); + } + return str; +} +" +0800fbf2adca15ba4710579798f85a7bf4b6ada4,"public String without2(String str) +{ + if (str.length >= 2) + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + + else + { + return str; + } + +} +" +7a29b78746839d521b9c55b84961c8b14669fd43,"public String without2(String str) +{ + int length = str.length() + + if (length >= 2) + if (str.substring(0, 2) == str.substring(length - 2)) + return str.substring(2); + else + return str; +} +" +f72e16e78d13b4204d93c977f54c6413bf37d0af,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + if (str.substring(0, 2) == str.substring(length - 2)) + return str.substring(2); + else + return str; +} +" +e0c11514b56b162c3823fafefdeb3ac7bc34c726,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } + + else + { + return str; + } + +} +" +40d500fd28361eb0b80791226277087fd94c96fa,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + if (str.substring(0, 2) == str.substring(length - 2)) + return str.substring(2); + else + return str; + else + return """"; +} +" +a7f5dd5bdcb13d675d7778d6ab2d5321cb98dda7,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(len-1, len)) { + return (str - (str.substring(0,1); + } + else { + return str; + } +} +" +55b558ec3e2d0f39968c74ed66183ce063f52f9d,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + if (str.substring(0, 2) == str.substring(length - 2)) + return str.substring(2); + else + return str; + else + return str; +} +" +1f8fea0233d97daabc69f3e1a5d57c567e11e146,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(len-1, len)) { + return (str - (str.substring(0,1)); + } + else { + return str; + } + } +" +e6b9625a51538f0e28840870f1fde845103f9f4f,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(len-1, len)) { + return str - (str.substring(0,1)); + } + else { + return str; + } + } +" +883b98bb8234c54eac5317685d962f42ba1a84e4,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if ((str.charAt(0) == str.charAt(strLen - 1)) && (str.charAt(1) == str.charAt(strLen - 2))) + { + return str.substring(1, strLen - 1); + } + else if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2, str.length()-3) + } + return str; + +} +" +70f118f9fd1da40d548a0077069c7fd3b0d75b66,"public String without2(String str) +{ + stringLength = str.length(); + if (str.substring(0,1) == str.substring(stringLength-1, stringLength)) { + return str - (str.substring(0,1)); + } + else { + return str; + } + } +" +0825f9546c17bcb98e93d51bff8ad09ff8c80905,"public String without2(String str) +{ + int strLen = str.length(); + if (strLen < 2) + { + return str; + } + else if (strLen == 2) + { + return """"; + } + else if ((str.charAt(0) == str.charAt(strLen - 1)) && (str.charAt(1) == str.charAt(strLen - 2))) + { + return str.substring(1, strLen - 1); + } + else if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2, str.length()-3); + } + return str; + +} +" +86b4c7988a1bde4f982d58b397895de785630290,"public String without2(String str) +{ + String stringLength = str.length(); + if (str.substring(0,1) == str.substring(stringLength-1, stringLength)) { + return str - (str.substring(0,1)); + } + else { + return str; + } + } +" +0fd4b575f2e5f1e189e8368d6097f18c28780e21,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring(stringLength-1, stringLength)) { + return str - (str.substring(0,1)); + } + else { + return str; + } + } +" +36492960d3eac9bdeb91637ba4a9f43281726a8f,"public String without2(String str) +{ + int strLength = str.length(); + + if (length >= 2) + if (str.substring(0, 2) == str.substring(strLength - 2, strLength)) + return str.substring(2); + else + return str; + else + return str; +} +" +fa9be32ed79eb3e4f4ede6a513fbca3ba44361d0,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring((stringLength-1), stringLength)) { + return str - (str.substring(0,1)); + } + else { + return str; + } + } +" +5871652bb4f7e252332772e8a658b66656e38fa6,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + if (str.substring(0, 2) == str.substring(length - 2, length)) + return str.substring(2); + else + return str; + else + return str; +} +" +66780f39bc9954890c92158e61aceb513a5cfcd6,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +1d7e65afd0b4e07dd788f2e8405e663b3bcea185,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring((stringLength-1), stringLength)) { + return (str - (str.substring(0,1))); + } + else { + return str; + } + } +" +c5ffbced7f22f6553f6f1703a62c83ce24baf411,"public String withouEnd2(String str) +{ + if(str.length()==1) + return str = """"; + if(str.length()>1) + str = str.substring(1,str.length()-1); + return str; +} +" +32dd496852fbd1fd0581660957050e69b32037b2,"public String withouEnd2(String str) +{ + if(str.length()==1) + return str = """"; + if(str.length()>1) + str = str.substring(1,str.length()-1); + return str; +} +" +bbef5831e4035fb70cdce88724fb61293294a52a,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring((stringLength-1), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + } +" +9a38bb613818e454b01876c0025de16d86f7ddc4,"public String withouEnd2(String str) +{ + if(str.length() <= 1) + { + return """"; + } + else + { + String mid = str.substring(1,str.length() -1); + return mid; + } +} +" +78f4aa8e37b40bfca8cea29409a2359bceab2ba0,"public String without2(String str) +{ + int length = str.length(); + + if (length >= 2) + if (str.substring(0, 2).equals(str.substring(length - 2))) + return str.substring(2); + else + return str; + else + return str; +} +" +610dbd70704f6fe7a7fa838ba5850c555c6ec37d,"public String withouEnd2(String str) +{ + if (str.length() <= 2) + return """"; + return str.substring(1, str.length() - 1); +} +" +6bc66f51e027f8e766055c5683b57b6d779c2d15,"public String withouEnd2(String str) +{ +if (str.length() <= 2) + return """"; +return str.substring(1, str.length() - 1); +} +" +9dd5daaba313d148f6d280cbcafc6883b0e099e3,"public String withouEnd2(String str) +{ + int len = str.length(); + if(len >= 3) + return str.substring(1, len-1); + return """"; +} +" +01ddc71d1e0272634fd813b45ce52f4008967acd,"public String without2(String str) { + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +} +" +0def242b30417b0f4b60c246818039c6839a2167,"public String without2(String str) +{ + String a = str.charAt(0) + str.charAt(1); + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +6890ce353a555cf64fd737aeb234b06dad9afb0e,"public String without2(String str) +{ + String aa = str.charAt(0); + String ab = str.charAt(1); + String a = aa + ab + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +ce9bd7cd81279d4a9dbff1b477d013cf25ed2c18,"public String without2(String str) +{ + String aa = str.charAt(0); + String ab = str.charAt(1); + String a = aa + ab; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +72343b3672e02c4c782bb546bb16efcbc5209479,"public String without2(String str) +{ + char aa = str.charAt(0); + char ab = str.charAt(1); + char a = aa + ab; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +ed22ef24cc81425d998bc04e10bec0dc6cf5d912,"public String without2(String str) +{ + char aa = str.charAt(0); + char ab = str.charAt(1); + String a = aa + ab; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +562ad7b00bfb9d3560a1f1134e71d861b8b49054,"public String without2(String str) +{ + char aa = str.charAt(0); + String aa = String.valueOf(aa); + char ab = str.charAt(1); + String ab = String.valueOf(ab) + String = aa + ab; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +0e9df417d89ee60ce000a3aa79bd5a48064735d2,"public String without2(String str) +{ + char aa = str.charAt(0); + String aa = String.valueOf(aa); + char ab = str.charAt(1); + String ab = String.valueOf(ab); + String = aa + ab; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +1e3d73aa6dc0932013d5a03a0b95becaf9c2e537,"public String without2(String str) +{ + char aa = str.charAt(0); + String ac = String.valueOf(aa); + char ab = str.charAt(1); + String ad = String.valueOf(ab); + String = ac + ad; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +b8f71f6e2714ee5f77d78fc298b6415ce7306c08,"public String without2(String str) +{ + char aa = str.charAt(0); + String ac = String.valueOf(aa); + char ab = str.charAt(1); + String ad = String.valueOf(ab); + String a = ac + ad; + String b = str.charAt(str.length-2) + str.charAt(str.length-1); + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +b5cda22412297e296d903e86c07af136fae4f44f,"public String without2(String str) +{ + char aa = str.charAt(0); + String ac = String.valueOf(aa); + char ab = str.charAt(1); + String ad = String.valueOf(ab); + String a = ac + ad; + char ba = str.charAt(str.length-2); + String bc = String.valueOf(ba); + char bb = str.charAt(str.length-1); + String bd = String.valueOf(bb); + String b = bc + bd; + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +3c9f985cb667398bde5db0d3afc1f1122190e9a0,"public String without2(String str) +{ + char aa = str.charAt(0); + String ac = String.valueOf(aa); + char ab = str.charAt(1); + String ad = String.valueOf(ab); + String a = ac + ad; + char ba = str.charAt(str.length()-2); + String bc = String.valueOf(ba); + char bb = str.charAt(str.length()-1); + String bd = String.valueOf(bb); + String b = bc + bd; + if (a == b) { + String str2 = str.replace(a, """"); + } + return str2; + +} +" +42d6fdcdb8f78eea03302b63af58b35968dd3202,"public String without2(String str) +{ + String str2 = """"; + char aa = str.charAt(0); + String ac = String.valueOf(aa); + char ab = str.charAt(1); + String ad = String.valueOf(ab); + String a = ac + ad; + char ba = str.charAt(str.length()-2); + String bc = String.valueOf(ba); + char bb = str.charAt(str.length()-1); + String bd = String.valueOf(bb); + String b = bc + bd; + if (a == b) { + str2 = str.replace(a, """"); + } + return str2; + +} +" +b48ddf69076f44d8f16f6aaa631cb6011dae5bba,"public String without2(String str) +{ + if (str.length >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length - 2, str.length))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +05dbe2b51d3e896062016f868b55c3c20173858f,"public String without2(String str) +{ + if (str.length >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length - 2, str.length))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +cf691438ee0c5556d589fd01ae5a704c7f99d0cf,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +61d1eb2be689d22c1835af03843c67753bc5cd37,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(s.equals(st)) + { + return str.substring(2); + } + else if(str.length()<2) + { + return str; + } + else + { + return str; + } +} +" +eb2c759546fc1c28c1f396e7f8a797c34349a587,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(s.equals(st)) + { + return str.substring(2); + } + else if(str.length()<1) + { + return str; + } + else + { + return str; + } +} +" +dcd0a8d94f6bc5b734f1142c6e13319ba62af6ee,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(str.length()>=3 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +97075bafd7a81b10bfdc9fdc67703e64bf517393,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(str.length()>=2 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +226f6db171f0bdcd4a1cfa5829db004fff0e13cd,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len > 2) + { + if (str.substring(0, 2) == str.substring(len - 2, len - 1)) + { + return ""test""; + } + } + return str; + +} +" +006269222db048bdba48440d3dfa7121a7467601,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len > 2) + { + if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + } + } + return str; + +} +" +b6b8bcaf0f6ce9c8a43484ecae8f8464712cf1c3,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len > 2) + { + return ""obj""; + if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + } + } + return str; + +} +" +aea829769f393017ca9b8a5ed1b3705d698f9a25,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len > 2) + { + return ""obj""; + /*if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + }*/ + } + return str; + +} +" +93e2acea51329b1208c1def2727b43587abb22f1,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len > 2) + { + if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + } + } + return str; + +} +" +2e638e3bb7c19dd73550379dd6b4a7eb7b48a43e,"public String without2(String str) +{ + if() + return str.length() +} +" +5421c8c1356104761eec7c1af355ea8476927618,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.charAt(0); + } + else if (len > 2) + { + if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + } + } + return str; + +} +" +7707324e632a9ca372ac7869fc7713b75acc201f,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0); + } + else if (len > 2) + { + if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + } + } + return str; + +} +" +47f88b1b762e5234febe70d0abcd0f7dfe7b59f7,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0, 1); + } + else if (len > 2) + { + if (str.substring(0, 2).equals(str.substring(len - 2, len - 1))) + { + return ""test""; + } + } + return str; + +} +" +b05d7b52ea38be5f503d6de549849fecd4301fd0,"public String without2(String str) +{ + if(str.substring( 0, 2) == + str.substring((str.length()-2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +2f84bacdf3f029ecc65ce9593da9e04673246b4d,"public String without2(String str) +{ + if(str.substring( 0, 2).length() == + str.substring((str.length()-2), str.length()).length()) + return str.substring(2, str.length()); + else + return str; +} +" +d2ce684dfcdbb8be28f5aa86536d48a4a55ba571,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2).length() == + str.substring((str.length()-2), str.length()).length()) + return str.substring(2, str.length()); + else + return str; +} +" +e5a497c40ef71390c1f68294260d293de331fe10,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0, 1); + } + else if (len > 2) + { + if (str.substring(0, 2).equals((str.substring(len - 2, len - 1))) + { + return str.substring(2, len - 2); + } + } + return str; + +} +" +8a5d9b6602fcfcb74bb10d7009551345f13d1123,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0, 1); + } + else if (len > 2) + { + if (str.substring(0, 2).equals((str.substring(len - 2, len - 1)))) + { + return str.substring(2, len - 2); + } + } + return str; + +} +" +169a588cc49183dd58a39e28e085b7b773415c15,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2) == + str.substring((str.length()-2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +266bb7ae2b6776fe9254d2bf0681baeddb90d361,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0, 1); + } + else if (len > 2) + { + if (str.substring(1, 2).equals((str.substring(len - 2, len - 1)))) + { + return str.substring(2, len - 2); + } + } + return str; + +} +" +a482e850cfdf7bb5bd077b8270056151fe7f7a49,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0, 1); + } + else if (len == 7) + { + return str.substring(2, len - 2); + } + else if (len > 2) + { + if (str.substring(1, 2).equals((str.substring(len - 2, len - 1)))) + { + return str.substring(2, len - 2); + } + } + return str; + +} +" +33e156ea61605d0a1040e80242d853c380d253fa,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2) == + str.substring((str.length()-3), (str.length()-1))) + return str.substring(2, str.length()); + else + return str; +} +" +82b414ce4c9fed2ff4036b8e93c0f3d08c7551e1,"public String without2(String str) +{ + int len = str.length(); + if (len < 2) + { + return str; + } + else if (len == 2) + { + return """"; + } + else if (len == 3) + { + return str.substring(0, 1); + } + else if (len > 2) + { + if (str.substring(1, 2).equals((str.substring(len - 2, len - 1)))) + { + return str.substring(2, len - 2); + } + } + return str; + +} +" +b6650805cbf12c550d3ebf23a38c6da5abcfa1ff,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2) == + str.substring((str.length()-2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +e176c0c8ef43ce834bb282fde7b8cf7af3ad7175,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 1, 3) == + str.substring((str.length()-2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +de36611ca808867dbcd4d0ed8d4dd587042e1071,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2) == + str.substring((str.length()-2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +42c5addce2587c50d646e4ab592613d065d4345a,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2).equals( + str.substring((str.length()-2), str.length())) + return str.substring(2, str.length()); + else + return str; +} +" +047d8f2433f63271f47e75a0fd1b42a87060f587,"public String without2(String str) +{ + if (str.length()<2) + return str; + else if(str.substring( 0, 2).equals( + str.substring((str.length()-2), str.length()))) + return str.substring(2, str.length()); + else + return str; +} +" +45c276aa151f2156654f792cd756d7fd73890415,"public String without2(String str) +{ + if (str.substring(2) == str.substring(4, 6)) + { + return str.substring(2); + } +}" +565cdba2783e9d21d7fe0eae98c45dcfc11ee873,"public String without2(String str) +{ + if (str.substring(2) == str.substring(4, 6)) + { + return str.substring(2); + } + else + { + return str; + } +}" +1ad76a705deeb2478514fa73c65d9b0af8241c2e,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(4, 6)) + { + return str.substring(2); + } + else + { + return str; + } +}" +4b582eb6df96ba42232a24569d36b0c4ad648127,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(4, 6)) + { + return str.substring(2, 4); + } + else + { + return str; + } +}" +14e6680eccf80e5111eb6b34b7fa1757db3ccea4,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(4, 6)) + { + return str.substring(2, 4); + } + else + { + return str; + } +}" +c34a11761ca98c3e7fe42a6d0ef31a65a8b73c97,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-1, -0)) + { + return str.substring(2); + } + else + { + return str; + } +}" +7756752446bfd1fe7087df842a9a8bc355208b40,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(-2); +} +" +46fac710132b957abc74c6aa980057669d5df780,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(string.size()-1) + { + return str.substring(2); + } + else + { + return str; + } +}" +8f1f3130cdc74f3678fdc2f1756a7dab64b7195b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.size()-1) + { + return str.substring(2); + } + else + { + return str; + } +}" +0746806591f4971bdaeda02f8ac1c548e2fc6f28,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(-2); + if (beginning == ending) + { + str.remove(beginning); + } + return str; +} +" +dd4605dfa2e677e6d8c49205bb823683cedb7ab3,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(4) + { + return str.substring(2); + } + else + { + return str; + } +}" +20a0a9d8a21c3e0ca93b8d137bc61f01deadd209,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(-2); + if (beginning == ending) + { + str.remove(0); + } + return str; +} +" +cb07f6a82a391d54324add7e0776e9e3ad133dc7,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.size()-1)) + { + return str.substring(2); + } + else + { + return str; + } +}" +046fb3c8b6e1c6308a78852f4b50638126879649,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-1, -0)) + { + return str.substring(2); + } + else + { + return str; + } +}" +3874ddd4caebefa15fa1234594bc99b6905a292e,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(-2, -0)) + { + return str.substring(2); + } + else + { + return str; + } +}" +30c5ed7f9dc870bc5ef2e646e3f1e5f8565b51f9,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(-2); + if (beginning == ending) + { + return str.(2); + } + return str; +} +" +019bf2b6a1b8a9e7202cd10408f2c10846135500,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(2)) + { + return str.substring(2); + } + else + { + return str; + } +}" +498dfd02f4e2add5f1a840b01c15996a53f38512,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(-2); + if (beginning == ending) + { + return str.(2); + } + return str; +} +" +7822317c0fa1caa77519a2196f43a28ff2710486,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(-2); + if (beginning == ending) + { + return str.substring(2); + } + return str; +} +" +e1b33f36d6a36ca6f04269230bc8ebdcec08b9ed,"public String without2(String str) +{ + int n = length(str); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +82922f3e10d477015d0b8d1e5d4d5e53857d8ce5,"public String without2(String str) +{ + int n = this.length(str); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +a4a5773f428cb0a4507a5f0ff7828788b5c5cb90,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(str.length-2); + if (beginning == ending) + { + return str.substring(str.length-2); + } + return str; +} +" +95daae7fd491ee8132e4809b3ae87cca01dfe82e,"public String without2(String str) +{ + int n = str.length(str); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +50896bb2ae133db262cee0a17645f5ce7e5d9b2c,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +d338976199b3d8817496c674f1310bc943ac3895,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(length-2); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +a8dc24aa0b3137998071948912b690d52a213d59,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring((lenght(str)-2); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +e333640d95e9df810ffd427ffb9f06d31c8d3582,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring((lenght(str)-2)); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +b8dce31a92fefb27ff29d1bd8a411ab33152f9b1,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring((length()-2)); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +17c68a69c1674cdeb146dad6fbde387a0f1e2cba,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring((str.length()-2)); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +f3146530130df9bd5c96550b1f0d7123520ce4d8,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring((length(str)-2)); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +9f8d1669715ed2d1c10f6bdb171d429eb2f6f84d,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring((str.length()-2)); + if (beginning.equals(ending)) + { + return str.substring(length-2); + } + return str; +} +" +b513d1d2e920f0cd2ec95d02526fc736ca2ab141,"public String without2(String str) +{ + String beginning = str.substring(0, 1); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(str.length()-2); + } + return str; +} +" +9dd7f6a03ee477f74cd2d2dde021c1a6a9e45e91,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.substring(0, 1); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; + } +] +" +46d8ca0670a699d6162f0cc9427db13f3d1f293b,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.substring(0, 1); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; + } +" +e71e0f9e487e565b83d9d5f022577f64d982c48e,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.substring(0, 1); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; + } +}" +2ad7af99fe18c607c50f14eaadfee068161478f1,"public String without2(String str) +{ + + String beginning = str.substring(0, 1); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; +}" +9126a67669b9a1506b763ce97c70901bdd95eca4,"public String without2(String str) +{ + int a = str.length(); + + if (a>=2) + { + if (str.substring(0,2).equals(str.substring(a-2, a) + { + } + + + } +} +" +4887cb8c057ba4f0818a14ef31ea0466047b1e2a,"public String without2(String str) +{ + + String beginning = str.substring(0, 2); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; +}" +a1021a1dcf2f403fc222cdb92c81204d9e3f7209,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beginning = str.substring(0, 2); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; + } + else if (str.length() < 2) + { + return str; + } +}" +d0679de3dc717263ecaa4358e212b5f44b5f4141,"public String without2(String str) +{ + int a = str.length(); + + if (a>=2) + { + if (str.substring(0,2).equals(str.substring(a-2, a) + { + return str.substring(2); + } + return str; + + + + + + } +} +" +11a0bb10a69846a2cae2c84a214851a54d23bacc,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beginning = str.substring(0, 2); + String ending = str.substring(str.length()-2); + if (beginning.equals(ending)) + { + return str.substring(2); + } + return str; + } + else + { + return str; + } +}" +b8f45e8bf35e285142abf2fe3deed50a236c6e46,"public String without2(String str) +{ + int a = str.length(); + + if (a>=2) + { + if (str.substring(0,2).equals(str.substring(a-2, a)) + { + return str.substring(2); + } + return str; + } +} +" +9ba525436faa962eae38c22f82113cddcc89cfc3,"public String without2(String str) +{ + int a = str.length(); + + if (a>=2) + { + if (str.substring(0,2).equals(str.substring(a-2, a))) + { + return str.substring(2); + } + return str; + } +} +" +de899cde9eb2c5396695d75b994e13128a29b41f,"public String without2(String str) +{ + int a = str.length(); + + if (a>=2) + { + if (str.substring(0,2).equals(str.substring(a-2, a))) + { + return str.substring(2); + } + return str; + } + return str; +} +" +c7179d22ee41e53861efa20cb977c3ca28808ef4,"public String without2(String str) +{ + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + + + + } + +} +" +5ec5e21d34cc072a735a0c629ba77af40dded118,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + if (str.substring(0, 2) == str.substring(n-1, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +be48a89816810c15b0e9ced72c75349231abecee,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else if (str.substring(0, 2) == str.substring(n-1, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +a4265544e8e487ae838c18ecf7937d849493b15b,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +f8ba17d0b28f7b86ff10ecb83e0916dfc6352964,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-1, n+1)) + { + return str.substring(2); + } + else + { + return str; + } +}" +693c61df8335b04800d84c0a1b10d320afdde165,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-1, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +87d6b7d01ab316a7ff8c7ca5ce61063d10aa923f,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +559668606cc922e27ec311e2d27574d196d7627e,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2) == str.substring(n-2, n)) + { + return str.substring(2); + } + else + { + return str; + } +}" +8a4ac625ad41415d49fdebaf84f3e01ef6b9ca7d,"public String without2(String str) +{ + int n = str.length(); + if ((n >= 4) && (str.substring(0, 2) == str.substring(n-2))) + { + return str.substring(2); + } + else if ((n == 3) && (str.substring(0, 2) == str.substring(1))) + { + return str.substring(2); + } + else + { + return str; + } +}" +45690e1cc0cbbd3bc2997926883379afea2865e9,"public String without2(String str) +{ + int n = str.length(); + if ((n >= 4) && (str.substring(0, 2) == str.substring(n-2))) + { + return str.substring(2); + } + else if ((n == 3) && (str.substring(0, 2) == str.substring(1))) + { + return str.substring(2); + } + else if ((n == 2) && (str.substring(0, 1) != str.substring(1))) + { + return """"; + } + else + { + return str; + } +}" +632158770dff88f0b8f6ebc6d7d56e181a826521,"public String without2(String str) +{ + int n = str.length(); + if ((n >= 4) && (str.substring(0, 2) == str.substring(n-2))) + { + return str - str.substring(2); + } + else if ((n == 3) && (str.substring(0, 2) == str.substring(1))) + { + return str.substring(2); + } + else if ((n == 2) && (str.substring(0, 1) != str.substring(1))) + { + return """"; + } + else + { + return str; + } +}" +9612b8122e9da735cf8b757c9a401b9a60861111,"public String without2(String str) +{ + int n = str.length(); + if ((n >= 4) && (str.substring(0, 2) == str.substring(n-2))) + { + return str.substring(2); + } + else if ((n == 3) && (str.substring(0, 2) == str.substring(1))) + { + return str.substring(2); + } + else if ((n == 2) && (str.substring(0, 1) != str.substring(1))) + { + return """"; + } + else + { + return str; + } +}" +1f87c3d9191d5b9e2724f965d8d260377bf2be6e,"public String without2(String str) +{ + int n = str.length(); + if ((n >= 4) && (str.substring(0, 2) == str.substring(n-2))) + { + return str.substring(2, n); + } + else if ((n == 3) && (str.substring(0, 2) == str.substring(1))) + { + return str.substring(2); + } + else if ((n == 2) && (str.substring(0, 1) != str.substring(1))) + { + return """"; + } + else + { + return str; + } +}" +30c6e4abed45d9632fd199c2a8f48c05485872ad,"public String without2(String str) +{ + int n = str.length(); + if ((n >= 4) && (str.substring(0, 2) == str.substring(n-2))) + { + return str.substring(2); + } + else if ((n == 3) && (str.substring(0, 2) == str.substring(1))) + { + return str.substring(2); + } + else if ((n == 2) && (str.substring(0, 1) != str.substring(1))) + { + return """"; + } + else + { + return str; + } +}" +572baba30101ee223c486b9c9a7334e4046dbdc0,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2) == str.substring(str.length() -2, str.length())) + return str.substring(2, str.length()); + else + return str; + + + +} +" +736b5cdce559f3b5cf6a644f65d0ba85ba6ec9c6,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2).equals(str.substring(str.length() -2, str.length())) + return str.substring(2); + else + return str; + + + +} +" +f65a6976f0f43cc7ceb1e2f660cbe9ee65757e51,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2).equals(str.substring(str.length() -2, str.length() )) + return str.substring(2); + else + return str; + + + +} +" +9eb184518d424466f4093e979cec047bdf12c713,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2).equals(str.substring(str.length() -2)) + return str.substring(2); + else + return str; + + + +} +" +1ea46108429a153a1d63086300ee27b550a8b749,"public String without2(String str) +{ + + + if (str.length() == 0) + return """"; + else if (str.length() == 1) + return str; + else if (str.length() == 2) + return """"; + else if (str.substring(0,2).equals(str.substring(str.length() -2))) + return str.substring(2); + else + return str; + + + +} +" +1d1fa5019e1f94bd297eeb6d1e6904f4f07e9f17,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring((stringLength-1), stringLength)) { + return (str.substring(2, stringLength+1)); + } + else { + return str; + } + } +" +c71aa0ebbdae11e13b0185767d9b42911c5a5f09,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring((stringLength-1), stringLength)) { + return (str.substring(1, stringLength)); + } + else { + return str; + } + } +" +8d5f7ca20308ef18758d68a36f71092f9a4b9148,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,1) == str.substring((stringLength-1), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + } +" +b70aea31b2d61125dcf336970e0d5926775c9a96,"public String without2(String str) +{ + int stringLength = str.length(); + if (str.substring(0,2) == str.substring((stringLength-1), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + } +" +fd7604b179952163b59454270bf85985a9774e6b,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + else { + return str; + } + } +" +b5cca5453e339d3b12e7ddbbb2217882c3def939,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + } +" +42348be8d0dfcacedc1cdac518f120f21975f5d0,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + } + } +" +c2d9a76a83b8a7c8ccd2a06bf1fcb8704d7f3594,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2, stringLength)); + } + else { + return str; + } + } + return str; + } +" +c4170379a7dfe6485ea28b0ad3539be692dc880b,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2, stringLength+1)); + } + else { + return str; + } + } + return str; + } +" +9ff3ba1168f949e0a6dbca33292412076eaec2ce,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2)); + } + else { + return str; + } + } + return str; + } +" +0d4c2a5bc880006ceda4b058a68f21b4ef684749,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength-1)) { + return (str.substring(2)); + } + else { + return str; + } + } + return str; + } +" +665d09f9f81bb1ea8e4fa0ee17618f3eea71ff82,"public String without2(String str) +{ + int stringLength = str.length(); + if (stringLength > 2) { + if (str.substring(0,2) == str.substring((stringLength-2), stringLength)) { + return (str.substring(2)); + } + else { + return str; + } + } + return str; + } +" +08fe7e6778216cbfd414f406284a4742b5bafd51,"public String without2(String str) +{ + int stringLength = str.length(); + if(stringLength >= 2) + { + if(str.substring(0,2).equals(str.substring(stringLength-2, stringLength))) + return str.substring(2); + else + return str; + } + else + return str; + } +" +30192e08ccc353baa096f8f149ebde82dcfdc536,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(str.length()>2 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +3913d8d7b33ea330f9b715c69de8c489a443efad,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(str.length()>3 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +350ec0fbdafc436dc91fe8b12beb5adabe1ffdb3,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +7baf6cdf68f24f9c54fef8677c8774ab19f7b601,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if (str.length()<=1) + { + return str; + } + else if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +21551ee9663208b5015877dd2274d3e7ac638e31,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + String beginning = str.substring(0,1); + String end = str.substring(str.length()-2, str.length()-1); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + } + + else + { + return str; + } + + return whole; +} +" +7d82991a69fb0aa3e5a8503b4c5bab95040c7319,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + String beginning = str.substring(0,1); + String end = str.substring(str.length()-2, str.length()-1); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +c250a18e2209a5e2dfed308adbaa22275b8be6fe,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 1) + { + return """"; + } + + String beginning = str.substring(0,1); + String end = str.substring(str.length()-2, str.length()-1); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +39d4572919dc69fcd554d20a8b9c341c992b4586,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0,1); + String end = str.substring(str.length()-2, str.length()-1); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +fdc8033c5d0a679aa20b65cb00a75bb2814f90d4,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +e95a89c1a02c1f15fcd72deda8ffc09da14c56ef,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 1, str.length()); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +e17013dd4fe675e2857f10683be5de507ef3489e,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 3, str.length()); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +5949195791c498900de3c0fef6826d07fe274bf4,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +eee955e611f6333c96149cbc64699e08c8753a1a,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 1); + String whole = """"; + + if (beginning == end) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +79f0a4b0c260f9a3956326ca1a6c0db5c1aaa287,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 1); + String whole = """"; + + if (beginning.equals(end)) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +9c0e74e12f96587bdfebd6d8056e10a18ba6ca15,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 1); + String whole = """"; + + if (beginning.equalsIgnoreCase(end)) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +bd53c20d17f9de67b73e59d03dbad9ee1932dd6e,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning.equalsIgnoreCase(end)) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +e06f86aa41c509599ea9324d88d6653cd620de28,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + + else if(str.length() == 2) + { + return """"; + } + if (str.equals(""xxx"")) + { + return ""x""; + } + + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + String middle = str.substring(2, str.length() - 2); + String whole = """"; + + if (beginning.equalsIgnoreCase(end)) + { + whole += middle; + whole += end; + } + + else + { + return str; + } + + return whole; +} +" +390791750477fdb54d423b9e2016907def753705,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +ebd41b1c25e1bb051489455b7484c872ab703e4d,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + return sub1; +} +" +ff9e6e12a6ec6399e60b8df08fc535e9ca893a8a,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + return sub2; +} +" +2deed46896132d6a72c763180a1f8a76e57a022a,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + if (sub1.isEqual(sub2)) + { + str.remove(sub1); + } + return str; +} +" +939ddc26b22e9087a047f69bb47dd8ab1277e8cb,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + if (sub1.isEqual(sub2)) + { + str = str.substring(2);; + } + return str; +} +" +f2696616db63f1d9548a94e59d95d51abffd33e2,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + if (sub1.isEqual(sub2)) + { + str = str.substring(2); + } + return str; +} +" +a86c2ca531e8948aedeefb09dc2025815f9ce8d9,"public String without2(String str) +{ + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + if (sub1.equals(sub2)) + { + str = str.substring(2); + } + return str; +} +" +d7cf5d7e650d28573c97f38b7bf1441f784fdbd2,"public String without2(String str) +{ + if (str.length() > 2) + { + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + if (sub1.equals(sub2)) + { + str = str.substring(2); + } + } + return str; +} +" +5bf63e2bb5ebb85ffbf5f7f5dedafc2960f56dac,"public String without2(String str) +{ + if (str.length() >= 2) + { + String sub1 = str.substring(0,2); + String sub2 = str.substring(str.length() - 2, str.length()); + if (sub1.equals(sub2)) + { + str = str.substring(2); + } + } + return str; +} +" +c39cd062704cc1a07ef755a8fed6660d24446254,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + if (str.substring(0,2).equals(str.substring(length-2, length)) + return str.substring(2); + else + return str; + else + return str; +} +" +83df9b68e6650e05acdca4ff1734f364c831e982,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + if (str.substring(0,2).equals(str.substring(length-2, length))) + return str.substring(2); + else + return str; + else + return str; +} +" +e3ea15f637cd55adb88c16695fabef9e6ffcaed9,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.getLength(), str.getLength()-1 ) // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1) + + +} +" +4a8fa020ccec7df99596008a7bce22d397ad2eae,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.getLength(), str.getLength()-1 ); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + +} +" +fe2b3dd1b3d628c27632c06d88dedb9eb4fc8485,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length(), str.length()-1 ); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + +} +" +b33102f0de917b4ab2dd45e907db874bb90dfa7a,"public String without2(String str) +{ + int len = str.length(); + String front = str.substring(0, 2); + String back = str.substring(len-2, len); + String part = """"; + if(front.equals(back)) + { + part = str.substring(2, len); + } + else + { + part = str; + } + return part; +} +" +5c2cc0334e4b562e519fd2c63a0ac6abf6011d33,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length(), str.length()-1 ); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + String middleLetters; + middleLetters = str.substring() + + if (endLetters == startLetters) + { + return str; + } + else + { + return str; + } +} +" +761c9926032cabc52f75175c5eb75e530ee274cd,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length(), str.length()-1 ); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + String middleLetters; + middleLetters = str.substring(); + + if (endLetters == startLetters) + { + return str; + } + else + { + return str; + } +} +" +f7ddb86918c5ec87b3331d6e5f512e7834cc344d,"public String without2(String str) +{ + int len = str.length(); + String part = str; + if(len>=2) + { + String front = str.substring(0, 2); + String back = str.substring(len-2, len); + + if(front.equals(back)) + { + part = str.substring(2, len); + } + } + return part; +} +" +38769a0a90f8719ef3f8171d5dc63e34c75b8897,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length(), str.length()-1 ); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + // String middleLetters; + // middleLetters = str.substring(); + + if (endLetters == startLetters) + { + return str; + } + else + { + return str; + } +} +" +b581e1ff706b2c7fafa058adec7a0a13874a3663,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 1, str.length()); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + // String middleLetters; + // middleLetters = str.substring(); + + if (endLetters == startLetters) + { + return str; + } + else + { + return str; + } +} +" +e0e180ae3229868b6b70865e3c05c23596167b83,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 1, str.length()); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); + + if (endLetters == startLetters) + { + return middleLettters; + } + else + { + return str; + } +} +" +f06183673f9f8752a1f51904625fbed153b4e926,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 1, str.length()); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +7ad991a24edd45eac9dde28ce5f6b6a462d3b44f,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 1, str.length()); // I don't know how many letters there are!! + // ^ use a method that gets the length of a string. Use "".getLength - 1"" and ""- 2?"" + String startLetters; + startLetters = str.substring(0, 1); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 3); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +a14fb6e37d6f37f5f5e11f3df5dc1095739b0bc7,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 1, str.length()); + + String startLetters; + startLetters = str.substring(0, 2); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +3c1193473cb93b37666a50af380132b76d15d10b,"public String without2(String str) +{ + if (name.substrnig(0, 2) = name.substring(-3, -1)) + { + return ""name.substring(0, 2)""; + } +} +" +cbe2ff1c28fd4c9e83c6d52874a09bd61ea36af0,"public String without2(String str) +{ + if( str.substring(0,2) == str.substring(str.length()-2,str.length()) + { + str = str.replace(0,""""); + str = str.repalce(1, """"); + return str; + + } + else + { + return str; + } +} +" +a0e85ea94c413d0f79bde2ea0ae38ccd1193a31d,"public String without2(String str) +{ + if( str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + str = str.replace(0,""""); + str = str.repalce(1, """"); + return str; + + } + else + { + return str; + } +} +" +12dff3df56f842e89d1c7d66f837b315a606eedc,"public String without2(String str) +{ + if( str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + str = str.replace(0,""""); + str = str.replace(1, """"); + return str; + + } + else + { + return str; + } +} +" +744e80e95b63df5121d9b2cb5cb28900f1a38ec7,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 2); + + String startLetters; + startLetters = str.substring(0, 2); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +ecd3092eefe091abea86db9e6f0bf671e912705c,"public String without2(String str) +{ + if( str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + str = str.substring(2, str.length()); + return str; + + } + else + { + return str; + } +} +" +e507d86b2b821940ff5d70244ac9229aa93f0335,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length-2, str.length))) { + return str + str.substring(0,2); + } + return str; +} +" +298d24ec5e51f82c0e0f45361041387590af99b3,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2, str.length))) { + return str + str.substring(0,2); + } + return str; +} +" +5ae62ff0c9337e4edac2847ce09751da3e1459e5,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) { + return str + str.substring(0,2); + } + return str; +} +" +beed94f0ba78e64b94aa4cf8727f2189ca75eb77,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) { + return str.substring(2) + str.substring(0,2); + } + return str; +} +" +0fa7f7f2edec75df8bd5a3fef011cbb1d15ed15c,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 2); + + String startLetters; + startLetters = str.substring(0, 2); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 3); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +cea264c457773f4f4d83cb7e1cec50420953938e,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 2); + + String startLetters; + startLetters = str.substring(0, 2); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 1); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +5ad4dd51b85ac79636c564f7a297cbd66bfa2df0,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) { + return str.substring(2); + } + return str; +} +" +9391e0dadf6417939765a01ec2ec9e486f5dbaa4,"public String without2(String str) +{ + String endLetters; + endLetters = str.substring(str.length() - 2); + + String startLetters; + startLetters = str.substring(0, 2); + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); + + if (endLetters == startLetters) + { + return middleLetters; + } + else + { + return str; + } +} +" +b88ce0a94fb1e2dfd879b331f8cf61e522808424,"public String without2(String str) +{ + if(str.length() < 2) { + return str; + } if(str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) { + return str.substring(2); + } + return str; +} +" +12e24e2cea685974f04e7db510ffedf311f79ed6,"public String without2(String str) +{ + if(str.length() < 2) + { + return str; + } + if( str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + str = str.substring(2, str.length()); + return str; + } + else + { + return str; + } +} +" +a8cfa97d9e2ae76471ae3a3901891263181b37c5,"public String without2(String str) +{ + if(str.length() < 2) + { + return str; + } + if( str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + str = str.substring(2, str.length()); + return str; + } + else + { + return str; + } +} +" +23f68e55162fda2ba69376582e1b36a2c0ee1ef0,"public String without2(String str) +{ + String startLetters; + startLetters = str.substring(0, 2); // good + + String middleLetters; + middleLetters = str.substring(2, str.length() - 1); // good + + String endLetters; + endLetters = str.substring(str.length() - 1); + + if (endLetters == startLetters) + { + return middleLetters; // not returning ? + } + else + { + return str; + } +} +" +7552af23d4769b82ac1ec75ffbc90449cf3a8d28,"public String without2(String str) +{ + String startLetters; + startLetters = str.substring(0, 2); // good + + String middleLetters; + middleLetters = str.substring(2, str.length() - 1); // good + + String endLetters; + endLetters = str.substring(str.length() - 1); + + if (endLetters.equals(startLetters)) + { + return middleLetters; // not returning ? + } + else + { + return str; + } +} +" +d86216a4689e994ccb503bf9b4aaa7f642431333,"public String without2(String str) +{ + if (name.substrnig(0, 2) = name.substring(-3, -1)) + { + return ""name.substring(0, 2)""; + } + else if (number.substring(0, 2) == number.substring (-3, -1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)"" + } +} + +} +" +fcd306ef4043edf3825a105a0e09afcc4b12cef2,"public String without2(String str) +{ + if (name.substrnig(0, 2) = name.substring(-3, -1)) + { + return ""name.substring(0, 2)""; + } + else if (number.substring(0, 2) == number.substring (-3, -1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +daab4458fdb564a832ef2497bf50e0ddeea10d41,"public String without2(String str) +{ + if (name.substrnig(0, 2) == name.substring(-3, -1)) + { + return ""name.substring(0, 2)""; + } + else if (number.substring(0, 2) == number.substring (-3, -1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +825b2900078de9726d4de77cc0fac4020d006724,"public String without2(String str) +{ + String startLetters; + startLetters = str.substring(0, 2); // good + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); // good + + String endLetters; + endLetters = str.substring(str.length() - 2); + + if (endLetters.equals(startLetters)) + { + return middleLetters; // not returning ? + } + else + { + return str; + } +} +" +ac4145d590629c0dbeb50deb32716f54da9c2257,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2)) + return str.substring(2); + else + return str; + } + return str; +} +" +b145af4f2b8a81b687aabf4f6600eee18209825c,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2))) + return str.substring(2); + else + return str; + } + return str; +} +" +1e4ef588765903bc9091ebff36693ea395d954c4,"public String without2(String str) +{ + String startLetters; + startLetters = str.substring(0, 2); // good + + String middleLetters; + middleLetters = str.substring(2, str.length() - 2); // good + + String endLetters; + endLetters = str.substring(str.length() - 2); + + String noStartLetters; + noStartLetters = middleLetters + endLetters; + + if (endLetters.equals(startLetters)) + { + return noStartLetters; // not returning ? + } + else + { + return str; + } +} +" +bfe08474b53e584c09e64ade6d207f9034868c02,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals + (str.substring(str.length() - 2))) + { + return str.substring(2); + } + + return str; +} +" +5c816e8a1b1b627c19a17bde5582271fa99fe67f,"public String without2(String str) { + + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + + + + } + +" +bbc0329fecb932f21ac617227b5e6e9f6ae255c6,"public String without2(String str) { + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +}" +61215cef0ff5afa17de52b6157516b05e7d8ff35,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str - str.substring(0, 2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +817f89c2ce0be739c8bb53cec390036a4e7d8662,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str -= str.substring(0, 2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +bb48d80fea4ba4d0fb843e60b4fd05557816f150,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str -- str.substring(0, 2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +7ded47d58ddddeae4a10d93f875d20f7ac2d0915,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(1); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +b6383c4c91f6247e3765e4655cde69615833197c,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(3); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +f11da10b73162047ece73c7517e4884e44d864d9,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +d002faf272a86f0d2eec62c5faf4ce9d97a56c26,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +eed1f3269bebb6ad3896e9e29ffffad21f095d96,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return (""""); + } +} +" +a6d16fbc05254d06bb63c7eccf151c1c210b460b,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return (""""); + } +} +" +7b0a8cafd188cdd809487e38467fc4af3d1b6640,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +98e8ec66fe0340135f0b4557611d7ed8adcc3709,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +a216a622cdc18c09b5d78ac2452681cdacecb6ed,"public String without2(String str) +{ + int o = str.length(); + if (o = 2) + return str ; + else if (o < 2) + return '""; + else if (str.substring(0,2).equals(str.substring(o-2, o)) + return str.substring(2, O); +} +" +fe5ee7655b247255d7969a610f9daa9f3b511e4f,"public String without2(String str) +{ + int o = str.length(); + if (o = 2) + { + return str ; + } + else if (o < 2) + { + return '""; + } + else if (str.substring(0,2).equals(str.substring(o-2, o)) + { + return str.substring(2, O); + } +} +" +291f4da5f9ed2163ab843d8e23e367e0032e2f3e,"public String without2(String str) +{ + int o = str.length(); + if (o = 2) + { + return str ; + } + else if (o < 2) + { + return """"; + } + else if (str.substring(0,2).equals(str.substring(o-2, o))) + { + return str.substring(2, O); + } +} +" +20b9adad6e3c53d3080479390cf78e166e596e31,"public String without2(String str) +{ + int o = str.length(); + if (o == 2) + { + return str ; + } + else if (o < 2) + { + return """"; + } + else if (str.substring(0,2).equals(str.substring(o-2, o))) + { + return str.substring(2, O); + } +} +" +d2b4cc96ae27b8d254f9def1e5b48ea3790fb9b5,"public String without2(String str) +{ + int o = str.length(); + if (o == 2) + { + return str ; + } + else if (o < 2) + { + return """"; + } + else if (str.substring(0,2).equals(str.substring(o-2, o))) + { + return str.substring(2, o); + } +} +" +8622d59a04f6c9d1b962ae6a6ea634bd78062719,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 1) == str.substring(n - 1, n)) + { + return str.substring(3, n); + } + else + { + return str; + } +} +" +43d0fb440e5b3ae18f59a381b2fd02afe3af6de3,"public String without2(String str) +{ + int n = str.length(); + if (str.substring((n+1)-n, (n+2)-n) == str.substring(n - 1, n)) + { + return str.substring(3, n); + } + else + { + return str; + } +} +" +a7040f3b699841b4c0174a247f6ef67e6f953fa4,"public String without2(String str) +{ + if ( a < b && b < c) { + if ( Math.abs(b - c) == Math.abs(b - a)) { + return true; + } + } + if ( a > c && c > b) { + if ( Math.abs(c - a) == Math.abs(c - b)) { + return true; + } + } + if ( b > a && a > c) { + if ( Math.abs(a - c) == Math.abs(a - b)) { + return true; + } + } + if ( c > a && a > b) { + if ( Math.abs(a - c) == Math.abs(a - b)) { + return true; + } + } + if ( a == b && b == c) { + return true; + } + return false; +} +" +202b40ab41af60d92cf981b3ce56fa223c417df1,"public String without2(String str) +{ +String toe = """"; + if (str.length() < 2 ) { + return str; + } + String front = str.substring(0,2); // first two substring + + for (int i = 0; i < str.length(); i++) { + if (front.equals(str.substring(str.length()-2 ))) { + toe = toe + str.substring(2); + return toe; + } + else { + return str; + } + } + return """"; +} +" +6f1972a5694cb9f47003fadd3c9d12aee40ff9c5,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(length() - 2)) + { + return str.substring(2, length() - 2); + } + else + { + return str; + } + +} +" +365735781915902924bb28fea0ccfed2392fe14b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + +} +" +1618b1abcf4495a2afbe29dfff513cdf4df9adf2,"public String without2(String str) +{ + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + +} +" +f9accfa8d837f90d45810a86e03e2c21453e6917,"public String without2(String str) +{ + if (str.length >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length - 2)) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +f77fe187ae5e0f2f350f3129f81b653787c5b5ad,"public String without2(String str) +{ + def checkCharacters(a): +first = a[0:2] +second = a[-2:] + +if first == second: +return a[2:] +else: +return a + +} +" +60a52ca7e0a8622ec3f36616ffaee52393c37a53,"public String without2(String str) +{ + if (str.length >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length - 2))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +cac2fae41188b9d4085e019598861a4d123559f4,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + } + else + { + return str; + } +} +" +0fe1ff87d07a60d7442e687a001fec099c2c0e18,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +a2d65ba8a2d4b741597bbc434e169b0121331b39,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + +} +" +33bc3ffb2e580dab894a0b27a7d56a8a6cd69d50,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0,2).equals(str.substring(str.length() -2 ))) + return str.substring(2); + return str; +} +" +7751fd4f06589c1abd1b249072d39b3b08714508,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +d92c23a030330dbeef95e4cfac1aeebc212166d5,"public String without2(String str) +{ + if (str.length() > 2) + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + else + { + return str; + } + +} +" +37a0670e26ef7a01a197b1792d295eeb0c0b1944,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +62c6de409ca9d019aeffa95e1fae89961c51d104,"public String without2(String str) +{ + if (name.substrnig(0, 2) == name.substring(name.length -3, name.length)) + { + return ""name.substring(0, 2)""; + } + else if (number.substring(0, 2) == number.substring (-3, -1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +4e875184fe4e08543bf5aa56c2b0596400661fc7,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.charAt(0, 2); + String end = str.charAt(str.length() - 2); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +7e216fb3b7603276085187416896cca0cdfb5cbe,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.charAt(2); + String end = str.charAt(str.length() - 2); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +04e1a5bb1f56469ac2b5ee6cda2bfcf87fd8546c,"public String without2(String str) +{ + if (str.length() > 2) + { + char beginning = str.charAt(2); + char end = str.charAt(str.length() - 2); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +3da6d13c5e129585a85f09cc153cb57358bb6316,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + // if the two letters at the beginning of the word and at the end of the word are equal to each other, the string will returned with these two letters + } + else + { + return str; + // if the two letters are not equal to each other, then the original string will be returned + } + } + else + { + return str; + //if the word is only two letters or less, it will return the original string + } +} +" +c1787c3579abadd7e03345d1ff93d595d3346793,"public String without2(String str) +{ + if (name.substrnig(0, 2) == name.substring(name.length() -2, name.length())) + { + return ""name.substring(0, 2)""; + } + else if (number.substring(0, 2) == number.substring (name.length() -2, name.length())) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +6f75f259b633c773fb67aaa4ad73c52817c8d31c,"public String without2(String str) +{ + if (str(0, 1) == str(length(str) - 1, str)) + { + System.out.println(str); + } +} +" +bf8889153022da73213567646c5301ea5d0cb73e,"public String without2(String str) +{ + if (str.length() > 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +bb5fe0be4637bcc470527fc19fe841d91d3ab248,"public String without2(String str) +{ + if (str.substrnig(0, 2) == str.substring(str.length() -2, str.length())) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 2) == str.substring (str.length() -2, str.length())) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +f09576e57d403053daf1f97ab1268dae969b64dc,"public String without2(String str) +{ + if (str(0, 1) == str(length(str) - 1, length(str))) + { + System.out.println(str); + } +} +" +5e17afeed60cbb05a7fb22170eb3331bdf6e3ce5,"public String without2(String str) +{ + if (str.substrnig(1, 2) == str.substring(str.length()-2, str.length())) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 2) == str.substring (str.length() -2, str.length())) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +6f9b45a591c9965d0de29c23a2ae6109356f6b1f,"public String without2(String str) +{ + if (str.substrnig(1, 2) == str.substring(str.length()-2, str.length())) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(1, 2) == str.substring (str.length() -2, str.length())) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +2f964cdc8f84b56ad932f2a2234a62a07c319f82,"public String without2(String str) +{ + String str = new String(); + if (str(0, 1) == str(length(str) - 1, length(str))) + { + System.out.println(str); + } +} +" +91b28206b4186861b9d53952d8d9fc8a2a437598,"public String without2(String str) +{ + if (str(0, 1) == str(length(str) - 1, length(str))) + { + System.out.println(str); + } +} +" +042d231a849903fe6b139625f7ce843c5f98d83a,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (beginning == end) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +0d7fa956a258dec111579fe7ee02691daad1a5f0,"public String without2(String str) +{ + if (str(0, 1) == str(length(str) - 1, length(str))) + { + System.out.println(str); + } + else + { + System.out.println(""""); + } +} +" +e1d181e84726f28c5f88a0cbd0e8d307edbdffd9,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (beginning.equals(end)) + { + return str.substring(2, str.length() - 2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +30be67ef9cf6d77a8af733a710eae6392c501c7a,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beginning = str.substring(0, 2); + String end = str.substring(str.length() - 2, str.length()); + if (beginning.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +43aff766f8d1b7b757e1d8b5d90f6be56d540489,"public String without2(String str) +{ + String part = str.substring(0, 1); + if (part == str(length(str) - 1, length(str))) + { + System.out.println(str); + } + else + { + System.out.println(""""); + } +} +" +513a8c313b4f7c0a83347317215523982248926e,"public String without2(String str) +{ + if (str.substrnig(0, 1) == str.substring(str.length()-1, str.length())) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 1) == str.substring (str.length() -1, str.length())) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +3dca39aa3780cba9d48720e0eb3258462185e6ea,"public String without2(String str) +{ + if (str.substrnig(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +6a66ef421bfeb17a209f9bf3bdbdf14bb14d9c1d,"public String without2(String str) +{ + if (str.substrnig(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +2935e388ab2f1af3dcd22ea13707bf4c94579dc6,"public String without2(String str) +{ + String part = str.substring(0, 1); + String other = str(length(str) - 1, length (str)) + if (part == other) + { + System.out.println(str); + } + else + { + System.out.println(""""); + } +} +" +3556a33dd0d6bfedc6abf1901e3b31a1d188428c,"public String without2(String str) +{ + String part = str.substring(0, 1); + String other = str(length(str) - 1, length (str)); + if (part == other) + { + System.out.println(str); + } + else + { + System.out.println(""""); + } +} +" +8bdbab19d590562ee221da8debaa89479d2ca8ff,"public String without2(String str) +{ + String part = str.substring(0, 1); + if (part == str(length(str) - 1, length (str))) + { + System.out.println(str); + } + else + { + System.out.println(""""); + } +} +" +fc0bd58771b93428359bedfd0136c84661cca9d3,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return ""Hi""; + } + else + { + return ""name.substring(0)""; + } +} + +" +c7343614f2c96fcc079aed4af79a5b20fc79564f,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return ""Hi""; + } + else + { + return name.substring(0); + } +} + +" +18a16757b9f03182c5003726a17b90713fbfee1b,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return ""name.substring(0, 2)""; + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return ""Hi""; + } + else + { + return str.substring(0); + } +} + +" +81933b05ab5a2bbf567e95411bbd283f10f6812a,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(0, 2); + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return ""Hi""; + } + else + { + return str.substring(0); + } +} + +" +ccd355146f8f7b8b4a39ad200fb6eb45bdde419e,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else if (str.substring(0, 1) == str.substring (str.length() -2, str.length()-1)) + { + return "" ""; + } + else + { + return str.substring(0); + } +} + +" +f0e7deabe20089b060f4c1c04c207026fd6fe32e,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-1, str.length())) + { + return str.substring(2); + } + else if (str.substring(0, 1) == str.substring (str.length() -1, str.length())) + { + return "" ""; + } + else + { + return str.substring(0); + } +} + +" +d6f9a6d251d5b9cbadaa11926c80f1464b6d3706,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-1, str.length())) + { + return str.substring(2); + } + else if (str.length() <4) + { + return "" ""; + } + else + { + return str.substring(0); + } +} + +" +333407ee2677dde59d279db8c98f52d3869ef4cb,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-1, str.length())) + { + return str.substring(2); + } + else if (str.length() <4) + { + return """"; + } + else + { + return str.substring(0); + } +} + +" +989642c042cd5c21f7dbf851a327b6875726613a,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else if (str.length() <4) + { + return """"; + } + else + { + return str.substring(0); + } +} + +" +141d36e217d4f6c13de4d2b4d331573da4ab937b," +public String without2(String str) { + + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + + + + } + +} +" +5bb9d49fe55185b15816b71c438fca05052b7032,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2); + } + else if ((str.substring(0, 1) != str.substring(str.length()-2, str.length()-1))&&(str.length() <4)) + { + return """"; + } + else + { + return str.substring(0); + } +} + +" +a6e026d1909e9613c8176e18f81cb5253f9a4984,"public String without2(String str) +{ + if(str.substring(0, 2).equals(str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.length() <3) + { + return """"; + } + else + { + return str.substring(0); + } +} + +" +f2813bd3e92fad6f6c5d5d665c268a446005a107,"public String without2(String str) +{ + if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else if (str.length() <3) + { + return """"; + } + else + { + return str.substring(0); + } +} + +" +c7bd7fec2b6ccbc96546bd4f936b4ededa1d9d9d,"public String without2(String str) +{ + if (str.length() <3) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +d27d81d015be2e0a2be3be615f5f13bda998782d,"public String without2(String str) +{ + if (str.length() <3 && str.length() >0) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +5faf506a097ee214181a4b98dbc4b59f2ab296e6,"public String without2(String str) +{ + if (str.length() <3 && str.length() >1) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +49b6afc50aa5f4ea42f6c025271b59346cdfcd14,"public String without2(String str) +{ + if (str.length() <3) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +c9a04b1e49e9a1ed8feb5d3d9652b2e67d5c9f07,"public String without2(String str) +{ + if (str.length().equals 2) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +84a9df9584cce1d1c796fa2c58b403e5dfeb598d,"public String without2(String str) +{ + if (str.length()== 2) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +b02bc1c37d21950dadee2dd02b785338ba1ba5b6,"public String without2(String str) +{ + if (str.length()< 3) + { + return """"; + } + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +c7e877ee0eee86f9fa2283a65d4bdf0286e56a40,"public String without2(String str) +{ + if (str.length() == 2) + { + return """"; + } + + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +f9f0e557a37dcc43c9b7843b8c3e3e597e8b74f4,"public String without2(String str) +{ + if (str.length() == 2) + { + return """"; + } + else if(str.length() <= 1){ + return str; + } + + else if(str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str.substring(0); + } +} + +" +fb088fd236fb646f9ddf5f882048bd7f4785252b,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length > 2) + { + return str(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +cdbefb827de88d8e842164cd75c5b8e53ca8a306,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +a034ccf5019e719f4c322895e502475e5834d2f3,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +209af271f2fc9f1f06406c114436d37968574058,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +5226e03912a96090b7898d59c947b28cae5d1111,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return; + } + } + else + { + return str; + } +} +" +cbc58660c6e3b613d7e8b22143d7dd1dbc04f49f,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + yield; + } + } + else + { + return str; + } +} +" +f78786c55a1d5064c330c86e0fed6886e7ef2ea2,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 1)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return String "" ""; + } + } + else + { + return str; + } +} +" +32255fc2850be26dc0e169efbb27b8d888529677,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == str.substring(str.length() - 1)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +80a1678deefa1a9b4c5607d85ac969affd6689a9,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +7d6a6dcb4ce3ba58090551afc2fee0de12564d1b,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == str.substring(str.length() - 2), str.substring(str.length() -1) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +6add1c214001a2d3b990842cd8a0bddeeeb97604,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == str.substring(str.length() - 2), str.substring(str.length() -1)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +0bc70f990cc7f477574033ce2ee4ab33dbd00b9c,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == (str.substring(str.length() - 2), (str.substring(str.length() -1))) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +8e9da526b7a129a6c338a2fc3957e8164dea179f,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +3aa1c27dab3cfa09d34f405326a0aaed39d88742,"public String without2(String str) +{ + String empty = "" ""; + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2); + } + else + { + return empty; + } + } + else + { + return str; + } +} +" +aa4fd8e7d5d906d9f9e31a5ecc43e5fdf53551e5,"public String without2(String str) +{ + String empty = "" ""; + if (str.length() > 0) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2); + } + else + { + return empty; + } + } + else + { + return str; + } + } +} +" +87b591a21023dffa994ef9602a66bc4130921954,"public String without2(String str) +{ + String empty = "" ""; + if (str.length() > 0) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2); + } + else + { + return empty; + } + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9c7cbffba0d9d66c64b6313590fc83dff24d4545,"public String without2(String str) +{ + String empty = "" ""; + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2); + } + else + { + return empty; + } + } + else + { + return str; + } + } + else + { + return str; + } +} +" +60aa779a9e1754114de663c334c736f692010950,"public String without2(String str) +{ + String empty = """"; + if (str.length() > 1) + { + if (str.substring(0, 2) == str.substring(str.length() - 2)) + { + if (str.length() > 2) + { + return str.substring(2); + } + else + { + return empty; + } + } + else + { + return str; + } + } + else + { + return str; + } +} +" +da3667e4004a183f46da05e29632b78db5158048,"public String without2(String str) +{ + int n = str.length(); + if (str.substring((n+1)-n, (n+2)-n).equals(str.substring(n - 1, n))) + { + return str.substring(3, n); + } + else + { + return str; + } +} +" +a7f5b4e899b0746a99de36479cb1395a773cca4d,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2).equals(str.substring(n - 2)) + { + return str.substring(2, n); + } + else + { + return str; + } +} +" +4239f7a5d67cc37316d4b323303c5e6e62c85666,"public String without2(String str) +{ + + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + + +} +" +ff9741cd33377beda068e92bf8b60839bcf88cc6,"public String without2(String str) +{ + int n = str.length(); + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } +} +" +86830794e831bbdc975bf97181adc7c4cb44718a,"public String without2(String str) +{ + + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + + } +} +" +f35ef36d487344c740a9ac20db9a0a96b184145c,"public String without2(String str) +{ + if(str.length()==2) return """"; + String start = str.substring(0,2); + String end = str.substring(str.length()-2); + if(start.equals(end)) return str.substring(2); + return str; +} +" +c78416e01fd460db8a5aeda3017e8c0c5b9eff23,"public String without2(String str) +{ + if(str.length()<=2) return """"; + String start = str.substring(0,2); + String end = str.substring(str.length()-2); + if(start.equals(end)) return str.substring(2); + return str; +} +" +41f528d93ca233aa408be737329585fa50f2e3e0,"public String without2(String str) +{ + if(str.length()<2) return str; + if(str.length()==2) return """"; + String start = str.substring(0,2); + String end = str.substring(str.length()-2); + if(start.equals(end)) return str.substring(2); + return str; +} +" +4d6d8d8f2d91815789002d635ede6d806f837654,"public String without2(String str) +{ + int n = str.length(); + if (n < 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9e00260d6d7d38d009370c224ee18cb03e398d5a,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +4aebbdf45d9533f74c995169046a621f2365134b,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return null; + } +} +" +48deeae656f6eb17e0c1e531bacc24676bc7930a,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return ; + } +} +" +7577e34e124572bcad750fd475e0efd33578c2b4,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return []; + } +} +" +3702eaf13878628d0620798ef170230214a97ba9,"public String without2(String str) +{ + int n = str.length(); + if (n > 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return str.substring(0); + } +} +" +a5b94f5714027380c01a3fe2789d3eeee429bdc7,"public String without2(String str) +{ + int n = str.length(); + if (n >= 2) + { + if (str.substring(0, 2).equals(str.substring(n - 2))) + { + return str.substring(2, n); + } + else + { + return str; + } + } + else + { + return str.substring(0); + } +} +" +f3efddf747a60fd47c5a42f1bdcede68395c720f,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 1)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str + } + + +} +" +7e2ce2d9021cb789eb42d552e0c86655160ff8b2,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 1)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + + +} +" +d852dbb9e343eb4f86519cdf31adade386ba2e58,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + { + return """"; + } + if (len < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + { + return str; + } + } +}" +f6f585ebddd66ed1b44b63ad55383ddd78c4fa37,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + + +} +" +247546de9a5b6e9df851ab56e5104a9e9d1ed6dd,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return ''; + } + + +} +" +f23a43dcde229cfeeaf843321aaeedefe69d51ec,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +eb41024d13b77e458a32482ad2be19a5b87bb9d5,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2, str.length())) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +1fa43176abc7f423f11eda9e6abdab792d7f44a6,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2, str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +06cc393622a86f9e41fb4999e622e8fa58755a4b,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-2, length); + if(start.equals(end)) + { + return (str - start); + } + else + return str; +} +" +cd5913b93dba92b1e21a5b75419d8c550b2cd6ee,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-2, length); + if(start.equals(end)) + { + return (str.substring(2, length); + } + else + return str; +} +" +b6b120f67f720ae2d0666fa5b4c82ccd6d829672,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-2, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; +} +" +0a81ce3e8f198e7cb6746c172ed07f7f985775dc,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length() - 2) && str.charAt(1) == str.charAt(str.length() - 1)) + { + char a = str.charAt(0); + char b = str.charAt(1); + str = str.replaceFirst(a, """"); + str = str.replaceFirst(b, """"); + + return str; + } + else + { + return str; + } +} +" +4af55b29334ef176e262e8e9b8770ae3747f5073,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length() - 2) && str.charAt(1) == str.charAt(str.length() - 1)) + { + String a = str.charAt(0); + String b = str.charAt(1); + str = str.replaceFirst(a, """"); + str = str.replaceFirst(b, """"); + + return str; + } + else + { + return str; + } +} +" +446253b7682c0c5b3221aab42de10e051b19bd7a,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-3, length-1); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; +} +" +bfc03b973ba603b5c175afdd9699b096455fb9aa,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-1, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; +} +" +0e98d1552daa84ea7513a8d53c4f43c71cb3c6eb,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 1); + String end = str.substring(length-1, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; +} +" +70cde955a8ca64435cf8ab9eff1523e260706e1f,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-1, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; +} +" +f0cb844338de32a0e3e126d21b71305b95e1b56c,"public String without2(String str) +{ + int length = str.length(); + + String start = str.substring(0, 2); + String end = str.substring(length-2, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; +} +" +7cceb4f2285309f051bb4576a5dc929cb35f1c4a,"public String without2(String str) +{ + int length = str.length(); + if(length == 1 || length == null) + return str; + else{ + String start = str.substring(0, 2); + String end = str.substring(length-2, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; + } +} +" +8a9e3d593937a34d5aa4fd1bbceb6a14a8c14df7,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length() - 2) && str.charAt(1) == str.charAt(str.length() - 1)) + { + str = str.substring(2); + + return str; + } + else + { + return str; + } +} +" +af7f25670786087f6ff0ada456e44fae191027b0,"public String without2(String str) +{ + int length = str.length(); + if(length == 1 || length == 0) + return str; + else{ + String start = str.substring(0, 2); + String end = str.substring(length-2, length); + if(start.equals(end)) + { + return (str.substring(2, length)); + } + else + return str; + } +} +" +1622e8a611162a1664a2c82309031606f3f936ff,"public String without2(String str) +{ + + if (str.length() <= 1) + { + return str; + } + + if (str.charAt(0) == str.charAt(str.length() - 2) && str.charAt(1) == str.charAt(str.length() - 1)) + { + str = str.substring(2); + + return str; + } + else + { + return str; + } +} +" +599e917d78e971d0b7a19d34156ad3ca917da5ad,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + } +} +" +8faf14f1204c6304c1a1562a50964e420ce74fe5,"public String without2(String str) +{ + if (str.length() < 2) + return str; + else if (str.charAt(0) == str.charAt(str.length() -2)) && str.charAt(1) == str.charAt(str.length() -1)) + str = str.substring(2, str.length()); + return str; + else + return str. +} +" +ada4e62577ecae4a0ef4248b19322d6938ef6ad7,"public String without2(String str) +{ + if (str.length() < 2)) + return str; + else if (str.charAt(0) == str.charAt(str.length() -2)) && str.charAt(1) == str.charAt(str.length() -1)) + str = str.substring(2, str.length()); + return str; + else + return str. +} +" +2142af069fb8ce2b2e2977acc10f7213b4b2e052,"public String without2(String str) +{ + if (str.length() < 2) + return str; + else if (str.charAt(0) == str.charAt(str.length() -2)) && str.charAt(1) == str.charAt(str.length() -1)) + str = str.substring(2, str.length()); + return str; + else + return str. +} +" +0da9105aee174e3f4ab5cf04407fb1a76e531bbb,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.charAt(0) == str.charAt(str.length() -2)) && str.charAt(1) == str.charAt(str.length() -1))) + { + str = str.substring(2, str.length()); + return str; + } + else + return str. +} +" +4265e1ac9b0b13c8f020f370a3074430195e6baa,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +} +" +5cf1fb26f51258f4dc1cb93ac37241db7b33695a,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.charAt(0) == str.charAt(str.length() -2) && str.charAt(1) == str.charAt(str.length() -1)) + { + str = str.substring(2, str.length()); + return str; + } + else + return str. +} +" +3d9d8a34371709b329e8c72837cb3ff69478c374,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + else if (str.charAt(0) == str.charAt(str.length() -2) && str.charAt(1) == str.charAt(str.length() -1)) + { + str = str.substring(2, str.length()); + return str; + } + else + return str; +} +" +f316884b832813ba8e28530c5a1baa9220bed38e,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +cb3d04441dcf73d7f0911261c91253cc65f46ec6,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()-1); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +a320e0c8f41ecf94cfb04401a0247e92a82a2e08,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +e88f3cc5631a77480ba2e9d53b6d35c46031817b,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(1, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +c190e3d2b644a21bae4b5ad92cc1cda8de5f9747,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(3, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +5b8b09c26cbcb9b6edebca9f367ca3a0dacdb008,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +80818203c08a8d0af67d51ef3e4a76ab7490bea8,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2, str.lenghth())) + { + return str.substring(2, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +47af8065e69d31b309ce4f97522b2d7713a6016a,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2, str.length())) + { + return str.substring(2, str.length()); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } +} +" +4cab77e0627f69ed6a1565fb1893efb59fb5269d,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + +} +" +4dceab1b39b7533dd633005993f491d23e5654c1,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else + { + return str; + } + +} +" +2e0c72f0fe72edb97c7ab8983c0c79fde64a679d,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else + { + return str; + } + +} +" +de581a3222555583652e6bd7a4a08c399ab4d21f,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + +} +" +7014b40c52d7d6a2b3118a22a8ba7729ac7b8e52,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + if (str.substring(1, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + +} +" +cab597cb85a3abf5632e2227709e7033a893814c,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + +} +" +caf3962bd7ecf66ec6f0c34e2d63b896529976a1,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.length() < 2) + { + return str.substring(str.length()-1); + } + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + +} +" +68e5edc757aecd8b7b7b1acb75c771538078eebc,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + +} +" +944150b34c0b63108170c5a9069bbbad587a019b,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else + { + return str.substring(2, str.length()); + } + + +} +" +ec099f6b325a863ce9f63e16ff1d9e3c345e957f,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2, str.length())) + { + return ""a""; + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +025a583b38ba629e11135438df566635d03e55dd,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +f59c3b9cf5528f7a385c3f360396db9a188ee645,"public String without2(String str) +{ + if(str.get(0) == str.get(str.size() - 1 && str.get(1) == str.get(str.size() - 2) + { + String str1 = str; + str1.remove(0); + str1.remove(1); + return str1; + } + else + { + return str; + } +} +" +3317bcb80f7d0d190617374679919645ddbdf86a,"public String without2(String str) +{ + if(str.get(0) == str.get(str.size() - 1 && str.get(1) == str.get(str.size() - 2)) + { + String str1 = str; + str1.remove(0); + str1.remove(1); + return str1; + } + else + { + return str; + } +} +" +190342857f1f9bc46f7c5f53e69c4ba00337799f,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return """"; + } + + +} +" +8ca008543f5e9bd24a2db3cc2b47035347fe35cd,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2, str.length() - 1)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +dfdf644e7e04ad1263f82119e8090e054ca5865d,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +46869a7e11d90e17354d341d040b018260b0b4b2,"public String without2(String str) +{ + if((str.get(0) == str.get(str.size() - 1 ) && str.get(1) == str.get(str.size() - 2) + { + String str1 = str; + str1.remove(0); + str1.remove(1); + return str1; + } + else + { + return str; + } +} +" +24d4ace449b5bf143ca50b33794b4f88d4b73448,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + /*else + { + return str; + }*/ + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +03f888f7b3e6278d1d614992e330e4cc7a1b4581,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2))) + { + return str.substring(2); + } + /*else + { + return str; + }*/ + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +cfc5ba156803806201fa8d9ec083e5e6f32ca805,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +abc420e13237da6910293f25b7d2703a5968dd02,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +baadd1351e30d4ed700b860f3f74ed917348e3ea,"public String without2(String str) +{ + if((str.get(0) == str.get(str.size() - 1 ) && str.get(1) == + str.get(str.size() - 2) + { + String str1 = str; + str1.remove(0); + str1.remove(1); + return str1; + } + else + { + return str; + } +} +" +b9006a57bb41b050846f3a668444e5cf72ef8600,"public String without2(String str) +{ + if (str == """") + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str.substring(0); + } + + +} +" +1fab5c0d5e296ce61b468b57bc5133d2038b587a,"public String without2(String str) +{ + if((str.get(0) == str.get(str.size() - 1 ) && str.get(1) == + str.get(str.size() - 2)) + { + String str1 = str; + str1.remove(0); + str1.remove(1); + return str1; + } + else + { + return str; + } +} +" +c62efbd5ecec96c0fda987f7220c97c0543bdc83,"public String without2(String str) +{ + if((str.get(0) == str.get(str.size() - 1 ) && str.get(1) == + str.get(str.size() - 2))) + { + String str1 = str; + str1.remove(0); + str1.remove(1); + return str1; + } + else + { + return str; + } +} +" +6c0b890f03cd9720cb07cb3433a424ade38352be,"public String without2(String str) +{ + ArrayList str1 = str; + if((str1.get(0) == str1.get(str.size() - 1 ) && str1.get(1) == + str1.get(str.size() - 2))) + { + String str2 = str; + str2.remove(0); + str2.remove(1); + return str2; + } + else + { + return str; + } +} +" +faf9450951f7a0b20e3c13f0717fe4e3a9e6a0f6,"public String without2(String str) +{ + if (str.length < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +3e41669cd39570d78c5b9a2d934dad24c518bf09,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + } + else if (str.length() == 1) + { + return str; + } + else + { + return """"; + } + + +} +" +36ca4244b24a60f1af14f6fd3cf8948f86d92faa,"public String without2(String str) +{ + if((str.get(0) == str.get(str.size() - 1 ) && str.get(1) == + str1.get(str.size() - 2))) + { + String str2 = str; + str2.remove(0); + str2.remove(1); + return str2; + } + else + { + return str; + } +} +" +0a1d05c0e2533ac4ce7edb09eeebd30ecc85079a,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +4e681a8ef04ddeff24b5ca02cbda2cde6b2719bf,"public String without2(String str) +{ + if (str.substring(0, 2) != str.substring(str.length() - 3, str.length() - 1)) + { + return str; + } + else + { + return str.substring(2, str.length()); + } +} +" +3001f12f3043c8dfd046c61b98467645c2e45d2f,"public String without2(String str) +{ + int fu = str.length; + if(fu >= 2) + { + if (str.substring(0, 2).equals(str.substring(fu - 2, fu)) + { + return str.substring(2); + } + else + { + return str; + } + + } + else + { + return str; + } + }" +6a3155dc137c90f2b3e52fc931142b76eb1e8cde,"public String without2(String str) +{ + int fu = str.length; + if(fu >= 2) + { + if (str.substring(0, 2).equals(str.substring(fu - 2, fu))) + { + return str.substring(2); + } + else + { + return str; + } + + } + else + { + return str; + } + }" +c99fa66077b9bfa5af07afb0e04027aaa5412450,"public String without2(String str) +{ + int fu = str.length(); + if(fu >= 2) + { + if (str.substring(0, 2).equals(str.substring(fu - 2, fu))) + { + return str.substring(2); + } + else + { + return str; + } + + } + else + { + return str; + } + }" +3f11dca1fbda57199df206f54a29ac93b12c3c26,"public String without2(String str) +{ + if (str.length() == 2 && str.substring(0) == str.substring(1)) + { + return """"; + } + else if (str.length() == 2) + { + return str; + } + else if (str.substring(0, 2) != str.substring(str.length() - 3, str.length())) + { + return str; + } + else + { + return str.substring(2, str.length()); + } +} +" +5ad5b3120549f351cbb80211570db672a3b09ee3,"public String without2(String str) +{ + String part = str.substring(0, 1); + if (part = str(str.length() - 1, str.length())) + { + System.out.println(part); + } + else + { + System.out.println(""""); + } +} +" +9bb78e611f43cfec85712dbe1b9866e5d4f51860,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = stf.substring(str.length() - 1, str.length()); + if (part = out) + { + System.out.println(part); + } + else + { + System.out.println(""""); + } +} +" +e0a5ec61c4b5fb078662d1e693dd91cf8d49c612,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + if (part = out) + { + System.out.println(part); + } + else + { + System.out.println(""""); + } +} +" +c71bef30f2aa63c843f2f2d80f1abaadb8f4dad1,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + if (part == out) + { + System.out.println(part); + } + else + { + System.out.println(""""); + } +} +" +09e5208f59607ad5a62bcc1026f2f19bd92f857e,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + if (part == out) + { + return(part); + } + else + { + return(""""); + } +} +" +d2d8d6a5b85704176682cc2e98e946415196a25a,"public String without2(String str) +{ + if subString(-2) == subString(0, 2) + return subString(2); + +} +" +fc9db43a2a8c0acd7e3bfd639eb5f84571a562df,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1)) + { + return str.substring(1, str.length()-2); + } + else + { + return str; + } +} +" +1b75af9227d44f2ea92886e8a6d1ed3e7ddca208,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length())) + { + return str.substring(1, str.length()-1); + } + else + { + return str; + } +} +" +439de05a408fa9a5c9df65de48752a982ca73be4,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(str.length()-1)) + { + return str.substring(1, str.length()-2); + } + else + { + return str; + } +} +" +cb1a0d7fa834418ade05c69cfe91f79f2b8f1ca8,"public String without2(String str) +{ + if str.subString(-2) == str.subString(0, 2) + return subString(2); + +} +" +c57b4107840deebb34fd1e0b5be02c9f886f9e6e,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + if (part == out) + { + return(part); + } + if (part != out) + { + return(str); + } + else + { + return(""""); + } +} +" +27f04cbc41e924294f132cdb7fee49fdc7403613,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length() - 3, str.length() - 1) + { + return str.substring(3, str.length()-4); + } + else + { + return str; + } +} +" +da1c203eabb01a1d83a8f0a16ef2ae2268c91810,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() - 2, str.length() - 1)) + { + return str.substring(3, str.length()-4); + } + else + { + return str; + } +} +" +94978f2e49815b6fa7c256c0a9e23f66468e89c0,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(length-2, length-1)) + { + return str.substring(2, length-3); + } + return str; +} +" +f5b181081c089351eec7bfb165b68a7ce9075115,"public String without2(String str) +{ + if (str.substring(0, 1) == str.substring(str.length() - 2, str.length() - 1)) + { + return str.substring(2, str.length()-3); + } + else + { + return str; + } +} +" +237e57522559715eb1f20c89da76e43b0f8928e4,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(str.length-2, str.length-1)) + { + return str.substring(2, str.length-3); + } + return str; +} +" +d0e5e92c175e1a0a1278de0aba5a234d2d3f77ab,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part == out) + { + return(output); + } + if (part != out) + { + return(str); + } + else + { + return(""""); + } +} +" +9c1af031b14babe8be3746ba6f36916731961af8,"public String without2(String str) +{ + if (str.length > 1){ + if (str.substring(0, 1) == str.substring(str.length() - 2, str.length() - 1)) + { + return str.substring(2, str.length()-3); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +1e1f3cab52277d86a5aa45010e104c73b98bc7ff,"public String without2(String str) +{ + if (str.length() > 1){ + if (str.substring(0, 1) == str.substring(str.length() - 2, str.length() - 1)) + { + return str.substring(2, str.length()-3); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +071c0cebd6a257299b8815e70406a8cdcf0c3bd9,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2)) == str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +74b3fca448f4af6238a8a8b533d866f9276f1129,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part != out) + { + return(str); + } + if (part == out) + { + return(output); + } + else + { + return(""""); + } +} +" +83f3677cdb9743a8eaa2377dba0fe48bf0b7dd11,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2, str.length()-3); + } + return str; +} +" +54ae98910d1088087e9240151343c5e6e9134ef4,"public String without2(String str) +{ + String a = str.subString(-2); + +} +" +a4c6bebf290915dc2efed404186aa1a3f2327e71,"public String without2(String str) +{ + String a = str.substring(-2); + +} +" +3e317161f35e54b6941c95489b0fa194999d3f2d,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +2c472908dc474a670fd951d572dbc5252155e275,"public String without2(String str) +{ + String a = str.substring(-2); + String b = str.substring(0, 2); + if (a == b) + return str.substring(2); + return str; + +} +" +b968053c3e418da0310dfccc5c9ae241129f1608,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(2, str.length()); + } + return str; +} +" +89fcd0314e38cb99f47fa2d00c05abc24996103f,"public String without2(String str) +{ + if (str.substring(1) == str.substring(-2) && str.substring(2) == str.substring(-1)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +80e14db37690532beee4b0349da3c3178ba3154b,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part != out) + { + return(str); + } + if (part == out) + { + return(""""); + } + else + { + return(""""); + } +} +" +e76e3e64bfeba52ef3517acfa21faa7ae695d397,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part == out) + { + return(""""); + } + if (part != out) + { + return(str); + } + else + { + return(""""); + } +} +" +7cf23d6bacde8e7db375aebdc417648eb0f257d2,"public String without2(String str) +{ + int x = str.length(); + String a = str.substring(x-2, x); + String b = str.substring(0, 2); + if (a == b) + return str.substring(2); + return str; + +} +" +3c624badec5d334bbc03ff0ec7388e75c5458db8,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part == out) + { + return(output); + } + if (part != out) + { + return(str); + } + else + { + return(""""); + } +} +" +732afc84c205d902dd2eb4a008c755d1f88b857f,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + retrun str; + + String a = str.substring(x-2, x); + String b = str.substring(0, 2); + if (a == b) + return str.substring(2); + return str; + +} +" +9cce2a5a614d5224cd9e038cfb42b918df417518,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(x-2, x); + String b = str.substring(0, 2); + if (a == b) + return str.substring(2); + return str; + +} +" +e46fa0cd679e4c904ed229bad112d05d2d1f3db1,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(x-2, x); + String b = str.substring(0, 2); + if (a == b) + return str.substring(2, x); + return str; + +} +" +d5f19086189a8ac01034f9b2e6f220b9b494a8d1,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part == out) + { + return(""""); + } + if (part != out) + { + return(str); + } + else + { + return(""""); + } +} +" +4843a6af75897c9a581c6a354372db523a1b934c,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + + return str.substring(2, x); + return str; + +} +" +2989e99a883ceacc798aa678e07fa48df4318a60,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + + return str.substring(2, x); + + +} +" +1f2c62ef1babb0a154644f8d7875a215a3f3c6f4,"public String without2(String str) +{ + String part = str.substring(0, 1); + String out = str.substring(str.length() - 1, str.length()); + String output = str.substring(2, str.length()); + if (part == out) + { + return(output); + } + if (part != out) + { + return(str); + } + else + { + return(""""); + } +} +" +5659b1b7ec2d6e5c753a5832136aab4a74c26c2d,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(str.length()-2, str.length()-1) + { + return str.substring(1, str.length()); + } + return str; +} +" +5a9c4ea3ddde78932d519037759c0661a0a3ae76,"public String without2(String str) +{ + if (str.substring(0,1) == str.substring(str.length()-2, str.length()-1)) + { + return str.substring(1, str.length()); + } + return str; +} +" +21d4f20bc45b91727029646103f5f9dac991d8fa,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + + + return a; + + +} +" +b010d060d31afdcf8d2117503947765f291ecd03,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + + + return str.substring(2); + + +} +" +76eeac815df17dcd3943f65694a48c688e5b57ae,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) + { + return str.substring(2, str.length()); + } + return str; +} +" +e77b57f8c28976406793f7ca17e2462e66e5d92a,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + String b = str.substring(x-2, x); + + + + return b; + + +} +" +e3d3a2a742bd9e52edfe4894b256f8790c816188,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + String b = str.substring(x-2, x); + if (a == b) + return str.substring(2); + + + + + + +} +" +e6512df27c6c99489a2eaa3f7ebd5e34a4f53cc4,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2, str.length()),2) + { + return str.substring(2, str.length()); + } + return str; +} +" +03fd2604474eac8d73533d886cf90927b0edc3ff,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + String b = str.substring(x-2, x); + if (a == b) + return str.substring(2); + return str; + + + + + + +} +" +c00ed1b90c353b13d310d569acd1dc61ff6f622e,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + String b = str.substring(x-2, x); + if (a == b) + { + return str.substring(2); + } + + + + + + + +} +" +dceee5e89db41fd729951082b30e4a1fe319bb1e,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + String b = str.substring(x-2, x); + if (a == b) + { + return str.substring(2); + } + else + { + return str; + } + + + + + + + +} +" +8447bd0537cb7b0bac81d0a7e09b63ddc04c4be0,"public String without2(String str) +{ + int x = str.length(); + if (x < 2) + return str; + + String a = str.substring(0 , 2); + String b = str.substring(x-2, x); + if (a.equals(b)) + { + return str.substring(2); + } + else + { + return str; + } + + + + + + + +} +" +9735253e544defb24a5f7e91392e6cc11c376b78,"public String without2(String str) +{ + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2, str.length()); + } + return str; +} +" +508071de54c4deb3aff7e9d63bb4ff7c008258d0,"public String without2(String str) +{ + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + return str; +} +" +36a8c1f3e642f7f292244922a9fa1651996ef85f,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2, str.length()) { + return str.substring(2); + } + return str; +} +" +5c62f1bf0151bbae41c6a201adecaa53fa11598c,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + return str; +} +" +a94383ca431c2c24dd3810cbfeb75ed5b2050bdf,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + else { + return str; + } + return str; +} +" +3e7afb60ffe053f23cf72619965d8a522c1dcf52,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + else { + return str; + } +} +" +aecaae08a41e694194dd36b0af7e948360205781,"public String without2(String str) +{ + if (str.substring(1) == str(length()-3) && str.substring(2) == str(length()-2) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +04e25e999941cb8425f52d9bcbfcd4abe71f9ed4,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + return str; +} +" +c9b7a552fde0cdc95b7e96a7b8d61e222b09282d,"public String without2(String str) +{ + if (str.substring(1) == str(length()-3) && str.substring(2) == str(length()-2)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +d8461ce4daf3b0928997fc2d34b73689b5027934,"public String without2(String str) +{ + if (str.length() >= 2) { + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + } + return str; +} +" +152fc8e814ac278b0fff1f18ea7272d5454d15ef,"public String without2(String str) +{ + if (str.length() >= 2) { + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + return str; + } + return str; +} +" +6c547582c5cc9e864e789b8167f6d821d4288a18,"public String without2(String str) +{ + if((str.substring(0,2)).equals(str.substring(str.length()-2,str.length()))){ +            str= str.substring(2,str.length()); +        } +        return str; +} +" +7409a3bc0532bb61a44cf359990a9d94cc0a21ba,"public String without2(String str) +{ + int o = str.length(); + if (o == 2) + { + return str; + } + else if (o < 2) + { + return """"; + } + else if (str.substring(0,2).equals(str.substring(o-2, o))) + { + return str.substring(2, o); + } + else + return str; +} +" +bbbcd79c68af7e45ff9581178108422aba7c5551,"public String without2(String str) +{ + int o = str.length(); + if (o == 2) + { + return """"; + } + else if (o < 2) + { + return str; + } + else if (str.substring(0,2).equals(str.substring(o-2, o))) + { + return str.substring(2, o); + } + else + return str; +} +" +62eeab7c5b659081d10faebdcf32d9a90b4eb0bf,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; +} +" +bb715689c0eab28e270001053b8fabf1d9e5f2b4,"public String without2(String str) +{ + if (str.length() >= 2) { + if (str.substring(0,2).equalsstr.substring(str.length()-2, str.length())) { + return str.substring(2); + } + return str; + } + return str; +} +" +930ff5a170f55afba341d919a22b94b40665f8b8,"public String without2(String str) +{ + if (str.length() >= 2) { + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + return str; + } + return str; +} +" +10c6d6598332f1655f7b7c5b06e8ec04df15c275,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; + + else if (str.length < 2) + { + return str; + } + return str; +} +" +d4e232aca4bc5936543fca6e583a31218cffd732,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; + + if (str.length < 2) + { + return str; + } + +} +" +22a28021139fb656e4bfab15a3533f939556bf86,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; + + if (str.length() < 2) + { + return str; + } + +} +" +18cb49bfd4a97c9bcd4aa62294b248a25f571c64,"public String without2(String str) +{ + if (str.length() >= 2) { + if (str.substring(0,2) == str.substring(str.length()-2, str.length())) { + return str.substring(2); + } + return str; + } + return str; +} +" +4198b059f96fbd157c02c36f661f6033c3479e19,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; + + int r = str.length(); + + if ( r < 2) + { + return str; + } + +} +" +6eb9c86d6ee048a61eae9874777eaea5f9311115,"public String without2(String str) +{ +if(str.length() <2 ) + return """"; + if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; + + +} +" +06da816694120b9700aece342915d8ae4b755816,"public String without2(String str) +{ +if(str.length() <1 ) + return """"; +if (str.length() == 1) + return str; if(str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) +{ +str= str.substring(2,str.length()); +} +return str; + + +} +" +2b8d45409b29d807a95eb66baf1e7fd9b152a8c8,"public String without2(String str) +{ + String left = str.substring(0, 1); + String right = str.substring(str.length() - 1, str.length()); + String out = str.substring(2, str.length()); + if (left = right) + { + return(out); + } + else + { + return(str); + } + + +} +" +7705a171c7c8a76ba435b247d397dd75eaa60662,"public String without2(String str) +{ + String left = str.substring(0, 1); + String right = str.substring(str.length() - 1, str.length()); + String out = str.substring(2, str.length()); + if (left == right) + { + return(out); + } + else + { + return(str); + } + + +} +" +a44aab23195545276c27aeee0ed79e9aaf7cc4a2,"public String without2(String str) +{ + String left = str.substring(0, 2); + String right = str.substring(str.length() - 1, str.length()); + String out = str.substring(2, str.length()); + if (left == right) + { + return(out); + } + else + { + return(str); + } + + +} +" +a6fc1bb5b88e4161bea401cb99b76565e57b7131,"public String without2(String str) +{ + String left = str.substring(0, 2); + String right = str.substring(str.length() - 1, str.length() + 1); + String out = str.substring(2, str.length()); + if (left == right) + { + return(out); + } + else + { + return(str); + } + + +} +" +0f0948ec9aaaa5dfe3ff05fd6d2b018a9e7337c2,"public String without2(String str) +{ + String left = str.substring(0, 2); + String right = str.substring(str.length() - 1, str.length()); + String out = str.substring(2, str.length()); + if (left == right) + { + return(out); + } + else + { + return(str); + } + + +} +" +912d669b1998cac5afaf55651cd32381d749b468,"public String without2(String str) +{ + String left = str.substring(0, 2); + String right = str.substring(str.length() - 1, str.length()); + String out = str.substring(2); + if (left == right) + { + return(out); + } + else + { + return(str); + } + + +} +" +00d517563ed838b9cea8cf9af544d257ee084845,"public String without2(String str) +{ + String left = str.substring(0, 2); + String right = str.substring(str.length() - 1); + String out = str.substring(2); + if (left == right) + { + return(out); + } + else + { + return(str); + } + + +} +" +8a45ca6d57d12cdd8ac1dd11b11433e487bb605e,"public String without2(String str) +{ + int q = str.length(); + if(q >= 2) + { + if(str.substring(0,2).equals(str.substring(q-2, q))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +664594abc619e8c94c4494f0c0def8e5d5c5e9ef,"public String without2(String str) +{ + String temp = """"; + if(str.length > 2) + { + String temp = substring(0, 1) + return(substring(2, str.length) + temp); + +} +" +161aec6b701a89253ea555c758d7c6765fa140ea,"public String without2(String str) +{ + String temp = """"; + if(str.length > 2) + { + String temp = substring(0, 1) + return(substring(2, str.length) + temp);\ + + } + return """"; + +} +" +66c4025075f7e10fb9bffeabb7d522c7a83244e5,"public String without2(String str) +{ + int len - str.length(); + if (len >= 3) + { + return str.substring(1, len-1); + } + return """"; +} +" +caa3c7ed66065dfd72ab83aa6b511e4609c7c72e,"public String without2(String str) +{ + String temp = """"; + if(str.length > 2) + { + String temp = substring(0, 1) + return(substring(2, str.length) + temp); + + } + return """"; + +} +" +8e9962ae120f567cde9f95d25c162b45f672594c,"public String without2(String str) +{ + int len = str.length(); + if (len >= 3) + { + return str.substring(1, len-1); + } + return """"; +} +" +d38b7a41d209dea867e9c6720a7df6fe4d1bb474,"public String without2(String str) +{ + String temp = """"; + if(str.length > 2) + { + String temp = substring(0, 1); + return(substring(2, str.length) + temp); + + } + return """"; + +} +" +2acb067d9576dcf45ab42e6efde78cd22d5f737c,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + String temp = substring(0, 1); + return(substring(2, str.length()) + temp); + + } + return """"; + +} +" +0277a6e4a8f12cba9724b9d795fb540837a54490,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = substring(0, 1); + return(substring(2, str.length()) + temp); + + } + return """"; + +} +" +46472c56be910cb9b558ea033954e64a1e30948c,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = substring(0, 1); + return(substring(2, str.length())-1 + temp); + + } + return """"; + +} +" +97d578ed5ddca93c0f85b47a62cb94d81521551f,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + return(str.substring(2, str.length())-1 + temp); + + } + return """"; + +} +" +d9cf8f30fdd4dcb56fbd180dc4f64b21d9a491cf,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + return(str.substring(2, str.length()-1) + temp); + + } + return """"; + +} +" +151cda77c7ffe11ac87130d957d33d21f03d6a2b,"public String without2(String str) +{ + return str.substring(1, str.length()-1); +} +" +4c093819e4c558897a1c08c9c0f0b10827c95415,"public String without2(String str) +{ + int len = str.;ength(); + if (len >= 2) + { + if (str.substring(0,2).equals + (str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +7ba1e8631bdce23825d67c20c5a5221beb22b3b7,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0,2).equals + (str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +0f9c3c7f940ca96ef311f6713bb1051b0f22564e,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()-3); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fb7854913f3584aba0145a713a632edfe1b13e89,"public String without2(String str) +{ + if(str.length() >= 2 && str.substring(0,2).equals(strsubstring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; +} +" +8094e6ec73c90e58367f2261e3da4ffcae95b675,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()-3); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +4c0e4eea39baee21c4e7df617543003ccf21d3a2,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()-3); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +4e23bbf36a096283000c1bdf8cb39653db01ccce,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()-1); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +8173ae2212f1e1ad3019eec65eee1ab21ad7f443,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9ce045ef87499e433a2738e9a9814c314835eb01,"public String without2(String str) +{ + String a = str.substring(2); + + + if(str.length() >= 2 + && str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return a; + } + else + { + return str; + } +} +" +d71560f9b5a0e9a477eda354ecaafdcdbbbc4e15,"public String without2(String str) +{ + if(str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; +} +" +ef92ea10890a46cbd1d2871324d2fc8d35c636a7,"public String without2(String str) +{ + String a = str.substring(2); + String b = str.substring(0, 2); + String c = str.substring(str.length() - 2, str.length()); + + + if(str < 2) + { + return str; + } + else if (str >= 2, b.equals(c) ) + { + return a; + } +} +" +37a75d8b255b284b3efdd523381132eb8d31979b,"public String without2(String str) +{ + String a = str.substring(2); + String b = str.substring(0, 2); + String c = str.substring(str.length() - 2, str.length()); + + + if(str < 2) + { + return str; + } + else if (str >= 2, (b).equals(c) ) + { + return a; + } +} +" +c34c4d856d15c8cf59df3e017d0f110bb7e2bb1f,"public String without2(String str) +{ + int num = str.length(); + String part = str.substring(0, 2); + String otherPart = str.substring(str.length() - 1); + String output = str.substring(2); + if (num == 2) + { + return(""""); + } + if (part == otherPart) + { + return output; + } +} +" +6429a3fd7f0fbb13e2ed3bdef861396765cc0a90,"public String without2(String str) +{ + int num = str.length(); + String part = str.substring(0, 2); + String otherPart = str.substring(str.length() - 1); + String output = str.substring(2); + if (num == 2) + { + return(""""); + } + if (part == otherPart) + { + return (output); + } +} +" +1724b320b7c63452b2f41199b35aec4b65d6de4a,"public String without2(String str) +{ + String a = str.substring(2); + String b = str.substring(0, 2); + String c = str.substring(str.length() - 2, str.length()); + + + if(str.length() < 2) + { + return str; + } + else if (b.equals(c) ) + { + return a; + } + + return str; +} +" +ec8a414b05eccd7c27b77c8e26f1ce9b802f07ee,"public String without2(String str) +{ + int num = str.length(); + String part = str.substring(0, 2); + String otherPart = str.substring(str.length() - 1); + String output = str.substring(2); + if (num == 2) + { + return(""""); + } + if (part == otherPart) + { + return(output); + } +} +" +4485575a3584b2db069cba5d98177746e0b85e72,"public String without2(String str) +{ + String a = str.substring(2); + String b = str.substring(0, 2); + String c = str.substring(str.length() - 2, str.length()); + + + if(str.length() < 2) + { + return str; + } + else if (b.equals(c)) + { + return a; + } + else + { + + return str; +} +} +" +5346d90b5fad61a3f0df4063ebbcdb873555e589,"public String without2(String str) +{ + int num = str.length(); + if (num == 2) + { + return """"; + } + if (num < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else return str; + { + + } +} +" +fd1804e868746069bb5c487496bb1bc8975a7287,"public String without2(String str) +{ + int num = str.length(); + if (num == 2) + { + return """"; + } + if (num < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + { + return str; + } +} +" +1f39c57e21ffbdca0bf4631c5be221976823bb60,"public String without2(String str) +{ + int num = str.length(); + if (num == 2) + { + return """"; + } + if (num < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + { + return str; + } + } +} +" +d333a7709fd70db79729114c521625c3bd0b65c8,"public String without2(String str) +{ + int num = str.length(); + if (num == 2) + { + return """"; + } + if (num < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(num-2, num))) + { + return str.substring(2,len); + } + else + { + return str; + } + } +} +" +57152e458f80be8ff111d1a2f2aef67ad3ba33d8,"public String without2(String str) +{ + int num = str.length(); + if (num == 2) + { + return """"; + } + if (num < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(num-2, num))) + { + return str.substring(2,num); + } + else + { + return str; + } + } +} +" +c28bc34c4e1131b05ccc0fb2b47f53c41e2dcdd4,"public String without2(String str) +{ + String a = str.substring(2); + String b = str.substring(0, 2); + String c = str.substring(str.length() - 2, str.length()); + int d = str.length(); + + + if(d < 2) + { + return str; + } + else if (b.equals(c)) + { + return a; + } + else + { + + return str; +} +} +" +5f99a8dc800d22fdb7ad9c8b729feac587970609,"public String without2(String str) +{ + String a = str.substring(2); + String b = str.substring(0, 2); + String c = str.substring(str.length() - 2, str.length()); + int d = str.length(); + + + if(d < 2) + { + return str; + } + + if (b.equals(c)) + { + return a; + } + else + { + + return str; + } +} +" +851d105f403003fe47594b5b953e7538eb03c1ab,"public String without2(String str) +{ + int l = str.length(); + if(l >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +400d101dd3746f52a5e4415b6832b6e83fd9f8b1,"public String without2(String str) +{ + int l = str.length(); + if(l >= 2) + { + if(str.substring(0,2).equals(str.substring(l-2, l))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +e2b0ec89a0dcba2504fb4c225e3a979bec5df3fe,"public String without2(String str) +{ + int l = str.length(); + if(l < 2) + { + return str; + } + + if(str.substring(0,2).equals(str.substring(l-2, l))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +260510a5fd61d767d9d0f8775279eae70a2c4124,"public String without2(String str) +{ + int l = str.length(); + if(l < 2) + { + return str; + } + + if(str.substring(0,2).equals(str.substring(l-2, l))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +de5001bc6694562374e0eabd687ad1da721d8f57,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +aa6ba3e05c4b3bfb06b7a4bb7b17b49290ca85c5,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 3, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +e3318058f7149c3f65fd34648d053d168a4c2bc8,"public String without2(String str) +{ + if (str.length() > 2) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 3, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +926117fa29d5c8a70aa3c602c3d41a2d9e289279,"public String without2(String str) +{ + if (str.length() > 3) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 3, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +862ca153e7d4b595d79408bf4ff705de38bbd0e6,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 3, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +34140537c0f648f16a109bf36c2b10b5b351acb5,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +57625a008858b065545e0c7e42ad33e72b4bf15b,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 2).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +cace7d6ba2df7803b7856f0a4767813ab512f4c5,"public String without2(String str) +{ + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +9e1b4a5df81d39e5a0fef57d262eef22be57fb93,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 1)) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +06912be406e1fc3d0c9ba1ea70d85291f0968526,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 3)) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +c00ad294797730c63293f3c1a315af340ea5e186,"public String without2(String str) +{ + if (str = ""HelloHi"") + { + return str; + } + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +00d8f05204facc7614a454be209d73f6b34bad4c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) { + return str.substring(2, str.length()); + } + else { + return str; + } +} +" +71f314797cf11d5dc8c30f6af81f6736637a503a,"public String without2(String str) +{ + if (str == ""HelloHi"") + { + return str; + } + if (str.length() > 1) + { + if (str.substring(0, 1).equals(str.substring(str.length() - 2, str.length() - 1))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +6a5b27ed0bfd5eecd14403459d611ce05445e272,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) { + return str.substring(2); + } + else { + return str; + } +} +" +fc5c7e6c3b1bf16af8f70bc2d9eb3cb5381f4e91,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 1) == str.substring(str.length() - 2)) { + return str.substring(2); + } + else { + return str; + } +} +" +5f6c6a844fd6fda904b47376f2372c3de1c3c46c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2) == str.substring(str.length() - 2)) { + return str.substring(2); + } + else { + return str; + } +} +" +313a745be0d178254ae3f2bf4563ae5cd7fc7971,"public String without2(String str) +{ + beg=str.substring(0,2); + end=str.substring(str.length()-2, str.length()); + if (beg.equals(end)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +8afc40ddb71a906524b0ea06dd6ec50928a17a23,"public String without2(String str) +{ + String beg=str.substring(0,2); + String end=str.substring(str.length()-2, str.length()); + if (beg.equals(end)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +4b7db3317ccc227843e3a0ed2b530742f8842b1b,"public String without2(String str) +{ + String beg=str.substring(0,2); + String end=str.substring(str.length()-2, str.length()); + if (beg.equals(end) && str.length() > 2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +e9bd0f20f3275e841c6f8744ad3e762e12853a1d,"public String without2(String str) +{ + String beg=str.substring(0,2); + String end=str.substring(str.length()-2, str.length()); + if (beg.equals(end) && str.length() >= 2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +09831c41ff1530355cfe6e4d6c48a2827e0478f6,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beg=str.substring(0,2); + String end=str.substring(str.length()-2, str.length()); + + if (beg.equals(end)) + { + return str.substring(2, str.length()); + } + } + else + { + return str; + } +} +" +9ab0a4210af7683180f3ab6ec244db29b5445c79,"public String without2(String str) +{ + return str.substring(0, str.length()/2); +} +" +5b74ea38195a1a3d0e057df64bb7b9f9253e968f,"public String without2(String str) +{ + if(str.length() >= 3) + return str.substring(0, 2); + return str; +} +" +eb42468d6921923556ceb41d5e85c6c3f3c66259,"public String without2(String str) +{ + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + + return str; +} +" +fda0928847fdf07c606f26f7429f6271013a5e56,"public String without2(String str) +{ + if (str.length() >= 2) + { + String beg=str.substring(0,2); + String end=str.substring(str.length()-2, str.length()); + + if (beg.equals(end)) + { + str = str.substring(2, str.length()); + } + } + else + { + str=str; + } + return str; +} +" +78d0440a34f810fb50dd0badd4d7d9b475d44682,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +37f68847f67c8d81797879acb0a0af96e6589043,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +f0810f4cf3f96160b00c1c480ddb8406bef988ca,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else + { + return str; + } + + +} +" +2cb3f328c88992d050a76ccab0ae43ee3f4d60f1,"public String without2(String str) +{ +first = a[0:2] +second = a[-2:] +if first == second: +return a[2:] +else: +return a +} +" +7f909ce9a2bee9856783f5387f65142a944813f9,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring + (0,2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +cadbf241267a222cd819a4f9a29086bb0175a1d8,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2, str.length()); + } + else + { + return str; + } + + +} +" +b141532f0e7038c0ebdf26ec39421aac6c658427,"public String without2(String str) +import java.io*; +{ +        if(s.length() < 2) return s; +       +        String sbegining = s.substring(0, 2); +        String send = s.substring(s.length()-2); +        if(sbegining.compareTo(send)!=0) +            return s; +        else return s.substring(2); +    } +    public static void main(String[] args) { +       +        String s1 = ""HelloHe""; +        String s2 = ""Hi""; +        String s3 = ""Hello""; +       +        System.out.println(s1 + "": "" + without2(s1)); +        System.out.println(s2 + "": "" + without2(s2)); +        System.out.println(s3 + "": "" + without2(s3)); +    } +}" +b31a3148e6cd8d80996fbb90989c01f30bb56856,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +fc9ccab28ee78726724f604c516c650ba18f11dc,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +" +8bd1604df63910e14cb4f43c5ace8620923b403a,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +}" +1ffc4bf697ee00f44dd3701ee388730bce919efd,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring + { + (0,2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +0991ad1f62947ddd35e2af84f40b163160160c5d,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +23d2211174d89822381ee516e02840dc361be118,"public String without2(String str) +{ + if (str.substring (0,2).equals (str.substring(str.length() -2))) + {return str.substring (2, str.length)} +} +" +b219d38c2d449aa92277e00bd4039bc44ee4113c,"public String without2(String str) +{ + if (str.substring (0,2).equals (str.substring(str.length() -2))) + {return str.substring (2, str.length);} +} +" +d3a65b62c89f70949d2172bb72a00b780d702509,"public String without2(String str) +{ + String begin = str.substring (0,2); + String end = str.substring(str.length() -2; + if (String begin.equals (String end)) + {return str.substring (2, str.length);} +} +" +39520611a5917d90f93549e18c5e8f68ee74ae2d,"public String without2(String str) +{ + String begin = str.substring (0,2); + String end = (str.substring(str.length() -2); + if (String begin.equals (String end)) + {return str.substring (2, str.length);} +} +" +c7482c793b74d7744c258502c048d48ba0329493,"public String without2(String str) +{ + String begin = str.substring (0,2); + String end = str.substring(str.length() -2); + if (String begin.equals (String end)) + {return str.substring (2, str.length);} +} +" +a909e42273f8ae8c589359f662bc339194056610,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + + else + { + return str; + } + } +} +" +469618aa286f512c2777330116164c3e8ec89fea,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + + else + { + return str; + } + } + + else + { + return str; + } +} +" +dc5e3b9f2a37c41d4a2f890a9f17651cec4e8b4c,"public String without2(String str) +{ + String begin = str.substring (0,2); + String end = str.substring(length - 2, length); + if (String begin.equals (String end)) + {return str.substring (2, str.length);} +} +" +a2824458263d160ec1c7d19bf5e5143f048244fd,"public String without2(String str) +{ + int l = str.length(); + if(l >= 2) + if(str.substring(0,2).equals(str.substring(l-2, l))) + return str.substring(2); + return str; + else + return str + +} +" +acac146e2e7da0b15430ed59d0d655819e3c3e07,"public String without2(String str) +{ + int l = str.length(); + if(l >= 2) + if(str.substring(0,2).equals(str.substring(l-2, l))) + return str.substring(2); + return str; + else + return str; + +} +" +198e1e1f5cdff22e73274f00d60bc2ccc8565664,"public String without2(String str) +{ + int l = str.length(); + if(l >= 2) + { + if(str.substring(0,2).equals(str.substring(l-2, l))) + return str.substring(2); + return str; + } + else + { + return str; + } + +} +" +69bc86be51624a86d4faad557654e1956703dd50,"public String without2(String str) +{ + String begin = str.substring (0,2); + String end = str.substring(length - 2, length); + if (begin.equals (end)) + {return str.substring (2, str.length);} +} +" +3252c59892b0e2fd94289f9f5855e779ddc9317c,"public String without2(String str) +{ + int length = str.length + String begin = str.substring (0,2); + String end = str.substring(length - 2, length); + if (begin.equals (end)) + {return str.substring (2, length);} +} +" +d5a399481716955b6d8df3731df1e1e0bb9b8a41,"public String without2(String str) +{ + int length = str.length; + String begin = str.substring (0,2); + String end = str.substring(length - 2, length); + if (begin.equals (end)) + {return str.substring (2, length);} +} +" +af7fad945f28e8c74e99fb6594a6f32f0d9f32ac,"public String without2(String str) +{ + + if string length () == 2 + {return """"} +} +" +7d7adaf7396b79b6613f7f2c517aaffec42129d0,"public String without2(String str) +{ + + if (string length () == 2) + {return """";} +} +" +48b920efe8ad0dd27b7a8a9f853feead947644f1,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} +} +" +2284a332c2345c50fd4a5f626c5953cc7cfe0953,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} + + else + {return 0} +} +" +f836f18a4529ab0c710c75d66e800b48e3b07639,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} + + else + {return 0;} +} +" +fff8ec28793e88ea8593b92a5c8855caab44c283,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} + + else + {return """";} +} +" +aa3075bd54081541f5afcf9423b7675a6c83f352,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} + + else if str.length() <= 2) + {return """";} +} +" +db82911aa50e4db7404dc6ae2fe1b8a7d2c15d70,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} + + else if (str.length() <= 2) + {return str;} +} +" +e93647d35f8042cdfdcd068e068c18b8b959afa8,"public String without2(String str) +{ + + if (str. length () == 2) + {return """";} + + else if (str.length() <= 2) + {return str;} + + else + {return """";} +} +" +c8453a3e27a0f9c0789fdd6b6c3859710fab2c1f,"public String without2(String str) +{ + if(str.substring(0, 1) == str.substring(str.length()-2, str.length()-1) { + return string.substring(2, str.length()-1); + } else { + return str; + } +} +" +53aba52c7d3928ac1800c4bfee125cf9947a492f,"public String without2(String str) +{ + if(str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) { + return string.substring(2, str.length()-1); + } else { + return str; + } +} +" +a57af8b50a5e2a6c67d3ff442651da90c1a9bb5c,"public String without2(String str) +{ + if(str.substring(0, 1) == str.substring(str.length()-2, str.length()-1)) { + return str.substring(2, str.length()-1); + } else { + return str; + } +} +" +23440793990c3065b44d0472ef44ec3dfba9607e,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring(length - 2, length) + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2, str.length);} + + else if (str. length () == 2) + {return """";} + + else + {return str.;} +} +" +fdf78b08ede011b89a6bd5e9c3cab414f42cfa13,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring(length - 2, length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2, str.length);} + + else if (str. length () == 2) + {return """";} + + else + {return str;} +} +" +3e71113a29f6ddd2dd360846bafa9cc6065a410d,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring(str.length - 2, length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2, str.length);} + + else if (str. length () == 2) + {return """";} + + else + {return str;} +} +" +a0e184827e9419a95e5775bab7520fd1ab479fa1,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring(str.length - 2, length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str. length () == 2) + {return """";} + + else + {return str;} +} +" +55b858eb087d3215ef99c27bcc0425a0a7e9075d,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring(str.length - 2, str.length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str. length () == 2) + {return """";} + + else + {return str;} +} +" +b39996d906ae06261297cdcf45be4cf075320d93,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring( - 2,length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str. length () == 2) + {return """";} + + else + {return str;} +} +" +8a57d2423cace3bcd3d0640f30132d5c740f326d,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +9af68468a9453aec9b95639fe46a1dba11f83aae,"public String without2(String str) +{ + String beginning = str.substring(0, 2); + String ending = str.substring(str.length - 2,str); + + if (str() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str () == 2) + {return """";} + + else + {return str;} +} +" +478c8d09df343da34fba054521e98bc9d821f6cf,"public String without2(String str) +{ + int Length = str.length +String beginning = str.substring(0, 2); +String ending = str.substring(length - 2, length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str () == 2) + {return """";} + + else + {return str;} +} +" +4f2be034927733d22c0d95584ffd362a4ffbd178,"public String without2(String str) +{ +int Length = str.length; +String beginning = str.substring(0, 2); +String ending = str.substring(length - 2, length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str () == 2) + {return """";} + + else + {return str;} +} +" +86b0670e648753c36b25e5b6e4a829da03770e6c,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(length - 2, length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str () == 2) + {return """";} + + else + {return str;} +} +" +3d1e1e899537430214d56d82f303fc45aa725f2f,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length 2, Length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str () == 2) + {return """";} + + else + {return str;} +} +" +c24a3d6f8ce84d2e0628ccdb0edd0128c78cc71f,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str () == 2) + {return """";} + + else + {return str;} +} +" +8b96439218dab87957b1aac50eaa33a6d60d15a2,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (str.length() >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (str.length () == 2) + {return """";} + + else + {return str;} +} +" +44e6bf67a505db8898137e4d8d56b1a818f44ed7,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (length () == 2) + {return """";} + + else + {return str;} +} +" +51b04799cebae74b584d78fca03fd9b5c463fefd,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (Length () == 2) + {return """";} + + else + {return str;} +} +" +8cd48d23bcae3357c36d0feb440f1327a49eeacb,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (Length == 2) + {return """";} + + else + {return str;} +} +" +c3615ff44feb82c737421e2a62c8826a3b08f2c6,"public String without2(String str) +{ + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + + + + } + +} +" +e1316f95148e5073b7f600270b3be53270a3ee80,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +76d8c6212f70710e8c9aed82b51de2d4e2c46e26,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + else if (Length < 2) + {return str;} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +bf9c8a8eb6b1eabdb22236d405781c2d44eb42ed,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + else if (Length < 2) + {return str;} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(Length,2);} + + else + {return str;} +} +" +412a409f5e5aee6959a4b43f343038d04fdd0159,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +57cbff480de354104e370515fd39181b0bd9ed84,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + else + {return str;} +} +" +852ca45c0e15c8f0f860654692151d29762cb782,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length == 2) + {return """";} + + + + else + {return str;} +} +" +095a275fe71f6a40c17c3ccb830c29bfcf183dcd,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + + else + {return str;} +} +" +cc53cb41dd759e3fbbd233bd28950a843f10f9af,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring();} + + else + {return str;} +} +" +285d66d192d20d2546518ebd9a3b67b13f616cb9,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(1);} + + else + {return str;} +} +" +bcb703e5c09fc8732af959124ba946d36fe5c592,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(-2);} + + else + {return str;} +} +" +ba08185060e036b412bf6e24d1eb83b22c12ea10,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(0);} + + else + {return str;} +} +" +542e53f53deaba344192dfee346fdf37084dce71,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +fe6bb3d9db90b1975865fa9a2493437bc63478de,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(-2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +4fd87a746f5ac3981ed6105cb76068244bacad51,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +2a617e5318f72c900294c3d0fce1ff3b616ec669,"public String without2(String str) +{ + if (str.substring(0,1)== str.substring(str.length-3,str.length-1)) + { + return str.substring(2,str.length-3); + } +} +" +2866d62518f3cc5e0239bf687c83d166b8814db2,"public String without2(String str) +{ + if (str.substring(0,1)== str.substring(str.length()-3,str.length()-1)) + { + return str.substring(2,str.length()-3); + } +} +" +e4c3e5cdfd50316047d62e18a7cb396a100add06,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +1027308eec02dc143b024d5fe283de891a58b616,"public String without2(String str) +{ + if (str.substring(0,1)== str.substring(str.length()-3,str.length()-1)) + { + return str.substring(2,str.length()-3); + } + else + { + return str; + } +} +" +b7ba93a0cb8b1600ba955ccbde01fa07ae80710c,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2,2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +15e4379fbbe6c9cfd2628f114a7fedcfe36bd162,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(5,2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +714cc40af96b63aa7116e43145122f0662e3cdcb,"public String without2(String str) +{ + if (str.substring(0,2)== str.substring(str.length()-3,str.length()-1)) + { + return str.substring(2,str.length()-3); + } + else + { + return str; + } +} +" +39f44561c2da9a26768f333d424fdf636eafdeb4,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + return str.substring(2,str.length()-3); + } + else + { + return str; + } +} +" +888d0c2c37ef808b5bd30653c0d52b0f83094bc7,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + return str.substring(2,str.length()-2); + } + else + { + return str; + } +} +" +f9a003f8a0492d97d6219bf2f5681f863f93d12c,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +524fe248800c1ab10f367760fbd73bb3deed4cae,"public String without2(String str) +{ + return str.substring(0,2); + if (str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + return str.substring(2,str.length()-2); + } + else + { + return str; + } +} +" +ffd919105fe8ea677e04833a8c69ff1a07d1e9f6,"public String without2(String str) +{ + return str.substring(0,2); + +} +" +3c99e613328af0be8e9c6e985091c7733d3d6c17,"public String without2(String str) +{ + return str.substring(str.length()-2,str.length()); + + +} +" +900e26e78d925e3d4599abd2c1ebb026248d2c0a,"public String without2(String str) +{ + if (str.length() > 0 && str.charAt(0) == 'x') + { + + str = str.substring(1); + if (str.length() > 0 && str.charAt(0) == 'x') + { + str = str.substring(1); + } + } + else if (str.length() > 0 && str.charAt(1) == 'x') + { + str = str.substring(0, 1) + str.substring(2); + } + return str; +} +" +97edb8eb8c204ffc98ae65c36b3b12b7d25f9ba5,"public String without2(String str) +{ + if (str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return str.substring(2,str.length()); + } + else + { + return str; + } + +} +" +2b63b3fa5f872b7f3c40563fb6624da0a2d99d5c,"public String without2(String str) +{ + if (str.length() < 2) + { + return str; + } + if (str.substring(0,2).equals(str.substring(str.length()-2,str.length()))) + { + return str.substring(2,str.length()); + } + else + { + return str; + } + +} +" +0c0ac37bae98de0cef39260e75a89d1cff759dc2,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +cb352a8479c905984be3e380f4992506ff340940,"public String without2(String str) +{ + if (str.subtring(0,2).equals(str.substring(str.length-2)) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +8646d93ffc156b8b1e008d16fab67aab7f7dba1d,"public String without2(String str) +{ + if (str.subtring(0,2).equals(str.substring(str.length()-2)) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +10a1da5e4faa0ecbe3e7e65a1ead70ec18a05f2e,"public String without2(String str) +{ + if (str.subtring(0,2).equals(str.substring(str.length()-2))) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +92dc9b08b9142a6f54703681dd952f737185a8c0,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + +} +" +30d6a7a16e0f4879b0959fc5ead5feb71e4430f1,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + +} +" +a8968eb059e8ae0e159b782a69760b6edd07ca7c,"public String without2(String str) +{ + if (str.subtring(0, 2).equals(str.substring(str.length()-2))) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +7aef080ac08777739a1933698db9607ac0a909af,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + } + +} +" +833c4adec7cb9d23935892e9207cd8a07dcf4305,"public String without2(String str) +{ + String str2 = str.substring(0,2); + String str3 = str.substring(str.length() - 2); + if (str2.equals(str3)) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +a5797bd703dfc8c3a5fedf48c2fa780e86e11b5a,"public String without2(String str) +{ + String str2 = str.substring(0,2); + String str3 = str.substring(str.length - 2); + if (str2.equals(str3)) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +7a886830ab7fb87caa06adc83dadccc764f62024,"public String without2(String str) +{ + String str2 = str.substring(0,2); + String str3 = str.substring(str.length()); + if (str2.equals(str3)) { + return str.substring(3); + } + else if (str.length == 2) { + return """"; + } + else { + return str; + } + +} +" +5f15b34b819a351d6b13aa9d8b12c481ebdb5515,"public String without2(String str) +{ + String str2 = str.substring(0,2); + String str3 = str.substring(str.length()); + if (str2.equals(str3)) { + return str.substring(3); + } + else if (str.length() == 2) { + return """"; + } + else { + return str; + } + +} +" +829d0bd47ff0211b548a73a46b1cbbddac32e2b3,"public String without2(String str) +{ + String str2 = str.substring(0,2); + String str3 = str.substring(str.length()-2); + if (str2.equals(str3)) { + return str.substring(3); + } + else if (str.length() <= 2) { + return """"; + } + else { + return str; + } + +} +" +e777b9708920bd03e8c8d9be074b3618330895ef,"public String without2(String str) +{ + String str2 = str.substring(0,2); + String str3 = str.substring(str.length()-2); + if (str2.equals(str3)) { + return str.substring(2); + } + else if (str.length() <= 2) { + return """"; + } + else { + return str; + } + +} +" +224d64ac25da163010a2c668527a62a9b034f462,"public String without2(String str) +{ + if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else + { + return str; + } + + +} +" +3e4129f23cfc0c86319245cab89dd04f2de9b931,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +b1eb30c95f1f724df551b3c75a2e3e38561d1d16,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) == str.substring(str.length()-2)) + { + return str.substring(2); + } + else + { + return str.substring(2); + } + + +} +" +668888358356f68761d2aa7a60a43e6d3e1f5c5c,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2) != str.substring(str.length()-2)) + { + return str; + } + else + { + return str.substring(2); + } + + +} +" +ec3eaa6befd92434d5c9ae9db44c6b1cf892b55c,"public String without2(String str) +{ + String sub = name.substring(2); + String last = name.substring(str - 2) + { + if (sub != last) + { + return str; + } + else + { + return name.substring(2); + } + +} +" +4f309d5abad8fdece20089e46fc27a01cda55d10,"public String without2(String str) +{ + String sub = name.substring(2); + String last = name.substring(str - 2); + { + if (sub != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +a8f211b812dc9ab1c007b4e5a4aeb4a790558679,"public String without2(String str) +{ + String sub = name.substring(0, 2); + String last = name.substring(str - 2); + { + if (sub != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +043b34ac36001fbebd8031deed540c4222ae1a5a,"public String without2(String str) +{ + String x = name.substring(0, 2); + String last = name.substring(str - 2); + { + if (x != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +b567d64cae13073f4bec929d397200ea0aa1e989,"public String without2(String str) +{ + first = name.substring(0, 2); + last = name.substring(str - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +75c88effd939bf6bf5ec791f61a2c821ed96fff4,"public String without2(String str) +{ + if (str.length() < 1) + { + return """"; + } + else if (str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if (str.substring(0, 2).equals( str.substring(str.length()-2))) + { + return str.substring(2); + } + else + { + return str; + } + + +} +" +1bd6e02fbc4fbc5625471b2372133962e55922a0,"public String without2(String str) +{ + String first; + String last; + first = name.substring(0, 2); + last = name.substring(str - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +81b7a17fea92b2bd712b48b6c91b8d9bcf8c9c32,"public String without2(String str) +{ + String first; + String last; + first = ""sam"" + last = name.substring(str - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +94233d3b251249b6eb28ed67164fde01f69654c0,"public String without2(String str) +{ + String first; + String last; + first = ""sam""; + last = name.substring(str - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +b26d584fb3c16ba84678d553521c76a0bb29fc68,"public String without2(String str) +{ + String first; + String last; + String ""first"" = name.substring(0, 2); + last = name.substring(str - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +37d847a0d5d6c5f1bfc046330ba2f097702b4d6d,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring(str - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +6be33b2a558a1b53cedb956d1975c1c8e6cae5c3,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + { + if (str.substring(0, 2).equals(str.substring(len - 2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +5c78b4fa5d6c20f15855e00287f6040c4717c449,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring((str - 2)); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +2f189558be0bc742ea488b1518ca2c5daee0322f,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring((str, - 2)); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +acea23bc48c1430a3594f3fba4112a02d7228eb9,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring(str, - 2); + { + if (first != last) + { + return str; + } + else + { + return name.substring(2); + } + } + +} +" +9e18ab73052017ae07f7f3fb5155e552a101f5dc,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring(-2, str); + { + if (first != last) + { + return str; + } + else + { + return str.substring(2); + } + } + +} +" +3f945aed242496a599456f1e6db770e37fc67950,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring(-2); + { + if (first != last) + { + return str; + } + else + { + return str.substring(2); + } + } + +} +" +233884a3e4f07b186cb38bd63ba5f92036c5b1f0,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2))) + return str.substring(2); + else + return str; + } + return str; +} +" +834ae7b87bf2174d6974bd8e1cf72d9c2557a0d5,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2))) + return str.substring(2); + else + return str; + } + return str; +} +" +3a6926253f22b4fe6d5e934cbd56d32c6fdabb31,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return str;} + + else + {return str;} +} +" +1058429bebcb3ce9e341639c0e24df68ee766f62,"public String without2(String str) +{ + if (front.equals(end)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +dc9854729e05b0c5bdf36920f9b6ff71a8e90a34,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +b9fc30b889a4f8e803f2939d4df9e592a6b7a32a,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +f7bc1af7f1766cf29db4a910392f56d0529f3f28,"public String without2(String str) +{ + if (front.equals(-1)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +05521b7ff9b53ffeda343fafd3ac7ea6a065d788,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return str.substring(<2);} + + else + {return str;} +} +" +5252477e367de0d563a0389e5d76732916c7b3ad,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return str.substring(1);} + + else + {return str;} +} +" +604574d4b47b50808f7b8501b70f073f394d0dda,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +9c4f8fa5491951a9ef04477671760371cdb60661,"public String without2(String str) +{ + if (str(0).equals(-2) && str(1).equals(-1)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +9c3b1d222339c3825c0e99b028e67517835cd669,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring(length, length - 2); + { + if (first != last) + { + return str; + } + else + { + return str.substring(2); + } + } + +} +" +301aa457199a0f80dd5959df9cd5d155ed85074c,"public String without2(String str) +{ + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + } + +} +" +3c07feba6c3f48e50841b4983d50b53b84bce808,"public String without2(String str) +{ + if (str == str) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +135098d201a3e286cc582f213d9b40632874f451,"public String without2(String str) +{ + String length = str; + String first = str.substring(0, 2); + String last = str.substring(length - 2, length); + { + if (first != last) + { + return str; + } + else + { + return str.substring(2); + } + } + +} +" +23412b20dae5f003066e7e63a7da9730acd8834c,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(-2)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +4cdfd3aceaf2fca1325df5ed636637c683b71697,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return """";} + + else + {return str;} +} +" +f907cd03f2ac4bfd65636089c0f79ca6951965a0,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return """";} + + else + {return str;} +} +" +38beadf37f4459f76ab4776e983e302d0667fe37,"public String without2(String str) +{ + if (str.charAt(0) == str.charAt(length()-2)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +c369a00872421261cdf75f136b0492751b16be76,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + + + + else + {return str;} +} +" +e92047b9790fa52c42d516795ede0b1d79890a41,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + if (Length < 2 && beginning.equals(ending)) + {return str;} + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + + else + {return str;} +} +" +4034a69213a30b0ce74de5f4241a5e022509dfce,"public String without2(String str) +{ + int d = str.length() + + if (str.charAt(0) == str.charAt(d-2)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +05e962552c49f19364fd01af49de37b72fa1d045,"public String without2(String str) +{ + int d = str.length(); + + if (str.charAt(0) == str.charAt(d-2)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +a8a1e00c55d36f3c35b491e7e1fd1f9ab267bc8b,"public String without2(String str) +{ + int d = str.length(); + + if (str.charAt(0) == str.charAt(d-2) && str.charAt(1) == str.charAt(d-1) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +da66189d71f1689a13a92bf56edfecaf7a97331e,"public String without2(String str) +{ + int d = str.length(); + + if (str.charAt(0) == str.charAt(d-2) && str.charAt(1) == str.charAt(d-1)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +a03dabd2f546f81fcc88fb107e93a9ba41b7adce,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if(str.substring(0,2) == (str.substring(length-2))) + return str.substring(2); + else + return str; + } + return str; +} +" +43cd1a1abbb134e5773effa593fbf320cdf82ad2,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if(str.substring(0,2). == (str.substring(length-2))) + return str.substring(2); + else + return str; + } + return str; +} +" +13d91e4451294495fbb384d32f7619ca607fd97d,"public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2))) + return str.substring(2); + else + return str; + } + return str; +} +" +ce9879bcdb11098d9d60094074f838b1a30c18c6,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +a94e1b0d28a4014de9b5d962d89f7ad38efa9a65,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +} +" +e3542faa73d69429be1d33a469939e91d05901b3,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else (Length < 2 && beginning.equals(ending)) + {return str;} + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + else + {return str;} +} +" +661425e10844c9ee688a747524fa67341ef75052,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else (Length < 2 && beginning.equals(ending)) + {return str;} + + if (Length == 2) + {return """";} + + if (Length < 2) + {return str;} + + else + {return str;} +} +" +b683899441eb8f39333879b340d0e3531bc2a68c,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (Length < 2 && beginning.equals(ending)) + {return str;} + + else if (Length == 2) + {return """";} + + else if (Length < 2) + {return str;} + + else + {return str;} +} +" +849bbe5c0d383a11eafc244dbfa41f1932bf62bf,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (Length < 2 && beginning.equals(ending)) + {return str;} + + else + {return str;} +} +" +af78afc2a16e01dab974cbf9876bad246f709c63,"public String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); +} + +public static void main(String[] args) +{ + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +} +" +a26a26f58bc5ee5263d9fff22dd8cd539e23603b,"public String without2(String str) +{ + if(s.length() < 2) return s; + + String sbegining = s.substring(0, 2); + String send = s.substring(s.length()-2); + + if(sbegining.compareTo(send)!=0) + return s; + else return s.substring(2); +} + +public static void main(String[] args) +{ + String s1 = ""HelloHe""; + String s2 = ""Hi""; + String s3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(s1)); + System.out.println(s2 + "": "" + without2(s2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +" +a47b4962a87c9abb537fc853c6298d068655a5ae,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} +} +" +f1bc4ab8586a23b517927c9b6a453d087947d78a,"public String without2(String str) +{ + if(str.length() < 2) return s; + + String sbegining = str.substring(0, 2); + String send = s.substring(s.length()-2); + + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +public static void main(String[] args) +{ + String str1 = ""HelloHe""; + String str2 = ""Hi""; + String str3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(str1)); + System.out.println(s2 + "": "" + without2(str2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +" +e67147009a6270010c83ebd8ff81f778603bea37,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = s.substring(s.length()-2); + + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +public static void main(String[] args) +{ + String str1 = ""HelloHe""; + String str2 = ""Hi""; + String str3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(str1)); + System.out.println(s2 + "": "" + without2(str2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +" +7fce9658248759b921d70191ff8ff511fe3b838a,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(s.length()-2); + + if(begining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +public static void main(String[] args) +{ + String str1 = ""HelloHe""; + String str2 = ""Hi""; + String str3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(str1)); + System.out.println(s2 + "": "" + without2(str2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +" +9783d7fd8613fcacedd7636778e3c91c6049bd4c,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + + if(begining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +public static void main(String[] args) +{ + String str1 = ""HelloHe""; + String str2 = ""Hi""; + String str3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(str1)); + System.out.println(s2 + "": "" + without2(str2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +" +143678b859b49d977f5b263bd806a1d7bf16cdd5,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +public static void main(String[] args) +{ + String str1 = ""HelloHe""; + String str2 = ""Hi""; + String str3 = ""Hello""; + + System.out.println(s1 + "": "" + without2(str1)); + System.out.println(s2 + "": "" + without2(str2)); + System.out.println(s3 + "": "" + without2(s3)); + } + +" +b14fa7a3a51f9568fd4cc2991b23d72cb3354238,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +public static void main(String[] args) +{ + String str1 = ""HelloHe""; + String str2 = ""Hi""; + String str3 = ""Hello""; + + System.out.println(str1 + "": "" + without2(str1)); + System.out.println(str2 + "": "" + without2(str2)); + System.out.println(str3 + "": "" + without2(str3)); + } + +" +2c5ed812eb5983c22763abc913cbfe67e9d5b40a,"public String without2(String str) +{ + if(str.length() < 2) return str; + + String sbegining = str.substring(0, 2); + String send = str.substring(str.length()-2); + + if(sbegining.compareTo(send)!=0) + return str; + else return str.substring(2); +} + +" +02243957f63fafd21b0696f48a3ada2c94edb023,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2) + if (word.length() >= 2 && part1 = part2) + { + return word.substring(2); + } + return word; + + +} +" +85a0c446f971666742fe68534c8081044d8ed24f,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() >= 2 && part1 = part2) + { + return word.substring(2); + } + return word; + + +} +" +ab962b17f973e26d6d1a4d8dd29f1acc0888003e,"public String without2(String str) +{ + String length = str; + String first = str.substring(0, 2); + String last = str.substring(str.length(-2), str.length); + { + if (first != last) + { + return str; + } + else + { + return str.substring(2); + } + } + +} +" +adb4e300485325c7c905b2afc23db8f71db0fd95,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else if (Length < 2 && beginning.equals(ending)) + {return str;} + + + else if (Length == 2) + {return """";} + + else if (Length < 2) + {return str;} + + + else + {return str;} +} +" +bca33abe0d013e5ad6d403c5a64e8b3ce5ae357c,"public String without2(String str) +{ + + String first = str.substring(0, 2); + String last = str.substring(str.length(-2), str.length); + { + if (first != last) + { + return str; + } + else + { + return str.substring(2); + } + } + +} +" +a0ba80169ed421a982cf64d5e6da4e870c4f9753,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() >= 2 && part1.equals(part2)) + { + return word.substring(2); + } + return word; + + +} +" +c936cb1dbca5120d872cdc067e04eb1712ea2e9d,"public String without2(String str) +{ + if(str.substring(0,2) == str.substring(str.length() - 2, str.length() - 1)) + { + return str.substring(2, str.length()-1); + } + else {return str;} +} +" +0474aef655da8168e4f573466c2db5caa2b09714,"public String without2(String str) +{ + if(str.substring(0,2) == str.substring((str.length() - 2), (str.length() - 1))) + { + return str.substring(2, str.length()-1); + } + else {return str;} +} +" +ebb81bc92bf60529620d3c304ea66a2f5dfe8ce0,"public String without2(String str) +{ + int x = str.length; + if(str.substring(0,2) == str.substring((str.length() - 2), (str.length() - 1))) + { + return x; + } + else {return str;} +} +" +60a732d4bc3858c33805fe10ef02d963e6e06203,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() > 1) + { + if (word.length() >= 2 && part1.equals(part2)) + { + return word.substring(2); + } + return word; + } + + +} +" +d47deeff967af1e9058a7c8c821adae79e285801,"public String without2(String str) +{ + int x = str.length(); + if(str.substring(0,2) == str.substring((str.length() - 2), (str.length() - 1))) + { + return x; + } + else {return str;} +} +" +c2c27d1a7cd8b067a33342b9914283a8c67a9fb3,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() > 1) + { + if (word.length() >= 2 && part1.equals(part2)) + { + return word.substring(2); + } + return word; + } + + + +} +" +c3cbbc0e44faf97ccee241b10b87b67421df64af,"public String without2(String str) { + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + + } +} +" +bd953edd2c6aa2542b9c52e9a89beb3010749c90,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() > 1) + { + if (word.length() >= 2 && part1.equals(part2)) + { + return word.substring(2); + } + return word; + } + else + { + return ""error""' + } + + + + +} +" +d364840d769185c48b3eb3913523efba207f98ff,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() > 1) + { + if (word.length() >= 2 && part1.equals(part2)) + { + return word.substring(2); + } + return word; + } + else + { + return ""error"" + } + + + + +} +" +12d5dae50db5270bee3fe75813ff56b2e0b824a5,"public String without2(String str) +{ + int x = str.length(); + if(str.substring(0,2) == str.substring((x - 2)) + { + return str.substring(2) ; + } + else {return str;} +} +" +a62ad96c8281662e5f52e60cd8f3bf0af97b4e5a,"public String without2(String str) +{ + String word = str; + String part1 = word.substring(0, 2); + String part2 = word.substring(word.length() - 2); + if (word.length() > 1) + { + if (word.length() >= 2 && part1.equals(part2)) + { + return word.substring(2); + } + return word; + } + else + { + return ""error""; + } + + + + +} +" +d9b23bc0ffd991f89db4fbc36ecce34adde3988c,"public String without2(String str) +{ + int x = str.length(); + if(str.substring(0,2) == str.substring((x - 2))) + { + return str.substring(2) ; + } + else {return str;} +} +" +97910a249be1673272a1bebaab1215086f3f7b93,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length - 1))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +68a813dba042034e697f992288104b578546b63b,"public String without2(String str) +{ + if (str.substring(0, 2).equals(str.substring(str.length() - 1))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +5d4c75567db87b77fe13239e2e852385e2aeff22,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(str.length() - 1))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +26bc8ec867b6502d9dcc5ca0a52d1813fa564547,"public String without2(String str) +{ + int x = str.length() - 2; + if(str.substring(0,2) == str.substring(x) + { + return str.substring(2) ; + } + else {return str;} +} +" +22bd5452834e2eae3db38cbf56689fa269487d64,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } +} +" +04420b4652f9a0a41435fbf3cca56a12f092af49,"public String without2(String str) +{ + int x = str.length() - 2; + if(str.substring(0,2) == str.substring(x)) + { + return str.substring(2) ; + } + else {return str;} +} +" +0d2af9dc233e99f54e8249664220750cac0aa837,"public String without2(String str) +{ + int len = str.length(); + if (len == 0 || len == 2) return """"; + if (len == 1) return str; + if (str.substring(len - 2).equals(str.substring(0, 2))) + return str.substring(2); + return str; +} +" +e47bc22cf5fe143dde7505db3d55c363c4febe0b,"public String without2(String str) +{ + int len = string.length(); + if (len == 0 || len == 2) return """"; + if (len == 1) return str; + if (str.substring(len - 2).equals(str.substring(0, 2))) + return string.substring(2); + return string; +} +" +3744c82637cb9e800728b4d83ce64de5c905ed2f,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(str.length() - 2)) && (str.length() > 2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +91908ae60fc7042eacd5846b3dafd9837972db5b,"public String without2(String str) +{ + int A = str.length(); + if (A == 0 || A == 2) return """"; + if (A == 1) return str; + if (str.substring(len - 2).equals(str.substring(0, 2))) + return str.substring(2); + return str; +} +" +c704ebe4fb68330753420b1388aead3409ba8c7a,"public String without2(String str) +{ + int A = str.length(); + if (A == 0 || A == 2) return """"; + if (A == 1) return str; + if (str.substring(A - 2).equals(str.substring(0, 2))) + return str.substring(2); + return str; +} +" +18f66cbc5ce9feb2ab907c083194bac6545c3d78,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(str.length - 2)) && (str.length > 2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +7ea13276b05e70055d622126773a86526c4b3831,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(str.length() - 2)) && (str.length() > 2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +3d4a955a73ec2e4837ea90400e8ec51922b7cd36,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, length);} + + else + {return str;} +} +" +001ab5e29f7bde376207c8cb08699704a267a627,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, Length);} + + else + {return str;} +} +" +000caa79fed226ada5c567b1a6afc74c771b0156,"public String without2(String str) +{ + if (str.substring(0, 2) == (str.substring(str.length() - 2)) && (str.length() >= 2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +838e80bc7b0da355d7aeff3091c97d999e84701f,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + + + if (Length < 2) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, Length);} + + else + {return str;} +} +" +609eb6dcf6f80039c399142462ca88b3070d04f2,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(2,str.length()-1).equals(temp)) + return(str.substring(2, str.length()-1) + temp); + + } + return """"; + +} +" +35a540255c6cf3b0fc5c8284f5317c2c1eb1ae24,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + + + if (Length < 2) + {return str;} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, Length);} + + else + {return str;} +} +" +3b88215ad7000dc0e95718a3580218b665854301,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + + + if (Length == 0 || Length = 1) + {return str;} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, Length);} + + else + {return str;} +} +" +82426520909efbefd8303d8bea051382441b73d4,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(2,str.length()-1).endsWith(temp)) + return(str.substring(2, str.length()-1) + temp); + + } + return """"; + +} +" +df990d624505a4f67cda606570bd0f63f56d7a7e,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(2,str.length()-1).equalsIgnoreCase(temp)) + return(str.substring(2, str.length()-1) + temp); + + } + return """"; + +} +" +7177d1729acdb7f487881b2dcb51a2ff8f31371a,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + + + if (Length == 0 || Length == 1) + {return str;} + + else if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, Length);} + + else + {return str;} +} +" +ce43e25ebf669efc699465fe6646cea8f1665776,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(2,str.length()-1).equalsIgnoreCase(temp)) + return(str.substring(2, str.length()-1)); + + } + return """"; + +} +" +7baef8961a5fb337f03df8b61502b406f4412ec6,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(2,str.length()-1).equals(temp)) + return(str.substring(2, str.length()-1)); + + } + return """"; + +} +" +4323c3f76e1fcf94729f35a03f9387cd316cbcb3,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + + + if (Length == 0 || Length == 1) + {return str;} + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2, Length);} + + else + {return str;} +} +" +bc509ac202c151e6eed23d1c6f7cf8bbd057d74e,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 2); + if(str.substring(2,str.length()-1).equals(temp)) + return(str.substring(2, str.length()-1)); + + } + return """"; + +} +" +986aed0db75a97979623dde75d71f58a98eeb9dc,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 2); + if(str.substring(2,str.length()-1).equals(temp)) + return(str.substring(2, str.length()-1)); + else + return (str); + } + return """"; + +} +" +91521357c41bb5891349c7ad39ab1d5d15dc1244,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2, str.length()); + else + return str; +} +" +71b19280b8bc5ecf064fa159f1169082bc8f5b81,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length()-1)); + else + return (str); + } + return """"; + +} +" +739522afdacf38a8b4755b16b5dbcbaf87cd24d6,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + return """"; + +} +" +6f364f2024378ac87d4b17db72fc577be3cffd5a,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-1,str.length()).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + return """"; + +} +" +977119b601de69cafe973571e1b3e4151f48a9c8,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + return """"; + +} +" +5358072f1527158932a2fdea2882217963be0078,"public String without2(String str) +{ +int Length = str.length(); +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + + + if (Length == 0 || Length == 1) + {return str;} + else + { + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} + } +} +" +993e06fb636e482005fa7142aacab1314fcb0618,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + return """"; + +} +" +b76c1a5c62cfb0a290840d48fbf542c7d27895c2,"public String without2(String str) +{ +int Length = str.length(); + + + + + if (Length == 0 || Length == 1) + {return str;} + + +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} + +} +" +72adbb083a3e3767345978409eb1775caa3e1b40,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + if(str.length()>1) + return str; + return """"; + +} +" +6003b786fbd0eacef4a08437d51cecb584ea34be,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + if(str.length()==1) + return str; + return """"; + +} +" +9837be2f2eee96479a556e71937351925dc405fc,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 2); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + if(str.length()==1) + return str; + return """"; + +} +" +5240524b19d94a73064a0f145dd2c8f66fdff415,"public String without2(String str) +{ + String temp = """"; + if(str.length() > 2) + { + temp = str.substring(0, 1); + if(str.substring(str.length()-2,str.length()-1).equals(temp)) + return(str.substring(2, str.length())); + else + return (str); + } + if(str.length()==1) + return str; + return """"; + +} +" +53a75fe1be25a818b497f7ebb055a0a1a471b1d6,"public String without2(String str) +{ +int Length = str.length(); + + if (Length <2) + {return str;} + + +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} + +} +" +fcaf82671997d1496cf9cfdcd9d2a6fd55da925e,"public String without2(String str) +{ + if (str.length() == 2 && str.substring(0) == str.substring(1)) + { + return """"; + } + else if (str.length() == 2) + { + return str; + } + else if (str.substring(0, 2) != str.substring(str.length() - 2, str.length())) + { + return str; + } + else + { + return str.substring(2, str.length()); + } +} +" +c45ae6eac5a610a53d4802776870f9a91c6cee62,"public String without2(String str) +{ +int Length = str.length(); + + if (Length <2) + {return str;} + + +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} + +} +" +fd465ce0a3c3de2dfbe5ec2eadfb0cd2057e6702,"public String without2(String str) +{ +int Length = str.length(); + + if (Length <2) + {return str;} + + +String beginning = str.substring(0, 2); +String ending = str.substring(Length -2, Length); + + if (Length >= 2 && beginning.equals(ending)) + {return str.substring(2);} + + else + {return str;} + +} +" +063b068d4d72cbcef6d209f0fd0244e98b362a42,"public String without2(String str) +{ + String last = str.substring(str.length()-2); + String one = str.substring(0,2); + +} +" +b46786aaddf4384b9c4d719e7c0d0e04017c960f,"public String without2(String str) +{ + String last = str.substring(str.length()-2); + String one = str.substring(0,2); + + if(strbegining.compareTo(last)!=0) + return s; + else return str.substring(2); + +} +" +709069aeb4352ba93f66229828afe4d38b521ee3,"public String without2(String str) +{ + String last = str.substring(str.length()-2); + String one = str.substring(0,2); + + if(strone.compareTo(last)!=0) + return s; + else return str.substring(2); + +} +" +0bdd8762d46ef8cc21718c8f2413a8d5e79eaad4,"public String without2(String str) +{ + String last = str.substring(str.length()-2); + String one = str.substring(0,2); + + if(one.compareTo(last)!=0) + return s; + else return str.substring(2); + +} +" +79f1b8624ad4ee3f1703562f9556021e502c8bf7,"public String without2(String str) +{ + String last = str.substring(str.length()-2); + String one = str.substring(0,2); + + if(one.compareTo(last)!=0) + return str; + else return str.substring(2); + +} +" +bbc0ccac050fc2402819801b0b8062ccdb8de3cb,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +2dd2fd64557abd81650be031c72fd2cfbc595f9c,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +} +" +fb89dd24602aa1a4ae7511575da988fcb1bc87a3,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} + +" +f43824e98ffbac457c49addcad490d800a88adc7,"public String without2(String str) +{ + int word = str.length(); + if (word == 2) + { + return ''; + } + if (word < 2) + { + return str; + } + else + { + if (str.substring(0, 2).equals(str.substring(word - 2, word))) + { + return str.substring(2, word); + } + else + { + return str; + } + } +} +" +cfc011e411899c6d7de6a5a83965c93a7cafe49a,"public String without2(String str) +{ + int word = str.length(); + if (word == 2) + { + return """"; + } + if (word < 2) + { + return str; + } + else + { + if (str.substring(0, 2).equals(str.substring(word - 2, word))) + { + return str.substring(2, word); + } + else + { + return str; + } + } +} +" +9cf3abc1be2dbcf79c103458a342600d598a8d16,"public String without2(String str) +{ + String begin = str.substring(0,2); + String end = str.substring(str.length() -2, str.length()); + if (begin == end) + return str.substring(2); + else + return str; +} +" +24cfa9f0147b4d5335163950a5b38855e0c60b98,"public String without2(String str) +{ + if (str.length() == 1 || str.length == 0) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2), str.length()) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +cdd5e84794130634acc7734b79a3cf9a53aef1c0,"public String without2(String str) +{ + if (str.length() >= 2) + { + return (str.substring(2, str.length()); + } +else + { + return str; + } +} +" +2cd3569383da0d1473eef2b60e230fb4a93aebef,"public String without2(String str) +{ + String begin = str.substring(0,2); + String end = str.substring(str.length() -2); + if (begin == end) + return str.substring(2); + else + return str; +} +" +f57c08b2f2437ed4593c16978338ceef091b765e,"public String without2(String str) +{ + if (str.length() >= 2) + { + return str.substring(2, str.length()); + } +else + { + return str; + } +} +" +522ebcc485eb43003b99be076a99c4e7ddd7cf28,"public String without2(String str) +{ + if (str.length() == 1 || str.length == 0) + { + return """"; + } + else if ((str.substring(0, 2) == (str.substring(str.length()-2), str.length()))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +beea3639eeeca0f7561b021a21ff83777918f444,"public String without2(String str) +{ + if (str.length() == 1 || str.length == 0) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +3b625dbcc3b5f3243ee5bb3f4704b3854c6dbeee,"public String without2(String str) +{ + if (str.length() == 1 || str.length == 0) + { + return """"; + } + else if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +cf3a59560ea1ba2b774e2d3081ecd2716ce3369d,"public String without2(String str) +{ + if (str.length() == 1 || str.length() == 0) + { + return """"; + } + else if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +578e830a74bfe13a70134f2396d4e6b72a63bdbc,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +1fbddf1d04beab96f794b119fa193a63958d6772,"public String without2(String str) +{ + return str.substring(1, str.length() - 1); +} +" +f1937110b7768f49e4449dbea25b0c2c9a7d7d3b,"public String without2(String str) +{ + if (str.length() <= 2) + return """"; + String begin = str.substring(0,2); + String end = str.substring(str.length() -2); + if (begin.compareTo(end)) + return str.substring(2); + else + return str; +} +" +05514a42632a9eb941b0a87d705fc690fa509293,"public String without2(String str) +{ + int len = str.length(); + if (len >= 2) + if(str.substring(0, 2).equals(str.substring(len - 2, len))) + return str.substring(2); + else + return str; + else + return str; +} +" +b0a8bfaba1aa66ce122500779907f04a92869e5a,"public String without2(String str) +{ + Int leg = str.length() + 1; + String end = str.substring(leg-2, leg); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +ddca85889c4c60761b1146e9dc299eaceffb5b84,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2)) + { + return str.substring(2); + } + else + { + return str; + } + } +else + { + return str; + } +} +" +46b087e00103b9853bf8e0d8d9ecf6fcf600d75c,"public String without2(String str) +{ + int leg = str.length() + 1; + String end = str.substring(leg-2, leg); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +01f09bc8ae9c143cfa176782e9e9da04a0a45b77,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + + +} +" +61c401353fa26b37039e56e9f9ed3fccc301cfdf,"public String without2(String str) +{ + if (str.length() <= 2) + return """"; + String begin = str.substring(0,2); + String end = str.substring(str.length() -2); + if (begin.compareTo(end) ==1) + return str.substring(2); + else + return str; +} +" +664929220e8d654847b07dcebedca9ef50c9c875,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2.equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } +else + { + return str; + } +} +" +5c0cea3a3205448c27a4559b7f958eb442219a4e,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } +else + { + return str; + } +} +" +ea29e55f31784a77babe8b25fa2d5721533b1c1b,"public String without2(String str) +{ + int leg = str.length(); + String end = str.substring(leg-1); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +e319a2534876decf17b5af942b5fa37d691ecf54,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0,2).equals(str.substring(str.length()-2, str.length()))) + { + return str.substring(2); + } + else + { + return str; + } + } +else + { + return str; + } +} +" +0e5b653619c88cde3c23a26e7826de202ef213cb,"public String without2(String str) +{ + int leg = str.length(); + String end = str.substring(leg-2); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + +} +" +a4fe1ac084d852b31a27726360939c12602c4a2d,"public String without2(String str) +{ + if (str.length() <= 2) + return """"; + String begin = str.substring(0,2); + String end = str.substring(str.length() -2); + if (begin.compareTo(end) ==0) + return str.substring(2); + else + return str; +} +" +201d260e3502a8fd4f6f0d5fd559043c0ce2737d,"public String without2(String str) +{ + if (str.length() ==1) + return str; + if (str.length() <= 2) + return """"; + String begin = str.substring(0,2); + String end = str.substring(str.length() -2); + if (begin.compareTo(end) ==0) + return str.substring(2); + else + return str; +} +" +3251e186806b8807df8e4b420c81e57bafcc7b35,"public String without2(String str) +{ + if (str.length() > 2) + { + str1 = str.substring(0, 2); + str2 = str.substring((str.length()-2), str.length()) + } + + + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str1 == str2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +0e6be00754995654e4e4ac260d420148391c2c34,"public String without2(String str) +{ + if (str.length() > 2) + { + str1 = str.substring(0, 2); + str2 = str.substring((str.length()-2), str.length()); + } + + + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str1 == str2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +ed96c13bdb9662e7093594b8b08d5392ae350c30,"public String without2(String str) +{ + if (str.length() > 2) + { + String str1 = str.substring(0, 2); + String str2 = str.substring((str.length()-2), str.length()); + } + + + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str1 == str2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +8a046cee2a69552a1e36ad450d79fff6d6c70942,"public String without2(String str) +{ + if (str.length() > 2) + { + String str1 = str.substring(0, 2); + String str2 = str.substring((str.length()-2), str.length()); + } + + + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (String str1 == Sring str2) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +8f5fbd5ace571be0dbabdc2aea1867844a19b357,"public String without2(String str) +{ + int leg = str.length(); + if (leg >= 2) + { + String end = str.substring(leg-2); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + else + { + return str: + } + +} +" +9ad6c028c38b2481d6b2965c9a510d424ef5e3b1,"public String without2(String str) +{ + int leg = str.length(); + if (leg >= 2) + { + String end = str.substring(leg-2); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str: + } + +} +" +9bd2f9bdbc911390eaee06c9f25811e63511a095,"public String without2(String str) +{ + int leg = str.length(); + if (leg >= 2) + { + String end = str.substring(leg-2); + if (str.startsWith(end)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } + +} +" +5277e034672aee6f51e45dcf875a89eaf15f40c4,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str.substring(0, 2) == str2 = str.substring((str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +0473aba2768b8f02a87d25648d72104919f2322c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring(str.length()-2),str.substring(str.length())) + return str.substring(2,str.length()); + return str; +} +" +3152da6f256e9b302863325e52dd8bee2c5288d0,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +594952f0d3fbbd2c20c460a5d9538ce8ebeaca98,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring(str.length()-2),str.substring(str.length() + return str.substring(2,str.length()); + return str; +} +" +b41dfa6f6c7c30229ced544c45c7e8da202ec31b,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring(str.length()-2),str.substring(str.length())) + return str.substring(2,str.length()); + return str; +} +" +2d87d19ad013abe99b4e1aa882e89bd4de5291a4,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring(str.length()-2),str.substring(str.length()))) + return str.substring(2,str.length()); + return str; +} +" +1acadbd8184dd116e24d9c9ac082f7c59f75ff4f,"public String without2(String str) +{ + if (str.length() >= 2 &&) str.substring(0,1).equals(str.substring(str.length()-2),str.substring(str.length())) + return str.substring(2,str.length()); + return str; +} +" +f277100a1d8577b2f106c1ba34ff725c0ea45492,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals(str.substring(num-2),str.substring(num)) + return str.substring(2,str.length()); + return str; +} +" +1dfb0e7bc7cdb3f7d87adfb9af8cf84144db7e3a,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals(str.substring(num-2),str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +fbc17f0446d52395ff6260bfad00975aa4a51166,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1) .equals(str.substring(num-2),str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +77773a1688a717aca7bd76460b3b31cec1030710,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + //se if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + // + // return str.substring(2, str.length()); + // + else + { + return str; + } +} +" +b2f206e63f22d240f19405eb20a47c5519bb0a01,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1) equals (str.substring(num-2),str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +466880d1e2418a9a4e8460b88087f188eb8de06d,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +ec1000a949adc3d8d4f332f7d01b1242f85f1cd4,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + //else if (str.substring(0, 2) == str.substring((str.length()-2), str.length())) + // { + // return str.substring(2, str.length()); + // } + else + { + return str; + } +} +" +bf16ef8f8a0e8af4a1957ac9fbe558e9d3bee789,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1) equals (str.substring(num-2), str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +e9e6ae885d3fb08ed2cdefd2d01fd8f4727bab1b,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1) .equals (str.substring(num-2), str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +d29a2e0531f090c9ecbc0172614a096a0ff2d302,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals (str.substring(num-2), str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +ef776acb8e5f40bafd455d2df407f9d1eae8c2fd,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals() (str.substring(num-2), str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +de7dd1b95022058821eeb7b258e167e4927fedfe,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals(str.substring(num-2), str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +d9d59efef2ed40bc48b058ba90a67c6243a2cb78,"public String without2(String str) +{ + if (str.length() == 0) + { + return """"; + } + else if (str.length() == 1) + { + return str; + } + else if (str.substring(0, 2).equals(str.substring((str.length()-2), str.length()))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +15ffe5d66430bb800dc58952a48cf389ffc1fa85,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals(str.substring((num-2), str.substring(num))) + return str.substring(2,str.length()); + return str; +} +" +ca564c9f9099e54a542828f802853319616dd5b7,"public String without2(String str) +{ + int num = str.length(); + if (num >= 2 && str.substring(0,1).equals(str.substring((num-2), str.substring(num)))) + return str.substring(2,str.length()); + return str; +} +" +5bcc09d7ac06d93800fbe1a69c65b071923c22af,"public String without2(String str) +{ + +} +" +fcf4b355a1f38172b54227da5a47afdc559efacb,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring((str.length()-2), str.substring(str.length())))) + return str.substring(2,str.length()); + return str; +} +" +5c7899e4a4138eccfa81847e9e83eb82362b8ef7,"public String without2(String str) { + if(str.length () >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2))) + return str.substring(2); + + return str; +} +" +a88309af6580acb2b9e8966e24d9840c5abf8d37,"public String without2(String str) +{ + int len = str.length(); + if (len == 2); + { + return """"; + } + if (len < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + { + return str; + } + } +} +" +5f67a127c526480f211300f4d4c15971a55097fe,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring((str.length()-2))) + return str.substring(2,str.length()); + return str; +} +" +fc124300309352a994f834c9fc2c278e2d782525,"public String without2(String str) +{ + int len = str.length() + if (len == 2); + { + return """"; + } + if (len < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + { + return str; + } + } +} +" +ba91ebe85d237ddf59feaea26adb9283849d1742,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring((str.length()-2)))) + return str.substring(2,str.length()); + return str; +} +" +2682a233ba2fb0b847077e16ae5ce5513d3647de,"public String without2(String str) +{ + int len = str.length(); + if (len == 2) + { + return """"; + } + if (len < 2) + { + return str; + } + else + { + if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + else + { + return str; + } + } +} +" +49df3e754512dd30b15e707b557e3e8848963b42,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring((str.length()-2)))) + return str.substring(2,str.length()); + return """"; +} +" +166479c81b644c91050281b90176d4f2e6b91a20,"public String without2(String str) +{ + int len = str.length(); + if ((str.substring(0,2)) == (str.substring((len-2), len))) + { + return (str.substring(2)); + } + else + { + return str; + } +} +" +a74680258a998d7f949e5d5f3cc605d6c7288d57,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str - (str.length() - 2)) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +38deb8aef2d0a0cba0cf56083a98cf678d0096a6,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring((str.length()-2)))) + return str.substring(2,str.length()); + else if (str.length() < 2) + return """"; + return str; + +} +" +40f2f2f5f7cd12fb78bf500b305fe469e7e8aa18,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,1).equals(str.substring((str.length()-2)))) + return str.substring(2,str.length()); + return str; + +} +" +ac56ebb37416cf67034dc6f6ce26c8c432a5568d,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str - (str.length() - 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fa12036cdd3a4d2f64df9727fbb108034da16fe8,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str -- (str.length() -- 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +65290a18f5e9a1af99ed5bdb261dc68b48ea579f,"public String without2(String str) +{ + int len = str.length(); + + if(len >= 3) + + return str.substring(1, len-1); + + return """"; +} +" +92a9467429fd010c8dcfb9f8d33fb0977ecc9a1f,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str - (str.length() - 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +42c77a50626289a8dc8ed31ced38302906695445,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str - (str.length() - 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +6e1efc2a9fe39260e262c7fb774ba7c573957868,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2).equals(str.substring((str.length()-2)))) + return str.substring(2,str.length()); + return str; + +} +" +fac435773e280e9712dfde841a9aaac7b2f7e078,"public String without2(String str) +{ + if (str.substring(0,2) == str.substring(str.length() - 2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +b59364e4495c065ad304fe67fe69142c08a9c22b,"public String without2(String str) +{ + int len = str.length(); + + if(len >= 2) + + { + + if(str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2); + + else + + return str; + + } + + else + + return str; +} +" +4548a8e42f42fc22de2ac558838816ef0346ea51,"public String without2(String str) + { + int x= str.length(); + + if (x < 2) + { + return str; +} + + if (x == 2) +{ + return """"; +} + + else { + if (str.substring(0,2).equals(str.substring(x-2, x))) + return str.substring(2,x); + else return str;" +87c1e0bd65c7b62425e9cb5cb2e0cb5cd84679e8,"public String without2(String str) + { + int x= str.length(); + + if (x < 2) + { + return str; +} + + if (x == 2) +{ + return """"; +} + + else { + if (str.substring(0,2).equals(str.substring(x-2, x))) + return str.substring(2,x); + else return str; + } +}" +b05469b861f3470b31a1efac3c063ea9efb7d197,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.substring.length() - 2)) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +85d6587a02df6c8c23374a57922ded42b1d5619e,"public String without2(String str) + { + int x= str.length(); + + if (x < 2) + { + return str; +} + + if (x == 2) +{ + return """"; +} + + else { + if (str.substring(0,2).equals(str.substring(x-2, x))) + { + return str.substring(2,x); + } + + + else + { + return str; + } + } +}" +a79d07308bb1ef93ea7dceb1042c3b48c2f57a17,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.length() - 2)) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +571e9d26f943bcfb84fd956a71d14e652dc44084,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str - (str.length() - 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +c9c59d7355924df9c6ff81bded8268c8f443e83a,"public String without2(String str) { + int len = str.length(); + if (len == 2) + return """"; + if (len < 2) + return str; + else { + if (str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2,len); + else return str; + + } +}" +9f98cd5893ed8711953832332cb9e68381d2d182,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.substring(str.length() - 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +f4a5d07f90bf94cbf93993106a5d3fce8d99bbf5,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.substring(str.length() - 1))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +827de71e28b2c23036da41672a4afeb3fc2931e1,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.substring(str.length() - 3))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +2d6a186f234c7b762c9bf61c323b856e94c3e33d,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.substring(str.length() - 2))) + { + return (str.substring(2)); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +b122e25fa9fbbf312cf12b489d58c64d22bbf26d,"public String without2(String str) +{ + if (str.length() >= 2) + { + if (str.substring(0, 2) == (str.substring(str.length() - 2))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +df4cf60dd5dbd1cd68d2c04239d32da54613bfe0,"public String without2(String str) +{ +int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +a27ab51b59c8e2d762af6ad84bd67abf8c666afb,"public String without2(String str) +{ + int x = str.length() - 2; + if(str.length()<2&&str.substring(0,2) == str.substring(x)) + { + return str.substring(2) ; + } + else {return str;} +} +" +68313a30a268acc06a5480addc37bf6779d3333f,"public String without2(String str) +{ + int x = str.length() - 2; + if((str.length()<2) && (str.substring(0,2) == str.substring(x))) + { + return str.substring(2) ; + } + else {return str;} +} +" +4113027fd5865f55c63af672b725b36988669040,"public String without2(String str) +{ + int x = str.length() - 2; + if((str.length()>2) && (str.substring(0,2) == str.substring(x))) + { + return str.substring(2) ; + } + else {return str;} +} +" +18706e87d32bf18340bd3b031c62718fc1c10ec6,"public String without2(String str) +{ + int x = str.length() - 2; + if((str.length()>1) && (str.substring(0,2) == str.substring(x))) + { + return str.substring(2) ; + } + else {return str;} +} +" +b4db73284842b44fc9aed4842105c6686419c9ee,"public String without2(String str) +{ + int x = str.length() - 2; + if((str.length()>1) && (str.substring(0,2) == str.substring(x,x+1))) + { + return str.substring(2) ; + } + else {return str;} +} +" +2fa6ef8db795a84e494c24697c1b66c678e5ffeb,"public String without2(String str) +{ + int x = str.length() - 2; + if((str.length()>1) && (str.substring(0,2) == str.substring(x))) + { + return str.substring(2) ; + } + else {return str;} +} +" +2b2b94fd4455d92056841e4f1d4e15607b5ee603,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +583b32e818d3cbbabe4ab94e4d69ecc32b8c81ea,"public String without2(String str) +{ + if(str.subString(0,-2)==str.subString(str.length-1))return str.subString(2); + return str +} +" +c9311ca9b0430ce4e64f1e37e7ed55771b4b40b3,"public String without2(String str) +{ + if(str.subString(0,-2)==str.subString(str.length-1))return str.subString(2); + return str; +} +" +9580725e9f7a5eac95131f970b2f1e657e7ad0d8,"public String without2(String str) +{ + if(str.subString(0,-2)==str.substring(str.length-1))return str.substring(2); + return str; +} +" +a727bc3d827a504e4cc040568d3d6c4dce98eb7e,"public String without2(String str) +{ + if(str.substring(0,-2)==str.substring(str.length-1))return str.substring(2); + return str; +} +" +b1d3cc42d9a536a53ea8651166dbeeb796bf2f76,"public String without2(String str) +{ + if(str.substring(0,2)==str.substring(str.length()-1))return str.substring(2); + return str; +} +" +df1eb49b49c985b4bc514b7f02c59afe3d866e50,"public String without2(String str) +{ + if(str.substring(0,2)==str.substring(str.length()-2))return str.substring(2); + return str; +} +" +445c4ff4e585231122e00db580b229076a71f31e,"public String without2(String str) +{ + if(str.substring(0,3)==str.substring(str.length()-2))return str.substring(2); + return str; +} +" +ee61c501c55d1d275cbb20634627deebac102bb5,"public String without2(String str) +{ + if(str.substring(0,2)==str.substring(str.length()-3))return str.substring(2); + return str; +} +" +36bb05693f4fb0cbd0e74ef5748ae7058072ae0f,"public String without2(String str) +{ + if(str.substring(0,2)==str.substring(str.length()-2))return str.substring(2); + return str; +} +" +37cad31b0ea7242f75f06fac9f15d35b8aac20b9,"public String without2(String str) +{ + first = str[0:2]; + second = str[-2:]; + if (first == second) + { + return str[2:]; + } + else + return str; +} +" +c6863cfc84c6e75ec9dd43c75d268a23bc540047,"public String without2(String str) +{ + String first = str[0:2]; + String second = str[-2:]; + if (first == second) + { + return str[2:]; + } + else + return str; +} +" +6e690eca149c6a1a4f6d5f733e1bd237f8484e4e,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length-2)) { + return str.substring(2, str.length-2); + } else { + return str; + } +} +" +bef0434a1a2c6ec9296b1107944ee2bf789fabc6,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length-2))) { + return str.substring(2, str.length-2); + } else { + return str; + } +} +" +c12be47b33c0cab5e3b11827bc5130e067da9d29,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2))) { + return str.substring(2, str.length()-2); + } else { + return str; + } +} +" +d39f6ce8ff1d06b7544ba74bcc3765c19c43faa4,"public String without2(String str) +{ + if(str.substring(0,2).equals(str.substring(str.length()-2))) { + return str.substring(2); + } else { + return str; + } +} +" +11337d56ce0032eaed1ce9bba2a81e57c66c773b,"public String without2(String str) +{ + if (str.length() < 2) { + return str; + } if(str.substring(0,2).equals(str.substring(str.length()-2))) { + return str.substring(2); + } else { + return str; + } +} +" +f40d20d706082b798d8c8d8d1267d29cd8c4b4d9,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2,str.length()) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +d23996a0c63e7222dedf76687df92d36f7476cc4,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +e782e855c718d5d72eb1c47b31cc0c9050d6b269,"public String without2(String str) +{ + // Given a string, if a length 2 substring appears at both its beginning and end, +// return a string without the substring at the beginning, so ""HelloHe"" yields ""lloHe"". +// The substring may overlap with itself, so ""Hi"" yields """". Otherwise, return the original string unchanged. +public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +} +" +e280600ec1a5656aff1c6f8d9ed884386108d3dc," +public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +} +" +1cf45fe05aa0c126a5903e942af99536b83efcf7,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-1,str.length())) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +34bb4ed1bff505748e5e9fb0038b2085f1321542," +public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} + +" +d403be8e72c2c42ef491f6f19d4879822576f652,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2,str.length()-1)) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +a46caccb06bbd691c600bdf87460ef4eb8a1f642,"public String without2(String str) +{ + + if (str.substring(0,1) == str.substring(str.length()-2,str.length()-1)) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +2daf4a7d712e43088e935c18ace63479651187c4,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2, str.length()); + if (str.length()<1) + { + return str; + } + else if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +4efe0583a2041322823d508c2290202d28e986a5,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2,str.length())) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +3439df85f6a3cb6202308d6c6cc6e5ba86e33842,"public String without2(String str) +{ + def checkCharacters(a); + first = a[0:2]; + second = a[-2]; + + if (first == second) + { + return a[2] + } + else + { + return a + } +} +" +20b53391976dc490065db037819291b42ba549fc,"public String without2(String str) +{ + if (str.length() >= 2) + { + if(str.substring(0,2) == str.sbustring(str.length()-2, str.length())) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +92d070118e9c4fcd298f939c0abce0fb1e78cce8,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +7e48ce7a2fea15a4a1da0c6037add510d03d02fe,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2)) + { + str = str.substring(2,str.length()); + } + else + { + str = str; + } + return str; +} +" +f0c0a6b4da9664cc083d084bc02979322fa9d37d,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2)) + { + str = str.substring(2); + } + else + { + str = str; + } + return str; +} +" +526a1e1518ac4dd4b2e2ea77658c05edbf43b923,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2); + if (str.length()<=1) + { + return str; + } + else if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +b941fcc44e900d69f257b587a1bf461ea409c066,"public String without2(String str) +{ +if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + } +} +" +ea41d236a5a0551bee9a30cab212aaf52a1cf3b1,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-1)) + { + str = str.substring(2); + } + else + { + str = str; + } + return str; +} +" +26633000e2435da554dd27e4ea5feb00f228a155,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2)) + { + str = str.substring(2); + } + else + { + str = str; + } + return str; +} +" +922339c8faa0862ba571603c18b5f1f811bb1348,"public String without2(String str) +{ + if (str.length() >= 2) + { + if(str.substring(0,2) == str.sbustring(str.length()-2, str.length()) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +fb6d3a9b179461c5660b64d16c5c1d5c49873bd3,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; +} +" +14f0c69d6a9c8a0e983b552403202c1742ee5aef,"public String without2(String str) +{ + int length = str.length(); + if (str.length() >= 2) + { + if(str.substring(0,2) == str.sbustring(length-2,length)) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +68855f0346744d163b345c837398a3d593194336,"public String without2(String str) +{ + int length = str.length(); + if (str.length() >= 2) + { + if(str.substring(0,2).equals(str.sbustring(length-2,length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +02ddb0d914009cba552b1d6e28486b9cc481fba2,"public String without2(String str) +{ + if (str.length() ==2) + { + return """"; + } + + else if (str.length() < 2) + { + return str; + } + + else if (str.substring(0,2).equals(str.substring(len-2, len))) + { + return str.substring(2,len); + } + + else + { + return str; + } +} +" +3790c11923fb3edf6e3c4e1f7bf021bf010a83d2,"public String without2(String str) +{ + int length = str.length(); + if (str.length() >= 2) + { + if(str.substring(0,2).equals(str.subtring(length-2,length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +0069382ae8670371eaf82b65fa1cf25897a8f7c8,"public String without2(String str) +{ + int z = str.length() + if (z ==2) + { + return """"; + } + + else if (z < 2) + { + return str; + } + + else if (str.substring(0,2).equals(str.substring(z-2, z))) + { + return str.substring(2,z); + } + + else + { + return str; + } +} +" +08a1fc85b9ee330fd827bb403dcb179eed1242de,"public String without2(String str) +{ + int length = str.length(); + if (str.length() >= 2) + { + if(str.substring(0,2) == (str.subtring(length-2,length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +a0797f558e1126fc1afdefd0174fca5ccbf685be,"public String without2(String str) +{ + int z = str.length(); + if (z ==2) + { + return """"; + } + + else if (z < 2) + { + return str; + } + + else if (str.substring(0,2).equals(str.substring(z-2, z))) + { + return str.substring(2,z); + } + + else + { + return str; + } +} +" +8f156230235cbe3d1a8ba374915cc54eed1bdbb9,"public String without2(String str) +{ + int length = str.length(); + if (str.length() >= 2) + { + if(str.substring(0,2).equals(str.substring(length-2,length))) + { + return str.substring(2); + } + else + { + return str; + } + } + else + { + return str; + } +} +" +81c5e5fe6c3235a0154fe9403df772ccb0c29927,"public String without2(String str) +{ + + if (str.substring(0,3) == str.substring(str.length()-2)) + { + str = str.substring(2); + } + else + { + str = str; + } + return str; +} +" +bd4d03fee037ec5f53c0332cb7c665484f9f4be2,"public String without2(String str) +{ + + if (str.substring(0,2) == str.substring(str.length()-2)) + { + str = str.substring(2); + } + else + { + str = str; + } + return str; +} +" +bb1346f6117868de8ece8a4b77b8dc0700c2346c,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + char ch = str.charAt(0); + StringBuilder stbuild = new StringBuilder(len); + if(ch != 'x') + stbuild.append(ch); + ch = str.charAt(1); + if(ch != 'x') + stbuild.append(ch); + stbuild.append(str.substring(2)); + return stbuild.toString(); + } + else if(len == 1 && str.charAt(0) == 'x') + return """"; + else + return str; +} +" +92bb112f5a101a8168eb399bcdad78781dbd9c7d,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +8eaab3b50a898e8d54e5340698ef91d838a0ef4f,"public String without2(String str) +{ + if (str.length() >= 2) + { + String front = str.substring(0, 2); + return front; + } + return str; +} +" +3f8a83af55cf3476e882be61bc81d51f2985ec27,"public String without2(String str) +{ + leng = str.length(); + fir = leng - 1; + sec = leng - 3; + + if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,sec); + } + else + { + return str; + } +} +" +d40073dceb38d9c73db2cc4c1c3de91d1d117a22,"public String without2(String str) +{ + int leng = str.length(); + int fir = leng - 1; + int sec = leng - 3; + + if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,sec); + } + else + { + return str; + } +} +" +df08374eb57810a15e06ea6787935d4c35fe4f44,"public String without2(String str) +{ + int leng = str.length(); + int fir = leng-1; + + if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,fir); + } + else + { + return str; + } +} +" +14a5386c0d8f0a4ef689135961d8ad7d5742cc69,"public String without2(String str) +{ + if (str.length() >= 2 + && str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; +} +" +554e157a3d5ff546cc41952bb202df6527bfca43,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 3; + int fir = leng - 1; + + if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,fir); + } + else + { + return str; + } +} +" +34f768049c3ca7af0f3fdffc2887c96615ee6864,"public String without2(String str) +{ + String name = str; + + int length = str.length() + String part = name.substring(length-2); + String part2 = name.substring(0,3) + if (part == part2) + String part3 = name.substring(2,length-1) + return part3; +} +" +0305e9578112cd1118335eb17d3b8f8efd9bc116,"public String without2(String str) +{ + String name = str; + + int length = str.length(); + String part = name.substring(length-2); + String part2 = name.substring(0,3); + if (part == part2) + String part3 = name.substring(2,length-1); + return part3; +} +" +8fa72f6a9a76fd822763f0c47005505b832bba3f,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, length - 2); + String end = str.substring (length - 2, length); + if (front.equals(end)) + return middle + end; + +} +" +22812ace496c37f18026afba0d2c4c96732df9d1,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 3; + int fir = leng - 1; + if ( str.length() <= 2) + { + return """"; + } + if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,fir); + } + else + { + return str; + } +} +" +832b8d7724f0f9534af0da5e66c0d2d3ae33565f,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, Length - 2); + String end = str.substring (length - 2, length); + if (front.equals(end)) + return middle + end; + +} +" +5b232c968638bd0aa6359f60578ba350ffeddcbe,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, Length - 2); + String end = str.substring (length - 2, length); + if (front.equals(end)) + return middle + end; + +} +" +9ff8a8328c0126db6f3ce2722353c5a6bd90d182,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 3; + int fir = leng - 1; + if ( str.length() <= 2) + { + return """"; + } + else if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,fir); + } + else + { + return str; + } +} +" +56883f6e015365514fe15c7e24417585775b2502,"public String without2(String str) +{ + return str.substring(1, str.length() - 1); +} +" +f1015ad1482af821eeb2600ee5cfe431a62081ab,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 3; + int fir = leng - 1; + if ( str.length() <= 1) + { + return str; + } + else if (str.length() <= 2) + { + return """"; + } + else if ( str.substring(0, 2) == str.substring(sec,fir)) + { + return str.substring(2,fir); + } + else + { + return str; + } +} +" +4fde252558c96c78ce6c94d9b1d57105bc4bf176,"public String without2(String str) +{ +public String without2(String str) { + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; + } +} +" +4d819818a7f1a61a7bec1e07276acaf14655a662,"public String without2(String str) +{ + if(str.length() >= 2 && + str.substring(0, 2).equals(str.substring(str.length() - 2)) + { + return str.substring(2); + } + + return str; +} +" +b09fed961ea86e11e5f72dbc89a9d8eb15b07120,"public String without2(String str) +{ + if(str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) + { + return str.substring(2); + } + + return str; +} +" +c29ffea3c6aa5f4cf94d3ad99b54af347ee34c2c,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0,2).equals(str.substring(str.length() - 2))) + { + return str.substring(2, str.length()); + } + return str; + +} +" +ef709c3d2ec14e7149051ecc8c31cc060e8404a6,"public String without2(String str) +{ + if (str.length() >= 2) + String first = str.substring(0,2); + return first; + else + return str; +} +" +5149c8e09c61c7caeebdaf2882fa81d2186389af,"public String without2(String str) +{ + if (str.length() >= 2) + { + String first = str.substring(0,2); + return first; + } + else + { + return str; + } +} +" +154a5b4dfb711e3ccc740c41900227a3eb838e5f,"public String without2(String str) +{ + if (str.length() >= 2) + { + String first = str.substring(0, 2); + return first; + } + else + { + return str; + } +} +" +64c301fde10c670f37e64e91910087cd3835a3da,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 2; + if ( str.length() <= 1) + { + return str; + } + else if (str.length() <= 2) + { + return """"; + } + else if ( str.substring(0, 2) == str.substring(sec)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +d9ae5d9fd232bda3164e39ea1250ca4fd049b96d,"public String without2(String str) +{ + int leng = str.length(); 7 + int sec = leng - 2; + if ( str.length() <= 1) + { + return str; + } + else if (str.length() <= 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(sec)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +11b20134a503389f9be3ce71b104c16040d68070,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 2; + if ( str.length() <= 1) + { + return str; + } + else if (str.length() <= 2) + { + return """"; + } + else if (str.substring(0, 2) == str.substring(sec)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +4e32701ead5f35ff87753d472ed94e837a01620f,"public String without2(String str) +{ + int leng = str.length(); + int sec = leng - 2; + String string1 = str.substring(0,2); + String string2 = str.substring(sec); + if ( str.length() <= 1) + { + return str; + } + else if (str.length() <= 2) + { + return """"; + } + else if (string1.equals(string2)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +78eeddba5cd0a421afe76a0f99e80d29673f4f3f,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-3); + if (str.length()<=1) + { + return str; + } + else if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +e4e8b761ef2aac247b0ca6a59fa6e922e1a9f9e7,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2); + if (str.length()<=1) + { + return str; + } + else if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +24d791b40e58798942b176b98360db82d2017ec9,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2); + if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +e020c645efd1e57e20621ba6890ec6855a633b6e,"public String without2(String str) +{ + + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +3608231dff549a7b89487cad3c6c14efa9550140,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2); + if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str.substring(str.length()-2); + } +} +" +66b74d69ed9c68f12a236a36afbb7292d416ab27,"public String without2(String str) +{ + String s = str.substring(0, 2); + String st = str.substring(str.length()-2); + if(str.length()>1 && s.equals(st)) + { + return str.substring(2); + } + else + { + return str; + } +} +" +639357016bd625850a6145d647e30d5d6e58ee59,"public String without2(String str) +{ + int len = str.length(); + if(len >= 2) + { + if(str.substring(0,2).equals(str.substring(len-2, len))) + return str.substring(2); + else + return str; + } + else + return str; +} +" +7c63ca3c01d4d5509513a9450c534cf623890d37,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, 8); + String end = str.substring (6, 8); + if (front.equals(end)) + return middle + end; + +} +" +c19aa1db4a291db5029164821859302afc0cc779,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str;" +d0fa60c51c1c5580c07bf7890591af9a80d1a8d1,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, 8); + String end = str.substring (6, 8); + if (front.equals(end)) + return middle + end; + return str; + +} +" +df3afeac06e4cbd1fe0e6795eab7f1b4ce0b5400,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length() - 2))) { + return str.substring(2, str.length()); + } + return str; +}" +d70931abef625621df3b3d04eeef6097add4b93f,"public String without2(String str) +{ + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + +} +" +e2e9698cdee584c68f1d002c3522a3749bf0189f,"public String without2(String str) +{ + int len = str.length(); + + if (len == 2) + + return """"; + + if (len < 2) + + return str; + + else { + + if (str.substring(0,2).equals(str.substring(len-2, len))) + + return str.substring(2,len); + + else return str; + +}} +" +aefd940d6e27765ba4beea9826f22ca98cb53584,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, 7); + String end = str.substring (5, 7); + if (front.equals(end)) + return middle + end; + return str; + +} +" +0593cf077d0135d257944fcd00a23bcab2dae158,"public String without2(String str) +{ + if (str.length() >= 2 && str.substring(0, 2).equals(str.substring(str.length()-2))) + { + return str.substring(2, str.length()); + } + else + { + return str; + } +} +" +7a071d0bddd37d1b2a33952feea0ba3ba5d9034c,"public String without2(String str) +{ + String front = str.substring (0, 2); + String middle = str.substring (2, 5); + String end = str.substring (5, 7); + if (front.equals(end)) + return middle + end; + return str; + +} +" +d254fad4bf00f7c576e967e0656c5be91f292a43,"public String without2(String str) +{ + String name = ""Maria""; + String part = name.substring(2); + if (name.substring(1,2) = name.substring(4,5) + { + name = name - name.substring(2); + return name; + } + else + { + return name; + } +} +" +c11d1d686b5a970cf74ff0e5fd7d2577f4dd47e8,"public String without2(String str) +{ + string str = """"; +} +" +e18b483cc64d4c180605c6215e99ca460eeabffb,"public String without2(String str) +{ + String name = ""Maria""; + String part = name.substring(2); + if (name.substring(1,2) = name.substring(4,5)) + { + name = name - name.substring(2); + return name; + } + else + { + return name; + } +} +" +e368b2fd743f7efc0160caadd28b709394e39e44,"public String without2(String str) +{ + int str = """"; + if (str == 2) + { + return """"; + } + +} +" +1838e73487b2a0c3362c86ce9f050f4b4333c88e,"public String without2(String str) +{ + String name = ""Maria""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c = d) + { + name = name - name.substring(2); + return name; + } + else + { + return name; + } +} +" +a0a56eac44d93d8813092d18b0d0a464d024ecb6,"public String without2(String str) +{ + int chara = """"; + if (chara == 2) + { + return """"; + } + +} +" +aaf3db9b1258560796956b2e2daa5668bf720c10,"public String without2(String str) +{ + String name = ""Maria""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name - c; + return name; + } + else + { + return name; + } +} +" +ab83af1df36695692be5c0a8bff8843b78ebb2e6,"public String without2(String str) +{ + String name = ""Maria""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name.substring(2); + return name; + } + else + { + return name; + } +} +" +3e1d1bcea577f3a61f3dfcc79244b66887bfc56e,"public String without2(String str) +{ + String name = ""HelloHe""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name.substring(2); + return name; + } + else + { + return name; + } +} +" +6945ee88eabed350c4945c365a340348f60888b0,"public String without2(String str) +{ + String name = ""HelloHe""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name.substring(2, 7); + return name; + } + else + { + return name; + } +} +" +73e9423013adaffb27164d16dfc0a3f1480a2b77,"public String without2(String str) +{ + return Hi +} +" +7b2d1faacfe77202f39a24af5e3c72e55a8c863b,"public String without2(String str) +{ + String name = ""HelloHe""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name.substring(2, 7); + } + return name; +} +" +683283acd6ca597715dfe908f5266f765f66458d,"public String without2(String str) +{ + return Hi; +} +" +88aa6fe75d25e9157e109cd61814bc707c04a304,"public String without2(String str) +{ + return 'Hi'; +} +" +a07f104597b9b211e66d909068b9546c18a67bc0,"public String without2(String str) +{ + String name = ""HelloHe""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name.substring(3); + } + return name; +} +" +ee2947c531726b1469ae4e4126165d85b7b361e9,"public String without2(String str) +{ + int chara = str.length(); + if (chara == 2) + { + return """"; + } + if (chara < 2) + { + return chara; + } +} +" +9159ed3a588488a9c36c9f08fb173a8f47fc7481,"public String without2(String str) +{ + String name = ""HelloHe""; + String c = name.substring(1, 2); + String d = name.substring(4, 5); + if (c == d) + { + name = name.substring(5); + } + return name; +} +" +797048cfa2450e6788f259489a106037b7c8aafe,"public String without2(String str) +{ + int chara = str.length(); + if (chara == 2) + { + return """"; + } + if (chara < 2) + { + return str; + } +} +" +3d5341e35809c3e8d83bf2e18f604e1d8c1676fc,"public String without2(String str) +{ + int chara = str.length(); + if (chara == 2) + { + return """"; + } + if (chara < 2) + { + return str; + } + return str; +} +" +7c80a76b80c202ed375ee7f62fb116f25cdbb17e,"public String without2(String str) +{ + int chara = str.length(); + if (chara == 2) + { + return """"; + } + if (chara < 2) + { + return str; + } + if (str.substring(0,2).equals(str.substring(chara-2))) + { + return str.substring(2,chara); + } + return str; +} +" +3523754cb6392825169ce461d48842f9aeff435f,"public String without2(String str) +{ + int chara = str.length(); + if (chara < 2) + { + return str; + } + if (chara == 2) + { + return """"; + } + if (str.substring(0,2).equals(str.substring(chara-2))) + { + return str.substring(2,chara); + } + return str; +} +" +ae8b0d61bf68c9b27839e6ae2395732089b241d7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10); + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10); + { + return true; + } + else + { + return false; + } + } +} +" +f6335be8ca8779af631b1b059348f10fcf5a658e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +934bf3f0e7f8fc939adfa549a5fc789d797b3c76,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n<=10 && n>= 1 && outsideMode == false) + return true; + else if (n>=10 && n<= 1 && outsideMode == true) + return true; + else + return false; + +} +" +4a96f018a4be9ac5f8680ac3e19bda86f187cc45,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n<=10 && n>=1 && outsideMode == false) + return true; + else if (n>=10 && n<=1 && outsideMode == true) + return true; + else + return false; + +} +" +4d2e7a9f19eda34db2fd82bc95954c7d0a129a3d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n<=10 && n>=1 && outsideMode == false) + return true; + else if (n>=10 || n<=1 && outsideMode == true) + return true; + else + return false; + +} +" +6adbe234a6a460a9b18995216c638fbaecd71590,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n<=10 && n>=1 && outsideMode == false) + return true; + else if ((n>=10 || n<=1) && outsideMode == true) + return true; + else + return false; + +} +" +2f94ea6836f19b94c16fb75a87485da25153ccae,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n>= 10); + return (n >= 1 && n <= 10); +} +" +72bd5bbcec6b66e647a321aff516bacec1eaf3ca,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + if (!outsideMode) + if (n >=1 && n <= 10) + return true; + return false; + +} +" +0920c7a8599fc78e3ae563c15f721d4a2b0c5c88,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + while (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + return false; +} +" +51fd02ffd8c5cc67e85240b60509c679c0e0643a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + return false; +} +" +b2987516e5109dbb2d72a1cb2ca181e10cea4ba7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +0019742bc6d3ba6869c1143654d27ace9be938fd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +e2e6b1f62ce00fd493d10a087eaf497079c24357,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +0fe6a10c6f3a62ddf2731f7a0ecbe28cebc271ad,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == false && (n >= 1 && n <= 10)){ + return true; + }else if (outsideMode == true && (n <= 1 || n >= 10)){ + return true; + }else{ + return false; + } +} +" +a73219d03e3f4e527d59bdfcec149d554aa98979,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n>= 10); + else + return (n >= 1 || n<= 10); +} +" +c3068a120590f403fef689b53d04a9456818f68d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 || n <= 10); +} +" +14ae40b05169901d1d565d3188241d1bac7be172,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); +} +" +36d5ed48aee4a5e141da2637270cd93edae3855c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 10 || n <= 1) + { + return true; + } + else + { + return false; + } + + } + else + { + if (n <= 10 && n >= 1) + { + return true; + } + else + { + return false; + } + } +} +" +bf7a2bba9dbc410dd653796ad1ecf6154444c59b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } +} +" +df0a294b68eac5059f095ccb4d6f51f23c4a4afa,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + + else + { + return false; + } + + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true + } + } + + return false; +} +" +8d260b8ab13988585b2c5c483d50d2c50446a97a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + + else + { + return false; + } + + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } + + return false; +} +" +0f5bfe69bd10c816acabad78eeab1be6efbdb48a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + + else + { + return false; + } + + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } + + return false; +} +" +356c7443964e664d28bb39219c586efc2445bbe6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + + else + { + return false; + } + + if(outsideMode) + { + if(n<=1 || n>=10) + { + return true; + } + } + + return false; +} +" +c45f4a807c2cf51753e03dcacf97a8296826433c,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } + + else if(n>=1 && n<=10) + { + return true; + } +} +" +3911a69b20491c67bf51778ce574c10e0a1a2a9a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } + + else if(n>=1 && n<=10) + { + return true; + } + + return false; +} +" +118ef3035a997345fee04a401ec3b5cdf14b9c6c,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +476f13e5bdf2a25e9ca88a20621f0a24db90ea57,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n >= 1 && n <= 10) + return false; + else + return true; + else + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +98452d5ed322f2bc21dbcdce2e2dc70c9670f923,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n > 1 && n < 10) + return false; + else + return true; + else + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +e6830918046ffeb05a06aa7d24b485cb157afe6d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if(n <= 1 || n >= 10) + return true; + return false; + } + + else if (n >=1 && n <=10) + return true; +} +" +2ddaac91324d1063ebda0aea01a8375e5e1b68c4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if(n <= 1 || n >= 10) + return true; + return false; + } + + else if (n >=1 && n <=10) + return true; + else + return false; +} +" +f0c6860630c477552de4e7df4181c8bca588b1c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +a59be1394ca1e81a73a19efa57dda851fbb5ec94,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +75a9ea65ba6c9c1117e46250a792f00de676a0ab,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + else + { + if (n >= 1 && n <= 10) + return true; + } + return false; +} +" +778a94e3ee3d51f9c3fb5808e7f308aa7b976751,"public boolean in1To10(int n, boolean outsideMode) +{ + a=n +if outside_mode: + if a> =10: + return outside_mode + if a<=10: + return outside_mode +} +" +7475df148f53281dfb33f71306e4ab7be668428e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if (outsideMode) + return true; +} +" +05f4432d654fc2bb57dd2d01b183783409e2a919,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if (outsideMode) + return true; + else + return false; +} +" +5b85813e04bc9d5555cc2f9c56b6fb2a736d8778,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +50729383e8101a87f1b5757200a4366fd64e6667,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +a3107f4bbb5739876b7c51a6bb530210a700be4d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return false; + } + if (n > 0 && n < 11) + { + return true; + } +} +" +aa0fc5ca85bb013e5662a02d23898d42a138874c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return false; + } + if (n > 0 && n < 11) + { + return true; + } + +" +53a16cb83f3d51e2c14d2d8bcc0abcdc4d090f28,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return false; + } + if (n > 0 && n < 11) + { + return true; + } + } + +" +e4d07fd58173c0d19a06691c515f132defbf32a0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return false; + } + if (n > 0 && n < 11) + { + return true; + } + } +} + +" +3a714da2569b0c9603b4040487642d3986d3b926,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return false; + } + if (n > 0 && n < 11) + { + return true; + } + } + return false; +} + +" +4b541a0f878f355bbde17589d2e1610c0eda9108,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n < 11) + { + return true; + } + } + return false; +} + +" +3d4ada6846f662053afa9cfe517cff6e15e1ac19,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + return false; + } + +} +" +cb751f4a6a92f450125de11b0f5c65211eb5800e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + else + { + return false; + } + +} +" +8e28078ffb2eee5f639bd16ff78349008a8b675e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n < 11) + { + return true; + } + return false; + } + return false; +} + +" +3c885d3719a0285fe79c794dafe0dbb2d89b7e4a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +5b1bc85e9b94cec845994977518105e0c20e8eca,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + return false; + +} +" +59b01e5e363d75f5ad429eb3ba48bf81645b866b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + return false; + } + return false; +} + +" +7a2b9b211d1975a4f988812ce78e30c0ce643fcc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + return false; + +} +" +b33bd5f7255059deb7b70cfcb1388df5e556de3a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + return false; + +} +" +7eb9be891fb277922368538b70504bd8260167b9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return false; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + return false; + +} +" +e531ae0c7541fb75383edd2870480bddf4c45c2b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 || n <= 10) + { + return true; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + return false; + +} +" +3f9a99f4822cd7f7d39a41a0d869753f643ba376,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + { + return true; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + return false; + +} +" +0e12bcece105ee151cce5345591000ae9185cd76,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + return false; + } + return false; +} + +" +80a7203b9ff21f72ecba365c66f77546ac82f46e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + { + return true; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + return true; + } + return false; + +} +" +c26fb6b9e155eacd3e165c50219629d10b538205,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + { + return true; + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + return true; + } + return true; + +} +" +a83c62b8c5e11fc747345f7627b46ec7df450848,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; +} + +" +78cf7d568ed0c82ba0162e9ff6d71ab80bde89dc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +70a4c19d10d2e266d311c249ddc10658bc1f3cf5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + } + else if + { + if (n <= 1 || n >= 10) + { + return true; + } + return true; + } + return true; + +} +" +422b3a94d7021ba237c10a4ef8fc332748ab1785,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + else if + { + if (n <= 1 || n >= 10) + { + return true; + } + return true; + } + return true; + +} +" +e53ce1eee6c79a2232d53c0ff4b401f2886f9b13,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + else if (n >= 1 || n <= 10) + { + return true; + +} +" +1bcde392cd107244ffa9bd80e494b96fcd912d1f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + else if (n >= 1 || n <= 10) + { + return true; + } + +} +" +d9122ae669e752045333d6082d94c7ad0b6fe304,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + else if (n >= 1 || n <= 10) + { + return true; + } + return false; + +} +" +d5e1e8dfdbe659612ba3c418464236ca90bf6ef6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } +} +" +a7b00944ae681592f5aa7c7223819a31fcc4b62e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +65bc45746a712c8d348bebde76886f8d1364aea2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + return true; + } + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } +} +" +3a02accb15b64c2bd8cd5c3198a9f2103d1882a8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + } + else if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + else + { + return false; + } +} +" +35fe76af608adc8cdbd38f396fda1c78a6cc2317,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +82abae242f5ca069e45d1959a06879c2049dd335,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + } + else if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + else + { + return true; + } +} +" +c7e36c28264e49425d22e7fb692895bab773bb23,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + } + else if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + else + { + return true; + } + return false; +} +" +c28b7c66470539f141dd5f61993df42619a41fdc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + else if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + } + else + { + return true; + } + return false; +} +" +ebecf64d63bdbc73d87eb32ba592ac9d6cbc4945,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +aaef8be7f855053b78b9c4ea8854214528926dfb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 && n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +ea028edc5c5b664c73674f6f2e2a1ac202d76d9a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +ecab44136fb243b106b742a3020718651df1d2fe,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + (n <= 1 || n >= 10) + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +682df09e2bb0b6969705294c713a860c67819336,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + else if (outsideMode = true) + { + if (n >= 1 || n <= 10) + { + return false; + } + } + return false; +} +" +8676e86c2fd84e9ed781dd5037d2f6131016f590,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + (n <= 1 || n >= 10); + { + return true; + } + else if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +4d43635d041131b8a419ab0c07d51f7e0fd679d9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + return false; +} + +" +c7db98fe1ad6942369088403a170acb0381554fc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return false; + } + return false; + } + + + +" +6f413f1df6e31f21c26a2fd385bb12f998f13afd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return false; + } + else if ( n > 10) + { + return false; + } + return false; + } + + + +" +6da0c90257adde65eb2d3a647d2258b354ed89ee,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return false; + } + else if ( n > 10) + { + return true; + } + return false; + } + + + +" +c1075f8d0f743ebb6708dabae8727dd3aa175758,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + while (outisdeMode = true) + { + if (n <=1 || n >= 10) + { + return false; + } + } +} +" +e000e61889a2dd1d78dea92148bcb0cea7909aaa,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + while (outsideMode = true) + { + if (n <=1 || n >= 10) + { + return false; + } + } +} +" +a228360158a96d181359ec77dceacb2b3b23f184,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + while (outsideMode = true) + { + if (n <=1 || n >= 10) + { + return false; + } + } + return false; +} +" +34a79c805098be37f8bcecd98eb3b2a1118d1e95,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return false; + } + else if ( n > 10) + { + return false; + } + return true; + } + + + +" +f641d5faabe57067a723d698e72bb58d0936c3d3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return false; + } + else if ( n > 10) + { + return true; + } + return true; + } + + + +" +58bd81c87894aa46e2bdf875483e199331167458,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + if (outsideMode = true) + { + if (n <=1 || n >= 10) + { + return false; + } + } + return false; +} +" +9f27ec459499725b747ed4708e4af52afb9eab5f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = false) + { + if (n >= 1 || n <= 10) + { + return true; + } + } + if (outsideMode = true) + { + if (n <=1 || n >= 10) + { + return false; + } + } + return true; +} +" +94ffbef10cb8257b68159388d434c7fd904aa826,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + return true; + } + else if(n <= 1 || n >= 10) + { + return true; + } + if (n > 0 && n <= 10) + { + return true; + } + else if ( n > 10) + { + return true; + } + return true; + } + + + +" +1d4cf9bfe5977df04982819ea46f5e98f66adc20,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10) + } + return false +} + + + +" +908e33dd34c376d41469c217f1dd14063e12a3b9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + return false +} + + + +" +30478b6e0c3d167e98a41e9ae902c3c89786e757,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + return false; +} + + + +" +3706dea0095c7e1d84d120677d8fe9b8e94d3a54,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return n <= 1 || n >= 10; + + } + return n >= 1 || n <= 10; +} +" +bbfeaf560a0e316c3054dac1b961de31083c2e65,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return n <= 1 || n >= 10; + + } + return n >= 1 && n <= 10; +} +" +b8130e79434894499917eab15a4ed741c7eaafb1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + return n >= 1 && n <= 10; +} + + + +" +d621b2903eeec099394a8e047cfde240b7a7ef6f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean inside = ((n >= 1)&&(n <= 10)); + if (outsideMode && !inside){ + return true; + } + else if (!outsideMode && inside){ + return true; + } + else { + return false; + } + +} +" +3b0cd71096a60d7b6fe037d256d0623b494947f9,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean inside = ((n >= 1)&&(n <= 10)); + boolean outside = ((n <= 1) || (n >= 10)) + if (outsideMode && outside){ + return true; + } + else if (!outsideMode && inside){ + return true; + } + else { + return false; + } + +} +" +b8d3781b27b05e88706393f0d10ed65da04a944a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean inside = ((n >= 1)&&(n <= 10)); + boolean outside = ((n <= 1) || (n >= 10)); + if (outsideMode && outside){ + return true; + } + else if (!outsideMode && inside){ + return true; + } + else { + return false; + } + +} +" +580db77e6ed21b31f420fd10a2e9043f4cb620eb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +8ffdfd954ff799e2c366539e210304c05d7bcf3a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + + else + { + return false; + } + } + + if (outsideMode == true) + { + if ( n <= 1 || n >= 10) + { + return true + } + + else + { + return false + } + } + +} +" +2d2cddc2b0757bcfb69cef1b4a8f432b70f48ac0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + + else + { + return false; + } + } + + if (outsideMode == true) + { + if ( n <= 1 || n >= 10) + { + return true; + } + + else + { + return false; + } + } + +} +" +4bd1634b2f5e98cf1577fffc4dc751eff3d99f60,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + + else + { + return false; + } + } + + if (outsideMode == true) + { + if ( n <= 1 || n >= 10) + { + return true; + } + + else + { + return false; + } + } + + return true +} +" +2292e4da78a828a7d7dc69e0e35d050711c3e081,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + + else + { + return false; + } + } + + if (outsideMode == true) + { + if ( n <= 1 || n >= 10) + { + return true; + } + + else + { + return false; + } + } + + return true; +} +" +4cc654028c8bfa8b756eab034a87749f58ef7aa3,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean m = false; + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + m = true; + } + } + else if (n >= 1 && n <= 10) + { + m = true; + } + return m; +} +" +4ba46181a66bb2f3cf45d38876db8736b1ebda46,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n >= 1 && n<=10 && !outsideMode) || (n > 10 || n < 1 && outsideMode)); +} +" +58ddb649d640f29ab7baea8357ce5b35a6067116,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n >= 1 && n<=10 && !outsideMode) || (n > 10 || n < 1 && outsideMode)); + + if (n >= 1 && n<=10 && !outsideMode) { + return true; + } else if (n > 10 || n < 1 && outsideMode) { + return true; + } else { + return false; + } + +} +" +71a0fae899708609280c060391c8bd640cff77c9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<=10 && !outsideMode) { + return true; + } else if (n > 10 || n < 1 && outsideMode) { + return true; + } else { + return false; + } + +} +" +e629507bedbd49c06088b3661cef3050578dc7ed,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<=10 && !outsideMode) { + return true; + } else if ((n > 10 || n < 1) && outsideMode) { + return true; + } else { + return false; + } + +} +" +11e8e50deb0b406767730efc5e55e4398a38c511,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 1 && n<=10 && !outsideMode) { + return true; + } else if ((n > 10 || n <= 1) && outsideMode) { + return true; + } else { + return false; + } + +} +" +3f6dfcfd185a054233f6c56adefbf1d7a2527572,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<=10 && !outsideMode) { + return true; + } else if ((n > 10 || n <= 1) && outsideMode) { + return true; + } else { + return false; + } + +} +" +34460edd66462afc42121656d6bae494e2503c82,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<=10 && !outsideMode) { + return true; + } else if ((n > 10 || n < 1) && outsideMode) { + return true; + } else { + return false; + } + +} +" +271a419c16f3aae9f230081aecbe8307b14bb66b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<=10 && !outsideMode) { + return true; + } else if ((n > 10 || n <= 1) && outsideMode) { + return true; + } else { + return false; + } + +} +" +aa5f27071a6f54c61a0fb779515e77d48a68e4d6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 1 && n<=10 && !outsideMode) { + return true; + } else if ((n > 10 || n <= 1) && outsideMode) { + return true; + } else { + return false; + } + +} +" +c837bca73c88a949c8e47c6b650669ef187886d6,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n>=1 && n<=10 && !outsideMode) || (n<1 && n>10 && outsideMode)); +} +" +2ae37b69cfd61aa2d3f8d66c6f06f60e0d713463,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n>=1 && n<=10 && !outsideMode) || ((n<1 || n>10) && outsideMode)); +} +" +467819f8e5696936c28c4059993e6910ddcdc4f5,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n>=1 && n<=10 && !outsideMode) || ((n<=1 || n>=10) && outsideMode)); +} +" +d3bea2f4471798227a90520513c80bf95bb1ae86,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + return true; + + + +} +" +7fc2eb6cd7f33d795adcf568935dc7143d226db6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else (n >= 1 && n <= 10) + return true; + + + +} +" +787eeb9422524e82e1cf00bce047ab507d4fba27,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + + + +} +" +007ffee796cc92119da8e992252cf6e21533b8d4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + return true; + else + false; + + + +} +" +57314270fa8aa0aadbe4ef3c0baa5dd689919f21,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + return true; + else + + + +} +" +3c319141f8dbeb28bbf9631621e6a5b249ec89d8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + if (n >= 1 && n <= 10) + return true; +}" +d58a236aa194a5ba368a7453cc07ffc4085a1f50,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + if (n >= 1 && n <= 10) + { + return true; + } +}" +ad5b6c7f4dedea28a744b0543af1ad2aa89691f9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } +}" +ae70024a99dea2efffcc30493cfc36b0651c5834,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + return true; +}" +898a0811780b5e39f29b699bee8a3244e62f2294,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else(n >= 1 && n <= 10) + return true; +}" +06868c8f48cfc66c4fbd55c0d1267b4935297d8f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if(n >= 1 && n <= 10) + return true; +}" +425524fafc4ccb6808e6397fadc6de3cfad2fc6f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if(n >= 1 && n <= 10) + return true; +}" +ed4f66082340615457dc2396d13e452a338de314,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + return true; + if (outsideMode) && (n <= 1 && n >= 10) + return true; +}" +47d7cd7bb6378f0a803de0339d0fa6bde6633ac2,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + return true; + else if (outsideMode) && (n <= 1 && n >= 10) + return true; +}" +58e727191be244e403a8b45f65906e21d3695115,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + return true; + else (outsideMode) && (n <= 1 && n >= 10) + return true; +}" +56ff20ce55c1df177dc6c9bc6478e6cdd4b22f8e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + return true; + elseif (outsideMode) && (n <= 1 && n >= 10) + return true; +}" +5cb09489904c6836fd2e312671b6fe4d9bf78a15,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + { + return true; + } + if(outsideMode) && (n <= 1 && n >= 10) + { + return true; + } +}" +e26d265e2bfd14af0f247d818dfe33146f3aec2a,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + { + return true; + } + if (outsideMode) && (n <= 1 && n >= 10) + { + return true; + } +}" +23db0a3cbbfce37b0a1ea3fe696e8dda35cfb1a4,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + { + return true; + } + if ((outsideMode) && (n <= 1 && n >= 10)) + { + return true; + } +}" +00d3591b1f169355a4c14f99c7867a78e2a4cab4,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((!outsideMode) && (n >= 1 && n <= 10)) + return true; + if ((outsideMode) && (n <= 1 && n >= 10)) + return true; +}" +ca9372be994b5d049e55c4fb7f6e98a21261d9ec,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + + + return true; + } + else + { + + return false; + + } + + } else { + + if (n <= 1 || n >= 10) { + + return true; + + } else { + + return false; + + } + } + +} +" +95805cb52e2fabbed7920d809d44c63d8833ef74,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >10) + { + return true; + } + } + if (n >=1 || n <=10) + { + return true; + } + else + { + return false; + } + +} +" +8133424c7c9252ec4fe02eec3a91ae31f40523e3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + else if (n >=1 || n <=10) + { + return true; + } + else + { + return false; + } + +} +" +3d7b33fbdef2d6fb1b813eaa16330ca625e7b4c6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + if (!outsideMode) + { + if (n >=1 || n <=10) + { + return true; + } + } + else + { + return false; + } + +} +" +486e81410774bd579164baebc6676b44ed9f139a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + if (!outsideMode) + { + if (n >=1 || n <=10) + { + return true; + } + } + else + { + return false; + } + +} +" +2da601181edb6f0901d926f3ae16c6a5193ce417,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + if (!outsideMode) + { + if (n >=1 || n <=10) + { + return true; + } + } + return false; + +} +" +96bd15ab4b8f64fa1b54749ca361a658ac063b36,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + if (!outsideMode) + { + if (n >=1 || n <=10) + { + return true; + } + else + { + return false; + } + } +} +" +4cd7e979fd7090922e33fe98ab77515a59528e6f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + if (!outsideMode) + { + if (n >=1 || n <=10) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +1814a88efa94017176d27d7674a381b710bdf3c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <=1 || n >=10); + } + if (!outsideMode) + { + return (n >=1 || n <=10); + } + return false; +} +" +99bd870b19a65bcbaebfd94474b9200cd3d1e5ec,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <=1 || n >=10); + } + if (!outsideMode) + { + return (n >=1 && n <=10); + } + return false; +} +" +f574f5e4a9617c99a38fbe6dbde87a095b718b87,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if n =10 + return True; + else + return False; + } + else + { + if n >=1 and n <=10: + return True, + else + return False + } +} +" +dccb720edb9ad64f08c3d5aab9d2738eda1127a0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if n =10 + return True; + else + return False; + } + else + { + if n >=1 and n <=10: + return True; + else + return False; + } +} +" +494b05feec0d33e4dac1e6dccd00f5017a3fb090,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n =10) + return True; + else + return False; + } + else + { + if (n >=1 and n <=10) + return True; + else + return False; + } +} +" +f5b8489e326a757ef39f6f70acefd02cd71ae77a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 10) + return True; + else + return False; + } + else + { + if (n >=1 && n <=10) + return True; + else + return False; + } +} +" +8cd876135438e59a43f03a9225d1b7ce31086852,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 10) + return true; + else + return false; + } + else + { + if (n >=1 && n <=10) + return true; + else + return false; + } +} +" +04cb16b8829f6f63123994aa2cc8f04806bc047e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + return false; + } + else + if (n <= 1 || n >= 10) + { + return true; + } + else + return false; +} +" +e34b60bca6098d0631b1f907e206585cb002f6ce,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == false && n >= 1 && n <= 10 ) + return true; + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + return true; + else return false; +} +" +5b9dc91031cfae9e21961f388bf9afc9d020f012,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + { + return false; + } + } + else if (1<=n<=10) + { + return true; + } + else + { + return false; + } +} +" +83ba3c6b53b65e9da74e596900ba4103804f42b7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + { + return false; + } + } + else if (1<=n||n<=10) + { + return true; + } + else + { + return false; + } +} +" +6880ee28cd9dd423e1624af6cb175d9fa9f1a8c8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + return true; + if (!outsideMode && (n >= 1 && n <= 10)) + return true; + return false; +} +" +580c01b1d5f58dd7542df081c4c519b238a25a7d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + + } + else if (1<=n||n<=10) + { + return true; + } + +} +" +4db4043050085b3756a58448f5f659e2143423d5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + return false; + + } + else if (1<=n||n<=10) + { + return true; + } + else + return false; + +} +" +4b6e72b58cb8043870d867a9513da3dfea31e3c4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + + + } + else if (1<=n||n<=10) + { + return true; + } + else + return false; + +} +" +2fb26ec66c925f978b0ea434526279ff2915564d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + { + return false; + } + + + } + else if (1<=n||n<=10) + { + return true; + } + else + return false; + +} +" +4b581b579c44edce892f09db400d21add37dd03d,"public boolean in1To10(int n, boolean outsideMode) +{ + if outsideMode + if (n >= 10 || n <= 1) + return true; + else + return false; + else + if (n > 0 && n < 11) + return true; + else + return false; +} +" +0690d6e27b5aaa1ba61da2391e090854475dd08e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n >= 10 || n <= 1) + return true; + else + return false; + else + if (n > 0 && n < 11) + return true; + else + return false; +} +" +4e30fdb828de3c03b29c4aaf79b922967ec5f971,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + { + return false; + } + + + } + else if (1<=n&&n<=10) + { + return true; + } + else + return false; + +} +" +a40ac88dbd92b59c6cc2ddfd597dac334d198f0d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n <= 1) && (n <= 10)) + { + return true; + } +} +" +0a35316912c90d5b0157ef1d101b27708ab6af33,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) || (n <= 10)) + { + return true; + } + else return false; + } + else + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else return false; + } +} +" +6d458930361f8103ba3c0dfaf3c7d6b043999f9e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + else return false; + } + else + { + if ((n <= 1) && (n >= 10)) + { + return true; + } + else return false; + } +} +" +4e23d4f6305b1e6940ff72e2256e7a0b6c5c6881,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + else return false; + } + else + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else return false; + } +} +" +86d7884723566cbbf74bc7f332bb1d715971b08e,"public boolean in1To10(int n, boolean outsideMode) { + if ( outsideMode == false && n >= 1 && n <= 10 ) + return true; + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + return true; + else return false; +}" +b8f88747f02bc25913b2f993e464995ca13bb641,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n == 1 || n == 10) + return true; + boolean included; + if(n>1 || n < 10) { + return true; + } + if(outsideMode) + included = !included +} +" +740b50867d2de81b71510100869d5c3a8fa38f41,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n == 1 || n == 10) + return true; + boolean included; + if(n>1 || n < 10) { + return true; + } + if(outsideMode) + included = !included; + + return included +} +" +5785e6b0d9eafe729e8125cf4cb1fa44de6caf24,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n == 1 || n == 10) + return true; + boolean included; + if(n>1 || n < 10) { + return true; + } + if(outsideMode) + included = !included; + + return included; +} +" +988328be61979993b74214f9b73e297e23ef0f71,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n == 1 || n == 10) + return true; + boolean included; + if(n>1 || n < 10) { + boolean = true; + } + if(outsideMode) + included = !included; + + return included; +} +" +1405e25e8c7c4b278e98ac0687e3e7a325184a6d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n == 1 || n == 10) + return true; + boolean included = false; + if(n>1 || n < 10) { + included = true; + } + if(outsideMode) + included = !included; + + return included; +} +" +bef46dc740f6d906f81c49fbb2de11b0879b58c5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n == 1 || n == 10) + return true; + boolean included = false; + if(n>1 && n < 10) { + included = true; + } + if(outsideMode) + included = !included; + + return included; +} +" +e60067bca7363425de0d11c6784feef966ae759e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +a4854d752c9a5951a6b93b5ffecfdbc96fb99b5d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (((n <= 1) || (n >= 10)) && outsideMode) + { + return true; + } + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } +} +" +01e56ea63317051b25438266d2375cdcfa766893,"public boolean in1To10(int n, boolean outsideMode) +{ + if (((n <= 1) || (n >= 10)) && outsideMode) + { + return true; + } + else if (outsideMode) + { + return false; + } + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } +} +" +e488304febbcfb2201091270f35d56718e98ff83,"public boolean in1To10(int n, boolean outsideMode) +{ + if (((n <= 1) || (n >= 10)) && outsideMode) + { + return true; + } + else if (outsideMode) + { + return true; + } + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } +} +" +7c403dd9c03eec083f291ac4e1f88d8e2e254906,"public boolean in1To10(int n, boolean outsideMode) +{ + if (((n <= 1) || (n >= 10)) && outsideMode) + { + return true; + } + else if (outsideMode) + { + return false; + } + else if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } +} +" +8ba8fb7d57161d4a8a3c6efdcf02b95aa893be88,"public boolean in1To10(int n, boolean outsideMode) +{ + if (((n <= 1) || (n >= 10)) && outsideMode) + { + return true; + } + else if (outsideMode) + { + return false; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +9846435ed191dcd8a0aa5d64388d4e83d8849ad0,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMore) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +8647166c52c2864a82c764968e1995d5432c700a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +537735cb60062eb471c830b79517c44776ee13c5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if ( n <= 1 || n >= 10) + return true; + else if ( n <= 10 && n >= 1) + return true; + else + return false; +} +" +788dd915ab77915d89fddca0cdd859890b6d3080,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ( n <= 1 || n >= 10) + return true; + } + else + { + if ( n <= 10 && n >= 1) + return true; + } + + else + { + return false; + } +} +" +7226bb0eab9cf332039f0c1f6b096158269c1b04,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ( n <= 1 || n >= 10) + return true; + } + + if + { + ( n <= 10 && n >= 1) + return true; + } + + else + { + return false; + } +} +" +6e94448562b2853ad595da621646620316952196,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ( n <= 1 || n >= 10) + return true; + } + + else + { + if ( n >= 1 && n <= 10) + return true; + else + return false; + } + +} +" +892853e45be706ee4f412aa58d6a41fdab863fc0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ( n <= 1 || n >= 10) + return true; + else + return false; + } + + else + { + if ( n >= 1 && n <= 10) + return true; + else + return false; + } + +} +" +ce5314f15888fc44350610f4855b1f8e19536887,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <=10) + return true; + else + return false; + else + if (n <=1 || n >=10) + return true; + else + return false; +} +" +8b8717cadb6fe35be3ee52b2f303c8f83aacce2d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 10 && n >= 1) { + return true; + } + else if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + return false; +} +" +4b9280bfe105cdaa5e415c2721560bece5d1bbfa,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + else if (n <= 10 && n >= 1) { + return true; + } + + return false; +} +" +4f78a5812614d7c35b0f27bf0ac0935da647051e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +efccf200594d17accddef15e6ec01c64938ac188,"public boolean in1To10(int n, boolean outsideMode) +{ + if(1 <= n && 10 >= n){ + return true; + } + if(outsideMode){ + if(n <= 1 || n >= 10){ + return true; + } + } +} +" +746f195bece322e5368bc41fc081c6f7eb47263b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(1 <= n && 10 >= n){ + return true; + } + if(outsideMode){ + if(n <= 1 || n >= 10){ + return true; + } + } + return(!outsideMode); +} +" +063b044f97e0ebd752cb38ab53bd29ea97cd11a5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(1 <= n && 10 >= n){ + return true; + } + else{ + return false; + } + if(outsideMode){ + if(n <= 1 || n >= 10){ + return true; + } + } + return(!outsideMode); +} +" +cc74cce76d3246e04c89080aba629825049d1f91,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode){ + if(1 <= n && 10 >= n){ + return true; + } + } + if(outsideMode){ + if(n <= 1 || n >= 10){ + return true; + } + } + return(!outsideMode); +} +" +5de11e74e1777c1d834236228630a68cd3932f10,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode){ + if(1 <= n && 10 >= n){ + return true; + } + else{ + return false; + } + } + if(outsideMode){ + if(n <= 1 || n >= 10){ + return true; + } + } + return(outsideMode); +} +" +2f3b56a3d5fc553b348634db12b6a1c0dcebc8b3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode){ + if(1 <= n && 10 >= n){ + return true; + } + else{ + return false; + } + } + if(outsideMode){ + if(n <= 1 || n >= 10){ + return true; + } + else{ + return false; + } + } + return(outsideMode); +} +" +45ae46c8b61ffbac44b90f0c2c71953209fc165f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n < 1 || n > 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +8952ca5e2023ac55d2663b42caf1d9c6fdca24e7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +479ce2a6b8f1bfbfa4fb3e830fc2534be4c88858,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +f241da5d50c75ccf67252e1af46755324d44fdd9,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean x; + if (outsideMode) + { + if (n >= 10 && n <= 1) + { + x = true; + } + else + { + x = false; + } + } + else if (n <= 10 && n >= 1) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +ff5df11b472a45bc8c6eb772fd73b4e9301fc280,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean x; + if (outsideMode) + { + if (n >= 10 || n <= 1) + { + x = true; + } + else + { + x = false; + } + } + else if (n <= 10 && n >= 1) + { + x = true; + } + else + { + x = false; + } + return x; +} +" +f7d5a23124fde0dd195e638cb38a4d0341efc805,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n>=1 && n<=10 && !outSideMode) + { + return true; + } + else + { + return false; + } +} +" +ed400b667c4ad78f4fba78a1dbe2665a4aaf4270,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n>=1 && n<=10 && !outsideMode) + { + return true; + } + else + { + return false; + } +} +" +79aec0485377eb48a5b73dff04c2a85d04418f9b,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n>=1 && n<=10 && !outsideMode || n<=1 && n>=10 && outsideMode) + { + return true; + } + else + { + return false; + } +} +" +6a5b3990d8f18026f6731fd1594412be91c77b40,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n>=1 && n<=10 && !outsideMode || (n<=1 || n>=10) && outsideMode) + { + return true; + } + else + { + return false; + } +} +" +bb675107efd03303474f7bd7bcce62a94f128030,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +f756eb6838c5e274e65056d6c43f02639f791e6f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 && n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +c8f38b62175d3f9d49c989fbfe321d8616425b21,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +d8ea42fba004290889a414d663da45a940c17825,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else if (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +44285c6e5e4c5e83c47686cacf15f020f3d3a04d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } + } +}" +92620c6a289730ef7969acd86217ac885fe4ddef,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else if + { + if (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } + } +}" +95b1d5a12fb7d9f95bd69d930042d47fc2db9a6e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } + } +}" +621124aa453c72c3572adc60de1974eb45e1f794,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +d80cacf3e4e185d360e08e32ba8e60d3954a29a1,"public boolean in1To10(int n, boolean outsideMode) +{ + return (n >= 1 && n <= 10); + if (outsideMode){ + return (n <= 1 || n >=10); + } +} +" +8532db5bfa1538e05d21b9de9127ad7787264d88,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (outsideMode){ + return (n <= 1 || n >=10); + } + return (n >= 1 && n <= 10); +} +" +6c2ccc6ed28f375ebe04c1eebaf7494a05559434,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n >= 1 && N <= 10) + { + return true; + } + else + { + return false; + } + + + } + else + { + if (n <= 1 && N >= 10) + { + return true; + } + else + { + return false; + } + + } + +} +" +751caf9d163616db0e4fd1c8428ed4c5db967e8a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n >= 1 && N <= 10) + { + return true; + } + else + { + return false; + } + + + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + + } + +} +" +95e57262bdf658ef9eb9eb2db731aecd2d096d5b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + + + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + + } + +} +" +bf700569fcaa73801346ca8625a065aa5a6297c4,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + + + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + + } + +} +" +60ec9a1fa34882f30877529886777355638398f4,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + + + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + + } + +} +" +1e5a56bf2c45d3800a1ed8f2b986c8b8478073f3,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker == true + } + } + else + if(n >= 1 && n <= 10) + { + checker == false + } + return checker; + +} +" +2c4277bd6e6d811c73dcb789e24bdfe8b74edcf3,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker == true; + } + + else + if(n >= 1 && n <= 10) + { + checker == false; + } + } + return checker; +} +" +69b0014ddfd18dc045f733a1e299f533ad37e9c6,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker = true; + } + + else + if(n >= 1 && n <= 10) + { + checker = false; + } + } + return checker; +} +" +5111cf985c4df63ecbf98c80a91105ac676db5a1,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker = true; + } + + else + if(n <= 1 && n >= 10) + { + checker = true; + } + } + return checker; +} +" +2087c0ba904bf5a7f6b622cc2f26e828bdef8f6f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker = true; + } + + else + if(n <= 1 || n >= 10) + { + checker = true; + } + } + return checker; +} +" +122ed5c8457bcc9ab653057bd878dcfa21560c12,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker = true; + } + + else + if(n >= 1 && n <= 10) + { + checker = false; + } + } + return checker; +} +" +112deec222412a3aaa27aa780655a82a3b306dca,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == false) + { + if(n >= 1 && n <= 10) + { + checker = true; + } + + else + if(n < 1 || n > 10) + { + checker = true; + } + } + return checker; +} +" +7fb8dc481e09cbb2de037b66ace504ab735f983b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean checker = false; + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + checker = true; + } + } + else + { + if (n >= 1 && n <= 10) + { + checker = true; + } + } + return checker; +} +" +6ae5a0012aeb02603047823b95c650d67edbce41,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + } + else if ((1 <= n) && (n <= 10)) + { + return true; + } + else + { + return false; + } +} +" +cfe771c7466b827a04f47dd7ca8d664a5ac5d905,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + } + else if ((1 <= n) && (n <= 10)) + { + return true; + } +} +" +f9342f7fa14466b1ca0c25b39362cfaa83ddfeb0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else + { + return false + } + } + else if ((1 <= n) && (n <= 10)) + { + return true; + } + else + { + return false + } +} +" +a908696488c52d3b6630297b49b33f447cebc84f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else + { + return false; + } + } + else if ((1 <= n) && (n <= 10)) + { + return true; + } + else + { + return false; + } +} +" +5524b9251f12e57429c58890a98e29f7a00c2ec1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + + return false; + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + + return false; + } +} +" +4982d253a572a92ffb35f8262f45003a49962552,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode){ + if (n <= 1 || n >= 10){ + return(true); + }else{ + return(false); + } + }else{ + if (n >= 1 && n <= 10){ + return(true); + }else{ + return(false); + } + } +} +" +66ca64ba1bc7f2a7f6451bbc7699f0d15ff382b9,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + else + { + if (n >= 1 && n <= 10) + { + result = true; + } + } + return result; +} +" +ce08bd86e727e3b12c386ff57c2eda8b56bdc718,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else(outsideMode && n<=1 && n>=10) + { + return true; + } + +} +" +7883a312a0b9291c12fd272ad5a03f86948bd255,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else(outsideMode && n<=1 && n>=10) + { + return true; + } + +} +" +4f957fc0806880930366c9882841b7fed9c96515,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (outsideMode && n<=1 && n>=10) + { + return true; + } + +} +" +9e2457d73c8acebe28089c78656bc823bfeb5695,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (outsideMode && n<=1 && n>=10) + { + return true; + } +} +" +8616ed12e9874daa7f2facef81cc702350d60c57,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (outsideMode && n<=1 && n>=10) + { + return true; + } +} +" +41c284e0b9339fe5a78b791b3064162d16ad06ac,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (outsideMode && n<=1 && n>=10) + { + return true; + } + return true; +} +" +75ef04fee81d63c474964b44b1d2382eef3c27d6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (outsideMode && n<=1 && n>=10) + { + return true; + } + return false; +} +" +efd950fc278f1cdf4bb727325c3afac29f1520b8,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (n<=1 && n>=10 && outsideMode ) + { + return true; + } + return false; +} +" +efdb96e0ef6122d324d54e0c8c82a8f2722e9fe4,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if (n<=1 && n>=10 && outsideMode ) + { + return true; + } + else if(n == 11 && outsideMode) + { + return true; + } + return false; +} +" +92f38932895be8263c1584152b87ece5ff9b9861,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10 && !outsideMode) + { + return true; + } + else if ((n<=1 && n>=10) && outsideMode ) + { + return true; + } + else if(n == 11 && outsideMode) + { + return true; + } + return false; +} +" +6760f6b974b3a0aee119cdb9dd3f57d3fd5f76d8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n < 2 | n > 9) + { + return true; + } + else + { + return false; + } + } + else + { + if (n > 0 & n < 11) + { + return true; + } + else + { + return false; + } + } +} +" +d6783e3bcb4a537ee533f7606105bde8d0a6f388,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + true + } + if(outsideMode == true) + { + if(n<=1 || n>=10) + } +} +" +7c14b9c23829656c8af0c76ee0f26321321868fb,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } +} +" +be3cbfd889d868bfefccf170adf7c26cac30fdd7,"public boolean in1To10(int n, boolean outsideMode) +{ + + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + if(n>=1 && n<=10) + { + return true; + } + } +} +" +eaa63a26109640215b5283665dd7a8a0043f9a05,"public boolean in1To10(int n, boolean outsideMode) +{ + + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + if(n>=1 && n<=10) + { + return true; + } + } + return false; +} +" +46ff0ec0436cda775df2091102289026b3747496,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + return false; + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } + return false; +} +" +66d8c152003009ddf86f9eaeb76891386f83d87d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + return false; + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } +} +" +6578234224fd0895b5233fa3ee473b9dc71e91cf,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + } + return false; +} +" +89ae3a4e903a8c4045dd056f769b461ed0df64da,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +d58a6eb69f0d5407a7b4126942877bac637675bb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +f8a70f7cd5125a0915a8308f7cef5ef3c6e2ee80,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n<=1 || n>=10) + return(n>1 && n<10) +} +" +c2f4317e13047861cb7bbd9c327e8b92af05f373,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n<=1 || n>=10); + return(n>1 && n<10); +} +" +faf3c40bb3a27e85afae10459c3683e225db8575,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n<=1 || n>=10); + return(n=>1 && n<=10); +} +" +560d344b96c0940930eca4fc3a9806052bf30ac2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n<=1 || n>=10); + return (n=>1 && n<=10); +} +" +cd2c0a6fde211164663e1fce225284e38ddb3e4e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n<=1 || n>=10); + return (n=>1 && n<=10); +} +" +38b982448087a53660286b544df014c50c711062,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +ce8e79e4301d334a6f3b1d0bcfaa82b117ad6ada,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode == true) + { + if(n<=1 && n>=10) + { + return true; + } + return false; + } + return false; +} +" +a97795bf759431ae95a28e8e721dcce210a7c4c3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +613063fc771e25e053305b28734e942c6d5a34f8,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +25c90cb04f77fcadb269c17498de01e1b75e4645,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode != true) + { + if(n>=1 && n<=10) + { + return true; + } + else if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +37e24fa2fff6b59f5f1458788d72ee8e1ac25738,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +51a97891f76e5b2b517494536e95cb5482ab4e1f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + return false; + if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +8f8adcdece238aa64e8cf2c6aca0b96340fde0b0,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + return false; + else if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +e1fe9cd2206dd9944aff436e71edad5271898014,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + return false; + } + return false; +} +" +0d7f0c93393c4d735c98319cacc92d8301bc4279,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode == true) + { + if(n<=1 || n>=10) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +b028040b9adb2467889c3688c96357c733077907,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 10 || n <= 1) + { + num = true; + } + else + { + num = false; + } + } + else + { + if (n <= 10 && n >= 1) + { + num = true; + } + else + { + num = false; + } + } + return num; +} +" +cdd0817b73c160a36cec2fee7dadc8c9bdb3b6d2,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 10 || n <= 1) + { + num = true; + } + else + { + num = false; + } + } + else + { + if (n <= 10 || n >= 1) + { + num = true; + } + else + { + num = false; + } + } + return num; +} +" +4e5e568b672a6da68a3e35d217f8adb838d79981,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n >= 10 || n <= 1) + { + num = true; + } + else + { + num = false; + } + } + else + { + if (n <= 10 && n >= 1) + { + num = true; + } + else + { + num = false; + } + } + return num; +} +" +9c1da95aeab7b7dd8c6c01b09f4495fa57bbafd2,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + if (outsideMode = false) + { + num = true; + } + else + { + num = false; + } + } + else if (n <= 1 || n >= 10) + { + if (outsideMode = true) + { + num = true; + } + else + { + num = false; + } + } + return num; +} +" +836941c72e86ed4208ca90e9dc07445dd50cb49d,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + { + if (outsideMode = false) + { + num = true; + } + else + { + num = false; + } + } + else if (n <= 1 || n >= 10) + { + if (outsideMode = true) + { + num = true; + } + else + { + num = false; + } + } + return num; +} +" +250736dc35d7b76b427924e7f62b11656d2fc936,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + if (outsideMode = false) + { + num = true; + } + else + { + num = false; + } + } + else if (n <= 1 || n >= 10) + { + if (outsideMode = true) + { + num = true; + } + else + { + num = false; + } + } + return num; +} +" +297930bc06fbbb2b3d69cd407d034430352851a6,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + else if (n > 1 && n < 10) + { + num = false; + } + } + else if (outsideMode = false) + { + if (n >= 1 && n <= 10) + { + num = true; + } + else if (n < 1 || n > 10) + { + num = false; + } + } + return num; +} +" +5219edce692b5ceedd029d6f8357eafc0bf38c7a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if ( n <= 1 || n >= 10) + return true; + if ( n >= 1 && n <= 10) + return true; + return false; +} +" +55e1bb69e7781802019b55d60a207ea4f5b3dbd6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if ( n <= 1 && n >= 10) + return true; + if ( n >= 1 && n <= 10) + return true; + return false; +} +" +f091a1aa93028bad58d51647dbca338a9741be83,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if ( n <= 1 || n >= 10) + return true; + if ( n >= 1 && n <= 10) + return true; + return false; +} +" +5ddd0b3e37a84e3f067cf32dce0470a12c4a7aa9,"public boolean in1To10(int n, boolean outsideMode) +{ + + if ( n >= 1 && n <= 10) + return true; + if (outsideMode) + if ( n <= 1 || n >= 10) + return true; + return false; +} +" +47e826b09bd83aae5613509034b6c21f7cbd653d,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if (outsideMode) + if ( n <= 1 || n >= 10) + return true; + return ( n >= 1 && n <= 10); + +} +" +d246b18f2e34781a795399bafcdacae3f119234e,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if (outsideMode) + if ( n <= 1 || n >= 10) + return ( n >= 1 && n <= 10); + +} +" +438044490b448e1511dd7a5aad62dbb066831b1b,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if (outsideMode) + return ( n <= 1 || n >= 10); + return ( n >= 1 && n <= 10); + +} +" +fd27d86eccc01da7867d551c9371b45158052f0a,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n <=10 && n >= 1) + { + return true; + } + return false; +} +" +87d9dbe195511660f8c54b9715422e8f8a5a1f08,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n <=10 && n >= 1) + { + return true; + } + return false; +} +" +882e3c6d05ce4c925051c6c6b56a7d223ee38cdc,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + if (n <=10 && n >= 1) + { + return true; + } + return false; +} +" +01cf38b5925237eaaa6b564035f4611a5f78108a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else + { + return false; + } + } + else + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + else + { + return false; + } + } +} +" +0ec5721e6290a0a34531c816b1d6162da4e2270d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +5243e1957ef9f99a01a99384295e58a3977bd40e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +0f951072f6ad557ece697466fad6801109538831,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n <= 10 && n >= 1 && !outsideMode) + || (outsideMode && n <= 1) || (outsideMode && n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +2b545d82d4b691546b7fe50535cf59b8bdf56456,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + else + { + if ( n >= 1 && n <= 10) + return true; + else + return false; + } + +} +" +36be38aa615e641d3eef60b215d9a29bf926ef3e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else + { + if ( n >= 1 && n <= 10) + return true; + else + return false; + } + +} +" +73bca9832810083575c32e3ec27c1b02719fb709,"public boolean in1To10(int n, boolean outsideMode) +{ + int numN = n; + boolean outOfMode = outsideMode; + boolean isTrue = false; + if (outOfMode == true && (n <= 1 || n >= 10)) + { + isTrue = true; + } + else if (outOfMode == false && (n >= 1 && n <= 10)) + { + isTrue = true; + } + return (isTrue); +} +" +78bb235a5501b72cc8aff794f913fbc2dbbc211c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <=1 || n >= 10) + return true; + else + return false; + } + else + { + if (n>=1 && n<=10) + return true; + else + return false; + } +} +" +f89577186d1477fd4228f71b90f2a6c865ac5790,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n<= 1 || n>= 10); + return (n >=1 && n <= 10); +} +" +5b6035f57a0d2c438f6732485c91dde5fdba42f8,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + +} +" +1c2496f068d6e91513db29269f076d1321ab5834,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + + if (n >= 1 && n <= 10) + { + result = true; + } + + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + + return result; +} +" +cd9e55248608dedf1bd5e077f9536a2eafe1bdd8,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + + if (n >= 1 && n <= 10) + { + result = true; + } + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + + return result; +} +" +95ca8d1e153ba367bcb0690293dd97e0e000b26b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + + if (n >= 1 && n <= 10) + { + result = true; + } + + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + result = true; + } + } + + return result; +} +" +242d626c8d9a527839fc9505b34be7740368e174,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + + if (n >= 1 && n <= 10) + { + result = true; + } + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + + return result; +} +" +682d051d6231b2e4f6754e2e542764d99f355ba0,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + + + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + + else if (n >= 1 && n <= 10) + { + result = true; + } + + return result; +} +" +52c37c8476101b7300a8b00ead8c5e6ba38b4e58,"private boolean num; + +public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode = false) + { + if (n >= 1 && n <= 10) + { + num = true; + } + else if (n < 1 || n > 10) + { + num = false; + } + } + else if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + else if (n > 1 && n < 10) + { + num = false; + } + } + return num; +} +" +f7a14457f662e651a1ca053b7ce151c36e823f49,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 10 || n <= 1) + { + return true; + } + else + return false; + } + else + { + if ( n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +a6feb3813b17c56e13ecb58e27b3607200adc252,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 10 || n <= 1) + { + return true; + } + else + return false; + } + else + { + if ( n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +9c7e4ebd7402fcc63ef4941b751b8b4665700187,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <=1 || n >= 10) + return true; + else if (n >=1 && n <= 10) + return true; + else + return false; +} +" +69089e4182ecddd4b48c39c86c8ae2edb337b07c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + else if (n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1) + { + return false; + } + else if (n >= 10) + { + return false; + } + else + { + return true; + } + } +} +" +d565ccacd2e63b9414077ff2b4888622e37b80c6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + else if (n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n < 1) + { + return false; + } + else if (n > 10) + { + return false; + } + else + { + return true; + } + } +} +" +f946f0f902265e6b0903d8ccc164a636520ebaef,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 10 && n >= 1) + return true; +} +" +71aa91ba7e7ed9ff43446e7e30d5fa80849115a4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 10 && n >= 1) + return true; + else if (outsideMode) + return n <= 1 || n >= 10; +} +" +3f5d82046d8953d09d1feb6490a16ef212830c6a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <=1 && n >= 10) + return true; + else if (n >=1 && n <= 10) + return true; + else + return false; +} +" +45c43fa2a1cdbb05d9b942bd460a6866302b24c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <=1 || n >= 10)) + return true; + else if (n >=1 && n <= 10) + return true; + else + return false; +} +" +df2ff1b796df586d78bff8f59ef7b64c6507a08d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10) + else + return true; + +} +" +204b77c8cac0a2749ba95e9071832022fd03876b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n <= 10); + return (n >= 1 || n <= 10); + + +} +" +4d8873117f522a801a30afe96e0c13d2326b5e05,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + else + return true; + +} +" +a8c6b1391228883aa62213e150ccb216560f6c7d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <=1 || n >= 10)) + return true; + if (n >=1 && n <= 10) + return true; + else + return false; +} +" +033c4645e626a6176579684f82aeb7173b5179f4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 || n <= 10); + + +} +" +ba56fa7771b719a734f46b22ba854da3ff88bded,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +6d7e5b0a3785e896a77bbbbd39e17d108ed0ea34,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + return true; + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +2b00a08e5bf5af390d9b4167c3fa76e5dbda018e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + { + if (outsideMode) + return (n <= 1 || n >= 10); + return true; + } + +} +" +469518002541c875558484172d0258794fc0d9b7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); + +} +" +a9758270259d9f4eb4b32bafb8959cd8587c12a5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + return true; + if (n >= 1 && n <= 10) + return true; + return false; +} +" +ab7617fd699f73cdb26dea2ae9172dfbd5e3aeb8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 || n <= 10); +} +" +046a50a8b9594b1ab2f467c0df5b7e32946c6c04,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +d03a739be90581b9fa5655352ebbf72c8bf5a042,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n<=1 || n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n>=1 && n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +5f58c8ddb8139b35a8d3ee350b27ec9ff35361da,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n !>= 1 && n !<= 10)) + return true; + if (n >= 1 && n <= 10) + return true; + return false; +} +" +763db8d2a177bd1d71e18e63e904d43b4e0a2d51,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n !>= 1 && n !<= 10) + return true; + if (n >= 1 && n <= 10) + return true; + return false; +} +" +55880311276097da678c8017595e36947e3106b0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + return true; + if (n >= 1 && n <= 10) + return true; + return false; +} +" +df9671afc52a0177b7b806cb0d10110c1d7997e2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + if (n >= 1 && n <= 10) + return true; + return false; +} +" +573d90f5f5996d86d5d8ceef33b2e3991f5a1d41,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + return true; + if (n >= 1 && n <= 10) + return true; + return false; +} +" +a1fd2e6b61d27515dd979e70e130dfd418f6d0a3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return(n <= 1 || n >= 10); + if (n >= 1 && n <= 10) + return true; + return false; +} +" +22f971b57d4a638279d584215623882c750d0f5f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +759ff2806bd9e9b76fb2ced622f2d43451add114,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n>=1 && n<=10) + { + return true; + } + return false; + +} +" +95bd94a0e45318a95e26e88221f83a51105c86da,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + if ( n>=1 || n<=10) + { + return true; + } + return false; + +} +" +fe5cf7d9d984896f4324c979f4dba05bd3fb195d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + } + if ( n>=1 && n<=10) + { + return true; + } + return false; + +} +" +72c2b4e596273a447ca0944f46fe89f54bf111aa,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + if ( n>=1 && n<=10) + { + return true; + } + return false; + +} +" +8899dd42dfa7de640b1107fa6685b9687a0b8bf0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if(n<=1 || n>=10) + { + return true; + } + else + { + return false; + } + } + else if (n>=1 && n<=10) + { + return true; + } + else + { + return false; + } +} +" +f89a6bec2628742ed9fdff2eb7f785001df9cecc,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean number = false; + + if ((n >= 1 || n <= 10) && !outsideMode) { + number = true; + } + + else if ((n <= 1 || n >= 10) && outsideMode) { + number = true; + } + + return number; +} +" +41452acdd4a00aeb441a30774548d92708921e6e,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean number = false; + + if ((n >= 1 && n <= 10) && !outsideMode) { + number = true; + } + + else if ((n <= 1 || n >= 10) && outsideMode) { + number = true; + } + + return number; +} +" +0f34af5db01efeebc349445e9e1b60bebfae6538,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1||n>=10) + { + return true; + } + } + else + { + if(n>=1&&n<=10) + { + return true; + } + } + return false; +} +" +48485fd0aaca2175284c8504067ce11564f9fb89,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } else { + if (n <= 1 || n >= 10) { + return true; + } + return false; + } +} +" +2e81c23b59806f1e6cc579ead2ede5b4450f9de1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return(n<=1 || n>=10); + } + return (n>=1&&n<=10); +} +" +46433ba38b027eefeed80ab6d36f9cf73d42f4a7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } else if (outsideMode){ + if (n <= 1 || n >= 10) { + return true; + } + return false; + } +} +" +6993475fd9e41ffeef2d464761823db270a77bcc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } else if (outsideMode){ + if (n <= 1 || n >= 10) { + return true; + } + return false; + } + return false; +} +" +77135c32992922b8a064ea7bb8a07cb2acd9592d,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && !outsideMode) { + return true; + } else if (outsideMode){ + if (n <= 1 || n >= 10) { + return true; + } + return false; + } + return false; +} +" +b95e008999d302e3a3e54d60e117fb36cbaa6b5d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (1 >= n && n >= 10) + { + return true; + } + else + { + return false; + } + } + if ( 10 >= n && n >= 1) + { + return true; + } + else + { + return false; + } + +} +" +9cefc66bf76414f8fd6035a81de36101a61ebe47,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (1 >= n || n >= 10) + { + return true; + } + else + { + return false; + } + } + if ( 10 >= n && n >= 1) + { + return true; + } + else + { + return false; + } + +} +" +84b63da8639d80680eb7c605093d698360879b96,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + + else + { + return false; + } + } + + else + { + if ( n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +8f3c2c6588ba36def46cdd3dc8af52c489540646,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 || n>=10) + { + return true; + } + } + if(n >=1 && n <=10) + { + return true; + }else{ + return false; + } +} +" +8da5108206460764984155cf61af7466bfb6402b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 || n>=10) + { + return true; + }else{ + return false; + } + } + if(n >=1 && n <=10) + { + return true; + }else{ + return false; + } +} +" +7666fbf5c26ca703671f3547a3ec4e0bf5de7924,"private boolean inRange; +public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + inRange = true; + } + } + else if (n >= 1 && n <= 10) + { + inRange = true; + } + else + { + inRange = false; + } + return inRange; +} +" +d944605e283b9c8b5203a147904f638b79506482,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if (!outsideMode && n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +35f2e761307a6354519c170cb23760a89ce7ecaa,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n <= 1 || n >= 10) + return true; + else + return false; + else + if(n >= 1 && n <= 10) + return true; + else + return false; +} +" +30e03aac6da0c95e48df314dee7a5ee890f37e06,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true) + { + if(n<=1 || n>= 10) + return true; + else + return false; + } + else + if(n>=1 && n<=10) + return true; + else + return false; +} +" +c42094a0e4c35df081351835f3c9455d7d219d9f,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + return true +} +" +31b40484568cc43447db7701f4299117edb058e1,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + outsideMode = true +} +" +fd8f3872b2b356640525efb4b45cc95218575ad8,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + outsideMode = true; + } +} +" +5956f8d58f360f1d8ed5f5ad35ac30603c382937,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + boolean outsideMode = true; + } +} +" +0ab9be430d3230c7f8d2bddff7ad0ac9f39bcd9d,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + return true + } +} +" +c8b9db6b755c665df5f1b134157f0319ecded9e9,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + return true; + } +} +" +61695184999f5e34e97b0598fdf7614235f36703,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + true; + } +} +" +f0e75c3653b1f95e28dcada4313bcef45bb16840,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + system.out.println (n) + } +} +" +14dbbeb918835b15c064a635af95c6773414ca4e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 1 < n < 1-); + { + system.out.println (n); + } +} +" +a5f47678040f2c7aa20508af8259d3553ce92e1e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if(n >= 10 || n <= 1) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +760871127fb5f3e1f024e33f1000dcfb63a56502,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + return true (if n <= 1 || n >= 10); + else return false; + if ( n >= 1 || n <= 10) + return true; + else + return false; + + + +} +" +d5d23da9b7cc76b2f5579f878dc308ea5c6fe46f,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + else + return false; + if ( n >= 1 || n <= 10) + return true; + else + return false; + + + +} +" +9b077a958d9bda0b8d78afa7e3d1429ec0ea171f,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n >= 1 || n <= 10) + return true; + else + return false; + while (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + else + return false; + + +} +" +78fcafab165b0c52d10ee290544bfad2fd84788e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + else + return false; + + while (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + else + return false; + + +} +" +4d8ad5c49ac9bc3d5c82acc5c9d69dc311f714fb,"public boolean in1To10(int n, boolean outsideMode) +{ + while (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + else + return false; + + if (n >= 1 && n <= 10) + return true; + else + return false; + +} +" +944f4bca1f8f24dcc014a946b64123ccd4afaa76,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1 || n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n<=10 && n>=0) + { + return true; + } + else + { + return false; + } + } +} +" +a17526492cf81cbf14ab7f1e83f5a4403a6647e0,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + } + else + { + if(n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + +} +" +553a96872e6cd846878a9f832ae707b1427a5031,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + } + else + { + if(n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + return true; +} +" +443d39e804cc6acda76c240eefe2c552971082f7,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + } + else + { + if(n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + // return true; +} +" +8b504eac5aeca791b7eb597f978ea98ebe331ad0,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + } + else + { + if(n >= 1 && n <= 10) + { + return true; + } + } + + return false; +} +" +06cf650b2a807fc222842c87b286748d57953bc4,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 & n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if(n>=1 & n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +d770daa539cba47d0b425e8c08f9a6c9161f10fe,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 | n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if(n>=1 | n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +0848546b471dfe6016da7c61bc3fd10d92e35efc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 & n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if(n>=1 & n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +c5cebf0f7d6659e2510b5acc12fad8e5732f45cc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n>=1 & n<=10) + { + return false; + } + else + { + return true; + } + } + else + { + if(n>=1 & n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +9a1b772618d0abe1d8e942487b367329ffdb0911,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n>1 & n<10) + { + return false; + } + else + { + return true; + } + } + else + { + if(n>=1 & n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +ea8da603bc99976ce1a86b6f986b81957b90395f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num + if (outsideMode) + if (n <= 1 || n >= 10) + num = true; + else + num = false; + else if (n >= 1 && n <= 10) + num = true; + return num; +} +" +1377bb99936baa7482e6ec5e264e88a3061bf7ca,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num; + if (outsideMode) + if (n <= 1 || n >= 10) + num = true; + else + num = false; + else if (n >= 1 && n <= 10) + num = true; + return num; +} +" +c0c4a595967b66f22dce4d8de504bf7955cf5ab1,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (outsideMode) + if (n <= 1 || n >= 10) + num = true; + else + num = false; + else if (n >= 1 && n <= 10) + num = true; + return num; +} +" +ea61ef3454be8f1f4f920d461d2adcaf36c2a6aa,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (outsideMode) + if (n <= 1 || n >= 10) + num = true; + else + num = false; + else + if (n >= 1 && n <= 10) + num = true; + return num; +} +" +d8b7656b0b6f1a0ad4ab424b72228666f12e1371,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (outsideMode) + if (n <= 1 || n >= 10) + num = true; + else + num = false; + else + if (n >= 1 && n <= 10) + num = true; + else + num = false; + return num; +} +" +cd1c631dbb6a16bf2e3d4660bb27c41b392d8f62,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +f5c3f37aca9f261ec5140d47234a034fca80492f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +54f4b661ecb9d37a29c4daa0a6aadce260c2395b,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else if (outsideMode == false) + { + if (n >= 1 && n <= 10) + { + return true; + } + } + return false; +} +" +de32bb9ac4abdd8aaffe2206e7e500345bb3c7fd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +8494917ee0cc7cc63dcaf025f5b3cbde8819c52b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else if (n >= 1 && n <= 10) + return true; + else + return false; + return true; +} +" +248c8913d3ac05a7d2c5240886f2ff930d3facfd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +68a988072606b5aefe4ab713195e3fdf53605418,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +f6a8af4e075f9c2dc0ec8ada0884f00423204cfb,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n >= 1 && n <= 10 && !outsideMode) + return true; + if ( outsideMode && (n <= 1 || n == 10)) + return true; + else + return false; +} +" +792427afd0fa1fdf3efc444ffff7cbad3dd81ae7,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n >= 1 && n <= 10 && !outsideMode) + return true; + if ( outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +79b2bcc8f502e1f7d2d4e83d1894964684c89b85,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <= 1 || n >= 10); + } + else + { + return (n >= 1 && n <= 10); + } +} +" +d5e142454cc7faf5e0ee623fbee90852ea89cee4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +f0a32c1b47b76d9f007d19bd3be850aaf7ab1a79,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n == 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +af94815b0f0c1063cc58a998a93d46befe531064,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n == 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +e69787071805a55a21333ccc3d8dbaff31f23a87,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n = 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +9746de889a49cfbad889e37362a1794e1903a29f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ((n <= 1) || (n = 10)) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +54c433722fec2a6562785266a05abb464c1c956d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n = 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +a5c8b91641a77a2b9bb42a5f2f7de7442dda59db,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n == 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +17f9f4b323d3dc78e305c543280f1ab2d6575d69,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >=1 || n == 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +e092ec319d4234075b927e26c92eee742941c2f3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n == 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +76ea7e4e63c67c3446c93a20c509dc9863d323ba,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + + else + { + return false; + } + } + + else + { + if (n < 1 || n > 10) + { + return false; + } + + else + { + return true; + } + } +} +" +907fd4824890deac9858fe31ac0f02fb916057ac,"boolean rangeNums; +public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode==false) + { + if(n>=1 && n<=10) + { + rangeNums = true; + } + else + { + rangeNums = false; + } + } + else + { + if(n<=1 || n>=10) + { + rangeNums = true; + } + else + { + rangeNums = false; + } + } +} +" +5298f9159819889c27d96a484ae8d99299f75bb0,"boolean rangeNums; +public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode==false) + { + if(n>=1 && n<=10) + { + rangeNums = true; + } + else + { + rangeNums = false; + } + } + else + { + if(n<=1 || n>=10) + { + rangeNums = true; + } + else + { + rangeNums = false; + } + } + return rangeNums; +} +" +c4a346c110d7ab10f6882cdd24ecd3951af915d5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +6cbf766cd923af82fd0c1477316be64df58d4ae3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +d882e2436d44d968208f1aa57bda36a0f3e87dd9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +f99f224711406b975158547433da297c7fae26f7,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +f34fa284c67f79f853765431195b29fcf6c5587b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode){ + if (n <= 1 || n >= 10 ){ + return true; + else { + return false; + } + } + if (!outsideMode) + if ( n <= 10 && n >= 1) + return true; + else { + return false; + } +} +" +bd480d1b1dd646f11833e498785df22c70878b2f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode){ + if (n <= 1 || n >= 10 ){ + return true; + } + else { + return false; + } + } + if (!outsideMode) + if ( n <= 10 && n >= 1) + return true; + else { + return false; + } +} +" +bfa2a63a5a32f12a9921abc6dc63382fb618d600,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode){ + if (n <= 1 || n >= 10 ) + { + return true; + } + else { + return false; + } + } + if (!outsideMode){ + if ( n <= 10 && n >= 1){ + return true; + } + else { + return false; + } + } +} +" +61eba41cb53989098a0072b6841102f965aaa8b9,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode){ + if (n <= 1 || n >= 10 ) + { + return true; + } + else { + return false; + } + } + if (!outsideMode){ + if ( n <= 10 && n >= 1){ + return true; + } + else { + return false; + } + } +return false;} +" +6701029d94e770d0039be8a19e059f65cbc4d0e1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsidMode == true) + if (n >= 1 && n <= 10) + return true; + else + return false; + else + if (n <= 1 && n >= 10) + return true; + else + return false; +} +" +c2a280e69a9ca61fb1036531dcc0562d76b76b6e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + if (n >= 1 && n <= 10) + return true; + else + return false; + else + if (n <= 1 && n >= 10) + return true; + else + return false; +} +" +3c60a8976aa5e13b53dd37e179bc8c35c5828e7f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode != true) + if (n >= 1 && n <= 10) + return true; + else + return false; + else + if (n <= 1 && n >= 10) + return true; + else + return false; +} +" +654173c87ecbaf50d434f6dfc1392550d06bed44,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode != true) + if (n >= 1 && n <= 10) + return true; + else + return false; + else + if (n <= 1 || n >= 10) + return true; + else + return false; +} +" +81f77c21311cac3494228ce90a250ec92eb07f85,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (outsideMode == false) + { + + if ( n >= 1 && n <= 10) + { + + return true; + + } + + else + return false; + + + } + else + { + + if ( n <= 1 || n>= 10) + { + + return true; + } + else + return false; + + + + + } + + + + +} +" +7af309895f384b0a55c85103d99aca186610a5c3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if(n>=1 && n<=10) + {return true;} + } + if (outsideMode) + { + if(<=1) + {return true;} + } + return false; +} +" +4cdea01adcece146e61e3595a63a0cef909abcb2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if(n>=1 && n<=10) + {return true;} + } + if (outsideMode) + { + if(n<=1) + {return true;} + } + return false; +} +" +83343d06382bac4d1aac13f470b12742a4514c9f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if(n>=1 && n<=10) + {return true;} + } + if (outsideMode) + { + if(n<=1 || n>=10) + {return true;} + + } + return false; +} +" +47e10a765a8aed307dd066f490f9831cabe081ad,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if(n>=1 && n<=10) + {return true;} + } + if (outsideMode) + { + if(n<=1 || n>=10) + {return true;} + + } + return false; +} +" +8b3b15ddeee1c35a8b7bf98eb35c467a99c96e5a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if(n>=1 && n<=10) + {return true;} + } + if (outsideMode) + { + if(n<=1 || n>=10) + {return true;} + + } + return false; +} +" +6fbc812d530959a4e9e4f473e042d10ce0136eef,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 ) { + return true; + } + else if (outSideMode) { + if (n < 1 || n == 1 || n > 10 || n == 10){ + return true; + } + else { + return false; + } + } + +} +" +b929c4445dead9f0ebee14234628ab342bf72d65,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } + else if (outsideMode) { + if (n < 1 || n == 1 || n > 10 || n == 10) { + return true; + } + else { + return false; + } + } +} +" +155541edc39196eff5975cedf3758547e16af5f4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } + else if (outsideMode) { + if (n < 1 || n == 1 || n > 10 || n == 10) { + return true; + } + else { + return false; + } + } + else { + false; + } +} +" +b0c15cae4c6ec62a97bc664c492ec09da25707e7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } + else if (outsideMode) { + if (n < 1 || n == 1 || n > 10 || n == 10) { + return true; + } + else { + return false; + } + } + else { + return false; + } +} +" +dff93130376eb08007cb04785de00af9f016bc10,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } + else if (outsideMode) { + if (n < 1 || n == 1 || n > 10 || n == 10) { + return true; + } + else { + return false; + } + } + else { + return true; + } +} +" +c97567b62b229744b9522d6dd7f96de10ebef2ff,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) { + return true; + } + else if (outsideMode) { + if (n < 1 || n == 1 || n > 10 || n == 10) { + return true; + } + else { + return false; + } + } + else { + return false; + } +} +" +bc5ce07d8206af868c36eec1f0b4bbe862f8919a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return n <= 1 || n >= 10; + else + return 1 <= n && n >= 10; +} +" +70bb5825aa4cf45559de417ba855d8a5aaa9d345,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return n <= 1 || n >= 10; + else + return n <= 1 && n >= 10; +} +" +8c04f2cdd2646e5e4a5d89159888d0ddfa1f291b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return n <= 1 || 10 <= n; + else + return n <= 1 && 10 <= n; +} +" +cdf5328b44ada0aec2e9c40209146aba54cb5bc5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 || n<= 10) + return true; + else + return false; + } + else + { + if (n <= 1 || n >= 10) + return true; + else return false; + } +} +" +e6af234140527a15cb50b6e30b8ab0277b6430ec,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return n <= 1 || n >= 10; + else + return n >= 1 && n <= 10; +} +" +ad075d42dc4a8c175946718b32246b9bd61b2cf7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 && n >= 10) + { + return true; + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +93ee3595ace869ace1771af326ee0861ce4c9f82,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 n >= 10) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +c362770bbe0cbfecdd7b3958172d4bb1e1767cc7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +5f9f1cf9c55e045b45d808b3112435e80cfcb4c7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + else + { + return false; + } + + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +3f7d9090ba68979d68b3afa8b0979e6e7c355f57,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + } + + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +b40c27625deb1aa9c566f9b0a188336c371d4249,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + } + + if (!outsideMode && n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +8defa2bade8414a4e3995d30756cda749137a49b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + } +} +" +40f2df22b53d13c3c9d58797dc6c589cf44c65bb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +92f805bb1adf324f9d93c7d28d59ee5cc42306a4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n > 10 && n < 1) + { + return true; + } + else if (outsideMode && (n < 10 || n > 1)) + { + return false; + } + else if (n > 10 || n < 1) + { + return false; + } + else + { + return true; + } +} +" +40ddff32431428a9720bf42df2988ee9161a6749,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n >= 10 && n =< 1) + { + return true; + } + else if (outsideMode && (n < 10 || n > 1)) + { + return false; + } + else if (n > 10 || n < 1) + { + return false; + } + else + { + return true; + } +} +" +ce5a9190011cb2363dddfbf8e223496d9d1b05ed,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n >= 10 && n <= 1) + { + return true; + } + else if (outsideMode && (n < 10 || n > 1)) + { + return false; + } + else if (n > 10 || n < 1) + { + return false; + } + else + { + return true; + } +} +" +0c16d89c9179c716268769a0cce0a79651ff61d5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n >= 10 || n <= 1)) + { + return true; + } + else if (outsideMode && (n < 10 || n > 1)) + { + return false; + } + else if (n > 10 || n < 1) + { + return false; + } + else + { + return true; + } +} +" +357a83ee5233b1db6334b52dcb14930e9c03fabb,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +ed9b56e86ccb2e8f3b2e9335b7c81a6985e8ee8a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +bd9842fa74a4999319c411a63ea0b765826626f1,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + else + { + return false; + } + if ( n <= 1 && n >= 10 && outsideMode) + { + return true; + } + else + { + return false; + } +} +" +0fd25ae0a7bd7c76f81275886bbbce42b7170f68,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + else if ( n <= 1 && n >= 10 && outsideMode) + { + return true; + } + else + { + return false; + } +} +" +1e0500511df63823b3ca97a6001d10019dfff475,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + else if ( n <= 1 || n >= 10 && outsideMode) + { + return true; + } + else + { + return false; + } +} +" +2854b95bc4b64bc73579f2fdcfabefeec52f12d0,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean test = false; + + if (n >= 1 && n <= 10 && !outsideMode){ + test = true; + } + else if (n <= 1 && n >= 10 && outsideMode){ + test = true; + } + + return test; +} +" +d57d491592a67bfd94905153a542895dc00ab51d,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean test = false; + + if (n >= 1 && n <= 10 && !outsideMode){ + test = true; + } + else if (n <= 1 && n >= 10){ + if (outsideMode){ + test = true; + } + } + + return test; +} +" +ced582b2b7a4efb224779ea243e325195a66e74c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + if ( n <= 1 || n >= 10 && outsideMode) + { + return true; + } + else + { + return false; + } +} +" +5b4c94721f5cc9c3e2a003c174f516491dd6de4e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 || n>=10) { + return true; + } + else { + return false; + } + } + if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } + +} +" +edaecdf2f90c600862010e911b1dfb7cf90a38d0,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean test = false; + + if (n >= 1 && n <= 10 && !outsideMode){ + test = true; + } + else if (n < 1 && n > 10){ + if (outsideMode){ + test = true; + } + } + + return test; +} +" +49b7e45650a26da07f8736d9446cb02b5e682a9c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +910c402622ca29eb8eed4a08eed9f01c2e15c71f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <= 1 || n >= 10); + } + return (n >= 1 && n <= 10); +} +" +ce46e0cc012a33679305b21fda5f2db41dc6f933,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if(outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +4d17029e7b9973a6783e88a936bce89f88ef468d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if(n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +b7fde95bda7ebff0d9f84ff3c324ec9d98078060,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if(n>=1&&n<=10&&!outsideMode) + { + result = true; + } + else if(outsideMode && (n<=1||n>=10) + { + result = true; + } + return result; +} +" +14830988f93f0349b99b130fe667e5b47330c5ce,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if(n>=1&&n<=10&&!outsideMode) + { + result = true; + } + else if(outsideMode && (n<=1||n>=10)) + { + result = true; + } + return result; +} +" +b79a0145b7d26c9da657e55d19c63a272b47ec8d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ +03 + if (n >= 1 && n <= 10) { +04 + return true; +05 + } else { +06 + return false; +07 + } +08 + } else { +09 + if (n <= 1 || n >= 10) { +10 + return true; +11 + } else { +12 + return false; +13 + } +14 + } +} +" +ebc8744c54e21e3b7a3ed480c091235c9a9d2372,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } +} +" +3d5a03e7ab4b4db6d12d36a82338b6e1d586c2fa,"public boolean in1To10(int n, boolean outsideMode) +{ + + if ( outsideMode) + { + if ( n <= 1 && n >= 10) + { + return true; + } + if ( n > 0 && < 11 && !outsideMode ) + { + return true; + } + } + return false; +} +" +b17082436428b36fd19179700e96318411158bde,"public boolean in1To10(int n, boolean outsideMode) +{ + + if ( outsideMode) + { + if ( n <= 1 && n >= 10) + { + return true; + } + } + if ( n > 0 && < 11 && !outsideMode ) + { + return true; + } + return false; +} +" +11078822d4267e5ced2ed351946c79c51546fcc1,"public boolean in1To10(int n, boolean outsideMode) +{ + + if ( outsideMode) + { + if ( n <= 1 && n >= 10) + { + return true; + } + } + if ( n > 0 && n < 11 && !outsideMode ) + { + return true; + } + return false; +} +" +4e731c770471e040babfbc04829ac15764a62fe0,"public boolean in1To10(int n, boolean outsideMode) +{ + + if ( outsideMode) + { + if ( n <= 1 && n > 10) + { + return true; + } + } + if ( n > 0 && n < 11 && !outsideMode ) + { + return true; + } + return false; +} +" +2421334c001fa95b805ecc668cc38518f8746c7e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + return true; + if( n >= 1 && n <= 10) + return true; + else + return false; +} +" +010b21aa9e7fd32007942b14bb9f877a7716e5ac,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if ( n > 0 && n < 11 && !outsideMode ) + { + return true; + } + if ( outsideMode) + { + if ( n <= 1 && n >= 10) + { + return true; + } + } + return false; +} +" +ebd64acb0dcf75e569ca9e113cb4e6f0cd312a7b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + if (outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +468c279c000c66bbaf77228e54d254af4fab4a0a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; + if( n >= 1 && n <= 10) + return true; + else + return false; +} +" +50884ff9f28be6d378f4801255cfb861d7b7aff5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + return true; + + if( n >= 1 && n <= 10) + return true; + else + return false; +} +" +5e7b184d016d98ef41ccf70d0e1e4d2e8c8f8d2b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + if (outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +a3d622be01287a7eee879483017538772f554c78,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } + +} +" +8f8514738c97f22feb6cc51aa69974f34be6e45e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +070bb8901a1e80c90d5aee12d5d9b9dec3081a40,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10 && outsideMode != true) + { + return true; + } + else + { + return false; + } +} +" +d4a1a24874422db18c201e06f1d07edd23bd5030,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +ce3fdeacdb271a9872921b8f17152f54accbc044,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <= 1 || n >= 10); + } + else + { + return (n >= 1 && n <= 10); + } +} +" +c38fa46348d13d132d39ad9d59e06b00fe165e19,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else + { + return false; + } +} +" +73e6b42df5b933963d9cf503eca270790e423e27,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if ( outsideMode ) + { + + if ( n <= 1 || n >= 10) + { + return true; + } + } + else + { + if ( n > 0 || n < 11 ) + { + return true; + } + + return false; +} +" +6c917ea9122ec48b805a2ddb7557c9d8d1676abf,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode && n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } +} +" +b4c054de6c498e82271299281f8660356d1341c9,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if ( outsideMode ) + { + + if ( n <= 1 || n >= 10) + { + return true; + } + } + else + { + if ( n > 0 || n < 11 ) + { + return true; + } + } + + return false; +} +" +fa35c3f66a2d512de70d2f87ce303bfe4b952ac5,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if ( outsideMode ) + { + + if ( n <= 1 || n >= 10) + { + return true; + } + } + else + { + if ( n > 0 && n < 11 ) + { + return true; + } + } + + return false; +} +" +66889e20558bd3b6158583ceb3690c2c132817ee,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + if(outsideMode == true) + { + if (n<=1 || n>=10) + { + return true; + } + } + else + { + return false; + } +} +" +f7d1e6c99b17451a4c1f5caeb6bc0e70038abc95,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +32d1c32fad0a45a64762cfab05c6acaa15d690e3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == false && n>=1 && n<=10) + { + return true; + } + + if(outsideMode == true && (n<=1 || n>=10)) + { + return true; + } + + else + { + return false; + } +} +" +f88d5d3896efc8fa7acc7ea497f417a8f541ed69,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + else + { + if(n>=1 && n<=10) + return true; + else + return false; + } +} +" +c84648b974b00ac26be6a6daded41ef002aba199,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean placeHolder = ((n <= 10) && (n >= 1)); + if (!outsideMode) + { + if (placeHolder) + { + return true; + } + return false; + } + if (!placeHolder) + { + return true; + } + return false; + +} +" +4d022a36aa31d14f8df0a37f5ab32530b53bef41,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean placeHolder = ((n <= 10) && (n >= 1)); + if (!outsideMode) + { + if (placeHolder) + { + return true; + } + return false; + } + if ((n >= 10) && (n <= 1)) + { + return true; + } + return false; + +} +" +7b8744eb43168609743c79656f46c09c955ca6d4,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean placeHolder = ((n <= 10) && (n >= 1)); + if (!outsideMode) + { + if (placeHolder) + { + return true; + } + return false; + } + if () + { + return true; + } + return false; + +} +" +f5fc2a12de452979c83c2bddd0af70f5a4f8f973,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean placeHolder = ((n <= 10) && (n >= 1)); + if (!outsideMode) + { + if (placeHolder) + { + return true; + } + return false; + } + if ((n >= 10) || (n <= 1)) + { + return true; + } + return false; + +} +" +f3d9573a03bbf78de6e9174ef91b05e7fe2c3dce,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else if (n >= 1 || n <= 10) + return true; + else + return false; +} +" +3a93ab1074facfc7b79ba0ebecfb07596cd9dbcb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +9e57624a012a70244d8f9cffdd86222112968ac5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + }//end if(outsideMore) + + else + { + if(n >= 1 && n <= 10) + { + return true; + } + }//end else +} +" +c8ef2f5c0fcba7bcb840cbe0147d7a54d69a1a52,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + }//end if(outsideMore) + + else + { + if(n >= 1 && n <= 10) + { + return true; + } + }//end else + + return false; +} +" +7e401b9dd31fc43be9427b27dbe2a652f9562dfc,"public boolean in1To10(int n, boolean outsideMode) +{ + return((n>1&&n<10)^outsideMode); +} +" +2fc62610929c35c1682af3abc8383d75452785c2,"public boolean in1To10(int n, boolean outsideMode) +{ + return((n>=1&&n<=10)^outsideMode); +} +" +9a80c306abde97f67b46bcf3f8d0d2b0cbb3b017,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + return false; + + } + +} +" +b41bf5166f6c8288a5ba84de570b538339cc651b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + return false; + + } + +} +" +272375fcfdeec0d04058bb484c9b0e0551f7e972,"public boolean in1To10(int n, boolean outsideMode) +{ + if((n==1||n==10)&&outsideMode)return true; + return((n>=1&&n<=10)^outsideMode); +} +" +567625ef37b7e47fbb8a4740b2eed12595f76161,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + if(!outsideMode) + return (n >=1 && n <= 10); +} +" +989386e3f2b85d8e9a0052a15db22a703b5957b2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + if(!outsideMode) + return (n >=1 && n <= 10); + return false; +} +" +a9d608a1175b8b141abf91cfd3caeac61eb140e0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (1 <= n && n <= 10) + { + return true; + } + if (outsideMode) + { + if (n <=1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +58ea4dcc5174bf95d2d0f40487e08292f34f0257,"public boolean in1To10(int n, boolean outsideMode) +{ + return(outsideMode) ? n <= 1 || n >= 10 : n >= 1 && n <= 10; + +} +" +130a15971dd55847fc6987eeb06dba465a1292c1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 || n <= 10) + return true; + else + return true; +} +" +44fb61e54ef5a305ea5de3002d119230f0f646c1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 1 && n < 10) + { + return true; + } + else if (n <= 1 && n >= 10) + { + return false; + } + return false; +} +" +19afd89c7b2923eb800c688ed29a7a8862a1e446,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 || n <= 10) && !outsideMode) + return true; + if (n < 1 || n > 10) && outsideMode) + else + return true; +} +" +6514b71642bec259fe627fad2ae38dc95b25cf35,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 || n <= 10) && !outsideMode) + return true; + if (n < 1 || n > 10) && outsideMode) + return false; + else + return true; +} +" +06962415ea5795cb3349401bd286a2906fc22a0e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 || n <= 10) && !outsideMode) + return true; + if (n < 1 || n > 10) && outsideMode) + return false; + else + return true; +} +" +bff2a56bd1780308cbb9d41493c1ecfad17a2b9f,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 || n <= 10) && !outsideMode) + return true; + if ((n < 1 || n > 10) && outsideMode) + return false; + else + return true; +} +" +160abe3821dd48990f86608b23c8e7ea071724b0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + if (!outsideMode) + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + return false; +} +" +3be49233f8d37d4f2233546e6fbd5368752348b0,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 || n <= 10) && !outsideMode) + return true; + if ((n < 1 || n > 10) && !outsideMode) + return false; + else + return true; +} +" +d5fec7b704f12b18a3ecbd1783ff17ed528921f3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (!outsideMode) + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + return false; +} +" +9e797f22d9f64fbc63348ef4a9447c550533d45d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (!outsideMode) + if (n >= 1 && n =< 10) + { + return true; + } + else + { + return false; + } + return false; +} +" +1d6acf4dbb9a70f08c38699eeb2a33cb68aa5a5c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (!outsideMode) + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + return false; +} +" +e1808bbd1734612858cc1a3542f05e213000fd45,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 || n <= 10) && !outsideMode) + return true; + if ((n < 1 || n > 10) && !outsideMode) + return false; + else + return true; +} +" +617796422a2c69e2edf48790cc62a677efd1fa06,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 || n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n >= 1 || n <= 10) && outsideMode) + return false; + else + return true; +} +" +3f9ed4c79a487aa63cd66404e473c1e52e833bff,"public boolean in1To10(int n, boolean outsideMode) +{ + if((!outsideMode && 10 >= n && n >= 1) || (outsideMode && 1 >= n || n >= 10)) { + return true; + } + else { + return false; + } +} +" +92d8ede4d99dbbd8c9fabed8dc049f1a149ef221,"public boolean in1To10(int n, boolean outsideMode) +{ + if((!outsideMode && 10 >= n && n >= 1) || (outsideMode && (1 >= n || n >= 10))) { + return true; + } + else { + return false; + } +} +" +0bdd937223ae1afa27e3820307fc0e355905d697,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 || n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n > 1 || n < 10) && outsideMode) + return false; + else + return true; +} +" +439ba9dc40537a9c169ffc7e72a4016a664633ea,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 || n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + else + return false; +} +" +c6d71a2b01b87aa6c100f078e92c17c0197abbbb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 || n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +41abeb0d1e8af39d0e2bc1edbf043057084da3ef,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1 && n >= 10)) + return true; + else + return false; +} +" +d5abd51ec88bca484500c59d5282492d60ac40dd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +05b248c031a2a6bb8893bb1264a65696f5be8ecf,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n >= 1 && n <= 10)) + return false; + else + return true; +} +" +52ff4a569279d7594f2ffed6aed0136ccb562ad0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n >= 1 && n <= 10)) + return false; + else + return true; +} +" +ca05fc9269ecadddafb1656cae892542aa2eb53e,"public boolean in1To10(int n, boolean outsideMode) +{if (!outsideMode){ + + if (n >= 1 && n <= 10) { + + return true; + + } else { + + return false; + + } + + } else { + + if (n <= 1 || n >= 10) { + + return true; + + } else { + + return false; + + } + + } + + +} +" +33ad2487ea5618db631ae244857e6df1c243a086,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + + if (outsideMode && (n > 1 && n < 10)) + return false; + else + return true; +} +" +989e2ac4ac1973a5443aed8ac78742df89d7d4c8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + else + { + return false + } + } + else + { + if ( n <= 0 || n >= 11) + { + return true; + } + else + { + return false + } + } +} +" +ed22c9c159c3f232de9bc8c8f5681f9d45a7047b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + return true; + if (n <= 1 || n>= 10) + return true; +} +" +c081ed3781faac7c668a29b1cbc016716a7d0911,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if ( n <= 0 || n >= 11) + { + return true; + } + else + { + return false; + } + } +} +" +996ee99576a485d2905cbff9e0e1b43adba73c25,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + return true; + if (n <= 1 || n>= 10) + + return true; +} +" +a3f7c8813b8b9d33f1b66002961d9428e8d5b456,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + + if (outsideMode && (n > 1 && n < 10)) + return false; + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +67a9e4ca469f364cf2d8dafb84d907629f01bc36,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +be0eb18da1b40d5aa2d3f51914ca0b90190df51b,"public boolean in1To10(int n, boolean outsideMode) +{if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + +} +" +78a439957c58081f50f1fa03d26858e2ec597d74,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if ( n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if ( n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +29f9064ee9440955dc29a96b0ce388e6e6feff61,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +e47a0c30315e5e407f2439ecefcb318f033cd6ed,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +826388cc5f9860c92232eca5895f1fccf543d670,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1) || outsideMode && (n >= 10)) + return true; + else + return false; +} +" +6f75617e03249d654fe20d7462f47bbeb057dcf2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +2d017ee8f4a989d3cde651bad16d8032552cb342,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +e01061c01bd3048f63cd5ebc43ede836c63ea238,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if (outsideMode && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +d2618407739fa0a055ccd2b68a39c531d5cd9cf8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if (n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + else + { + return false; + } +} +" +76401d949af984769773ecf655b0330c3381d3cd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +48fa575d330c4ae76c7e174a20c5576689e08909,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1) + { + return true; + } + else if (n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n < 1) + { + return false; + } + else if (n > 10) + { + return false; + } + else + { + return true; + } + } +} +" +88ca3c16f40068e62f97c6957cf4c527fdf5f3a6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + } + return true; + +} +" +cfe99a79bc1b99751769e6b46c7a4726e9441e54,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + +} +" +c0ca0f184d8f1ecdb256e3a1847df7bf7abd999f,"public boolean in1To10(int n, boolean outsideMode) +{ +if(outsideMode) + +return (n>=10 || n<=1) + +return (n<=10 && n>=1) +} +" +c926a0004ed8e694a9c4b64a4a8e7d7847f13f8d,"public boolean in1To10(int n, boolean outsideMode) +{ +if(outsideMode) + +return (n>=10 || n<=1); + +return (n<=10 && n>=1); +} +" +a5a5e1c76b2f5bd095dfe173756257a00b86769b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true && (n <= 1 || n >= 10) + {return true; + } + if (outsideMode == false && (n >= 1 || n <= 10) + {return true; + } + else + {return false; + } + +} +" +e655d33a4cf1f754a839351ba6449d602aa04b4f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true && (n <= 1 || n >= 10)) + {return true; + } + if (outsideMode == false && (n >= 1 || n <= 10)) + {return true; + } + else + {return false; + } + +} +" +203bbb5803e05e3bc968bae5fdd9f1b42705cbfa,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } +} +" +9a329c055a4e8be78bbd427ea504bf99567cad13,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + return false; + } +} +" +749df0e310af106240cac5bec2a24fa95e2301cb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true && (n <= 1 || n >= 10)) + {return true; + } + if (outsideMode == false && (n >= 1 && n <= 10)) + {return true; + } + else + {return false; + } + +} +" +15630483e36aad7c3cea430e6c4d4f11efa307f9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + return false; + } +} +" +556626702b9fc8235079274a462646ba359473e9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + return false; + } +} +" +0725903408fbc4d3dad131771dddecedcf7420d7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + if ((n > 1 && n < 10) && outsideMode) + return false; + else + return false; +} +" +1055a2a83f35088d79a1341afd15bc930448cc70,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n < 1 || n > 10) && outsideMode) + return true; + else + return false; +} +" +615fd3d4ce87554362a68f7c15f71364677fa3fa,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + else + return false; +} +" +b3ae53e0d55405a4dc0a68f707795bac3eb174e0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + else if ((n <= 1 || n >= 10) && outsideMode) + return true; + else + return false; +} +" +7f86edd8747cf340d97d2bb90a21eeff341c5abb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + else + return false; +} +" +beaeb1b15ca147c27c534aa052cfd74b8ee0c135,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + if ((n < 1 || n > 10) && outsideMode) + return true; + else + return false; +} +" +ed82a6547ec64fe83d7b6eccf72a3cb4c81e7128,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + if (n > 10) && outsideMode) + return true; + else + return false; +} +" +14d4332db9329991856818c0df342a5496edc282,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + if ((n > 10) && outsideMode) + return true; + else + return false; +} +" +e8024210ddec149af506cc6312569260823377f0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + if (n < 1 || n > 10) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + if ((n >= 11) && outsideMode) + return true; + else + return false; +} +" +0b43c87f0d77d577882b016a754908132376fe17,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + return false; + } +} +" +831b1639257f849077a268b7af790e9d7dc27bc2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + return false; + } +} +" +6035f5578477c9c29c8de84995d919e35406eb42,"public boolean in1To10(int n, boolean outsideMode) +{ + + if ((n >= 1 && n <= 10) && !outsideMode) + return true; + if ((n < 1 || n > 10) && !outsideMode) + return false; + if ((n <= 1 || n >= 10) && outsideMode) + return true; + else + return false; +} +" +20b5c46fb33f50d317019893ddaefa57a01be766,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +f5ebbe24e4e959698500357f4c7623ab41b25545,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +4cfcc025b5b10b1460611b068f8c2076018b8a8b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean penis = true; + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + penis = true; + else + penis = false; + } + if (outsideMode == false) + { + if (n >= 1 && n <= 10) + penis = true; + else + penis = false; + } + + +} +" +7eecb22bd50c5b6b5586b3bb2a30dcbebc90292e,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean penis = true; + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + penis = true; + else + penis = false; + } + if (outsideMode == false) + { + if (n >= 1 && n <= 10) + penis = true; + else + penis = false; + } + return penis; + + +} +" +a992baf776e7f4620530349a6fb849c932042554,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if ( n <= 1 || n >= 10 ) { + return true; + } + else if ( n >= 1 && n <= 10 ) { + return true; + } + return false; + } + return false; +} +" +ea5f6ed30e5cd8cd68d2d0ad8055104386c626e0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) { + if (n <= 1 && n <= 10) { + return true; + } + else { + return false; + } + } + else { + if (n <= 1 && n <= 10) { + return false; + } + else { + return true; + } + } +} +" +91d9b3eaa8014f6042ff964bdc9e051956c296ff,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) { + if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } + } + else { + if (n >= 1 && n <= 10) { + return false; + } + else { + return true; + } + } +} +" +c85ff246006a7e9efb07028fa56b1a67846d2edc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) { + if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } + } + else { + if (n > 1 && n < 10) { + return false; + } + else { + return true; + } + } +} +" +88ccfeab1cf9f11ca7f2b56429cee3cec3455e5a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode() ==true) + { + if(n <=1 || n >=10) + { + return true; + } + } + else + { + if(n >=1 && n >=10) + { + return true; + } + } +} +" +72423075bee2df6b035ce709b512a7953884f89a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode==true) + { + if(n <=1 || n >=10) + { + return true; + } + } + else + { + if(n >=1 && n >=10) + { + return true; + } + } +} +" +8909decb8ecbe579403a9d1ae236aa039504a8a1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode==true) + { + if(n <=1 || n >=10) + { + return true; + } + } + else + { + if(n >=1 && n >=10) + { + return true; + } + } + retun false; +} +" +3cccab5e4bd96ef37a55f52e9e6f907cbf2f09b4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode==true) + { + if(n <=1 || n >=10) + { + return true; + } + } + else + { + if(n >=1 && n >=10) + { + return true; + } + } + return false; +} +" +726674b080cd09cc97b6872fe229f5b2af34d95b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } + + else if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + return numb; +} +" +dd1570f80e11db492c2dff19920d77e8386c4726,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = false; + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + range = true; + } + } + else + { + if (n <= 1 || n >= 10) + { + range = true; + } + } + return range; +} +" +4aee6a35edc80a670aa3102b7a609ff4534e00c8,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } + + else if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + } + + return numb; +} +" +8262df860eb5d02119c57a0fdc21af0fd2571e4f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + if (n > 1 || n < 10) + return true; +} +" +6ab55f7c8f500c899bf5f167175b338b7aa0622f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + return true; + return false; + } + else + { + if(n <= 10 && n >= 1) + return true; + return false; + } +} +" +80a2c9c1005f47fba3c8f88949374a339df0f8dd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + return (n > 1 || n < 10) +} +" +3bcfce24741548383ea0f2c718954272a878995e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + return (n > 1 || n < 10); +} +" +4f0631727ab9282bd4c764f48651c9418a6ace84,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + return (n > 1 || n < 10); +} +" +422cdf75ddb436c1b183a4c206a075f06011ab96,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +7c51c0bab8d0796748c1c6b5a1514bef7d06979d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + } + else if(n >= 1 && n <= 10) + { + return true; + } +} +" +aeff6b892dbe149052cfdb6603008e0d81d23388,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + { + return true; + } + } + if(n >= 1 && n <= 10) + { + return true; + } +} +" +9dedf61206b4c9f4f2e7a1a401e14a825a24d98a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + return (n > 1 && n < 10); +} +" +0719cb58c22e6c1ece0e1e8a399e723a61880d45,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + return (n >= 1 && n <= 10); +} +" +3811320cf73e6aa81da1b9fbe01b89cacf8a7efe,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + return(n >= 1 || n <= 10); +" +44cb7cd55bba72d1f505ac124ef2bd54d31f67d3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + return(n >= 1 || n <= 10); +} +" +2564b92a1953a2650fa7347cd41640a992e31e86,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + return(n >= 1 || n <= 10); +} +" +06dbacf5c13dc3f0df35ee3b05ef87f7eb559201,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + return(n >= 1 && n <= 10); +} +" +255c718b55bf59ca86291174bbd3bef9ee14ce34,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10) + } + return (n >= 1 && n <= 10); +} +" +991cd879b75bd8c1b95fb23d8b0bd6baccda65cd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + return (n >= 1 && n <= 10); +} +" +a9d8156dc0016a248e1f30096db6277e74f943e9,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + } + + return numb; +} +" +694a2d50f9aa0e01ed279e06da8c1f637aae7fcf,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + return numb; +} +" +96689d16d7eecf3ed38689294eb0cc8ce788c6e8,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + else + { + numb = false; + } + + return numb; +} +" +7774eb272fdadd2d384f5ae341018d1f3fee5c40,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + return numb; +} +" +997d2682dd8cd74a7a5bb92a3ed534d1b18118ed,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 10 && n >= 1) + { + return false; + } + else + { + return true; + } + } + else + { + if (n <= 10 && n >= 1) + { + return true; + } + else + { + return false; + } + } +} +" +980b62c1d4a242e9656338da51e8b3207eb8939a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean is1to10 = false; + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + is1to10 = true; + return true; + } + else + { + is1to10 = true; + return true; + } + } + else + { + if (n <= 1 || n >= 10) + { + return is1to10; + } + else + { + is1to10 = true; + return is1to10; + } + } +} +" +7336efa8d93aaa0571e954d0fdc20008a3cb26cc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1)&&(n,<=10) + return true; + else + return outsideMode; +} +" +e1f9724fbea407dbe4644151695e4cd529bd1ed1,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean is1to10 = false; + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + is1to10 = true; + return true; + } + else + { + + return is1to10; + } + } + else + { + if (n <= 1 || n >= 10) + { + return is1to10; + } + else + { + is1to10 = true; + return is1to10; + } + } +} +" +56b2103bb8a68cee9bd3100bdb3604498c88ea97,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 10 && n <= 1) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 10 && n >= 1) + { + return true; + } + else + { + return false; + } + } +} +" +514c9ee93deb9ab0d0438340f8427b7ce9338411,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean is1to10 = false; + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + is1to10 = true; + return true; + } + else + { + + return is1to10; + } + } + else + { + if (n < 1 || n > 10) + { + return is1to10; + } + else + { + is1to10 = true; + return is1to10; + } + } +} +" +817239364459e2637d685dbe2f268bbff32a1013,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +d2ee9239ca0de121b4aa42344fb2a11100e5098b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 10 && n >= 1) + { + return false; + } + else + { + return true; + } + } + else + { + if (n <= 10 && n >= 1) + { + return true; + } + else + { + return false; + } + } +} +" +915bda625d85a0c65f26e5b6bc3e10399a3733f4,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + return numb; +} +" +5c3bcd7f60c0be319685709077e5d46653d5678d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n < 10 && n > 1) + { + return false; + } + else + { + return true; + } + } + else + { + if (n <= 10 && n >= 1) + { + return true; + } + else + { + return false; + } + } +} +" +a6ec112dab554fc3b25ec3f6b06e196314472688,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + } + else + { + numb = false; + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + return numb; +} +" +ff106f8402cbcea3e78f7f5459d782a6b48b625f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10= false; + + if (!outsideMode) + { + if (n>=1 && n<=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + else if + { + if (n<=1 && n>=10) + { + in1To10 = true; + } + } + + return in1To10; +} +" +6c0d662d77f516c9d8f3359502265c733dcd60a4,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + } + else + { + numb = true; + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + return numb; +} +" +3299b95a4c00b79c993649071f9115e6ba16a02c,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10= false; + + if (!outsideMode) + { + if (n>=1 && n<=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + if (outsideMode) + { + if (n<=1 && n>=10) + { + in1To10 = true; + } + } + + return in1To10; +} +" +5de6efb00c3d51dd667f9306de48b76f1b00ba4a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + } + else + { + numb = false; + } + + if (n >= 1 && n <= 10) + { + numb = true; + } + + return numb; +} +" +409fa195ee1f076833eda9a6e5427928ba15ce24,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + if (n >= 1 || n <= 10) + return true; + return false; +} +" +c2b3e1f444dace7d31ebd6b93e78e9c798e31586,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10= false; + + if (!outsideMode) + { + if (n>=1 && n<=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + if (outsideMode) + { + if (n<=1 && n>=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + return in1To10; +} +" +2ecb65c53548aa53addf7a929d992522f06cc774,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 || n <= 10) + return true; + if (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + return false; +} +" +94f0312ae3eeb6c93682cffb770ac5d8e72182af,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10= false; + + if (!outsideMode) + { + if (n>=1 && n<=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + else if (outsideMode) + { + if (n<=1 && n>=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + return in1To10; +} +" +24877694a902406d74b0cfb99d82ee13d039190b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10= false; + + if (!outsideMode) + { + if (n>=1 && n<=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + else if (outsideMode) + { + if (n<=1 || n>=10) + { + in1To10 = true; + } + else + in1To10 = false; + } + + return in1To10; +} +" +9b456aa182297e3ae7de84b1b181c06e78f81ff2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + return false; +} +" +3b5977daead159509da618a2d8c282ce51371b60,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + } + else + { + numb = false; + } + + + + return numb; +} +" +3dcd1e6f4f21f2014d3084b6d07ce11ff8508744,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } + + if (outsideMode == true) + { + numb = !numb; + } + + + + return numb; +} +" +b271e4b471c0f0a545aca8e62bb7c5103686afc5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + if (n <= 1 || n >= 10) + return true; + return (n >= 1 && n <= 10); +} +" +7b29cdf5ee724075e8a4c5eab6537fc6cce83460,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <=10); + +} +" +fbdb8eb9e3511d25fe45359a7c34b788b6f02567,"public boolean in1To10(int n, boolean outsideMode) +{ + int a = false; + if ( n<=10 && n>=0) + a=true; + if ( n<=10 && n>=0 && outsideMode==true) + a=false; + return a; +} +" +5bf52285ca99ad0517936cf19981d1c437108c7e,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideWorld == true) + { + if (n<2 && n>9) + { + answer = true; + } + } + else + { + if (n>0 && n<11) + { + answer = true; + } + +} +" +6fc2d20558957c429e2f5e599911b25cedda038e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10) + return (n >= 1 && n <= 10); +} +" +872dab64e62e6f61a64562c910c74670232f24e3,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = false; + if ( n<=10 && n>=0) + a=true; + if ( n<=10 && n>=0 && outsideMode==true) + a=false; + return a; +} +" +d7f98423c2f2ed506231ec69feabce209752db0d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +4e76d6f5e42dacc21d4ca2cb8f95b0104246da76,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideWorld == true) + { + if (n<2 && n>9) + { + answer = true; + } + } + else + { + if (n>0 && n<11) + { + answer = true; + } + return answer; +} +" +f9f8de1547941a3fa5e0bf9473e920088a9ae53f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + + + + return numb; +} +" +db4d7a896446d557dcb6b9cdb5ba1864083f88e8,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideWorld == true) + { + if (n<2 && n>9) + { + answer = true; + } + } + else + { + if (n>0 && n<11) + { + answer = true; + } + } + return answer; +} +" +c209769aedb47438c705c48bfb3d1f4ae7024126,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = false; + if ( n<=10 && n>=0) + a=true; + if ( n>=10 && n<=0 && outsideMode==true) + a=true; + return a; +} +" +ccaa7e2c2b1166f15771825d0a8dde2038e36f96,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode == true) + { + if (n<2 && n>9) + { + answer = true; + } + } + else + { + if (n>0 && n<11) + { + answer = true; + } + } + return answer; +} +" +bd8e435491234fc03ee719a4a95f90496571d820,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } else { + numb = false; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + + + + return numb; +} +" +3367eca3e4a0f63fa23b038608869d4deb00b8ef,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode == true) + { + if (n<2 || n>9) + { + answer = true; + } + } + else + { + if (n>0 && n<11) + { + answer = true; + } + } + return answer; +} +" +25809fc1d0ca3d6374ea94f044ad89a187096693,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean numb = true; + + if (n >= 1 && n <= 10) + { + numb = true; + } + else + { + numb = false; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + numb = true; + } + else + { + numb = false; + } + } + + + + + return numb; +} +" +615df9c9768c04c80b0dbf2f8294a4c91ee416ec,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = false; + if ( n<=10 && n>=0 && outsideMode==false) + a=true; + if ( n>=10 && n<=0 && outsideMode==true) + a=true; + return a; +} +" +2b6ba76c5fdab5457dfaebf119624e9a43a019ae,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = false; + if ( n<=10 && n>=0 && outsideMode==true) + a=true; + if ( n>=10 && n<=0 && outsideMode==true) + a=true; + return a; +} +" +6e1223709a89d3e857b0d3702af1e305a1818d69,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = false; + if ( n<=10 && n>=0 && outsideMode==false) + a=true; + if ( n>=10 && n<=0 && outsideMode==true) + a=true; + return a; +} +" +90409aa211c1ee39ab143c7849726415ad9fdbf0,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = false; + if ( n<=10 && n>=0 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +42602b706b8fba251d7e4176ae775b96ec409c27,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n<=10 && n>=0 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +36570bb4af86c54290163c5fac9a892991f69b7f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + if ( n>10 || n<1) + a=false + return a; +} +" +bb59c66a089acaeb9a651a35720733622943c73a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + if ( n>10 || n<1) + a=false; + return a; +} +" +31befd3601c4fd3be074c6f7e6ec92fe020032e0,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n>10 || n<1) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +dacc4dbb04cb00df97e2c95db3c898839ae1266e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + return false; + else + if ( n >= 1 && n <= 10) + return true; + return false; + +} +" +51719d8cf5186f062f8dcaef62c6762d0644abaf,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n>10 || n<1 && outsideMode==false) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +91049574cb622745141319b4a089d242385e7d13,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else + if ( n >= 1 && n <= 10) + return true; + else + return false; + +} +" +ecbe0e5b2d663ca931fa948ba1135a7590395811,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if (( n>10 && outsideMode==false)|| (n<1 && outsideMode==false)) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +24ffa6a817a000a3801dc7418abb719051a6194e,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if (( n>10 && outsideMode==false)|| (n<1 && outsideMode==false)) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n<=10 && n>=1 && outsideMode==true) + a=false; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +dffc24518ab7c869d66cc7e07514284966358f5c,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if (( n>10 && outsideMode==false)|| (n<1 && outsideMode==false)) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n<=10 && n>1 && outsideMode==true) + a=false; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +f7c37ce5af6a2e5e6dab480b3153d3f59423ed6f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if (( n>10 && outsideMode==false) + a=false; + if (n<1 && outsideMode==false) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n<=10 && n>1 && outsideMode==true) + a=false; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +47c1e98c54d25232aecb16c0da342fc970ce86a5,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n>10 && outsideMode==false) + a=false; + if (n<1 && outsideMode==false) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n<=10 && n>1 && outsideMode==true) + a=false; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +956f7928aaf2f9c3871612f3385c79d3b5de4b69,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n<=10 && n>1 && outsideMode==true) + a=false; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +1bf0afc8e89b2a9808274003187abac12108ad5f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n < 2 || n > 9) + { + return true; + } + else + { + return false; + } + } + else if (n > 0 && n < 11) + { + return true; + } + else + { + return false; + } +} +" +be19a9fa66bda3d460696e0e76103a0900435b95,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n < 2 || n > 9) + { + return true; + } + else + { + return false; + } + } + else if (n > 0 && n < 11) + { + return true; + } + else + { + return false; + } +} +" +41914ead7365dbea546c85ab6964b247a9723d90,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean a = true; + if ( n>10 && outsideMode==false) + a=false; + if (n<1 && outsideMode==false) + a=false; + if ( n<=10 && n>=1 && outsideMode==false) + a=true; + if ( n<=10 && n>1 && outsideMode==true) + a=false; + if ( n>=10 && n<=1 && outsideMode==true) + a=true; + return a; +} +" +ce0210f400bbfcbded55c396ccfad19b94469535,"public boolean in1To10(int n, boolean outsideMode) +{ + if((n >= 1 || n <= 10) && !outsideMode) + { + return true; + } + else if ((n <= 1 || n >= 10) && outsideMode) + { + return true; + } + return false; +} +" +55bda70127005971bb724420276aa01f3e0ef79d,"public boolean in1To10(int n, boolean outsideMode) +{ + if((n >= 1 && n <= 10) && !outsideMode) + { + return true; + } + else if ((n <= 1 && n >= 10) && outsideMode) + { + return true; + } + return false; +} +" +2b394db4e8d73dbd0abf64b19a0dae6d2fa054bc,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = true; + + if(outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + else + { + result = false; + } + } + else + { + if (n <= 1 && n <= 10) + { + result = true; + } + else + { + result = false; + } + } + + return result; + +} +" +c63060f12cfca671fc3ccf63e9aa9b2f195f3056,"public boolean in1To10(int n, boolean outsideMode) +{ + if((n >= 1 && n <= 10) && !outsideMode) + { + return true; + } + else if ((n <= 1 || n >= 10) && outsideMode) + { + return true; + } + return false; +} +" +3858c69275e68d35eac1a9e305646663e743df70,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = true; + + if(outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + else + { + result = false; + } + } + else + { + if (n >= 1 && n <= 10) + { + result = true; + } + else + { + result = false; + } + } + + return result; + +} +" +4a6cffe603f59b6541a89ac20d9cf1037c282f48,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +72f27b9fdd76fc39da953690295e0036a191ae6c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if(n <= 1 || n >= 10) + return true; + else + return false; + else if (n >=1 && n <= 10) + return true; + else + return false; +} +" +92d7c67a50f7de2340a447caa3cb6c9c219b1f31,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + else + return false; + } + else if (n>=1 || n<=10) + return true; + +} +" +7fc230f7df125a749f4f63a19b6eb1c3ca0d3c51,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + else + return false; + } + else if (n>=1 || n<=10) + return true; + else + return false; + +} +" +2ea8151773a88e2992d6d37bfc6433bd602fcc3f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n>= 1 && n<= 10) + return true; + if (outsideMode == true && n<=1 && n>=10) + return true; + else + return false; +} +" +66e3989c6a23d7a699211eb4dd4bced6bfe58c72,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + else + return false; + } + else if (n>=1 && n<=10) + return true; + else + return false; + +} +" +08491b5409bbd2bb2162bbe37bc6d912ef1126f3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +220c4ce57002eba786d448b94ca1abd655ce44eb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +e2f5ff20f598f0d074eba14ee4c84bb7539be967,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n>=1 && n<= 10); + return (n>= 1 && n<=10); + + +} +" +88fcda217e79fd33d11a0cce3b1635f09064716a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n>=1 || n<= 10); + return (n>= 1 && n<=10); + + +} +" +2d2ac66fa32ac6cbc52961963e7b46791ac9af79,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n<=1 || n>= 10); + return (n>= 1 && n<=10); + + +} +" +c03aca67201ef73b4f4aff23d4d416add9b9ec49,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n == 1 || n == 10) + return true; + else if (outsideMode == true) + { + if (n > 10 || n < 1) + return true; + else + return false; + } + else if (n > 10 || n < 1) + return false; + else + return true; +} +" +fd5d0a47449cf3c7c361669fe2b2bad8686eae7d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +556a51f5587711febfedd4c384ada96658e6c8b2,"public boolean in1To10(int n, boolean outsideMode) +{ + int n + + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } +} +" +96b24db5f888beefc3af531ce892e48978a33520,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } +} +" +d321d99baf9683528fa6e50916763abe246a836f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && n <= 1 || n >= 10) + { + return true; + } + else if(n >= 1 && n <= 10) + { + return true; + } + else + return false; +} +" +6ef3efb72328769987dbc8a7c4e5b4138e18d999,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return true; + } + if (n <= 1 || n >= 10) + { + return false; + } +} +" +04bf6c4a77c2870968437ae7deae900cd8f33533,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if(n >= 1 && n <= 10) + { + return true; + } + else + return false; +} +" +35fa7ca7f0a806eee995939206c4db6c43e70719,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 && n >= 10)) + { + return true; + } + else if(n >= 1 && n <= 10) + { + return true; + } + else + return false; +} +" +39edc9ed5d65cb4faedcdcd1566aba09cb54219c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return true; + } + if (n <= 1 || n >= 10) + { + return false; + } +} +" +d888463f133617f3e1db282d628fc8cfc3d35caa,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n === 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n == 8 || n == 9 || n == 10) + { + return true; + } + if (n <= 1 || n >= 10) + { + return false; + } +} +" +75f2d6a1f887a96112c5f87ff52332c05864a3de,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n == 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n == 8 || n == 9 || n == 10) + { + return true; + } + if (n <= 1 || n >= 10) + { + return false; + } +} +" +2a4be7d37b79829a54f71ad8b83c88953bdc6cc5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 + \\n >= 10)) + { + return true; + } + else if(n >= 1 && n <= 10) + { + return true; + } + else + return false; +} +" +4f020dcb2ebec419aa94d431533df15542e537ec,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n == 8 || n == 9 || n == 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n == 1 || n == 2 || n == 3 || n == 4 || n == 5 || n == 6 || n == 7 || n == 8 || n == 9 || n == 10) + { + return true; + } + if (n <= 1 || n >= 10) + { + return false; + } + return false; +} +" +078ba3fc722f17771066473bbfb3739b1e2ccc3a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if(n >= 1 && n <= 10) + { + return true; + } + else + return false; +} +" +8a2f67a2b40504387a97b08b7216c4d9f069d67f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)) + { + return true; + } + else + return false; +} +" +f261fec08acb5d676395fdc298be294410c6d604,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return true; + else if (n > 0 && n < 11) + return true; + return false; +} +" +25d717b7af19eac5c003eef7e8bb606b90e1e599,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 1 && n <= 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + if (n < 1 || n > 10) + { + return false; + } + return false; +} +" +e4ffb1b8d6bb149397b74073500d4a6719718861,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 1 && n <= 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + if (n < 1 || n > 10) + { + return false; + } + return false; +} +" +5b9a86cfcac445de6bf8b3fbb33e52e475cad982,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n < 1 || n > 9) + return true; + else if (n > 0 && n < 11) + return true; + return false; +} +" +6802fddfb16514d85f9907c8fc33fded13ce0045,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n > 1 && n < 10) + { + return false; + } + if (n <= 1 || n >= 10) + { + return true; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + if (n < 1 || n > 10) + { + return false; + } + return false; +} +" +d5215ab491a64255bd1254450f225f078878469c,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = true; + if (outMode = true) + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } +} +" +ec5b81bc745af5ba7b78680fd567ce2007294f8f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n < 2 || n > 9) + return true; + else if (n > 0 && n < 11) + return true; + return false; +} +" +c116339b588854a157ca2b44e06a579d03c62e3f,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = true; + if (outMode = true) + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + return range; +} +" +3f65640c20c1e6948aab0075e577ab6ed0e42387,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = false; + if (outMode = true) + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + if (number > 0 && number < 11) + { + range = true; + } + return range; +} +" +e82ef253b723d5833fb9aca238c8a6521e0f8a8f,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = false; + if (outMode = true) + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + else if (number > 0 && number < 11) + { + range = true; + } + return range; +} +" +8c1a141eee4730e47488f4728a8a998b73385512,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n <= 1 || n >= 10) + return true; + else + return false; + else + if(n >= 1 && n <= 10) + return true; + else + return false; +} +" +2b0392b54b1897d8e168a74395cb4b35c3767b54,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = false; + if (outMode = true) + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + else if (outMode = false) + { + if (number > 0 && number < 11) + { + range = true; + } + else + { + range = false; + } + } + return range; +} +" +5a4a6fdbbabc5017b7251bddeff3a04401f19d95,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n < 2 || n > 9) + return true; + } + else if (n > 0 && n < 11) + { + return true; + } + return false; +} +" +5d16d40b45d9f893673c2292494fa0e4f0f8b4cf,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = false; + if (outMode = false) + { + if (number > 0 && number < 11) + { + range = true; + } + else + { + range = false; + } + } + else if (outMode = true) + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + return range; +} +" +c6a22fcadee6f32d6a7374cd9910f287ad46789f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)) + { + return true; + } + else + { + return false; + } +} +" +44c6ca72cf344160d20d91e62a7a78b66bb506c1,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = false; + if (outMode = false) + { + if (number > 0 && number < 11) + { + range = true; + } + else + { + range = false; + } + } + else + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + return range; +} +" +4ffc10559ffb14c67dc83d0fb9c0bee83c8b0216,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = true; + if (outMode = false) + { + if (number > 0 && number < 11) + { + range = true; + } + else + { + range = false; + } + } + else + { + if (number > 0 && number < 11) + { + range = false; + } + else + { + range = true; + } + } + return range; +} +" +c51b53ac604f9bb5343e1970cbdf0cc5be64e1cc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(1 =< n && 10 => n) + return true; + if(outsideMode 1 >= n && >= 10) + return true; + else + return false; + +} +" +54eb49a480dad376cb9139e73283b02dc6661c5b,"public boolean in1To10(int n, boolean outsideMode) +{ + int number = n; + boolean outMode = outsideMode; + boolean range = true; + return range; +} +" +72137063afe1e864f430dc6907ab6612204caf9d,"public boolean in1To10(int n, boolean outsideMode){ + if(outsideMode) + return n <= 1 || 10 <= n; + + return 1 <= n && n <= 10; +}" +bf714cff0a7693abeaed660368a55c19b0496b53,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n>=10) + return true; + else + return false; + } + else + { + if (n >=1 && n <=10) + return true; + else + return false; + } + +} +" +f8f46a22e85ce7e8252173af652d026a2e5f05f5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else + if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +c33e05ae55dd9749de86ba509f2117b713d30889,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true ){ + if(n <=1 ||n>=10) + return true; + } + if(n>=1 && n<=10) + return true; + return false; +} +" +7e2c74195284fce09827407a4c20ecf5ac92eee6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true ){ + if(n <=1 ||n>=10) + return true; + return false; + } + if(n>=1 && n<=10) + return true; + return false; +} +" +6fb453145f9ba792d4389ec81feebed40264d88f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +7ec3122e95f76fe984140716942a69b4178175c6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + if(outsieMode == false && (n >= 1 && n <= 10)) + { + return true; + } + else + { + return false; + } + + +} +" +dc582dac976aa6938486b08118a101516bb0e24e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + if(outsiedMode == false && (n >= 1 && n <= 10)) + { + return true; + } + else + { + return false; + } + + +} +" +9c38b5e7e7860831332122b72aba4c9da9a6e364,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + if(outsideMode == false && (n >= 1 && n <= 10)) + { + return true; + } + else + { + return false; + } + + +} +" +7da4dc539b3a5bd0d96c466d8c4d7b865581e0cb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode && (n <=1 || n >= 10)) + { + return true; + } + else + { + return false; + } + + +} +" +744f93927292376bc0df4ce548a3a8fcf6a5e489,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == false && n >= 1 && n <= 10 ) + return true; + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + return true; + else return false; +} +" +312403e64442c93e05a838ea78eaa24f495f1efb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n>=1 && n<=10) + return true; + if (outsideMode ==true && (n<=1 || n>=10) + return true; + +} +" +9710b23261b27d1561a3ffd06695dde4ca268807,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) { + return true; + } + else + { + return false; + } + } + +} +" +fa9960e368bf89c887a534bc300078d0ed5cffd0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n>=1 && n<=10 && outsideMode==false ) + return true; + if (outsideMode ==true && (n<=1 || n>=10)) + return true; + else + return false; + +} +" +f4bc27889a0350bba89ea38c451d3b9601648812,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + return false; + { + if (n >= 1 && n <= 10) + { + return false; + } + return true; +} +" +7f219c164854a75b93e5eb4f2ebf9499a8690a0d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + return false; + } + if (n >= 1 && n <= 10) + { + return false; + } + return true; +} +" +1fb39842b2e3d1626184c1a6496e2afe552d771e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + return false; + } + if (n > 1 && n < 10) + { + return false; + } + return true; +} +" +dd3c1a6bb54f338fea2c1927cc54a607fd623d22,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n <= 1 && n >= 10 ) { + return true; + } + return false; +} +" +7a9763bb7bca626b38674a4dbc9d82466ffc4aef,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true && (n <= 1 || n >= 10) + { + return true; + } + if (n <= 1 && n >= 10 + { + return true; + } + else + { + return false; + } +} +" +4f4b9ab0064c2b210ad3a94c8aa20b7f8ead286d,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true && (n <= 1 || n >= 10) + { + return true; + } + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +} +" +5c784aad94bbabe745a7ba1a4d40b92cb12d2f1c,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +} +" +38ba325bc4e868b25993f9f3ec5089c7f4ee8e08,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +5225ee822f92cfa162c33677f8dff854621a8a1a,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else if ( outsideMode == true && !(n <= 1 || n >= 10)) + { + return false; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +4d6ca56e71ca592029ae4e4f1001ca3342de1a71,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + if (outsideMode) + { + if (n <=1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +829f7ca5ab45f760761066b8222c346643648c75,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +0817adac8ce6331da5db0cbc1e23416430be9f27,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + else if (outsideMode) + { + if (n <=1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +4f2c719aa86331f4d6d599c8e116471d205868f0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + if (outsideMode == true) + { + if (n <=1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +37e87c769d60715e288515467b53519b1d994a2a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + + else + { + if (n <=1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +} +" +ce4848761402d88d241a4ec8fb16ed9ed4e4d300,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else + { + num = false; + } + return num; +} +" +ca8a65f87878348ae8d30cb1d89b115035c12a2f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else if (outsideMode == true) + { + num = false; + } + return num; +} +" +9d56238cc01f13967fbcc51e38eb7071c7b190d3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if(n>=1 || n<=10) + return true; + else + return false; + } + if (n>=0 && n<=10) + return true; + else + return false; +} +" +4d950218e4ff72b3579a9d2356f3ea7a5dc205e3,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else if (n < 1 && n > 10 && outsideMode == true) + { + num = false; + } + return num; +} +" +a4968e037f57e5076c9a003bb42c0f10ecd1a3a5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + if (n>=0 && n<=10) + return true; + else + return false; +} +" +d105dfd5a8cb89d2d47978b3f6e7bf3c7535be38,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else if (n < 1 && n > 10 && outsideMode == true) + { + num = true; + } + else if (n < 1 && n > 10 || outsideMode == true) + { + num = false; + } + return num; +} +" +a5c9e16a1589eec8ffe5d840d3c32c490724d355,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +b2c742939c3387300715c6eb0817bccc150ea9cb,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else if (n < 1 && n > 10 && outsideMode == true) + { + num = true; + } + else + { + num = false; + } + return num; +} +" +ead7466a9fc6e965518e7127d20ca707912c99a4,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +29000a35c9980853c1bb48d247d16e279ea85913,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +db7fd1ec4db765a9b08596a6780823533e662a12,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == true) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + if(outsideMode == false) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +b9f98cc87d3a56b3b9b85e3b9e434bf6d177901d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +}" +fdb1ee469144b00f038f5783a6373bf87782a58c,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode ) { + if ( n <= 1 && n >= 10 ) { + return true; + } + if ( n >= 1 n <= 10) { + return false; + } + } +} +" +68679001c3f06a1045d039b32005b78a88b45554,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode ) { + if ( n <= 1 && n >= 10 ) { + return true; + } + return false; + } + if ( n >= 1 && n <= 10) { + return true; + } + return false; +} +" +615e695dc3cb98c3032a365685ebda8bfa2426cd,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode ) { + if ( n <= 1 && n >= 10 ) { + return false; + } + return false; + } + if ( n >= 1 && n <= 10) { + return true; + } + return false; +} +" +ccbf036663a7f6f231bf95056d3f61b3718f9999,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true ) { + if ( n <= 1 || n >= 10 ) { + return false; + } + return false; + } + if ( n >= 1 && n <= 10) { + return true; + } + return false; +} +" +a8409e20ba4418eb63f47d3722dbbc41e4e28638,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true ) { + if ( n <= 1 || n >= 10 ) { + return false; + } + return false; + } + if ( outsideMode == false) { + if ( n >= 1 && n <= 10) { + return true; + } + return false; + } + return false; +} +" +770266c0e542e884574f58e09128462e9c31c671,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == true ) { + if ( n <= 1 || n >= 10 ) { + return false; + } + return false; + } + if ( outsideMode == false) { + if ( n >= 1 || n <= 10) { + return true; + } + return false; + } + return false; +} +" +e976495fd6c06dbe725d4c232cb17dcf477bfefe,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + } + return false; +} +" +d0058299757abf7d4f576596250780d8210b06db,"public boolean in1To10(int n, boolean outsideMode) +{ + if (( outsideMode == false) && ( n >= 1 && n <= 10 )) { + return true; + } + + if (( outsideMode == true ) && ( n <= 1 && n >= 10 )) { + return true; + } + return false; +} +" +b969b76ae0a97d529301df792bcee138c2a8bd89,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = false; + if (n >= 1 && n <= 10) + { + range = true; + } + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + range = true; + } + } + return range; +} +" +3c065744361e21d62b5705f725e951a0498cb975,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + } +} +" +21493bb26d12e1e48a07c7dbb1f5bf3ffc153ee1,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = false; + if (n >= 1 && n <= 10) + { + range = true; + } + if (outsideMode == true) + { + if (n <= 1) + { + range = true; + } + if (n >= 10) + { + range = true; + } + } + return range; +} +" +d5e3a6bdd721ce4ab3fcd52f83464cdbb84766bf,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + } + return true; +} +" +5e13b29e685877767296aad34642cf602b1eef79,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +5e0aa3b58348cdc257202bed6c9233aec0c0bcf8,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = false; + if (n >= 1 && n <= 10) + { + range = true; + } + if (outsideMode == true) + { + if (n <= 1) + { + range = true; + } + if (n >= 10) + { + range = true; + } + } + else + { + range = false; + } + return range; +} +" +6bacb00202521b287e51c7467d1f83685f4dff94,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = false; + if (n >= 1 && n <= 10) + { + range = true; + } + if (outsideMode == true) + { + if (n <= 1) + { + range = true; + } + else if (n >= 10) + { + range = true; + } + else + { + range = false; + } + } + return range; +} +" +68ba92b84bf4bab89a431e55029b0150205a79f3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +cdde219e6438bef34ea4d14644cd64fb16f162d1," +public boolean in1To10(int n, boolean outsideMode) { + + if (!outsideMode){ + + if (n >= 1 && n <= 10) { + + return true; + + } else { + + return false; + + } + + } else { + + if (n <= 1 || n >= 10) { + + return true; + + } else { + + return false; + + } + + } +} +" +babd38a46e96a1a2f4bb30433595dd023f58bf6d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return (true); + } + else + { + return (false); + } + } + else + { + if (n >= 1 && n <= 10) + { + return (true); + } + else + { + return (false); + } + } +} +" +51dd8226f2d4ab14e2959c57934e34478c11be42,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1to10; + + if ((outsideMode == false) && ((n >= 1) && (n <= 10))) + { + in1to10 = true; + } + else if ((outsideMode) && ((n <= 1) || (n >= 10))) + { + in1to10 = true; + } + else + { + in1to10 = false; + } + return in1to10; + +} +" +bf598fcf2ef572f7d992121fe333349d84bfb5c1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode==true) + { + if(n <=1 || n >=10) + { + return true; + } + else + { + return false; + } + } + else + { + if(n >=1 && n >=10) + { + return true; + } + else + { + return false; + } + } +} +" +369eb12da4ab481d9593921b3853f1c900b37e89,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode==true) + { + if(n <=1 || n >=10) + { + return true; + } + else + { + return false; + } + } + else + { + if(n >=1 && n <=10) + { + return true; + } + else + { + return false; + } + } +} +" +95b7367e9cca652e0768918e74ba3573a7314496,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && (n < 2 || n > 9)) + { + return true; + } + if(!outsideMode && (n > 0 && n < 11)) + { + return true; + } + return false; +} +" +9bc27dce525f2905865aec9ed48f1962af729d83,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +25ff76c3b98142e643ca39f535513e516d294671,"public boolean in1To10(int n, boolean outsideMode) +{ + if (1 <= n && n <= 10 || outsideMode && n <= 1 && 10 <= n) + { + return true; + }else{ + return false; + } +} +" +755ff3e64cf2b456183ebd5975c7ce85806baf7f,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((1 <= n && n <= 10) || (outsideMode && (n <= 1 && 10 <= n))) + { + return true; + }else{ + return false; + } +} +" +d0ccb1a03ff7117d103657169c59499ce3f4d038,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((1 <= n && n <= 10) || (outsideMode && (n <= 1 && 10 <= n))) + { + return true; + }else{ + return false; + } +} +" +01e17a6a3ed006b9b423c63657435d0ebef17200,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((1 <= n && n <= 10) || (outsideMode && !(n < 1 && 10 < n))) + { + return true; + }else{ + return false; + } +} +" +bd7d384156daabf9e42fac0ebb2eb8463777e0d2,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((1 <= n && n <= 10) || (outsideMode && !(1 < n && n < 10))) + { + return true; + }else{ + return false; + } +} +" +5a0ca221646aa0152d4519409a688310025b6e2f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +9d6c837baecf64dd40566e2083c7788d26a2122e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((1 <= n && n <= 10) && (outsideMode && !(1 < n && n < 10))) + { + return true; + }else{ + return false; + } +} +" +062f4622032a0d74487f7cc7eeb2dd6dae9690b7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && (1 <= n && n <= 10) || (outsideMode && !(1 < n && n < 10))) + { + return true; + }else{ + return false; + } +} +" +40ee56200ea89e42ba5011766713f15d8e6038d8,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = a + b; + +if(10 <= sum && sum <= 19) +return 20; + +return sum; +} +" +01596dae00efa2c207efb9a768621f02c6f92f06,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean value = true; + if (n > 1 && n < 10) + { + value = true; + } + else + { + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + value = true; + } + } + } + return value; +} +" +1c7d9c17102cc5ea297d7b95cf73e116e7cd6e1d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) +return n <= 1 || 10 <= n; + +return 1 <= n && n <= 10; +} +" +c1112fdcc25c5bbdad09be18af6912d89fd76d6c,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean value = true; + if (n > 1 && n < 10) + { + value = true; + } + else + { + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + value = true; + } + else + { + value = false; + } + } + } + return value; +} +" +a7f9af7393cd2d4d8dd2ca104ca0f157eec1b4bb,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 &&a<=10) + { + return true; + } + if(outsideMode) + { + return n<=1 || n>=1- + } + +} +" +0eeb86c872f33f77ecc9a9f88c95252acac8e182,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 &&n<=10) + { + return true; + } + if(outsideMode) + { + return n<=1 || n>=1- + } + +} +" +a35be54aef9fc2433fa149dc660d5614ead8af69,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 &&n<=10) + { + return true; + } + if(outsideMode) + { + return n<=1 || n>=1; + } + +} +" +ad2ce9264d87cfb67ec7e37ad3017fb721c70fa2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 &&n<=10) + { + return true; + } + if(outsideMode) + { + return n<=1 || n>=10; + } + +} +" +53dbb56d3b0b19187c81ef0aecfddb2cf9c7d96e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else + return false; + } + else + if ((n >= 1) || (n <= 10)) + { + return true; + } + else + return false; + + + +} +" +2092df0dec84ccd3e174447e13390331c01d9fe0,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + if(outsideMode) + { + if(n<=1 || n>=10) + { + return true; + } + } + +} +" +5a6cbd699febb0ed75c521611416fd71725f2401,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean value = true; + if (!outsideMode) + { + if (n > 1 && n < 10) + { + value = true; + } + else + { + value = false; + } + } + else + { + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + value = true; + } + else + { + value = false; + } + } + } + return value; +} +" +28508ae395717b4d4bfbb23adbc25fa6fc40c237,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean value = true; + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + value = true; + } + else + { + value = false; + } + } + else + { + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + value = true; + } + else + { + value = false; + } + } + } + return value; +} +" +68be64ab57a113c27f4ddaca783a4fa277be4123,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + if(outsideMode) + { + if(n<=1 || n>=10) + { + return true; + } + } + else + { + return false; + } + +} +" +e6d9f76c0f7a66f96ec6a307ae63f3b1761c16de,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + { + return true; + } + else if(outsideMode) + { + if(n<=1 || n>=10) + { + return true; + } + } + else + { + return false; + } + +} +" +69f006b2abd2d14533453b386de4e71657eb2f7e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && <= 10); +} +" +27230b4642f9e5749aba43f89af8b21f61bcb49b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else + return false; + } + else + if ((n >= 1) && (n <= 10)) + { + return true; + } + else + return false; + + + +} +" +b1ae7e17dfbc2a21c1dd8164d984d78b3da71919,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && <= 10); +} +" +b5203b4f801a770d51b43df1777fdda22ee0323a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +c7806e8c313e3e0076428bbaeb09bcf02d1230f9,"public boolean in1To10(int n, boolean outsideMode) +{ + + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +282da595c31858dcfeeb9d44465be3f293626f7c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + return false; + } + if (n >= 1 && n <= 10) + { + return true; + } + return false; +} +" +f36ee0a82ce204b62c7a0e98b013384b85d06d2b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + if(n<=1 || n>=10) + return true; + else + return false; + +} +" +9708f58ccc1d27cf6df470ac5a7382d2bae88ecd,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n<=1 || n>=10) + return true; + else + return false; + if(outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + + +} +" +76e40a2379a0714d5f601566a945ef277df242d5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n<=1 || n>=10) + { + return true; + else + return false; + } + + if(outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + + +} +" +09d146470c20fd56c7454259f584ec4850a00d9a,"public boolean in1To10(int n, boolean outsideMode) +{ + { + if(n<=1 || n>=10) + + return true; + else + return false; + } + + if(outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + + +} +" +8bd743359ea6ac87a0c3923604c689767d455313,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if(outsideMode) + { + if(n<=1 || n>=10) + return true; + else + return false; + } + + if(n<=1 || n>=10) + + return true; + else + return false; + +} +" +fe56dd2f3635e9a0287283ef3bee9709c1689813,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if((n<= 1) || (n>= 10)) + {return true;} + } + else + { + if(n>=1 && n<=10) + {return true;} + } + + return false; +} +" +2d809887f1596f2f9b122f613e917d536ecee63f,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +91c8c21eef75140f5e5c82ac9cdd6a6e968b0eb1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n<=10||n>=1&&!outsideMode) + { + return true; + } + else if (n<=1&&outsideMode||n>=10&&outsideMode) + { + return true; + } + else + { + return false; + } +} +" +c75216df79f8a48295bcb6d6d173a3d64426181b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if( n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + else + if( n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +9dbf394599a4418959c7b03a1bf7b4459e6b555e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + { +} +" +1f1a58bbd58b91321f6922ffdd65b68edea694b9,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n<=1 || n>=10)) + { + return true; + } + else if (outsideMode) + { + return false; + } + else if (n>=1 && n<=10) + { + return true; + } + else + { + return false; + } +} +" +08ecf400f5816046742c6e2fa28b606fe332fb12,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1) + { + return true; + } + if (n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +a14e4f15a19f5746eb893f413532b10bfcfa9aa1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if( n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + else if + if( n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +d6fc9d83bdd51330aa7defc08f3e673d4893c670,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && outsideMode == false) + return true; + else if (n <= 1 && n >= 10 && outsideMode == true) + return true; + else + return false; + +} +" +241e7c36aaadee7d512aedc10047df344e085e97,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if( n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + if( n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +f134a23318d57743e59cecf90a1b6c2fd9b67d49,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if( n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + if( n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + +} +" +c0203dac763072d477a1b6be715f05f781f741c8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && outsideMode == false) + return true; + else if (n <= 1 || n >= 10 && outsideMode == true) + return true; + else + return false; + +} +" +fb2a3a1cf791c99f1fe761f394a51f3e950c0c25,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 1 || n < 10) + { + return true; + } + else + { + return false; + } +}" +84fea581e2195029b6c511683ce902d654b64338,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1 || n < 10) + { + return true; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + } +}" +77fef3ff7acfde6aea6d8e65fc2868eccb78154b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1 || n < 10) + { + return true; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +31070624a03741af646aaea13f93a98c82022881,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if( n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if( n >=1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +1482cfa66c788aeb5d2d399adf0987187a4435d1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1 || n < 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +153fbadf3303b3d23510cff4a4e9559101dcf9d1,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +7692a142d722b3b1635f54aadaa8c096106e2080,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +624904d6107cca021b287333a2e6c5dec597e952,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +32451b730ee34a5c604a99b1658158bafc49daf9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +7c939f32fc6e63eebbddbb448080b17f449529c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +f3768653a31c4bebacfc92cf6b26dbd824dbea2e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +823472d4aca0e94da8a15a149947483166b29134,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n > 1) + { + return true; + } + if (n < 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +b85c0367023a295d6dad494f3d2c1125c09111ca,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n>=1||n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +39d04a1da0f729c93094773da84563fef37d3c44,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +eb8bd66e61edb3ec004a0dc794c7924bc119f6f5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n >= 1) + { + return true; + } + if (n =< 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +e793cb0728090453ceac5a3b640e653c4fb76558,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +b106f58afb6692fa09de6b2bdcb2eca9e34eb1e7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +1358bd97d80b622c2415e0db0dc7ae37f96eae91,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && outsideMode == false) + return true; + else if (n <= 1 || n >= 10 && outsideMode == true) + return true; + else + return false; + +} +" +5cdd61d2170c13968855ac35e39352033efa7219,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +7890bbb791d10f84528a559e37c8d0b9beb870a1,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return n <= 1 || 10 <= n; + + return 1 <= n && n <= 10; + +} +" +acbdc68c3ec91e29bbe6dc9be1970ff5cce2bb14,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +7df3c6cce291823f2a300f5ee2f6777388aa5dc5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <= 1 || n >= 10); + } + return (n >= 1 && n <= 10); +} +" +0cb76282763e98854edf148459d390b0c3fbe0f5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +2219c86bd71dc7260a596313af4c9b46410544c1,"public boolean in1To10(int n, boolean outsideMode) +{ + return (n >= 1 && n <= 10); + if(outsideMode) + { + return (n <= 1 || n >= 10); + } +} +" +4fbe04ce05808dacbf7909458b7cc48e160903fc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && outsideMode == false) + return true; + else if ((n <= 1 || n >= 10) && outsideMode == true) + return true; + else + return false; + +} +" +5c06e2058c12247c71d7e767fcd428e41e637897,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <= 1 || n >= 10); + } + return (n >= 1 && n <= 10); +} +" +fd83ba33bbdeb58adbf8463a5b4198653b151557,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 || n >= 10 && outsideMode) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +e51a77ef18d8cc979ead1c378dc216af93ea8163,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +37601b196e76b6848bde4ee81b5b91efa0a57a34,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +f21efebac79dc970a113caa77046f386fd3d7090,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n>=1 && n<=10) + return true; + else if (outsideMode) + if (n<=1 || n>=10) + return true; + else + return false; + else + return false +} +" +b8cfae1f5d74f9aec70a78238e94a66473800f01,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n>=1 && n<=10) + return true; + else if (outsideMode) + if (n<=1 || n>=10) + return true; + else + return false; + else + return false; +} +" +ccf0cc41eadc48172384c492ecebc1d2a464dca8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n>=1 && n<=10) + return true; + else if (outsideMode) + if (n<=1 || n>=10) + return true; + else + return false; + else + return false; +} +" +34bef2ee6d7b22e2780afde91057b5ec97f31877,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n<=1 || n>=10) + return true; + else + return false; + else if (n>=1 && n<=10) + return true; + else + return false; +} +" +29f4d15ad78119f5653442afb0bf7ee686fc9e49,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n>=10); + + } + + return ( n>=1 && n<=10); + +} +" +7df5a93c1b57d7f20f337ec004dc898b80c5bb0b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n>=10); + + } + + return ( n>=1 && n<=10); + +} +" +09718c9a9a92124000dbfda346dd3a3bf5dcc73f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n<=1||n>=10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n>=1||n<=10) + { + return true; + } + else + { + return false; + } + } +} +" +5e6ff14dd4fc8fa679ea403008ffbfc5de3818f0,"public boolean in1To10(int n, boolean outsideMode) +{ + + + + return false; +} +" +88f2a0919f13bb07591e200d0132e0df37cdecb7,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = true; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n >= 1 && n <= 10) + answer = true; + else + { + answer = false; + } + return answer; +} +" +968171b472391b6c1f87135ef0d7ac3b8b98696c,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = true; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + if (!outsideMode && n >= 1 && n <= 10) + answer = true; + else + { + answer = false; + } + return answer; +} +" +a921b0b200dad1a1d6d636a91d0e3306a370c5ba,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = true; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n >= 1 && n <= 10) + answer = true; + else + { + answer = false; + } + return answer; +} +" +50c144070dd691a7c531302c7454b18e2d0988b2,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = true; + if (outsideMode && n <= 1 && n >= 10) + answer = true; + else if (!outsideMode && n >= 1 && n <= 10) + answer = true; + else + { + answer = false; + } + return answer; +} +" +13ee3c0e564ee1c229e44f6fd02b663a0ddfd5a0,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = true; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n >= 1 && n <= 10) + answer = true; + else + { + answer = false; + } + return answer; +} +" +e87afabea3ad4fd7d43126dcfdf5b6b2f65d7dfc,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n >= 1 && n <= 10) + answer = true; + else + { + answer = false; + } + return answer; +} +" +449d1d7edeef8f8d21d3cf1efa282dd866d53a9b,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (n>0 && n<11) + return true; + + + + + + + return false; +} +" +b3665df28191c0ee1f71a5dbc40d43829dac5371,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + + return (n <= 1 || n >= 10); + + return (n >= 1 && n <= 10); +} +" +1296360bada87a15a72a655d971044d481282be0,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (n>0 && n<11) + return true; + + if (outsideMode) + if (n<=1 || n>=10) + return true; + + + + + + + return false; +} +" +333425e277e62a0c9844daab88df6e4965578994,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n <= 10 && n >= 1) { + return true; + } else { + return false; + } + + if (outsideMode && (n <= 1 || n >= 10) { + return true; + } +} +" +e1d7958fa8dbdf2c88b1d71e8b6d79496ed35502,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else + { + answer = false; + } + return answer; +} +" +72c7086245ebb6deefbf7108d14232d30b9ec875,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n <= 10 && n >= 1) { + return true; + } else { + return false; + } + + if (outsideMode && (n <= 1 || n >= 10)) { + return true; + } else { + return false; + } +} +" +e8e1b7680af524a0332d881585632515e6975776,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else if (!outsideMode) + { + answer = false; + } + return answer; +} +" +2637c725bdc9c1112f78501b6eecd3c67ca83cdf,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n <= 10 && n >= 1) { + return true; + } else if (outsideMode && (n <= 1 || n >= 10)) { + return true; + } else { + return false; + } +} +" +9158f12dd33529de19772a94f66dc4bce01a850e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && n <= 10 && n >= 1) { + return true; + } else if (outsideMode && (n <= 1 || n >= 10)) { + return true; + } else { + return false; + } +} +" +1d0a6da2b708e97fe0037b496a524d67328412df,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else + { + answer = false; + } + return answer; +} +" +74917dad050c4f41ebef49e32c17c77cfb1518b3,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else if (outsideMode && n > 0 && n < 11) + { + answer = false; + } + else + { + answer = false; + } + return answer; +} +" +3e452f05712e6d0a0caa3261210da75890acd1fd,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +6ee387adde91bc92eba5585c426e5747ffd34a4d,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else if (outsideMode && n > 0 && n < 11) + { + answer = false; + } + else if (!outsideMode && n > 10 || n < 1) + { + answer = false; + } + return answer; +} +" +cf7a7f30cff73c00f680a3fbd6b6b1d2288db72d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +f1b036a5114d5ffe21f57d59588782822a8b78dc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n >= 10) + return true; + else + return false; + } + else + { + if (n >=1 && n <= 10) + return true; + else + return false; + } + +} +" +1134c2e9109f8e172252b12206cf6b94c9e36ecb,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + if (!outsideMode && n > 0 && n < 11) + answer = true; + if (outsideMode && n > 0 && n < 11) + { + answer = false; + } + else if (!outsideMode && n > 10 || n < 1) + { + answer = false; + } + return answer; +} +" +35cc6f38c0f90de953d1bfce80627e8a05fc272d,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else if (outsideMode && n > 0 && n < 11) + { + answer = false; + } + else if (!outsideMode && n > 10 || n < 1) + { + answer = false; + } + return answer; +} +" +84bc9a534c8f3bd2cb9ec6d90be8fe17805961a5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return(true); + } + else if (outsideMode == true) + { + return(true); + } + else + { + return(false); + } +} +" +af1d833be08ff85b77a3d6f180a203a3baf39948,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10 + { + return true; + } + else + { + return false; + } + } + } +} +" +509c2902bddedbf9c49554b1622378fbac45ad7a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode && n <= 1 || n >= 10) + answer = true; + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else + { + answer = false; + } + return answer; +} +" +6b436d743d8eb6356dd5154848a43314cada996e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return(true); + } + else + { + return(false); + } + } + else if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } +} +" +7087c776974fee57dfd7f80ac8c3beb558bc7d1e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + } +} +} +" +f1730252dcc5fc42da85d1870351699ede022f9b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } +}" +5d0e9737d9137791669e74aed237c606d06c3411,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean answer = false; + if (outsideMode) + if (n <= 1 || n >= 10) + { + answer = true; + } + else + { + answer = false; + } + else if (!outsideMode && n > 0 && n < 11) + answer = true; + else + { + answer = false; + } + return answer; +} +" +5da2e7c629109358cdb5aa191c5ed2b3ff643d8f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +}" +a776724951c7060ad1515ab011138e399c27ed4f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + } + return false; +} +" +08aa40fea71643b86003bbdbba07f26376ca2681,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10) + } + else + { + return (n >= 1 && n <= 10) + } +} +" +326c956bb11d2676db7cdb83dc2ea809762e3bf4,"public boolean in1To10(int n, boolean outsideMode) +{ + + + if (outsideMode) + if (n<=1 || n>=10) + return true; + + if (n>0 && n<11) + return true; + + + + + + return false; +} +" +1d846eb20eaa0a5f2d05f876445330785c3d4279,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + else + { + return (n >= 1 && n <= 10); + } +} +" +d918eb6275ca3882ea50260512ee41790b7a927b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n<=10 && n>=1) + return true; + if(outsideMode) + if(n<=1 || n>=10) + return true; + +} +" +b8a2ec019e0f081e879015b8781d132bdb778369,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n<=10 && n>=1) + return true; + if(outsideMode) + if(n<=1 || n>=10) + return true; + +} +" +5463362d5e4fdc0c8b9215ec64eb4260ac1aea66,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n<=10 && n>=1) + return true; + if(outsideMode) + if(n<=1 || n>=10) + return true; + else return false; + +} +" +8df5dea42e2a0cb23b7c0fbffec2ec5eb0ccf6fb,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n<=10 && n>=1) + return true; + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + +} +" +5044ac4abdd24172cb1da80ff3285e05679e2f9a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (n <= 1 && n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +c9a763ed9b799ef1ed39f9a66a4393cad5ab2720,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + else if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +93951f8f51f665d89d26dd675aec311268672d9d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +18ea9d00d17f5358c655f5b9786d4b80831cff1b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +c0562d50d830b39d449f6b53413f67e8a7691efa,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + return true; + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + +} +" +b196b604a9957eb39fdc15b4fa7e89b6d39851c3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + return true; + else + return false; + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + +} +" +e88bc5d53bdb671d6351e5f3bf44ad09c8af9948,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (n <= 1 && n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +3edd309f4997184434b742735514c1a97a5ad775,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + return true; + else + return false; + + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + +} +" +35f2c2572f78f6a972bd168394baa8b9accc5ab0,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + return true; + else + { return false;} + + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + +} +" +13f735672b301db8005709b3a27bb62e7b9c09d1,"public boolean in1To10(int n, boolean outsideMode) +{ + if(n>=1 && n<=10) + return true; + + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + +} +" +f4e661d802054113d1876706c7eb659137cddad4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (n <= 1 || n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +038ffe1769adcb3fa67a3af4abcf2101341aec86,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + if(n>=1 && n<=10) + return true; +} +" +1ac2d9a2c78d48f9fa96cb6ea7c92f64046f6369,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n<=1 || n>=10) + return true; + return false; + + if(n>=1 && n<=10) + return true; +} +" +10bb18b15fc2e363a3bd7f30e0530ed995aa99bc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n<=1 || n>=10) + {return true;} + else + { + return false;} + + if(n>=1 && n<=10) + {return true; } +} +" +b8a1f343fadd12e7b2c95b6077d5e4f73bdd0331,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n<=1 || n>=10) + {return true;} + + if(n>=1 && n<=10) + {return true; } + return false; + +} +" +73f43370876a2a6906758c22e0bc159f08a596bc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n<=1 || n>=10) + {return true;} + else + { + return false;} + + if(n>=1 && n<=10) + {return true; } + return false; + +} +" +111d2dee6659d7e1b6747f9edafcb03a81f2afe1,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean bool = false; + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return boolean = true; + } else { + return boolean = false; + } + } else { + if (n <= 1 || n >= 10) { + return boolean = true; + } else { + return boolean = false; + } + } + return boolean; +} +" +a02e22e30725ba059df241607131d0577446fc93,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean bool = false; + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return bool = true; + } else { + return bool = false; + } + } else { + if (n <= 1 || n >= 10) { + return bool = true; + } else { + return bool = false; + } + } + return bool; +} +" +98df8e71694cd8ffa87bcc5e1a3515f27dc1ada4,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean bool = false; + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return bool = true; + } else { + return bool = false; + } + } else { + if (n <= 1 || n >= 10) { + return bool = true; + } else { + return bool = false; + } + } +} +" +df1373cc7c7e1fc3f4731c1fa56b459a41aaab84,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + else + { + return(m >=1 && n <= 10) + } +} +" +ea5de93f230969001a109baa7c948402769d4c37,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + else + { + return(m >=1 && n <= 10); + } +} +" +7367db34f0d9b116826b44d755bfcff96ef4f14d,"public boolean in1To10(int n, boolean outsideMode) +{ + for (int x=1; x<10; x++) + { + if(n==x) + { + return n; + } + } +} +" +1385604a8a99deb4b3b40fb05cbff0dfb90866ac,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n<=1 || n>= 10)) + { + return true; + } + else if (n>=1 && n<=10) + { + return true; + } + else + { + return false; + } +} +" +9f638ec706f0bc86f109a9ec7ea2dacdd0dd6e68,"public boolean in1To10(int n, boolean outsideMode) +{ + for (int x=1; x<10; x++) + { + if(n==x) + { + return true; + } + } +} +" +034afc1be5a288bef2bd08c0e775a8dbe3155348,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return(n <= 1 || n >= 10); + } + else + { + return(n >=1 && n <= 10); + } +} +" +52c6404fb8442fdd18157bf9cb7565496042863a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n<=1 || n>= 10)) + { + return true; + } + else if (!outsideMode && n>=1 && n<=10) + { + return true; + } + else + { + return false; + } +} +" +b01f48f88562ecee5e46b9b30e4f28961326ad9e,"public boolean in1To10(int n, boolean outsideMode) +{ + + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +c8eddaf95ee0926d9b09f86906d7424b05c04dce,"public boolean in1To10(int n, boolean outsideMode) +{ + + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +30ae37f33577faa5e318176aa82dbe0b163e68b8,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + for (int x=1; x<10; x++) + { + if(n==x) + { + return true; + } + } + } + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + } + else return false; + +} +" +a3f57b5bf25548c19b171bc680b5cd8b4a4f5789,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + for (int x=1; x<10; x++) + { + if(n==x) + { + return true; + } + } + } + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + } + else + return false; + +} +" +4dc95c0bfc9e12890947572ce473930a762886dd,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + for (int x=1; x<10; x++) + { + if(n==x) + { + return true; + } + } + } + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + } + + return false; + +} +" +91027e28aa410326de85b31756b7d7425ce5eff6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + for (int x=0; x<10; x++) + { + if(n==x) + { + return true; + } + } + } + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + } + + return false; + +} +" +12e4c6668f9eea788038f30426f67868b4af22f5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode) + { + for (int x=1; x<=10; x++) + { + if(n==x) + { + return true; + } + } + } + if (outsideMode) + { + if (n<=1 || n>=10) + return true; + } + + return false; + +} +" +9a178868399235dc235753f50a87a4129787200f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (1 >= n || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (1 <= n && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +86c66a9c6dd9580bdc08da01d2869523b76fca98,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + + return false; + + } + + } + +} +" +5d67c232a2f99cdd609a24591c8ac775621f8c76,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n<= 10) + { + return true; + } + else + { + return false; + } + } +} +" +4f4edd4a80992d77a166cfaa9babba98ac0b6c3a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 10 && n >= 1) + return true; + else if (outsideMode && n <= 1 && n >= 10) + return true; + else + return false; +} +" +114f56db4bf437f710486e99755ce347a0921985,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else + { + if (n >= 1 && n <= 10) + return true; + else + return false; + } +} +" +b8431671607a8b78edc4b313336a1441adb5ea85,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } + +} +" +350ac22a9699900cfae9af7176380a5003f5b2d3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +3167dc1f206c3a03d1069d140fa4611d6680b4e8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +7949ea659e6166f72ab0a1e233ecc847ca30f048,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && (n >= 1 && n <= 10)) + { + return true; + } + else if (outsideMode && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } + +} +" +63b99bde029c2b4d399df235bd333c2485e1c33c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 && n >= 10) + return true; + else if (!outside mode && n <= 10 && n >= 1) + return true; + else + return false; +} +" +c01a30060411e8e8453683d481944ae5c5b6abfc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 && n >= 10) + return true; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else + return false; +} +" +669cc736e602dd6e6433f9cd4b0014e174a6eef5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 && n >= 10) + return true; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else + return false; +} +" +e8499b5effc456373f4a156310f16d84ba474dd3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 && n >= 10) + return true; + else if (!outsideMode && n >= 10 && n <= 1) + return true; + else + return false; +} +" +ea90876a515bdfd1895aaf1bcc75fe1d9b46e2ac,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +251ac3cfe18b185d9da9934b69f4bc36f6ac4b78,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (1 <= n && n <= 10) + { + return true; + } + return false; + } + else if (outsideMode) + { + if (1 >= n || n >= 10) + { + return true; + } + return false; + } +} +" +3f2b13dc1398d64a96a43ddde5766995c13f9ee9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 && n >= 10) + return true; + else if (n >= 10 && n <= 1) + return true; + else + return false; +} +" +aef60867337e121037af1a85da17bb059fb1b433,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (1 <= n && n <= 10) + { + return true; + } + } + else if (outsideMode) + { + if (1 >= n || n >= 10) + { + return true; + } + } + return false; +} +" +38ef8c2c6e6b59c66b9f790d9f37f3d498f655c5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 && n >= 10) + return true; + else if (n >= 10 || n <= 1) + return true; + else + return false; +} +" +3efe9e937091f2c02df2e85267dd18593446186a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = true; + if (n >= 1 && n <= 10 && !outsideMode) + { + range = true; + } + else if (n <= 1 && n >= 10 && outsideMode) + { + range = true; + } + else + { + range = false; + } + return range; +} +" +b48180d091f2e58ffb0a52f0064230af1c76aa74,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 && n >= 10) + return true; + else if (n <= 10 || n >= 1) + return true; + else + return false; +} +" +cb89f8d4270d247bce6423038612473d7245e947,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 || n >= 10) + return true; + else if (n <= 10 || n >= 1) + return true; + else + return false; +} +" +4fb83670855b9ba9d82c579019187512866865c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 || n >= 10) + return true; + else if (!outsideMode && n <= 10 || n >= 1) + return true; + else + return false; +} +" +8efbf7ca03c0a5bc2e2f5ef6cacce1fef92ef652,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean range = true; + if (n >= 1 && n <= 10 && !outsideMode) + { + range = true; + } + else if (n <= 1 || n >= 10 && outsideMode) + { + range = true; + } + else + { + range = false; + } + return range; +} +" +3ee47a9cf103a72d5a5542de56d32e7fdee40500,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 || n >= 1) + return false; + else if (!outsideMode && n <= 10 || n >= 1) + return true; + else + return false; +} +" +eb8d35a1fbb68921107a19a54cd644e89fe8225b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + if ((n >= 10 || n <= 1) && outsideMode) + { + return true; + } + else + { + return false; + } + +} +" +dbabb6558d6ab54e446517d61ccb961666abd830,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n < 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 || n >= 1) + return false; + else + return true; +} +" +cd00a837b6020281bfc0d085e6322eb36eb42610,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 || n >= 1) + return false; + else if (!outsideMode && n <= 10 || n >= 1) + return true; + else + return true; +} +" +551a241a8d2935102de5023092d971ea671b4c32,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((int>=1 || int<=10)&& (!outsideMode)) + { + return true + } + else if ( outsideMode && (int<=1 || int>=10 )) + { + return true + } + else + { + return false + } +} +" +667d79bdd462ea24e11037f4235ed10b88e60e62,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 || n >= 1) + return false; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else + return true; +} +" +6a5c72941c125806966844bf43b72afdae69c3d3,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((int>=1 || int<=10)&& (!outsideMode)) + { + return true; + } + else if ( outsideMode && (int<=1 || int>=10 )) + { + return true; + } + else + { + return false; + } +} +" +7d1eecd0ef06e9a56d8a9ef2af0d887323ddd1ef,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1 || n<=10)&& (!outsideMode)) + { + return true; + } + else if ( (outsideMode && (n<=1 || n>=10 )) + { + return true; + } + else + { + return false; + } +} +" +5aeee357cef2aefc30e066971f2b5dd36d77398c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 || n >= 1) + return false; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else if (!outsideMode && n <= 1 || n >= 10) + return false; + else + return true; +} +" +c8b2948f7a0dc6bd1d2624d268701ef6416925b0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 && n >= 1) + return false; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else if (!outsideMode && n <= 1 || n >= 10) + return false; + else + return true; +} +" +b075efb6f8a00e0aaa061842c642b9c467272aae,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1 || n<=10)&& (!outsideMode)) + { + return true; + } + else if ( (outsideMode) && (n<=1 || n>=10 )) + { + return true; + } + else + { + return false; + } +} +" +47ab931bcc87427b055ad3692d202ca2bed8a1dc,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result; + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + result = true; + } + else + { + result = false; + } + } + else + { + if (n >= 1 && n <= 10) + { + result = true; + } + else + { + result = false; + } + } + return result; +} +" +66d8e772c9d6d2bde409978679765744b7fa330d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 && n >= 1) + return false; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else if (!outsideMode && n <= 1 && n >= 10) + return false; + else + return true; +} +" +cf77a8c7526a4e6a1ca16ac511c6f4f02834f961,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 && n >= 1) + return false; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else if (!outsideMode && n <= 1 || n >= 10) + return false; + else + return true; +} +" +4ad6a1ad275666933851481b49506519ad31d97e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1 && n<=10)&& (!outsideMode)) + { + return true; + } + else if ( (outsideMode) && (n<=1 || n>=10 )) + { + return true; + } + else + { + return false; + } +} +" +2fd5d430779520d846d3083cef59f78f547f72e4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + return true; + else if (outsideMode && n <= 10 && n >= 1) + return false; + else if (!outsideMode && n <= 10 && n >= 1) + return true; + else if (!outsideMode && n <= 1) + return false; + else if (!outsideMode && n >= 10) + return false; + else + return true; +} +" +3bcb3f0886c3909cd75fe3182c88e8ef7405001a,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && outsiderMode == false) + { + return true; + } + else if ((n <= 1 || n >=10) && outsiderMode == true) + { + return true; + } + else + { + return false; + } +} +" +8d7439b9a5432dcae3bbaf995417f40f9e5cf03c,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && outsideMode == false) + { + return true; + } + else if ((n <= 1 || n >=10) && outsideMode == true) + { + return true; + } + else + { + return false; + } +} +" +fc727bf96e726d42c2725ff1224ad942a5689b13,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return(n <= 1 || n >= 10) + return(n >= 1 && n <= 10) +} +" +0680ea4a8a0774bf88ad7ac65b91b6c59b999b56,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return(n <= 1 || n >= 10); + return(n >= 1 && n <= 10); +} +" +97ec55c18906d70fd73165198185e2378a7bb82d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if(outsideMode) + if( n <= 1 || n >= 10) + return true; + return false; +} +" +6846f2425107cb023cd480daacb8cba91e50fde2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if(outsideMode) + if( n <= 1 && n >= 10) + return true; + return false; +} +" +defd5296af10aa7537d09a2fe56e99a846a2c713,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if(outsideMode) + if( n <= 1 || n >= 10) + return true; + return false; +} +" +7d79b398a22636ade335af0d4a65203fc46ab8e2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + + + if (!outsideMode) + { + if (n <= 10 && n >= 1) + return true; + else + return false; + + } +} +" +56bf3a05746d292db6882a9f73c0434c9d77f69e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + + + if (!outsideMode) + { + if (n <= 10 && n >= 1) + return true; + else + return false; + } +} +" +cd7cc176ad50042dbc1aaf7844c154cde9d23f34,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + + if (!outsideMode) + { + if (n <= 10 && n >= 1) + return true; + else + return false; + } +}" +6bcb504396811146533dba287d53aceaa3eb645e,"public boolean in1To10(int n, boolean outsideMode) +{ + return (n >= 1 && n <= 10) + + if(outsideMode) + return( n <= 1 || n >= 10) + + return false; +} +" +445bd6ff096f1579b3e7b7d5d1954a6f220bd8f1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + + if (!outsideMode) + { + if (n <= 10 && n >= 1) + return true; + } + else + return false; +} +" +a6e301c297d4ed6115399fb116f7348433119b47,"public boolean in1To10(int n, boolean outsideMode) +{ + return(n >= 1 && n <= 10); + + if(outsideMode) + return( n <= 1 || n >= 10); + + return false; +} +" +72b916bbdc5e632117729c26b5215467919dbbd7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + + if (!outsideMode) + { + if (n <= 10 && n >= 1) + return true; + else + return false; + } + return false +} +" +db21813e6884ba2feb86415b7cd7a8c5150d4c3f,"public boolean in1To10(int n, boolean outsideMode) +{ + return(n >= 1 && n <= 10); + + if(outsideMode) + return( n <= 1 || n >= 10); + + return false; +} +" +89c4798f3a37381d64ab681aff3c1ef4f730ba52,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + + if (!outsideMode) + { + if (n <= 10 && n >= 1) + return true; + else + return false; + } + return false; +} +" +be4b5ccf61dc8e4539a44c2ebdba0665f09102e2,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10 = true; + if (outsideMode == false) + { + if ((n >= 10) || (n <= 1)) + in1To10 = false; + return in1To10; + } + else + { + if ((n >= 10) || (n <= 1)) + in1To10 = true; + else + in1To10 = false; + } + return in1To10 + +} +" +42a6ab7c1747fc7cd1d503b3922ed31e1a02e663,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10 = true; + if (outsideMode == false) + { + if ((n >= 10) || (n <= 1)) + in1To10 = false; + return in1To10; + } + else + { + if ((n >= 10) || (n <= 1)) + in1To10 = true; + else + in1To10 = false; + } + return in1To10; + +} +" +261d698902ec00cb9e1429287034c11c648b4057,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = false; + + if (n >= 1 && n<= 10) + { + num = true; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + } + return num; +} +" +e719b9b99a114f3f3c04eab4f4a74d6660999b56,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<= 10) + return true; + if(outsideMode) + { + if (n =< 1 && n >= 10) + return true; + } + return false; +} +" +8f714171f6803101a88f9b133d3d0cfd4dc8a1f6,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = false; + + if (n >= 1 && n<= 10) + { + num = true; + } + + if (outsideMode = true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + } + + return num; +} +" +02b97f2fba75dafc67a594290f85076341dce5dc,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = false; + + if (n >= 1 && n<= 10) + { + num = true; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + } + + return num; +} +" +f8ad6e72f0f0b42b05baf685bc84a5850c032865,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >=1 && n <=10) + { + return true; + } + else if (outsideMode <= 1 || outsideMode >= 10) + { + return true; + } + else + { + return false; + } +} +" +5e66cb65d06b5482623306fb29eb3ae37d78e8db,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean in1To10 = true; + if (outsideMode == false) + { + if ((n > 10) || (n < 1)) + in1To10 = false; + return in1To10; + } + else + { + if ((n >= 10) || (n <= 1)) + in1To10 = true; + else + in1To10 = false; + } + return in1To10; + +} +" +20114fbbdaac54ac8226b0f21a15e7441df0f280,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = false; + + if (n >== 1 && n<== 10) + { + num = true; + } + + if (outsideMode == true) + { + if (n <== 1 || n >== 10) + { + num = true; + } + } + + return num; +} +" +651597a6dd404b2404a55b6db2e8583573db55f1,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = false; + + if (n >= 1 && n <= 10) + { + num = true; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + } + + return num; +} +" +b2f6bb85c361450940f3e6e8f3e26607d27e2f2d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if(outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + return false; +} +" +4cd61ba2195db2a1790fb4b3c39418883d13a2d0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >=1 && n <=10) + { + return true; + } + else if (outsideMode =< 1 || outsideMode >= 10) + { + return true; + } + else + { + return false; + } +} +" +0e418f8921785b9f392ff99af47148879d15dae9,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = false; + + if (n >= 1 && n <= 10) + { + num = true; + } + + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + num = true; + } + else + { + num = false; + } + } + + return num; +} +" +0c9a26613507576567cbd24a7969fb6cc282ca1f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >=1 && n <=10) + { + return true; + } + else if (outsideMode <= 1 || outsideMode >= 10) + { + return true; + } + else + { + return false; + } +} +" +ce128325c55c9a756bca6732f25aef7327de7107,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if(outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + return false; +} +" +9966b943f5035228ac45898c5e229297fe8c1be0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >=1 && n <=10) + { + return true; + } + else if (outsideMode <= 1 && outsideMode >= 10) + { + return true; + } + else + { + return false; + } +} +" +9250e37ae9740008c50c24a4e330dd4622982be2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >=1 && n <=10) + { + return true; + } + else if (outsideMode) + { + return true; + } + else + { + return false; + } +} +" +95ca0309190a286dcb2f7d13eabcca06172d3ea7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +} +" +bdfbd68526f3777f61b259c1134097f0acd38ee3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +0d3b7ad983ee0e38cd41f560382ef7c9b0e04066,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <=1 || n >= 10) + return true; + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + + else + return false; +} +" +a12efc35a1392529a5830b5031d9e4d8be920123,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +411a4f97c8ce9a614f682857efceb21c7997b865,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + return true; + } + else (outsideMode) + { + if (n <=1 || n >= 10) + return true; + } + else + return false; +} +" +21b4353d2457c383bfd902a0b5210dd28e144b82,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >=10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n < 1 || n >10) + { + return false; + } + else + { + return true; + } + } +} +" +013516c85b9c43bc3cff2aff759ee2fe439e1ff2,"public boolean in1To10(int n, boolean outsideMode) { + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } +}" +4183b90072345a189de93652a4687bf289b43f66,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) + { + if (1 == n || 10 == n || (n > 1 && n < 10)) + { + return true; + } + else + { + return false; + } + } + else + { + if (n == 1 || n == 10 || n < 1 || n >10) + { + return true; + } + else + { + return false; + } + } +} +" +ee92cd71411d4e2e42f2aaa67809bd81eb387ba9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 || n <= 10); +} +" +763e2f9735ab85b1339f4b6e1692f0786c924605,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +3f7c0215cebb6deda588f6cdc6948bcfd485d059,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + return true; + } + else + { + return false; + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +} +" +8073955c767e10bfe3675eae1dcca5d828f6d4a5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + return true; + } + else + { + return false; + } + else if + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +} +" +8ac8f4a6c3e07a0cdfa355d85c15bce4bb2b7072,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + return true; + } + else + { + return false; + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +} +" +3d3360463c333b7c68a5d48dc1aed9f3370e70aa,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + } + else + { + return false; + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +} +" +6543f10c1b7c422f77fc3f49a03a19d357d08acd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + } + else + { + return false; + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +" +ee2fbf8854c4c15c0ddb8704d479d3318ccf6063,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + return true; + else + return false; + else + if (n <= 1 && n >= 10) + return true; + else + return false; +}" +ebf9f947a631852279a16e90a9def17142da614f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + else + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } +}" +1a94919b20ddc5b0b679e4c2acac16efc72552be,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); +} +" +3071481a0c01459cf96489a935727c8d0269f979,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } +}" +440269577276e5f44de4851d720e3e6d3e42a824,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode == false) + { + if(n>=1 && n<=10) + { + return true; + } + + else + { + return false; + } + } + + if(outsideMode == true) + { + if(n<= 1 || n>=10) + { + return true; + } + + else + { + return false; + } + } + + return true; +} +" +6bbfc90f030dc3b89de3d3506df9f44b1329b2b7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n>=10) + return true; + if (n >= 1 && n<= 10) + return true; + else return false; +} +" +a18d636a2ca700b801510d03a80466a17db7efb7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 && n >= 10) { + return true; + } else { + return false; + } + } +}" +81a329e63b9a5efa64eead3ec515c96e4d602466,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +36796f92c72bfcf591708f5e213416b4baa9fdcd,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode true) + return (n <= 1 || n >= 10); + + + +} +" +10773bbc435161e3fe3bb4c58441b5afe6ff3382,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +0442bed4411882979080b353a9ac90a63a51eac0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n>=10) + return true; + if (n > 1 && n<= 10) + return true; + else return false; +} +" +2dcfe35ad07ddfffc46fcf95b5279679e563eae2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n >= 1 && n <= 10); + if (n >= 1 && n <= 10) + return (true); + else + return (false); + + + + +} +" +e3ed37d3a19b3b4b48bc25c3a92c652f5f18b144,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +8640e3d34cba6f7832378727c56c3968bdb34065,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n = 10); + if (n >= 1 && n <= 10) + return (true); + else + return (false); + + + + +} +" +2ddbb3a9136e69311bb64e40ddb599036445cb7e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + n = 10; + if (n >= 1 && n <= 10) + return (true); + else + return (false); + + + + +} +" +ca3dc50ac75f2490d3c60b8e5a21621a5b590bcb,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +06c39ecbf1feae25b43a248a69f81bacff7ea226,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + if(n <= 1 || n >= 10) + return true; + return false; + } + if (n >= 1 && n <= 10) + return true; + return false; +} +" +e4f860d47e1ba16829da67ee9df709bf01d2d658,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && n <= 1 && n >= 10) + return true; + else if (n >= 1 && n <= 10) + return true; + else + return false; + + + + +} +" +c66372cc5d915e0ee959014c7bfc2dcbba6d6ca7,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + return true; + else if (n >= 1 && n <= 10) + return true; + else + return false; + + + + +} +" +62aad9c03631b0b75709dc16b5fc162ab690f65c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } + +} +" +8dd78e05f1d320928950c9ec5ab58d57e3e1f7ac,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (n >= 1 && n<= 10) + return true; + else return false; + if (outsideMode) + if (n <= 1 || n>=10) + return true; +} +" +ac512d7c470b9f64f76eff4014f5a6e39ff5f422,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if (n <= 1 && n >= 10); + return true; + else if (n >= 1 && n <= 10) + return true; + else + return false; + + + + +} +" +4c9685e4822da2fd52b942632d8e74ce9f21314b,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (n >= 1 && n<= 10) + return true; + + if (outsideMode) + if (n <= 1 || n>=10) + return true; + else return false +} +" +a02ecdceb5942f4d77d0187f6b2a9098a955db10,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (n >= 1 && n<= 10) + return true; + + if (outsideMode) + if (n <= 1 || n>=10) + return true; + else return false; +} +" +097ff8f2f754a98881412f1fd8050032355a9733,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + + + +} +" +71119c04a9551b0e661baeff113aefa4470abb25,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if (1 <= n && n<=10){ + return true; + } + return false; + +} +" +b2fb8e594f1e7be488f7584d4a916cf24840fa00,"public boolean in1To10(int n, boolean outsideMode) +{ + = 1 && n <= 10) + return true; + if (!outsideMode) + if (n <= 1 || n >= 10) + return true; + return false; +}" +5ef2ce153ddc97fbaa6759917a46f4a89415c64c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode && (n >= 1) && (n <= 10)) + { + return true; + } + + else if (outsideMode && (n <= 1) || (n >= 10)) + { + return true; + } + + else + { + return false; + } +} +" +ac40fc7432f92ad22c5558387677527711532359,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +6e56add346463f8c1bca92bb6aeaadc4c75e0478,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean ten = true; + if (outsideMode == true) + { + if ((n < 1) || (n > 10)) + { + ten = true; + } + else if ((n >= 1) && (n <= 10)) + { + ten = false; + } + } + else if (!(outsideMode == true)) + { + if ((n < 1) || (n > 10)) + { + ten = false; + } + else if ((n >= 1) && (n <= 10)) + { + ten = true; + } + return ten; + +} +" +c834ba181769f061779aacb92e2ff9c03defafc6,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); + + + +} +" +764c4d9c492368edf7c4ee7ad6c38b4dfa1d692d,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean ten = true; + if (outsideMode == true) + { + if ((n < 1) || (n > 10)) + { + ten = true; + } + else if ((n >= 1) && (n <= 10)) + { + ten = false; + } + } + else if (!(outsideMode == true)) + { + if ((n < 1) || (n > 10)) + { + ten = false; + } + else if ((n >= 1) && (n <= 10)) + { + ten = true; + } + } + return ten; + +} +" +8df026a5760c7d40940e93542b8c8dce7c7c340a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (outsideMode == false) + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +2e821a160f79f1d07d927ff06240d6b9185e80c8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } +}" +d336419582f017eede2a9e31cbb56ea5e229bc94,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +11e3b2cd461f98eb668d6239320a16a7af301277,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean ten = true; + if (outsideMode == true) + { + if ((n <= 1) || (n >= 10)) + { + ten = true; + } + else if ((n > 1) && (n < 10)) + { + ten = false; + } + } + else if (!(outsideMode == true)) + { + if ((n < 1) || (n > 10)) + { + ten = false; + } + else if ((n >= 1) && (n <= 10)) + { + ten = true; + } + } + return ten; + +} +" +38781c5f82fdcf09f18b7d7184447772e3660f40,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +cc59600ed4645bdc3f9b18b945fa65a28c22a9ed,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +92df02e30152da4806166b0778361bf97e14a26e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +3104dcf85e2e318202c3a43639be2188e8e02fda,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode ) + { + return true; + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +6782a5c9347457ac8f078ed2d8dc911018f09b06,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n>=10) + return true; + + if (n >= 1 && n<= 10) + return true; + + else + return false; +} +" +ac1ccb27863c282d5ce2bc8a6facfa592367d86a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else if (n > 10) + { + return false; + } + else + { + return false; + } + } + +} +" +41f437b88d9b8b226cad78895b9f090e1c519bd6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else if (n > 10) + { + return false; + } + else + { + return false; + } + } + +} +" +28694c40ce039d37ed07575cce1bfcca534b5d51,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( 0 < n < 11); + return true; + if (outsideMode = true) + if (n < 1) + return true; + else if ( n > 10) + return true; +} +" +74599efb9d76c792dc0f43171ae4d075ecabaaf6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } +} +" +ea6ee254600e86f52760f45e8614797c91032f2a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode ) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +d4c9d6f07f39dfb858a18352012a0c342d0e16eb,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)) + return true; + else if(!outsideMode && (n >= 1 && n <= 10)) + return true; + else + return false; + } +} +" +ce76b46a56d0dcb6d6f3ad2df53523029d55c491,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n > 0 && n < 11); + return true; + if (outsideMode = true) + if (n < 1) + return true; + else if ( n > 10) + return true; +} +" +cd0d767efcafb540d454bec8ddfdab90b159a6bc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)){ + } + return true; + else{ + + return false; + } +} +" +639b981cc3d4894d91e3824c5cfb939a85225a13,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +f74a1f401d5bf57efcc173890e0ee1ea7d1cbf0b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)){ + } + return true; + else + { + return false; + } +} +" +b2434f6f26306110c9675912db51de98691cfb30,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( n > 0 && n < 11); + return true; + if (outsideMode) + if (n < 1) + return true; + else if ( n > 10) + return true; + else + return false; +} +" +7157b3541f479ea76b9b9a8b4e12f1040845d9f5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)){ + } + return true; + else + + return false; + } +} +" +1e6a29f4a6e357ccb9784c5cb05367740d14a6df,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return n <= 1 || n>=10 + else + return n >= 1 && n<= 10 +} +" +31d7b991fb38c25bf1cee3ab4327a268b7009c90,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return n <= 1 || n>=10; + else + return n >= 1 && n<= 10; +} +" +5bab85c02e3b29df3e2b85db51064dff7271eab6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n > 0 && n < 11); + return true; + if (outsideMode) + if (n < 1) + return true; + else if ( n > 10) + return true; + return false; +} +" +c52636fc4547e4cba12fb7ca2c963aa7dc2f1abf,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)){ + } + return true; + else + { + return false; + } +} +" +faae7fa0f7de603e0cbd7b5c9e62ac29043c8afc,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)){ + } + return true; + else{ + return false; + } +} +" +4e8c01c95ff1bec50f251311c36f15e0992ddca1,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode && (n <= 1 || n >= 10)){ + return true; + } + else if(!outsideMode && (n >= 1 && n <= 10)){ + + return true; + } + else + { + return false; + } +} +" +a02c313b92c3a87f119fd4ab54ee6215bab26343,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + + } + +} +" +a68b144cc8293249b6163df52b74971136205c19,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode); + if ( n > 0 && n < 11) + return true; + if (outsideMode) + if (n < 1) + return true; + else if ( n > 10) + return true; + return false; +} +" +942304eb6e46cb40c951fc3ed6dd81c5092bd969,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +08ac391a694f538d5e48aaf3e61f8f644913af49,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode && n <= 1 || n >= 10) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +e379cdd8362cec55a638cac7a3b3ad5ad15027bd,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = a + b; + if (sum <= 10 && sum >= 1) + return true; +} +" +9ac8fb2948469c86b75567b6817861de12653e2a,"public boolean in1To10(int n, boolean outsideMode) +{ + int n = a + b; + if (sum <= 10 && sum >= 1) + return true; +} +" +75aab16e7fa84e855db35fc576d6a40e56c93bba,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode); + if ( n > 0 && n < 11) + return true; + if (outsideMode) + if (n < 2) + return true; + else if ( n > 9) + return true; + return false; +} +" +3964872818f2e2a90d6a72d5303de3247320d800,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if ( n <= 1 || n >= 10) + return true; + else + return false; + } + else + { + if ( n >= 1 && n <= 10) + return true; + else + return false; + } +} +" +1f7834a8d4def97e64d0dbde5188d2aa3a70aa6a,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; +} +" +b7d0ad2d8b2cb0ab4c7ee94b3f01e89faa190701,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + reutrn true; +} +" +9c6961bc4fe5e1521320bce024baad7f2004c70c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ( int n >= 1 && int n<11) + true; + + } + if (outside mode) + { if ( int n <= 1 && int >9) + return true; + else + return false; + } +} +" +eec864cb35bbdf6096e89bba675b6ddd95b2b149,"public boolean in1To10(int n, boolean outsideMode) +{ + int outputValue; + if (n > 1 && n < 10) + { + return true; + } + else if (n == 1) + { + return ""number is equal to 1""; + } + else if (n == 10) + { + return ""number is equal to 10""; + } + else if (n > 10) + { + return ""number is greater than 10""; + } + else + { + return ""number is less than 1""; + } + +} +" +e4e21dd58080fa87337c45fcb77c714fc87b6fb2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ( int n >= 1 && int n<11) + return true; + + } + if (outside mode) + { if ( int n <= 1 && int >9) + return true; + else + return false; + } +} +" +7cbd03001947762689026363cb0d9ad9c3a9d1e9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ( int n >= 1 && int n<11) + return true; + + } + if (outsideMode) + { if ( int n <= 1 && int >9) + return true; + else + return false; + } +} +" +9acc78321e1dd670eb79224bfc19ae337b144ee8,"public boolean in1To10(int n, boolean outsideMode) +{ + int outputValue; + if (n > 1 && n < 10) + { + return true; + } + else if (n == 1) + { + return ""number is equal to 1""; + } + else if (n == 10) + { + return ""number is equal to 10""; + } + else if (n > 10) + { + return ""number is greater than 10""; + } + else + { + return ""number is less than 1""; + } + +} +" +1ea4bdd46c569ce70a029f6203c5f94ab0b72656,"public boolean in1To10(int n, boolean outsideMode) +{ + int outputValue; + if (n > 1 && n < 10) + { + return true; + } + else if (n == 1) + { + return true; + } + else if (n == 10) + { + return true; + } + else if (n > 10) + { + return true; + } + else + { + return true; + } + +} +" +f0fac05698f9df0a6eb00d8959a15472ce79bd97,"public boolean in1To10(int n, boolean outsideMode) +{ + int outputValue; + if (n > 1 && n < 10) + { + return true; + } + else if (n == 1) + { + return true; + } + else if (n == 10) + { + return true; + } + else if (n > 10) + { + return true; + } + else + { + return true; + } + +} +" +b81b01c8aec26a6863571448919d307aea3555a5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ( int n > 0 && int n<11) + return true; + + } + if (outsideMode) + { if ( int n <= 1 && int >9) + return true; + else + return false; + } +} +" +1d95572f9bbc0fe4a4ee4ca112698df315dae964,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +f38528afecc875a7be93d0251ced27e95ffeb23c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ( int n>0 && int n<=10) + return true; + + } + if (outsideMode) + { if ( int n <= 1 && int >9) + return true; + else + return false; + } +} +" +c79f2fae837ed1b01a34c79eda0808f6010908cf,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ( int n>0 && int n<=10) + return true; + + } + if (outsideMode) + { + if ( int n <= 1 && int >9) + return true; + + else + return false; + } +} +" +dab7c7c14080446fef709be97daf3fd8d17269b9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +f8a88d04552686ba064b8db06f097f9921d6b1eb,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); +} +" +aea2fe97a9943671fd2fcf1fdc7b0302cc5e11c0,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode == true) + return true; +} +" +2751b51b3a21c46811112bcb666498e04059d703,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode == true) + return true; +} +" +459052277287fc265dc0394d63fb3f7986f904b4,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode == true) + return true; +} +" +b89ad1fd29ee4352755f7c10ead37e7e2e45785b,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode == true) + return true; + return true; +} +" +89e1ff81b403e76573483906c158e65171d1a4ea,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n > 1 && n < 10) + { + return false; + } + else + { + return true; + } + } + else + { + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + } +} +" +44d973f68293276090e4d089e600259c4292b9b9,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode <= 1 || >=10) + return true; + return true; +} +" +c0088556b4a85bb7a504a5052836708cd5faf44a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 1 && n <= 10) + { + return false; + } + else + { + return true; + } + } + else + { + if (n > 1 && n < 10) + { + return true; + } + else + { + return false; + } + } +} +" +049fb91ef3fc0498dc7aed437f83d345b42e6d91,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode <= 1 || >= 10) + return true; + return true; +} +" +1f4ad855f846f37a36efa5f7c68ca7cacdba4cfd,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if (outsideMode <= 1 || outsideMode >= 10) + return true; + return true; +} +" +f976c93ddcb7840d6d78495e1ea12aea79fac3f4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n > 1 && n < 10) + { + return false; + } + else + { + return true; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } +} +" +736a47f73e6afd2400569469fd115baa2c18c593,"public boolean in1To10(int n, boolean outsideMode) +{ + int sum = n; + if (sum <= 10 && sum >= 1) + return true; + if(outsideMode <= 1 || outsideMode >= 10) + return true; + return true; +} +" +5628385295afa1d66ff919d5d8fabc93852bbaf2,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n == 1) || + (n == 10) || + (n > 1 && n < 10 && !outsideMode) || + ((n < 1 || n > 10) && outsideMode); +} +" +0989f73eb591b7e87677d9a16ab69b0998b6fc1e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 10 && sum >= 1) + return true; + if(outsideMode <= 1 || outsideMode >= 10) + return true; + return true; +} +" +cdfeb8f38ad3bc5854749f8078736e3e279f36ef,"public boolean in1To10(int n, boolean outsideMode) +{ + return ((n == 1) || + (n == 10) || + (n > 1 && n < 10 && !outsideMode) || + ((n < 1 || n > 10) && outsideMode)); +} +" +0139ba43e5498253719922c54c3f41fd1b21dcce,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 10 && sum >= 1); + return true; + return true; +} +" +31ed7cc3bc5c121b664d9c113217df4d8d75d0ed,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 10 && n >= 1); + return true; + return true; +} +" +2e34d491bfb15d23976caa95dc2bd8cc6e8aa735,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 10 && n >= 1); + return true; + return true; +} +" +dbccd1dff36aca0df560f8af3661bf3ac4c51871,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n >= 10 && n <= 1); + return true (n >= 1 && n <= 10); + +} +" +8c373f56a2c93a2e4025a3f7cd3e55ce89bfbfd1,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n >= 10 && n <= 1); + return (n >= 1 && n <= 10); +} +" +9900a378e1456d654a0f4410af35562704f117c1,"public boolean in1To10(int n, boolean outsideMode) +{ + return(outsideMode) + return (n >= 10 && n <= 1); + + return (n >= 1 && n <= 10); +} +" +941cfe46c3e9bbe7f68eaaf26e77bba5167072a9,"public boolean in1To10(int n, boolean outsideMode) +{ + + /**if (outsideMode) + { + if (n == 10) + return true; + else + return false; + } + else + { + if (n >=1 && n <=10) + return true; + else + return false; + } + */ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +bd0df4f210f0c294133c405b2485fe257f30d2c4,"public boolean in1To10(int n, boolean outsideMode) +{ + + /**if (outsideMode) + { + if (n == 10) + return true; + else + return false; + } + else + { + if (n >=1 && n <=10) + return true; + else + return false; + } + */ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); +} +" +cfdca0fb881c372bc993bbbd508c6511110d0563,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n < 0 || n > 11); + else + return (n > 0 && n < 11); +} +" +893ffa35e848ac80c20d3c9f928aa88f96382e33,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); +} +" +fc0bd125604f520139e60e7bda29724234618cd5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + else + return (n >= 1 && n <= 10); +} +" +c046bfa834e25091a8a18e19394fd410c68a8095,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || >= 10) + return true; + else + return n; +} +" +ace53fd339e7948ed244fb0dbc746b2375948e00,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || >= 10) + return true; + else + return n; +} +" +b3e82c4b1573097b1c1e8b6ba1b3d0033c6971b2,"public boolean in1To10(int n, boolean outsideMode) { + if (outsideMode == false && n >= 1 && n <= 10) + return true; + if (outsideMode == true && (n <= 1 || n >= 10)) + return true; + else return false; +} +" +cfcd82612f7c0bf18371f22fd67f613d636c8751,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + + if (n >= 1 && n <= 10) { + + return true; + + } else { + + return false; + + } + + } else { + + if (n <= 1 || n >= 10) { + + return true; + + } else { + + return false; + + } + + } + +} + +} +" +9191a033c019efe81f930b93bb4289ec09579c80,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + + if (n >= 1 && n <= 10) { + + return true; + + } else { + + return false; + + } + + } else { + + if (n <= 1 || n >= 10) { + + return true; + + } else { + + return false; + + } + + } + +} + + +" +de79d44a6dd09dbb09b44f46bc377a167f4685bd,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + + else + { + return false; + } + + } + + else { + + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + + } + +} + + +" +8dce624dc8349fd6cf61851efbae44842271d062,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + + } + + else + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + + + } + + + + +} +" +2314b8b82e0b987168a8fc6beac83a67e74fdec4,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1) && (n<=10) && (outsideMode=false)) + { + return true; + } + else if ((n<=1) || (n>=10) && (outsideMode=false)) + { + return true; + } +} +" +85ea6d4c3c75355f8171b2c6caf48ac8255e99f5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true + else + return false + else + if (n >=1 && n <= 10) +} +" +1f0640c300f33329a6c7739b0714a3538a2b79ac,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + if (n <= 1 || n >= 10) + return true; + else + return false; + else + if (n >=1 && n <= 10) + return true; + else + return false; +} +" +fc98dfcd963695d05c8cafe1799bda322223d353,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1) && (n<=10) && (outsideMode=false)) + { + return true; + } + else if ((n<=1) || (n>=10) && (outsideMode=true)) + { + return true; + } + else + { + return false + } +} +" +f91a03a22a2c994e5802395e743166ca3b756aba,"public boolean in1To10(int n, boolean outsideMode) +{ + return (outsideMode) ? n <= 1 || n >= 10 : n >= 1 && n <= 10; +} +" +dccd79a150c980d21cbe32e9b3b4f82f2a19bc74,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1) && (n<=10) && (outsideMode=false)) + { + return true; + } + else if ((n<=1) || (n>=10) && (outsideMode=true)) + { + return true; + } + else + { + return false; + } +} +" +2cf9b59d131e6873d5db6d4c3e6a2666040d2da3,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == false && n >= 1 && n <= 10 ) + return true; + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + return true; + else return false; +} +" +d639f600ad309b21689ba54f0f9567cbe334d88f,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1) && (outsideMode=false)) || + (n<=10) && (outsideMode=false)) + { + return true; + } + else if ((n<=1) || (n>=10) && (outsideMode=true)) + { + return true; + } + else + { + return false; + } +} +" +ffa81a3f050ef0dd8bc709891a84d5e224aed9dd,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1) && (outsideMode=false))(n<=10) && (outsideMode=false)) + { + return true; + } + else if ((n<=1) || (n>=10) && (outsideMode=true)) + { + return true; + } + else + { + return false; + } +} +" +50dc1e52e74156f2bcbe8538cc61df6be48b1927,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n>=1) && (n<=10) && (outsideMode=false)) + { + return true; + } + else if ((n<=1) || (n>=10) && (outsideMode=true)) + { + return true; + } + else + { + return false; + } +} +" +fafc87477401005dac133cb436ce204ab682463f,"public boolean in1To10(int n, boolean outsideMode) +{ + return false; +} +" +6cd09d2d8d0be522a7231840d3fd8058f57a344e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 || n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +b51f878c90a074a0086180dbb241f4a9425caf84,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + if ((n <= 1) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +2a9848346c496b1fa10e95e30f8a58e1865dfc55,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + if ((n <= 1) || (n > 1) || (n = 10) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +8372a85f9a0a6582a57eee07347597053da280a4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +4b8d6f8f87e587718cc1fc560e9d782f42f1d160,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + if ((n <= 1) || (n > 1) || (n == 10) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +409304bc0c6e45de5e67f53478f57d24dd69eb64,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + if ((n <= 1) || (n > 1) || (n >= 10) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +06a1f1276ba61139903436ede83f6868b0060316,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n <= 1 || n >= 10) + return true + else if(n >= 1 && n <= 10) + return true; +} +" +8429d3f2d44f3cf5dc722401c60fde744eeb2522,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + if ((n <= 1) ||(n >= 10) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +c6a9ba9d44ba5474550a0bc45ff6a6d3d0b2a57c,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + if(n <= 1 || n >= 10) + return true; + else if(n >= 1 && n <= 10) + return true; +} +" +9e50d68c8ad673edbc6689fcaa1dfc9e0ea54495,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 10 & n >= 1) + { + return true; + } + if (outsideMode) + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + return false; + + +} +" +a07236ba8a081ba989e2be9323e2c014d0ecb2ee,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return(n <= 1 || n >= 10); + return(n >= 1 && n <= 10) + +} +" +b2ff24e935e8456e27c3643a182f839abf3a45c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return(n <= 1 || n >= 10); + return(n >= 1 && n <= 10); + +} +" +2c9b6e4180a2fc6a6bc06b43db53b81d86e8dc3a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 10 || n <= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +912b0cfdc260883d821d14380053e867946c55ab,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (outsideMode) + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + if (n <= 10 & n >= 1) + { + return true; + } + return false; + + +} +" +c132e4c166a0995c5e213109dc8540f3065ec4bd,"public boolean in1To10(int n, boolean outsideMode) +{ + + if (outsideMode) + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + if (n <= 10 & n >= 1) + { + return true; + } + return false; + + +} +" +7d92da29167eb768f902de071d7cb306b938a129,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n >= 10 || n <= 1) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +8cf1c1ff2dddc45e56b6438703f04268ba247eb4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + } + +} +" +ebe21149f071f5c1da75dd7e922a06361ad634f9,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + else if ((n <= 1) || (n >= 10) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +415a65809690593903accfe13d93b9da26b81201,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +e2199c14d99e9cecb735287750a4f90ad829f5b6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10 && !outsideMode) + { + return true; + } + if ( n <= 1 || n >= 10) + { + if (outsideMode) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +d53223c9dc6666abf3b586fb4df33030b8310105,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + if (n >=1 && n <=10) + return true; + else + return false; +} +" +475f63732d0cb12b29a163ffa671d67eecda4081,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + return false; +} +" +2fd9a952a9135e6b0c028851bf4f95686973edc9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + else if (n >= 1 && n <= 10) + { + return true; + } + return false; +} +" +be8f923846619b2cb068d71e256727b072e1f75b,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n >= 10 && n <= 1); + + return (n >= 1 && n <= 10); +} +" +f696046d9c797e0dc5b70957518364a0d501ed2f,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + else if (((n <= 1) || (n >= 10)) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +4048a967fa05aa1ebab8b1e60302fd525537da0e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ((n >= 1 && n <= 10) && (!outsideMode)) + { + return true; + } + + else if (((n <= 1) || (n >= 10)) && (outsideMode)) + { + return true; + } + + else + { + return false; + } + +} +" +895c2aeab98190cc725db5823e3f4b9df16ac322,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n>= 10) + { + return true; + } + + return false; +} +" +b8bbc6b6c89793ec8cb6ec91384967ef73a4def5,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +cdd73bffaedccc1804d622133dd577d0043c6782,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + +} +" +945cfd0edc98a8e6301329f25138661d6a94e839,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode && (n <= 10 && n>=1)) + return true; + else if (outsideMode && (n<=1 && n>=10)) + return true; + else + return false; + +} +" +59fdf7ad1f8e2970b9c42a27e28c7fff18229046,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode && (n <= 10 || n>=1)) + return true; + else if (outsideMode && (n<=1 || n>=10)) + return true; + else + return false; + +} +" +62b3df8939846e1e9f299c31995c235ca9f3cf49,"public boolean in1To10(int n, boolean outsideMode) +{ + if(!outsideMode && (n <= 10 && n>=1)) + return true; + else if (outsideMode && (n<=1 || n>=10)) + return true; + else + return false; + +} +" +44d2b9a69c32bcb0b7cbad9d8e9c469cf6741cf6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + return (outsideMode); +} +" +ff26e56fc066e77fa1dfd7ad9da1c3a762a7efcc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + } +} +" +3828ccfa3f0fe15ccd690333e55e33bad28595e1,"public boolean in1To10(int n, boolean outsideMode) +{ if(outsideMode == true) +{ if(n <= 1 || 10 <= n) + return true; + else + return false;} + else + return false; +} +" +cd7cc632cd3696f8df3868fdaae39f89063b32e6,"public boolean in1To10(int n, boolean outsideMode) +{ if(outsideMode == true) +{ if(n <= 1 || 10 <= n) + return true; + else + return false;} + else(outsideMode == false) + return false; +} +" +cad2088b7840fc093ab116b87cd65d8269bb223b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else { + if (n > 1 && n < 10) { + return true; + } + else { + return false; + } + } +} +" +19845c042cbd4698c2f97e01b8c2cdfa79933bd1,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + return (n <= 1 || n >= 10); +} +" +6ec4c71ac09420b0929ac534ff9d8872e3812088,"public boolean in1To10(int n, boolean outsideMode) +{ if(outsideMode == true) +{ if(n <= 1 || 10 <= n) + return true; + else + return false;} + else if (outsideMode == false) + return false; +} +" +9e18d765110bc0afbc743686eb8289998d0caf7d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n>= 10 && !outsideMode) + { + return true; + } + + return false; +} +" +349c0aa060d48d2441a1e538438d962a0b0d6cca,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else { + if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } + } +} +" +4386d1f9366ba61bb652d0a04cc25742386cf0cf,"public boolean in1To10(int n, boolean outsideMode) +{ if(outsideMode) + return n <= 1 || 10 <= n; + + return 1 <= n && n <= 10; + +} +" +6eab0ec9e1b9200f54a3b757137d18d317c84b29,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) { + if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } + } + else { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } +} +" +d9ab17f8b458ccaf31c3d82be9e23342d0ad8350,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n>= 10 && !outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +3f0def36ded10b97031fc211585c47eee8ad0f17,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } +} +" +4021a415d0c586e5eb64d951b579da25176c7eb7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n>= 10 && !outsideMode) + { + return true; + } + + if (n <= 1 && n>= 10 && outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +b33bd190be14dd9fe93b351e5f4d44a32f0dcdb4,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +8f76c638cc9caea5d924595650981a4a163bf4d5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if (n <= 1 && n >= 10) + return outsideMode; +} +" +22c55e5c4f7d0b9e14b613f24b9b222ba8758eca,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<= 10 && !outsideMode) + { + return true; + } + + + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +a3ec34acf080dd89d050e6816f8f283a94b8158f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + return true; + if (n <= 1 && n >= 10) + return true; +} +" +36ceeff7d70a788e16bafeb512e835da7841d0d0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<= 10 && !outsideMode) + { + return true; + } + + if (n >= 1 && n<= 10 && outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +d4f04b9f6608db3f0f556a19b95bb0247f26141a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<= 10 && !outsideMode) + { + return true; + } + + if (n >= 1 && n<= 10 && outsideMode) + { + return false; + } + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +027decbe870a1e7a9176532f0c7169739707adfc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 || n >= 10) + { + return true; + } + return (n >= 1 && n <= 10); +} +" +f341901aa5049f3d1c0e15e37c1fb7f491c21c52,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n >= 10) + return outsideMode; + if (n >= 1 && n <= 10) + return true; +} +" +7590d1a6eaf67d45adbd32fa339d3397ac8ef35b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<= 10 && !outsideMode) + { + return true; + } + + if (n >= 1 && n<= 10 && outsideMode) + { + return false; + } + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return false; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +45f57a7b3501d84ce88b665a1d633ea4f3589def,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n<= 10 && !outsideMode) + { + return true; + } + + if (n >= 1 && n<= 10 && outsideMode) + { + return true; + } + + else if (n<= 1 || n>= 10 && !outsideMode) + { + return false; + } + + else if (n<= 1 || n>= 10 && outsideMode) + { + return true; + } + + return false; +} +" +71ef0ef362a1d922ec05c7d2ba06bbcadbe1a84f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n >= 10) + return outsideMode; + if (n >= 1 || n <= 10) + return true; +} +" +9752a30615ea023c71bddc42385dfdd52a520736,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + else if (n >= 1 && n <= 10) + { + return true; + } +} +" +1aa1db27e46cc2696d8e6a5962c09b4447ee5eff,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + if (n >= 1 && n <= 10) + { + return true; + } +} +" +45939e69d0baf527cf40179195f1ca098fa987db,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + return (n >= 1 && n <= 10) +} +" +5774f2b700d8dfc9f30cd922b782e6b4d38d8924,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + return (n >= 1 && n <= 10); +} +" +ae776b7ac8ed56a2d2b4c4b870ec1d7639d4801c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 || n >= 10) + return outsideMode; + if (n >= 1 && n <= 10) + return true; +} +" +35b743f02318a5d9fe5ef73ee1a17a420117cc6f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + if (!outsideMode) + { + return (n >= 1 && n <= 10); + } +} +" +2ed68eb640c8ac458d53bee5e8cee4379002cb73,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + if (!outsideMode) + { + return true; + } +} +" +f190c542edf29c310f8c96a4cfdfc7d2452faf41,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + if (!outsideMode) + { + return true; + } +} +" +215f40d9cc0ca7e2828b4b5788b9c85cb3959e9c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + if (n >= 1 && n <= 10) + { + return true; + } +} +" +84821da0fedeb67ec24f2428b8346946b347a436,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + result = true; + } + else + { + result = false; + } + } + else if (n <= 1 && n >= 10) + { + result = true; + } + else + { + result = false; + } + return result; +} +" +2dd62ffef11b3c7655b9e8b5f41cf574a7d1b078,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + else + return (n >=1 && n <= 10); +} +" +5d75a11461d0d79fd73c37d2278b75c53381bb4f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + result = true; + } + else + { + result = false; + } + } + else if (n <= 1 && n >= 10) + { + result = true; + } + return result; +} +" +c303896885e790087350fe0224ca2150d4ec1221,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + return (n <= 1 || n >= 10); + } + + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +844a57ccb3974bf9cae3270c6f28e5c850d9d73b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + result = true; + } + } + else if (n <= 1 && n >= 10) + { + result = true; + } + return result; +} +" +1af5f5dd44cd3297a51ceae016b6638314ec42da,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + else if (n <= 1 || n >= 10) + { + result = true; + } + return result; +} +" +7c27e33b254abd05200e4b7bdb74be7785fecaa2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); // if statement + else + return (n >=1 && n <= 10); +} +" +e83ec20cd22d84c35dd154f2b74cf929448fda47,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + else if (n >= 1 || n <= 10) + { + result = true; + } + return result; +} +" +2885a6d9c542700055f14052d2d5e26a42e6945a,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean result = false; + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + result = true; + } + } + else if (n >= 1 && n <= 10) + { + result = true; + } + return result; +} +" +e20753fd563d2481505e45ea8eabcdbbd35377f4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) { + if (n >= 1 && n <= 10) { + return true; + else { + return false; + } + } + else { + if (n <= 1 && n >= 10) { + return true; + } + else { + return false; + } + +} +" +84c4c62269d3393054990d43ee4da580c9c0d103,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) { + if (n >= 1 && n <= 10) { + return true; } + else { + return false; + } + } + else { + if (n <= 1 && n >= 10) { + return true; + } + else { + return false; + } + +} +" +58212be58a71d2896343c524e8707516aad28c67,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) { + if (n >= 1 && n <= 10) { + return true; } + else { + return false; + } + } + else { + if (n <= 1 && n >= 10) { + return true; + } + else { + return false; + } + } +} +" +4175623d1a48a7fa0bb345e38749cb7106bbd77b,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean t=true; + if (oustideMode==true) + { + if (n<=1 || n>=10) + { + t=true; + } + else + { + t=false; + } + } + else + { + if (n>=1 || n<=10) + { + t=true; + } + else + { + t=false; + } + } +} +" +a9dc5882e3ca81fd785ac27dbc152e9f6e4767c7,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean t=true; + if (outsideMode==true) + { + if (n<=1 || n>=10) + { + t=true; + } + else + { + t=false; + } + } + else + { + if (n>=1 && n<=10) + { + t=true; + } + else + { + t=false; + } + } +} +" +fe597e770dcb2e1d5f714a1f311fed7a88be0ed6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) { + if (n >= 1 || n <= 10) { + return true; } + else { + return false; + } + } + else { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } +} +" +8992c586eddeeaab35a7adc66775d3d93ffd094f,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean t=true; + if (outsideMode==true) + { + if (n<=1 || n>=10) + { + t=true; + } + else + { + t=false; + } + } + else + { + if (n>=1 && n<=10) + { + t=true; + } + else + { + t=false; + } + } + return t; +} +" +9ef1579a68f9df533d74922bcdddf62729caee12,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false) { + if (n >= 1 && n <= 10) { + return true; } + else { + return false; + } + } + else { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } +} +" +d3a219bfe9fe8d642113d0c073879a3af646341b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (oustideMode) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else { + return true; + } +} +" +317a0223f932e7f958c481760680cd493ab0aff6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else { + return true; + } +} +" +5c62bcd1f39b6059b63c09744e5ca9e2699933db,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else { + if (n >= 1 && n <= 10) { + return true; + } + else { + return false; + } + } +} +" +4ffd87f62902ff3a8e53e6caa68f5bc72c220fef,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + + if (n <= 1 || n >= 10) + return true; + + return false; + + if (n <= 10 && n >= 1) + return true; + + return false; +} +" +950cf8f357f151e442f694bfe38f78607e44e773,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + + if (n <= 1 || n >= 10) + return true; + + + if (n <= 10 && n >= 1) + return true; + + return false; +} +" +bc8f391dfdf48c3a6c22ef89c8ffee3f9576d774,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1 && n <= 10) + { + return(true); + } + else + { + return(false); + } + } + else + { + if (n <= 1 || n >= 10) + { + return(true); + } + else + { + return(false); + } + } +} +" +f80b9142c2bd4b9c4e13954ba72e9ec281907dc0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if (n >= 1) && (n <= 10)) + { + return true; + } + + else + { + return false; + } + } + + else if (outsideMode) + { + if (n <= 1) || (n >= 10)) + { + return true; + } + + else + { + return false; + } + } +} +" +d9d829e903ca342fa040856f004e5c9c178f89ac,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + + else + { + return false; + } + } + + else if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + + else + { + return false; + } + } +} +" +00699668b68597c42aa441c14ff01c1fb2aaf881,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return (n <= 1 || n >= 10); + } + return (n >= 1 && n <= 10); + +} +" +925b540ccf832650ede33650eca9edb25ad3d78b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + + else + { + return false; + } + } + + else if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + } + + else + { + return false; + } +} +" +bcb5ef31884939528100911aaff278e036f83cc4,"public boolean in1To10(int n, boolean outsideMode) +{if (!outsideMode){ + if (n >= 1 && n <= 10) { + return true; + } else { + return false; + } + } else { + if (n <= 1 || n >= 10) { + return true; + } else { + return false; + } + } +} +" +c7f9abb88fa24534be3714510143d21b66353bde,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + return true; + } + } + else + { + return false; + } + } + return false; +} +" +17601ee0febbcf0c3632bcfaba36fb396ed44fcf,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + + else + { + return false; + } + } + + else if (outsideMode) + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + } + + else + { + return false; + } +}" +b38edd1c81df1486ec74e9b8d3db797f425edcc8,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + + +} +" +e7dc4c992535d9adb3d94d6c8fb67bb9205b0c32,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + + +} +" +373f89c05e9fc2b68ac1959f18c5d4fc4eca8ba6,"public boolean in1To10(int n, boolean outsideMode) { + if ( outsideMode == false && n >= 1 && n <= 10 ) + return true; + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + return true; + else return false; +} +" +cb088b5933b13b5f2ad4fb3188c72983dcfe740d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + return true; + +} +" +5cf40e93419c436e57f4fa4ec06949b77b84710f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + if (outsideMode == true) + { + if (n <= 1 && n >= 10) + { + return true; + } + } + else + { + return true; + } + } + return false; +} +" +5fcc01e6ad905c308d651673dcb5603a05d679ba,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode) + { + if ((n >= 1) && (n <= 10)) + { + return true; + } + + else + { + return false; + } + } + + else + { + if ((n <= 1) || (n >= 10)) + { + return true; + } + else + { + return false; + } + } +}" +f36e6ac4dcab0950e31c9f48ced64dc442c61b2d,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + return true; + + if (n >= 1 || n <= 10) { + return true; + + } + +} +" +4a854bc2445257cba2bd33921413e9e6ca8d0299,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + } + else + { + return false; + } + + } +else +{ + if ( n>= 1 && n<= 10) + { return true; + } + else + { + return false; + } +} + +} +" +96eff7c7432a3a467c04a8647a2bd65f8d4d01bf,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + return true; + + if (n >= 1 || n <= 10) { + return true; + + } + return true; + +} +" +42aec3f696ce408776db540e7ab01779dac398d3,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + } + return true; + + + +} +" +e506090dde0e807198573ee66da2ffa48eaf264d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + if (outsideMode == true) + { + return true; + } + return false; +} +" +bece4a140a64cd35c544e3f708852f51cb3a58fe,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } +} +else +{ + if ( n>= 1 && n<= 10) + { return true; + } + else + { + return false; + } +} + +} +" +cfabdb803b934718b94538250e22ef7df075d152,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +fda1eee4962d2d63717864fdb9d4e10dcf876c97,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 && >= 10) { + return true; + } + else { + return false; + } + } + else { + if (n >= 1 && n <= 10) { + return true + } + else + return false; + } +} +" +9404377c2f54800b3cf00611f4c2598fcba48735,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode == true) + { + return true; + } +} +" +56ead06b7d25ad34f18f49662d909631b27a8863,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 && n >= 10) { + return true; + } + else { + return false; + } + } + else { + if (n >= 1 && n <= 10) { + return true; + } + else + return false; + } +} +" +e6f21f6890cd23ff88c6e4ed18f87358e8783636,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + if (n >= 1 && n <== 10) + { + return true; + } + else + { + return false; + } +} +" +a0dc66bbe5e7e4c2fed67babdcf3740bff851df3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) { + if (n <= 1 || n >= 10) { + return true; + } + else { + return false; + } + } + else { + if (n >= 1 && n <= 10) { + return true; + } + else + return false; + } +} +" +de2a31314602b921e0ed28e21f50f071b49f5559,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode == true && n <= 1 || n >= 10) + { + return true; + } +} +" +d1e58aae58a7be06340e5be24e10b2fd4e9d862e,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (n >= 1 && n <== 10) + { + return true; + } + else + { + return false; + } +} +" +ea77b54daaa691fd0c818efc28996c36daeccbaf,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode == true && n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } +} +" +490d7db6353b7777fb517dfac53640bf3d7d2ffb,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == false && n >= 1 && n <= 10 ) + { + return true; + } + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + { + return true; + } + else + { + return false; + } + +} +" +80db1307d02812c1166391b4f628698638dd3a7a,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +8308d5bf4cd7f965b914fc585363fab700053357,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outisdeMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +2763dc90c584329b7816fd4bb4b50fc997ce5d01,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +b409039f36a2bdfcdf954f33e62b0584ccebd9f9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode); + if ( n > 0 && n < 11) + return true; + if (outsideMode) + if (n <= 1) + return true; + else if ( n >- 10) + return true; + return false; +} +" +8815ba5866cc9a585a596ea701e2e3407259d5f4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode){ + + if (n >= 1 && n <= 10) { + + return true; + + } else { + + return false; + + } + + } else { + + if (n <= 1 || n >= 10) { + + return true; + + } else { + + return false; + + } + + } + +} +" +679efc0804b74f133a1112a39bda73323b565bab,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode); + if ( n > 0 && n < 11) + return true; + if (outsideMode) + if (n <= 1) + return true; + else if ( n >= 10) + return true; + return false; +} +" +8b3a3ec14f1ef306deb4b872de0c789850f5cb12,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode); + if ( n > 0 && n < 11) + return true; + if (outsideMode) + if (n <= 1) + return true; + if ( n >= 10) + return true; + return false; +} +" +adfe06b957ce9676654fcc07217396320c6323f0,"public boolean in1To10(int n, boolean outsideMode) +{ + if (!outsideMode); + if ( n > 0 && n < 11) + return true; + if (outsideMode) + if (n <= 1) + return true; + else if ( n >= 10) + return true; + return false; +} +" +f573a37b9479e69f908b4c95017fef2899c3e6c2,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + +} +" +dc0c6932ccffd9e937d1bc633872bfc626513f00,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); + +} +" +e07294efc988e7573498e116ae25d9f2e6cfa055,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + //else if (n < 1 && n > 10 && outsideMode == true) + //{ + // num = true; + //} + else + { + num = false; + } + return num; +} +" +846d289e796ee5bba6b57c1f50885b1eef1ac3db,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} + +" +45b30dccd97b4d88bbcba4d010175b1e55b2bd15,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true){ + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else + return false; +} +" +a5ccedc0e7f7da3f79f5935d4ce752fe86049387,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true){ + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else if (n >= 1 && n <= 10) + return false; +} +" +866e5c89b67830526cf7a933be470ea008ee7c02,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else if (n <= 1 && n >= 10 && outsideMode == true) + { + num = true; + } + else + { + num = false; + } + return num; +} +" +c94d32398483afac134c41a847ebae338be5c679,"public boolean in1To10(int n, boolean outsideMode) { + if(outsideMode) { + return n <= 1 || n >= 10; + } + return n >= 1 && n <= 10; + }" +0601d0cdfb79282c32e324e72b36d03a6ccc7ae4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true){ + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else if (n >= 1 && n <= 10) + return false; + else + return false; +} +" +8d6eb49055b4478a3fd20854b96a76281bdb0545,"public boolean in1To10(int n, boolean outsideMode) +{ + boolean num = true; + if (n >= 1 && n <= 10 && outsideMode == false) + { + num = true; + } + else if ((n <= 1 || n >= 10) && outsideMode == true) + { + num = true; + } + else + { + num = false; + } + return num; +} +" +393affe426a7f9d7379fb75c86466ed0d29246c4,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true){ + if (n <= 1 || n >= 10) + return true; + else + return false; + } + else if (n >= 1 && n <= 10) + return true; + else + return false; +} +" +85c905c357c9510de0a1635897e52dd20c73311b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + return true; + if (outsideMode == true && n <= 1 || n >=10) + return true; + else return false; +} +" +6a0e04444b07b07b91c0cf9629ac95143ac4ac8e,"public boolean in1To10(int n, boolean outsideMode) +{ + if ( outsideMode == false && n >= 1 && n <= 10 ) + return true; + if ( outsideMode == true && ( n <= 1 || n >= 10 ) ) + return true; + else return false; +} +" +3d83903fc17b2e5cecdbea650809bd87f42addf2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode){ + if( n <= 1 || n >= 10){ + return true; + } + else{ + return false; + } + } + else if (n >= 1 && n <= 10){ + return true; + } + +} +" +dedeea5fed0a0ccd8b7bf3911c6ffbcbd5398ac6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode){ + if( n <= 1 || n >= 10){ + return true; + } + else{ + return false; + } + } + else { + return true; + } + +} +" +4d1155b2f7dc97384c8cd4b60c7cba154e3b9dd8,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + return true; + if (outsideMode == true && n <= 1 || n >= 10) + return true; + else + return false; +} +" +eb430fe15087655695b8e06eea8032ccf4ca8e75,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + return true; + if (outsideMode == true && (n <= 1 || n >= 10) + return true; + else + return false; +} +" +aa4998100db15fd2769b8da9327093ac6fe4cbad,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode){ + if( n <= 1 || n >= 10){ + return true; + } + else{ + return false; + } + } + else if (n >= 1 && n <=) { + return true; + } + else{ + return false; + } + +} +" +ea54dec1df876ceff36041f5388ac3f51dc07f4d,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +663c6613637b79bfbe450dd2595be8698d191364,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode){ + if( n <= 1 || n >= 10){ + return true; + } + else{ + return false; + } + } + else if (n >= 1 && n <= 10) { + return true; + } + else{ + return false; + } + +} +" +7b223e5b6d24a93b8fcd60bb269f5f4790c65a1f,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + return true; + if (outsideMode == true && (n <= 1 || n >= 10)) + return true; + else + return false; +} +" +ac7774816a16133758fdf22bd9bae9d8ed6b70a6,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <=1 && n >=10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +a95278b36c9db49c87b4714f937e1042c5ecf3ab,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + + if (n <= 1 || n >= 10) + return true; + else + return false; + + if (n <= 10 && n >= 1) + return true; + else + return false; +} +" +6da9d40e1d9b42e48fd6d9d04ff29cbb0e203bac,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == true) + { + if (n <=1 || n >=10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +0899bf5b9cc11d3741f2e4cae0a26d144fd68799,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + } + else + { + return false; + } +} +" +5aafd24f5cd2c3b57cf4519d4c1ecea1fc4bae28,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode == true && n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } +} +" +710499db9e16480a8c9ac35473707595620a1bb2,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +399475675915a0ace8bd9a01d208063788d6d81e,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + return (n <= 1 || n >= 10); + return (n >= 1 && n <= 10); +} +" +b833b9412acb87be35a9928f1e966b7e35f18441,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + { + return true; + } + if (outsideMode == true && n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } +} +" +78f16ded40bf32e487d8b247046e29683a1f50e5,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + { + return true; + } + if (outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +886349e49ee51565518cc28b00068fbf104e6a9b,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode == false && n >= 1 && n <= 10) + { + return true; + } + else if (outsideMode == true && (n <= 1 || n >= 10)) + { + return true; + } + else + { + return false; + } +} +" +326e2eb897582556cc4ce668b2857dca74122491,"public boolean in1To10(int n, boolean outsideMode) +{ + outsideMode = true; + + if(outsideMode) + { + if(n>10 && n<1) + { + return true; + } + else if(n >= 1 && n<=10) + { + return true; + } + } + return outsideMode; +} +" +2892a807692fdfe31920cc877278ce910f1ff120,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n >= 1 && n <= 10) + { + if (outsideMode) + { + if (n <= 1 && n >= 10) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + } + else + { + return false; + } +} +" +840f0938a78b9151e05f31a1cfc261221431f6f7,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + return (n >= 1 || n <= 10); +} +" +38c985648ec56b14fa800392a685f2ab7b3b2c82,"public boolean in1To10(int n, boolean outsideMode) +{ + if (n <= 1 && n >= 10) + { + if (outsideMode) + { + return true; + } + else if (n >= 1 && n <= 10) + { + return false; + } + } + else + { + return false; + } + } + else + { + return false; + } +} +" +5c96a182e61ba9802c35a0507569dbd2605d389c,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + return true; + else + return false; + } + return (n >= 1 && n <= 10); +} +" +cabe7704d0bc1f395e60c8609885ea295ff032b3,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + else if (n>=1 || n<=10) + { + return true; + } +} +" +078a3d7c00c1e01d5d88d19eb50828f1c8be17a9,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + else if (n>=1 || n<=10) + { + return true; + } + else + { + return false; + } +} +" +5b3d453879cb3c82a3a19b6031ec1a70b5ea614a,"public boolean in1To10(int n, boolean outsideMode) +{ + if(outsideMode) + { + return n <= 1 || n >= 10; + } + return n >= 1 && n <= 10; +} +" +f1987fb7500ed27068dc3e98b67a9b518d42ed73,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + else if (n>=1 || n<=10) + { + return true; + } + + + return false; + +} +" +69e91019610f3da7884703542d36a53783708f13,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <=1 || n >=10) + { + return true; + } + } + else if (n>=1 && n<=10) + { + return true; + } + + + return false; + +} +" +02d88be2dc3ef5a9a0b8cb35252c38f5cb39feca,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } + +" +d9a6f078adeefcfefd08843a878ee7813b3c02fc,"public boolean in1To10(int n, boolean outsideMode) +{ + if (outsideMode) + { + if (n <= 1 || n >= 10) + { + return true; + } + else + { + return false; + } + } + else if (n >= 1 && n <= 10) + { + return true; + } + else + { + return false; + } +} +" +68bf946b0116a2e974febd5f0b42ceec44ae163b,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + } + if (b>21) + { + if (a>21) + { + return 0; + } + else + { + return a; + } + } +} +" +2abfa412e76b0120fd79161caa83ddc853b427a0,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + } + else if (b>21) + { + if (a>21) + { + return 0; + } + else + { + return a; + } + } + else + { + if (a>b) + { + return a; + } + else if (b>a) + { + return b; + } + } + +} +" +2af93657908fd618dad281521575ebe6ff267c20,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + } + else if (b>21) + { + if (a>21) + { + return 0; + } + else + { + return a; + } + } + else + { + if (a>b) + { + return a; + } + + return b; + + } + +} +" +8006a1837160aee722c81abd789ccb72d20065b4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21){ + return(0); + }else{ + if (a > 21){ + return(b); + }else{ + if (b > 21){ + return(a); + }else{ + if (21 - a > 21 - b){ + return(b); + }else{ + return(a);_ + } + } + } + } +} +" +b9019f144fbce903221043b1f325ee9ffbc3476a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21){ + return(0); + }else{ + if (a > 21){ + return(b); + }else{ + if (b > 21){ + return(a); + }else{ + if (21 - a > 21 - b){ + return(b); + }else{ + return(a); + } + } + } + } +} +" +052c6e49b46a6012b5fda510395a48285a2c6844,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + return 0; + return b; + } + if (a < b && b < 21) + return b; + return a; +} +" +e62c7c1d5ceb58048bd96ea9ac7a18ad584d67c1,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + return 0; + return b; + } + if (a < b && b <= 21) + return b; + return a; +} +" +d5d8b8e457d93060e30de5cbdde7e0da99395798,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + if ((a > 21) && b < 21) + { + return b; + } + + else if (b > 21 && a < 21) + { + return a; + } + + if ((21 - a) > (21 - b)) + { + return b; + } + + return a; +} +" +fca9081c210daa8e6b33bd63b897a601b14c0a63,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } +} +" +18bcc71e22e5474d7cb4fa587cc4aa90db407d45,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a = 0; + } + } +} +" +1eca624eaa2f60a773b60985065a5f37f28bc526,"public int blackjack(int a, int b) +{ + string abc = ""ab""; +} +" +75198fc37077bda1f2e9e53f53d2e37a9a87fcbe,"public int blackjack(int a, int b) +{ + if (a > 21) && (b>21) + { + return 0; + } + else if (a > b) + { + return a + } + else + { + return b + } + + +} +" +33322947639d62ba9661128c41009fbcd4a423cb,"public int blackjack(int a, int b) +{ + string str = ""ab""; +} +" +6c8fe77d437869a163bcc664f5a010dc08111dec,"public int blackjack(int a, int b) +{ + if (a > 21) && (b>21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } + + +} +" +ad960cab201c1a7e51cf52ca5a32cb65112e3792,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b>21)) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } + + +} +" +a740aeeb82b88da6e3598ce7765cd65d9b2c9308,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + a = a; + } + return a + + + else if (b > a && b <= 21) + { + b = b; + } + return b + else + { + return a = 0; + } + return a; + } +} +" +6e23457dd3f51fbe8914f930194cd5e242f47e79,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b>21)) + { + return 0; + } + else if (a > b && a < 21 ) + { + return a; + } + else if (b > a && b < 21 ) + { + return b; + } + + +} +" +f823f57f8fecae801b565824a25ee489b48150fb,"public int blackjack(int a, int b) +{ + int bigNumber = 13; + int smallNumber = 6; + + if ((bigNumber) <= 0) + { + return bigNumber; + } + else + { + return smallNumber; + } +} +" +22f71535c9b69a1f58bd3a75e86f6478963450c7,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b>21)) + { + return 0; + } + else if (a > b && a < 21 ) + { + return a; + } + else + { + return b; + } + + +} +" +387f1044f71cef7f2e32db494edcacddf949aa1e,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b>21)) + { + return 0; + } + else if (a > b && a <= 21 ) + { + return a; + } + else + { + return b; + } + + +} +" +85d401ed4188995ddcd92dba0d37011f8a0128a8,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b>21)) + { + return 0; + } + else if (a > b && a <= 21 ) + { + return a; + } + else if (a < b && b <= 21 ) + { + return b; + } + + +} +" +d8a006059ae2131100b8ba95853ce1882e91948f,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + else + { + return(0); + } +} +" +c1e5d69a29dc452ab27c7810fbea7324591d1b0c,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b>21)) + { + return 0; + } + else if (a > b && a <= 21 ) + { + return a; + } + else if (a > b && a > 21 ) + { + return b; + } + + + +} +" +d16dd5af2587540bda23b05970de4db8df149597,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + else if + { + return(0); + } +} +" +02e80b6f4d46f201268b7dda462b8e32de937ec2,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + else if ((a + b) >= 21) + { + return(0); + } +} +" +388acba5af4a55acbee1a8e622f103188f402be4,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + else if ((a + b) >= 21) + { + return(0); + } +} +" +5427de9af8445cb3842d16849219a71268bb115c,"public int blackjack(int a, int b) +{ + return a; +} +" +97a5e23db81126a5e4c24223ac212b706632f02a,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + else + { + return(0); + } +} +" +adcf3c1d9c3fab7248cc1f28b9bf053ed4c91eea,"public int blackjack(int a, int b) +{ + + if (a > b && a <= 21 ) + { + return a; + } + else if (a > b && a > 21 ) + { + return b; + } + else + { + return 0; + } + + + +} +" +70291e63065c21871f62dad33b93236a6d887fc1,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + else + { + return(0); + } +} +" +d5f4c8d7a05577fd5e641e337d2d21b23d835bd4,"public int blackjack(int a, int b) +{ + + if (a > b && a <= 21 ) + { + return a; + } + else if (b > a && b <= 21 ) + { + return b; + } + else + { + return 0; + } + + + +} +" +b7510fffd7a4750c0368a3cbfde2beb07e8aebb8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + else if (a < 21 && b < 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + +} +" +6f91b86aae13d748f2ec27310f4395da38da409d,"public int blackjack(int a, int b) +{ + String ab = ""ab""; + String a = ab.substring(0, 1); + String b = ab.substring(1); + if ((a + b) < 21); + { + return(a + b); + } + if ((a + b) >= 21) + { + return(0); + } +} +" +77ff642b641fad29ad4518ba8a43822264f90497,"public int blackjack(int a, int b) +{ + + if (a > b && a <= 21 ) + { + return a; + } + else if (b > a && b <= 21 ) + { + return b; + } + else if (b > a && b > 21 ) + { + return a; + } + else if (a > b && a > 21 ) + { + return b; + } + else + { + return 0; + } + + + +} +" +10ece0a8a074709ab2eb76d5ba719b9be4756167,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + num = 0; + } + else if (a > 21 && b < 21) + { + num = b; + } + else if (b > 21 && a < 21) + { + num = a; + } + else if (a < 21 && b < 21) + { + if (a > b) + { + num = a; + } + else + { + num = b; + } + } + return num; +} +" +2b2e97e691f22fc3c743dc30e5d66666cc0c2fab,"public int blackjack(int a, int b) +{ + + if (a > b && a <= 21 ) + { + return a; + } + else if (b > a && b <= 21 ) + { + return b; + } + else if (b > a && b > 21 ) + { + return a; + } + else if (a > b && a > 21 ) + { + return b; + } + else + { + return 0; + } + + + +} +" +601c6d155904a15304cabea1c41de6e4868d4b14,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + int num = 0; + } + else if (a > 21 && b < 21) + { + int num = b; + } + else if (b > 21 && a < 21) + { + int num = a; + } + else if (a < 21 && b < 21) + { + if (a > b) + { + int num = a; + } + else + { + int num = b; + } + } + return num; +} +" +6bbd1d2b19562863b9a158f925b883bb29a71bf7,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } +} +" +6106ad9d97e6746d3240aead8ff14ec8924e40a4,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } + + return 0; +} +" +63ddd2d83b9f717121a4a4a7d4fcf33247bcb46e,"public int blackjack(int a, int b) +{ + + if (a > b && a <= 21 ) + { + return a; + } + else if (b > a && b <= 21 ) + { + return b; + } + else if (b > a && b > 21 && a<=21 ) + { + return a; + } + else if (a > b && a > 21 && b<=21) + { + return b; + } + else + { + return 0; + } + + + +} +" +ccb05596e14152f80ba431379edc09966c66ea3b,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else + { + return b; + } + + +} +" +57174b7c290e6416ad413c22a089bf765963d26e,"public int blackjack(int a, int b) +{ + if ((a + b) < 21) + { + return(a + b); + } + else + { + return(0); + } +} +" +7bb9a50cc9f92f56b3320f932f29ff6b3878006c,"public int blackjack(int a, int b) +{ + if (a<= 21) + { + return a; + } + + else + { + return b; + } + + +} +" +61f6aa968eed41365a5398ac615b6315b9d2775a,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } + + else + { + return 0; + } +} +" +1944eb22198950db236440a8b7473b3f43a9a069,"public int blackjack(int a, int b) +{ + int num = 0; + if (a > 21 && b > 21) + { + num = 0; + } + else if (a > 21 && b < 21) + { + num = b; + } + else if (b > 21 && a < 21) + { + num = a; + } + else if (a < 21 && b < 21) + { + if (a > b) + { + num = a; + } + else + { + num = b; + } + } + return num; +} +" +37663cfe1c139e23d8351a6801547ae924b5fb94,"public int blackjack(int a, int b) +{ + int num = 0; + if (a > 21 && b > 21) + { + num = 0; + } + else if (a > 21 && b < 21) + { + num = b; + } + else if (b > 21 && a <= 21) + { + num = a; + } + else if (a <= 21 && b <= 21) + { + if (a > b) + { + num = a; + } + else + { + num = b; + } + } + return num; +} +" +a4f26b61251380331f4d00d5a4a3e84acd10d55a,"public int blackjack(int a, int b) +{ + if (a < 21 || b < 21) + { + if (a > b); + { + return(a); + } + if (a < b); + { + return(b); + } + } + else + { + return(0); + } +} +" +c868f49cd696026e4449b284ac4f87ea3ac3b74f,"public int blackjack(int a, int b) +{ + if (a < 21 || b < 21) + { + if (a > b) + { + return(a); + } + if (a < b) + { + return(b); + } + } + else + { + return(0); + } +} +" +da3366ddfa32daab93b832d15c82fd7426f5dee0,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a <= 21 && a > b) + { + return a; + } + if (b <= 21 && b > 21) + { + return b; + } + } + else + { + return 0; + } +} +" +e12a9a5070ead4f98fc98c1d087f04672fa74e7e,"public int blackjack(int a, int b) +{ + if (a <= 21) // a is good + { + if (b <= 21 && a > b) // b is also good, but a is returned + { + return a; + } + else if (b <= 21 && b > a) // b good, b is returned + { + return b; + } + else // b is not good and a is good + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + } + else + { + return 0; + } +} +" +0cd34aa9778b6abbb4f3929699000f12d3434222,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } + + else if (a>21 && b>21) + { + return 0; + } +} +" +e391901df51ba9904c11c6edd3251a7b49bc671b,"public int blackjack(int a, int b) +{ + if (a < 21 || b < 21) + { + if (a > b) + { + return(a); + } + if (a < b) + { + return(b); + } + } + else + { + return(0); + } +} +" +e9fbaff287a28abf767b3aed737e407868d89b92,"public int blackjack(int a, int b) +{ + if (a <= 21) // a is good + { + if (b <= 21 && a > b) // b is also good, but a is returned + { + return a; + } + else if (b <= 21 && b > a) // b good, b is returned + { + return b; + } + else // b is not good and a is good + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + } + else + { + return 0; + } + return 0; +} +" +c3d1ada1ff9f3f2204832359c52c4ffaebf06933,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a <= 21 && a > b) + { + return a; + } + else if (b <= 21 && b > 21) + { + return b; + } + } + else + { + return 0; + } +} +" +825a71cacc052437431910b849592b512f6a6911,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } + + else if (a>21 && b>21) + { + return 0; + } + + return null; +} + +" +6e8c9d7d0e15bfbd42ca709873493c48d8020490,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } + + else if (a>21 && b>21) + { + return 0; + } + + return 4; +} + +" +2205032995dc6239efecd7fbdec24a136b21149f,"public int blackjack(int a, int b) +{ + if (a < 21 || b < 21) + { + if (a > b) + { + return(a); + } + if (a < b) + { + return(b); + } + } +} +" +636d6130348f00239eb61eb323f8630883ada862,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a <= 21 && a > b) + { + return a; + } + else if (b <= 21 && b > 21) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +dbe04b7b53170fcad35e216fa9bef386685a1dea,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a <= 21 && a > b) + { + return a; + } + else if (b <= 21 && b > a) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +6be71ff7725e4f77b289cb2ee70cd8baf32f6424,"public int blackjack(int a, int b) +{ + if (a <= 21) // a is good + { + if (b <= 21 && a > b) // b is also good, but a is returned + { + return a; + } + else if (b <= 21 && b > a) // b good, b is returned + { + return b; + } + else // b is not good and a is good + { + return a; + } + } + else if (b <= 21 && a > 21) + { + return b; + } + else + { + return 0; + } + return 0; +} +" +f999ca0b64a5a6495c129baf6b887c6576e52543,"public int blackjack(int a, int b) +{ + if (a <= 21) // a is good + { + if (b <= 21 && a > b) // b is also good, but a is returned + { + return a; + } + else if (b <= 21 && b > a) // b good, b is returned + { + return b; + } + else // b is not good and a is good + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + } + else + { + return 0; + } + return 0; +} +" +c68c300510d0b62c6cac078cf06a678a5b089521,"public int blackjack(int a, int b) +{ + if (a < 21 || b < 21) + { + if (a > b) + { + return(a); + } + } + else + { + return(0); + } +} +" +a474dd252cc224b1b03805d228f71f0df0243e4b,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return(a); + } + } + if (a > 21 && b > 21) + { + return(0); + } +} +" +1f1663d6942c518329ae1f27193a7e0fa3012c7b,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + if (b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + }" +265165facf6e1cfa5253f71bf762869bfef4b2aa,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + return(a); + } + else + { + return(0); + } +} +" +4a8ecd8ccf74aa7b02a32af9391bfc30a84dfe0e,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + if (b <= 21) + { + return b; + } + else + { + return a; + } + else + { + return 0; + }" +cc7c297c3a40534e4f1c94ed871373b89032ec6b,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + if (b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + }" +746c454042edae986058a6d2eae795f2781a82f1,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + if (b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +}" +842161f4619a6c70a12d6021d2f9a109ef1a65ce,"public int blackjack(int a, int b) +{ + if ((a <= 21 || b <= 21) && (a > b)) + { + return(a); + } + else if ((a <= 21 || b <= 21) && (a < b)) + { + return(b); + } + else + { + return(0); + } +} +" +fdec2524b9b361d51b89d9a095bac7d1c1c73c69,"public int blackjack(int a, int b) +{ + if (a-b < 21 && a-b < 0) + { + return a; + } + + else if (a-b<0 && a-b>0) + { + return b; + } + + else if (a>21 && b>21) + { + return 0; + } + + return 4; +} + +" +b15cd0726be86c342c5611080d49fe0607b1786f,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + b = a; + } + + else if (b > a && b <= 21) + { + a = b; + } + else + { + a = 0; + } + + } + return a; +} +" +f1a61d94f9aaaa90c836c015acc1a6fe05ee4e0a,"public int blackjack(int a, int b) +{ + if (a<= 21 && b> 21) + { + return a; + } + + else if (b<= 21 && a> 21) + { + return b; + } + + else if (a>21 && b>21) + { + return 0; + } + + return 4; +} + +" +30b65a5bb92c932ee4a9c209db1ac213a1cbb7b1,"public int blackjack(int a, int b) +{ + if ((a <= 21 || b <= 21) && (a > b) && (a <= 21)) + { + return(a); + } + else + { + return(b); + } + if ((a <= 21 || b <= 21) && (a < b) && (b <= 21)) + { + return(b); + } + else + { + return(a); + } + else + { + return(0); + } +} +" +32c9dbb446591ad07dc6f39ac715972bd63c749e,"public int blackjack(int a, int b) +{ + if ((a <= 21 || b <= 21) && (a > b) && (a <= 21)) + { + return(a); + } + else + { + return(b); + } + if ((a <= 21 || b <= 21) && (a < b) && (b <= 21)) + { + return(b); + } + else + { + return(a); + } + else if (a <= 21 && b <= 21) + { + return(0); + } +} +" +5176711159c447b662ba6c1d55b3dcf5c49d2b8c,"public int blackjack(int a, int b) +{ + if ((a <= 21 || b <= 21) && (a > b) && (a <= 21)) + { + return(a); + } + else + { + return(b); + } + if ((a <= 21 || b <= 21) && (a < b) && (b <= 21)) + { + return(b); + } + else + { + return(a); + } + if (a <= 21 && b <= 21) + { + return(0); + } +} +" +9c99bb6a5a81625e47a12236909e52dd6e4c7a76,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + b = a; + } + + else if (b > a && b <= 21) + { + a = b; + } + else if (a > 21 && b > 21) + { + a = 0; + } + + } + return a; +} +" +15322ed202a11b0420734fc68a2915285e399451,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + { + return 0; + } + else + { + if (a > b) + { + return int a; + } + else + { + return int b; + } + } +} +" +4bd4686f3aafa18d1e4a88d7a06667e44d02a93e,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + b = a; + } + + else if (b > a && b <= 21) + { + a = b; + } + else if (a > 21 && b > 21) + { + a = 0; + } + else if (a > 21 && b <= 21) + { + b = a; + } + + } + return a; +} +" +8bd6a697660d9c47133010243c3a8c4562236c27,"public int blackjack(int a, int b) +{ + if(int a > 21 || int b > 21) + { + return 0; + } + else + { + if (int a > int b) + { + return int a; + } + else + { + return int b; + } + } +} +" +c4ebc77e6dd29890bd3afb518b3246a0bc26955e,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + b = a; + } + + else if (b > a && b <= 21) + { + a = b; + } + else if (a > 21 && b > 21) + { + a = 0; + } + else if (a > 21 && b <= 21) + { + a = b; + } + + } + return a; +} +" +68c1e90d4be2c30e411fcf5988656ff14c8459b9,"public int blackjack(int a, int b) +{ + if ((a <= 21 || b <= 21) && (a > b) && (a <= 21)) + { + return(a); + } + + else if ((a <= 21 || b <= 21) && (a < b) && (b <= 21)) + { + return(b); + } + else + { + return(0); + } +} +" +4e43bfa617ea6506cbd5bce9961ffc427aa95ab6,"public int blackjack(int a, int b) +{ + if ((a <= 21 || b <= 21) && (a > b) && (a <= 21)) + { + return(a); + } + else if ((a <= 21 || b <= 21) && (a > b) && (a > 21)) + { + return(b); + } + else if ((a <= 21 || b <= 21) && (a < b) && (b <= 21)) + { + return(b); + } + else if ((a <= 21 || b <= 21) && (a < b) && (b > 21)) + { + return(a); + } + else + { + return(0); + } +} +" +3b0d3d5879d0092f8a849b7817aade97e8ffdad5,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) { + return 0; + } + else { + if (a>21) { + return b; + } + else if (b>21) { + return a; + } + else if (a-21 > b-21) { + return b; + } + else if (b-21 > a-21) { + return a; + } + else { + return a; + } + } + + +} +" +722f5d4dd597c6a2d69f989bcccf658309305fb2,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + +} +" +dae28d1ff7a48595452477590fb7e64ded5a5213,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + if (b > 21) + { + if (a > 21) + { + return 0; + } + else + { + return a; + } + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + +} +" +fcc2315874c495609b75a68609eda0bee96394e3,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) { + return 0; + } + else { + if (a>21) { + return b; + } + else if (b>21) { + return a; + } + else if (a-21 > b-21) { + return a; + } + else if (b-21 > a-21) { + return b; + } + else { + return a; + } + } + + +} +" +c2ed1293111ba7683039e4c742f3ba01f7ec158f,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else + { + return 0; + } + } + else + { + return 0; + } + +} +" +2288825af8f8512c051cc4a6ec696ed0e7153c17,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } + +} +" +ad7252a2fef8dc8c40ce9d4c11122beaea65a541,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + } + else + { + return 0; + } + +} +" +dab76e150e37e982978d70332370348a9196073b,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } +} +" +b5fd4a391a2d507b589acef9c9db040138e5fa3f,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + + return 0; + + } +} +" +6505bc85cef3a6ff91a2efbd97aed6dce3ca76f6,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + return 0; + } +} +" +60c406944a11089c2644538976a8d088950051de,"public int blackjack(int a, int b) +{ + int = 0; + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + return 0; + } +} +" +c3f405fe4d2c0e05bd212461735cc26bd01aa224,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + return 0; + } +} +" +19fe5bd4705df3670c2d7ff4c384e8b2aa088986,"public int blackjack(int a, int b) +{ + int numA = a; + int numB = b; + if (numA <= 21 && numA >= numB) + { + return numA; + } + else if (numB <= 21 && numB >= numA) + { + return numB; + } + else + { + return 0; + } +} +" +42526857ebd036a18e9db319422ff00cd23094c9,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + } + return 0; +} +" +cc7b536ce1ca490fb9d7739da74deb2c381c20c0,"public int blackjack(int a, int b) +{ + int numA = a; + int numB = b; + if (numA <= 21 && (numA >= numB || numB > 21)) + { + return numA; + } + else if (numB <= 21 && (numB >= numA || numA > 21)) + { + return numB; + } + else + { + return 0; + } +} +" +ca1870b1df47e2084ad5408ac293ab511a73c5d0,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + } + return 0; +} +" +1e6e30ee638cde437dc7f7cb747e5b09a8fb5384,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + } + else if (a > 21 && b > 21) + { + return 0; + } +} +" +c6665fd92bbfdfbb2cd885a0a32c896cc6a64cb7,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + } + else if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +ac3e010eaf164aa5d7ffc9c0d95deef746e2e7e9,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <= 21) + { + return a; + } + } + else if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +04145f707aa22a8cb6afd84c0ecc1014d1db1a2c,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if (b > a) + { + a = b; + } + return a; +} +" +5b46d03d7d1417989933f419b5339b83d1a09176,"public int blackjack(int a, int b) +{ + int aChecker = 21 - a; + int bChecker = 21 - b; + int answer = 0; + if (aChecker < bChecker) + { + answer = a; + } + if (aChecker > bChecker) + { + answer = b; + } + if (aChecker < 0 && bChecker < 0) + { + answer = 0; + } + return answer; +} +" +10c44c57558fa2373e4f2b401344ea58ff6c4be3,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if ( (a <= 21) && (b <= 21) ) + { + if (modA < modB) + { + return a; + } + + return b; + } + + return 0; +} +" +4c38831267d6eb528c93f37fbfc857e1d8866001,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if ( (a <= 21) || (b <= 21) ) + { + if (modA < modB) + { + return a; + } + + return b; + } + + return 0; +} +" +c07a78cb12ae01ce82ab8d160e218da04774e8ea,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if ( !(a <= 21) && !(b <= 21) ) + { + if (modA < modB) + { + return a; + } + + return b; + } + + return 0; +} +" +fc9613e63dd29d2e8e4192be725011c89a29f7fb,"public int blackjack(int a, int b) +{ + int aChecker = 21 - a; + int bChecker = 21 - b; + int answer = 0; + if (aChecker < bChecker) + { + answer = a; + } + if (aChecker > bChecker) + { + answer = b; + } + if (aChecker < 0 && bChecker !< 0) + { + answer = b; + } + if (aChecker !< 0 && bChecker < 0) + { + answer = a; + } + if (aChecker < 0 && bChecker < 0) + { + answer = 0; + } + return answer; +} +" +ff0142433d698f9e444eeb9e3c1e76c6f9ad2b90,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if ( (a <= 21) || (b <= 21) ) + { + if (modA < modB) + { + return a; + } + + return b; + } + + return 0; +} +" +d0279d6ae85a1d465dc3fb133eb9135643302d0f,"public int blackjack(int a, int b) +{ + int aChecker = 21 - a; + int bChecker = 21 - b; + int answer = 0; + if (aChecker < bChecker) + { + answer = a; + } + if (aChecker > bChecker) + { + answer = b; + } + if (aChecker < 0 && bChecker >= 0) + { + answer = b; + } + if (aChecker >= 0 && bChecker < 0) + { + answer = a; + } + if (aChecker < 0 && bChecker < 0) + { + answer = 0; + } + return answer; +} +" +66708d6d82831ba4b45b10193e076ac44704bb82,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if (a <= 21 && b <= 21) + { + return Math.max(a, b); + } +}" +21b7ce97368e6ded2d1e4540edbf1d6ff28ba7ee,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if (a <= 21 || b <= 21) + { + return Math.max(a, b); + } +}" +6d1f4733fc49f63f493e50197ec6fef06a5e8cbd,"public int blackjack(int a, int b) +{ + int t = 0; + if (a<21 && b<21) + { + if (a21) + { + t=a; + } + else if (a>21 && b<21) + { + t=b; + } + else + { + t=0; + } + return t; +} +" +d4fa60e40a5ddeb58ec5f5bb64a378181025b14c,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if (a <= 21 || b <= 21) + { + return Math.max(a, b); + } + + return 0; +}" +dd6ed45ddb9e01cd750c9c3a0ef63d2131ece4c3,"public int blackjack(int a, int b) +{ + int t = 0; + if (a<=21 && b<=21) + { + if (a21) + { + t=a; + } + else if (a>21 && b<+21) + { + t=b; + } + else + { + t=0; + } + return t; +} +" +30054b6feff9538c41d9f82c1948eae563a81f23,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if (a <= 21 || b <= 21) + { + return Math.max(a, b); + } + + if (a <= 21) return a; + if b( <= 21) return b; + + return 0; +}" +5bd3bc57b5d6b52ee386bd8776cc9610f14b0887,"public int blackjack(int a, int b) +{ + int modA = 21 % a; + int modB = 21 % b; + + if (a <= 21 || b <= 21) + { + return Math.max(a, b); + } + + if (a <= 21) return a; + + if (b <= 21) return b; + + return 0; +}" +492a01266d4f543e5f50a2be8413d33d9aee2c5f,"public int blackjack(int a, int b) { + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +}" +04e6e2430fa472dc1eaf51a85a63eb55878f3380,"public int blackjack(int a, int b) { + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + return a; + } + else + { + return b; + } +}" +619b0eaf15a6d4c2f51c750d2343f1e8b5db139e,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + + if (b > 21) + { + b = 0; + } + + if (a > b) + { + return a; + } + else + { + return b; + } +} +" +154e4121a6c848c061500bcfef6fe11857ed5164,"public int blackjack(int a, int b) +{ + if (a < b && b < 21) { + return b; + } + else if (b < a && a < 21) { + return a; + } + else { + return 0; + } +} +" +cfbdd6c60622f981adabaeff78b355d06aeb9d5b,"public int blackjack(int a, int b) +{ + if (a < b && b < 22) { + return b; + } + else if (b < a && a < 22) { + return a; + } + else { + return 0; + } +} +" +5ddab2e5b695c1ca139df1a8256a345c27b83cc3,"public int blackjack(int a, int b) +{ + if (a < 22 && b < 22) { + if (a < b) { + return b; + } + else { + return a; + } + } + else { + return 0; + } +} +" +c81f11ad3848f2ffd7d4d528daf1c8a2491e17c9,"public int blackjack(int a, int b) +{ + if (a < 22 && b < 22) { + if (a < b) { + return b; + } + else { + return a; + } + } + else { + if(a < 22) { + return a; + } + else if (b < 22) { + return b; + } + else { + return 0; + } + } +} +" +c4f6ecde622040610ba89748952266b1924727e7,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b >21) + { + return a; + } + return Math.max(a, b); +} +" +24e344257d7f5d1a0aa8ce4c7bb50997868558b3,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0) + if (a > b) + return a + else + return b + +} +" +96ec3e9a702ca2ecd3adbe8cafd780219fbc9d65,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0) + if (a > b) + return a; + else + return b; + +} +" +419e83c85b027ad8041fabd5ffc4ccf492e3cecd,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0 && a > b) + return a; + else + return b; + +} +" +98ca2a0b20b7cd977913ef1070831ba1ada7ca6f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a < 21) + int aDistance = 21 - a; + if (b < 21) + int bDistance = 21 - b; + if (aDistance > bDistance) + return b; + else + return a; + + + +} +" +f0324bf4fb5a327b93396b945e20877a7541fe9c,"public int blackjack(int a, int b) +{ + int aDistance; + int bDistance; + if (a > 21 && b > 21) + return 0; + if (a < 21) + aDistance = 21 - a; + if (b < 21) + bDistance = 21 - b; + if (aDistance > bDistance) + return b; + else + return a; + + + +} +" +b7fe8668aaba68cdb551c7aa7dc455540b9a1b16,"public int blackjack(int a, int b) +{ + int aDistance = 21; + int bDistance = 21; + if (a > 21 && b > 21) + return 0; + if (a < 21) + aDistance = 21 - a; + if (b < 21) + bDistance = 21 - b; + if (aDistance > bDistance) + return b; + else + return a; + + + +} +" +f6eae15c86459c019bc50b1f7a59265d6cc89b9c,"public int blackjack(int a, int b) +{ + int aDistance = 20; + int bDistance = 20; + if (a > 21 && b > 21) + return 0; + if (a < 21) + aDistance = 21 - a; + if (b < 21) + bDistance = 21 - b; + if (aDistance > bDistance) + return b; + else + return a; + + + +} +" +ddf1af50ebf40c0974d6ea61f933636cc5d026b8,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + if (a > 0 && b > 0 && (a < 21 || b < 21) && a > b) + return a; + if (a > 0 && b > 0 && (a < 21 || b < 21) && b < a) + return b; + + +} +" +65c2e566e892465dd448f30709e5452caccaac0d,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0 && (a < 21 || b < 21) && a > b) + return a; + else if (a > 0 && b > 0 && (a < 21 || b < 21) && b < a) + return b; + +} +" +d13a33582df37d05d65fd78cbbf872a038ff4dd0,"public int blackjack(int a, int b) +{ + int aDistance = 21; + int bDistance = 21; + if (a > 21 && b > 21) + return 0; + if (a < 21) + aDistance = 21 - a; + if (b < 21) + bDistance = 21 - b; + if (aDistance > bDistance) + return b; + else + return a; + + + +} +" +cadcc4710515efef208e4a7b359ec17648bb5cc6,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0 && (a < 21 || b < 21) && a > b) + return a; + else + return b; + +} +" +8288a998c242f26a309f710f4751d7d5d1e7876c,"public int blackjack(int a, int b) +{ + int aDistance = 21; + int bDistance = 21; + if (a > 21 && b > 21) + return 0; + if (a < 22) + aDistance = 21 - a; + if (b < 22) + bDistance = 21 - b; + if (aDistance > bDistance) + return b; + else + return a; + + + +} +" +33ae40e2942420353d5736719a83b15d89ec466f,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0 && b > 21 && a > b) + return a; + else if (a > 0 && b > 0 && a > 21 && a > b) + return b; + else + return b; + +} +" +735cb3a5a4d5dcea6b39bb50072a249d869b94b0,"public int blackjack(int a, int b) +{ + if (a > 21 && a > 0 && b > 21 && b > 0) + return 0; + else if (a > 0 && b > 0 && b > 21) + return a; + else if (a > 0 && b > 0 && a > 21) + return b; + else if (a > 0 && a > b) + return a; + else + return b; + +} +" +2d84348c862c16c4fcf3666fda2477305a749b7a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a - b > 0) + return a; + else if (b - a > 0) + return b; +} +" +27add324d78b9a664e17d02be9a16182027b41db,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a - b > 0) + return a; + else if (b - a > 0) + return b; + else + return 0; +} +" +67d18ecb5c500a1270ac8fbe05b9af65edcaa258,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21 && b <= 21) + return b; + else if (a <= 21 && b > 21) + return a; + else if (a - b > 0) + return a; + else if (b - a > 0) + return b; + else + return 0; +} +" +65112f6d1676a5da6ced29ebf68a1fe713fbc210,"public int blackjack(int a, int b) +{ + diff1 = a - b; + diff2 = b - a; + if (diff1 < 0 && diff2 > 0 && b !> 21){ + return b; + } + else if (diff1 > 0 && diff2 < 0 && a !> 21){ + return a; + } + else + return 0; +} +" +e3afddff4fecd5956be15748ea596351bca27a5d,"public int blackjack(int a, int b) +{ + diff1 = a - b; + diff2 = b - a; + if (diff1 < 0 && diff2 > 0 && b <= 21){ + return b; + } + else if (diff1 > 0 && diff2 < 0 && a <= 21){ + return a; + } + else + return 0; +} +" +379d6905f336bbbd19b0a220511521f81233b4db,"public int blackjack(int a, int b) +{ + int diff1 = a - b; + int diff2 = b - a; + if (diff1 < 0 && diff2 > 0 && b <= 21){ + return b; + } + else if (diff1 > 0 && diff2 < 0 && a <= 21){ + return a; + } + else + return 0; +} +" +92262a46ea62cfa19331868ed4808e0a58f610cc,"public int blackjack(int a, int b) +{ + if (a > b){ + if (a <= 21) + return a; + else if (a > 21 && b <= 21) + return b; + else + return 0; + } + if (b > a){ + if (b <= 21) + return a; + else if (b > 21 && a <= 21) + return b; + else + return 0; + } +} +" +51d237dda7687913b09c8e9e2eb422cbc7045080,"public int blackjack(int a, int b) +{ + int ans; + if (a > b){ + if (a <= 21) + ans = a; + else if (a > 21 && b <= 21) + ans = b; + else + ans = 0; + } + if (b > a){ + if (b <= 21) + ans = a; + else if (b > 21 && a <= 21) + ans = b; + else + ans = 0; + } + return ans; +} +" +78e28463161ca74af61d91c3f23a6ccf2b1652e0,"public int blackjack(int a, int b) +{ + int ans = 0; + if (a > b){ + if (a <= 21) + ans = a; + else if (a > 21 && b <= 21) + ans = b; + else + ans = 0; + } + else if (b > a){ + if (b <= 21) + ans = a; + else if (b > 21 && a <= 21) + ans = b; + else + ans = 0; + } + return ans; +} +" +d5ca1916846810f83211b7498f1380a78970cfe7,"public int blackjack(int a, int b) +{ + int ans = 0; + if (a > b){ + if (a < 21) + ans = a; + else if (a >= 21 && b < 21) + ans = b; + else + ans = 0; + } + else if (b > a){ + if (b < 21) + ans = a; + else if (b >= 21 && a < 21) + ans = b; + else + ans = 0; + } + return ans; +} +" +80c1c264e822ff955db0175833fffe386914971e,"public int blackjack(int a, int b) +{ + int ans = 0; + if (a > b){ + if (a <= 21) + ans = a; + else if (a > 21 && b <= 21) + ans = b; + else + ans = 0; + } + else if (b > a){ + if (b <= 21) + ans = a; + else if (b > 21 && a <= 21) + ans = b; + else + ans = 0; + } + return ans; +} +" +94e890cc30acbfe4885a98bcec1774dbfc7b21c5,"public int blackjack(int a, int b) +{ + int ans = 0; + if (a > b){ + if (a <= 21) + ans = a; + else if (a > 21 && b <= 21) + ans = b; + else + ans = 0; + } + else if (b > a){ + if (b <= 21) + ans = b; + else if (b > 21 && a <= 21) + ans = a; + else + ans = 0; + } + return ans; +} +" +e192fa6c86aa5470a7904b74795dea8b86a463d8,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > 21) + { + return a: + } + else + { + return b; + } +} +" +519d33d903cac095b1c9005847416bf42cd3674a,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > 21) + { + return a; + } + else + { + return b; + } +} +" +f6fc17c1aa719372095051e5dfe2d24329bb94ec,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > 21) + { + return a; + } + else + { + return b; + } +} +" +decf52b4f92c085fbe3b37b7b1b1f7e2febe13d0,"public int blackjack(int a, int b) +{ + if( a > 21 && b > 21) + return 0; + if( b > a && b < 21) + return b; + if(a > b && a < 21) + return a; +} +" +70a13b74da135bdee2eab96942d237dee2ac2f1c,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +8c5f481de8a283f5c7892e557241e92b8ae640ca,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a + } + else + { + return b + } + } + else + { + return 0 + +} +" +abaf6fa03caa8f5f27fcd9702e30bb3004e194cb,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } + +} +" +b4a7bf6ec5d2c65e72f10d7cfdd73d31ca61cdfa,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + else + { + if (a > b) + { + return b; + } + else if (b < a) + { + return a; + } + else + { + return 0; + } + + } + +} +" +ed869e17632d3c059f7846b2ab33041fcd204242,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <==21 && a > b) + { + return a; + } + else if ( a <= 21 && b <==21 && b > a) + { + return b; + } + else if (a <= 21 && b > 21) + { + return a; + } + else if (b <= 21 && a > 21) + { + return b; + } + else + { + return '0'; + } +} +" +9e3b912aaace8527ce2ff4f6a81c0805281a0015,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + if (a > b) + { + return b; + } + else if (b < a) + { + return a; + } + else + { + return 0; + } + + } + +} +" +26cfe64180f6656a2ff75553c78feaebae2e409b,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + else + { + return 0; + } + + } + +} +" +532660265d4e9b7a7220fa050562a2d05fb296a3,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0; + } + + +} +" +fa4ddddc2b49c39023a1881596f6cbc3970d160e,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0; + } + +} +" +54f28b558e7f92989fdeadcbf9f66ab415feaa1f,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0; + } +}" +1f60181f674cae211465867a0e8f51c16a5aca77,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + return 0; +}" +0bd44209f526cb5b392767b51366dbd7ca6c422b,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0; + } +}" +6e6c0d5a1d9e56b15c525638567fb59ad3248e17,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0 + } +}" +cff561d3ee82d256287ad7bd21caa768c03ee900,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0; + } +}" +897b4c92d4b8a776a80272c0531f7d59e220f59a,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else if (b > a) + { + return a; + } + } + else + { + return 0; + } +" +2fc97b42ff8060a1c9610c345d6a338d848d315f,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a > b) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +2e6d698bb815d8b83de4912badd40fae68f7c3fd,"public int blackjack(int a, int b) +{ + intABJ = 21 - a; + intBBJ = 21 - b; + if (intABJ >= 0 && intBBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ( (intABJ <= -1 || intBBJ <= -1) + { + + } + +} +" +5ba0e2af881d9baf9963e070fd3319870031bcc4,"public int blackjack(int a, int b) +{ + intABJ = 21 - a; + intBBJ = 21 - b; + if (intABJ >= 0 && intBBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if (intABJ <= -1 || intBBJ <= -1) + { + + } + +} +" +50002fa342a5949fc32e2d05de441f0bc49ebf36,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (int ABJ >= 0 && int BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if (int ABJ <= -1 || int BBJ <= -1) + { + + } + +} +" +9aec2d6b8baff7b430fdf3dca29ad7ddbd679073,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if (ABJ <= -1 || BBJ <= -1) + { + + } + +} +" +35f0c41e2f61458aaa9d9375d2083d1c4bc0ec96,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + if else + return 0; +} +" +622c8e85a5ae2961be8762d4b212b31f83ea1fac,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + if else() + return 0; +} +" +396cb05d742ab7b8a2e1e7b4b1c752f4f7708ec0,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + else + return 0; +} +" +6b4660fa4c3615e8fd3114ab9e3febe08b8564f0,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + +} +" +014a34fe66436e465bde8a1a175bdedb129db465,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + if(ABJ <= -1 || BBJ <= -1) + return 0; +} +" +75eee6b60ed4d084019be209a4c63eaa27efad06,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + else + return 0; +} +" +848f8a2428d6327235da9cd70e0248c45e765970,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a < b) + return a; + else + return b; + } + else if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + else + return 0; +} +" +92c7a00b99f73ed27763eaee395e707bab9f977d,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a > b) + return a; + else + return b; + } + else if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + else + return 0; +} +" +23639c732f22075806f3fab7d38864be5e397cb7,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a > b) + return a; + else + return b; + } + + else + return 0; +} +" +f73a190701fb12a341cfa8742fb695f923d15c8e,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a > b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 || BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + else + return 0; +} +" +cce01fb087dcc29993f1914b855bad7c7bf0f509,"public int blackjack(int a, int b) +{ + int ABJ = 21 - a; + int BBJ = 21 - b; + if (ABJ >= 0 && BBJ >= 0) + { + if (a > b) + return a; + else + return b; + } + if ((ABJ <= -1 || BBJ <= -1) && !(ABJ <= -1 && BBJ <= -1) ) + { + if (ABJ <= -1) + return b; + else + return a; + } + else + return 0; +} +" +8f1717e600fa0c575ac643a4868ee15741ab5790,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + if ( 21 - b > 21 - a) + { + return (a); + } + else + { + return (b); + } + } + else + { + return(0); + } +} +" +1924eaff2af2f8cfad1b0073626bb0e5fb17b31e,"public int blackjack(int a, int b) +{ + if !(a > 21 && b > 21) + { + if ( 21 - b > 21 - a) + { + return (a); + } + else + { + return (b); + } + } + else + { + return(0); + } +} +" +de68e2987e227a17dcb921887504092f21d94c46,"public int blackjack(int a, int b) +{ + if (!(a > 21 && b > 21)) + { + if ( 21 - b > 21 - a) + { + return (a); + } + else + { + return (b); + } + } + else + { + return(0); + } +} +" +933267e5bf1371c1a52fa13c5d74ec6a2c813032,"public int blackjack(int a, int b) +{ + if (!(a > 21 && b > 21)) + { + if (21 - b > 21 - a) + { + if (a <= 21) + { + return (a); + } + else + { + return(b) + } + } + else + { + return (b); + } + } + else + { + return(0); + } +} +" +5abbbdb4642d5a9351f07ff753973ff733d0ba62,"public int blackjack(int a, int b) +{ + if (!(a > 21 && b > 21)) + { + if (21 - b > 21 - a) + { + if (a <= 21) + { + return (a); + } + else + { + return(b); + } + } + else + { + return (b); + } + } + else + { + return(0); + } +} +" +2b0817a18256a13b036ba5c915c591e7124ebea7,"public int blackjack(int a, int b) +{ + if (!(a > 21 && b > 21)) + { + if (21 - b > 21 - a) + { + if (a <= 21) + { + return (a); + } + else + { + return(b); + } + } + else + { + if (b <= 21) + { + return (b); + } + else + { + return (a); + } + } + } + else + { + return(0); + } +} +" +4eef6588ac39a094d3eb15bcd5323eeedffe40c0,"public int blackjack(int a, int b) +{ + int output=0; + if ( a > 21) + a=0; + if ( b>21) + b=0; + if ( a > b ) + output = a; + else if (b>a) + output = b; + return output; +} +" +811c04ebfa68c879c2c19f11d01b0ac82a058ae8,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0 + } + else if (a > 21) + { + return b + } + else if (b > 21) + { + return a + } + else if ((21 - a) > (21 - b)) + { + return b + } + else + { + return a + } +} +" +6205b0f8fe6f0bb03c22714c58f7ac055f339bc0,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } +} +" +3dcacdffa12724b7cdfa0efce5961423a773f362,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a > 21) { + return b; + } + else if (b > 21) { + return a; + } + else { + if (a >= b) { + return a; + } + else { + return b; + } + } +} +" +bf68c5c2f082480dcb4eb516251894339dc3e2e7,"public int blackjack(int a, int b) +{ + int result = 0 + if (abs(21 - a) < abs(21 - b)) + { + result = a; + } + else if (abs(21 - b) < abs(21 - a)) + { + result = b; + } + else + { + result = 0; + } + + return result; +} +" +adc6814d625229141bf8b2c89db888e000e882c5,"public int blackjack(int a, int b) +{ + int result = 0; + if (abs(21 - a) < abs(21 - b)) + { + result = a; + } + else if (abs(21 - b) < abs(21 - a)) + { + result = b; + } + else + { + result = 0; + } + + return result; +} +" +f1791bc04345868c2adf0bbaa01eb3275d6fd778,"public int blackjack(int a, int b) +{ + int result = 0; + if (math.abs(21 - a) < math.abs(21 - b)) + { + result = a; + } + else if (math.abs(21 - b) < math.abs(21 - a)) + { + result = b; + } + else + { + result = 0; + } + + return result; +} +" +523f3ba0d86e36e6d92df35458a755dd96bcb1d2,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a < 21 || b < 21) + { + if (a - 21 < b - 21) + { + result = a; + } + else + { + result = b; + } + } + else + { + result = 0; + } + + + return result; +} +" +80efefa861ea3132b172c0a97efa6dd3cc2a2810,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a <= 21 || b <= 21) + { + if (a - 21 < b - 21) + { + result = a; + } + else + { + result = b; + } + } + else + { + result = 0; + } + + + return result; +} +" +410eb3de851076b240516042e023b2d8994d5c37,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a <= 21 || b <= 21) + { + if (21 - a < 21 - b) + { + result = a; + } + else + { + result = b; + } + } + else + { + result = 0; + } + + + return result; +} +" +8ea65fe8fd38f99b656f6d3284811b6757855645,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + return Math.max(a, b); + if (a <= 21) + return a; + if (b <= 21) + return b; + return 0; +} +" +c15ce2414b0fe443f12d76f178d777bb520750eb,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) return 0; + if (a > 21 && b <= 21) return b; + if (a <= 21 && b > 21) return a; + return Math.max(a, b); +} +" +b2584a458679225445c547423f0ca559357b09ff,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) return 0; + if (a > 21 && b <= 21) return b; + if (a <= 21 && b > 21) return a; + return Math.max(a, b); +} +" +147e87184835da1100b1adb42231ceb0369a9679,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a <= 21 && b <= 21) + { + if (21 - a < 21 - b) + { + result = a; + } + else + { + result = b; + } + } + else if (a <= 21) + { + result = a; + } + else if (b <= 21) + { + result = b; + } + else + { + result = 0; + } + + + return result; +} +" +c70bd8ec2cc47ebc2875c90b0e769ff7652ad986,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > 21 && b <= 21) + { + return b; + } + if (a <= 21 && b > 21) + { + return a; + } + else + { + return Math.max(a, b); + } +} +" +b3bf0bf6a1d297bc059abf814f0311c1d8e692cf,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) +{ +return 0; +} +else if(a >= b && a <= 21) +{ +return a; +} +else if(a >= b && a > 21) +{ +return b; +} +else if(b >= a && b <= 21) +{ +return b; +} +else if(b >= a && b > 21) +{ +return a; +} +else +{ +return 0; +} +} +" +4b187b8eeb281aec9e09b2d8fe03279009353f69,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + if (checkA < checkB && checkA >= 0) + { + return a; + } + else if (checkB < checkA && checkB >= 0) + { + return b; + } + else + { + return 0; + } +} +" +fbc5723615bd459f6f8b7a9526ff61cd8a6e201d,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + if (checkA < checkB && checkA >= 0) + { + return a; + } + else if (checkB < checkA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + } +} +" +9a0fd8f04b3fe6a13a99ea99ef5ad1061cf7ae04,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + +} +" +c6b1b8be58dcea837b61989089e1cb054d3e4456,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + if (checkA < checkB && checkA >= 0) + { + return a; + } + else if (checkB < checkA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + +} +" +cb0c10df1e87c76ff5122d2081c6187e88ef2507,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + return Math.max(a,b); +} +" +4230a2f4f7b1b9d1345635482ba63c4e780a1991,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + if (checkA < checkB && checkA >= 0) + { + return a; + } + else if (checkB < checkA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + } +} +" +184225dd4617fdee740215663ee6c0c80557de8f,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if (a > 21 && b > 21) + return 0; + else if (c > d) + return b; + else + return a; +} +" +e1ed3e0c77d6b60437856bbdadeb2ff7eeae35ab,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + if (checkA < checkB && checkA >= 0) + { + return a; + } + else if (checkB < checkA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + } + else + { + } +} +" +12eb56186eca9282212585e56019385ccc9496cb,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + if (checkA < checkB && checkA >= 0) + { + return a; + } + else if (checkB < checkA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + } + else + { + return 0; + } +} +" +22046280f259dbd2528b32dfa60520453fc6f638,"public int blackjack(int a, int b) +{ + int c = Math.abs(21 - a); + int d = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (c > d) + return b; + else + return a; +} +" +41bff7af6643ba5060275b27a7c74e9f7e33f73a,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + absA = math.abs(checkA); + absB = math.abs(checkB); + + if (absA < absB && checkA >= 0) + { + return a; + } + else if (absB < absA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + } + else + { + return 0; + } +} +" +0539ea6315444020314ca37c110869d82d10fab2,"public int blackjack(int a, int b) +{ + int checkA = 21 - a; + int checkB = 21 - b; + + int absA = math.abs(checkA); + int absB = math.abs(checkB); + + if (absA < absB && checkA >= 0) + { + return a; + } + else if (absB < absA && checkB >= 0) + { + return b; + } + else if (checkA <= 0 && checkB <= 0) + { + return 0; + } + else + { + return 0; + } +} +" +d770dc1a0b1f4e1179b9842a36c50f747da72625,"public int blackjack(int a, int b) +{ + int c; = Math.abs(21 - a); + int d; = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (a > 21 && b <= 21) + return b; + else if (b > 21 && a<= 21) + return a; + else if (c > d) + return b; + else + return a; +} +" +4b56e296de37472c2739d867d5fc70060ad1e28c,"public int blackjack(int a, int b) +{ + int c = Math.abs(21 - a); + int d = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (a > 21 && b <= 21) + return b; + else if (b > 21 && a<= 21) + return a; + else if (c > d) + return b; + else + return a; +} +" +12663fec9b1cf232df590b44fbb7696f5fcf19a8,"public int blackjack(int a, int b) +{ + if (a >21 && b > 21) + { + return 0; + } + + if (a > b) + { + return a; + } + else + { + return b; + } +} +" +d4a632dea253e0789360f9d6e9a182e519bfca6a,"public int blackjack(int a, int b) +{ + if (a >21 && b > 21) + { + return 0; + } + + if (a > b) + { + return a; + } + else + { + return b; + } + + if ((21 - a) < (21-b)) + { + return a; + } + else + { + return b; + } +} +" +bd1500cfa49484832123a2ad05cd22d4f594d724,"public int blackjack(int a, int b) +{ + int someA = 21 - a; + int someB = 21 - b; + + if (a >21 && b > 21) + { + return 0; + } + + if (a > b) + { + return a; + } + else + { + return b; + } + + if (someA < someB) + { + return a; + } + else + { + return b; + } +} +" +7b7bff9b4f9ebe3f97db10b37607969288ae1fb0,"public int blackjack(int a, int b) +{ + int someA = 21 - a; + int someB = 21 - b; + + if (a >21 && b > 21) + { + return 0; + } + + if (a > b) + { + return a; + } + else if (b < a) + { + return b; + } + else if (someA < someB) + { + return a; + } + else + { + return b; + } +} +" +f993a9b1de09edbdbf5d53be6ad5182a533c6cdd,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } + +} +" +03d39feee01e23a9320bd0493943ab3a8d540a3e,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + return a; + } + else + { + return b; + } + +} +" +b4059c7f291bd142242fae8a685ad455dfeb3629,"public int blackjack(int a, int b) +{ + if (a > 21) a = 0; + if (b > 21) b = 0; + + if (a > b) + { + return a; + } + else + { + return b; + } + +} +" +40f29d17110bc0afd8c13b1fcad22e9a70154920,"public int blackjack(int a, int b) +{ + if (21 / a < 21 / b) + { + return a; + } + else + { + return b; + } +} +" +14b207845df1566d822e945dd8f931f4e009a543,"public int blackjack(int a, int b) +{ + if (21 % a < 21 % b) + { + return a; + } + else + { + return b; + } +} +" +e149e068f3e0b1aa8891bcb88631da9a0e64ba3b,"public int blackjack(int a, int b) +{ + if (a < 21 && b <21) + { + if (21 % a < 21 % b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +1d56421550bad1f93e6ae8c62ac0b9903c780b8f,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (21 % a < 21 % b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +93f8ff20ed92b9a95860c4a61f67b43bcdff03a7,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (21 % a < 21 % b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +24bf9e185e01b30a7890f279b4b7e5cf52b9fe98,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + + if (a > 21 || b > 21) + { + return 0; + } + else + { + if (c > d) + { + return b; + } + else + { + return a; + } + } +} +" +c10cbfdeaa439052d3e1cdf3330990bde394e3ca,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (c > d) + { + return b; + } + else + { + return a; + } + } +} +" +5b33c714d073e2823b0a2b6cb8b17b9cdd543216,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (c < d) + { + return b; + } + else + { + return a; + } + } +} +" +8b20b9fd7bef3bc8c7a16363534d1572a8940120,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +12f79a0b21d2af4869e9b6fe300114587fc894da,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if (c >= 0 && d >= 0) + { + if (c > d) + { + return b; + } + else + { + return a; + } + } + else if (c < 0 && d >= 0) + { + return b; + } + else if (d < 0 && c >= 0) + { + return a; + } + else + { + return 0; + } +} +" +f77e32caf313b41ba5c6dd5f2dda4eeaf112c501,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + else if (b > 21) + { + b = 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } + return a; + +" +e842a2d12176ae37228ff69c6c768005b587ac2a,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (c > d) + { + return a; + } + else + { + return b; + } + } +} +" +0cb3263f74a08d853e52efea8ec063b3e3a0e51b,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a > b) + return a; + if (b > a) + return b; +} +" +c30c5228cdfa3a3b0862cb448ff1b32c102d86b3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a > b) + return a; + if (b > a) + return b; + return 0; +} +" +3d8a9fd89de496a3e1696a3e4d9bc1ee0f9173c8,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (c < d) + { + return b; + } + else + { + return a; + } + } +} +" +64fd08eb88bb1d039300f02bf3949c98a840a28e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a > b && a < 21) + return a; + if (b > a && b < 21) + return b; + return 0; +} +" +81b502471d2aa439b290699be75a0667e964900b,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + valueA = a % 21; + valueB = b % 21; + } + if (valueA > valueB) + { + return valueB; + } + if (valueB > valueA) + { + return valueA; + } +} +" +33addff536eeb7526c61cb8dc1ddbf10e925c286,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a > b && a <= 21) + return a; + if (b > a && b <= 21) + return b; + return 0; +} +" +ca24e6b28790c6f77f18c10b75ab343d488d6bb2,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + else if (b > 21) + { + b = 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } + return a; +} + +" +5676949283ca46c5180beb766242669c5b8f9325,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + valueA = (a % 21); + valueB = (b % 21); + } + if (valueA > valueB) + { + return valueB; + } + if (valueB > valueA) + { + return valueA; + } +} +" +68c87f25aac30bf328abc83ef1c9f64a4df03076,"public int blackjack(int a, int b) +{ + { + if (a > 21 && b > 21) + { + return 0; + } + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + } + return 0; +} +" +6761c9e6948897dff0bf51de6d57efdc8d63dbb6,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} + +" +22532d9818b2bf36da90b84ec6b24aa38ff6133d,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return 0; + } + else if (diffA > diffB) + { + return a; + } + return b; + +} +" +f563d8429ce6f0f5b0f1052ddc5b6812e7f1a75c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} + +" +fc6525dc624a011290cb1d4c8a7daa9dc53f8896,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return 0; + } + else if (diffA == 0) + { + return a; + } + else if (diffB == 0) + { + return b; + } + else if (diffA > diffB) + { + return a; + } + return b; + + +} +" +c158a205d7ef47a402457ad4cbde282d03a27502,"public int blackjack(int a, int b) +{ + if (a < 21 && b > 21) + return a; + if (b < 21 && a > 21) + return b; + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + } + return 0; +} +" +25f22b6f326b05ee2f9ed9e88c3d8b713c9dbe99,"public int blackjack(int a, int b) +{ + valueA = (a % 21); + valueB = (b % 21); + + if (a > 0 && b > 0) + { + if (valueA > valueB) + { + return valueB; + } + else if (valueB > valueA) + { + return valueA; + } + } +} +" +04d5dbdfd8f90d3d5284d1e8ee4b315062c944ca,"public int blackjack(int a, int b) +{ + if (a < 21 && b > 21) + return a; + if (b < 21 && a > 21) + return b; + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + return 0; +} +" +a5753071f303d02f73c05eb0a210fae547979aab,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return 0; + } + else if (diffA == 0) + { + return a; + } + else if (diffB == 0) + { + return b; + } + else if (diffA > diffB) + { + return b; + } + return a; + + +} +" +96eb5c88dab26490f06d12267d29f70c87385648,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return 0; + } + else if (diffA == 0 || diffB < 0) + { + return a; + } + else if (diffB == 0 || diffA < 0 || diffA > diffB) + { + return b; + } + return a; + +} +" +4ab7cc978fb0dd05a9b6f4804a079cf61aaa0490,"public int blackjack(int a, int b) +{ + int valueA; + int valueB; + valueA = (a % 21); + valueB = (b % 21); + + if (a > 0 && b > 0) + { + if (valueA > valueB) + { + return valueB; + } + else if (valueB > valueA) + { + return valueA; + } + } +} +" +aafefac25f5548b9e52f10e0db2af24f00e608e2,"public int blackjack(int a, int b) +{ + int num = 0; + + if (21 - a > 21 - b) + { + num = a; + } + else if (21 - b > 21 - a) + { + num = b; + } + else if (a = 0 && b = 0) + { + num = 0; + } +} +" +f526d60b5150c713d424ef4c831ca3dc46057330,"public int blackjack(int a, int b) +{ + int num = 0; + + if (21 - a > 21 - b) + { + num = a; + } + else if (21 - b > 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } +} +" +ee51702ae75ae492f5ff447591896de8c02d50a9,"public int blackjack(int a, int b) +{ + if (a < 21) + { + if (a > b) + { + return a; + } + } + else if (b < 21) + { + if (b > a) + { + return b; + } + } + else + { + return 0; + } +} +" +e968f6ed294be9ddc8260b7c0ffbc92e8e106bd9,"public int blackjack(int a, int b) +{ + int num = 0; + + if (21 - a > 21 - b) + { + num = a; + } + else if (21 - b > 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + return num; +} +" +52e46eb9a95bd55a689d3b6bc337912cd587eb4b,"public int blackjack(int a, int b) +{ + int num = 0; + + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + return num; +} +" +66d7743e551227caf5576794712b52be7b184987,"public int blackjack(int a, int b) +{ + int valueA; + int valueB; + valueA = (a % 21); + valueB = (b % 21); + + if (a > 0 && b > 0) + { + if (valueA > valueB) + { + return valueB; + } + else if (valueB > valueA) + { + return valueA; + } + } +} +" +47486c4ba4b5e13ca68c5de049ae3ca8de8a14c9,"public int blackjack(int a, int b) +{ + int num = 0; + if (b = 21) + { + num = b; + } + else if (a = 21) + { + num = b; + } + else if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + return num; +} +" +d5349c6c3fb4d377f5696c45b4674151276c2537,"public int blackjack(int a, int b) +{ + int valueA; + int valueB; + valueA = (a % 21); + valueB = (b % 21); + + if (a > 0 && b > 0) + { + if (valueA > valueB) + { + return valueB; + } + else if (valueB > valueA) + { + return valueA; + } + } + else + { + return 0; + } +} +" +a5aa4b45287eddf94555a5577a94cef5e6dcf277,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + return num; +} +" +b022f0828a815b3146b850e178db0503a45a7435,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (21 - a < 21 - b && 21 - a > 0) + { + num = a; + } + else if (21 - b < 21 - a && 21 - b > 0) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + return num; +} +" +9ab488c44b46436c1e77521e5e5f23d2d000e0ca,"public int blackjack(int a, int b) +{ + if (a == 21 && b == 21) { + return 0; + } + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + a = a + 1; + b = b + 1; + } + if (a == 21) { + return a; + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +ce747e999c8db2ae5de1175a495a1635164c58fa,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + a = a + 1; + b = b + 1; + } + if (a == 21) { + return a; + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +d2534523dfc5813ef5db866cc6af9c866b952117,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + if (a == 21) + { + num = a; + } + if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = b; + } + return num; +} +" +0c18e492eb3df73a787953b80d056fecedd6a42a,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a == 21) { + return a; + } + else if (b == 21) { + return b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + a = a + 1; + b = b + 1; + } + if (a == 21) { + return a; + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +fe762bf8455794dba64c059dbbd92ead7aae9a03,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a == 21) { + return a; + } + else if (b == 21) { + return b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + int ab = a; + int bb = b; + ab = a + 1; + bb = b + 1; + } + if (a == 21) { + return a; + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +8bbc94223bf0487eda1a3f5f0c90607133ee9bab,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a == 21) { + return a; + } + else if (b == 21) { + return b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + int ab = a; + int bb = b; + ab = a + 1; + bb = b + 1; + } + if (aa == 21) { + return a; + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +0fdae40d1328662015354e561a7762a6a001dad5,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + if (a == 21) + { + num = a; + } + if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = b; + } + if (b < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = a; + } + return num; +} +" +cf1551e6eedee673efddeeef2c16e588465326d5,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a == 21) { + return a; + } + else if (b == 21) { + return b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + int ab = a; + int bb = b; + ab = a + 1; + bb = b + 1; + } + if (ab == 21) { + return a; + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +35c91e3e4e36d565c88e31ff1e739d92966a68fe,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = b; + } + else if (b < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = a; + } + return num; +} +" +eb9edda067963f7bce87cdbbf4b5f33e5f4a9026,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a == 21) { + return a; + } + else if (b == 21) { + return b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + int ab = a; + int bb = b; + ab = a + 1; + bb = b + 1; + if (ab == 21) { + return a; + } + } + else { + return b; + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +68670c7df642ee5cfe8d819ed151e9167ebc73ea,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + else if (b>21) + return a; + return Math.max(a, b) +} +" +5d095fd34e4f71286802e4c84192ce416a2f031b,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + else if (b>21) + return a; + return Math.max(a, b); +} +" +d829c1de8faee7f4de646341407d112a96da6f12,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = b; + } +} + else if (b < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = a; + } + return num; +} +" +e0ba360f425fe91b9c5be6290d5a4102b51dc93f,"public int blackjack(int a, int b) +{ + if (a >= 21 && b >= 21) { + return 0; + } + else if (a == 21) { + return a; + } + else if (b == 21) { + return b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + int ab = a; + int bb = b; + ab = a + 1; + bb = b + 1; + if (ab == 21) { + return a; + } + else { + return b; + } + } + } + else if (a > 21 && b <= 21) { + return b; + } + else { + return a; + } +} +" +516511f1c459b6158abe1f2e92d7c2093df202c9,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = b; + } + else if (b < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = a; + } + return num; +} +" +11b9f4081c6cb3bffd7b7459c7e586df5e30091f,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = b; + } + else (b < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = a; + } + return num; +} +" +0472208ce316cde68242a67d9acb4fdfe50e09e5,"public int blackjack(int a, int b) +{ + int num = 0; + if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (a < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else if (a > 21) + { + num = b; + } + else if (b < 21){ + if (21 - a < 21 - b) + { + num = a; + } + else if (21 - b < 21 - a) + { + num = b; + } + else if (a == 0 && b == 0) + { + num = 0; + } + } + else + { + num = a; + } + return num; +} +" +3a75ee3327773f614762cb951f4d9dd949261694,"public int blackjack(int a, int b) +{ + int num = 0; + if (a > 21) + { + num = b; + } + if (b > 21) + { + num = a; + } + if (b == 21) + { + num = b; + } + if (a == 21) + { + num = a; + } + return num; +} +" +848f222e8c5266017b82e2bc0b24bfd05d74c8db,"public int blackjack(int a, int b) +{ + int num = 0; + if (a > 21) + { + num = b; + } + else if (b > 21) + { + num = a; + } + else if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (21 - a > 21 - b) + { + num = b; + } + else if (21 - b > 21 - a) + { + num = a; + } + return num; +} +" +0bfcbf2bf5c5dd9d3916c359f3151fccf02eacf5,"public int blackjack(int a, int b) +{ + int num = 0; + if (a > 21) + { + num = b; + } + else if (b > 21) + { + num = a; + } + else if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (a > 21 && b > 21) + { + num = 0; + } + else if (21 - a > 21 - b) + { + num = b; + } + else if (21 - b > 21 - a) + { + num = a; + } + return num; +} +" +eb34c454e31ddb641627a6b13936aab604cd7001,"public int blackjack(int a, int b) +{ + int num = 0; + if (a < 21 || b < 21){ + if (a > 21) + { + num = b; + } + else if (b > 21) + { + num = a; + } + else if (b == 21) + { + num = b; + } + else if (a == 21) + { + num = a; + } + else if (21 - a > 21 - b) + { + num = b; + } + else if (21 - b > 21 - a) + { + num = a; + } + } + return num; +} +" +6d672fa6e81f3e5050cc2673115187f748dfc5c1,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +300492914fd39c6f17cef368fce0a8ea1a99631f,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 22 && b > 22) + { + return 0; + } + else + { + if (a > b ) + { + return a; + } + else + { + return b; + } + } +} +" +f8a5af6771b6a6f9c112e6c0567637dc14a31642,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +b60c882b344e0de2e55539d8bbe3bcb3e24af0ba,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b && a < 21) + { + return a; + } + else + { + return b; + } + } +} +" +2af5ba0f68abd582c0ef31a253fb1d256e97ec06,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b && a < 22) + { + return a; + } + else + { + return b; + } + } +} +" +2ddff4b405f0ae4792896d80e1db4aebd0c1c72f,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b && a < 22 && b < 22) + { + return a; + } + else + { + return b; + } + } +} +" +4548d91af941471d7a88e04b9483ef9bdf48aa74,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > 22) + { + return b; + } + else if (b > 22) + { + return a; + } + else if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +bb6c6d92bc58732dfba58ddaad3bddc02be8d394,"public int blackjack(int a, int b) +{ + int bigNumber = 13; + int smallNumber = 6; + + if ((bigNumber) <= 0) + { + return bigNumber; + } + else + { + return smallNumber; + } +} +" +ad90f61d04a6ef3d48ef47923223cb9edcc0bf97,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +5a8795b18f3a51b07c0021ed5f27987431edfd09,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ((21 - a) < (21 - b)) + { + return a; + } + else if ((21 - b) < (21 - a)) + { + return b; + } +} +" +a086b86d24ee0db4dfb07a51d115e816eb2f0ebf,"public int blackjack(int a, int b) +{ + int number = 0; + if (a > 21 && b > 21) + { + number = 0; + } + else if ((21 - a) < (21 - b)) + { + number = a; + } + else if ((21 - b) < (21 - a)) + { + number = b; + } + return number; +} +" +553767b1b94d6144eb4d9b55a09e2718725e786d,"public int blackjack(int a, int b) +{ + int number = 0; + if (a > 21 && b > 21) + { + number = 0; + } + else if ((21 - a) < (21 - b) && a <= 21) + { + number = a; + } + else if ((21 - b) < (21 - a) && b <= 21) + { + number = b; + } + return number; +} +" +7c86f99f510f358b60b0d0a791d10c81acab1f4a,"public int blackjack(int a, int b) +{ + int number = 0; + if (a > 21 && b > 21) + { + number = 0; + } + else if ((21 + a) > (21 + b) && a <= 21) + { + number = a; + } + else if ((21 + b) > (21 + a) && b <= 21) + { + number = b; + } + return number; +} +" +0da708d9c461e60eca328ab299297bbbcf9e0e62,"public int blackjack(int a, int b) +{ + int number = 0; + if (a > 21 && b > 21) + { + number = 0; + } + else if (((21 + a) > (21 + b)) && a <= 21) + { + number = a; + } + else if (((21 + b) > (21 + a)) && b <= 21) + { + number = b; + } + return number; +} +" +80a21ed9239e0b76528b54ef974e15c82b42565a,"private int num; +public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + num = 0; + } + else if (a > b) + { + num = a; + } + else if (b > a) + { + num = b; + } + return num; +} +" +798b178a2c27be79dc4d4d47d0fc1880666463c3,"private int num; +public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + num = 0; + } + else if (a > b && a <= 21) + { + num = a; + } + else if (b > a && b <= 21) + { + num = b; + } + return num; +} +" +cc7e251ed181729287d8be8748ea74e24431d3bf,"public int blackjack(int a, int b) +{ + double valueA; + double valueB; + valueA = (a % 21); + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +e4305b403ee5030421d9e8146acfa714bd753bb3,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + { + return 0; + } + return b; + } + if(a < b && b <= 21) + { + return b; + } + return a; +} +" +a6f26573bc7765a5587ad8be6dd15eefffde95b1,"public int blackjack(int a, int b) +{ + double valueA = (a % 21); + double valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +0b6f4244f94ba4aca702121619ea4c5926eca327,"public int blackjack(int a, int b) +{ + while(a>0 && b>0) + { + if(21>=a>b) + { + return a; + } + else if (a0 && b>0) + { + if(21>=a>b) + { + return a; + } + else if (a 21 && b > 21) + { + return 0; + } + } +} +" +cdfb929ca7b27ae0a1e107565899493bab925d95,"public int blackjack(int a, int b) +{ + if(a>0 && b>0) + { + if(21>=a>b) + { + return a; + } + else if(a 21 && b > 21) + { + return 0; + } + } +} +" +b828046de1feac03a3a9298041ec55399daa46eb,"public int blackjack(int a, int b) +{ + if(a>0 && b>0) + { + if(21>=a && a>b) + { + return a; + } + else if(a=b) + { + return b; + } + else if(a > 21 && b > 21) + { + return 0; + } + } +} +" +b55f9e48ce867b842fba3011b4fe777c2482e29b,"public int blackjack(int a, int b) +{ + if(a>0 && b>0) + { + if(21>=a && a>b) + { + return a; + } + else if(a=b) + { + return b; + } + else if(a > 21 && b > 21) + { + return 0; + } + } + return (a, b); +} +" +1a20252a9d624af180b2da9a48ae16fbb7faac84,"public int blackjack(int a, int b) +{ + double valueA = (a % 21); + double valueB = (b % 21); + + valueA = (a % 21); + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +fbb111fa3aa41da4d63fb9fd9e8c1a1c91169a08,"public int blackjack(int a, int b) +{ + double valueA; + double valueB; + + valueA = (a % 21); + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +5b01de1fdbdc82c34d501e6f690bf960d3276ed4,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + { + return 0; + } + return b; + } + if(a < b && b <= 21) + { + return b; + } + return a; +} +" +124eb895006115ebd1f33628440a8c27159d7204,"public int blackjack(int a, int b) +{ + double valueA; + valueA = (a % 21); + double valueB; + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +cff30cfcd096c8e52656b6807ee1510d45ea5506,"public int blackjack(int a, int b) +{ + if (a > 21) + if (b > 21) + return 0; + return b; + + if (a < b && b <= 21) + return b; + return a; + +} +" +7734f9cb5ec7243e57bfcec2dfdf65bc76870e8a,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + return 0; + return b; + } + if (a < b && b <= 21) + return b; + return a; + +} +" +c6fd7306864541a10492c3206eaaa57e218ad049,"public int blackjack(int a, int b) +{ + double valueA; + valueA = (a % 21); + double valueB; + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +f0205df67f010e325ec1614fba0a300d61a74dec,"public int blackjack(int a, int b) +{ + double valueA; + valueA = (a % 21); + double valueB; + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (double valueA > double valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +0a63371ca045b9273c5f92449a14952c2fde1e81,"public int blackjack(int a, int b) +{ + double valueA; + valueA = (a % 21); + double valueB; + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return valueB; + } + else + { + return valueA; + } + } + else + { + return 0; + } +} +" +a2191480783f1bfd5ad7c26047514f47abf5afca,"public int blackjack(int a, int b) +{ + double valueA; + valueA = (a % 21); + double valueB; + valueB = (b % 21); + + if (a < 21 || b < 21) + { + if (valueA > valueB) + { + return b; + } + else + { + return a; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +44520b156bee91412d3440543cc2d7775917f55d,"public int blackjack(int a, int b) +{ + if (a > b) && (a <= 21) + return a; + else if (b > a) && (b <= 21) + return b; + else + return 0; +} +" +dd12c7e477e8891f82e298fa301aa90dd8807d62,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21)) + return a; + else if ((b > a) && (b <= 21)) + return b; + else + return 0; +} +" +0bd7a86721f2304c98912b557fbe2c1013315462,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21) || (b > 21)) + return a; + else if ((b > a) && (b <= 21) || (a > 21)) + return b; + else + return 0; +} +" +03cf7a3aaeaad535a477ab85497c938cb6490dbe,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21) || (b > 21) && (a <= 21)) + return a; + else if ((b > a) && (b <= 21) || (a > 21) && (b <= 21)) + return b; + else + return 0; +} +" +abe35efde9c3654f9f34c1dd8061d4c2c122d5f3,"public int blackjack(int a, int b) +{ + double valueA; + valueA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double valueB; + valueB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + + if (a < 21 || b < 21) + { + if (valueA > 1) + { + return b; + } + else + { + return a; + } + } + else if (a < 21 && b < 21) + { + if (valueA > valueB) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +4d1bd9ed3514195b2f7f5a51b930fd8b087ecece,"public int blackjack(int a, int b) +{ + if (a < b && a < 22){ + return a; + }else if (b < a && b < 22){ + return b; + }else{ + return 0; + } +} +" +bdc3dcbf6eda60b5ee00306646789629c1bef273,"public int blackjack(int a, int b) +{ + if (a > b && a < 22){ + return a; + }else if (b > a && b < 22){ + return b; + }else{ + return 0; + } +} +" +83f10d251792f21f6af4df308f48057b0e98a072,"public int blackjack(int a, int b) +{ + if (a > b && a < 21){ + return a; + }else if (b > a && b < 21){ + return b; + }else{ + return 0; + } +} +" +67d442e358e6846341b496aec45dcb50c7cc0a47,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21){ + return a; + }else if (b > a && b <= 21){ + return b; + }else{ + return 0; + } +} +" +828a3b0db925adca159220f3e9faf2fb4e24446a,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21){ + return a; + }else if (b > a && b <= 21){ + return b; + }else if (a > 21 && b < 22){ + return b; + }else if (b > 21 && a < 22){ + return a; + }else{ + return 0; + } +} +" +3e5adbce617447a93627c789a849ba7247978ff3,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + + if (a < 21 || b < 21) + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +8d672516b111507d33e72bd77f11161836185ed1,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21){ + return 0; + } + else if ( b > 21){ + return a; + } + else if ( a > 21){ + return b; + } + if ((21 - a) > (21 - b)){ + return b; + } + else + { + return a;} +} +" +3bc45e38ecb201f9c490eb8963cd6a3a60aa9669,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (a < b && b <= 21) + { + return b; + } + else + { + return a; + } +} +" +d85ded952d332e692f73f684f8f47c8422447796,"public int blackjack(int a, int b) +{ + int diffa = 21-a; + int diffb = 21-b; + if(diffa>diffb) + { + return b; + } + else if(diffadiffb) + { + blackjack=b; + } + else if(diffadiffb) + { + blackjack=b; + } + else if(diffa 21 || b > 21) + { + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > 21) + { + return b; + } + else + { + return a; + } + } + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +9fcbb456e54164faefad83eb1574ed1dab84120a,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + return = 0 + return b; + } + + if (a21) + { + if (b>21) + { + return = 0; + return b; + } + } + + if (a21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + + } + + if (a21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + + } + + if (a 21 && b > 21) + return 0; + if (b > 21) + return a; + if (21 - a) < (21 - b) + return a; + else + return b; +} +" +3a92800461b3c6cc910a094a78f8e515231c84e1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (b > 21) + return a; + if ((21 - a) < (21 - b)) + return a; + else + return b; +} +" +2f25001de0cc253a05021742a17bf2464c54ed64,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (b > 21) + return a; + if ((21 - a) < (21 - b)) + return a; + if ((21 - b) < (21 - a)) + return b; + else + return b; +} +" +30fe4d8a8d505a06fa75ad2428cfc7beb1f11d31,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (b > 21) + return a; + if ((21 - a) < (21 - b)) + return a; + if ((21 - a) > (21 - b)) + return b; + else + return b; +} +" +4b3d3dc8e706190ed74c87f2bc55040ebdda6e7d,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (b > 21) + return a; + if (a > 21) + return b; + if ((21 - a) < (21 - b)) + return a; + if ((21 - a) > (21 - b)) + return b; + else + return b; +} +" +3c23be40ff4fc00a0172475e66b5a6fc582918e0,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b<= 21) + return b; + return a; +} +" +71313766775d50707f4cb5c0b8fdd25e90dcfc6d,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21){ + return 0; + } + else if ( b > 21){ + return a; + } + else if ( a > 21){ + return b; + } + if ((21 - a) > (21 - b)){ + return b; + } + else + { + return a;} +} +" +2e5d5c1fed1eb653291ac1e2dfcb025ba84af0d3,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} + + + +} +" +1ea916abdbe61b1bde892a319c3e3aed8c46b65d,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b<= 21) + return b; + return a; +} +" +c0bd757e236fa0d4727897d2e8a5bbd5d59b1081,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +4b677121f0b3e4c08bd77be3f0bee5ff09ef3f41,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +aad158ada657af8715b9ce926ef1da928094f78e,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b<= 21) + return b; + return a; +} +" +3a5b1294ef5b59964830e8cf8f6219db0c34b7d8,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +987e6019785e2ff14df28e8c220beab62d019c3f,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +} +" +e4609add3e6d43233ccf805b0b143e3184790bd0,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21){ + return 0; + } + else if ( b > 21){ + return a; + } + else if ( a > 21){ + return b; + } + if ((21 - a) > (21 - b)){ + return b; + } + else + { + return a;} +} +" +b8632e77fd24a9cba2ec2cfad1e1090a5b52496a,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +64b3124d59a35bd3987b97faa55ea14b180707a2,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +52a1296c5eb936b1666200d66e7b2550f6a018be,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +86503af5641e9cbc3c2442eacbf060040fa883ca,"public int blackjack(int a, int b) +{ + if (a > b && a < 21) { + return a; + } + + else if (b > a && b < 21) { + return b; + } + + else if (a > 21 && b < 21) { + return b; + } + + else if (b > 21 && a < 21) { + return a; + } + + else { + return 0; + } +} +" +8c05d0f47ddd5b48adf92ca0445b815e3277c334,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) { + return a; + } + + else if (b > a && b <= 21) { + return b; + } + + else if (a > 21 && b <= 21) { + return b; + } + + else if (b > 21 && a <= 21) { + return a; + } + + else { + return 0; + } +} +" +6dd8002c9e0283e82e6d1ce40bbf254e65f9face,"public int blackjack(int a, int b) +{ + +} +" +6c3752387008edf083755464245c54c002ba8b39,"public int blackjack(int a, int b) +{ + if ( a > 21 || b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +61bc00061df5e32bb1ce02f5c39af8efc77208eb,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if + { + return b; + } +} +" +1e10f819f7b2bdfe63a705fa8f13ccffb4aff6f2,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else + { + return b; + } +} +" +8eabcc0c4812adbe16069754cbff480bd81a9fbf,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +67f590d70a98e6c84fa064b222649199e56af45b,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } +} +" +dba428c4dd62ca496538e8ebd958a44d1ebcb7a4,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + +} +" +54f6d3bd1e03cafea7c183e0398a4e26dc7addad,"public int blackjack(int a, int b) +{ + if ( a >21 && b>21) + { + return 0; + } + else if + ( a > 21 && b < 21) + { + return b; + } + else if + ( a < 21 && b > 21) + { + return a; + } + else + { + if( 21 -a > 21 -b ) + { + return b; + } + else + { + return a; + } + } + +} +" +369778099c0d522ba64446f05145bfa637fbd47d,"public int blackjack(int a, int b) +{ + if ( a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + + +} +" +b9afd4c0b5ebf5a2eb776e19ea987665d65c9025,"public int blackjack(int a, int b) +{ + if ( a > b && (a <= 21 || b > 21)) + { + return a; + } + else if (b > a && (b <= 21 || a > 21)) + { + return b; + } + else + { + return 0; + } + + +} +" +d473604c74a4226cb8bfcae923259e0db4d8077d,"public int blackjack(int a, int b) +{ + if ( a > b && a <= 21 || b > 21) + { + return a; + } + else if (b > a && b <= 21 || a > 21) + { + return b; + } + else + { + return 0; + } + + +} +" +e3bc8c75f0622a97f2290984ea71ee1f27228823,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } +} +" +9a078328a7143d67dee61976b80e458378ba3bbe,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b <= 21) + { + return b; + } + else + { + return a; + } +} +" +633953247be0082ad0dba0bc255d81634b5f37b3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b <= 21) + { + return b; + } + else if ( b > a) + { + return b; + } + else + { + return a; + } +} +" +03470ac7c248bf472ea12267ce9194d584547c6c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b <= 21) + { + return b; + } + else if ( b > a) + { + return b; + } + else if (b > 21 && a <= 21) + { + return a; + } + { + return a; + } +} +" +3352277b82f4b1097a1c2e0e6c6a868d224294d9,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <= 21) + { + return a; + } + else if (b > a) + { + return b; + } + else + { + return a; + } +} +" +203ffe0cd6ea573602f3a0705b7ee42cc7d5db4b,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if (a > b) + { + answer = a; + } + if (b > a) + { + answer = b; + } + return answer; +} +" +4b52a33a26c4fef11353e668aa06da2e5e366554,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + else + { + return Math.max(a,b); + } +} +" +8921bb3503d99ec9f7b8bef62071164d7c2ef4ad,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +00b708f4fd7eba5dd91af2d2b44353a5db5c285b,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + else + { + return b; + } + + +} +" +213c660ecd7061ef441c4a452f22b2babfbdfdb3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + else if (a > b) + return a; + else + return b; +} +" +774a41f48a2d4fd0559fd590e84ad3cc962f1536,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return o; + else if (a>b && a<21) + return a; + else + return b; +} +" +55d574edf189af62f5bb67b6d07c0861d1974258,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a>b && a<21) + return a; + else + return b; +} +" +8bc1731e166287c5860a41038aaeb518648bad5d,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (b> 21) + return a; + else if a>21) + return b; + else if (a>b && a<21) + return a; + else + return b; +} +" +e6eccf853312f8b27b5052e9909f52a853595485,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (b> 21) + return a; + else if (a>21) + return b; + else if (a>b && a<21) + return a; + else + return b; +} +" +90afea2e2947a4bdec725ca8eaaf1d1ba37fd908,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (b> 21) + return a; + else if (a>21) + return b; + else if (b ==21) + return b; + else if (a ==21) + return a; + + else if (a>b && a<21) + return a; + else + return b; +} +" +f1129366142ff700b5233f1ee28962a436478103,"public int blackjack(int a, int b) +{ + if (a > 21) + if (b>21){ + return 0; + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} + } +} +" +15bdabb1e2c31254d420ebf9bbcbfeebaaa5c669,"public int blackjack(int a, int b) +{ + if (a > 21) + if (b>21){ + return 0; + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +ea725dd73b0b4f1e30a9bb88f2b53304bc9f35f8,"public int blackjack(int a, int b) +{ + if (a > 21) + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +581fff89e5e89ff22377ae878c1b5c1e1773e671,"public int blackjack(int a, int b) +{ + if (a>21) a=0; + if (b>21) b=0; + + if (a>b) + { + return a; + } + else + { + return b; + } +} +" +5a2c54d8c9ed977a25b1e38ad626fb0a937d602f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ((a <= 21 && a > b) + { + return a; + } + return b; + + +} +" +4836a9ad2daff4b633985425bc0d197c9e3ce1f8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + return b; + + +} +" +18934bf50f1f29b01528e42f6c0273a9605e350e,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + return b; + + +} +" +9c0331f108e334ecfd9bb11c3c93546d8c4fd3ed,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + return b; + + +} +" +23273315dec0a48b4918dfdca1f93905c093637f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + else return b; + + +} +" +0eb15bb12ba52fedf0316b877a89cdcbd95a0d54,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b || b > a) + { + return a; + } + else return b; + + +} +" +311382d9fa1dea3954c60f023b3101b1b4af2c9e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + + +} +" +afd45bc0abdfa97eb0c50c11e6a3e1922737441c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && (21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } +} +" +1d6f2b6a77a4750512e017d39b85138aa8754d6e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a < b) + { + return a; + } + else + { + return b; + } +} +" +6d67a05c0c4508f7420a803f7b72c2e653c9dfac,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } +} +" +ced6b7002db2c320198d245c863d65afe6e5ff9f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + + return b; + } + else if (b > 21) + { + return a; + } + else if ((21 - a) > (21 - b)) + { + return b; + } + else + return a; +} +" +aaa36e123859c3f8f87f59b730dff299612e3ebf,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); + +} +" +4cccc0901da621f09fa673af88e8624811cf78c8,"public int blackjack(int a, int b) +{ + if (a<=b,b<=21) + { + return b + } + else if (b<=a,a<=21) + { + return a + } + else if (a<=21,b>21) + { + return a + } + else if (b<=21,a>21) + { + return b + } + else + { + return 0 + } +} +" +4d68fc7d7a61f59d389b0a3cca09d17d98b19f74,"public int blackjack(int a, int b) +{ + if (a<=b,b<=21) + { + return b; + } + else if (b<=a,a<=21) + { + return a; + } + else if (a<=21,b>21) + { + return a; + } + else if (b<=21,a>21) + { + return b; + } + else + { + return 0; + } +} +" +8550618f2dd445f723ba69491ab84404d83765e6,"public int blackjack(int a, int b) +{ + if (a<=b&&b<=21) + { + return b; + } + else if (b<=a&&a<=21) + { + return a; + } + else if (a<=21&&b>21) + { + return a; + } + else if (b<=21&&a>21) + { + return b; + } + else + { + return 0; + } +} +" +a03220052559e9118d85b7be8d8d56caeace6c89,"public int blackjack(int a, int b) +{ + if (a+b <= 21) + return a+b + else + return 0 + +} +" +dccb071cdb15a869557e381d1cf11e6e21909ea0,"public int blackjack(int a, int b) +{ + if (a+b <= 21) + return a+b; + else + return 0; + +} +" +83eb0f79202119ebbcb73b818ac0fb1b7075acba,"public int blackjack(int a, int b) +{ + if (a>b && a<=21) + return a; + else if (b>a && b<=21) + return b; + else + return 0; + +} +" +7a990443b824b892f44a77196ab4c0897d441a95,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b) + { + return a; + } + else + return b; + } + if (a > 21 || b > 21) + { + return 0; + } +} +" +930c9b2c6cebb3d4fd6a7609ec31b0c43647ce6c,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + if (a > 21 || b > 21) + { + return 0; + } +} +" +3b5847c13dac97786dc69280b0a21aa60f7fe1fc,"public int blackjack(int a, int b) +{ + if (a>b && a<=21) + return a; + else if (b>a && b<=21) + return b; + else if (ab && a<=21) + return a; + else if (b>a && b<=21) + return b; + else if (a b) + { + return a; + } + else + { + return b; + } + } + if (a > 21 && b > 21) + { + return 0; + } +} +" +547faf2e5050161daa70357cb92a90b7e49f95d3,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + if (a > 21 && b > 21) + { + return 0; + } +} +" +4cd4f46ba3f85ab729140a389d27501e979d9501,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + if (a < b && b <= 21) + { + return b; + } + else + { + return a; + } +} +" +d18bf29509a649e6f9b2db96b203b0283e2df43e,"public int blackjack(int a, int b) +{ + if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a == b) + { + return a; + } + else + { + return 0; + } +} +" +deccc9d328dbe8a9264ff4bf77570387b673c425,"public int blackjack(int a, int b) +{ + if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <=21) + { + return a; + } + elseif (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a == b) + { + return a; + } + else + { + return 0; + } +} +" +0559fa6bbb75744059b691e3d85aa12279715948,"public int blackjack(int a, int b) +{ + if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <=21) + { + return a; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a == b) + { + return a; + } + else + { + return 0; + } +} +" +1a7f14b3c701e58ca5443df7c486d8dd102d0ef2,"public int blackjack(int a, int b) +{ + if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <=21) + { + return a; + } + else if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a == b) + { + return a; + } + else + { + return 0; + } +} +" +77130e6437a63ec291931e7450c894825ad2c127,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (21 - a) < (21 - b) + { + return a; + } + else + return b; +} +" +1987a75945a7a7c3a31582471d3012f8b90587ce,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ((21 - a) < (21 - b)) + { + return a; + } + else + return b; +} +" +0f999916fc6baaf622c06023494f38f0634fb0c2,"public int blackjack(int a, int b) +{ + if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <=21) + { + return a; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a == b) + { + return a; + } + else + { + return 0; + } +} +" +c9a48f6410108c5f3ee07d16631eb5cd638d1188,"public int blackjack(int a, int b) +{ + if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <=21) + { + return a; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a == b && a <= 21) + { + return a; + } + else + { + return 0; + } +} +" +a75289908564bac96c20642935909eee118492bb,"public int blackjack(int a, int b) +{ + if (int a + int b > 21) + return 0; + +} +" +0f29a7121cf2673aec5d67906ef76a313f22316f,"public int blackjack(int a, int b) +{ + if (int a math.abs(+) int b > 21) + return 0; + +} +" +3431b1666a8a10fdf75d21654891af7f78ee8c69,"public int blackjack(int a, int b) +{ + if (int a math.abs(+) int b > 21) + { + return 0; + } +} +" +5ce9d21bd7a64b98f75e5ada9f7c72def4b50564,"public int blackjack(int a, int b) +{ + if ( a + b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + if (21 - a > b) + { + return a; + } +} +" +e402817146d9c2c9d1754264a3afea6b2a450938,"public int blackjack(int a, int b) +{ + if ( a + b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + if (21 - a > b) + { + return a; + } + return blackjack; +} +" +08be2f7e12e51a1b469e202740a7443fdb124a33,"public int blackjack(int a, int b) +{ + if ( a + b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + if (21 - a > b) + { + return a; + } + return blackjack(); +} +" +3167741b245027900633f74de9dd474d8042bffc,"public int blackjack(int a, int b) +{ + if ( a + b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + if (21 - a > b) + { + return a; + } + return true; +} +" +d288766000adef557eeb4f8ee4a7b72bb92e92d7,"public int blackjack(int a, int b) +{ + if ( a + b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + if (21 - a > b) + { + return a; + } + return 0; +} +" +12c74f84f6486794e9504e049e03ee7e5dbae455,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + else + return a; +} +" +ec440fd647af59cbea91a966ccc1596f685d24fa,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a) + { + return a; + } + else + return b; +} +" +c53d39f47452fe7ee70db8acf9fd733c6afa5c3d,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a) + { + return b; + } + else + return a; +} +" +24d81499e2a5575263e9df8e8ec697dd7fca298f,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else + return a; + if (21 - a > b && b <21) + { + return a; + } + else + return b; +} +" +905f8424ba7e3a0bacd104b77403dac4847ea136,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else if + return a; + if (21 - a > b && b <21) + { + return a; + } + else if + return b; +} +" +3f185a9e99a74e9da6b3ed005e50e431b04020b0,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else if + { + return a; + } + if (21 - a > b && b <21) + { + return a; + } + else + return b; +} +" +6fed0cc75a4068bfa480aefc9d9b8ab77be18ea3,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else return a; +" +bccd15e579fd15b5e9d0964c9fd4162d46bd2b7b,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else + return a; +" +842aeb923bae3748df3503e9d544618f3958129f,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else + return a; +} +" +f307127d3e1857de2a1e6bf8e408fa407bdea0ae,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else + return a; + check2(); +} + +public int check2() +{ + if (21 - a > b && b <21) + { + return a; + } + else + return b; +} +" +6eb88106e24e2e90fdd4c82a0a89021916becf75,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else + return a; + check2(); +} + +public int check2(int a, int b) +{ + if (21 - a > b && b <21) + { + return a; + } + else + return b; +} +" +cf934ccc6354ae8bbc0eb23831181c5ac980425b,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a <21) + { + return b; + } + else + return a; + check2(a,b); +} + +public int check2(int a, int b) +{ + if (21 - a > b && b <21) + { + return a; + } + else + return b; +} +" +7f8a393b07bd5fc7029b3c8a61a3b0cdb4b85bc6,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a < 21) + { + return b; + } + if (21 - a > b && b < 21) + { + return a; + } + +}" +c24a9a3a94bddb14573d2fbba0c93837fd769d3c,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a < 21) + { + return b; + } + if (21 - a > b && b < 21) + { + return a; + } + else return a; + +}" +189c39b34d3400c8d28972bb521df66dae60abb5,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a < 21) + { + return b; + } + if (21 - a > b && b < 21) + { + return a; + } + if ( a = 21) + { + return a; + } + + if ( b = 21) + { + return b; + } + +}" +72c3528f91bccd45316b4454c57ef251a87ceb57,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a < 21) + { + return b; + } + if (21 - a > b && b < 21) + { + return a; + } + if ( a.isEqualto(21)) + { + return a; + } + + if ( b = 21) + { + return b; + } + return a; + +}" +7ec80d3cf4da49d2a7180ef436a0286735bac5ad,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a < 21) + { + return b; + } + if (21 - a > b && b < 21) + { + return a; + } + if ( a==21) + { + return a; + } + + if ( b = 21) + { + return b; + } + return a; + +}" +305a346ed5d131be1e68e55b2ed673e6ff679097,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (21 - b > a && a < 21) + { + return b; + } + if (21 - a > b && b < 21) + { + return a; + } + if ( a==21) + { + return a; + } + + if ( b == 21) + { + return b; + } + return a; + +}" +b082fe0ae32ca87097e98c955b93f1aeb46922a8,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + return 0; +if(a>21) + return b; +if(b > 21) + return a; +if((21-a)<=(21-b)) + return a; +if((21-a)>=(21-b)) + return b; +return 0; +}" +0bdf1455b6ad074b0cb9bd836d7ad51892a27af1,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +80e831eb850a0cde4d70a279c876d6967db8dd31,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + else + { + return b; + } +} +" +1ac331446852b0e3e0d045808be218f6e6c5c5ff,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + else + { + return b; + } +} +" +976833348a501295b458773b39229d72fff55987,"public int blackjack(int a, int b) +{ + if ((a > 0 && a < 21)|| (b > 0 && b <21)) + { + return a; + } + else + { + return 0; + } +} +" +dd226648973b1ce5c3fca06436dcf9c56e19854c,"public int blackjack(int a, int b) +{ + if ((a > 0 && a < 21)||(b > 0 && b <21)) + { + if (a>b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +5b33cd7e6d8a3a3554bb419aa5550382eec70da3,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + return Math.max(a,b); + } + if (a <= 21) + { + return a; + } + + else if (b <= 21) + { + return b; + } + + else + { + return 0; + } + + /*if (a > 21 || b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + else + { + return b; + }*/ +} +" +5852a733560a07feaa2b53035eeff732fd8eebc3,"public int blackjack(int a, int b) +{ + if (a > 0 && a < 21 && a > b) + { + return a; + } + else if (b > 0 && b <21 && b>a) + { + return b; + } + else + { + return 0; + } +} +" +17d6d7710cde0dbbefa5b0c8662f1346f3c9d1f4,"public int blackjack(int a, int b) +{ + /*if (a <= 21 && b <= 21) + { + return Math.max(a,b); + } + if (a <= 21) + { + return a; + } + + else if (b <= 21) + { + return b; + } + + else + { + return 0; + }*/ + + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b || b > 21) + { + return a; + } + else + { + return b; + } + /*if (a > b) + { + return a; + } + else + { + return b; + }*/ +} +" +ae1d008dd4035200f28a6108032d69d4b4a85ca0,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21 && a > b) + { + return a; + } + else if (b > 0 && b <= 21 && b > a) + { + return b; + } + else + { + return 0; + } +} +" +c74785195cb67ae33646e7f05793de76bdf262b9,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b || b > 21) + { + return a; + } + else + { + return b; + } +} +" +9813e53007e3ec46bfe16b774aa9bfd407d29577,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21 && a > b && b !> 21) + { + return a; + } + else if (b > 0 && b <= 21 && b > a && a!> 21) + { + return b; + } + else + { + return 0; + } +} +" +bc84f5b5592205f9c4c89ebbed1fcad88f01a0d3,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21 && a > b && b >! 21) + { + return a; + } + else if (b > 0 && b <= 21 && b > a && a >! 21) + { + return b; + } + else + { + return 0; + } +} +" +446b1992a95c2d7915d5054f9e6e274e6f01bea0,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21 && a > b && !(b > 21)) + { + return a; + } + else if (b > 0 && b <= 21 && b > a && a >! 21) + { + return b; + } + else + { + return 0; + } +} +" +307a5b7e910d1e0effaddafb3611ab76f93345f7,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21 && a > b && !(b > 21)) + { + return a; + } + else if (b > 0 && b <= 21 && b > a && !(a > 21)) + { + return b; + } + else + { + return 0; + } +} +" +d0b45d596fdceebc60fa6468c1739d1f76667754,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && !(b > 21))) + { + return a; + } + else if (b > 0 && b <= 21 && b > a && !(a > 21)) + { + return b; + } + else + { + return 0; + } +} +" +41d65240f464de27515b0ed94068ae157cab256f,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && !(b > 21))) + { + return a; + } + else if ((b > 0 && b <= 21) || (b > a && !(a > 21))) + { + return b; + } + else + { + return 0; + } +} +" +45a0064209b7f251403d90475b88f935cb9e9f54,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0 + else if (a>21) + return b + else if (b>21) + return a + else + if (21-a<21-b) + return a + else + return b + +} +" +126ab080d1c077794eca1a9e175b1409450dfd1c,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a>21) + return b; + else if (b>21) + return a; + else + if (21-a<21-b) + return a; + else + return b; + +} +" +141cd3bc8fb38cf890776b25e4ba1b1228510b96,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return a; + } + + else if (a-b>0) + { + return b; + } + + + + return 4; +} + +" +efdb47c065677d332aa79c7cabfd163db4d8cba6,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return a; + } + + else if (a-b>0) + { + return b; + } + + + + return 0; +} + +" +1aab7ab02e2f58a87a8f0367c1ab4bf8024cedb4,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return a; + } + + else if (b-a<0) + { + return b; + } + + + + return 0; +} + +" +e8e2dead042156322759a49b64ba1bdf2164cb14,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return b; + } + + else if (b-a<0) + { + return a; + } + + + + return 0; +} + +" +922c55822c81736124ca3d4936987ff6e53fe3df,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return b; + } + + else if (b-a<0) + { + return a; + } + + else if (a>21 && b>21) + { + return 0; + } + + + + return 0; +} + +" +bc340b6a9b51e24f0e3b471828c958bbe767041b,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return b; + } + + else if (b-a<0) + { + return a; + } + + else if (a-b<0) + { + return a; + } + + else if (a-b>0) + { + return b; + } + + else if (a>21 && b>21) + { + return 0; + } + + + + return 0; +} + +" +bd5b9d9ecdcebafc4947e705e571452f2d4eb2cd,"public int blackjack(int a, int b) +{ + if (b-a > 0) + { + return b; + } + + else if (b-a<0) + { + return a; + } + + else if (a-b<0) + { + return b; + } + + else if (a-b>0) + { + return a; + } + + else if (a>21 && b>21) + { + return 0; + } + + + + return 0; +} + +" +a9a0dabb892db5e2a20db661299f8c6c6cdb323a,"public int blackjack(int a, int b) +{ + x = 21 - a; + y = 21 - b; + + if(a > 21 && b > 21) + { + return 0; + } + else if (x < y) + { + return a; + } + else + { + return b; + } +} +" +d4bdaf413a957d5cc5138d5f77d7587e10f2bf0e,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if(a > 21 && b > 21) + { + return 0; + } + else if (x < y) + { + return a; + } + else + { + return b; + } +} +" +5e9d97656304be36a31d86946cf61c571fb18684,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if(a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if(x > y) + { + return a; + } + else + { + return b;} +} +return 0; +} +" +412ab26ae9b8ade894438621dcf313929b8ea82b,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if(a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if(x > y) + { + return a; + } + else + { + return b; + } + +return 0; +} +" +9506d1cf53499656370904221488ecc33defb489,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if(a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if(x > y) + { + return a; + } + else + { + return b; + } + +return 0; +} +" +388ab916e8d9a6a575074665ac1ee2e01b5bce3b,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if(a > 21 || b > 21) + { + if(a > 21 && b > 21) + { + return 0; + } + else if(a > 21) + { + return b; + } + else + { + return a; + } + } + + if(x > y) + { + return a; + } + else + { + return b; + } +} +" +b89206baa0cfe9ebe0db8bab35b691fbc691c93b,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if(a > 21 || b > 21) + { + if(a > 21 && b > 21) + { + return 0; + } + else if(a > 21) + { + return b; + } + else + { + return a; + } + } + + if(x > y) + { + return b; + } + else + { + return a; + } +} +" +c3f8d9b005df41f47ca9acd1518df4254994f24a,"public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + else if (diffA == 0 && diffB == 0) + return (a, b); + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + return b; + else if (a > 0) + return a; + }" +358fed51f54591623b2a2e3174a9c93014f1e9ec,"public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + return b; + else if (a > 0) + return a; + }" +d5f3c23c1b1ae67046d5c2875d93bd8e0adba89f,"public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + return b; + else if (a > 0) + return a; + } +}" +33e8a608a8aef8475ac1673442d5fb08b3ea471d,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + return b; + else if (a > 0) + return a; + } +}" +d434e3b9e7275646229ad0dffa7dee4fc4a0f980,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + { + return b; + } + else if (a > 0) + { + return a; + } + } +}" +62cdd8c7a78218a5c845fc0740d3af2b1f619286,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + { + return b; + } + else if (a > 0) + { + return a; + } + return 0; + } +}" +516326a63fbfd80d14dc613b6aedc1ecea168fe6,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0) + { + return a; + } + else if (b > 0) + { + return b; + } + } + else if (b > a) + { + if ( b > 0) + { + return b; + } + else if (a > 0) + { + return a; + } + } + return 0; +}" +10952a0335aba05973e8629351502d0b8ddffdc6,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if (diffA < 0 && diffB < 0) + return 0; + + if (a > b) + { + if (a > 0 && a <= 21) + { + return a; + } + else if (b > 0 && b <= 21) + { + return b; + } + } + else if (b > a) + { + if ( b > 0 && b <= 21) + { + return b; + } + else if (a > 0 && a <= 21) + { + return a; + } + } + return 0; +}" +866f8e8d73761f4991b0f084e767e2ab42461088,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } +}" +68e4ee916bb0f89e9a752e31522ca8e7f9781dac,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } +}" +9625f3cd5c1b6f41c332ee7e5a9a5912755abcfa,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +}" +6eca70c4bf5d414821ff8d94172fd1d21c7f67e4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else + { + if (a > b && a < 21) + return a; + if (b > a && b < 21) + return b; + } +} +" +e6498b777146e8a9b5f52e78351037f3352ab655,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else + { + if (a > b && a < 21) + return a; + if (b > a && b < 21) + return b; + } + return 0 +} +" +31ced02d5a636d77ba94932ada7a38454589ff7a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else + { + if (a > b && a < 21) + return a; + if (b > a && b < 21) + return b; + } + return 0; +} +" +073afc5a55720f1152d56499dfdceec2d07eaa4b,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else + { + if (a > b && a <= 21) + return a; + if (b > a && b <= 21) + return b; + } + return 0; +} +" +5aacebf80ec62903e3d448a0a077fe06aeefcaa2,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a < 21 && b < 21) + { + if (a > b) + return a; + else + return b; + } + else + { + if (a < b) + return a; + else + return b; + } + return 0; +} +" +1bec9a3011ddf03886a45bb65f59acbbdf2bfe79,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a < 21 && b < 21) + { + if (a > b) + return a; + else + return b; + } + else + { + if (a < b) + return a; + else + return b; + } +} +" +d9dfe8135f65ae64e861986482a349dfe648f2a2,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a < 21 && b < 21) + { + if (a >= b) + return a; + else + return b; + } + else + { + if (a < b) + return a; + else + return b; + } +} +" +0842806c012399b8ca80b3c656bf7b1a92bdbcb0,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a <= 21 && b <= 21) + { + if (a > b) + return a; + else + return b; + } + else + { + if (a < b) + return a; + else + return b; + } +} +" +1bd0cc6093c721a8d11b4827df876169f5bee9a6,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (21 - a < 21 - b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +1ced43bb785cd800ba7bbdbc6ce66e31f36964b3,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (21 - a < 21 - b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +2aae7cc5ff9edc3c0ecc9fce9a9aa99b4d8a6ca1,"public int blackjack(int a, int b) +{ + if(21%a > 21%b) + { + return b; + } + else if(21%b > 21%a) + { + return a; + } + else + return 0; + + +} +" +98da6cd89dc2f3f24e353c5926d292f960dbf984,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a > 21) { + return b; + } + else if (b > 21) { + return a; + } + else if (b % 21 > a % 21) { + return b; + } + else if (a % 21 > b % 21) { + return a; + } + else { + return a; + } +} +" +f37b58efa5315877f0c7bf429f051d9687dc05ba,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a > 21) { + return b; + } + else if (b > 21) { + return a; + } + else if (b % 21 > a % 21) { + if (a == 21) { + return a; + } + else { + return b; + } + } + else if (a % 21 > b % 21) { + if (b == 21) { + return b; + } + return a; + } + else { + return a; + } +} +" +20c08a14130e3f3e74e5c12ab4d8a15db16ef7f5,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a > 21) { + return b; + } + else if (b > 21) { + return a; + } + else if (b % 21 > a % 21) { + if (a == 21) { + return a; + } + return b; + } + else if (a % 21 > b % 21) { + if (b == 21) { + return b; + } + return a; + } + else { + return a; + } +} +" +8653fba72d57b0de1d5aa2e34f280a589b79be6e,"public int blackjack(int a, int b) +{ + if(21%a == 0) + { + return a; + } + else if(21%b == 0) + { + return b; + } + else if(21%a > 21%b) + { + return b; + } + else if(21%b > 21%a) + { + return a; + } + else + return 0; + + +} +" +2923aab51b8774f597b36921c4fc59185168da2d,"public int blackjack(int a, int b) +{ +int diffA = 21 - a; +int diffB = 21 - b; +if (diffA > 0 || diffB > 0) +{ + if (diffA < diffB) + { + return a; + } + else + { + return b; + } +} +else +{ + return 0; +} +} + +" +e3ea93c112dfb989afb9d58ee1cb98b7b45a0e98,"public int blackjack(int a, int b) +{ + if(b-a == 1) + { + return b; + } + if(21%a > 21%b) + { + return b; + } + else if(21%b > 21%a) + { + return a; + } + else + return 0; + + +} +" +892fdaa15f1f4e50b869902241723564116a139c,"public int blackjack(int a, int b) +{ + if(b-a == 1) + { + return b; + } + else if(a-b == 1) + { + return a; + } + if(21%a > 21%b) + { + return b; + } + else if(21%b > 21%a) + { + return a; + } + else + return 0; + + +} +" +a5487684aaaa8f7a3fd29ae584f8ebd99194ee65,"public int blackjack(int a, int b) +{ + if(b-a == 1) + { + return b; + } + if(21%a > 21%b) + { + return b; + } + else if(21%b > 21%a) + { + return a; + } + else + return 0; + + +} +" +f485a30255f252816efd2b6a44f8f24a6ce730af,"public int blackjack(int a, int b) +{ + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa < 0 && diffb < 0) + { + return 0; + } + else if (diffa > diffb) + { + return b; + } + else if (diffb > diffa) + { + return a; + } + else if (diffb = diffa) + { + return a; + } + +} +" +3d14040ed6acb221b748f23f3127037bb77f5554,"public int blackjack(int a, int b) +{ + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa < 0 && diffb < 0) + { + return 0; + } + else if (diffa > diffb) + { + return b; + } + else if (diffb > diffa) + { + return a; + } + else if (diffb == diffa) + { + return a; + } + +} +" +17a68851af0a17e138fffdc3842d598e63e22760,"public int blackjack(int a, int b) +{ + int diffa = 21 - a; + int diffb = 21 - b; + int num = 0; + if (diffa < 0 && diffb < 0) + { + num = 0 ; + } + else if (diffa > diffb) + { + num = b; + } + else if (diffb > diffa) + { + num = a; + } + else if (diffb == diffa) + { + num = a; + } + return num; +} +" +8af93142be34033eda720c85c9176869734be538,"public int blackjack(int a, int b) +{ +int diffA = 21 - a; +int diffB = 21 - b; +if (diffA > 0 && diffB > 0) +{ + if (diffA < diffB) + { + return a; + } + else + { + return b; + } +} +else if (diffA < 0) +{ + return b; +} +else if (diffB < 0) +{ + return a; +} +else +{ + return 0; +} +} + +" +fe28f9e1495ffaebc9a747ebc7c68f35db757f86,"public int blackjack(int a, int b) +{ +int diffA = 21 - a; +int diffB = 21 - b; +if (diffA > 0 && diffB > 0) +{ + if (diffA < diffB) + { + return a; + } + else + { + return b; + } +} +else if (diffA < 0 && diffB > 0) +{ + return b; +} +else if (diffB < 0 && diffA > 0) +{ + return a; +} +else +{ + return 0; +} +} + +" +6f5868d8033184269777fa6e181c6cb4cfaf2395,"public int blackjack(int a, int b) +{ + int diffa = 21 - a; + int diffb = 21 - b; + int num = 0; + if (diffa < 0 && diffb < 0) + { + num = 0 ; + } + else if (diffa > diffb) + { + num = a; + } + else if (diffb > diffa) + { + num = b; + } + else if (diffb == diffa) + { + num = a; + } + return num; +} +" +91f0c60d4c8d233a8e19942bcd867e1941208037,"public int blackjack(int a, int b) +{ +int diffA = 21 - a; +int diffB = 21 - b; +if (diffA >= 0 && diffB >= 0) +{ + if (diffA < diffB) + { + return a; + } + else + { + return b; + } +} +else if (diffA < 0 && diffB >= 0) +{ + return b; +} +else if (diffB < 0 && diffA >= 0) +{ + return a; +} +else +{ + return 0; +} +} + +" +5726ef3bc92eaa92a49fbc7118c1d170c29b9ac1,"public int blackjack(int a, int b) +{ + int diffa = 21 - a; + int diffb = 21 - b; + int num = 0; + if (diffa < 0 && diffb < 0) + { + num = 0 ; + } + else if (diffa < 0 && diffb >= 0) + { + num = b; + } + else if (diffb < 0 && diffa >= 0) + { + num = a; + } + else if (diffa > diffb) + { + num = b; + } + else if (diffb > diffa) + { + num = a; + } + else if (diffb == diffa) + { + num = a; + } + return num; +} +" +88694a2bf986f40689b2ed54382e5b427e08947d,"public int blackjack(int a, int b) +{ + if (21-a < 0 && 21-b < 0) { + return 0; + } + else if (21-a < 21-b) { + return a; + } + else { + return b; + } +} +" +f06b2bea67f41d77fbe334e046af6fa429f607a8,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + if (ax >= 0 || bx >= 0) { + if (ax <= bx) { + return a; + } + else if (bx < ax) { + return b; + } + } + else { + return 0; + } +} +" +e429ec8929a3f97787a948743e46060073246955,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + int answer; + if (ax >= 0 || bx >= 0) { + if (ax <= bx) { + answer = a; + } + else if (bx < ax) { + answer = b; + } + } + else { + answer = 0; + } + return answer; +} +" +270ded0934311e2ad60a9658d9273c70b95406fc,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + int answer = 0; + if (ax >= 0 || bx >= 0) { + if (ax <= bx) { + answer = a; + } + else if (bx < ax) { + answer = b; + } + } + else { + answer = 0; + } + return answer; +} +" +f32f7f7244defa718e46722d510648c18659d66e,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + int answer = 0; + if (ax >= 0 && bx >= 0) { + if (ax <= bx) { + answer = a; + } + else if (bx < ax) { + answer = b; + } + } + else { + answer = 0; + } + return answer; +} +" +a3ad07ad5f5119db1f23b4ebb76840c3461a5d3a,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + int answer = 0; + if (ax >= 0 && bx >= 0) { + if (ax <= bx) { + answer = a; + } + else if (bx < ax) { + answer = b; + } + } + else if (ax >= 0) { + answer = a; + } + else if (bx >= 0) { + answer = b; + } + else { + answer = 0; + } + return answer; +} +" +ec20513bc0497629e646c18ab477167e7da42256,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +99c8aed00a23d367290f89a9857c584cf05c2717,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + else if (b>21) return a; + return Math.max(a,b); +} +" +39451da450b86935c65ca63b84937c8554fb64c4,"public int blackjack(int a, int b) +{ + if ((a + b <= 21) && (a + b > 0)) + return a + b; + else + return 0 +} +" +eff0fa0db856eee1f9a42016ea3f0d1f68fd7f61,"public int blackjack(int a, int b) +{ + if ((a + b <= 21) && (a + b > 0)) + return a + b; + else + return 0; +} +" +fec882ff6824cbebc111a0ba8d0c4958e1635c0b,"public int blackjack(int a, int b) +{ + if ((a + b < 21) && (a + b > 0)) + return a + b; + else if (a + b = 21) + return 21; + else + return 0; +} +" +b6ff960141fffe63975fb33ab197ec3c280661e8,"public int blackjack(int a, int b) +{ + if ((a + b < 21) && (a + b > 0)) + return a + b; + if (a + b = 21) + return 21; + else + return 0; +} +" +6cdd19a388e54e1dac96d279c4e2f2ddb62d2d33,"public int blackjack(int a, int b) +{ + if ((a + b <= 21) && (a + b > 0)) + return a + b; + else + return 0; +} +" +e3f3220f4970588f56fe7ee861c2a91352c04f3e,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + { + return 0; + } + else if (a>b) + { + return a; + } + else + { + return b; + } +} +" +52328d811ed0b13afd4d04230989be13ba2670cc,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (!a>21 && a>b) + { + return a; + } + else + { + return b; + } +} +" +16ea46bc34bb10ed33702510269ce708a1c6bb18,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a<=21 && a>b) + { + return a; + } + else + { + return b; + } +} +" +e25a4d9e3fd1eb869297e7fdf6112252d0c1d870,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ( a<21 && a>b) + { + return a; + } + else + { + return b; + } +} +" +0d4dcccb9d58ff5ac1092cda164bd68dd77d0d73,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ( a=<21 && a>b) + { + return a; + } + else + { + return b; + } +} +" +a54f17d0cc2f9c4db19af43c8998b5f42a123e50,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ( a<=21 && a>b) + { + return a; + } + else + { + return b; + } +} +" +529cce4bcb6721e2a498368c768ae888d3e79ceb,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ( a<=21 && a>b) + { + return a; + } + else if (b<=21) + { + return b; + } + else + { + return a; + } +} +" +c3ab0a3c31643323542d855a9479d82c6ac74d6c,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + return Math.max(a, b); + if ((a > 21) && (b <= 21)) + return b; + if ((b > 21) && (a <=21)) + return a; + else + return 0; +} +" +3bd677228b8f64a9288911557967e8b9ae9e9b4f,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + return Math.max(a, b); + if ((b > 21) && (a <=21)) + return a; + if ((a > 21) && (b <= 21)) + return b; + else + return 0; +} +" +5f7b0ab1b12564942bdc6d0e5edd90451818d713,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +} +" +c191401c9326b8c3e46cb750000078687b52d68a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + answer = return 0; + } + else if (a > 21) + { + answer = return b; + } + else if (b > 21) + { + answer = return a; + } + else if (b > a) + { + answer = return b; + } + else if (a > b) + { + answer = return a; + } +return answer; +} +" +e84bf1669d08575da2d107fb16b611b60f1d4581,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + int answer = return 0; + } + else if (a > 21) + { + int answer = return b; + } + else if (b > 21) + { + int answer = return a; + } + else if (b > a) + { + int answer = return b; + } + else if (a > b) + { + int answer = return a; + } +return answer; +} +" +68e6bd9da89fb3c29b1a3e848d78123516321a4c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +} +" +52faae76ce67218a6460460cca0d53b9fab81ea8,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0 + } +} +" +4e2b59448885c5a1e119fff858a70d88e5dc39c3,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0 + } + } +} +" +2efc7d045fe41e2c44ca455a783152ee43b8cfb3,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } +} +" +d62fb40ad64231b29cc069cc6611383f4d7eefc2,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0 + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +} +" +b2bb700c2a64baed83bb2f9111b8087dfa6b23d4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +return +} +" +e9861f02f13e1358b641e359e29f20747dfc9528,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + x = a; + } + else if (b > a && b <= 21) + { + x = b; + } + else + { + x = 0; + } + } + return x; +} +" +fa6a13b0155fcc779979902f6d9639cc7e3772ca,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + int x = a; + } + else if (b > a && b <= 21) + { + int x = b; + } + else + { + int x = 0; + } + } + return x; +} +" +7605101fefec4ea4d59f294ca16d08a2033ad784,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + int = 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +} +" +1a8fd18e44c7ffeb53a1e4c30adaeff10f1a2367,"public int blackjack(int a, int b) +{ + public int answer = 0; + if (a > 21 && b > 21) + { + answer = 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +} +" +79e2adc376ab06eea10b6ef9b97a213c704303b0,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 21 && b > 21) + { + answer = 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (b > a) + { + return b; + } + else if (a > b) + { + return a; + } +} +" +0a8cec25e4a236d218ef16d1bd31d6d857625863,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 21 && b > 21) + { + answer = 0; + } + else if (a > 21) + { + answer = b; + } + else if (b > 21) + { + answer = a; + } + else if (b > a) + { + answer = b; + } + else if (a > b) + { + answer = a; + } +return answer; +} +" +bc22fbdbf0902ee9bb47599ab98dcbd6f021ec4e,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + int x = 0 + if (a > b && a <= 21) + { + x = a; + } + else if (b > a && b <= 21) + { + x = b; + } + } + return x; +} +" +09b10808144dbcba7ea82f3bc761b18f8d99f32b,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + int x = 0; + if (a > b && a <= 21) + { + x = a; + } + else if (b > a && b <= 21) + { + x = b; + } + } + return x; +} +" +a2d8cfaa0b3846760e0a8eeacbf8a7d735a6819e,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + int x = 0; + if (a > b && a <= 21) + { + x = a; + } + else if (b > a && b <= 21) + { + x = b; + } + } + return (x); +} +" +bbdd6c7efe72ab854032d21221796672888acb56,"public int blackjack(int a, int b) +{ + int x = 0; + if (a > 0 && b > 0) + { + + if (a > b && a <= 21) + { + x = a; + } + else if (b > a && b <= 21) + { + x = b; + } + } + return (x); +} +" +12994f45480b905b6f369222768106cb2a8c4f25,"public int blackjack(int a, int b) +{ + int x = 0; + if (a > 0 && b > 0) + { + + if ((a > b && a <= 21) || (b > 21 && a <= 21)) + { + x = a; + } + else if ((b > a && b <= 21) || (a > 21 && b <= 21)) + { + x = b; + } + } + return (x); +} +" +f1d413ff9bfccbeebdad3d255a2401d1753b3513,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && (b > 21))) + { + return a; + } + else if ((b > 0 && b <= 21) || (b > a && !(a > 21))) + { + return b; + } + else + { + return 0; + } +} +" +38d3c229aac9e084ac8dc702d629249a8507e538,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && (b > 21))) + { + return a; + } + else if ((b > 0 && b <= 21) || (b > a && (a > 21))) + { + return b; + } + else + { + return 0; + } +} +" +b79c4d3035d64ef866d14861eb9c349ccf5b03a2,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && (b != 21))) + { + return a; + } + else if ((b > 0 && b <= 21) || (b > a && !(a != 21))) + { + return b; + } + else + { + return 0; + } +} +" +3add4a704e1bc3da35ffdc9c53be872b539b044e,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && (b < 21))) + { + return a; + } + else if ((b > 0 && b <= 21) || (b > a && !(a < 21))) + { + return b; + } + else if (a == 21 || b == 21) + { + return 21; + } + else + { + return 0; + } +} +" +0b2c8de59d3623003d5813004768e7349b74f956,"public int blackjack(int a, int b) +{ + if ((a > 0 && a <= 21) || (a > b && (b < 21))) + { + return a; + } + else if ((b > 0 && b <= 21) || (b > a && (a < 21))) + { + return b; + } + else if (a == 21 || b == 21) + { + return 21; + } + else + { + return 0; + } +} +" +8a85993ffb90233c831e3c89f3a11befba9da10d,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21 && a > b) + { + return a; + } + else if (b > 0 && b <= 21 && b > a) + { + return b; + } + else + { + return 0; + } +} +" +8fb976d45bfd5ace5bfe676b681725afe11b656e,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (b > 0 && b <= 21) + { + if (b > a) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +5608935d9de68b4f0e2eafad5aa18226fc257375,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) + { + if (a > b) + { + return a; + } + + } + else if (b > 0 && b <= 21) + { + if (b > a) + { + return b; + } + } + else + { + return 0; + } +} +" +78470c2bfd1336c099ed75a0792dd936a4494016,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) + { + if (a > b) + { + return a; + } + return 0; + + } + else if (b > 0 && b <= 21) + { + if (b > a) + { + return b; + } + return 0; + } + else + { + return 0; + } +} +" +f7324efa23ea7db4b44c538a8994f835f5bcd2c4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0 + } + else + { + return a (a > b) + return b (b > a) + } +} + +" +01a786520b8218f410a600ea392cd42df7a76801,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a (a > b); + return b (b > a); + } +} + +" +82e749c30090ab72f0d30edb7069060c64258205,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } +} + +" +06907c24693d305b5328f6c1d7fb4ef766c5b0b0,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return blackjack(a, 0); + } + else if (b > a) + { + return blackjack(0, b); + } +} + +" +5455ec6afe437e7506504e1f1428a5a0b96a5669,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return blackjack(a, 0); + } + else if (b > a) + { + return blackjack(0, b); + } + } + return 0; +} + +" +18449780083e94a194970077132077a735ad3366,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } + } + return 0; +} + +" +059834ba040435e5e37865b948c3862f2fcbfa26,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } + } + return 0; +} + +" +511d8251ccbef720ae5ee01d568e52ddb07c7d92,"public int blackjack(int a, int b) +{ + + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + + return 0; +} + +" +352f28eec35f51c8ff063038e76da20a44f87b11,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21 ) + { + return a; + } + else if (b > a && b <= 21 ) + { + return b; + } + } + + return 0; +} + +" +5e4627f26a1e6ba144143b735bfd80f483c42307,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (a < b && b <= 21) + { + return b; + } + return a; + +} + +" +7b6065a1dfba3b6dd1a3f5afbee6419544e15e97,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) // both over + { + return 0; + } + else + { + if (a > 22) // a is over + { + return b; + } + else if (b > 22) // b is over + { + return a; + } + else if (c > d) + { + return b; + } + else + { + return a; + } + } +} +" +5f8fc2110a1ba4551d8cd05128316316e355c0d3,"public int blackjack(int a, int b) +{ + //feilds + int c = 21 - a; + int d = 21 - b; + + //method + if (a > 21 && b > 21) // both over + { + return 0; + } + else + { + if (a > 22) // a is over + { + return b; + } + else if (b > 22) // b is over + { + return a; + } + else if (a < b) + { + return b; + } + else + { + return a; + } + } +} +" +048ff4b4bad1d7749bd1636712968285133c7b3d,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; +} +" +3eae35ab40e08b7d0ba9fd06b2c6850ea0fe555a,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21)) + { + return a; + } + else if ((b > a) && (b <= 21)) + { + return b; + } +} +" +0982bd629554bacbb83a036f9e4bd14874aeb0df,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21)) + { + return a; + } + else if ((b > a) && (b <= 21)) + { + return b; + } + return blackjack; +} +" +ae0042cf40c13fcb3c77681745008c1c606487b0,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21)) + { + blackjack = a; + } + else if ((b > a) && (b <= 21)) + { + blackjack = b; + } + return blackjack; +} +" +d41b066027480481b3dedbd8d9d918501fcf0958,"public int blackjack(int a, int b) +{ + int blackjack; + + if ((a > b) && (a <= 21)) + { + blackjack = a; + } + else if ((b > a) && (b <= 21)) + { + blackjack = b; + } + return blackjack; +} +" +17b9c38d7fb68367fcfd22f2ad7c35d934c58c0b,"public int blackjack(int a, int b) +{ + int blackjack = 0; + + if ((a > b) && (a <= 21)) + { + blackjack = a; + } + else if ((b > a) && (b <= 21)) + { + blackjack = b; + } + return blackjack; +} +" +31e7e06d786b6722bd5b88d676f6c2070924786e,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) + { + return a; + } + return Math.max(a,b); +} +" +e097e0c3b5c2670ca38e4cfa42bea6e0d472518d,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + + else if(b > 21) + { + return a; + } + return Math.max(a,b); +} +" +396115f6dfc1930850e96b7e7bd01d8121f14f07,"public int blackjack(int a, int b) +{ + int blackjack = 0; + + if ((a > b) && (a <= 21)) + { + blackjack = a; + } + else if ((b > 21) && (a <= 21)) + { + blackjack = a; + } + else if ((b > a) && (b <= 21)) + { + blackjack = b; + } + else if ((a > 21) && (b <= 21)) + { + blackjack = b; + } + return blackjack; +} +" +f308a597cacadb6eb4db9698b5f5b551ace69b43,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +}" +c863eda417dd4d6f71df71dfb0542d44f1f7cee3,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21) + { + result = a; + } + + else if (b > a && b <= 21) + { + result = b; + } + + return result; +} +" +701434fa7b872e32650a6c381b6d9e9c013771c4,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 && b >= 22) + { + result = a; + } + + else if (b > a && b <= 21 && a >= 22)) + { + result = b; + } + + return result; +} +" +4a23de051cd999f61d86a0333d9423eb98db6607,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 && b >= 22) + { + result = a; + } + + else if (b > a && b <= 21 && a >= 22) + { + result = b; + } + + return result; +} +" +7766f350c743c7075250889ce6f5dd8189b661e3,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 )//&& b >= 22) + { + result = a; + } + + else if (b > a && b <= 21) //&& a >= 22) + { + result = b; + } + + return result; +} +" +c3c296393d4d5daf0fe1289d0318e3b0ae955b5c,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 )//&& b >= 22) + { + result = a; + } + + else if (a < b && b >= 21 )//&& b >= 22) + { + result = a; + } + + else if (b > a && b <= 21) //&& a >= 22) + { + result = b; + } + + else if (b < a && a >= 21) //&& a >= 22) + { + result = b; + } + + return result; +} +" +12e648cc89ad262a9230211fac0d8cf3271cf16e,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 )//&& b >= 22) + { + result = a; + } + + else if (a < b && b >= 21 )//&& b >= 22) + { + result = a; + } + + else if (b > a && b <= 21) //&& a >= 22) + { + result = b; + } + + else if (b < a && a >= 21) //&& a >= 22) + { + result = b; + } + + else if (b >= 22 && a >= 22) + { + result = 0; + } + + return result; +} +" +ce99163f4f4fe0b25019790b961eecad96982894,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 )//&& b >= 22) + { + result = a; + } + + else if (a < b && b >= 22 )//&& b >= 22) + { + result = a; + } + + else if (b > a && b <= 21) //&& a >= 22) + { + result = b; + } + + else if (b < a && a >= 22) //&& a >= 22) + { + result = b; + } + + return result; +} +" +232232910e09c3e943b35818da2d5a8ee22314c1,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 )//&& b >= 22) + { + result = a; + } + + else if (a < b && b > 21 )//&& b >= 22) + { + result = a; + } + + else if (b > a && b <= 21) //&& a >= 22) + { + result = b; + } + + else if (b < a && a > 21) //&& a >= 22) + { + result = b; + } + + return result; +} +" +82b47a405b3c47d376461182cbe6420d153c8292,"public int blackjack(int a, int b) +{ + if ( a <= 21 || b <= 21 && a > b) + return a; + if ( a <= 21 || b <= 21 && b > a) + return b; + return 0; +} +" +6ca742343d54d79a1c2577bbb52f1495d8671ed9,"public int blackjack(int a, int b) +{ + if( a > 21 && b > 21 ) + { + return 0; + } + else + { + if( a >= b ) + { + return a; + } + if( a < b) + { + return b; + } + } +} +" +5451256f1570ff7f121bd92d5126dd0ecb142c15,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 b > 21) + { + result = a; + } + + else if (a < b && b > 21) + { + result = a; + } + + else if (b > a && b <= 21 && a > 21) + { + result = b; + } + + else if (b < a && a > 21) + { + result = b; + } + + return result; +} +" +616a75bb6f15a8c1d68b1ee28f103fd895b01a37,"public int blackjack(int a, int b) +{ + if( a > 21 && b > 21 ) + { + return 0; + } + else + { + if( a >= b ) + { + return a; + } + else + { + return b; + } + } +} +" +d909f8daa244c7e088237219bfc4e521a2bc808d,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21 && b > 21) + { + result = a; + } + + else if (a < b && b > 21) + { + result = a; + } + + else if (b > a && b <= 21 && a > 21) + { + result = b; + } + + else if (b < a && a > 21) + { + result = b; + } + + return result; +} +" +572f968e157937282f0db3767e331094f098762f,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21) + { + result = a; + } + + else if (a < b && b > 21 ) + { + result = a; + } + + else if (b > a && b <= 21) + { + result = b; + } + + else if (b < a && a > 21) + { + result = b; + } + + return result; +} +" +a9f1ff518f8b58e3205c6da124c0c04c2428a699,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21 && a > b) + return a; + if ( a <= 21 && b <= 21 && b > a) + return b; + if (b > 21) + return a; + if (a > 21) + return b; + return 0; +} +" +4e1df3d0460ffee0d2620eada0ccc94af9e54f59,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > b && a <= 21) + { + result = a; + } + + else if (a < b && b > 21) + { + result = a; + } + + else if (b > a && b <= 21) + { + result = b; + } + + else if (b < a && a > 21) + { + result = b; + } + + else if (a > 21 && b > 21) + { + result = 0; + } + + return result; +} +" +f82aebf613d5aff607d7b6164ebf95ead6139ee8,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21 && a > b) + return a; + if ( a <= 21 && b <= 21 && b > a) + return b; + if (b > 21) + return a; + if (a > 21) + return b; + if (a > 21 && b > 21) + return 0; + return 0; +} +" +023754b6eeaf0282deb27c9218cdf74bdcb0e83b,"public int blackjack(int a, int b) +{ + if( a > 21 && b > 21 ) + { + return 0; + } + else + { + if( a >= b ) + { + if( a < 21 ) + { + return a; + } + else + { + return b; + } + } + else + { + if( b < 21 ) + { + return b; + } + else + { + return a; + } + } + } +} +" +09d48d910871ad7871b420608f59422a3ad1f437,"public int blackjack(int a, int b) +{ + int result = 0; + + if (a > 21 && b > 21) + { + result = 0; + } + + else if (a > b && a <= 21) + { + result = a; + } + + else if (a < b && b > 21) + { + result = a; + } + + else if (b > a && b <= 21) + { + result = b; + } + + else if (b < a && a > 21) + { + result = b; + } + + return result; +} +" +ccf623b402f130dbd3e4ba12cfa52843645704e3,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21 && a > b) + return a; + if ( a <= 21 && b <= 21 && b > a) + return b; + if (a > 21 && b > 21) + return 0; + if (b > 21) + return a; + if (a > 21) + return b; + + return 0; +} +" +7ea3b11703aa6a642056f50ff59ef94480cb9cbd,"public int blackjack(int a, int b) +{ + if( a > 21 && b > 21 ) + { + return 0; + } + else + { + if( a >= b ) + { + if( a <= 21 ) + { + return a; + } + else + { + return b; + } + } + else + { + if( b <= 21 ) + { + return b; + } + else + { + return a; + } + } + } +} +" +30738dca913d73ac304c8389a92a20720720bc5b,"public int blackjack(int a, int b) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int x) +{ + if (x % 10 < 5) + { + return x - (x % 10); + } + else + { + return x + (10 - (x % 10)); + } +} +" +412e75ecd51eabf88f103799bf77523da33d16e6,"public int blackjack(int a, int b) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int x) +{ + if (x % 10 < 5) + { + return x - (x % 10); + } + else + { + return x + (10 - (x % 10)); + } +} +" +e79934c7a035da169bdb4d9223a50a1866257fd8,"public int blackjack(int a, int b) +{ + return round10(a) + round10(b); +} + +public int round10(int x) +{ + if (x % 10 < 5) + { + return x - (x % 10); + } + else + { + return x + (10 - (x % 10)); + } +} +" +8ac883cde86cba433fe29917fb16de0f3c2e98a6,"public int blackjack(int a, int b) +{ + +} +" +c4f92cf0fb0a7b47c683ba5981e0fa15decc216e,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + return 0; + else if ( a > b) + return a; + else + return b; +} +" +c77be88ece6c7ea932ca361e9647de01419ec6a7,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + return 0; + else if ( a > b) + return a; + else + return b; +} +" +411107a085c944ef4bd9c812b55021f9c676592b,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if ( a > 21 && b > 21) + return 0; + else if ( x > y || b > 21) + return a; + else if ( y > x || a > 21) + +} +" +c4e1b6b3e173406d94b8eedbb4bb8f897d97fb7d,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if ( a > 21 && b > 21) + return 0; + else if ( x > y || b > 21) + return a; + else if ( y > x || a > 21) + return b; + +} +" +51f3a03d371f132ef79c9ee629fabf8191aa4f26,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if ( a > 21 && b > 21) + return 0; + else if (x < y || b > 21) + return a; + else if (y < x || a > 21) + return b; + + +} +" +275e5f2a86a70526bdc9cf090d0a092904b0ed50,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if ( a > 21 && b > 21) + return 0; + else if (x < y || b > 21) + return a; + else if (y < x || a > 21) + return b; +} +" +1df2fa9e52be1476ffed420e706fdae67760e7f8,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if ( a > 21 && b > 21) + return 0; + else if (x < y || b > 21) + return a; + else if (y < x || a > 21) + return b; +} +" +ac32c0eefa155066f095d2c54ee6c9260e876643,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (x < y || b > 21) + return a; + else + return b; +} +" +05ffbadf63a5521b543c022157ce6f820232afb2,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (x < y || b > 21) + return a; + else if (y < x || a > 21) + return b; + else + return 0; + +} +" +487f42d9e23a262328112cd60e87a71dd0d9cfc5,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (a < 21 && b > 21) + return a; + else if (b < 21 || a > 21) + return b; + else if (x < y) + return a; + else + return b; + +} +" +3aa2d79e01d25d28c22575592085d1580a4f6d46,"public int blackjack(int a, int b) +{ + int x = Math.abs(21 - a); + int y = Math.abs(21 - b); + if (a > 21 && b > 21) + return 0; + else if (a < 21 && b > 21) + return a; + else if (b < 21 && a > 21) + return b; + else if (x < y) + return a; + else + return b; + +} +" +2e52c919de282f90f3ba8cc5806cd3a0813cdbbc,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + } + else if (b>21) + { + return a; + } +} +" +62b28bce38eb1f1187f1355b048b29e7b340d162,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + else + { + return b; + } + } + else if (b>21) + { + return a; + } + return Math.max(a, b); +} +" +013eb52126aaf0193495774113325ce1f90ff424,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + else if (a < b) + { + return b; + } + else + { + return a; + } +} +" +be56a5d025699e96c43d7b87216f399b803cd955,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a < b) + { + return b; + } + else + { + return a; + } +} +" +06b30b9ec37b21c06fefe7f4034cf8d88ca6571c,"public int blackjack(int a, int b) +{ + if (a>21) //when a is greater than 21 + { + if (b>21) //when the circumstance is that b and a are greater than 21 + { + return 0; + } + else + { + return b; + } + } + else if (b>21) + { + return a; + } + return Math.max(a, b); //to return the larger number if both are under 21 +} +" +3fbfe23e7713fd829adc61b39ec4851629b99c1b,"public int blackjack(int a, int b) +{ + if (a > 21) && (b > 21) + { + return 0; + } + if (a < 21) && (a > b) + { + return a; + } + else + { + return b; + } +} +" +a1b4486fa8ccd74c1f54b428cd239e7020bae3c3,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a < 21) && (a > b)) + { + return a; + } + else + { + return b; + } +} +" +7f0c5f7a56613313dab178c1e2833b082fe2f011,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b)) + { + return a; + } + else + { + return b; + } +} +" +ceccbdae9b8a763dbd52f1bc55b743cb9854a127,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b) && (b > 21)) + { + return a; + } + else + { + return b; + } +} +" +2869eaa4bf2d561408ddd749651a4292f09a8818,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b) && (b < 21)) + { + return a; + } + else + { + return b; + } +} +" +8b36884a28cedd7999118e42175edea0a3de4e48,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b)) + { + return a; + } + else + { + return b; + } +} +" +b5197161f50a49fd1b155dc0ed96be4beb6a86ef,"public int blackjack(int a, int b) +{ + if ((a > 21) || (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b)) + { + return a; + } + else + { + return b; + } +} +" +1d72b804497f49e3b96297c09fcfe6bd612dda91,"public int blackjack(int a, int b) +{ + if (a>21) //when a is greater than 21 + { + if (b>21) //when the circumstance is that b and a are greater than 21 + { + return 0; + } + else + { + return b; + } + } + else if (b>21) //when b is greater than 21 + { + return a; + } + return Math.max(a, b); //to return the larger number if both are under 21 +} + +" +4a6b2506aaac6b2884cfbb6a46b9c12f1c00f3ba,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + a = 21 % a; + b = 21 % b; + + if (a < b) + { + return a; + } + else + { + return b; + } + +} +" +52945786776e0964ec1d066b16a4ae518b0ba319,"public int blackjack(int a, int b) +{ + if (a>21) //when a is greater than 21 + { + if (b>21) //when the circumstance is that b and a are greater than 21 + { + return 0; + } + else + { + return b; + } + } + else if (b>21) //when b is greater than 21 + { + return a; + } + return Math.max(a, b); //to return the larger number if both are under 21 +} + +" +f6bfcff27f681910985a8e3fd806ab37a5a41cc2,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b)) + { + return a; + } + else if ((a <= 21) && (b > 21)) + { + return a; + } + else + { + return b: + } +} +" +0dd2862dee6dc95cacdc00ec942f39689251592e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + a = 21 - 21 % a; + b = 21 - 21 % b; + + if (a < b) + { + return a; + } + else + { + return b; + } + +} +" +67cb85c7178438f7131584ad3593054094d0a77a,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= 21) && (a > b)) + { + return a; + } + else if ((a <= 21) && (b > 21)) + { + return a; + } + else + { + return b; + } +} +" +2933c460bad3de3bdb88f163adc0f3545f97763f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + a = 21 - (21 % a); + b = 21 - (21 % b); + + if (a < b) + { + return a; + } + else + { + return b; + } + +} +" +4e7630d4b703038a3b5483c041180443f167eff8,"public int blackjack(int a, int b) +{ + if (a>21) //when a is greater than 21 + { + if (b>21) //when the circumstance is that b and a are greater than 21 + { + return 0; + } + else + { + return b; + } + } + else if (b>21) //when b is greater than 21 + { + return a; + } + return Math.max(a, b); //to return the larger number if both are under 21 +} + +" +46d6be35fdfe56f54d2241874bcd5da10e697077,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + a = 21 - (a % 21); + b = 21 - (b % 21); + + if (a < b) + { + return a; + } + else + { + return b; + } + +} +" +768137f9691256e6801d1ab51360863cbba35399,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + a = 21 - (a % 21); + b = 21 - (b % 21); + + if (a < b) + { + return a; + } + else + { + return b; + } + +} +" +c14cf1f7f4b41c2599bc65aaed88e4aa05ea5670,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + int c = 21 - (a % 21); + int d = 21 - (b % 21); + + if (c > d) + { + return b; + } + else + { + return a; + } + +} +" +d3bf756650180aca4e7af686d5648b312d05bfed,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + int c = a % 21; + int d = b % 21; + + if (c > d) + { + return b; + } + else + { + return a; + } + +} +" +aaed9188ba77a72759089e997833d23c82521ea0,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + int c = 21 % a; + int d = 21 % b; + + if (c > d) + { + return b; + } + else + { + return a; + } + +} +" +971e4d32376cff92abbf942468f2244a5a8dd3c3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + int c = 21-(21 % a); + int d = 21-(21 % b); + + if (c > d) + { + return b; + } + else + { + return a; + } + +} +" +8580b83d2cb4c728c5a6fa1b54166b59ce08bcc1,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + } + else if (a < b && b <= 21) + { + return b; + } + else + { + return a; + } + +} +" +9baa1bcec2a42f717462c09d42c30392dc23d277,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (a < b && b <= 21) + { + return b; + } + else + { + return a; + } +} +" +1cd5fda3aa5084004b87cd4fa40afb5521c737b1,"public int blackjack(int a, int b) +{ + if (int a <= 21 && int b <= 21) + { + if (int a > int b) + { + return a; + } + else if (int a < int b) + { + return b; + } + } + else + { + return 0; + } +} +" +ca7c804643c3b09316045e0157b165fb91c8734c,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (int a > int b) + { + return a; + } + else if (int a < int b) + { + return b; + } + } + else + { + return 0; + } +} +" +23a8e506b9164ac83ec558347d55d3a7492917c8,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else if (a < b) + { + return b; + } + } + else + { + return 0; + } +} +" +c417c2977c528869168d325d0ceb8ad81bb828a2,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else if (a < b) + { + return b; + } + } + else + { + return 0; + } + return 0; +} +" +90caf25955428e1235e987c76677ec947385b030,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a; + } + else if (a < b) + { + return b; + } + } + else + { + return 0; + } + return 0; +} +" +abcd239f3f9bbc45998134a2a6ea3bb62888a571,"public int blackjack(int a, int b) +{ + if (a <= 21) + { + if (a > b) + { + return a; + } + else if (b <= 21) + if (a < b) + { + return b; + } + } + else + { + return 0; + } + return 0; +} +" +017d5a5e3e11454fbfa5280df1db4576eaa562c3,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + return 0; +} +" +a45f1b050a7fad17e4c59e5fe3ed61feac87d17e,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + return; +} +" +7e8a79f95edd65114619540542ec9fdeb0084696,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +90f4159f34ac0f6b636b73ccd6bdecc853f4c0ff,"public int blackjack(int a, int b) +{ + while (a <= 21 || b <= 21) + if (a > b && a <= 21) + return a + if (b > a && b <= 21) + return b + return 0 +} +" +f23ec446f7481e6e6314ba7b4777b8dc09e8869f,"public int blackjack(int a, int b) +{ + while (a <= 21 || b <= 21) + if (a > b && a <= 21) + return a; + if (b > a && b <= 21) + return b; + return 0; +} +" +97f7cff3c44bd335d7e82e17db47b33474279b2a,"public int blackjack(int a, int b) +{ + while (a <= 21 && b <= 21) + if (a > b) + return a; + else if (b > a) + return b; + else + return a; + if (a > 21 && b <= 21) + return b; + if (b > 21 && a <= 21) + return a; + return 0; +} +" +e4745e7a8ee05e8fc079a81f00bb20aa6370d370,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +dbf634417a035be0fd7302be1c36b843ec8c63c9,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +} +" +f9110d21951321c407ff638fb8a117491a497cad,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +" +bc1b94be9cdcabe6c924e11ee81239f416c6c367,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && b <= 21) + { + return a; + } + else if (a < b && a <= 21) + { + return b; + } +} +" +c83e8e8bf5d7e230a9827f6f5e0cee5013df127e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && b <= 21) + { + return a; + } + else if (a < b && a <= 21) + { + return b; + } + return 0; +} +" +d3c3d741516ec826b0a9b956dda23dc652b425d1,"public int blackjack(int a, int b) +{ + if ( (a > b && a <= 21) || (a < b && b > 21) ) + { + return a; + } + if ( (b > a && b <= 21) || (b < a && a > 21) ) + { + return b; + } + else + { + return 0; + } +} +" +f70283a81f62793d98413b914e7c34b433d6c267,"public int blackjack(int a, int b) +{ + if ( (a > b && a <= 21) || (a < b && b > 21 && a <= 21) ) + { + return a; + } + if ( (b > a && b <= 21) || (b < a && a > 21 && b <= 21) ) + { + return b; + } + else + { + return 0; + } +} +" +43deedb6ae109d533357b0dc9c2472f4ff1926f5,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +" +300dbf6b76fde1b68dc54b6c1cfd8fb2d3526e4f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + if (a <= 21 && b > 21) + { + return a; + } + return a; + } + return 0; +} +" +4d9d89dad7dc4ac948b6b70edd99dca5e65a699a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + if (a <= 21 && b > 21) + { + return a; + } + return a; + } + else if (b > a) + { + if (b <= 21 && a > 21) + { + return b; + } + return b; + else + { + return 0; + } +} +" +392449fd592af46d155ad711b465ce15f13bf81c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + if (a <= 21 && b > 21) + { + return a; + } + return a; + } + else if (b > a) + { + if (b <= 21 && a > 21) + { + return b; + } + return b; + return 0; +} +" +446a45dba5e972cffb4097031af04d5e139f8993,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + if (a <= 21 && b > 21) + { + return a; + } + return a; + } + else if (b > a) + { + if (b <= 21 && a > 21) + { + return b; + } + return b; + } + return 0; +} +" +32806771937fb0777581bf4222e8d40b8470e08a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + return 0; +} +" +949e655bb961cfe4f0ca97b056fb44124521c3c4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + return 0; +} +" +6985d0f084b3d25f7d9e15f76c0dba56b3c2ce67,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b < 21) + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // THIS BRANCH HAS A LOGIC ERROR + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +" +2e2188b1cf7aaea7eb39433ae9199ff97d53472a,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b < 21) + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // THIS BRANCH HAS A LOGIC ERROR + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } + } +} +" +7e7b35ce04cbd44dea4c3d5a48528a5298f11364,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && c > 21) + { + return 0; + } + + else if (ax < bx) + { + return a + } + + else if (bx > ax) + { + return b + } +} +" +9a9382f185768ca6b17fb2305099a01ed64ff2f4,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +" +c90b1474ab9e92b2fadb6986646ad61bf349a425,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && c > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx > ax) + { + return b; + } +} +" +832c4c43b477def96394b636dcbff2723f87893b,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx > ax) + { + return b; + } +} +" +7a9e04c5acf89a27596a5fdc07817f20c836aac7,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx > ax) + { + return b; + } + + return a; +} +" +95954e00249a03d693583aee8a1d3c32c54f5b63,"public int blackjack(int a, int b) +{ + if(a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <= 21) + { + return a; + } + else if (a <= 21 && b <= 21) + { + if(21 - a > 21 - b) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +67f8637260e6885f35bc7c2a6febf35febd47187,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +36c3e3732a0cc69dce38770b404ee0d4afa6c3d9,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b >= 21 && b >= 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +bc3bbb8108298857ca2d69681639d2200cba1c59,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +9ccedc12467924b8be3956d16d6bd4737c017c1c,"public int blackjack(int a, int b) +{ + int ax = abs(21 - a); + int bx = abs(21 - b); + + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +be12745ad00a9893c5556d2c8e029ffe00bb1f11,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +672ecd80b6c609007f41ccdbcda4456227988ef9,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (ax < 0) + { + ax = -1*ax; + } + if (bx < 0) + { + bx = -1*bx; + } + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +3f6572063a166c432f93d182ccc26aa65e1fd0a8,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + //////////////////////////////////////////////////////////// + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +" +68e142e286f02b1e35ad82f579fedd0bddb4b4b5,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + //////////////////////////////////////////////////////////// + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +" +0079410bd2cb32d596eae430d3e54a526e8d74e0,"public int blackjack(int a, int b) +{ + if (a <= 21) { + if (a > b) { + return a; + } + } + if (b <= 21) { + if (b > a) { + return b; + } + } + return 0; +} +" +bf6f40079708ac77a41cc89bc1724fac869b6048,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + //////////////////////////////////////////////////////////// + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +d57bb4171c30ef90771907b1769acad19765c7c6,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if (ax < bx && ax <= 21) + { + return a; + } + + else if (bx < ax && bx <= 21) + { + return b; + } + + return a; +} +" +177d0fd4e934249faf1688b7fba33d98a046663e,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + { + return 0; + } + return b; + } + if(a < b && b <= 21) + { + return b; + } + return a; +} + + +" +79e28eb56242c39c3a95f9cfa54c45f116a4b3bb,"public int blackjack(int a, int b) +{ + if (a <= 21) { + if (a > b && b < 21) { + return a; + } + } + if (b <= 21) { + if (b > a && a < 21) { + return b; + } + } + return 0; +} +" +bca8316e1af6a4109247bd6074b2f58a2b7c610c,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + //////////////////////////////////////////////////////////// + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +76f257129a8e473fb17fa234264cff21cff0df96,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if ( a > 21 && b <= 21) + { + return b; + } + + else if ( b > 21 && a <= 21) + { + return a; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +aebff251c079a43851b14c70b89a5622f2d1f01f,"public int blackjack(int a, int b) +{ + if (a <= 21) { + if (b > 21) { + return a; + } + else if (a > b) { + return a; + } + } + if (b <= 21) { + if (a > 21) { + return b; + } + else if (b > a) { + return b; + } + } + return 0; +} +" +4da99fc70a7862d84c20b3113c09b4c4ef59b52f,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +9c3c51c3f6195db710a6ee80d6d439aa944dc5e8,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if ( a > 21 && b <= 21) + { + return b; + } + + else if ( b > 21 && a <= 21) + { + return a; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +62b3f3d344b147d128030ccba9a7b17320a4c83d,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if ( a > 21 && b <= 21) + { + return b; + } + + else if ( b > 21 && a <= 21) + { + return a; + } + + else if (ax < bx) + { + return a; + } + + else if (bx < ax) + { + return b; + } + + return a; +} +" +c159c415a81ec6c2221171cc4d30c71352766c99,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +99fae3400f741fc48c17188c1503429515e5d4e4,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if ( a > 21 && b <= 21) + { + return b; + } + + else if ( b > 21 && a <= 21) + { + return a; + } + + else if (ax < bx && ax <= 21) + { + return a; + } + + else if (bx < ax&& bx <=21) + { + return b; + } + + return a; +} +" +07cb32486f2dc408566a577de4c790e7a8b7ceb6,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else if + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +36746931015053b97051acbd76f4691f4bc8bb5b,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +}" +3a4b17c8cff71f84f81a61870c4b973a4d3016b8,"public int blackjack(int a, int b) +{ + int ax = 21 - a; + int bx = 21 - b; + + if (b > 21 && b > 21) + { + return 0; + } + + else if ( a > 21 && b <= 21) + { + return b; + } + + else if ( b > 21 && a <= 21) + { + return a; + } + + else if (ax < bx && ax <= 21) + { + return a; + } + + else if (bx < ax && bx <= 21) + { + return b; + } + + return a; +} +" +8604d5b45df31f322270d4c146fa41db2e7cace8,"public int blackjack(int a, int b) +{ + if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if ((21-a)<(21-b)) + { + return a; + } + else + { + return 0; + } + +} +" +81ecf0682b746303f65ec3541fed00c87a8d3fd5,"public int blackjack(int a, int b) +{ + if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + else if ((21-a) > (21-b) && a<=21 && b<=21) + { + return b; + } + else if ((21-a)<(21-b) && a<=21 && b<=21) + { + return a; + } + else + { + return 0; + } + +} +" +41b4bff22d5d3cda1433a40623efd0e094c6cca9,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + return a; + return b; +} +" +784b09bd9879b685ad261360cf013c5de0077a20,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + return a; + return b; +} +" +cc88145fd6035388f145846f39065b63cfb181d8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + return a; + return b; +} +" +47aba79e76e2776340802876f6fbd94ad176fc52,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + return none; +} +" +73b44a315ac17721181a9040fefd15c7c4550d29,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + else + { + return 0; + } +} +" +e0fb3069a8d69c0df153042c53943098f4ddc623,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21) + { + if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + } + else if (b <= 21) + { + if (a > 21) + { + return b; + } + else if (b > a) + { + return b; + } + } + return 0; +} +" +74cd18fd907e916fd1fcc33cbcc01eb271e04472,"public int blackjack(int a, int b) +{ + if((a >= 21) || (b>= 21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + + + if(a= 21) || (b>= 21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + + + if(a 0 && b > 0) + if (a > 21 && b > 21) + { + return 0; + } + else if (absA > absB && absA <=21) + { + return a; + } + else if (absB > absA && absB <=21) + { + return b; + } +} +" +188790e58420943d07a8a36ab7e4ede03408bb99,"public int blackjack(int a, int b) +{ + int absA = Math.abs(a-b); + int absB = Math.abs(b-a); + if (a > 0 && b > 0) + if (a > 21 && b > 21) + { + return 0; + } + else if (absA > absB && absA <=21) + { + return a; + } + else if (absB > absA && absB <=21) + { + return b; + } +} +" +c7d249f539157d250eb0018e8f3b3cd447933af6,"public int blackjack(int a, int b) +{ + int absA = Math.abs(a-b); + int absB = Math.abs(b-a); + if (a > 0 && b > 0) + if (a > 21 && b > 21) + { + return 0; + } + else if (absA > absB && absA <=21) + { + return a; + } + else if (absB > absA && absB <=21) + { + return b; + } + return 2; +} +" +67ca9d2c11682a52f1d674348b2772c76370aaaa,"public int blackjack(int a, int b) +{ + int absA = Math.abs(a-b); + int absB = Math.abs(b-a); + if (a > 0 && b > 0) + if (a > 21 && b > 21) + { + return 0; + } + else if (absA > absB && absA <=21) + { + return a; + } + else if (absA > absB && absA >21) + { + return b; + } + else if (absB > absA && absB <=21) + { + return b; + } + else if (absB > absA && absB >21) + { + return a; + } + return ; +} +" +f80af7d062b77d36adeb8a80f7f616f45f172a1b,"public int blackjack(int a, int b) +{ + int absA = Math.abs(a-b); + int absB = Math.abs(b-a); + if (a > 0 && b > 0) + if (a > 21 && b > 21) + { + return 0; + } + else if (absA > absB && absA <=21) + { + return a; + } + else if (absA > absB && absA >21) + { + return b; + } + else if (absB > absA && absB <=21) + { + return b; + } + else if (absB > absA && absB >21) + { + return a; + } + return 43; +} +" +85bab9247ccfe0beb12a29e084e8d4315275de74,"public int blackjack(int a, int b) +{ + if ((abs(21 - a) >= 0) && (abs(21 - b) >= 0)) + { + if (abs(21 - a) < abs(21 - b)) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) && (b > 21)) + { + return 0; + } +} +" +5fbb9279bc57d3bcaed324a902290391d454e433,"public int blackjack(int a, int b) +{ + if (a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) && (b > 21)) + { + return 0; + } +} +" +ea213bca023a35f456bc7d29e957cb1993d7f7e2,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) && (b > 21)) + { + return 0; + } +} +" +47e49399a866c32810fac7a1ff846d64d214a860,"public int blackjack(int a, int b) +{ + + if ( a <= 21){ + if (b > 21){ + return a; + } + else if (a > b){ + return a; + } + } + + if (b <= 21){ + if (a > 21){ + return b; + } + else if ( b > a){ + return b; + } + } + return 0; +} +" +bfda43a7a337a6022ef79940dad4d7d3b1caeded,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) || (b <= 21)) + { + return b + } + else if ((b > 21) || (a <= 21)) + { + return a; + } + else if ((a > 21) && (b > 21)) + { + return 0; + } +} +" +d98a120554ccb173dc925dc754c249de8e8abd19,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) || (b <= 21)) + { + return b; + } + else if ((b > 21) || (a <= 21)) + { + return a; + } + else if ((a > 21) && (b > 21)) + { + return 0; + } +} +" +cea0d4f01c435ea876c54c94c199b2f3ec81c077,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) || (b <= 21)) + { + return b; + } + else if ((b > 21) || (a <= 21)) + { + return a; + } + else + { + return 0; + } +} +" +ce9812de4bcc13f5df5f1cc20088694274bac5a2,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a > 21) && (b <= 21)) + { + return b; + } + else if ((b > 21) && (a <= 21)) + { + return a; + } + else + { + return 0; + } +} +" +6b31f5ff59eaf7f509e7c0caf099d8576688e697,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); + +} +" +45454a66808e84915de99d8260d2ea7c8c03bf7d,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) { +if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; + +} +" +b2b462cf8910d49812544e50b0cd208263ef48ae,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) { + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; +} +" +e1d22bfe8d0966d6470dd34da2e1d9897270a361,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) { + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; + } +} +" +e342cd0fa05d08a5b6d5e7e9da705e8c70c7d339,"public int blackjack(int a, int b) +{ + + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; + +} +" +874816966f5bd2e34cde9aaf7e8da6355464d8a5,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // THIS BRANCH HAS A LOGIC ERROR + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } + return 0; +} +" +d16e440527c07a63f0d62429b18934cb91768c76,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + // IF the remainder is large for one number, IT IS FAR AWAY from 21. + if (a > 21 && b > 21) + { + return 0; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // THIS BRANCH HAS A LOGIC ERROR + } + } + else + { + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } +} +" +770193c6423b5f73b8e189f7ad3953ec9944efb8,"public int blackjack(int a, int b) +{ + double remainA; + remainA = (a % 21); //NOTE: The '%' yields the remainder!!!! + double remainB; + remainB = (b % 21); + + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a<21 && b<21){ + if (remainA > remainB) + { + return b; + } + else + { + return a; + } + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // THIS BRANCH HAS A LOGIC ERROR + } + } + else + { + return 0; + } +}" +5278048a6b1e34e55b47f7c4f6e81ddfc5cd0530,"public int blackjack(int a, int b) +{ + + + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (a<21 && b<21){ + if (b>a) + { + return b; + } + else + { + return a; + } + } + else if (a < 21 || b < 21) + { + if (a < 21 && b > 21) + { + return a; + } + else + { + return b; // THIS BRANCH HAS A LOGIC ERROR + } + } + else + { + return 0; + } +}" +a7bbc8b5dda75985b659f4c47ea260a7261d0225,"public int blackjack(int a, int b) +{ + int rem_a = 21 % a; + int rem_b = 21 % b; + if((rem_a && rem_a >=1) > (rem_b && rem_b >=1) ) + { + return a; + } + else if((rem_b && rem_b >=1) > (rem_a && rem_a >=1)) + { + return b; + } + else + { + return 0; + } +} +" +84a58dc0bfda6c8730714776bd58788cbf84294c,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if((rema > remb) && rema >=1) + { + return a; + } + else if((remb > rema )&& remb >=1) + { + return b; + } + else + { + return 0; + } +} +" +80cc7cd9ac73c9edadf1feb327aad72c536aa409,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +} +" +ea105f7466763193dfbbea1119ebe04067b31512,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + if(b == 21) + { + return b; + } + if((rema > remb) && rema >=1) + { + return a; + } + else if((remb > rema )&& remb >=1) + { + return b; + } + else + { + return 0; + } +} +" +33ec733373b453e4dda8add3b52aa393f4d915ec,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +} +" +ec4d960bda0becc5c141bd43c175d00c60c62350,"public int blackjack(int a, int b) { + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +" +3c3e2a1cde3ae088ab7142bf3e08304b2baf67ee,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else + { + return b; + } +} +" +7a0e8b7fdc4f79be276594627ab94d21c1c49a5a,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) return a; + + return 0; +} +" +eef0b64a2bff9c9666f911760afeaa07e54e9b82,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) + { + return a; + } +} +" +631c7eca44103d86d5cbf29056d8e3d8f4ece66d,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) + { + return a; + } + return a; +} +" +91e8700849224c7f6e6d84861d98d4dd981bcf7b,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +" +476c29f31152347253b765223e7dd5dd64a63321,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + if(b == 21) + { + return b; + } + if(a > 21 && b < 21) + { + return b; + } + if(b > 21 && a < 21) + { + return a; + } + if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + if (a > 21 && b > 21) + { + return 0; + } +} +" +00027c01af72ed3d72b3b05af8db18f09293c699,"public int blackjack(int a, int b) +{ + if (a>21) + { + a = 0; + } + if (b>21) + { + b = 0; + } + + if (a>b) + { + return a; + } + else + return b; + } +} +" +09f49ef89b8b109294942ae1f5e30df6bb2a0307,"public int blackjack(int a, int b) +{ + if (a>21) + { + a = 0; + } + if (b>21) + { + b = 0; + } + + if (a>b) + { + return a; + } + else + return b; + +} +" +246715ee376c519da16ab1d664232128b33e1c67,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + if(b == 21) + { + return b; + } + if(a > 21 && b < 21) + { + return b; + } + if(b > 21 && a < 21) + { + return a; + } + if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + if (a > 21 && b > 21) + return 0; +} +" +ae7a3f5ff0e4c835282900a547a8452482549ebf,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + if(b == 21) + { + return b; + } + if(a > 21 && b < 21) + { + return b; + } + if(b > 21 && a < 21) + { + return a; + } + if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + if (a > 21 && b > 21) + return 0; +} +" +5951f902ea252a04339e96e0eaec4eaf0129424b,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + if(b == 21) + { + return b; + } + if(a > 21 && b < 21) + { + return b; + } + if(b > 21 && a < 21) + { + return a; + } + if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + else + return 0; +} +" +907e5001e2ab75f37ec4b6c7784f56a5e7c899cc,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + return 0; +}" +dfd867b5b140898ee80d32f50956a4ed02ffb3e6,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +ce4a0d2af1f0b831a7270b4d0a12c9a5134e4d7e,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return b; + } + } + return 0; +}" +37f9d47f36d287b6984b6eaa22285f4e668be651,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema>remb) + { + return a; + } + if (rema < remb) + { + return b; + } + } + return 0; +}" +095570c1f74d42f8fc153580e582d4264c946f94,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema>remb) // rem part not a correct concept + { + return a; + } + if (rema < remb) + { + return b; + } + } + return 0; +}" +aaff9c12e21401176cbccc2c125d4c4a79966853,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + return 0; +}" +95e06c39b4827addd466e7b89011464d60638d9a,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + return b; + } + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + return 0; +}" +abd19a3ec8aae6dfe6a67939f61ca357121a014c,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + return b; + } + if(remb == 0 && (b < a)) + { + return a; + } + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + return 0; +}" +5b72b3d41c5a5aae6e71a1f504cafbfee8f2a835,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (21 - b <= 21 - a || a > 21) + { + return b; + } + else if (21 - a <= 21 - b || b > 21) + { + return a; + } +} +" +39f025962ccad8451ee311de710ee9f7a9e9ae92,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (21 - b <= 21 - a || a > 21) + { + return b; + } + else if (21 - a <= 21 - b || b > 21) + { + return a; + } + return 0; +} +" +26aa6a802031e1acec5501dbb1b1e2b1976acf1b,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (21 - b <= 21 - a) + { + return b; + } + else if (21 - a <= 21 - b) + { + return a; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + return 0; +} +" +763188e00a541f562514746b1ab43e5b71d815b8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (21 - b <= 21 - a) + { + return b; + } + else if (21 - a <= 21 - b) + { + return a; + } + return 0; +} +" +5aa0a74640fdd79e964a44fbb0af48e862ea4e86,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +" +9ee21c8677edba2d62584aadf3752eda91329f53,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + }else if (a > 21) { + return b; + }else if (b > 21) { + return a; + } + + int sumA = 21 - a; + int sumB = 21 - b; + + if (sumA > sumB) { + return b; + }else { + return a; + } +} +" +8ae3c738269627abbec5c7fc4ac41495fd7e131a,"public int blackjack(int a, int b) +{ + if (a <= 21 and b <= 21) { + return Math.max(a, b) + } + if (a > 21 and b > 21) { + return 0 + } +} +" +7b2bf03ada779300929b217049ee50b97cfb3c98,"public int blackjack(int a, int b) +{ + if (a <= 21 and b <= 21) { + return Math.max(a, b); + } + if (a > 21 and b > 21) { + return 0; + } +} +" +4788654bcd6abbac464c5b101198ca0121fb6bac,"public int blackjack(int a, int b) +{ + if (a <= 21 || <= 21) { + return Math.max(a, b); + } + if (a > 21 and b > 21) { + return 0; + } +} +" +4592bfc20304d26a3bff7c9410a39d10662fe599,"public int blackjack(int a, int b) +{ + if (a>21) { + a = 0; + } + if (b>21) { + b = 0; + } + + if (a>b) { + return a; + else { + return b; + } +} +" +8035c8962afc63bbdf290602664b293d7144ce5c,"public int blackjack(int a, int b) +{ + if (a>21) { + a = 0; + } + if (b>21) { + b = 0; + } + + if (a>b) { + return a; + } + else { + return b; + } +} +" +5309d165a222019cfc5fb692e613f9966ff012c2,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > b && b <=21) + { + return b; + } + else if (b > a && a <=21) + { + return a; + } + else + { + return 0; + } +}" +163a4932546a0de08e46cfda3ffa43429a77df7f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +a028074f4a4b075306e937f10602ab0d676bf422,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (a < b && b < 22) + { + return b; + } + else + { + return a; + } +} +" +ecddebc8a0ba263e625d3d9a75d5c9aa770520d5,"public int blackjack(int a, int b) +{ + int x = 0; + if (b < 21 && b > a) + { + x = b; + } + else if ( a < 21 && a > b) + { + x = a; + } + else + { + x = 0; + } + return x; +} +" +c351444e7f6e1a891ea166e89baf09beaac8c351,"public int blackjack(int a, int b) +{ + int x = 0; + if (b <= 21 && b > a) + { + x = b; + } + else if ( a <= 21 && a > b) + { + x = a; + } + else + { + x = 0; + } + return x; +} +" +9b7b89959b8d49d222e0e9acf2f7a461057d5555,"public int blackjack(int a, int b) +{ + int x = 0; + if (b <= 21) + { + if (b > a) + { + x = b; + } + } + if (a <= 21) + { + if (a > b) + { + x = a; + } + } + if (a > 21 && b > 21) + { + x = 0; + } + return x; +} +" +02ce8aca19c8c96c35b23b48d2dc98d23b29ebea,"public int blackjack(int a, int b) +{ + int x = 0; + if (b <= 21) + { + if (b > a || a > 21) + { + x = b; + } + } + if (a <= 21) + { + if (a > b || b > 21) + { + x = a; + } + } + if (a > 21 && b > 21) + { + x = 0; + } + return x; +} +" +d15b26d40c8dbbebd40551158046317e312c9d9b,"public int blackjack(int a, int b) +{ + if ( a < b < 21) + { + return b; + } +} +" +f20fb67b5dc7e8430097027f5ee9a68297391550,"public int blackjack(int a, int b) +{ + if ( a < b && b < 21) + { + return b; + } +} +" +f3ce9d0b930ec9cab342afdc64f40e1a41f768c7,"public int blackjack(int a, int b) +{ + if (abs(21 - a) > abs(21 - b)) + { + return a; + } + else + { + return b; + } +} +" +7ed93adfef6ff1cbea1337550bd570169586eee8,"public int blackjack(int a, int b) +{ + if (int abs(21 - a) > int abs(21 - b)) + { + return a; + } + else + { + return b; + } +} +" +1b172ea97fd088e9ca4644ad9896a46d1435029e,"public int blackjack(int a, int b) +{ + if ( abs(21 - a) > abs(21 - b) ) + { + return a; + } + else + { + return b; + } +} +" +e945fe5009e6d2a07a67faeba38331122344312b,"public int blackjack(int a, int b) +{ + if ( (abs(21 - a)) > (abs(21 - b)) ) + { + return a; + } + else + { + return b; + } +} +" +40c8f89f55353308e29bca05e7edb72b8416c3f6,"public int blackjack(int a, int b) +{ + if ( (abs(21 - int a)) > (abs(21 - int b)) ) + { + return a; + } + else + { + return b; + } +} +" +c2fd6e3a83c53aacb907154b551878c04b10bc32,"public int blackjack(int a, int b) +{ + if ( (abs(21 - a)) > (abs(21 - b)) ) + { + return a; + } + else + { + return b; + } +} +" +a4905abf9e2dd80507c9741fca90e5be0eee612c,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) ) + { + return a; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a)) + { + return b; + } + else + { + return + } +} +" +d847ea8aee9129e1f9fd949487ee1ea8a4b59929,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) ) + { + return a; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a)) + { + return b; + } + else + { + return 0; + } +} +" +a236f9d79a205141309316228dbb2bf6d005c16d,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) ) + { + return b; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a)) + { + return a; + } + else + { + return 0; + } +} +" +eb40f5c650faea1f687d3880a09cda4dbd013bbc,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) && (a < 21) && (b < 21)) + { + return b; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a) && (a < 21) && (b < 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a < 21) && (b > 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a > 21) && (b > 21)) + { + return b; + } + else + { + return 0; + } +} +" +c35af00db79230230de3b2bab5f42729d48f3f1b,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b <= 21)) + { + return b; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a) && (a <= 21) && (b <= 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a < 21) && (b > 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a > 21) && (b > 21)) + { + return b; + } + else + { + return 0; + } +} +" +9c9731b0b85829475e07e5c24f3b35062ae8c835,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b <= 21)) + { + return b; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a) && (a <= 21) && (b <= 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b > 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a > 21) && (b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +d4040791ade5daa03b8ad5ac4f4e19fd466bdc39,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b <= 21)) + { + return b; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a) && (a <= 21) && (b <= 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b > 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a > 21) && (b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +d29f437904e60d106a403a7ba61ebcbfda423840,"public int blackjack(int a, int b) +{ + if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b <= 21)) + { + return b; + } + else if ( Math.abs(21 - b) > Math.abs(21 - a) && (a <= 21) && (b <= 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a <= 21) && (b > 21)) + { + return a; + } + else if ( Math.abs(21 - a) > Math.abs(21 - b) && (a > 21) && (b <= 21)) + { + return b; + } + else if ( Math.abs(21 - a) < Math.abs(21 - b) && (a <= 21) && (b > 21)) + { + return a; + } + else if ( Math.abs(21 - a) < Math.abs(21 - b) && (a > 21) && (b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +12e0f4ea2bebaa3fc4f0c9d5210577db194bacaf,"public int blackjack(int a, int b) +{ + if(a%21 >b&21) + { + return a; + } + if(a%21 < b&21) + { + return b; + } + if(a>21 && b>21) + { + return 0; + } +} +" +b153846ff51b05fe80d8361fa57474d7ff2b20f3,"public int blackjack(int a, int b) +{ + if(a%21 >b%21) + { + return a; + } + if(a%21 < b&21) + { + return b; + } + if(a>21 && b>21) + { + return 0; + } +} +" +e60d6636514e8721e38dafa58b9c97898f752693,"public int blackjack(int a, int b) +{ + if(a%21 >b%21) + { + return a; + } + if(a%21 < b%21) + { + return b; + } + if(a>21 && b>21) + { + return 0; + } +} +" +e8035629f08f48c3265fd3425a816de8b50788e3,"public int blackjack(int a, int b) +{ + if(a%21 >b%21) + { + return a; + } + else if(a%21 < b%21) + { + return b; + } + else + { + return 0; + } +} +" +1ee18ad70467c2c35eb06b2ecfbea3da87dd535c,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0 + } + else if(a%21 > b%21) + { + return a; + } + else + { + return b; + } +} +" +4e2d225d33d47ceaf9d099ed8846573935537b17,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a%21 > b%21) + { + return a; + } + else + { + return b; + } +} +" +139aa25beb4111df7755575866a448738a1c274f,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a%2 > b%2) + { + return a; + } + else + { + return b; + } +} +" +0bab70f4fc59e0bd98726032d7439764c7cc9822,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a%1 > b%1) + { + return a; + } + else + { + return b; + } +} +" +4fa384f40faccac88bf639955ee8c1bff463a2c9,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a%21 > b%21) + { + return a; + } + else + { + return b; + } +} +" +ec8f58178c0aaac2effbebc399ef5cc9e6f10d86,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a> b) + { + return a; + } + else + { + return b; + } +} +" +7942b59a14fd2ba630b07c155da044b01fd99dc0,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a-21>b-21) + { + return a; + } + else + { + return b; + } +} +" +ba8156fbb217933ff9240a1d4e09420e7de7e956,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if((a-21)>(b-21)) + { + return a; + } + else + { + return b; + } +} +" +5b90e5e37f7972e4c24224164cf932c928f1c455,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + if((a-21)>(b-21)) + { + return a; + } + else + { + return b; + } +} +" +6a0db421140d07768f5994b8573afa312ef82cd3,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 && b <= 21)) + { + if ( (21 - a) >= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +5089a3100fba777897ad72eb131593a12dffbe7d,"public int blackjack(int a, int b) +{ + if(a>21) + { + return 0; + } + if(b>21) + { + return 0; + } + if(a>b) + { + return a; + } + else + { + return b; + } +} +" +5204ef60910ff80489ed4ac3e2519ec6ef6885c6,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) >= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +fe9f20bba8786c62259685cc3bfdb7b92424e46d,"public int blackjack(int a, int b) +{ + if(a>21) + { + return 0; + } + if(b>21) + { + return 0; + } + if(a>b) + { + return a; + } + else + { + return b; + } +} +" +993dbc67b6fc18e54ac387459a38cd276952cf52,"public int blackjack(int a, int b) +{ + if(a>21) + { + return 0; + } + if(b>21) + { + return 0; + } + if(a>b) + { + return a; + } + else + { + return b; + } +} +" +190502b1e69c381aefe2f1d35ae0d5e8bde27ee8,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + if(a>b) + { + return a; + } + else + { + return b; + } +} +" +ec98e3d3b3b976db8c66d46107b232754bcd2db5,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +0235a430a509795b63ee0233147d8f628733939c,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +898e12f99caabebc6c77b4d6935234217198ec62,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +7ea79facae95f8dfacbe036f5f0d16ef521d932d,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +e325872967174d195b44fe1cd108ba4fcba3415b,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +1d67ac373758794d911e17f334984c65789484b8,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +75703bd5a96b11533a29ec395dafba4a45a760e1,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (21 - a) <= (21 - b)) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +f40506b0d8bae870efae871361503d809aaa5deb,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) && (a <= 21 || b <= 21)) + { + if ( (Math.abs(21 - a)) <= (Math.abs(21 - b))) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +be846624e9c20573e8d991f5e406088bd804ddb2,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + else if(a<= 21 && a>b) + { + return a; + } + else + { + return b; + } +} +" +93de1561c4f2a57071a620250c283f227f476779,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + else if(a<= 21 && a>b || b>21) + { + return a; + } + else + { + return b; + } +} +" +88111a1b682c4e3263232c7e42baecf389dd8a17,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0) + { + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b < 21) + { + + return b; + } + else if ( a < 21 && b > 21) + { + return a; + } + else + { + if (Math.abs(21 - a) <= Math.abs(21 - b)) + { + return a; + } + else + { + return b; + } + } + } + else + { + return 0; + } +} +" +3c28e9c57780598dd4c66f2d1ca2354e0affb384,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0)) + { + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b < 21) + { + + return b; + } + else if ( a < 21 && b > 21) + { + return a; + } + else + { + if (Math.abs(21 - a) <= Math.abs(21 - b)) + { + return a; + } + else + { + return b; + } + } + } +} +" +6367eac25cd704643f84891ee75af7a9bfb2cddc,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0)) + { + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b < 21) + { + + return b; + } + else if ( a < 21 && b > 21) + { + return a; + } + else + { + if (Math.abs(21 - a) <= Math.abs(21 - b)) + { + return a; + } + else + { + return b; + } + } + } +" +fdcf6087d1b500c1995e5a1c643fb411ec130ca4,"public int blackjack(int a, int b) +{ + if ( (a >= 0 && b >= 0)) + { + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21 && b < 21) + { + + return b; + } + else if ( a < 21 && b > 21) + { + return a; + } + else + { + if (Math.abs(21 - a) <= Math.abs(21 - b)) + { + return a; + } + else + { + return b; + } + } + } +} +" +750f7d492bd08977185595becab693874b273221,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +b7cba9d2f70fd46b6a76eb117d9c43528c90f4ce,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +8ab7d4c9536fc0534411d0615c54610482e84e22,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +278363a243462169f7afbcc00b49b0d304fc1aec,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +35373255a87f2ddbe647001d26c89f4c4c567895,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +50bee35028e63931b2dfe72cf95e51aeb25a11e0,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +8ddfbe7355cffcdf8fe499016750678f555548f1,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +20994579ed4138cd35a795445d11c35d7c29af2e,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } +} +" +a7032150a3e05ae1177a3ea860a3ffc2d2b7fdfa,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } + else + { + return 0; + } +} +" +f1b9e9f0a57bd8a3b1cb8075055ab586d012e6c0,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + } + else + { + return 0; + } +} +" +d859e0564b4a04bcbba0f0432448510315589bd0,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + return 0; +} +" +711baa2da84ff672b6bcd4bb46b9a536127303dc,"public int blackjack(int a, int b) +{ + if ( a >= 0 && b >= 0) + { + if ( a <= 21 && b <= 21) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + return 0; + } + else + { + return 0; + } +} +" +47144d933855e65152848c94d9909d8de9529c03,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + return a > b ? a : b; +} +" +4b41686312fbfb46e9c6fd95b8a6ce5ed2a5fb8a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + //return a > b ? a : b; +} +" +1754893d82c3db60b3f242991ea6cb257476c192,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + return a > b ? a : b; +} +" +b3366714ef402540db84b7501aa6af59d15caba7,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +8263e12f698977861aa9fa2757973cb0e5cac769,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +ef7db3411b4d8e82e3b9f232ddd04f8787ae3d16,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +5366edc4536b49fc5869f05c2d015a2ebd7b1a84,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +5f79f58ed1186fe02c50433989aa89e7ae38ce7c,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +53e844e3919bc1198894913985827e6906d27bae,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +a533599ffa0f11fc5cc91374961aee95446f580e,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +525b4736be5267225ad3378955181d6bdef36010,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +53089495af9132234ca25ed82af7d5cabd071d1d,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +8e768ae2ae3daf98d1ae128d0a02afbfd8b3e558,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +0b8bf5155c68770cf7348c17e2989d791730ff2b,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +dd8ef62c8c457f54c9efea3cc166cd52ee17d9bf,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0)) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +1d235ea5318439e05565011d87ed7cf3adccf1bb,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0)) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0)) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +4d985f954c2651e617e0c0abf0d43e0af5fb477e,"public int blackjack(int a, int b) +{ + if ((a >= 0 && b >= 0) && (a <= 21 && b <= 21)) + { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa > diffb) + { + return b; + + } + else + { + return a; + } + } + else if ((a >= 0 && b >= 0) && (a <= 21 && b > 21)) + { + return a; + } + else if ((a >= 0 && b >= 0) && (a > 21 && b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +5b2c87e646434ad89253079e2afd9ae7242f139b,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +f6ef776230e2a3d2ec900a03de52e72d56aac5f6,"public int blackjack(int a, int b) +{ + if(a<21 && b<21 ) + { + return 0; + } + else if(a>b) + { + return a; + } + else + { + return b; + } + +} +" +37b191e25a98eec92b65ade0e6540ff79383a047,"public int blackjack(int a, int b) +{ + if(a<21 && b<21 ) + { + return 0; + } + else if(a<=21 && a>b ) + { + return a; + } + else + { + return b; + } + +} +" +02a150bded63af0c48de5dd285b03a90f11358f8,"public int blackjack(int a, int b) +{ + if(a<21 && b<21 ) + { + return 0; + } + else if(a<21 && b<21 && a>b ) + { + return a; + } + else + { + return b; + } + +} +" +5682ce0b924ff621298c0cd867f7add27a88d44a,"public int blackjack(int a, int b) +{ + if(a<21 && b<21 ) + { + return 0; + } + else if(a<21 || b<21 && a>b ) + { + return a; + } + else + { + return b; + } + +} +" +4ba066f12bf540f9c233cbd2278b15c81db014f8,"public int blackjack(int a, int b) +{ + if(a<21 && b<21 ) + { + return 0; + } + else if(a<=21 || b<21 && a>b ) + { + return a; + } + else + { + return b; + } + +} +" +9f1ee2f5e33e42c9786a96e9ac4a9edb54686236,"public int blackjack(int a, int b) +{ + if(a>21 && b>21 ) + { + return 0; + } + else if(a<=21 || b<21 && a>b ) + { + return a; + } + else + { + return b; + } + +} +" +a546e8d4620142ad35b23d8ef6d52c44a8ddcfc7,"public int blackjack(int a, int b) +{ + if(a>21 && b>21 ) + { + return 0; + } + else if( a>b && a<=21 || b>21) + { + return a; + } + else + { + return b; + } + +} +" +6cb45d40535acaf0e624dbcee36e83f003e552fa,"public int blackjack(int a, int b) +{ + if(a>21 && b>21 ) + { + return 0; + } + else if( a>b && a<=21 ) + { + return a; + } + else + { + return b; + } + +} +" +e4732b9f4142f8b1183d65acf432336a1e0e1b5d,"public int blackjack(int a, int b) +{ + if(a>21 && b>21 ) + { + return 0; + } + else if( a>b && a<=21 && b>21 ) + { + return a; + } + else + { + return b; + } + +} +" +ac655ad1e484876278fe3e66b752904d5bc547a6,"public int blackjack(int a, int b) +{ + if(a>21 && b>21 ) + { + return 0; + } + else if( a>b && a<=21 || b>21 ) + { + return a; + } + else + { + return b; + } + +} +" +d492426912cf8307e384f42d57af208112e03bc7,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (21 - a < 21 - b) + { + return a; + } + else + { + return b; + } +} +" +3abb4744384cf9e117182a03b4ddbd2a8af36fce,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b>21) + { + return a; + } + else if (21 - a < 21 - b) + { + return a; + } + else + { + return b; + } +} +" +54d7d77daeccbc6bf7c9f9d69aa67dfb05cd6acf,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if (a > 21) + { + return b; + } + if ((a < b) && (b <= 21)) + { + return b; + } + else + { + return a; + +} +" +6ee36564a9567bff4f6ef9e58e18fc8abe51c9f3,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if (a > 21) + { + return b; + } + if ((a < b) && (b <= 21)) + { + return b; + } + else + { + return a; + } +} +" +a0557d8a54959bd2ee443314422f6eac0fffa52a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a < 21 && a > b ) + return a; + else if ( b < 21 && a < b ) + return b; +} +" +7d918ef2d053a6412d205634f8fdb1cd0293fe7d,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a < 21 && a > b ) + return a; + else if ( b < 21 && a < b ) + return b; + return 0; +} +" +38fe5049eca4710dfedacc0cd54d794a3b751012,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a <= 21 && a > b ) + return a; + else if ( b <= 21 && a < b ) + return b; + return 0; +} +" +29f2bc8e0e2e6042a949d04fe6a23cf9e0b550d2,"public int blackjack(int a, int b) +{ + a > 0; + b > 0; + if (a > 21 && b > 21) + return 0; + if (a < 21 && (21 - a < 21 - b)) + return a; + if (b < 21 && (21 - b < 21 - a)) + return b; +} +" +4b2ed15f573946ef5711184b5368d289d654884f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a <= 21 && a > b || a <= 21 && b > 21 ) + return a; + else if ( b <= 21 && a < b || b <= 21 && a> 21) + return b; + +} +" +0fafb5e9d068dd4e0841d3cec8c6964c9fd17f2a,"public int blackjack(int a, int b) +{ + + if (a > 21 && b > 21) + return 0; + if (a < 21 && (21 - a < 21 - b)) + return a; + if (b < 21 && (21 - b < 21 - a)) + return b; +} +" +51e5c5688a801c4413dfeda8f6cf6f00d535181a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a <= 21 && a > b || a <= 21 && b > 21 ) + return a; + else if ( b <= 21 && a < b || b <= 21 && a> 21) + return b; +return 0;// ??? +} +" +dcd4ffaf7102f64045ed3f5de5572468e04c50d3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + return b; + else + return a; +} +" +c6ba7f4bfd315720c771da34c599da78d6c92bc8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + else if (a > b) + return a; + else + return b +} +" +48e46f694a2140457284a6fc7128667a27287628,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + else if (a > b) + return a; + else + return b; +} +" +afc8cf3afc3923aecec9f2d50350b9c0381bd401,"public int blackjack(int a, int b) +{ + if (a=21 ||(a<21&&a>b)) + { + return a; + } + else if (b=21 || (b<21 && ab)) + { + return a; + } + else if (b=21 || (b<21 && ab)) + { + return a; + } + else if (b=21 || (b<21 && ab)) + { + return a; + } + else if (b==21 || (b<21 && a b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +ec4b0ca05ca6a90786ac1192c4c21bb986f48dbd,"public int blackjack(int a, int b) +{ + if ((a>21) || (b>21)) + return 0; + else if (21-a > 21-b) + return b; + else + return a; +} +" +93735bd5f28d368bc5423bdc1fecbebae60a20a3,"public int blackjack(int a, int b) +{ + if (a==21 || (a<21&&a>b) || (b>21&&a<21)) + { + return a; + } + else if (b==21 || (b<21 && a21&&a>21)) + { + return b; + } + else + return 0; +} +" +8312d57991ac44c70b8f8fb1c0c7e7e9015f8d48,"public int blackjack(int a, int b) +{ + if (a==21 || (a<21&&a>b) || (b>21&&a<21)) + { + return a; + } + else if (b==21 || (b<21 && a21)) + { + return b; + } + else + return 0; +} +" +96bb9a7922d38f70db7cff44aae2fdaf79a9001e,"public int blackjack(int a, int b) +{ + if ((a>21) && (b>21)) + return 0; + else if (21-a > 21-b) + return b; + else + return a; +} +" +8d6882ed961542f692776cc5556581a0448ed888,"public int blackjack(int a, int b) +{ + if (a > 21 && b <= 21) + { + return b; + } + else if ( b > 21 && a <= 21) + { + return a; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +a104e768b1df619b881e7f5f9aa3be0427eea16b,"public int blackjack(int a, int b) +{ + if ((a>21) && (b>21)) + return 0; + else if (mod(21-a) > mod(21-b)) + return b; + else + return a; +} +" +ea76b326091574896cc7f68067da8f3b52ca5fe4,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +a857bbccd53531f6075db189c8f261a8340c4563,"int diffA; +int diffB; +public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + + if (a= 0) + { + return a; + } + else if (b= 0) + { + return b; + } + else + { + return 0; + } +} +" +4b4e678ac9676e682b1383acb17d9b7bbc5643bd,"public int blackjack(int a, int b) +{ + +} +" +80a9115308a35a8700261dbaf11a4c6a671515f4,"int diffA; +int diffB; +public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + + if (diffA= 0) + { + return a; + } + else if (diffB= 0) + { + return b; + } + else + { + return 0; + } +} +" +0101843cfe49977a63646b2a5e0f98312ebf6634,"int diffA; +int diffB; +public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + + if (diffA >= 0 && diffB >= 0) + { + if (diffA= 0 || diffB >= 0) + { + if (diffA= 0 || diffB >= 0) + { + if (diffA= 0 || diffB >= 0) + { + if (diffA= 0 || diffB >= 0) + { + if (diffA= 0 || diffB >= 0) + { + if (diffA= 0 || diffB >= 0) + { + if (diffA 0 && b > 0) + { + if ( 21 - a > 21 - b) + { + return a; + } + else if ( 21 - b > 21 - a) + { + return b; + } + } + else + { + return 0; + } + + +} +" +6a8ce023532922df2c7309660de9aeda2e33d3de,"public int blackjack(int a, int b) +{ + if ( a > 0 && b > 0) + { + if ( 21 - a > 21 - b) + { + return a; + } + else if ( 21 - b > 21 - a) + { + return b; + } + } + else if ( a < 0 || b < 0) + { + return 0; + } + + +} +" +2f136846fcc78f68fbbcbcf9f19cc606398f2069,"public int blackjack(int a, int b) +{ + if ( a > 0 && b > 0) + { + if ( 21 - a < 21 - b) + { + return a; + } + else if ( 21 - b < 21 - a) + { + return b; + } + } + else if ( a < 0 || b < 0) + { + return 0; + } + + +} +" +8680736e6f38948817e1dfde957ba6071800a293,"public int blackjack(int a, int b) +{ + if ( a > 0 && b > 0) + { + if ( 21 - a <= 21 - b) + { + return a; + } + else if ( 21 - b <= 21 - a) + { + return b; + } + } + else if ( a <= 0 || b <= 0) + { + return 0; + } + + +} +" +5b39bc5b281a24c35d0c24862014253c2dcbd8c9,"int maxNum; +public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + maxNum = Math.max(a, b); + return maxNum; + } + else if (a <= 21 && b > 21) + { + return a; + } + else if (b <= 21 && a > 21) + { + return b; + } + else + { + return 0; + } +} +" +597f81b7f0bd19608f2b50418ab300391584d6c8,"public int blackjack(int a, int b) +{ + if ( 21 - a <= 21 - b) + { + return a; + } + else if ( 21 - b <= 21 - a) + { + return b; + } + + + + +} +" +e5df9b09b94a037d98b1ca0e99e33e212d9a54f8,"public int blackjack(int a, int b) +{ + int bb = 0; + if (a < 21 && b< 21) + { + if (a>b) + bb = a; + } + else if (a < 21 && b > 21) + { + bb =a; + } + else if (a >21 && b< 21) + { + bb= b; + } + else if (a >21 && b>21) + { + bb =0; + } + return bb; +} +" +9a8af2ee15b8f54cca75267a18eba2257a35d0d9,"public int blackjack(int a, int b) +{ + int bb = 0; + if (a <= 21 && b<= 21) + { + if (a>b) + bb = a; + } + else if (a < =21 && b > 21) + { + bb =a; + } + else if (a >21 && b<= 21) + { + bb= b; + } + else if (a >21 && b>21) + { + bb =0; + } + return bb; +} +" +ec96080fa834797c2c36117d979b8467614068d4,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +a580826dc5cd5121aa8524e4898a261e9a7d4ec2,"public int blackjack(int a, int b) +{ + int bb = 0; + if (a <= 21 && b<= 21) + { + if (a>b) + bb = a; + } + else if (a <= 21 && b > 21) + { + bb =a; + } + else if (a >21 && b<= 21) + { + bb= b; + } + else if (a >21 && b>21) + { + bb =0; + } + return bb; +} +" +6d6d8740a1da029b138a2c85e1817a90394eb27b,"public int blackjack(int a, int b) +{ + int bb = 0; + if (a <= 21 && b<= 21) + { + if (a>b) + bb = a; + else + bb = b; + } + else if (a <= 21 && b > 21) + { + bb =a; + } + else if (a >21 && b<= 21) + { + bb= b; + } + else if (a >21 && b>21) + { + bb =0; + } + return bb; +} +" +4dee8279d30b9c9c8bc0c4e8c1e640d0919a23ee,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a>21) + return b; + else if (b>21) + return a; + +} +" +f7c496e49794b3260ba683af16b4ce7618e73a9f,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a>21) + return b; + else if (b>21) + return a; + else + return 0; + +} +" +d59d7112ecea98374df398326058641e98af59c6,"public int blackjack(int a, int b) +{ + if (a>=21 && b>=21) + return 0; + else if (a>=21) + return b; + else if (b>=21) + return a; + else + return 0; + +} +" +57286a99a79247080c08ae335d6e878a5ec6b83e,"public int blackjack(int a, int b) +{ + if (a>=21 && b>=21) + return 0; + else if (a>21) + return b; + else if (b>21) + return a; + else + return 0; + +} +" +dc19cdd3767750bd66c8702f04c453327e6bdbcf,"public int blackjack(int a, int b) +{ + if (a>=21 && b>=21) + return 0; + else if (a>21) + return b; + else if (b>21) + return a; + else if (a>b) + return a; + else + return b; + +} +" +8900169fd827bc39d92a771b574e03d7d3542a72,"public int blackjack(int a, int b) +{ + if int < 21 + { + return a || b; + } + else + { + return 0; + } + +} +" +f39b46d3e54b4c6cb77945e3b64d0e666724e777,"public int blackjack(int a, int b) +{ + if (int < 21) + { + return a || b; + } + else + { + return 0; + } + +} +" +8bbea7ab563e0dc8028aa9b28ef8cf401dba6cfa,"public int blackjack(int a, int b) +{ + if (a < 21 || b < 21) + { + return a || b; + } + else + { + return 0; + } + +} +" +4c5ec8406c8a66cac99963b4c3d3162dd756913c,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if ((a > 21) && (b < 21)) + return b; + else if ((a < 21) > (b < 21)) + return a; + else if ((a < 21) < (b < 21)) + return b; + else + return b; +} +" +59ec7fa8dcc15e9a8606cf50d92cccace0a5b56a,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if ((a > 21) && (b < 21)) + return b; + else if ((a < 21) >> (b < 21)) + return a; + else if ((a < 21) << (b < 21)) + return b; + else + return b; +} +" +4bf855abd22e8c8393fa940f9a34c42f2a8030d1,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if ((a > 21) && (b < 21)) + return b; + else if ((a < 21) >> (b < 21)) + if (a < b) + return a; + else + return b: + else + return b; +} +" +2f5f47f877343bbca7515bbd1de18f7fa118f210,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if ((a > 21) && (b < 21)) + return b; + else if ((a < 21) >> (b < 21)) + {if (a < b) + return a; + else + return b: + } + else + return a; +} +" +34d5f84bbe37511a6c34578453a8d9fdb454f8b7,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if ((a > 21) && (b < 21)) + return b; + else if ((a < 21) >> (b < 21)) + {if (a < b) + return a; + else + return b; + } + else + return a; +} +" +fceed2d022df0b4cc0ee096d914c6c1f6cd335d5,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if ((a > 21) && (b < 21)) + return b; + else if ((a < 21) && (b < 21)) + {if (a < b) + return a; + else + return b; + } + else + return a; +} +" +50b46e206d2db4c0ddb499aeb2c522f855ce2ad5,"public int blackjack(int a, int b) +{ + if (a > 21 && b < 21) + { + return 0; + } + if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +0acdbea3f4dd1cc3168530d0cf7b4b63e92b04b8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +93c05d4112323abeaccb377925286eb932a97abe,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > b && a <= 21) + { + return a; + } + else if (a < b && b <= 21) + { + return b; + } +} +" +78647ee9483346e53188a8d736280295196984a3,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +efebaf7ca10fcc6692242a5f3e43e67a5b4d4bcf,"public int blackjack(int a, int b) +{ + if (21-a < 0 && 21-b < 0) { + return 0; + } + else if (21-a <0 && 21-b>0) { + return b; + } + else if (21-b <0 && 21-a > 0) { + return a; + } + else if (21-a < 21-b) { + return a; + } + else { + return b; + } +} +" +a233d6faf8e808e9b672dab82580a18a18f47ae8,"public int blackjack(int a, int b) +{ + if ( 21 - a <= 21 - b) + { + return a; + } + else if ( 21 - b <= 21 - a) + { + return b; + } + else if ( a > 21 %% b > 21) + { + return 0; + } + + + + +} +" +b6ca8f5b48f6381245f94a8fb17b2f93d75123af,"public int blackjack(int a, int b) +{ + if (a % == 0 && b % == 0) + return 0; + else if (a % < b %) + return a; + else + return b; +} +" +dce59ffb3ddc59cde56454da022f6cc28de45178,"public int blackjack(int a, int b) +{ + if (21 % a == 0 && 21 % b == 0) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +aa67d490cde4ba0723dfce81ea4260cb71b0fde7,"public int blackjack(int a, int b) +{ + if (21 % a < 0 && 21 % b < 0) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +1eeaf6f01d384fb24017e7b11291b99aef442bba,"public int blackjack(int a, int b) +{ + if ((a || b) > 21) + { + return 0; + } + if (a > b) + { + return a; + } + return b; +} +" +6163b6bd811f84499a813f51d775dcd725b4c46d,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + return b; +} +" +c8400111f35fa5338ef54bcd0d58690d29bf6a4f,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if ((21 - a) > (21 - b)) + return a; + if ((21 - b) > (21 - a)) + return b; + } + return 0; +} +" +0adc6927cfc6002605232d6d22f4710ab0c16073,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (((21 - a) > (21 - b)) && (a <= 21)) + return a; + if (((21 - b) > (21 - a)) && (b <= 21)) + return b; + } + return 0; +} +" +0802e8374322396cf86ea074297db4dd3dd64763,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21 && a > 0 && b > 0) + if (a < b) + return b; + if (b < a) + return a; + return 0; +} +" +a581b14785f0f2b90dfeaae2ddb67849d2dd950a,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + return 0; + else if ( a > 21) + return b; + else if ( b > 21) + return a; + else if ((21 - a) > (21 - b)) + return a; + else + return b; +} +" +729a524469de0f47fa8e6f4a51f5f660111bd594,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + return 0; + else if ( a > 21) + return b; + else if ( b > 21) + return a; + else if ((21 - a) > (21 - b)) + return b; + else + return a; +} +" +26d22baa1ee8fd588b6976e3b34343d96c70a65b,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + if (a < b) + return b; + if (b < a) + return a; + return 0; +} +" +b2cf09ca7bb5203a585a56d4d99f008784ee7307,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + if (a < b) + return b; + else if (b < a) + return a; + return 0; +} +" +1d66648d3354cdc10b41ec1279cafb6aac1ff815,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + if (a < b) + return b; + else if (b < a) + return a; + if (a > 21 && b <= 21) + return b; + if (b > 21 && a <= 21) + return a; + return 0; +} +" +6a95370e23e1577b20eadb61396b6851cd2051ae,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if (a > b) + { + return a; + } + if (b > a) + { + return b; + } + +} +" +2097be864858549e8ac8fecc79ff93f5d67db5e0,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if (a > b) + { + return a; + } + if (b > a) + { + return b; + } +} +" +8dd6e586878da8b2a0d61b44150216c9a4889410,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + if (b > a) + { + return b; + } +} +" +4e65ee71c60f19890229de93d517583b65b59498,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + if (b > a) + { + return b; + } + return Math.max(a, b); +} +" +5159a5d61372dc4ae677e19b6347b5f1a7b5c7f9,"public int blackjack(int a, int b) +{ + if (Math.abs(21 - a) < (Math.abs(21 - b))) + { + return a + } + esle if (Math.abs(21 - a) > (Math.abs(21 - b))) + { + return b + } + else + { + return 0 + } + +} +" +0d5f8c2c982075ddc72ce5b8c0424fd20acc40c1,"public int blackjack(int a, int b) +{ + if (Math.abs(21 - a) < (Math.abs(21 - b))) + { + return a; + } + esle if (Math.abs(21 - a) > (Math.abs(21 - b))) + { + return b; + } + else + { + return 0; + } + +} +" +4b6fd51d084e4f641cb11ced62211a5045141d77,"public int blackjack(int a, int b) +{ + if (Math.abs(21 - a) < (Math.abs(21 - b))) + { + return a; + } + else if (Math.abs(21 - a) > (Math.abs(21 - b))) + { + return b; + } + else + { + return 0; + } + +} +" +a2ba26140f2b031ec71e1395892feaec45322253,"public int blackjack(int a, int b) +{ + if (a =< 21) + { + if (a > b && b !> 21) + { + return a; + } + else if (a < b && b !> 21) + } +} +" +da089fd369aeab4870ce6e7822f0256a738ff728,"public int blackjack(int a, int b) +{ + if (a <= 21) + { + if (a > b && b !> 21) + { + return a; + } + else if (a < b && b !> 21) + { + } +} +" +1eeb7f66f7613e6c250fa360413e6574321b07af,"public int blackjack(int a, int b) +{ + if (a <= 21) + { + if (a > b && b < 22) + { + return a; + } + else if (a < b && b < 22) + { + return b; + } + } + else if (b <= 21) + { + return b; + } +} +" +c24017a6180877bdc18780490f42042589c4d633,"public int blackjack(int a, int b) +{ + if(a > 21) + if(b > 21) + return 0; + else + return b; + else if(a < b && b <= 21) + return b; + return a; +} +" +ad649e9bdc2da551bddcadde8bf67f73f9f02b17,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + return Math.max(a,b); +} + +" +b71b0a3f47b7d5d433f45b4a674ace5348b32714,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; +return a; +} +" +fddfb60173adca09d24ca3b175b446f1d100444d,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a + b <= 21) + { + return sum; + } + + if(a + b > 21) + { + return 0; + } + } +} +" +75f0f2d4570fa5ce38885a86e9542061452575b6,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a + b <= 21) + { + return (a + b); + } + + if(a + b > 21) + { + return 0; + } + } +} +" +019af5c004a125a2cf676adb3afcc4b6e807ac4e,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a + b <= 21) + { + return (a + b); + } + + if(a + b > 21) + { + return 0; + } + } + + return false; +} +" +ede0b10c4c043a1ef29f776c0cce585f2151b5a1,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a + b <= 21) + { + return (a + b); + } + + if(a + b > 21) + { + return 0; + } + } + + return 0; +} +" +e786d465d47298530dffc91f39fc798c2b84206d,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + + if(a >= b && a <= 21) + { + return a; + } + + if(b >= a && b <= 21) + { + return b; + } + + if(a > 21 && b > 21) + { + return 0; + } + } + + return 0; +} +" +ee57365ad708bb96cfa68d40266f7140de48399c,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a < 21 && b < 21) + { + if(a >= b) + { + return a; + } + + if(b >= a) + { + return b; + } + } + + if(a >= 22 && b >= 22) + { + return 0; + } + } + + return 0; +} +" +875cbd53c5daf1d1ad9f37fbd0ed8ecfb5bfc64e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a % 21 > b % 21) + { + return a; + } + else + { + return b; + } + +} +" +e02f20c9e935f7abec63440a83e9db2ecfe75839,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a <= 21 && b <= 21) + { + if(a >= b) + { + return a; + } + + if(b >= a) + { + return b; + } + } + + if(a >= 22 && b >= 22) + { + return 0; + } + } + + return 0; +} +" +69a42ed18c29b1f3caa85dcd44a4c582bc845303,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a <= 21 || b <= 21) + { + if(a >= b) + { + return a; + } + + if(b >= a) + { + return b; + } + } + + if(a >= 22 && b >= 22) + { + return 0; + } + } + + return 0; +} +" +eaefa8453e95b74977d381dbb52909ff6307c857,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a <= 21 || b <= 21) + { + if(a >= b && a <= 21) + { + return a; + } + + if(b >= a && b <= 21) + { + return b; + } + } + + if(a >= 22 && b >= 22) + { + return 0; + } + } + + return 0; +} +" +5fd97f82d90733ad070fec88951546b12439ab97,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a % 21 > b % 21) + { + return a; + } + else + { + return b; + } + +} +" +3634d0a82a44f9380ed8e5217c44dbe7c9a894d6,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a % 22 > b % 22) + { + return a; + } + else + { + return b; + } + +} +" +4eb1802320505e7860ff60f81521aaf232d535d3,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + return 0; + if(a>21) + return b; + if(b > 21) + return a; + if((21-a)<=(21-b)) + return a; + if((21-a)>=(21-b)) + return b; + else + return 0; + +} +" +6288bef98c06aff9cd18bf042b32a468c705a184,"public int blackjack(int a, int b) +{ + else + { + if(a>b) + { + if(a > 21) + { + return 0; + } + return a; + } + if(a21) + { + return 0; + } + return b; + } + } +return 0; +} +" +aa551cca4a84e1a26040f2643f4be905c9d290e6,"public int blackjack(int a, int b) +{ + + + if(a>b) + { + if(a > 21) + { + return 0; + } + return a; + } + if(a21) + { + return 0; + } + return b; + + } +return 0; +} +" +35a713e9bff4a91150bf13bfb669df60693962c8,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + return 0; + } + if (a < b && b <= 21) + return b; + return a; +} +" +d8f7f53e2c5f408ae78765768830124559bca5b1,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +80982c02085f8bdd622a6a6dae9f20edff0ef5e9,"public int blackjack(int a, int b) +{ + if(a > b) + { + if(a > 21) + { + if(b < 21) + {return b;} + else + {return 0;} + } + return a; + } + if(a21) + { + if(a<21) + { + return a; + } + else + {return 0;} + } + return b; + + } +return 0; +} +" +e059bfb3a4531fba53e43baa86a998629055d98b,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + if (a > b) + return a; + else + return b; +} +" +752b686deaccf718b8d5fd85ade143d9a5065e29,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21 && a > b) + return a; + else if (a <= 21 && b <= 21 && a < b) + return b; + else if (a <= 21) + return a; + else if (b <= 21) + return b; + else + return 0; +} +" +7d3d813906291b413a382a181cf0787791821259,"public int blackjack(int a, int b) +{ + for (a = 0; a < 21; a++;) + { + return a; + } + for (b = 0; b < 21; b++;) + { + return b; + } + return 0; +} +" +8d3f920b775dc29a4abea06d5e0c76979a61c747,"public int blackjack(int a, int b) +{ + if (a <= 21 && a > b) + { + return a; + } + else if (b<=21 && b>a) + { + return b; + } + else + { + return 0; + } +} +" +a7d600e93efb85d69eb7a00da766ee4f7139f66c,"public int blackjack(int a, int b) +{ + if (a <= 21 && a > b && b < 21) + { + return a; + } + else if (b <= 21 && b>a && a < 21) + { + return b; + } + else + { + return 0; + } +} +" +7413281486015211ded2a07170ef35449c652227,"public int blackjack(int a, int b) +{ + if (a <= 21 && b < 21 && a > b) + { + return a; + } + else if (b <= 21 && b>a && a < 21) + { + return b; + } + else + { + return 0; + } +} +" +bc2b0d02a1afe3084ca05e7d1738481a084276b8,"public int blackjack(int a, int b) +{ + int result = 0; + if (a >= 21 && b >= 21) { + result = 0; + } + else if (a == 21) { + result = a; + } + else if (b == 21) { + result = b; + } + + else if (a < 21 && b < 21) { + while (a < 21 && b < 21) { + int ab = a; + int bb = b; + ab = a + 1; + bb = b + 1; + if (ab == 21) { + result = a; + } + else { + result = b; + } + } + } + else if (a > 21 && b <= 21) { + result = b; + } + else { + result = a; + } + return result; +} +" +3d908f26297c4d32f422f1ad773f523d308b3c5f,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +ec6c692ab011efe63d49de75f05d98a6bb46be42,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + return 0; + } else if (a > 21) + { + return b; + } else if (b > 21) + { + return a; + } + } +} +" +904586d6a48968689816874dedc6339c25e987fd,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + return ""0""; + } else if (a > 21) + { + return b; + } else if (b > 21) + { + return a; + } + } +} +" +b4b7e0003174b21500744f035d36819abd399d6f,"public int blackjack(int a, int b) +{ + if (Math.abs(21 - a) < (Math.abs(21 - b)) && a < 21) + { + return a; + } + else if (Math.abs(21 - a) > (Math.abs(21 - b)) && b< 21) + { + return b; + } + else + { + return 0; + } + +} +" +7bf690ab0b0aeeef74372ffbdc5bd9c6763691fb,"public int blackjack(int a, int b) +{ + int bust = 0; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + return bust; + } else if (a > 21) + { + return b; + } else if (b > 21) + { + return a; + } else if (a > b) + { + return a; + } else if (b > a) + { + return b; + } + } +} +" +79c400ee8222fb6d1d7b1531cd6b530ece9e291d,"public int blackjack(int a, int b) +{ + if (Math.abs(21 - a) < (Math.abs(21 - b)) && a < 21) + { + return a; + } + else if (Math.abs(21 - a) > (Math.abs(21 - b)) && b < 21) + { + return b; + } + else + { + return 0; + } + +} +" +adb6e46ed527fb5c55acf1aad5e70e4747f830d4,"public int blackjack(int a, int b) +{ + if (Math.abs(21 - a) < (Math.abs(21 - b)) && a < 21) + { + return a; + } + else + { + return 0; + } + if (Math.abs(21 - a) > (Math.abs(21 - b)) && b < 21) + { + return b; + } + else + { + return 0; + } + return 0; + +} +" +f9cddc78101641b2752bffac09d4948cafb4035f,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; + +} +" +3bb68ae21fcd21f3a8770b12733f63edcbaee712,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a <= 21 && a > b) + { + return a; + } + if (b <= 21 && b > a) + { + return b; + } +} +" +b95d27c0a8d8c37b63d5f361469014a7971d69fe,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + else + { + return b; + } +} +" +786b5dc3e6d252354f68394f773169fa7eac5372,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + else if (b <= 21 && b > a) + { + return b; + } + else + { + return 0; + } +} +" +2fca6215c9c9afb58d28887169dfe435558d7825,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b) + { + return a; + } + else if (b <= 21 && b > a) + { + return b; + } + else if (b <= 21 && a > 21) + { + return b; + } + else + { + return a; + } +} +" +d387db05d11232e9a3a98e70fe8a27eeaf7160d6,"public int blackjack(int a, int b) +{ + int bust = 0; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + return bust; + } else if (a > 21) + { + return b; + } else if (b > 21) + { + return a; + } else if (a > b) + { + return a; + } else if (b > a) + { + return b; + } + } +} return blackjack; +" +3d29c9d65e49cf8e32c23ca24624abf8e6ea13f5,"public int blackjack(int a, int b) +{ + int bust = 0; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + return bust; + } else if (a > 21) + { + return b; + } else if (b > 21) + { + return a; + } else if (a > b) + { + return a; + } else if (b > a) + { + return b; + } + } +} +return blackjack;" +789f90950208aca8ac9763e28fc7e84d39015555,"public int blackjack(int a, int b) +{ + int bust = 0; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + blackjack = bust; + } else if (a > 21) + { + blackjack = b; + } else if (b > 21) + { + blackjack = a; + } else if (a > b) + { + blackjack = a; + } else if (b > a) + { + blackjack = b; + } + } +} +return blackjack;" +1ae92974b79f6d0ec61de228c18076e8b3cee358,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b) && (21-a) > 0) + { + return a; + } + else if((21-a) < (21-b) && (21-b) > 0) + { + return b; + } + else if((21-a) && (21-b) < 0) + return 0; + return 0; +} +" +516243e3bf1d3057766e5949e83803ede46ad324,"public int blackjack(int a, int b) +{ + int bust = 0; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + blackjack = bust; + } else if (a > 21) + { + blackjack = b; + } else if (b > 21) + { + blackjack = a; + } else if (a > b) + { + blackjack = a; + } else if (b > a) + { + blackjack = b; + } + } + return blackjack; +}" +14c7e149ee6cb5b7793d8ba943eb8f0497fa9a5f,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b) && (21-a) > 0) + { + return a; + } + else if((21-a) < (21-b) && (21-b) > 0) + { + return b; + } + else if((21-a) < 0 && (21-b) < 0) + return 0; + return 0; +} +" +86d3fd0706160a1aa386bf58db6b444bc9a2b2e5,"public int blackjack(int a, int b) +{ + int score; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + score = 0 + } else if (a > 21) + { + score = b; + } else if (b > 21) + { + score = a; + } else if (a > b) + { + score = a; + } else if (b > a) + { + score = b; + } + } + return score; +}" +6b32b858adc36d3711daee271aab9ac03bea8639,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b) && (21-a) > 0) + { + return a; + } + else if((21-b) < (21-a) && (21-b) > 0) + { + return b; + } + else if((21-a) < 0 && (21-b) < 0) + return 0; + return 0; +} +" +8908418d74089c3e1a48997e5fa07e836cf791b9,"public int blackjack(int a, int b) +{ + int score; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + score = 0; + } else if (a > 21) + { + score = b; + } else if (b > 21) + { + score = a; + } else if (a > b) + { + score = a; + } else if (b > a) + { + score = b; + } + } + return score; +}" +2ab95691a52f729584dd2672370723613c42b704,"public int blackjack(int a, int b) +{ + int score = 0; + if (a > 0 && b > 0) + { + if (a > 21 && b > 21) + { + score = 0; + } else if (a > 21) + { + score = b; + } else if (b > 21) + { + score = a; + } else if (a > b) + { + score = a; + } else if (b > a) + { + score = b; + } + } + return score; +}" +ed64460a0a969128b807ff649bae3f99d051f989,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b) && a <= 21) + { + return a; + } + else if((21-b) < (21-a) && b <= 21) + { + return b; + } + else if((21-a) < 0 && (21-b) < 0) + return 0; + return 0; +} +" +3b76fea7237a101a668d320a20d16b586a48161d,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b) && a <= 21) + { + return a; + } + else if((21-b) < (21-a) && b <= 21) + { + return b; + } + else if(a > 21 && b > 21) + return 0; +} +" +6fa1b4c8cb164814d24d533a4006171a71a0d7c8,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b) && a <= 21) + { + return a; + } + else if((21-b) < (21-a) && b <= 21) + { + return b; + } + else if(a > 21 && b > 21) + return 0; + return 0; +} +" +e7ab817f43c5c634490bdf3d42d97c10d392be7a,"public int blackjack(int a, int b) +{ + if(a <= 21 && b <= 21 && (21-a) < (21-b)) + { + return a; + } + else if(a <= 21 && b <= 21 && (21-b) < (21-a)) + { + return b; + } + else if(a > 21 && b > 21) + return 0; + return 0; +} +" +79e2f2adfb5960362b731110999e286e4612e255,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } + } +} +" +377f92d5854b9262e187fddeae87114db32f8ed9,"public int blackjack(int a, int b) +{ + if((21-a) < (21-b)) + { + if(a <= 21) + { + return a; + } + } + else if((21-b) < (21-a)) + { + if(b <= 21) + { + return b; + } + } + else if(a > 21 && b > 21) + return 0; + + return 0; +} +" +0ea92807a7a671588c4e62bc9fa3609ec0a9e957,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + return a; + } + else + { + return b; + } + +} +" +4f451114f6e2a1fbb2ffce931e55802174cbfc82,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + return a; + } + else + { + return b; + } + +} +" +193b6b44da29c4b099e20b32f9c7f7e18b238b64,"public int blackjack(int a, int b) +{ + if(a <= 21 && b <= 21) + { + if((21-a) < (21-b)) + { + return a; + } + else if((21-b) < (21-a)) + { + return b; + } + } + else if(a <= 21 && b > 21) + { + return a; + } + else if(b <= 21 && a > 21) + { + return b; + } + else + return 0; +} + +" +fa697ad6027f5f750b5536d8890e8ce97f103394,"public int blackjack(int a, int b) +{ + if(a <= 21 && b <= 21) + { + if((21-a) < (21-b)) + { + return a; + } + else if((21-b) < (21-a)) + { + return b; + } + } + else if(a <= 21 && b > 21) + { + return a; + } + else if(b <= 21 && a > 21) + { + return b; + } + else + return 0; + return 0; +} + +" +85b97d94da8062fba4a16115dd2aa3ee7820578a,"public int blackjack(int a, int b) +{ + if ((a < 21) && (b < 21)) + a > b ? a : b; + else if (a > 21) + return b; + else if (b > 21) + return a; + return 0; +} +" +b7000a0caabab7bed0980a407d45982a4e6da87c,"public int blackjack(int a, int b) +{ + if ((a < 21) && (b < 21)) + return a > b ? a : b; + else if (a > 21) + return b; + else if (b > 21) + return a; + return 0; +} +" +1a07ad7815ecc631ae139da452441b1be9e3d3be,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + return a > b ? a : b; +} +" +424c9dc31dea295ace8654bb31474b894bdb269c,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if ((a < 21) && (a > b)) + { + return a; + } + else + { + return b; + } +} +" +e3edf83aae765a19447d39bb6eb623e16dcea3e5,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if ((a <= 21) && (a > b)) + { + return a; + } + else if ((b <= 21) && (b > a)) + { + return b; + } +} +" +e988adf3e8512468165ebd1e8ef8ba0bc665776c,"public int blackjack(int a, int b) + +{ + + if ( a > 21 && b > 21) + return 0; + else if (21 - a > 21 - b) + return b; + else + return a; + + + + + +} +" +b9f588b0b63943fccbc2f6152765e2bfff891263,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) // both over + { + return 0; + } + else if (a > 22) // only a over + { + return b; + } + else if (b > 22) // only b over + { + return a; + } + else if ((a - b) > 0) + { + return a; + } + else + { + return b; + } +} +" +81530944e5f8656ad4ac61906f874518727381c2,"public int blackjack(int a, int b) + +{ + + if ( a > 21 && b > 21) + return 0; + else if ( a > 21) + return b; + else if ( b> 21) + return a; + else if (21 - a > 21 - b) + return b; + else + return a; + + + + + +} +" +29040600bedc5939662b37a8c41aeb9b9e4230b9,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) // both over + { + return 0; + } + else if (a > 21) // only a over + { + return b; + } + else if (b > 21) // only b over + { + return a; + } + else if ((a - b) > 0) // a is greater + { + return a; + } + else + { + return b; + } +} +" +d6393f1e9aad15e8434d57354f0a27661b943b52,"public int blackjack(int a, int b) +{ + if (((a <= 21) && (a > b)) || ((a <= 21) && (b > 21)) + { + return a; + } + else if (((b <= 21) && (b > a)) || ((b <= 21) && (a > 21)) + { + return b; + } + else + { + return 0; + } +} +" +6ff18267f3fb97c11a41c13c01787acfe215f192,"public int blackjack(int a, int b) +{ + if (((a <= 21) && (a > b)) || ((a <= 21) && (b > 21))) + { + return a; + } + else if (((b <= 21) && (b > a)) || ((b <= 21) && (a > 21))) + { + return b; + } + else + { + return 0; + } +} +" +123c595e541669ea0624942f63bbb0c3dc5db7e7,"public int blackjack(int a, int b) +{ + if (a <= 21 && a > b) + { + return a; + } + else if (b <= 21 && b>a) + { + return b; + } + else + { + return 0; + } +} +" +17df3890af5b9f5c61f88beee2f8596d0e6b4cfd,"public int blackjack(int a, int b) +{ + if (a <= 21 && (a > b || b > 21)) + { + return a; + } + else if (b <= 21 && (b>a || a > 21)) + { + return b; + } + else + { + return 0; + } +} +" +8d55996c828d936fa064ed10bc336cc4bd60e4ef,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +f31330f56c18e1f1b8fca287085661999fcfd64e,"public int blackjack(int a, int b) +{ + if (a > 21) { + if (b > 21) { + return 0; + } + return b; + } + if (a < b && b <= 21) { + return b; + } + else + return a; +} +" +bb116508d6a878ceb22b9efa90b78f7acb90553a,"public int blackjack(int a, int b) +{ + if (21-a < 21-b) + { + return a; + } + else if (21-b < 21-a) + { + return b; + } + else if(a>2 1& &b>21) + { + return 0; + } +} +" +92ffac000b69248107edd49586c8d8f6e743c2a9,"public int blackjack(int a, int b) +{ + if (21-a < 21-b) + { + return a; + } + else if (21-b < 21-a) + { + return b; + } + else if (a>2 1& &b>21) + { + return 0; + } +} +" +6444fe5c63490a6edc78a30defd25b4c0c44d901,"public int blackjack(int a, int b) +{ + if (21-a < 21-b) + { + return a; + } + else if (21-b < 21-a) + { + return b; + } + else if (a>2 1 && b>21) + { + return 0; + } +} +" +691bade8edec95c7b0708117ab17292891863d97,"public int blackjack(int a, int b) +{ + int returnValue = 0; + if (21-a < 21-b) + { + returnValue = a; + } + else if (21-b < 21-a) + { + returnValue = b; + } + else if (a>2 1 && b>21) + { + returnValue = 0; + } + return returnValue; +} +" +5abe62ebbb579c1a5e8c191305ec15a8635273b3,"public int blackjack(int a, int b) +{ + int returnValue = 0; + if (21-a < 21-b) + { + returnValue = a; + } + else if (21-b < 21-a) + { + returnValue = b; + } + else if (a>21 && b>21) + { + returnValue = 0; + } + return returnValue; +} +" +396fb6e8d455f18438eb462a64125d83bb5cd121,"public int blackjack(int a, int b) +{ + int returnValue = 0; + if (a<21 && b<21) + { + if (21-a < 21-b) + { + returnValue = a; + } + else if (21-b < 21-a) + { + returnValue = b; + } + else if (a>21 && b>21) + { + returnValue = 0; + } + return returnValue; + } + else + { + returnValue = 0; + } + return returnValue; +} +" +fb8c70017b4b08d837fe03eecf7fa1868d87672f,"public int blackjack(int a, int b) +{ + int returnValue = 0; + if (a<21 && b<21) + { + if (21-a < 21-b) + { + returnValue = a; + } + else if (21-b < 21-a) + { + returnValue = b; + } + + return returnValue; + } + else + { + returnValue = 0; + } + return returnValue; +} +" +cb2a086cdab806935ee5d710ae49c7146fa17840,"public int blackjack(int a, int b) +{ + int returnValue = 0; + if (a<=21 || b<=21) + { + if (21-a < 21-b) + { + returnValue = a; + } + else if (21-b < 21-a) + { + returnValue = b; + } + + return returnValue; + } + else + { + returnValue = 0; + } + return returnValue; +} +" +90f54895e39a87f37aa1de799af653e107621a28,"public int blackjack(int a, int b) +{ + int returnValue = 0; + if (a<=21 || b<=21) + { + if (b>21) + returnValue = a; + else if (a>21) + { + returnValue = b; + } + + if (21-a < 21-b) + { + returnValue = a; + } + else if (21-b < 21-a) + { + returnValue = b; + } + return returnValue; + } + else + { + returnValue = 0; + } + return returnValue; +} +" +6a5150ebe8cf84821961c7ff8f3d3c65cf5206c7,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > 21) + { + return b; + } + if (b > 21) + { + return a; + } + +} +" +c08ed90829696ab29d0954beaf7e59261c17db1a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <=21 && a > b || b > 21) + { + return a; + } + return b; +} +" +6d801e4083ade514a00c256d50c64ad5f58c3b2d,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (diffA > diffB) + { + return b; + } + else + { + return a; + } +} +" +489fba883276774fc325c4552e86ded622b4e942,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) //when a is greater than 21 and b is less than 21 + { + return 0; + } + if (a > 21) //when a is greater than 21 give the value of b + { + return b; + } + if ((a < b) && (b <= 21)) //when a is less than b and b is less than or equal to 21, give b's value + { + return b; + } + else + { + return a; //if none of these, return value of a + } +} +" +301a76f663688b8986ddc828e46c09549feb4c32,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - a; + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return a; + else if (diffA > diffB) + return b; + +} +" +af01eb78da0991174b62794e196202412e4476ad,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - a; + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return a; + else + return b; + +} +" +87e687206ad88c9132a7f9574d986a786c0c8f81,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - a; + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return b + else + return a + +} +" +0d23aad7d6357f0b7bb1134cc90aa0d54a0fcabd,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - a; + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return b; + else + return a; + +} +" +605c3fef469eae4a7208e4b92986c0399421035d,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return b; + else + return a; + +} +" +8f4a3a0e586c1699db87940f943ae7b14988759a,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return b; + else + return a; + +} +" +3b7d3fe80808d68fedcb7412051d1d6c0e15d6fd,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + + if ((diffA < 0) && (diffB <0)) + return 0; + else if (diffA < 0) + return b; + else if (diffB < 0) + return a; + else if (diffB > diffA) + return a; + else + return b; + +} +" +b77a7de34ee3f186cae9194c0c0ad68856dd7009,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +26cbd33accb49cc69db772860eee206f64de73d1,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } +} +" +fd30908474133a663a79f1d194e1f42eab0d56f5,"public int blackjack(int a, int b) +{ + if(a > 0 && b > 0) + { + if(a <= 21 || b <= 21) + { + if(a <= 21) + { + if(a >= b) + { + return a; + } + + else if(a <= b && b >= 22) + { + return a; + } + } + + if(b <= 21) + { + if(b >= a) + { + return b; + } + + else if(b <= a && a >= 22) + { + return b; + } + } + } + + if(a >= 22 && b >= 22) + { + return 0; + } + } + + return 0; +} +" +3631ad742b3c4324dd157de76daa30c001a986da,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + return Math.max(a,b); +} +" +3903c178f90f58b60cc86d8c87167ad57c5ebb51,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a >= 21) + { + return a; + } + else if (b > a && b >= 21) + { + return b; + } + } + return 0; +} +" +095e448c6bcbb98711f9b55688c27c4c72ac18da,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + } + return 0; +} +" +d50c3eadef2eae55d40d1efdbc69ee293ba54625,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && b > 21 && a <= 21) + { + return a; + } + else if (b > a && a > 21 && b <= 21) + { + return b; + } + } + return 0; +} +" +ca6dc7f358b221553098fea5dceaeffc3656528e,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (b > 21 && a <= 21) + { + return a; + } + else if (a > 21 && b <= 21) + { + return b; + } + } + return 0; +} +" +c71cb260678abff97ed65aee0aaa78867dbd4f7c,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (b > 21 && a <= 21) + { + return a; + } + else if (a > b && a <= 21) + { + return + } + else if (a > 21 && b <= 21) + { + return b; + } + else if (b > a && b <= 21) + { + return b; + } + } + return 0; +} +" +5ae4f4df981ecd7a8c7c1620b207298fd11eb26f,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (b > 21 && a <= 21) + { + return a; + } + else if (a > b && a <= 21) + { + return a; + } + else if (a > 21 && b <= 21) + { + return b; + } + else if (b > a && b <= 21) + { + return b; + } + } + return 0; +} +" +020ade124396e831c1cfb7a800ffaa287ff2aa8a,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +0a9f692dab7e080a4c02e51f784550fab11a1f83,"public int blackjack(int a, int b) +{ + if ((a>21) && (b>21)) + { + + return 0; + else if (a< 21) + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +8f45e7828a71f10fd3f81463a7711ccb2dc7a8be,"public int blackjack(int a, int b) +{ + if ((a>21) && (b>21)) + { + + return 0; + if (a< 21) + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +751d1b25fbe49f477362c24ffa9bb4a8946cfeeb,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + int aDist = 21 - a; + int bDist = 21 - b; + if (aDist < bDist) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0 + } +} +" +461da047aedd6488f455199b6703c5fb5c27c621,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + int aDist = 21 - a; + int bDist = 21 - b; + if (aDist < bDist) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21 || b <= 21) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +b3d98b032132bd03c0de2238988b76489bacee02,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +898ca96f29954fefe086830d121fc64c01f954ee,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if((a < b) && (b <= 21)) + { + return b; + } + else + { + return a; + } +} +" +0500d80bdd757937854539309f85c8218db2d782,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + { + return 0; + } + return b; + } + if((a < b) && (b <= 21)) + { + return b; + } + else + { + return a; + } +} +" +893fa8b9d007b410ee5588424a17d9ce0c6ffedc,"public int blackjack(int a, int b) +{ + if(a > 21) + return b; + if(b > 21) + return a; + if(a > 21 && b > 21) + return 0; +} +" +ae9526ce1c8158de150c63e2ef4cc1e264e6dfb1,"public int blackjack(int a, int b) +{ + if(a > 21) + return b; + if(b > 21) + return a; + if(a > 21 && b > 21) + return 0; + return true; +} +" +35811da6e35aacbae6167b5e180d2d2b8277f707,"public int blackjack(int a, int b) +{ + if(a > 21) + return b; + if(b > 21) + return a; + if(a > 21 && b > 21) + return 0; + return 0; +} +" +69a54caf87b93a9f08017493073476903feefe0c,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + if(a > 21) + return b; + if(b > 21) + return a; +} +" +c02b54f2fa0553d6ff844a77e74edbbaa42b6060,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + if(a > 21) + { + return b; + } + if(b > 21) + { + return a; + } +} +" +5018fb957be05e3f39984028ff014b1548a58a7f,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + if(a > 21) + { + return b; + } + if(b > 21) + { + return a; + } + return 0; +} +" +29633963456d49cc39746fe47b9ba486cc830f62,"public int blackjack(int a, int b) +{ + if(a >= 21 && b >= 21) + { + return 0; + } + if(a > 21) + { + return b; + } + if(b > 21) + { + return a; + } + return 0; +} +" +b9b4cf81b4eca706661924a2e9a9288c05758ee8,"public int blackjack(int a, int b) +{ + if(a >= 21 && b >= 21) + { + return 0; + } + if(a >= 21) + { + return b; + } + if(b >= 21) + { + return a; + } + return 0; +} +" +eb34b69bfae8b3bf3e67b789d6a18f217b1eaddc,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + if(a >= 21) + { + return b; + } + if(b >= 21) + { + return a; + } + return 0; +} +" +31caec202c5836f1220148fc3db671192f901b84,"public int blackjack(int a, int b) +{ + int zeroReturner; + if(a > 21 && b > 21) + { + int zeroReturner = 0; + } + if(a >= 21) + { + return b; + } + if(b >= 21) + { + return a; + } +} +" +69ab2f1412ff93c577c76978bfc618a9499d38ec,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + if(a >= 21) + { + return b; + } + if(b >= 21) + { + return a; + } + else + return 0; +} +" +588d19b158a325269e207cbd0e1f363d36f6d38d,"public int blackjack(int a, int b) +{ + if(a >= 21) + { + return b; + } + if(b >= 21) + { + return a; + } + else if(a > 21 && b > 21) + { + return 0; + } +} +" +cf82c95420d7408331e3a0aab032d0f81c05b5e3,"public int blackjack(int a, int b) +{ + if ((a > 0) && (b > 0)) + { + if ((a < 21) && (b < 21)) + { + if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } + else + { + return a; + return b; + } + } + else if ((a < 21) && (b >= 21)) + { + return a; + } + else if ((a >= 21) && (b < 21)) + { + return b; + } + else + { + return 0; + } + } +} +" +250b2f466c388a16398a56fc1987c94371f94e1d,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + { + if( a < 21) && (a > b) ||( b > 21) + { + return a; + } + else + return b; + } +} +" +14057fdb93eef128a4d1e85c5d6860f8b84acfbf,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + { + if(( a < 21) && (a > b) ||( b > 21)) + { + return a; + } + else + return b; + } +} +" +a46e802c914093742144c73a480b09222bbb1fa7,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + { + if(( a < 21) && (a > b) ||( b > 21)) + { + return a; + } + else + return b; + } + return 0; +} +" +b1f34490511ab09c2bc116472cdf2c3f6a334086,"public int blackjack(int a, int b) +{ + if ((a > 0) && (b > 0)) + { + if ((a < 21) && (b < 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a < 21) && (b >= 21)) + { + return a; + } + else if ((a >= 21) && (b < 21)) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +bc0a113289bf1fc3081ccf4c24b8443653ed5dd8,"public int blackjack(int a, int b) +{ + +} +" +75ef868504a2e8445287a472d01c6ee6aa898fc9,"public int blackjack(int a, int b) +{ + if ((a > 0) && (b > 0)) + { + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a < 21) && (b > 21)) + { + return a; + } + else if ((a > 21) && (b < 21)) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +027fbdda6586af53f9850d1e41b60798b202e4fb,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; +} +" +e64966f432c2b2299d1bd481d30da3c0605e920c,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; +} +" +6e1234e12b40484000dcd89634eda968cb193901,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + return 0; +} +" +82f8146af807ed9a43ef04dfdcf9f636e4186a06,"public int blackjack(int a, int b) +{ + int a; + if(a > 21 && b > 21) + { + a = 0; + } + return a; + + +} +" +10da9fa4b93e9f82ab00e17f80518344d1664fdf,"public int blackjack(int a, int b) +{ + int returnValue; + if(a > 21 && b > 21) + { + returnValue = 0; + } + return returnValue; + + +} +" +5281cce592ca3a067c8261fe8dad548534fcd8cd,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + int returnValue = 0; + } + return returnValue; + + +} +" +85afd9e1af987351a2c3651bd3bbea8fc15363fd,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + +} +" +b904d2728fcc9d57e74acb432d9aaa0fa18ee243,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + +} +" +80e7a156212b19092ace705a6b8f8af3d6e047b3,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + return """"; +} +" +5ae5c09ba826f09da2b2a9473b93fd14c387330f,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + else if( a <= 21 && b <= 21) + return Math.max(a, b); + +} +" +65175e361380b32adf9717b2165fbcbe35ab686f,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + else if( a <= 21 && b <= 21) + return Math.max(a, b); + return 0; +} +" +514e0049871bc2e3010e5680d9787e8bed941bb3,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + if( a <= 21 && b <= 21) + return Math.max(a, b); + return 0; +} +" +758b134b36a592b950ade220ac1b168c6fda829f,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } +} +" +14dafec36602722cabd24d08816f73e9a351093b,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } + return a; + return b; +} +" +922f93fb23cafb6aa744acabfbdab11333d44811,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } + return 0; +} +" +cd3a84e96b62198715719a1318fe87a0d31da1fe,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } + return 0; +} +" +b0c08489daace8adc7c1bdf9621d3fe66fddaa79,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + { + return 0; + } + if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } + return 0; +} +" +42ca5b555dfab8936aa694a5f97214c025abb13b,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } + return 0; +} +" +67b2291b812dfcc34203a18adb1ce069fc05bd75,"public int blackjack(int a, int b) +{ + if(a > 21 || b > 21) + { + return 0; + } + if( a <= 21 && b <= 21) + { + return Math.max(a, b); + } + return 0; +} +" +32adeede1882a6eb895d1afa231738fec63a32cb,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + if (b > a) + { + return b; + } +} +" +1bacd31988424bd34b92dc2d967056ca2df0c129,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + if (b > a) + { + return b; + } + return b; +} +" +209581f4fb52493e6bc8b1743b1ef18f35b8139d,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a > b) + { + return a; + } + return b; +} +" +32d62bda2a28cc6e5fd9680dfe103e0556f3c227,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a > 21 && b < 21) + { + return b; + } + if (a > 21 && b < 21) + { + return a; + } + if (a > b) + { + return a; + } + return b; +} +" +a6bf28027b01afdb4038d481446e9491a776d822,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if (a >= b) + { + return a; + } + else + { + return b; + } + } + return 0; +} +" +c19f5f436c6e8bfcce41fee7107afbbb40b9d2d2,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + return 0; + } + if ((a <= b) && (a <= 21)) + { + return a; + } + return b; +} +" +f621fb51277e4696529e6d9982462b77d893c27f,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= b) && (a <= 21)) + { + return a; + } + return b; +} +" +3e8f4e492908ec1a878babd77d0deea3d7022931,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a >= b) && (a <= 21)) + { + return a; + } + return b; +} +" +55804db64d55aa78fbfaf3302f569b63675d7f8b,"public int blackjack(int a, int b) +{ + if (21 - a > 21 - b) { + return b; + } + else if (21 - a < 21 - b) { + return a; + } + else + return 0; +} +" +f4b00aff2726a8508e6fe32275d4611109a5f18c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a > 21 && b < 21) { + return b; + } + else if (b > 21 && a < 21) { + return a; + } + else if (21 - a > 21 - b) { + return b; + } + else if (21 - a < 21 - b) { + return a; + } + else + return 0; +} +" +f18e44e88dbf7ad725b30a7f7031cc8c51f64175,"public int blackjack(int a, int b) +{ + if (a > 0 || b > 0) + { + if (a > 21 || b > 21) + return 0; + else if (a > b) + return a + else + return b + } +} +" +e2dc763bfb814bf51e3bf7bdeb49645b28490a2b,"public int blackjack(int a, int b) +{ + if (a > 0 || b > 0) + { + if (a > 21 && b > 21) + return 0; + else if (a > b) + return a; + else + return b; + } +} +" +89a761caeb9888ffcf9c036c779f1c72227d6187,"public int blackjack(int a, int b) +{ + if (a > 0 || b > 0) + { + if (a > 21 && b > 21) + return 0; + else if (a > b) + return a; + else + return b; + } + + return 0; +} +" +cef583f3b7edef9f15fae1894c942494ecfa8229,"public int blackjack(int a, int b) +{ + if (a > 0 || b > 0) + { + if (a > 21 && b > 21) + return 0; + else if (a > b && a <= 21) + return a; + else if (a < b && b <= 21) + return b; + } + + return 0; +} +" +367b8f044d641fae6f2341ff90949b2e7002f956,"public int blackjack(int a, int b) +{ + if (a > 0 || b > 0) + { + else if (a > b && a <= 21) + return a; + else if (a < b && b <= 21) + return b; + else + return 0; + } + + return 0; +} +" +452367ce7e2e8288721fe6f47f5a0ce3112da62c,"public int blackjack(int a, int b) +{ + if (a > 0 || b > 0) + { + if (a > b && a <= 21) + return a; + else if (a < b && b <= 21) + return b; + else + return 0; + } + + return 0; +} +" +32cc6bf37985084bc73e525ada70c57b75cc6521,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + return a; + else if (a < b && b <= 21) + return b; + else + return 0; + } + + return 0; +} +" +71db96cfa46d331559bc12b2659fb2f712e9dea7,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + return a; + else if (a > b && a > 21) + return b + else if (a < b && b <= 21) + return b; + else if (a < b && b > 21) + return a; + else + return 0; + } + + return 0; +} +" +ad0de635bd2f6965f85b64de1340bf910d28f4ad,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + return a; + else if (a > b && a > 21) + return b; + else if (a < b && b <= 21) + return b; + else if (a < b && b > 21) + return a; + else + return 0; + } + + return 0; +} +" +cbfe3b4ec23a871da0b6b7b045e760c46bc05231,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a <= 21 && b <= 21) + { + if (a > b) + return a; + if (a < b) + return b; + } + + else if (a > 21 && b <= 21) + return b; + else if (b > 21 && a <= 21) + return a; + else + return 0; + } + + return 0; +} +" +0403af666390c8ff845ae49f6f4ad080724ca06d,"public int blackjack(int a, int b) +{ + int ans; + if (a >= b && a < 22) { + ans = a; + } + else if (b > a && b < 22) { + ans = b; + } + else { + ans = 0; + } + return ans; +} +" +80852552e6d37355e17fdaba347fd2b6b4fd4795,"public int blackjack(int a, int b) +{ + if (a < 22 && b < 22) + return 0; + else if (a > b) + return a; + else if (b > a) + return b; +} +" +dc9eea2b91f029f3aad9a049c12b00e6c0c59235,"public int blackjack(int a, int b) +{ + if (a < 22 && b < 22) + return 0; + else if (a > b) + return a; + else + return b; +} +" +047c8299041f402e128a85ca87b435eac72805b6,"public int blackjack(int a, int b) +{ + int ans; + if (a >= b && a < 22) { + ans = a; + } + else if (b > a && b < 22) { + ans = b; + } + else if (b > a && a < 22) { + ans = a; + } + else if (a > b && b < 22) { + ans = a; + } + else { + ans = 0; + } + return ans; +} +" +9a165ed0a9dd9958b5db68609ea21b819ce0da75,"public int blackjack(int a, int b) +{ + if (a > 22 && b > 22) + return 0; + else if (a > b) + return a; + else + return b; +} +" +494e23a57d0a4d372f89ff2fdc9ea455758a5876,"public int blackjack(int a, int b) +{ + int ans; + if (a >= b && a < 22) { + ans = a; + } + else if (b > a && b < 22) { + ans = b; + } + else if (b > a && a < 22) { + ans = a; + } + else if (a > b && b < 22) { + ans = b; + } + else { + ans = 0; + } + return ans; +} +" +0bfec3df9a64c31cad74951207af4ca224fdfa8b,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + else if (a > b) + return a; + else + return b; +} +" +28e48736b4b8e74411055955e4c11f8747f63840,"public int blackjack(int a, int b) +{ + if (21 % a > 0 && 21 % b > 0) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +051c422eead99745455ae12354ce0a494288b874,"public int blackjack(int a, int b) +{ + if (21 % a < 0 && 21 % b < 0) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +f5f978ee36e3e3f717f730e7481ee827e70b93ab,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) return 0; + if (a > 21) return b; + if (b > 21) return a; + return a > b ? a : b; +} +" +1e1fc682ff29540ce0a13886b30b1c448d46f2c5,"public int blackjack(int a, int b) +{ + c = 21 - a; + d = 21 - b; + + if (c < d) + { + return a; + } + else if (d < c) + { + return b; + } + return 0; +} +" +ea42e3cdba21fc7750678378973fb6f5ef66f06e,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + if (c < d) + { + return a; + } + else if (d < c) + { + return b; + } + return 0; +} +" +f9f6bba6895e0e46f0d10ca70fb448f16535700d,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + +} +" +b3e8ce65d787a8a31360bbe0ad98e4de58f7d843,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) + { + return 0; + } + if (a > 21) + { + return b; + } + if ( b > 21) + { + return a; + } + return a > b ? a : b; + +} +" +a16684f9ec1fef50c35cbb5fa921ec06a7871800,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + if (c < d) + { + if (c < 0) + { + return b; + } + return a; + } + else if (d < c) + { + if (d < 0) + { + return a; + } + return b; + } + return 0; +} +" +c2551b564a8f45ee5b1b1a9e888abf94dddc004a,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + if (c < 0) && (d < 0) + { + return 0; + } + + if (c < d) + { + if (c < 0) + { + return b; + } + return a; + } + else if (d < c) + { + if (d < 0) + { + return a; + } + return b; + } +} +" +9468694781e68520ca3fdb60469668bd6e5c809b,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + if (c < 0 && d < 0) + { + return 0; + } + + if (c < d) + { + if (c < 0) + { + return b; + } + return a; + } + else if (d < c) + { + if (d < 0) + { + return a; + } + return b; + } +} +" +224f6ebd88b9354fa5b68da9f442d3e1a9ef80d8,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + + if (c < 0 && d < 0) + { + return 0; + } + + if (c < d) + { + if (c < 0) + { + return b; + } + return a; + } + if (d < 0) + { + return a; + } + return b; +} +" +d6e06502ddc2e52b0b6f4c4ac79da5955481448f,"public int blackjack(int a, int b) +{ + if (a%21 < b%21) + { + return a; + } + else + { + return b; + } +} +" +b58eb58b9805204ce80eac98bd2a2d060ae14dc5,"public int blackjack(int a, int b) +{ + if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +3dae9cb731a494f3181befa7b878eef047fb6567,"public int blackjack(int a, int b) +{ + if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +2ae29edbc94e12c6faec187df0339e024421cdf4,"public int blackjack(int a, int b) +{ + if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return a; + } + else if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return b; + } +} +" +d16047f227258f56097b2ff912b6e3248c4e3e3c,"public int blackjack(int a, int b) +{ + if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return a; + } + else if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +043513b161475643a8830e6fb071c7a675dc28a6,"public int blackjack(int a, int b) +{ + if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return a; + } + else if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return b; + } +} +" +caeaa190d3cd325f6de58e28aac21a0c779d80ca,"public int blackjack(int a, int b) +{ + if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return a; + } + else if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +9d396c91fad3983f75fa0ca4571bb934f85037c3,"public int blackjack(int a, int b) +{ + if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return a; + } + else if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return b; + } +} +" +59cf42c7f32de8ade4e1d0550f406b29a2436b56,"public int blackjack(int a, int b) +{ + if ((a%21 > b%21) && b <= 21 && a <= 21) + { + return a; + } + else if ((a%21 < b%21) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +8c229cdc3c1c25ff8f257a13a612adf3758212c9,"public int blackjack(int a, int b) +{ + if ((21=-a > 21=-b) && b <= 21 && a <= 21) + { + return a; + } + else if ((21=-a < 21=-b) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +0e1f8675bfe8565a0c15bf58e0f5dc12fa262140,"public int blackjack(int a, int b) +{ + if (((21=-a) > (21=-b)) && b <= 21 && a <= 21) + { + return a; + } + else if (((21=-a) < (21=-b)) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +17201dbf65662433c884de9cbd3cfcb3a23f412f,"public int blackjack(int a, int b) +{ + if (((21-a) > (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +acd9205d1fedc7feab3810b3e998ff2e6294b234,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else if (((21-a) > (21-b)) && b <= 21 && a <= 21) + { + return b; + } + return b; +} +" +21e3dbf5056eb18983f5af7ab376bb8a9db4fe45,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +76aa30262be65e483139db33a83d1a9588ff8a73,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else + { + return b; + } + return 0; +} +" +25f9b1a472cca496be4088e90d35f26624401719,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else if (((21-a) > (21-b)) && b <= 21 && a <= 21) + { + return b; + } + return 0; +} +" +75c519b5b07fc858f7410c628ae5355b3c8fad5d,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else + { + return b; + } + else + { + return 0; + } +} +" +3b75a617c61bc53ab469b90550373a3806ab808f,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && b <= 21 && a <= 21) + { + return a; + } + else if (((21-a) > (21-b)) && b <= 21 && a <= 21) + { + return b; + } + else + { + return 0; + } +} +" +050762bc37c54ed0d20bc52ef3c1a311da3f12e4,"public int blackjack(int a, int b) +{ + if ((21-a) < (21-b)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + else + { + return 0; + } +} +" +a8b221811e6aa80af287476130dbc82addd38976,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b) || b <= 21 || a <= 21)) + { + return a; + } + else if (((21-a) > (21-b) || b <= 21 || a <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +07de5591a98e6bb875060ac5cde4ccff8bbcd86b,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b) || b <= 21 || a <= 21)) + { + return a; + } + else if (((21-a) > (21-b) || b <= 21 || a <= 21)) + { + return b; + } + else if (b >= 21 && a >= 21) + { + return 0; + } +} +" +a0047062c5a85c2b83c6f10657cddad1666bd6eb,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b) || b <= 21 || a <= 21)) + { + return a; + } + else if (((21-a) > (21-b) || b <= 21 || a <= 21)) + { + return b; + } + else if (b >= 21 && a >= 21) + { + return 0; + } + return 0; +} +" +434593651731a1a22e8e8b67e07aaf423d0029e4,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b) && b <= 21 && a <= 21)) + { + return a; + } + else if (((21-a) > (21-b) && b <= 21 && a <= 21)) + { + return b; + } + else if (b >= 21 && a >= 21) + { + return 0; + } + return 0; +} +" +faa23946db2eec694d9ec0cd77002778b99936d3,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b) && (b <= 21 || a <= 21)) + { + return a; + } + else if (((21-a) > (21-b) && (b <= 21 || a <= 21)) + { + return b; + } + else if (b >= 21 && a >= 21) + { + return 0; + } + return 0; +} +" +568985002e43bd27ad257deea704c85a3c782146,"public int blackjack(int a, int b) +{ + if (((21-a) < (21-b)) && (b <= 21 || a <= 21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b <= 21 || a <= 21)) + { + return b; + } + else if (b >= 21 && a >= 21) + { + return 0; + } + return 0; +} +" +687110b10f519913acd0326b30ac479fe580a9de,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b <= 21 || a <= 21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b <= 21 || a <= 21)) + { + return b; + } + return 0; +} +" +a2404c5c26363384e6649e7392a38ac72f16a5e7,"public int blackjack(int a, int b) +{ + if ( (21 - a < 21 - b) && (a < 21)) + { + return a; + } + else if ( (21 - b < 21 - a) && (b < 21)) + { + return b; + } + else if ( a > 21 %% b > 21) + { + return 0; + } + + + + +} +" +b709f38a6608f6a63930afaa9ac76524a56c9d6c,"public int blackjack(int a, int b) +{ + if ( (21 - a < 21 - b) && (a < 21)) + { + return a; + } + else if ( (21 - b < 21 - a) && (b < 21)) + { + return b; + } + else ( a > 21 %% b > 21) + { + return 0; + } + + + + +} +" +a9214d4924c4afb596f6309cccea1f3d9e4f5b3a,"public int blackjack(int a, int b) +{ + if ( (21 - a < 21 - b) && (a < 21)) + { + return a; + } + else if ( (21 - b < 21 - a) && (b < 21)) + { + return b; + } + else ( a > 21 || b > 21) + { + return 0; + } + + + + +} +" +0fe4a9e8c26b4ba3b62396c899943cbe64bc1dea,"public int blackjack(int a, int b) +{ + if ( (21 - a < 21 - b) && (a < 21)) + { + return a; + } + else if ( (21 - b < 21 - a) && (b < 21)) + { + return b; + } + else + { + return 0; + } + + + + +} +" +672e6e63075bcda616a1a93769c1c8f6e888066e,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b <= 21 || a <= 21)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + return 0; +} +" +4e5a89b3f0cf3f4a8a4d2925650269ff4fa46c00,"public int blackjack(int a, int b) +{ + if ( (21 - a <= 21 - b) && (a < 21)) + { + return a; + } + else if ( (21 - b <= 21 - a) && (b < 21)) + { + return b; + } + else + { + return 0; + } + + + + +} +" +e8627904436546dd1a83717a3ad23f9a804e9f81,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b <= 21 || a <= 21)) + { + return a; + } + else + { + return b; + } +} +" +afed17b075d642c826ff3b5eef513c8fe30965e3,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +5a2e051169548a8c1a456d71c114c362579143a0,"public int blackjack(int a, int b) +{ + if ( (21 - a <= 21 - b) && (a <= 21)) + { + return a; + } + else if ( (21 - b <= 21 - a) && (b <= 21)) + { + return b; + } + else + { + return 0; + } + + + + +} +" +3a27766243ea29913b1394c95a394e3cc3d19b0f,"public int blackjack(int a, int b) +{ + if ( (21 - a < 21 - b) && (a <= 21)) + { + return a; + } + else if ( (21 - b < 21 - a) && (b <= 21)) + { + return b; + } + else + { + return 0; + } + + + + +} +" +7e7fe7822cef7f903e075364b3083a88ea653380,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && ((b >= 21 && a <= 21) || (a >= 21 && b <=21)) + { + return a; + } + else + { + return b; + } +} +" +a0f02dd0684cfa74da8733308ab8062add383191,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b >= 21 && a <= 21) || (a >= 21 && b <=21)) + { + return a; + } + else + { + return b; + } +} +" +9773ed2c80e566513c683e3a4a03ae4d4027af4e,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b >= 21 && a <= 21) || (a >= 21 && b <=21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b >= 21 && a <= 21) || (a >= 21 && b <=21)) + { + return b; + } + rteurn 0; +} +" +636b04b6a68f26c11f6477607327b98646525fc3,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b >= 21 && a <= 21) || (a >= 21 && b <=21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b >= 21 && a <= 21) || (a >= 21 && b <=21)) + { + return b; + } + return 0; +} +" +34cfa74d222cccf66ddc93baa2dca2b167bda260,"public int blackjack(int a, int b) +{ + if ( a <= 21 || b <= 21) + { + if ( (21 - a < 21 - b) && (a <= 21)) + { + return a; + } + else if ( (21 - b < 21 - a) && (b <= 21)) + { + return b; + } + } + else + { + return 0; + } + + + + +} +" +5818fe2c0d49037dc8d1fdfb6cfb7dddd78a2a4e,"public int blackjack(int a, int b) +{ + if ( a <= 21 || b <= 21) + { + if ( 21 - a < 21 - b) + { + return a; + } + else if (21 - b < 21 - a) + { + return b; + } + } + else + { + return 0; + } + + + + +} +" +1123217512f117b8da6bbe0947f61b3adb08c9bc,"public int blackjack(int a, int b) +{ + if ( a <= 21 || b <= 21) + { + if ( 21 - a < 21 - b) + { + return a; + } + else if (21 - b < 21 - a) + { + return b; + } + } + else if (a > 21 || b > 21) + { + return 0; + } + + + + +} +" +addce3b72d2f3d1f1dc2a8f3ab6e8f14164a998a,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b >= 21 && a >= 21 )) + { + return a; + } + else + { + return b; + } +} +" +7b6aedb16f5c20d5cc9a2e3e06c6333a6abd0086,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a>b && a<=21) + return a; + else if (b>a && b<=21) + return b; + else if (a<21) + return a; + else + return b; +} +" +c63c3fc08a206e7eafdd8f03abcde479e3341c3c,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21) + { + if ( 21 - a < 21 - b) + { + return a; + } + else if (21 - b < 21 - a) + { + return b; + } + } + else if (a > 21 || b > 21) + { + return 0; + } + + + + +} +" +0844f3a504d2c76749d7f67fa74dab701551d980,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21) + { + if ( 21 - a < 21 - b) + { + return a; + } + else if (21 - b < 21 - a) + { + return b; + } + } + else if (a > 21 && b > 21) + { + return 0; + } + + + + +} +" +45b7ebc92a218c7040aa6c04fb973eefbff5fc18,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0 + } + else if (a <= 21 && b <= 21) + { + if (a > b) + { + return a + } + else + { + return b + } + } + else if (a <= 21) + { + return a + } + else + { + return b + } +} +" +29582590c7a229baab99f997fa8620ecdbda4e00,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a <= 21) + { + return a; + } + else + { + return b; + } +} +" +68de67bc60e5890e317291dcc9523c2ed6a1a3e2,"public int blackjack(int a, int b) +{ + + if ( (21 - a < 21 - b) && (a <= 21)) + { + return a; + } + else if ((21 - b < 21 - a) && (b <= 21)) + { + return b; + } + else if (a > 21) + { + return 0; + } + else (b > 21) + { + return 0; + } + + + + +} +" +4cdba3c6fe2f158da3f5b56e9bf93c6db4fc501a,"public int blackjack(int a, int b) +{ + + if ( (21 - a < 21 - b) && (a <= 21)) + { + return a; + } + else if ((21 - b < 21 - a) && (b <= 21)) + { + return b; + } + else if (a > 21 && b > 21) + { + return 0; + } + + + + +} +" +277e30062b3c0f3e1cfa4e2e074e4f0c66106cc9,"public int blackjack(int a, int b) +{ + + if ( ((21 - a) <= (21 - b)) && (a <= 21)) + { + return a; + } + else if (((21 - b) < (21 - a)) && (b <= 21)) + { + return b; + } + else if (a > 21 && b > 21) + { + return 0; + } + else + { + return 0; + } + + + + +} +" +f5de180b5640326b7c163f64d8ab4877b36a3eac,"public int blackjack(int a, int b) +{ + if (a <= 21 && b > 21) + { + return a; + } + else if (b <= 21 && a > 21) + { + return b; + } + else if (a > 21 && b > 21) + { + return 0; + } + else if ( ((21 - a) <= (21 - b)) && (a <= 21)) + { + return a; + } + else if (((21 - b) < (21 - a)) && (b <= 21)) + { + return b; + } + else + { + return 0; + } + + + + +} +" +c858e91a398d248ecb37da8fbe542d3ca0f7e210,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a <= b) && (a <= 21)) + { + return a; + } + return b; +} +" +5d7e2b074dbe1267c1930571a33ee7414a6d3139,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a >= b) && (a <= 21)) + { + return a; + } + else + { + return b; + } +} +" +99206ede73795a97e4ca96fbf6351ab9f75466a9,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a >= b) && (a <= 21)) + { + return a; + } + else if ((a <= b) && (b <= 21)) + { + return b; + } +} +" +f95918dfb13c425dd3d6260fb5754e4b0027f4d8,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a >= b) && (a <= 21)) + { + return a; + } + else if ((a <= b) && (b <= 21)) + { + return b; + } + return 0; +} +" +12b0688c81d395854378381f5e5a71243838dd32,"public int blackjack(int a, int b) +{ + if ((a <= 21) || (b <= 21)) + { + if ((a >= b) && (a <= 21)) + { + return a; + } + if ((a <= b) && (b<=21)) + { + return b; + } + } + return 0; +} +" +51eeaec096500bd35c0de7083fd5507eef9ed295,"public int blackjack(int a, int b) +{ + if ((a <= 21) || (b <= 21)) + { + if (a <= b) + { + if (b <= 21) + { + return b; + } + } + return a; + } + return 0; +} +" +14f337be4833e61e78684739a3266e0c6a77dea7,"public int blackjack(int a, int b) +{ + if ((a <= 21) || (b <= 21)) + { + if ((a <= b) || (a > 21)) + { + if (b <= 21) + { + return b; + } + } + return a; + } + return 0; +} +" +b1376b351f7fd5e7c7fe476d3c62fec7f25e4314,"public int blackjack(int a, int b) +{ + if a > b && a <= 21 + return a + if b > a && b <= 21 + return b + if a > 21 && b > 21 +} return 0 +" +ec81c0188ed523c35093043187ca3671c22d9df9,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + return a; + if (b > a && b <= 21) + return b; + if (a > 21 && b > 21) + return 0; +}" +13d0e86eea54832ee22fc246af464ee7384bd5a7,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + if (a > 21 && b > 21) + { + return 0; + } +}" +c8eb85940bfa0a0e605eb12dafa0c87e3e893e70,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + if (a > 21 && b > 21) + { + return int 0; + } +}" +47e992cc25bfcfa1e829e0f85a440e8e7c31c30f,"public int blackjack(int a, int b) +{ + if (a>21) + { + a=0; + return a; + } + if (b>21) + { + b=0; + return b; + } + if (a>b) + { + return a; + } + if (b>a) + { + return b; + } + } +}" +996412d8773c6a7f3abfd1ad782cd58363af0e8e,"public int blackjack(int a, int b) +{ + if (a>21) + { + a=0; + return a; + } + if (b>21) + { + b=0; + return b; + } + if (a>b) + { + return a; + } + if (b>a) + { + return b; + } + +}" +8fad5fb35c5797420bb346c1f515ad53f9e9642a,"public int blackjack(int a, int b) +{ + if (a>21) + { + a=0; + return a; + } + if (b>21) + { + b=0; + return b; + } + if (a>b) + { + return a; + } + if (b>a) + { + return b; + } +} +" +cf939c98ef31bc3498805f85eeea61516f5faab3,"public int blackjack(int a, int b) +{ + if (a>21) + { + a=0; + return a; + } + if (b>21) + { + b=0; + return b; + } + if (a>b) + { + return a; + } + else + { + return b + } +} +" +a040447a7a4d000d3f8dce6203fbc10a54cdf382,"public int blackjack(int a, int b) +{ + if (a>21) + { + a=0; + return a; + } + if (b>21) + { + b=0; + return b; + } + if (a>b) + { + return a; + } + else + { + return b; + } +} +" +d64f521073566acefc265e1bb4a0b1937e6c4196,"public int blackjack(int a, int b) +{ + if (a>21) + { + a=0; + + } + if (b>21) + { + b=0; + + } + if (a>b) + { + return a; + } + else + { + return b; + } +} +" +817333f34477228993be83f15b2aee63a064c297,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > 21) + { + return b; + } + if (b > 21) + { + return a; + } + if(a > b) + { + return a; + } + return b; +} +" +27479a016667e55e41a547affae0e2995abccab1,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +c90d12abc916cdfd45e6e92c5aec974436d02dab,"public int blackjack(int a, int b) +{ + If (a>21) + { + a = 0; + } + if (b>21) + { + b = 0; + } + if (a>b) + { + return a; + } + else + { + return b; + } +} +" +489ab0e64cbf961f263aab7ef91913b9e701013c,"public int blackjack(int a, int b) +{ + if (a>21) + { + a = 0; + } + if (b>21) + { + b = 0; + } + if (a>b) + { + return a; + } + else + { + return b; + } +} +" +2c11c71f9ec0d745f6588b877c26da5aa8d645c1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + if (b < a) + { + return b; + } + } +} +" +981aca8ebbc79617c3959d71876ca0bd1ee0ac7b,"public int blackjack(int a, int b) +{ + int biggest = 0; + if (a > 21 && b > 21) + { + biggest = 0; + } + else + { + if (a > b) + { + biggest = a; + } + if (b < a) + { + biggest = b; + } + } + return biggest; +} +" +934d71e47202f0b8e2afe9bccabb9e5b06ec1f2f,"public int blackjack(int a, int b) +{ + int biggest = 0; + if (a > 21 && b > 21) + { + biggest = 0; + } + else + { + if (a > b) + { + biggest = a; + } + if (b > a) + { + biggest = b; + } + } + return biggest; +} +" +af393a276cc3486ffde9bc070d9d794fe08d6094,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b and a <= 21) + { + return a + } + if (b > a and b <= 21) + { + return b + } + else + { + return 0 + } + } + +} +" +5e09536a5bd82325487c27d2cf228778feaf42b8,"public int blackjack(int a, int b) +{ + int biggest = 0; + if (a > 21 && b > 21) + { + biggest = 0; + } + else if (a > 21) + { + biggest = b; + } + else if (b > 21) + { + biggest = a; + } + else + { + if (a > b) + { + biggest = a; + } + if (b > a) + { + biggest = b; + } + } + return biggest; + + +} +" +1a0a4c498c6d7317cc21e75761edc2b52ffa4fba,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b and a <= 21) + { + return a; + } + if (b > a and b <= 21) + { + return b; + } + else + { + return 0; + } + } + +} +" +783f39f34a5731b04df31434ed5493f7ae2cf7a0,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } + +} +" +76479ad6b2473aa2941b3980a8e27222edc195a4,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } + +} +" +c2ab0552ae55eeda7fd21e235503d20e256b56b9,"public int blackjack(int a, int b) +{ + if (a > 0 && b > 0) + { + if (a > b && a <= 21) + { + return a; + } + if (b > a && b <= 21) + { + return b; + } + if (a > 21 && b <= 21) + { + return b; + } + if (b > 21 && a <= 21) + { + return a; + } + else + { + return 0; + } + + } + else + { + return 0; + } + +} +" +3a6f471b4bacc8c22a813794d6f16a6339078fb7,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if(b > 21) + { + return 0; + } + else + { + return b; + } + } + if(a < b && b <= 21) + { + return b; + } + else + { + return a; + } +} +" +1336d30f85568cdebad2a0718a89391dff96c047,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + if ((21 - a) > (21 - b)) + return b; + else + return a; + else if ((a > 21) %% (b > 21)) + return 0 + end +} +" +f4c8a41723edf6c9c8a0153ce7b64750446e6f9b,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + if ((21 - a) > (21 - b)) + return b; + else + return a; + else if ((a > 21) %% (b > 21)) + return 0; +} +" +2d36e9f3468b1748aaf0b5e01527b847250c3371,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + if ((21 - a) > (21 - b)) + return b; + else + return a; + else if ((a > 21) %% (b > 21)) + { + return 0; + } +} +" +5de43661edb1e41341f8c4f0d9f82cbfeda4c801,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + if ((21 - a) > (21 - b)) + return b; + else + return a; + else if ((a > 21) && (b > 21)) + return 0; +} +" +4e14f5f67b1f681cfb37e8c15209e9ebbf95d411,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + else if ((a > 21) && (b > 21)) + { + return 0; + } + } +} +" +fa26a4010c2c41c213673bd1a98549ba0bfd36ae,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + else if ((a > 21) && (b > 21)) + { + return 0; + } +} +" +0e16b1bb1434bd8fc7ae05a4a6b7af8ab61453fc,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + else ((a > 21) && (b > 21)) + { + return 0; + } + } +} +" +aae03f5e9bb67162689ea23434308a2c62bb8488,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + else if ((a > 21) && (b > 21)) + { + return 0; + } + } +} +" +ea0bc8b2f2a7b6635d840edf8f19f0b699d776b0,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + else + { + return 0; + } + } +} +" +ff06c2e5f096682399e3c4d0fce4179a71f37e99,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + } + if ((a < 21) && (b < 21)) + { + return 0; + } +} +" +d965c09cf2f634ba0a8d55543b82164d2919d35d,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + } + if ((a < 21) && (b < 21)) + { + return 0; + } +} +return int +" +a6f991b3fb2ef9c17d6afd4006c0368ca2617e47,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + } + if ((a < 21) && (b < 21)) + { + return 0; + } +} +return int; +" +b8b6cec374c6b2ce784b0ae2a65fb22a0954d659,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + } + if ((a < 21) && (b < 21)) + { + return 0; + } + return int; +} + +" +4a4f4c468b1771a34f18e38aae90a6f9b581c1eb,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + } + if ((a < 21) && (b < 21)) + { + return 0; + } + return int.class; +} + +" +d92825657ae9bafcc221aa5596a773746d37bd34,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21)) + { + if ((21 - a) > (21 - b)) + { + return b; + } + else + { + return a; + } + } + if ((a < 21) && (b < 21)) + { + return 0; + } +} + +" +28abd21d18805f091e6657a98c73454d42e468fa,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } +} +" +2d01c7f7b2898f40a10618f8d43dcfa460118bde,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } +} +} +" +490530ade2255dc065032a89ebb23f0e038fab30,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + +} +" +3c5e9cdde06cb608bff2122caf6676cbb944378b,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + + return b; + } + + +} +" +239d9580438ded75a42333be09c07427c79f857d,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + + +} +" +cf47a920d74a593dcc4f7c4d715823c26285eaf9,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } +} +" +5cbf8d55232a7604e3ca540fb68e5b0c68ea78d4,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + return b; +} +" +c30afeef5ba58f50c2f43de89a37ad790417e598,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else + { + return b; +} +" +f2538acbd3d3d0e365cb447c4583a87aae6d8b8e,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +426218059d1497d4ff2ccbca1051b95b63aff7d9,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } +} +" +e7ded1a540df7f4568884e3816d702bea28599b9,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + else if (b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + return 0; +} +" +f5f223811281f959a94d61381fb9678d2eaf812d,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + + return 0; + return b; + } + else if (a > b && a <= 21) + { + return a; + } + return b; + +} +" +c9c7fb30f0af1d024c66b09959c15ecf9eed15c5,"public int blackjack(int a, int b) +{ + if (a > b) && (a <= 21) + { + return a; + } + else if (a < b) && (b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +47f618610763d39209836adf053a885816357814,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21)) + { + return a; + } + else if ((a < b) && (b <= 21)) + { + return b; + } + else + { + return 0; + } +} +" +60dba2cb79645d925f3b0d95c8263a86f1ea50d6,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && b > 21) + { + return a; + } + else if (b <= 21 && a > 21) + { + return b; + } + else + { + if (a >= b) + { + return a; + } + else + { + return b; + } + } + +} +" +8bfa05d5a98664ca681d098ce435beef93dfdc02,"public int blackjack(int a, int b) +{ + if ((a > b) && (a <= 21)) + { + return a; + } + else if ((a < b) && (b <= 21)) + { + return b; + } + else if ((a < b) && (a <= 21) && (b > 21)) + { + return a; + } + else if ((a > b) && (b <= 21) && (a > 21)) + { + return b; + } + else + { + return 0; + } +} +" +130e2ca55c3abd143179a2f10c6bd6fbe6b7a162,"public int blackjack(int a, int b) +{ + if (a < 21) + { + if (b > 21) + { + return a; + } + if (b < 21 && b > a) + { + return b; + } + else + return a; + } + + if (a > b && b > 21) + { + return 0; + } + +} +" +732930132db67d0cfa7a3ea9bb3b4b6548e15866,"public int blackjack(int a, int b) +{ + if (a < 21) + { + if (b > 21) + { + return a; + } + if (b < 21 && b > a) + { + return b; + } + else + { + return a; + } + } + + if (a > b && b > 21) + { + return 0; + } + +} +" +ec4dac8fac4c8ad2dfa02d1b3be146721090fba1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + if (a <= 21) + { + if (b > 21) + { + return a; + } + + if (b <= 21 && b > a) + { + return b; + } + else + { + return a; + } + } +} +" +bec8f5a2aca40adc6cf07f809f234bb05372f4fc,"public int blackjack(int a, int b) +{ + boolean isCloser = ((21 - a) < (21 - b)); + if ((a > 21) || (b > 21)) + { + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + } + else if ((a <= 21) && (b <= 21)) + { + if (isCloser) + { + return a; + } + else + { + return b; + } + } +} +" +8a9ebf2420b808762e56e28fef172c0a3afecea5,"public int blackjack(int a, int b) +{ + boolean isCloser = ((21 - a) < (21 - b)); + if ((a > 21) || (b > 21)) + { + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (a > 21) + { + return b; + } + else + { + return a; + } + } + else if ((a <= 21) && (b <= 21)) + { + if (isCloser) + { + return a; + } + else + { + return b; + } + } +} +" +6f696271f1b1b6be5316c8e665a094ebfde6ce89,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + if (a <= 21 && b > 21) + { + return a; + } + + if (a > 21 && b <= 21) + { + return b; + } + + if (a <= 21 && b <= 21 && b > a) + { + return b; + } + + if (a <= 21 && b <= 21 && a > b) + { + return a; + } + +} +" +a11dd17786504d76e9c54c2d696944ffd5d7f539,"public int blackjack(int a, int b) +{ + boolean isCloser = ((21 - a) < (21 - b)); + if ((a > 21) || (b > 21)) + { + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (a > 21) + { + return b; + } + else + { + return a; + } + } + else + { + if (isCloser) + { + return a; + } + else + { + return b; + } + } +} +" +589144adc6b8370016a7fb972007e2ea9e5b2eb9,"public int blackjack(int a, int b) + +{ + if (a > 21 && b > 21) + { + return 0; + } + + if (a <= 21 && b > 21) + { + return a; + } + + if (a > 21 && b <= 21) + { + return b; + } + + if (a <= 21 && b <= 21 && b > a) + { + return b; + } + + if (a <= 21 && b <= 21 && a > b) + { + return a; + } +} +} +" +575faf4a93b7f474a9f1990c99e5496e64ab9a38,"public int blackjack(int a, int b) + +{ + if (a > 21 && b > 21) + { + return 0; + } + + if (a <= 21 && b > 21) + { + return a; + } + + else if (a > 21 && b <= 21) + { + return b; + } + + else if (a <= 21 && b <= 21 && b > a) + { + return b; + } + + else + { + return a; + } + +} +" +28023eb558442eb91047fb60c18c2ecea0f1377f,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if (a - 21) > (b - 21) + { + return b; + } + if (b - 21) > (a - 21) + { + return a; + } + } + +} +" +913256e61cbb79012088e88f24d3ede4bf1bff3d,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + +} +" +d9d6e6644fe62c9ceb65f47e56ba1982cd6f3581,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a >21) + { + return b; + } + if (b>21) + { + return a; + } +} +" +68563e2ba95cfd7d3583cfded7e12b575ba77169,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + if (a > 21) + { + return b; + } + if (b > 21) + { + return a; + } + if ((21 - a) <= (21 - b)) + { + return a; + } + if ((21 - a) >= (21 - b)) + { + return b; + } + return 0; +} +" +1ade04296ac7baa6d0898ef4a7be7d09f06f0ccd,"public int blackjack(int a, int b) +{ + if (a > 21 && b < 21) + { + return 0; + } +} +" +d203545499e8c2356baf56d808cc138f279ab51e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return. 0; + } +} +" +d7afe6bec3a977d258c0223500d67993a7ec011d,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } +} +" +32b18ba686c14cd54cf73d44b0e642568062d41c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return (test); + } +} +" +5582aa2a3827ba0910377b7d0a1e53c3e074c729,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return test; + } +} +" +702f487c96368ade02b7f6e0583c6019d45f56b8,"public int blackjack(int a, int b) +{ + if(a>21){ + if (b>21( { + return 0; + { + else if (b<21) + return a; + } +} +" +2f766a48ad959e2cc88a247e2bc2742750ad9fbb,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return null; + } +} +" +7487a208add94091b1a93b932c991bc902c625fd,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return b; + } +} +" +d103fa9e36e8ea1de035810dcdfd555229bd57a1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return b; + } +} +" +d438b7d68b37722f5d57579e7078668cf60a8b2b,"public int blackjack(int a, int b) +{ + if (a < b && b <= 21) + { + return b; + } + else if (b < a && a <=21) + { + return a; + } + else + { + return 0; + } +} +" +172d3a1ba227a8154f592ab204e4343fa76e1998,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21( { + return 0; + return b; + } + { + if (a21) + { + if (b>21( + return 0; + return b; + } + { + if (a 21 && b > 21) + { + return 0; + } + else if( a>b &&a<=21 || b>21) + { + return a; + + } + else + { + return b; + } +} +" +bed87a480cfb0f24c00513bc739bc8267b2cf027,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + else return 0; + else return b; + } + { + if (a 21 && b > 21) + { + return 0; + } + else if( a>b &&a<=21) + { + return a; + + } + else + { + return b; + } +} +" +b8721fdb13a647a96179e8c560bc4ccb4a87b260,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + else return 0; + else return b; + } + { + if (a 21 && b > 21) + { + return 0; + } + else if( a>b &&a<=21 || b>21) + { + return a; + + } + else + { + return b; + } +} +" +7fe2fbbb93933f8bc4a1ab82521cb5f00df27156,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + else return 0; + return b; + } + { + if (a 21 && a < 21) + { + return a; + } + else if(a > 21 && b < 21) + { + return b; + } + else if (a < b && b <= 21) + { + return b; + } + else if (b < a && a <=21) + { + return a; + } + else + { + return 0; + } +} +" +2ded57e7e35992ebf4d77229ada72d439a4c8549,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + else return 0; + } + return b; + { + if (a21) + { + if (b>21) + return 0; + } + return b; + { + else if (a21) + { + if (b>21) + return 0; + } + return b; + { + else if ( b<=21) + return a; + } + + +} +" +7a4f1baa1945c707b3dd479e9b48dc3d07177be1,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) { + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +} +" +3f0d192304bf6be3aa4875da330a2116855f606c,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + return 0; + } + return b; + { + else if ( b<=21) + return a; + } + return Math.max(a,b); + +} +" +9aa949c48d01327a5ae5ac4cad5c4c241bdb592c,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +} +" +d0ce12f12ea823df8377fe90681986d53088a6b4,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + return 0; + } + return b; + { + else if ( b<21) + return a; + } + return Math.max(a,b); + +} +" +d2b921b4230d3efbb80e77e2f5f45b914d8f799a,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + } + else { + return b; + } +} +} +" +101f6e5e0f0b07eea3ab0ce7f3cdbe74b2c8834e,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) + return 0; + } + return b; + { + else if ( b>21) + return a; + } + return Math.max(a,b); + +} +" +f7888e04d5494937be5ea864117a6a5c05f1b722,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + +} else { + return b; + } +} +} +" +f41a789cf34c157bcebab47f9aa74cb9adb63334,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + +} else { + return b; + } +} + +" +360582fe10a65c811d2acf8a02f59e001d909a54,"public int blackjack(int a, int b) +{ + if(a>21) + { + if (b>21) return 0; + } + return b; + { + if (b>21) + return a; + } + return Math.max(a,b); + +} +" +465bd779b76781215e5b9e3fad62a038e5339c6c,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; + /** if(a>21) + { + if (b>21) return 0; + } + return b; + { + if (b>21) + return a; + } + return Math.max(a,b); + */ +} +" +1f4dc2a26242e0badc6eed55f2df0622979fde2c,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + } + +} +" +94f6c4d47facaee2df2b00678966c563f7561e52,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + } +} +" +1eb32141c5e5c6099b3e2532c8fc823eebc54943,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if else ((21 - b) < (21 - a)) + { + return b; + } + else + { + return 0; + } +} +" +27e2383988cddaf65c36c6bffa268287b83c278b,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + else + { + return 0; + } +} +" +6f923dc7e68a595a58a2e5c9d264834e5b7639e3,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b > 21) + { + return b; + } + else + { + return 0; + } +} +" +ab3618431fb853321e67e7361f87789222c8cd03,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return a; + } + else + { + return 0; + } +} +" +eb6cc9004566eb14830f4e09f4575bd2124614e7,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; + + return a > b ? a : b; +}" +7a102ac300f4e6b0e11c77d0a0fdc6eb4c11ccfb,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + else + { + return 0; + } +} +" +34edf3d60c04d4faaf081a79e7000f6bd96040da,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +3791f1f4e7c8a991d17e98fc3ac6e7e4980b9318,"public int blackjack(int a, int b) +{ + if ( 21 - a >= 0 && 21 - b >= 0 && a > b){ + return a; + } + else if ( 21 - a >= 0 && 21 - b >= 0 && b > a){ + return b; + } + else + { + return 0; + } +} +" +eb42616fc9d24a2d3ea78bcca88d24d29c3e4e4b,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21){ + if (a > b){ + return a; + } + else + { + return b; + } + } + else if ( a <= 21 && b > 21){ + return a; + } + else if ( a > 21 && b <= 21){ + return b; + } + else + { + return 0; + } +} +" +855365cbbd55ba3eeda193747fde592dd295fbb9,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return value; + } + else if ((b > a) && b <= 21) + { + return value; + } + else if ((b && a) > 21) + { + return 0; + } + else + { + return value; + } +} +" +d1bd4d536f974d7d5d77f677e61d68cbacf89b0f,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return a + } + else if ((b > a) && b <= 21) + { + return b + } + else if ((b && a) > 21) + { + return 0; + } +} +" +c26ac851f40ebc9de20e5e18694800980f821b20,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if(b > 21) + return 0; + return b; + } + if (a < b && b <= 21) + return b; + return a; +} +" +241ec36fd3abede5050251dc4863cd967e824dd7,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return a; + } + else if ((b > a) && b <= 21) + { + return b; + } + else if ((b && a) > 21) + { + return 0; + } +} +" +55dab4378291b8a09b17541ae28c4d914e772541,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return a; + } + else if ((b > a) && b <= 21) + { + return b; + } + else if (b > 21 && a > 21) + { + return 0; + } +} +" +645bb1691854553b2c01cfd8de29e77287252143,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return a; + } + else if ((b > a) && b <= 21) + { + return b; + } + else if (b > 21 && a > 21) + { + return 0; + } + else + { + return null; + } +} +" +ab356836d7b843e21d2b4272bc5c5c57e8aa3c38,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return a; + } + else if ((b > a) && b <= 21) + { + return b; + } + else if (b > 21 && a > 21) + { + return 0; + } + else + { + return int; + } +} +" +c3a4eec03687b49f5550291aa29f19692c4cc840,"public int blackjack(int a, int b) +{ + if ((a > b) && a <= 21) + { + return a; + } + else if ((b > a) && b <= 21) + { + return b; + } + else if (b > 21 && a > 21) + { + return 0; + } + else + { + return 21; + } +} +" +4acc9b7904a6ccb0b5493a0c31eba5e800bc59be,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + return b; + else if (b > 32) + return a +} +" +c81056242281a623690031cc4d79e3f77b74b4b0,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } + } + else + { + return 0; + } +} +" +c0632d0cfe3b43f94bbb5dc944dfde2455eebb04,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 32) + return a; +} +" +d25903ae6856b61a20bc19845f1400f7dd37727b,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 32) + return a; + return 0; +} +" +84cd9696a7934720dc34e4080884d85af39223ef,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 32) + return a; + return a > b ? a : b; +} +" +439843f4846ec57ebfca019ff937e0d3cae64508,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else if (b > a) + { + return b; + } + } + else + { + if (a > 21 && b < 21) + { + return 0; + } + } +} +" +4c927da80d0edbf7649a7ac3cabbc0b96affd207,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + return a > b ? a : b; +} +" +d0f11c8e7f7188f07244bf64ea692e60c319b253,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + if (a > 21 && b < 21) + { + return 0; + } + } +} +" +17a2905772db526cb1f88e4ba5f8af2ce8ccf3bb,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +5cd02f6c04c19cfba3433b99e62352d722eab1e6,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +d5ef1baec09211a085dec2e088e0ae6c5d4d0ac5,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +1a1f5d9bf6a34e360de81935837d579a608ae63b,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +313ea04b609d82aef07289a4bb74d4099a9e2d85,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +a125493042eafc8546d25780725fe447d0eb2170,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a || b; + } + } + else + { + return 0; + } +} +" +0aa5e3ee7b60513055ccb871df9c0d260e49f31c,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +cf3956be2a40452dee130f5c1b7050ac855a730e,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +d273d8dfcadafbad03f8257dbd2ecf47bf424e38,"public int blackjack(int a, int b) +{ + if (a > 21) a = 0; + if (b > 21) b = 0; + + if (a > b) + { + return a; + } + else + { + return b; + } +} +" +e409278847d18c88daa8a2be7a62023e9ffbb5a4,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +5c1ed239d1ec5b7d651448e78031bcf864a6ace1,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +295ebed11d0b594868e4637f7182877617f5d4c5,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +e929aef155bfe9edad2e3c387880c61ee13b4d3c,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +f35d12b304b5472559f30846a93ef72209ca0f7b,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +0a1a8ee9b2c9a0c2bfb02bd38333d13d262c11ee,"public int blackjack(int a, int b) +{ + if (int a > 21) + { + return 0; + } + if (int b > 21) + { + return 0; + } + if ( a > b ) + { + return a + } + else + { + return b + } + + +} +" +9f55e9d9855913016b77c1ce6315ecc59b07520a,"public int blackjack(int a, int b) +{ + if (int a > 21) + { + a = 0; + } + if (int b > 21) + { + b = 0; + } + if ( a > b ) + { + return a + } + else + { + return b + } + + +} +" +5406e656c0afad7d9eeeaebc6ab0908fa3681c2f,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +4c746d59a9ab99b7445187a07c3573d3f9ef32ae,"public int blackjack(int a, int b) +{ + if (int a>21 && int b>21) + return 0 + else if (int a > 21) + return b + else if (int b > 21) + return a + else if ((21-a)>(21-b)) + return a + else + return b +} +" +816d92592e17ba698681af03d651219f07985ab1,"public int blackjack(int a, int b) +{ + if (int a > 21) + { + a = 0; + } +} +" +7f037e7815ded48a0deb00fd979a5e362b79441f,"public int blackjack(int a, int b) +{ + if (int a>21 && int b>21); + return 0; + else if (int a > 21); + return 'b'; + else if (int b > 21); + return 'a'; + else if ((21-a)>(21-b)); + return 'a'; + else + return ['b'; +} +" +7c6a4e65d92576356fb2e85612e8bff41244f8bd,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } +} +" +b6b420ad696107e692e7dc2cf3a46690479cac32,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if ( a > b) + { + return a; + } + else + { + return b; + } + return +} +" +a91e940e910d14540712d2ae3c6e47c6b73bd30a,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if ( a > b) + { + return a; + } + else + { + return b; + } + +} +" +9db9cff5028b4b1cc75f4f5c9a641117debb19ac,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if ( a > b) + { + return a; + } + else + { + return b; + } + +} +" +2b4c01408a172df2479d98ba6dadf8fcb2c0ecd2,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if ( a = 0 || b = 0) + { + return 0; + } + if ( a > b) + { + return a; + } + else + { + return b; + } + +} +" +90a190d482de9238f52ce561c0d22b2233fde2a1,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if ( a > b) + { + return a; + } + else + { + return b; + } + +} +" +62c8bebf3263f7b2e5e327c0bb2e8a740ff9bcc8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else + { + return b; + } + +} +" +a2390acacad507ce976c407739f49ed0e21af3a7,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + if (21 - a > 21 - b) + { + return a; + } + else + { + return b; + } + +} +" +4979a941c28b304b1a87012820a199ed508f05b1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + if (21 - a > 21 - b) + { + return b; + } + else + { + return a; + } + +} +" +27986e92f636a98dd570597a3cc6cc2f8c45faad,"public int blackjack(int a, int b) +{ + if (int a>21 && int b>21); + { + return 0; + } + else if (int a > 21); + { + return 'b'; + } + else if (int b > 21); + { + return 'a'; + } + else if ((21-a)>(21-b)); + { + return 'a'; + } + else + { + return 'b'; + } +} +" +4ec7bd3064593b709649a5924413e3affe655be4,"public int blackjack(int a, int b) +{ + if (a>21 && b>21); + { + return 0; + } + else if (a > 21); + { + return 'b'; + } + else if (b > 21); + { + return 'a'; + } + else if ((21-a)>(21-b)); + { + return 'a'; + } + else + { + return 'b'; + } +} +" +667816c2623ef49ed2cd0130820778abe6a0d9fd,"public int blackjack(int a, int b) +{ + if (a>21 && b>21); + { + return 0; + } + else (a > 21); + { + return 'b'; + } + else (b > 21); + { + return 'a'; + } + else ((21-a)>(21-b)); + { + return 'a'; + } + else + { + return 'b'; + } +} +" +3b31834dd16bb0b7bdda189865bcccf4320901ef,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a > 21) + { + return 'b'; + } + else if (b > 21) + { + return 'a'; + } + else if ((21-a)>(21-b)) + { + return 'a'; + } + else + { + return 'b'; + } +} +" +ef72f384405e6ed94f636a8466cbae95ea6586ab,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ((21-a)>(21-b)) + { + return a; + } + else + { + return b; + } +} +" +3226eff0d9db498c443102981808da60287d57de,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ((21-a)>(21-b)) + { + return a; + } + else if (a=21) + { + return a; + } + else if (b=21) + { + return b; + } + else + { + return b; + } +} +" +505847eacd16f767db8e24e5cc87c60225667e0d,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ((21-a)>(21-b)) + { + return a; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else + { + return b; + } +} +" +3012c3fd60de1b795086579a61bfdb0e3110d50e,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ((21-a)>(21-b)) + { + return a; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else + { + return b; + } +} +" +ab4d42bf6ad933c44e7e2e655c52a708f8d33a02,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else + { + return b; + } +} +" +651f71d3bcc9e6446d08d56e1ef3e67c9664bb81,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<21) + { + return b; + } + else if (a<21 && b>21) + { + return a; + } + else + { + return b; + } +} +" +179dee85cbe0793f8c6656e0d78554bd493b0764,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<21) + { + return b; + } + else if (a<21 && b>21) + { + return a; + } +} +" +b4945bad363e3b807112a9e5e3eec9b3a18566f9,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<21) + { + return b; + } + else if (a<21 && b>21) + { + return a; + } + else + { + return 0; + } +} +" +9ec6f5deff4e3ae71a523552fb9552eb86ba9e16,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<21) + { + return b; + } + else if (a<21 && b>21) + { + return a; + } + else + { + return a; + } +} +" +a8d59e84baad466e398e0a8f232f5bed0cd8130b,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<21) + { + return b; + } + else if (a<21 && b>21) + { + return a; + } + else + { + return a; + } +} +" +390339e8b0cb0530c98f3a137e1b30faa59066ae,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<=21) + { + return b; + } + else if (a<=21 && b>21) + { + return a; + } + else + { + return a; + } +} +" +b3083e16790816eb1690ad5eccafb9ac86b2380c,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<=21) + { + return b; + } + else if (a<=21 && b>21) + { + return a; + } + else + { + return b; + } +} +" +45d72456651392b1312736ce67ebee0a2f01e102,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<=21) + { + return b; + } + else if (a<=21 && b>21) + { + return a; + } + else if ((21-a)>(21-b)) + { + return b; + } + else + { + return b; + } +} +" +a5c2fb963d688a157094d70bd6af793763fda3f8,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a==21) + { + return a; + } + else if (b==21) + { + return b; + } + else if (a>21 && b<=21) + { + return b; + } + else if (a<=21 && b>21) + { + return a; + } + else if ((21-a)>(21-b)) + { + return b; + } + else if ((21-b)>(21-a)) + { + return a; + } + else + { + return b; + } +} +" +2394602186f097bfb85543e405bcfd4c668cf97e,"public int blackjack(int a, int b) +{ + if(b > a && b < 21 && a < 21) + { + return b; + } + else if(a > b && b < 21 && a < 21) + { + return a; + } + else + return 0; +} +" +e77ac991184587cab9eaa14db022ca814efb45a1,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +" +021a5e6819fe9c4cf905ce716b6c404ac16b40e1,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +b4d51a2ae48936ebd7dbd807dfe8852368c503e4,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if(a - b > 0) + { + return a; + } + else if(b - a > 0) + { + return b; + } + + +} +" +7a488b8c594e8a72748de6968f6c03bb13b77637,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if(a - b > 0) + { + return a; + } + else if(b - a > 0) + { + return b; + } + + return null; +} +" +8b44288d67459042574128f548a3dbc917e97512,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if(a - b > 0) + { + return a; + } + else if(b - a > 0) + { + return b; + } + + return 0; +} +" +429771b6b6843cc6c11b756df33cde38768e019e,"public int blackjack(int a, int b) +{ + if (a >= 0 && a <= 21) { + return a; + } + else if (b >= 0 && b <= 21) { + return b; + } + else { + return 0; + } +} +" +c6a47f3322221b3254a9de8c3d00c3ee753ebb0c,"public int blackjack(int a, int b) +{ + if (a >= 0 || a <= 21) { + return a; + } + else if (b >= 0 || b <= 21) { + return b; + } + else { + return 0; + } +} +" +ac72ea047ae37876051efb073b56367926636dbd,"public int blackjack(int a, int b) +{ + if (a >= 0 && a <= 21) { + return a; + } + else if (b >= 0 && b <= 21) { + return b; + } + else { + return 0; + } +} +" +56b56585d58118d00f0aeba4274317bec19f2114,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) { + return a; + } + else if (b > 0 && b <= 21) { + return b; + } + else { + return 0; + } +} +" +db5fa49d1166f2df06218b29504e8aa209ee9c18,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) { + return a; + } + else if (a > 21){ + return 0; + } + else if (b > 0 && b <= 21) { + return b; + } + else if (b > 21){ + return 0; + } + else { + return 0; + } +} +" +13f479670900ba20063f6b8b0aaf2806a26b9c82,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) { + return a; + } + else if (a > 21){ + return 0; + } + else if (b > 0 && b <= 21) { + return b; + } + else if (b > 21){ + return 0; + } + +} +" +870fbef5ef059a0bbfcfa5e26f6f6360dd349c28,"public int blackjack(int a, int b) +{ + if (a > 0 && a <= 21) { + return a; + } + else if (b > 0 && b <= 21) { + return b; + } + else { + return 0; + } + + +} +" +f17c9182f28511ba4e569cae3aa65a225361e62c,"public int blackjack(int a, int b) +{ + if (a <= 21 && a == 21) { + return a; + } + else if (b <= 21 && b == 21) { + return b; + } + else { + return 0; + } + + +} +" +28b541ce9ce1db7cb411dbc85ca51db2b90825a3,"public int blackjack(int a, int b) +{ + if (a <= 21 || a == 21) { + return a; + } + else if (b <= 21 || b == 21) { + return b; + } + else { + return 0; + } + + +} +" +fffb5483db5f64a52dbcdd381fde704b2812d224,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(b <= 21 && a < b ) + return b; + return a; +} +" +8e4d2b59ee47b55ca75e73f645906c883ea3bcfa,"public int blackjack(int a, int b) +{ + if (a <= 21 || a == 21) { + return a; + } + else if (b <= 21 || b == 21) { + return b; + } + else if (a > 21 && b > 21){ + return 0; + } + else { + return 0; + } + + +} +" +39b86ef385c39957936af6e022fb304be54616c3,"public int blackjack(int a, int b) +{ + if (a <= 21 && a == 21) { + return a; + } + else if (b <= 21 && b == 21) { + return b; + } + else if (a > 21 && b > 21){ + return 0; + } + else { + return 0; + } + + +} +" +6ebc48226ae4f376093eecf5bc8358f7c9fafddf,"public int blackjack(int a, int b) +{ + if (a <= 21 || a == 21) { + return a; + } + else if (b <= 21 || b == 21) { + return b; + } + else if (a > 21 && b > 21){ + return 0; + } + else { + return 0; + } + + +} +" +b755118058ed8c54e12782ebd87e7c8fb375135b,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + if (a < 21) && (b > 21) + { + return a; + } + else + { + return 0; + } +} +" +ccde9cf4848743a5cce1dcee9aff732e83f0dd4b,"public int blackjack(int a, int b) +{ + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + if ((a < 21) && (b > 21)) + { + return a; + } + else + { + return 0; + } +} +" +049d3149678ac1d8eaef049c063f8bda06cab0bc,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a <= 21) { + return a; + } + else if (b <= 21) { + return b; + } + else { + return 0; + } + + +} +" +43a5ade9ee188e82a12a11e69e9b9038abf36634,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a <= 21 && b <= 21) { + return Math.abs(a, b); + } + else { + return 0; + } + + +} +" +8fb0f8491b0d18b2088643ea53bcca848c0d9c42,"public int blackjack(int a, int b) +{ + if ((a < 21) && (b > 21)) + { + return a; + } + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + else + { + return 0; + } +} +" +f963a24f32ed8ec56aa3bab8a3915c4956d32296,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a <= 21 && b <= 21) { + return Math.max(a, b); + } + else { + return 0; + } + + +} +" +8c6a797d78af812899170d8c669558928e699746,"public int blackjack(int a, int b) +{ + diffA = 21 - a; + diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return(0); + } + if (diffA > diffB) + { + return(diffB); + } + if (diffB > diffA) + { + return(diffA); + } +} +" +d05271a49de96508c2f3be52967b54097dd2653f,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return(0); + } + if (diffA > diffB) + { + return(diffB); + } + if (diffB > diffA) + { + return(diffA); + } +} +" +e68af1b425d0612ab32159e2ff79ffb3cadc0903,"public int blackjack(int a, int b) +{ + if ((a < 21) && (b > 21)) + { + return a; + } + if ((a > 21) && (b < 21)) + { + return b; + } + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + else + { + return 0; + } +} +" +3bb541e56eec2ac346ac49daa3ef4766227477d1,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return(0); + } + if (diffA >= diffB) + { + return(diffB); + } + if (diffB >= diffA) + { + return(diffA); + } +} +" +f90e47304db2e1866a89c2d512bc605ac386af26,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a <= 21 && b <= 21) { + return Math.max(a, b); + } + else { + return 0; + } + + +} +" +58942f58f5db568e0338a06ea84ae09152ea5b58,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + + if (a > b) + { + return a; + } + else + return b; + +} +" +7604b79b3ba039ac64f87bb327030e3111f88857,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if (diffA < 0 && diffB < 0) + { + return(0); + } + if (diffA > diffB) + { + return b; + } + if (diffB > diffA) + { + return a; + } +} +" +66d4f51626eecc79105b44f34c909175dc9beac2,"public int blackjack(int a, int b) +{ + if ((a < 21) && (b > 21)) + { + return a; + } + if ((a > 21) && (b < 21)) + { + return b; + } + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + return 0; + } +} +" +aa41485fe058f0d9d78c642b3e54a7384e99fdad,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + if ((a < 21) && (b > 21)) + { + return a; + } + if ((a > 21) && (b < 21)) + { + return b; + } + if ((21 - a) < (21 - b)) + { + return a; + } + if ((21 - b) < (21 - a)) + { + return b; + } + if (b < 21) + { + return b; + } + else + { + return 0; + } +} +" +f4c52db3810ebdd34980c0e6c74bf6a0652d64cc,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + else if (a <= 21 && b <= 21) { + return Math.max(a, b); + } + else if (a <= 21) { + return a; + } + else if (b <= 21) { + return b; + } + else { + return 0; + } + + +} +" +e85244f2d4e2dd4692a9e3cf3b9335012059ad66,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a>b) + { + return a + } + else + return b +} +" +77898c76eb1c479247edc7a1b8afdd0ba8fae98e,"public int blackjack(int a, int b) +{ + if (a > 21 || b > 21) + { + return 0; + } + if (a>b) + { + return a; + } + else + return b; +} +" +afc7eedc49c096e4f2155acde8caf38cdff82083,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if (a>b) + { + return a; + } + else + return b; +} +" +b92f7538ad52eb6473e0148095a70c3a095a6696,"public int blackjack(int a, int b) +{ + int a = Random.generator().nextInt(); + int b = Random.generator().nextInt(); + c = 21 - a; + d = 21 - b; + if (a > 21 && b > 21) + return 0; + if (c > d && c <= 21) + return c; + if (d < c && d <= 21) + return d; + +} +" +5b49d609dfc3cedc84b222dbbce8c04f3d0e7aa1,"public int blackjack(int a, int b) +{ + if (a>>21 || b>>21) + { + return 0; + } + else if (21-a >> 21-b) + { + return b; + } + else + { + return a; + } + +} +" +e724a42fdb947ca1d3a2cf3eb7b4ad55be0dd042,"import java.util.Random; +public int blackjack(int a, int b) +{ + int a = Random.generator().nextInt(); + int b = Random.generator().nextInt(); + c = 21 - a; + d = 21 - b; + if (a > 21 && b > 21) + return 0; + if (c > d && c <= 21) + return c; + if (d < c && d <= 21) + return d; + +} +" +f639796031f2ccb0762c5a0ff021169775553dfe,"public int blackjack(int a, int b) +{ + if (a>>21 && b>>21) + { + return 0; + } + else if (21-a >> 21-b) + { + return b; + } + else + { + return a; + } + +} +" +e51b39de4ae81d804c6b8ef92511fa6e79cf9815,"import sofia.util.Random; +public int blackjack(int a, int b) +{ + int a = Random.generator().nextInt(); + int b = Random.generator().nextInt(); + c = 21 - a; + d = 21 - b; + if (a > 21 && b > 21) + return 0; + if (c > d && c <= 21) + return c; + if (d < c && d <= 21) + return d; + +} +" +53bb335514229b166a7196fc4d91988f647e6dd0,"public int blackjack(int a, int b) +{ + if (a>>21) + { + return 0; + } + else if (21-a >> 21-b) + { + return b; + } + else + { + return a; + } + +} +" +2f82ceeecc6e7e4a628bab31f7e0ca4076f05fb5,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (21-a >> 21-b) + { + return b; + } + else + { + return a; + } + +} +" +a22945d7f9d772c6bb99a35a7ed98a6f579a4911,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (21-a > 21-b) + { + return b; + } + else + { + return a; + } + +} +" +098af77e7d4aea1c6cfcd6bca1291e4eb2a242ec,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + + } + else if (b > 21) + { + return a; + } + else + { + return Math.max(a, b); + } +} +" +b4f01152518ed2510698766a3785d6c8f2cdb2a7,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +6b30575ed57a17122d5eab44edc823efb7303c09,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else if (21 % b < 21 % a) + return b; +} +" +3aa5aadbbdd102177a6dc6250415a57112d53edb,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else if (21 % b < 21 % a) + return b; + else +} +" +4335529cf63e77bc524bb0e35e71d34b479e01c8,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else if (21 % b < 21 % a) + return b; + else + return 0; +} +" +485d3a127e4a9dc8837d0439d61a6c458cbb20c1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +c63ccc942b53357b36bae4916374860c9524a6fd,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) return 0; + if (a > 21 && b <= 21) return b; + if (a <= 21 && b > 21) return a; + return Math.max(a, b); +} +" +46cdd98f8f58afa50463984e882e35b5ffe33175,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +97bd3c7fafffacc09e9c68cb4ba432e2df15cd29,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +d1a8fbd54c12e5324b1f1eb0137570f576428c8f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a == 0) + return b; + else if (21 % b == 0) + return a; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +079f83f3391aaa86d23a45ddf763782a0c102695,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +c305aa6872e49178306bd40420596beadd964e1e,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) +{ +return 0; +} +else if(a >= b && a <= 21) +{ +return a; +} +else if(a >= b && a > 21) +{ +return b; +} +else if(b >= a && b <= 21) +{ +return b; +} +else if(b >= a && b > 21) +{ +return a; +} +else +{ +return 0; +} +} +" +766b2ec77a457cf83d248504b0029d8e7e21c1d2,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + if (21 % a == 0) + return b; + else + return a; + else + if (21 % b == 0) + return a; + else + return b; +} +" +4d451ed01f9bde149a5d5786decefeea37b2595c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +5eb558063a1fdb6a14357b45c869591360f031d1,"public int blackjack(int a, int b) +{ +// if (a > 21 && b > 21) +// return 0; +// else if (21 % a < 21 % b) +// return a; +// else +// return b; + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +24b082d2c2b63eb5606d99cbabf13a3e6da9d30a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +fa4cc785b318eb8ba94b8a8570bdd4da728ead31,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (21 % a < 21 % b) + return a; + else + return b; +} +" +2ffddcb4a93bc74442ef8a54c6d3e3aae6490304,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + if (21 % a < 21 % b) + return a; + else + return b; +} +" +e05fd1707d175a39a5d644cf0fd0698cb36456ee,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + if (21 % a < 21 % b) + return a; + else + return b; + else + return b; +} +" +c797ca517e9e404e66d34b17e8297c996c9a6ed4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b <= 21) + if (21 % a < 21 % b) + return a; + else + return b; + else + return b; +} +" +10a77256939b3c1d1543201f088be44f13f14d0e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b && a <= 21) + if (21 % a < 21 % b) + return a; + else + return b; + else + return b; +} +" +71cd26bde09a9c6d65870b87fc1751dd7d5952a2,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b && b <= 21) + if (21 % a < 21 % b) + return a; + else + return b; + else + return b; +} +" +12fb352a4593ed6335d84c57b0cead95c5e47876,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if ((21-a) < (21-b)) && b >= 21 && a <=21 + { + return a; + } + else if ((21-a) > (21-b)) && b >= 21 && a <=21 + { + return a; + } + else if ((21-a) < (21-b)) && b <= 21 && a >=21 + { + return b; + } + return b; +} +" +37de8b4eeef4e0e5bbe59f97b93c6f3b154ef98d,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if ((21-a) < (21-b)) && b >= 21 && a <=21) + { + return a; + } + else if ((21-a) > (21-b)) && b >= 21 && a <=21) + { + return a; + } + else if ((21-a) < (21-b)) && b <= 21 && a >=21) + { + return b; + } + return b; +} +" +e7e54314fcfc313a44b67766d0251d05427c2359,"public int blackjack(int a, int b) +{ + if (21 % a > 21 % b) + return a; + elseif (21 % a < 21 % b) + return b; + else + return 0; +} +" +eb8fbc2ca858878654773c09e1a8a4f672963274,"public int blackjack(int a, int b) +{ + if (21 % a > 21 % b) + return a; + else if (21 % a < 21 % b) + return b; + else + return 0; +} +" +99ed5fe78f1bab8eb089c0554ba7e4626137825f,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if ((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else if ((21-a) > (21-b)) && (b >= 21) && (a <=21)) + { + return a; + } + else if ((21-a) < (21-b)) && (b <= 21) && (a >=21)) + { + return b; + } + return b; +} +" +e6a0d03455e61d570b254d81016e99be8ca21a4e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a > 21) + return b; + if (b > 21) + return a; + if (21 % a < 21 % b) + return a; + else + return b; +} +" +ee8b199d1a55108d8508a5be3677eb658fe1ff96,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + else if (21 % a < 21 % b) + return a; + else + return b; +} +" +8927bf360d254192f7502d0dba31a13fa99246e9,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <=21)) + { + return a; + } + else if (((21-a) < (21-b)) && (b <= 21) && (a >=21)) + { + return b; + } + return b; +} +" +0dcd80fd1ed002d2f12412873e844a6deef5e070,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > 21) + return b; + else if (b > 21) + return a; + if (21 % a < 21 % b) + return a; + else + return b; +} +" +a25d96e68f85135afbfbaadb5ab9a2778d293053,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if(a < b && b <= 21) + return b; + return a; +} +" +a8eeed49c4c16e9be76ddfaf088ef2eef31daf0f,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b <= 21) && (a >= 21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <=21)) + { + return a; + } + else if (((21-a) < (21-b)) && (b <= 21) && (a >=21)) + { + return b; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <=21)) + { + return b; + } + return 0; +} +" +863345382c8e76cc17fac37c291579a57a242587,"public int blackjack(int a, int b) +{ + if (a <= 21 && b > 21) + return a; + else if (a > 21 && b <= 21) + return b; + else if (a < 21 && b < 21) + { + if (21 % b > 21 % a) + return b; + else + return a; + } + else + return 0; +} +" +06a18c8705e181b5f76bbcafac2b4c2876c861de,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + else if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <=21)) + { + return a; + } + else if (((21-a) < (21-b)) && (b <= 21) && (a >=21)) + { + return b; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <=21)) + { + return b; + } + return 0; +} +" +77b59db2dff9010fe5cad34bffc3cd284facf3cc,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if(a < b && b <= 21) + return b; + else + return a; +} +" +6c0e19e5903685b50168ff32776c2ad57edfe707,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a < b && b <= 21) + return b; + else if (b < a && a <= 21) + return a; +} +" +2f93d1856172c957f02a360e12d925005d65ce6a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a < b && b <= 21) + return b; + else + return a; +} +" +4e03c54da1c52ddb0dbf70e912e8699cad336b01,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if ( a > 21) + return b; + if (a < b && b <= 21) + return b; + else + return a; +} +" +e8f2dab941e8c4ee039cd5ca6168196e28734508,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + +} +" +814f6992a72d0f120cb04fa613e98367a2507938,"public int blackjack(int a, int b) +{ + if (a == 21 && b != 21) + return a; + else if (a != 21 && b == 21) + return b; + else if (a <= 21 && b > 21) + return a; + else if (a > 21 && b <= 21) + return b; + else if (a < 21 && b < 21) + { + if (21 % b > 21 % a) + return b; + else + return a; + } + else + return 0; +} +" +5c1bcf264788616e2ffc5a7f850af7d40fc5d8d4,"public int blackjack(int a, int b) +{ + if (a == 21 && b != 21) + return a; + else if (a != 21 && b == 21) + return b; + else if (a <= 21 && b > 21) + return a; + else if (a > 21 && b <= 21) + return b; + else if (a < 21 && b < 21) + { + if (21 % b < 21 % a) + return b; + else + return a; + } + else + return 0; +} +" +a3acece73744b94b9a82b01a2c9f0bb29bbdb14e,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + if (((21-a) > (21-b) && (b <= 21) && (a >= 21)) + { + return b; + } + else + { + return a; + } + +} +" +93ef1848a030aa8d7f65efa43ddc15c9c52e8efb,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + if (((21-a) > (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else + { + return a; + } + +} +" +805017d3e14f05b906e6f03cbee66ac9f4400f3c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if ( a > 21) + return b; + else if (a < b && b <= 21) + return b; + else + return a; +} +" +be31e7678304c482ac512fb663eace7ecc611d63,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + if (((21-a) > (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else + { + return a; + } + +} +" +7a7541b77567d794b663e00f2760046d0a7eec2c,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) > (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else + { + return a; + } + if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + +} +" +4c30b4b2e0f72b66327b2fbb4c97757d74fc7fb5,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) return 0; + if (a > 21 && b <= 21) return b; + if (a <= 21 && b > 21) return a; + return Math.max(a, b); + +} +" +f70421361801a39af4aa181136238d4fefd805c2,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) > (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else if (((21-a) < (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + +} +" +3de4386b6ca7f58cb25fef9b2b5a22ae6142cba7,"public int blackjack(int a, int b) +{ + if (21-a<0) + { + if(21-b<0) + return 0; + else + if (a>b) + return a; + else + return b; + } +} +" +e6660d59133c13a92f804580c477fe2c1906a1b3,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) > (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else + { + return b; + } + +} +" +11499b2c5037c5de5b7a49b62bf3182109b15e8e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + if (a > 21 && b <= 21) + return b; + if (a <= 21 && b > 21) + return a; + return Math.max(a, b); + +} +" +0ae80642308b397dbe098a4b1efde57590014359,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (((21-a) > (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else if (((21-a) > (21-b)) && (b >= 21) && (a <= 21)) + { + return a; + } + else if (((21-a) < (21-b)) && (b <= 21) && (a >= 21)) + { + return b; + } + else + { + return a; + } + +} +" +de1a6216a9232d5b3127531c565a26407fba9bee,"public int blackjack(int a, int b) +{ + if (21-a<=0 && 21-b<=0) + { + return 0; + } + else + if (a>b) + return a; + else + return b; + +} +" +29b706edc1aa1098f2ee6c772a241910fb1e62a5,"public int blackjack(int a, int b) +{ + if (21-a<0 && 21-b<0) + { + return 0; + } + else + if (a>b) + return a; + else + return b; + +} +" +a6bf675ab3c9e5b4a4764b9fae8c966d5c9a25b5,"public int blackjack(int a, int b) +{ + if (21-a<0 && 21-b<0) + { + return 0; + } + else + if (a>b) + return a; + else if (b>a) + return b; + +} +" +308344d2bf8c38ef6ca8ad03fbd38d542cc6a31f,"public int blackjack(int a, int b) +{ + if (a>21) //when a is greater than 21 + { + if (b>21) //when the circumstance is that b and a are greater than 21 + { + return 0; + } + else + { + return b; + } + } + else if (b>21) //when b is greater than 21 + { + return a; + } + return Math.max(a, b); //to return the larger number if both are under 21 +} + +" +ad9dbd088132a46014398f8bb5cdf3d36e0ef348,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b <= 21 && a >= 21) + { + return b; + } + else + { + return a; + } + if ((21-a) > (21-b)) + { + return b; + } + else + { + return a; + } + +} +" +e03eddc7b6af80b30a342fd165f05a6b05e55a08,"public int blackjack(int a, int b) +{ + if (21-a<0 && 21-b<0) + { + return 0; + } + else + if (a>b) + return a; + else + return b; + +} +" +efc562c73de1851285d1e6c354d298f9216c62e2,"public int blackjack(int a, int b) +{ + if (21-a<0 || 21-b<0) + { + return 0; + } + else + if (a>b) + return a; + else + return b; + +} +" +a10ac8deb168d206baed37193b03c79e22873d06,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b <= 21 && a >= 21) + { + return b; + } + else if (b >= 21 && a <= 21) + { + return a; + } + if ((21-a) > (21-b)) + { + return b; + } + else + { + return a; + } + +} +" +b0c56ace1c8a99cbef4f3f8c920744ecae8697c7,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b <= 21 && a >= 21) + { + return b; + } + else if (b >= 21 && a <= 21) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + else + { + return a; + } + +} +" +975b8a43154a450a5fdd400533a6d60dfda50ea6,"public int blackjack(int a, int b) +{ + if (21-a<0 && 21-b<0) + { + return 0; + } + else if (21-a<0) + return b + else if (21-b<0) + else + if (a>b) + return a; + else + return b; + +} +" +b437a85a5a3dd4ba3e446bebb0537fc4ce8ea091,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b <= 21 && a >= 21) + { + return b; + } + else if (b >= 21 && a <= 21) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + else if ((21-a) < (21-b)) + { + return a; + } + return 0; + +} +" +c853d6597223a283b512da0043ffd0f24dcea8e3,"public int blackjack(int a, int b) +{ + if (21-a<0 && 21-b<0) + { + return 0; + } + else if (21-a<0) + return b; + else if (21-b<0) + else + if (a>b) + return a; + else + return b; + +} +" +c6f2e194ee29bbfb8f50b0c0a3e2dabe7a5faf91,"public int blackjack(int a, int b) +{ + if(a>21 &&b>21) + { + return 0; + } + else if(a>b&&a<=21) + { + return a; + } + else if(b>a&&B<=21) + { + return b; + } +} +" +1cd718d012c48f920f0b63724607a7469ce790c1,"public int blackjack(int a, int b) +{ + if(a>21 &&b>21) + { + return 0; + } + else if(a>b&&a<=21) + { + return a; + } + else if(b>a&&b<=21) + { + return b; + } +} +" +a55538d8b30a5398f33f95350d9fc5809f04c26c,"public int blackjack(int a, int b) +{ + if (21-a<0 && 21-b<0) + { + return 0; + } + else if (21-a<0) + return b; + else if (21-b<0) + return a; + else + if (a>b) + return a; + else + return b; + +} +" +33cadbf1d35982d5da7ceebd7e4176f3e825068c,"public int blackjack(int a, int b) +{ + if(a>21 &&b>21) + { + return 0; + } + else if(a>b&&a<=21) + { + return a; + } + else + { + if(b<=21) + { + return b; + } + return a; + } +} +" +a6f2177d2641e6089aa82a2c331f6335159e2254,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b <= 21 && a >= 21) + { + return b; + } + else if (b == 21) + { + return b; + } + else if (a == 21) + { + return a; + } + else if (b >= 21 && a <= 21) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + else + { + return a; + } + +} +" +2ab74fda969ea66017806ee202611608607ac686,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b <= 21 && a >= 21) + { + return b; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (b >= 21 && a <= 21) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + else + { + return a; + } + +} +" +16c04086a96cb76a30053f0fb6da92192e44aa49,"public int blackjack(int a, int b) +{ + if (b >= 21 && a >= 21) + { + return 0; + } + if (b < 21 && a > 21) + { + return b; + } + else if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + else + { + return a; + } + +} +" +3cc68e4b0a86ac677a800be9fddf61dc4a844086,"public int blackjack(int a, int b) +{ + int bj=0; + + int da=21-a; + int db=21-b; + if(da>db) + { + bj=b; + } + if(db>da) + { + bj=a; + } + + if((a>21)&&(b>21)) + { + bj=0; + } + return bj; + +} +" +3d7596cda89b08e65b70a5cbf83f7f9dd7bbd767,"public int blackjack(int a, int b) +{ + int bj=0; + + int da=21-a; + int db=21-b; + if(da>db) + { + bj=b; + } + if(db>da) + { + bj=a; + } + + if((a>21)&&(b>21)) + { + bj=0; + } + if((a>21)&&(b<21)) + { + bj=b; + } + if((b>21)&&(a<21)) + { + bj=a; + } + return bj; + +} +" +4dcf7991752159a0a94a4685c22c64c2777027c1,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + + return math.max(a, b); +} +" +076ff8c23d6be86272b317979117f3ae085b5605,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + + return Math.max(a, b); +} +" +5b0d16d7864c6d99272ae3f55f5292a4dfdeddaa,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0) || (b - a > 0 && b > 21)) + { + return a; + } + else + { + return b; + } + +} +" +bc5c85e93bea3202e0095d73bd977212f2f3f4b9,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0)) + { + return a; + } + else if((b - a > 0 && b > 21)) + { + return a; + } + else + { + return b; + } + +} +" +e10c22efd1a3761b49c6338e43a7ed8c36c916bf,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0) && a < 21) + { + return a; + } + else + { + return b + } + +} +" +c3c479af12764e961bda50c679ba8bcddeabc677,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0) && a < 21) + { + return a; + } + else + { + return b; + } + +} +" +fad13950db84739834d87dffb23a9cd186b69dfe,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0)) + { + return a; + } + else if((b - a > 0 && b > 21)) + { + return b; + } + +} +" +6e4cfdc4c18f18f03886c7490da164ff88a1fad5,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0)) + { + return a; + } + else + { + return b; + } + +} +" +3e0c93332e44f31a87eb90a3312e035ae5627c4a,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0) || (b - a > 0 && b > 21)) + { + return a; + } + else if(b - a > 0) + { + return b; + } + + return 0; +} +" +cc9afdeff6e01584357cafe80181a4928972c6b4,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a < 21) || (b - a > 0 && b > 21)) + { + return a; + } + else if(b - a > 0) + { + return b; + } + + return 0; +} +" +ca36bfeb63a488625661e0bd9177a498d3531d67,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a < 21) || (b - a > 0 && b > 21)) + { + return a; + } + else + { + return b; + } +} +" +84b113168a24a552419b69fac65875298cd9908a,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a <= 21) || (b - a > 0 && b => 21)) + { + return a; + } + else + { + return b; + } +} +" +9e95ac7ac422feefc909d03ba1be70b16877f073,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a =< 21) || (b - a > 0 && b => 21)) + { + return a; + } + else + { + return b; + } +} +" +6cb023d97bfa0eb6e584800767a812d53ba8b26a,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a =< 21) || (b - a > 0 && b => 21)) + { + return a; + } + else + { + return b; + } +} +" +c5a6fc90d0e19a1d49ad6d3a39b31bc46b97c846,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a =< 21) || (b - a > 0 && b => 21)) + { + return a; + } + else + { + return b; + } +} +" +8278087d3f8138ba3315299b3a16e79a09f592df,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a < 21) || (b - a > 0 && b > 21)) + { + return a; + } + else + { + return b; + } +} +" +b0fb0f0ffe9bac8ff985e90e3d242d49dd91a7bf,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && (a < 21 || a == 21)) || (b - a > 0 && (b < 21 || b == 21))) + { + return a; + } + else + { + return b; + } +} +" +543baba7a2853eb7bbed9772dcfe49ee29d433a9,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a < 21) || (b - a > 0 && b => 21)) + { + return a; + } + else + { + return b; + } +} +" +f3c367a1797b5082e29c2e208628e1c6cbf045ab,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a < 21) || (b - a > 0 && b > 21)) + { + return a; + } + else + { + return b; + } +} +" +bf163373ec7a3895d19fd7623b3f02a7acb77d8c,"public int blackjack(int a, int b) +{ + if((b > 21 && a > 21)) + { + return 0; + } + else if((a - b > 0 && a < 21) || (b - a > 0 && b > 21)) + { + return a; + } + else if(a == 21) + { + return a; + } + else + { + return b; + } +} +" +ccd1774dcbdcd394f772888d76071c2bb3f0c6ad,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; + + return a > b ? a : b; + +} +" +f8026a4e2255ccda483e1bc05ac49c7cd19a6d27,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + else if (a>21) + { + return b; + } + else if (b>21) + { + return a; + } + else if (21-a > 21-b) + { + return b; + } + else + { + return a; + } + +} +" +abcd9242522e9640dbbed9852bf99cff291dae26,"public int blackjack(int a, int b) { + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +}" +8536a6d2aa03fe70a2ea1bde34061b69e3b441ed,"public int blackjack(int a, int b) +{ + int a = a - 21; + int b = b - 21; + if (a < 0 && b < 0) + { + return false; + } + else + { + if (a > b) + { + return b; + } + else + { + return a; + } + } +} +" +97678acdd1c703dde5b9e445e87131c2ff4bb834,"public int blackjack(int a, int b) +{ + a = a - 21; + b = b - 21; + if (a < 0 && b < 0) + { + return false; + } + else + { + if (a > b) + { + return b; + } + else + { + return a; + } + } +} +" +b705c2df89b0aa3292148077a315f8a99ad2e06a,"public int blackjack(int a, int b) +{ + a = a - 21; + b = b - 21; + if (a < 0 && b < 0) + { + return 0; + } + else + { + if (a > b) + { + return b; + } + else + { + return a; + } + } +} +" +49f5572d93e485a8490095422c171fcdf4292baa,"public int blackjack(int a, int b) +{ + int a1 = a - 21; + int b1 = b - 21; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +c0b7a923dac63b2c2bff6d0811d924ea28360ca2,"public int blackjack(int a, int b) +{ + int a1 = 21 - a; + int b1 = 21 - b; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +787e4ddc01c3a113c2915a836cc14ef61406a875,"public int blackjack(int a, int b) +{ + int a1 = 21 - a; + int b1 = 21 - b; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + if (a1 < b1) + { + return b; + } + else + { + return a; + } + } +} +" +ae6d9ed5b211c1346018cd6cc080dd0410132aea,"public int blackjack(int a, int b) +{ + int a1 = 21 - a; + int b1 = 21 - b; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +34b9b4b86b92a60ba5756aa42ba3b4ce1148ddbe,"public int blackjack(int a, int b) +{ + int a1 = (21 - a) * -1; + int b1 = (21 - b) * -1; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +4a67f7ccba2be360467dde33ff8dd8bc9193f1bc,"public int blackjack(int a, int b) +{ + int a1 = 21 - a; + int b1 = 21 - b; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + if (a1 < 0) + { + a1 = a1*-1; + } + if (b1 < 0) + { + b1 = b1*-1; + } + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +d8fd62819f1dbaa3e755ef5eba6648b08d53e145,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 && b > 21) + { + return a; + } + else if (b < 21 && a > 21) + { + return b; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +5b0ac9f6d8580bcd1d5a90d1459e3658deeeefbb,"public int blackjack(int a, int b) +{ + if (a < b && a <= 21) + { + return a; + } + else + { + return b; + } +} +" +32394058ae69ec0e0edb30e9e56a2537bc75b6b3,"public int blackjack(int a, int b) +{ + if (a < b && a <= 21) + { + return a; + } + else (b < a && b <= 21) + { + return b; + } +} +" +2bce2ecfe9d9d08900ed9a420ae409491113ad22,"public int blackjack(int a, int b) +{ + if (a < b && a <= 21) + { + return a; + } + else if (b < a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +75be9d8bbb929bc4d02bee855897636373f1087c,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +80496c5a4973479910f9162becc3852610c39e67,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21 || b >21) + { + return a; + } + else if (b > a && b <= 21 || a > 21) + { + return b; + } + else + { + return 0; + } +} +" +ea5b041a90084d43404f10317734de770e0c270f,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a; + return b; + } +}" +ec53db321a431295e654fc00f2b8be6b2ff95bce,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return int a; + return int b; + } +}" +a22c53bd99a71129f7ba124c8ebb6928871f0177,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return (a, b); + } +}" +80b10718185fc2de5d83cdbd84384a2513971043,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a && b; + } +}" +6277a24c9c5a9a10d7b8351e7e12e1e11f2f1b1d,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a; + } +}" +64919364377709f5af24b34b39bfa5ed2c634457,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a; + return b; + } +}" +eba92be25e7fbfbd4ad7005a02cfa11dea8ba93a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a, b; + } +}" +5c8466ddada36d3835d86f18ef04d3e8625cdc25,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +}" +2f4d0047482acd02e33b1f397de8e7318747bb72,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } +}" +698a45549f97882a049e5256f17ae1be6c616c64,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else + { + return 0; + } +}" +995a6f27f34fc7e7b55a2e263789175fbce354ab,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +}" +cf416b31e0597122d351fe8c2a0eba1bad462926,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a > 21) + { + return b; + } +}" +906e5b2fe24e8647f23ab533617eaad919c32253,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a > 21) + { + return b; + } + else + { + return a; + } +}" +3321f39b679421d1cd7a2f648cb79ebefbdea354,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else + { + return b; + } +}" +458efb3ae6d0fe7b6837e0eeec901430890b39c5,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if ((a > b) || (b > 21)) + { + return a; + } + else + { + return b; + } +} +" +703fae7aab869a972e40e36683a028fcf7b9f724,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (((a < 21) && (a > b)) || (b > 21)) + { + return a; + } + else + { + return b; + } +} +" +6b2227c03ae69b2518ac322370a21edc13e53191,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (((a =< 21) && (a > b)) || (b > 21)) + { + return a; + } + else + { + return b; + } +} +" +a7c5a38f55acebc1199612886925ad737aa90719,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else if (((a <= 21) && (a > b)) || (b > 21)) + { + return a; + } + else + { + return b; + } +} +" +8a364a7fb539cf25b4e0eec213c8226501e17c6a,"public int blackjack(int a, int b) +{ + if (ab>a) + return b; + else if (22>a>b) + return a; + else + return b; +} +" +9c3393012ef65b09781b1dd96763689a5e4c03fe,"public int blackjack(int a, int b) +{ + if ((a > 0) && (b > 0)) + { + if ((a <= 21) && (b <= 21)) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if ((a < 21) && (b > 21)) + { + return a; + } + else if ((a > 21) && (b < 21)) + { + return b; + } + else + { + return 0; + } + } + else + { + return 0; + } +} +" +d9da46323691ac34981eae30efa9ddc916e0f86a,"public int blackjack(int a, int b) +{ + if ((22>b) (b>a)) + return b; + else if ((22>a)&& (a>b)) + return a; + else + return b; +} +" +91c2f26d43c7a4126cddd718c73c29a0a6d65b03,"public int blackjack(int a, int b) +{ + if ((22>b) && (b>a)) + return b; + else if ((22>a)&& (a>b)) + return a; + else + return b; +} +" +f832cf940c694cf58c5e9253daebc52fcc166ed8,"public int blackjack(int a, int b) +{ + if ((22>b) && (b>a)) + return b; + else if ((22>a) && (a>b)) + return a; + else if (b>a) + return a; + else if (a>b) + return b; +} +" +47bfa463c85068a67f71592cbbe441bc2eb6950c,"public int blackjack(int a, int b) +{ + if ((22>b) && (b>a)) + return b; + else if ((22>a) && (a>b)) + return a; + else if (b>a) + return a; + else if (a>b) + return b; + else return 0; +} +" +ed422b13b9eed2cc8be18b22ff9c3324e402b420,"public int blackjack(int a, int b) +{ + if ((22>b) && (b>a)) + return b; + else if ((22>a) && (a>b)) + return a; + else if ((a>21) && (b>21)) + return 0; + else if (a>b) + return b; + else return a; +} +" +f69366cc0aec4b1f3de19fdaf0af6cd8a0b84737,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) +} +" +d6173cbd1522a481a9907c685a2614defb6b1d9b,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } +} +" +cfb13d2734b2aa66f4df12810c8397ec296cb071,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else + { + return 0; + } +} +" +1e870adfc792f1bcae5d1a8fed38fe548227d257,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else + { + return 0; + } + } +}" +b284fdaaf63915b93811b260b7f32d67d921a4dd,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + else + { + return 0; + } +}" +b9f96ec821a98a197e2da145c865e441d8b7f536,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + } + else + { + return 0; + } +}" +112418cb37b9d3b63e3f1fccb9b179aa93598439,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } +}" +5150b89306dcb3c7d835002afd2b2beebe0956d9,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } + else if (a > 21 && b < 21) + { + return b; + } + else if (b > 21 && a < 21) + { + return a; + } + else + { + return a; + } +}" +fb0d9f4bf29e247055ead5c22de5ee267153c619,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < =21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <= 21) + { + return a; + } + else + { + return a; + } +}" +f06098dab758a2391ac752216504e205af859cc6,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 && b <= 21) + { + return b; + } + else if (b > 21 && a <= 21) + { + return a; + } + else + { + return a; + } +}" +0e1937be9e5dcc46b27c1ec5d053e40b696fd09d," +public int blackjack(int a, int b) { + + if (a > 21 && b > 21) { + + return 0; + + }else if (a > 21) { + + return b; + + } else if (b > 21) { + + return a; + + } + + + + int sumA = 21 - a; + + int sumB = 21 - b; + + + + if (sumA > sumB) { + + return b; + + } else { + + return a; + + } + + + +} +" +bb71a73ce53764633e5ecb2453f14770fc11a67a,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (b <= 21) && (a > b)) + { + return a; + } + else if ((a <= 21) && (b <= 21) && (a < b)) + { + return b; + } + else if ((a <= 21) && (b > 21)) + { + return a; + } + else if ((a > 21) && (b <= 21)) + { + return b; + } + else + return 0; + + + +} +" +9ae86090080d56785f339ad961d9330522f9a5f7,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if(c>=0 || d>=0) + { + if(c > d) + { + return c; + } + else + { + return d; + } + } + else + { + return 0; + } +} +" +132316aeeeb14a7933fff4f334e6b7c86827e1bd,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if(c>=0 || d>=0) + { + if(c > d) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +b383a34475dd320053a98622f81959e793117df6,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if(c>=0 || d>=0) + { + if(a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +e988e1728b44a203d89271492e4775cc74cdf4b1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +aa8bf5dd68a41cade1411a7902de6efeb80cc79c,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a<21) + { + return a; + } + else if (b<21) + { + return b; + } + } + else + { + return 0; + } +} +" +e190b1cd50bb34b8623f59950a53807964033a21,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a<21) + { + return a; + } + else if (b<21) + { + return b; + } + } + return 0; +} +" +3bf5e0191eaed96d778a5b69e131cc216e95b85d,"public int blackjack(int a, int b) +{ + if (a>b) + { + if(a< 21) + { + return a; + } + else if (b<21) + { + return b; + } + else + { + return 0; + } + } + else if (b>a) + { + if (b<21) + { + return b; + } + else if (a<21) + { + return a; + } + else + { + return 0; + } + } +} +" +43740968ea7f03dd964fd17d7d5e734c5d2236fa,"public int blackjack(int a, int b) +{ + if (a>b) + { + if(a< 21) + { + return a; + } + else if (b<21) + { + return b; + } + else + { + return 0; + } + } + else if (b>a) + { + if (b<21) + { + return b; + } + else if (a<21) + { + return a; + } + else + { + return 0; + } + } + return 0; +} +" +5b1cb08b4054ba2ab939d24c3afdece229b5bbe4,"public int blackjack(int a, int b) +{ + if (a>b) + { + if(a <= 21) + { + return a; + } + else if (b<=21) + { + return b; + } + else + { + return 0; + } + } + else if (b>a) + { + if (b<=21) + { + return b; + } + else if (a<=21) + { + return a; + } + else + { + return 0; + } + } + return 0; +} +" +c312590bf95267cdf68ce5932ad50f586b6e0a09,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if c < 0 && d < 0 + { + return 0; + } + else if c < 0 + { + return b; + } + else if d < 0 + { + return a; + } + else if c < d + { + return b; + } + else + { + return a; + } +} +" +e253d192f62c237a33d04e00c9b56c8eff54a356,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if (c < 0 && d < 0) + { + return 0; + } + else if (c < 0) + { + return b; + } + else if (d < 0) + { + return a; + } + else if (c < d) + { + return b; + } + else + { + return a; + } +} +" +92f21e521719a710747a188df7f822d673dba594,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if (c < 0 && d < 0) + { + return 0; + } + else if (c < 0) + { + return b; + } + else if (d < 0) + { + return a; + } + else if (c < d) + { + return a; + } + else + { + return b; + } +} +" +a3094c783a89e5b171d6fe2cc1058631ef24f08a,"public int blackjack(int a, int b) +{ + if ( a - 21 > b - 21) + { + return ""a""; + } + else if (a - 21 < b - 21) + { + return""b""; + } + else if ( a - 21 > 0 && b - 21 > 0) + { + return ""0""; + } +} +" +8c6b87ec3c3c1c62c8859bb2681e8b2a34e30aa5,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +d41cc763b69dffc43d98cd86786e6d015ac7bf29,"public int blackjack(int a, int b) +{ + if ( (a - 21) - (b - 21) < 0) + { + return ""a""; + } + else if ((a - 21) - (b - 21) > 0) + { + return""b""; + } + else if ( a - 21 > 0 && b - 21 > 0) + { + return ""0""; + } +} +" +7cd3f361243442e409a8db0be5aa9e90c7e8bcd5,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; +} +" +70bd7a529c9298d1c8336355fcd5824fc1f1d60f,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return ""b""; + } + + else if(b>21) return ""a""; +} +" +9a8abb9ef6efa1936f791bf776ca9cf61783955a,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +" +805b37516eb64f525b09ceef14e38c1826b33267,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + return a; + } + else + { + return b; + } +} +" +3b14eecf1c124fb31df7dd2fc0369dddf5727252,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b <= 21) + { + return Math.max(a,b); + } +} +" +e1872e7047b07452d89f9d47b59b043e92d44b30,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (b > 21) + { + return a; + } + return Math.max(a,b); +" +f96b449b2d13a5fa10bfa5b94a82739112086fa6,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + return Math.max(a,b); +" +af00fc148ae5923d390c6253359eceaa9af54b6f,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + return Math.max(a,b); +" +9117d6d28ce2d5748f2bac3989f82189189d3090,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + return Math.max (a,b); +" +5509083e3bee8cbcdc615a6ed94b1e0c31b930fc,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (a < b && b <= 21) + { + return b; + } + return a; +" +0c3efd4c082efd74b0e91dd7b8b083439c35adba,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (a < b && b <= 21) + return b; + return a; +" +b0105ebc9973a50ae8a97f2caa3ef978a34fdf94,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + return 0; + return b; + } + if (a < b && b <= 21) + return b; + return a; +" +73ea468a58772d86e0b3dc45ca262484dbdfd131,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (a < b && b <= 21) + { + return b; + } + return a; +} +" +2867df962d7db537b2903a27a5cb945c3afada27,"public int blackjack(int a, int b) +{ + a = Random.generator().nextInt(); + c = a + 1; + b = Random.generato().nextInt(); + d = b + 1; + if ( int c < 21 && int d < c) + { + Systemout.printLn(c); + } +} +" +cccae2b0253aa9f252e095fdc4a8842dd7bf2b9a,"public int blackjack(int a, int b) +{ + a = Random.generator().nextInt(); + c = a + 1; + b = Random.generato().nextInt(); + d = b + 1; + if ( int c < 21 && int d < c) + { + System.out.printLn(c); + } +} +" +e8e59cd3dc29d21e945406c890b0a741675896db,"public int blackjack(int a, int b) +{ + int a = Random.generator().nextInt(); + int c = int a + 1; + int b = Random.generato().nextInt(); + int d = int b + 1; + if ( int c < 21 int d < c) + { + System.out.printLn(c); + } +} +" +4fad778f908b9335c330c33669b6d337dd2497d1,"public int blackjack(int a, int b) +{ + a = Random.generator().nextInt(); + int c = a + 1; + b = Random.generato().nextInt(); + int d = b + 1; + if ( int c < 21 int d < c) + { + System.out.printLn(c); + } +} +" +51a9622e9af1dcd178dcf714fc3bc66d78d6e96b,"public int blackjack(int a, int b) +{ + a = Random.generator().nextInt(); + int c = a + 1; + b = Random.generato().nextInt(); + int d = b + 1; + if ( c < 21 && d < c) + { + System.out.printLn(c); + } +} +" +7f5d5d46b87e1c7bf8273b320c8c3e11f181f66a,"public int blackjack(int a, int b) +{ + a = 1++; + int c = a + 1; + b = Random.generato().nextInt(); + int d = b + 1; + if ( c < 21 && d < c) + { + System.out.printLn(c); + } +} +" +c848b56562e56712147bfacc1184ca33f7d3e0e2,"public int blackjack(int a, int b) +{ + a > 0; + int c = a + 1; + b > 0; + int d = b + 1; + if ( c < 21 && d < c) + { + System.out.printLn(c); + } +} +" +76f20e2b28a4b38c5c5f6041714fee25d6b01bf7,"public int blackjack(int a, int b) +{ + a >= 0; + int c = a + 1; + b >= 0; + int d = b + 1; + if ( c < 21 && d < c) + { + System.out.printLn(c); + } +} +" +e47d9f91c5add037a847be526ae19e305bd4ef6c,"public int blackjack(int a, int b) +{ + a = 1, ++; + int c = a + 1; + b >= 0; + int d = b + 1; + if ( c < 21 && d < c) + { + System.out.printLn(c); + } +} +" +e602f93f4b089c8492476290c7c391f8cf46dbce,"public int blackjack(int a, int b) +{ + a = 1; ++; + int c = a + 1; + b >= 0; + int d = b + 1; + if ( c < 21 && d < c) + { + System.out.printLn(c); + } +} +" +df77da2a0b11e640c6058d37abc39b41b6b360aa,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + + if( (a-b) > 0) + { + return a; + } + else if ((b-a) > 0) + { + return b; + } + } + else + return 0; +} +" +e2d2dd0c5c0873f05aeb3e9cd4ca4a7f1b28de54,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + + if( (a-b) > 0) + { + return a; + } + else if ((b-a) > 0) + { + return b; + } + } + else + return 0; + return 0; +} +" +466b3cb2c5c79bfce03a9eae9fd5c92a5683fd68,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) { + return 0; + } + else if ((a > 0 && a <= 21) && ( b > 0 && b <= 21)) { + if (b > a) { + return b; + } + else if (a > b) { + return a; + } + } +} +" +bcf47e16db19e11854a93a4bd8f4712e2a71ba90,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + + if( (a-b) > 0) + { + return a; + } + else if ((b-a) > 0) + { + return b; + } + } + else + return 0; + return 0; +} +" +5b31f3afd0eab96ca222e2a50e7746c23c51e869,"public int blackjack(int a, int b) +{ + if ( a < 21 && b < q) + { + System.out.printLn(a); + } +} +" +0f6207c36b9e94ee033e30de27c34629be789bb9,"public int blackjack(int a, int b) +{ + if ( a < 21 && b < a) + { + System.out.printLn(a); + } +} +" +af67e429c8b88a5a6048c171de0a9383b7a4e19e,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) { + return 0; + } + else if ((a > 0 && a <= 21) && ( b > 0 && b <= 21)) { + if (b > a) { + return b; + } + else if (a > b) { + return a; + } + } + return 0; +} +" +0bfbea4edd38e3a40cfcdd3e4ffd7d40e3528f31,"public int blackjack(int a, int b) +{ + if ( a < 21 && b < a) + { + System.out.printLn('a'); + } +} +" +571b0629980a1a93d55ac7bc4201d1e1bbecbef0,"public int blackjack(int a, int b) +{ + if ( a > 21 && b > 21) { + return 0; + } + else if ((a > 0 && a <= 21) && ( b > 0 && b <= 21)) { + if (b > a) { + return b; + } + else if (a > b) { + return a; + } + } + else if ((a > 21 && b < 21) || ( a < 21 && b > 21)) { + if (a > 21 && b < 21) { + return b; + } + else { + return a; + } + } + return 0; +} +" +1cd9300e8630925417dccd26115490a0a385fc3e,"public int blackjack(int a, int b) +{ + if ( a < 21 && b < a) + { + System.out.println(a); + } +} +" +4120a334adb1b86f2902e5bb492aa6017856bf0e,"public int blackjack(int a, int b) +{ + if ( a < 21 && b < a) + { + System.out.println(a); + } + else if ( a > 21 && b > 21) + { + System.out.println(0); + } + else if ( b < 21 && b > a) + { + System.out.println(b); + } + else + { + + } +} +" +040709b663d97c1c60899481cb2c4a0714015d96,"public int blackjack(int a, int b) +{ + if( a > 21 && b >21) + { + return 0; + } + else if (b <= 21 && (b-a)=>0) + { + return b; + } + else if(a <= 21 && (a-b)=>0) + { + return a; + } + else if( a <=21 || b <= 21) + { + if( a <=21 && b > 21) + { + return a; + } + if( b <=21 && a > 21) + { + return b; + } + } + + return 0; +} +" +38397ddbfc247ef08f39855ec77bbc7c9192cd41,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + return b; + } + if(remb == 0 && (b < a)) + { + return a; + } + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + else if(a>21 && b>21) + return 0; +}" +975ead27bcbfa4f95efb50532ff46e46a7bffb8b,"public int blackjack(int a, int b) +{ + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + return a; + } + else if(b == 21) + { + return b; + } + else if(a > 21 && b < 21) + { + return b; + } + else if(b > 21 && a < 21) + { + return a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + return b; + } + if(remb == 0 && (b < a)) + { + return a; + } + if(rema>remb) + { + return b; + } + if (rema < remb) + { + return a; + } + } + else if(a>21 && b>21) + { + return 0; + } +}" +49e029a157f4656fa825116151e6e094e2d59507,"public int blackjack(int a, int b) +{ + if( a > 21 && b >21) + { + return 0; + } + else if (b <= 21 && (b-a) >= 0) + { + return b; + } + else if (a <= 21 && (a-b) >= 0) + { + return a; + } + else if( a <=21 || b <= 21) + { + if( a <=21 && b > 21) + { + return a; + } + if( b <=21 && a > 21) + { + return b; + } + } + + return 0; +} +" +8ab8393d018934500e74f8bbffa46658d3e4666f,"public int blackjack(int a, int b) +{ + int num =0; + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + num= a; + } + else if(b == 21) + { + num= b; + } + else if(a > 21 && b < 21) + { + num b; + } + else if(b > 21 && a < 21) + { + num a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + num= b; + } + if(remb == 0 && (b < a)) + { + num= a; + } + if(rema>remb) + { + num= b; + } + if (rema < remb) + { + num= a; + } + } + else if(a>21 && b>21) + { + num= 0; + } + return num; +}" +1391d32f1ed43e4e3ef20a43a7070f776ef672e7,"public int blackjack(int a, int b) +{ + int num =0; + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + num= a; + } + else if(b == 21) + { + num= b; + } + else if(a > 21 && b < 21) + { + num= b; + } + else if(b > 21 && a < 21) + { + num=a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + num= b; + } + if(remb == 0 && (b < a)) + { + num= a; + } + if(rema>remb) + { + num= b; + } + if (rema < remb) + { + num= a; + } + } + else if(a>21 && b>21) + { + num= 0; + } + return num; +}" +2ba50d5adeab39cfca8cc48bed540163db7463d7,"public int blackjack(int a, int b) +{ + int num =0; + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + num= a; + } + else if(b == 21) + { + num= b; + } + else if(a > 21 && b < 21) + { + num= b; + } + else if(b > 21 && a < 21) + { + num=a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + num= b; + } + if(remb == 0 && (b < a)) + { + num= a; + } + if(rema>remb) + { + num= b; + } + if (rema < remb) + { + num= a; + } + } + else if(a>21 && b>21) + { + num= 0; + } + else + { + num =0; + } + return num; +}" +21672e64e2d0fb06f44cb49a6356d9cf6966ad3a,"public int blackjack(int a, int b) +{ + int num =0; + int rema = 21 % a; + int remb = 21 % b; + if(a == 21) + { + num= a; + } + else if(b == 21) + { + num= b; + } + else if(a > 21 && b < 21) + { + num= b; + } + else if(b > 21 && a < 21) + { + num=a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + num= b; + } + else if(remb == 0 && (b < a)) + { + num= a; + } + else if(rema>remb) + { + num= b; + } + else if (rema < remb) + { + num= a; + } + } + else if(a>21 && b>21) + { + num= 0; + } + else + { + num =0; + } + return num; +}" +f0c481a9e07c60bea12e78a5079713f14b24c2a9,"public int blackjack(int a, int b) +{ + if(b > 21 && a < 21) + return a; + if(a>21 && b < 21) + return b; + if(a > b) + return a; + if (b > a) + return a; + return 0; +} +" +cf0f2d303a2d26065c256990fc83de37c47bed36,"public int blackjack(int a, int b) +{ + if(b > 21 && a < 21) + return a; + if(a>21 && b < 21) + return b; + else { + if(a > b) + return a; + if (b > a) + return a; + } + return 0; +} +" +e466d3b7bc7be1e068bc8add4c59588b38486d3c,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21 ) + return 0; + if(b > 21 && a < 21) + return a; + if(a>21 && b < 21) + return b; + else { + if(a > b) + return a; + if (b > a) + return a; + } + return 0; +} +" +0f85b6ff7d6982cb81d9a7542d79daca719c4e22,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21 ) + return 0; + if(b > 21 && a < 21) + return a; + if(a>21 && b < 21) + return b; + else { + if(a > b) + return a; + if (b > a) + return b; + } + return 0; +} +" +b48d8edd4cdc62e1ac335ffcbc7224c89613c4bd,"public int blackjack(int a, int b) +{ + int num =0; + int rema = 21 % a; + int remb = 21 % b; + if(a == 21 || b==21) + { + num= 21; + } + + else if(a > 21 && b < 21) + { + num= b; + } + else if(b > 21 && a < 21) + { + num=a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + num= b; + } + else if(remb == 0 && (b < a)) + { + num= a; + } + else if(rema>remb) + { + num= b; + } + else if (rema < remb) + { + num= a; + } + } + else if(a>21 && b>21) + { + num= 0; + } + else + { + num =0; + } + return num; +}" +9b1706c0fc2781ad78518eb1182e3287d659fa38,"public int blackjack(int a, int b) +{ + int num =0; + int rema = 21 % a; + int remb = 21 % b; + if(a == 21 || b==21) + { + num= 21; + } + else if(a > 21 && b < 21) + { + num= b; + } + else if(b > 21 && a < 21) + { + num=a; + } + else if (a<21 && b<21) + { + if(rema == 0 && (b > a)) + { + num= b; + } + else if(rema == 0 && (b < a))// + { + num = a; + } + else if(remb == 0 && (b < a)) + { + num= a; + } + else if(remb == 0 && (b > a))// + { + num=b; + } + else if(rema>remb) + { + num= b; + } + else if (rema < remb) + { + num= a; + } + } + else if(a>21 && b>21) + { + num= 0; + } + else + { + num =0; + } + return num; +}" +4ef9fc4b4e2e564fadc74344a75bcd53d1a98367,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +1b8354325274003497caba66c6575d7b161466d3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } +} +" +713d0ecd8f3e045a0b3eb622f6e4c13bbd5cccb9,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + int c = a + return c; + } + else + { + int d = b; + return d; + } +} +" +f69671ffe6af40ca3fa740ab033fff9ad0956c80,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) + { + int c = a; + return c; + } + else + { + int d = b; + return d; + } +} +" +83b8c0cbc5efd6f0379fcb1b7b33670551d489cf,"public int blackjack(int a, int b) +{ + if (a>21) + { + a = 0; + } + if (b>21) + { + b = 0; + } + + if (a>b) + { + int c = a; + return c; + } + else + { + int d = b; + return d; + } +} +" +d837dc804869d371cdbf5582093b4e421e9d951b,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + return Math.max(a, b); + } + if (a <= 21) + { + return a; + } + if (b <= 21) + { + return b; + } + return 0; + +} +" +90aed9d35fd7dec370256e04efd65ad6d00faac8,"public int blackjack(int a, int b) +{ + if (a>21&&b>21) return(0); + if (a>b) return a; + return b; +} +" +8b13df80243edc472738dffe2f8893c85f936e75,"public int blackjack(int a, int b) +{ + if (a > 21) a = 0; + if (b > 21) b = 0; + if (a > b) + { + return a; + } + else + { + return b; + } + +} +" +f437347e69346dd1f65cc664cf29d9c226ddfd9c,"public int blackjack(int a, int b) +{ + if (a<=21&&a>b) return a; + if (b<=21&&b>a) return b; + return 0; +} +" +692857ba0e6afc1b8605a4ac8171ec689b6bc99d,"public int blackjack(int a, int b) +{ + if(a<=21&&a>b) return a; + if(b<=21&&b>a) return b; + if(a>21&&b<=21) return b; + if(b>21&&a<=21) return a; + return 0 +} +" +bd00b74e7782513dc027944fa4466df31831a6f1,"public int blackjack(int a, int b) +{ + if(a<=21&&a>b) return a; + if(b<=21&&b>a) return b; + if(a>21&&b<=21) return b; + if(b>21&&a<=21) return a; + return 0; +} +" +6215495fd86c85bb4e7166dab58c3341a645dd5f,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + if (a > 21 && b <= 21) + { + return b; + } + else if (a <= 21 && b > 21) + { + return a; + } + else + { + return 0; + } + + +} +" +41f7f6b2e173b3eb4afd77ac384b91c80ea383c3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } + if ( a > b && a > 21) { + return b; + } + if ( b > a && b > 21) { + return a; + } + if (Math.abs(21-a) > Math.abs(21-b)) { + return b; + } + if (Math.abs(21-a) < Math.abs(21-b)) { + return a; + } + return 0; +} +" +ed3a57eccf404b0bce1a31b937a9679372db28b6,"public int blackjack(int a, int b) +{ + if(a > 0 && b >0) + { + if((21-a)<(21-b)) + return a; + else if((21-b)<(21-a)) + return b; + else + { + return a; + return b; + } + } +} +" +12504e264693445188015916987833b4cd162bc5,"public int blackjack(int a, int b) +{ + if(a > 0 && b >0) + { + if((21-a)<(21-b)) + return a; + else if((21-b)<(21-a)) + return b; + else + { + return a && b; + } + } +} +" +c282760c99cad8fda0ad795ee309dee655ef103b,"public int blackjack(int a, int b) +{ + if(a > 0 && b >0) + { + if((21-a)<(21-b)) + return a; + else if((21-b)<(21-a)) + return b; + else + { + return a, b; + } + } +} +" +e6d9f895f47babcfab28a3d581e0413b1f7b3e83,"public int blackjack(int a, int b) +{ + if(a > 0 && b >0) + { + if (a> 21 && b> 21) + return 0; + else if(a>21 && (21-b > 0)) + return b; + else if(b>21 && (21-a > 0)) + return a; + else if((21-a)<(21-b)) + return a; + else if((21-b)<(21-a)) + return b; + else + { + return 0; + } + } +} +" +4f0e796439097dd5ccee539d0bba43f0903a2284,"public int blackjack(int a, int b) +{ + if(a > 0 && b >0) + { + if (a> 21 && b> 21) + return 0; + else if(a>21 && (21-b > 0)) + return b; + else if(b>21 && (21-a > 0)) + return a; + else if((21-a)<(21-b)) + return a; + else if((21-b)<(21-a)) + return b; + else + return 0; + } +} +" +dbb0f1c4adc5bc73155d3f10d4febf07d6ab2723,"public int blackjack(int a, int b) +{ + if(a > 0 && b >0) + { + if (a> 21 && b> 21) + return 0; + else if(a>21 && (21-b > 0)) + return b; + else if(b>21 && (21-a > 0)) + return a; + else if((21-a)<(21-b)) + return a; + else if((21-b)<(21-a)) + return b; + else + return 0; + } + else + return 0; +} +" +8e5b0f729f7c1e4506c7510f4f125ff59f692f8f,"public int blackjack(int a, int b) +{ + if (a < 21 && b < 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + + } +} +" +4aba14ab3d6cbfba5204d15c7cbeb35244f9e300,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + + } +} +" +f928572ffd4451a206e2b58501fa8ecf0108dbec,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + + } +} +" +4c7fb12ffcd4f4c33d763f43a67204e832bac878,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + + } +} +" +bd134a8b8ff0202dd5e1cc2cd3fd4cf42f14923d,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ((21 - a) < (21 - b)) + { + return a; + } + else + { + return b; + } +} +" +bd588e3151cb8d8c313c0f3fae62e695d7fe3139,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ((21 - abs(a)) < (21 - abs(b))) + { + return a; + } + else + { + return b; + } +} +" +7e144c9c563a07f382a02efc9773048f1da1752d,"public int blackjack(int a, int b) { + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +}" +57c0a6a833daf414a4269f7c9989486ce2acd988,"public int blackjack(int a, int b) { + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else + { + return b; + } +}" +ce71b73ae6a9334a5ff6b652e2093cd99c903bf9,"public int blackjack(int a, int b) +{ + if (a>21) + a = 0; + if (b>21) + b = 0; + + if (a>b) { + return a; + else + { + return b; + } +}" +7a87adb17e9dff11fbaeb4d2fa3b8a0440c49079,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && b <= 21) + { + if ((21 - a) < (21 - b)) + { + return a; + } + else + { + return b; + } + } + else if (a > 21) + { + return b; + } + else + { + return a; + } +} + +" +e75919ccf290c5eb4a0bb40cd3d4d6ce7785f3cb,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + + if (a > b) + { + return a; + } + else + { + return b; + } +}" +d63fe07bd2f074e4fb66bcc94cb99f362214d73e,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21 || b > 21) + { + if (a > b) + { + return b; + } + else + { + return a; + } + } + else + { + if (a > b) + { + return a; + } + else + { + return b; + } + } +} +" +14855d720f45c98948b9a49b4f3cfb41f26d7355,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a == b && a <= 21) + { + return a; + } + else + { + return 0; + } +} +" +3abceb6091774b6af31cb5ba68ebc852cb5679b7,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if(c>=0) + { + if(d>=0) + { + if(a>b) + return a; + else + return b; + } + else + return a + } + else if(d>0) + return b; + else + return 0; +} +" +86e4fa7998bb4b2d004c4411b1fb9403132bd446,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if(c>=0) + { + if(d>=0) + { + if(a>b) + return a; + else + return b; + } + else + return a; + } + else if(d>0) + return b; + else + return 0; +} +" +e41924f25d0ffa269e7e3305c87d8bf3e6640d14,"public int blackjack(int a, int b) +{ + if(ab & a<=21) + { + return a; + } + else + { + return 0; + } +} +" +4251edcd6a397abc31c2c2bd62ab3881c5212027,"public int blackjack(int a, int b) +{ + if(a21) + { + return b; + } + else if(a>b & a<=21 & b>21) + { + return a; + } + else if(ab & a<=21) + { + return a; + } + else + { + return 0; + } +} +" +c10de0c9c40494b6887f40fef79c3c9ff8bd73ac,"public int blackjack(int a, int b) +{ + if(a21) + { + return b; + } + else if(a>b & a<=21 & b>21) + { + return a; + } + else if(a>b & b<=21 & a>21) + { + return b; + } + else if(a21) + { + return a; + } + else + { + return 0; + } +} +" +857790c610ce5750897c213b66a473e2ed24ed37,"public int blackjack(int a, int b) +{ + if(a21) + { + return b; + } + else if(a>b & a<=21 & b>21) + { + return a; + } + else if(a>b & b<=21 & a>21) + { + return b; + } + else if(a21) + { + return a; + } + else if(ab & a<=21) + { + return a; + } + else + { + return 0; + } +} +" +be6155f57878ce1e1b1fec824c9ecf35ed793170,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a > b) + { + return a; + } + else + { + return b; + } +} +" +69e521d9a91e17492d6fbd41538cb43b4e331fab,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 && b < 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else + { + return 0; + } +} +" +f5fd575ae75a83cc390cdcf9f2d2ff4c53b26309,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a < 21 && b < 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a >= 21) + { + return b; + } + else if (b >= 21) + { + return a; + } + else + { + return 0; + } +} +" +8674ac3a569ac0062538b941321afefb396fd284,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else + { + return 0; + } +} +" +cc4c20ffd62a9340018f63ff2afb5c8d65f7ed6e,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else + { + distA = a - 21; + distB = b - 21; + + if (distA > distB) + { + return a; + } + else + { + return b; + } + } +} +" +abdbd56f68151117e7bc864a7eed5385090444e1,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else + { + int distA = a - 21; + int distB = b - 21; + + if (distA > distB) + { + return a; + } + else + { + return b; + } + } +} +" +f1cea55359be4b1bc98068ce3b10af0542ad0ec7,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else + { + int distA = a - 21; + int distB = b - 21; + + if (distA > distB) + { + if(a < 21) + { + return a; + } + else + { + return b; + } + } + else + { + return b; + } + } +} +" +5e6e5acd6e38a801371f57508387a1968bb49ec4,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else + { + int distA = a - 21; + int distB = b - 21; + + if (distA > distB) + { + if(a < 21) + { + return a; + } + else + { + return b; + } + } + else + { + if(b < 21) + { + return b; + } + else + { + return a; + } + } + } +} +" +f2c9ef91c7cb83f30ac7fa3e9eb7b19d01e9f1c2,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else + { + int distA = a - 21; + int distB = b - 21; + + if (distA > distB) + { + if(a <= 21) + { + return a; + } + else + { + return b; + } + } + else + { + if(b <= 21) + { + return b; + } + else + { + return a; + } + } + } +} +" +36a03bbd1c3a5d3657a96bbb3f6208f7c128f826,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + }else if (a > 21) { + return a; + } + + int sumA = 21 - a + int sumB = 21 - b + + if (sumA > sumB) { + return b; + } else { + return a; + } +} +" +4a49b3ca908f75754e3042a9b2a2a1f0f31f7923,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + }else if (a > 21) { + return a; + } + + int sumA = 21 - a; + int sumB = 21 - b; + + if (sumA > sumB) { + return b; + } else { + return a; + } +} +" +a5d54c29afd15a2712f1ac015558181a224afd26,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + }else if (a > 21) { + return b; + } else if (b > 21) { + return a; + } + int sumA = 21 - a; + int sumB = 21 - b; + if (sumA > sumB) { + return b; + } else { + return a; + } +} +" +93e6a8ceece21adcdbf9ce0fd9edc4cb07d794fe,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; + + return a > b ? a : b; +} +" +0d927bc68bae0892627dce8f1409a738ed194328,"public int blackjack(int a, int b) +{ + if ( (a <= 21 && b<= 21) && a > b) + { + return a; + } + else + { + return b; + } + + return 0; + + +} +" +fda717cba1b8df4b6cc4b0b2d5bd5fb79d88dacb,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } + + +} +" +572af447c24a242dd981e82a39a5be48684b81b5,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else if { + return b; + } + + } +} +" +652232061d288a76b11fc1afdf413346d681bd99,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) return Math.max(a, b); + if (a <= 21) return a; + if (b <= 21) return b; + return 0; +} +" +9d1e2dcdd8d88ec5a5c76e2526ec3c29895b6d36,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a >= b) + { + return a; + } + else + { + return b; + } + } + else if ( a > 21 && b <= 21) + { + return b; + } + else if ( a <= 21 && b > 21) + { + return a; + } + else + { + return 0; + } + + + + +} +" +ccc4cbab7e0a47e18faaeac71b1763a73c66bab9,"public int blackjack(int a, int b) +{ + if(a>0 && b>0) + { + if(Math.abs(a-21)0 && b>0) + { + if(Math.abs(a-21)0 && b>0) + { + if(Math.abs(a-21)0 && b>0) && (a<=21 && b<=21)) + { + + if(Math.abs(a-21)0 && b>0) && (a<=21 && b<=21)) + { + + if(Math.abs(a-21)0 && b>0) && (a<=21 && b<=21)) + { + + if(Math.abs(a-21) 21 + { + if b > 21 + { + return 0; + } + return b; + } + else if (b > 21) + return a; + +} +" +ee95432aaa20d34bb76e1fab4d8fc7c7fdae6078,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + if (a>21) + { + return b; + } + if (b > 21); + { + return a; + } +} +" +84a1170d2f8182e48375ed27d623a48f143f1d63,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + if (a>21) + { + return b; + } + if (b > 21); + { + return a; + } + if (21-a) <= (21-b) + { + return a; + } + if (21-a) >= (21-b) + { + return b; + } + else + { + return 0; + } +} +" +cb785c953e942241607db2bbe6666469146b8858,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + if (a>21) + { + return b; + } + if (b > 21) + { + return a; + } + if (21-a) <= (21-b) + { + return a; + } + if (21-a) >= (21-b) + { + return b; + } + else + { + return 0; + } +} +" +74ddebdd6bd6c35ca6575c2c69b06b4d00df0400,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + if (a>21) + { + return b; + } + if (b > 21) + { + return a; + } + if (21-a) <= (21-b) + { + return a; + } + if (21-a) >= (21-b) + { + return b; + } + return 0; + +} +" +b682a936e561049d93ab55d7672c49f736f557a1,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + { + return 0; + } + if (a>21) + { + return b; + } + if (b > 21) + { + return a; + } + if ((21-a) <= (21-b)) + { + return a; + } + if ((21-a) >= (21-b)) + { + return b; + } + return 0; +} +" +87ac53f885f1b545e77fc8fcc4ea7c00b6d224d1,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; +} +" +378c09b86e15b948a407335095e1c66cfdf567b2,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if(diffA < 0 && diffB <0) + { + return 0; + } + else + { + if(diffA < diffB) + { + return a; + } + else + { + return b; + } + } +} +" +2be09118b9640be687c93e6afe7f5f2a8ef75864,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +9fd364a2501521c50378e5ee86684cb2491e518a,"public int blackjack(int a, int b) +{ + int diffA = 21 - a; + int diffB = 21 - b; + if(diffA < 0 && diffB <0) + { + return 0; + } + else if (diffA < 0) + { + return b; + } + else if (diffB < 0) + { + return a; + } + else + { + if(diffA < diffB) + { + return a; + } + else + { + return b; + } + } +} +" +50b1e9a971d76400e37311ba84f22c4a8e41195f,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +} +" +830dec1ebef15f1b66b49f6b72a47fd4b8c00418,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + { + return b; + return a; + } +} +" +094b876cb391585deb030b3630614d35e932849b,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + { + return b; + return a; + } +} +" +d8f9c9d6ad7b1c650289f9b8cbc4eca8b568c0e3,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + {return 0} + +} +" +564c5ddb6ee1bf65507bc00270e89effcec82aad,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + {return 0;} + +} +" +97b4dd0cde3df449fd8491aa65e844c284f3bf41,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +0795ce3c021af8a4dce7ef469646e90ee4056958,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + {return 0;} + if a>b + {return a;} + if b>a + {return b;} + + retutn 0; +} +" +c68fa5ec3924783daaf86ba04520c679bc55425f,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + {return 0;} + if (a>b) + {return a;} + if (b>a) + {return b;} + +} +" +e367a569506581c60f24d6fda420c5ecae935ffe,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + {return 0;} + if (a>b) + {return a;} + if (b>a) + {return b;} + +} +return 0; +" +5a57a112d4be69253077e6e02bbef5b20955b5bf,"public int blackjack(int a, int b) +{ + if (a>21 || b>21) + {return 0;} + if (a>b) + {return a;} + if (b>a) + {return b;} + +} + +" +f5e5d9001f57324c90d0fd2261cb74160a018acd,"public int blackjack(int a, int b) +{ + + + if (a>b) + {return a;} + + if (b>a) + {return b;} + +} + +" +107429f1768a204544ea488445dbdf44c9e9f283,"public int blackjack(int a, int b) +{ + + + if (a>b) + {return a;} + else + {return b;} + +} + +" +47b6ed99aefdf3b8d00cd6db882202a55c8df4c1,"public int blackjack(int a, int b) +{ + + if (a>21 || b>21) + {return 0;} + + if (a>b) + {return a;} + else + {return b;} + +} + +" +82e0cf84df669d4286174c618cb0c447a3a5fca8,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + if (a>b) && (a<=21) + {return a;} + else + {return b;} + +} + +" +27bf2db5b0c0179ef13ca0d7ee2fe919b6d62b2f,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + if ((a>b) && (a<=21)) + {return a;} + else + {return b;} + +} + +" +516a6c60e68a73064fc77e994b7ea0a9d1ed9b87,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + if ((a>b) && (a<=21)) + {return a;} + + if ((b>a) && (b<=21)) + {return b;} + +} + +" +436ab99ae415ccddb9acbe33ca6ef7a1afd15c5a,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + if ((a>b) && (a<=21)) + {return a;} + + if ((b>a) && (b<=21)) + {return b;} + + else + {return 0;} +} + +" +e496f8efa49d4f6b2789ee7a257b35b8485aef8a,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + + else if(a>b) + { + return a; + } + else + { + return b; + } +} +" +bc6e6777e9035e6483136b451c983721cd2886da,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + if ((a>b) && (a<=21)) + {return a;} + + else if (b>a) && (b<=21)) + {return b;} + + else + {return 0;} +} + +" +a19962dd9022a638f7c1b0ae336f9779807bc3fc,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + if ((a>b) && (a<=21)) + {return a;} + + else if ((b>a) && (b<=21)) + {return b;} + + else + {return 0;} +} + +" +ba88eec364ccca9cd11a083d835a6d70f33b65f1,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + else if ((a>b) && (a<=21)) + {return a;} + + else if ((b>a) && (b<=21)) + {return b;} + + else + {return 0;} +} + +" +ebc82c1cee443ead3aa02e281302a228923009d3,"public int blackjack(int a, int b) +{ + if(a <= 21 && b<=21) + { + if( a>b) + { + return a; + } + else + { + return b; + } + } + else if(a>21 && b<=21) + { + return b; + } + else + { + return a; + } + +} +" +74ad5c0d965e37bd32534ec9cd3858aed69263bf,"public int blackjack(int a, int b) +{ + if(a <= 21 && b<=21) + { + if( a>b) + { + return a; + } + else + { + return b; + } + } + else if(a>21 && b<=21) + { + return b; + } + else if (a>21 && b>21) + { + return 0; + } + else + { + return a; + } + +} +" +557575885a96ca01d4d55cd5d60c9803b1553abb,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + else if (a>b) + {return a;} + + else if (b>a) + {return b;} + + else + {return 0;} +} + +" +082b30d3d5578b3b549a7a4499d5dd4ed6064a05,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + else if ((a>b) && (a<=21)) + {return a;} + + else if ((a>b) && (a>21) + {return b;) + + else if ((b>a) && (b<=21)) + {return b;} + + else if ((b>a) && (b>21) + {return a;) + + else + {return 0;} +} + +" +abf55d6367d7b68f2c0f77732c3131525af544b5,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + else if ((a>b) && (a<=21)) + {return a;} + + else if ((a>b) && (a>21) + {return b;} + + else if ((b>a) && (b<=21)) + {return b;} + + else if ((b>a) && (b>21)) + {return a;) + + else + {return 0;} +} + +" +0d98bafea1d94ae203845dd4d4b1d57546d8adec,"public int blackjack(int a, int b) +{ + + if (a>21 && b>21) + {return 0;} + + else if ((a>b) && (a<=21)) + {return a;} + + else if ((a>b) && (a>21)) + {return b;} + + else if ((b>a) && (b<=21)) + {return b;} + + else if ((b>a) && (b>21)) + {return a;} + + else + {return 0;} +} + +" +930ca675e5adf81da129b666bc0cc3ff73471798,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return b; + } + else if (b > 21) + { + return 0; + } + if (a < b && b <= 21) + { + return b; + return a; + } +} +" +cc87fc601871196b68f189ecf1f27cff6a61d621,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return b; + } + else if (b > 21) + { + return 0; + } + if (a < b && b <= 21) + { + return b; + return a; + } +} +" +9a64dd602cc130ef4185eb2f0026b09506763d21,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return b; + } + else if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return b; + return a; +} +" +5329a16f1d2c2b13fac5e95a88bb9cdc6c620d26,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return b; + if (b > 21) + { + return 0; + } + } + + if(a < b && b <= 21) + return b; + return a; +} +" +b163dc8c65d358c9dc26c14ab5798996813bb3ab,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return b; + } + if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return b; + return a; +} +" +901978b26033ba89dbaaa55c49e8e74ab0365abd,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return b; + } + if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return b; + return a; +} +" +58226f16140ba32093d6089a27cedafb2d538989,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return b; + return a; +} +" +ab6e01ad587cf8cc30f23754b8c8c9d3566dc7a4,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if (a > 21 && b > 21) + { + return 0; + } + +} +" +92c26c015653c6b68a143d242fa79ef5de9dac6e,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +cb6e8bdc279e773d8cfcf0d4c10441fb23bc148a,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return b; + return a; +} +" +089232616007c773e58c8dcc1b3bfea830e4fdcc,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return 0; + return a; +} +" +a9a0721045223db80650dd242d5b976f6059003c,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if(a < b && b <= 21) + return b; + return a; +} +" +b6e1f715d5c08be3a4425d85810483b6f8ecd1f6,"public int blackjack(int a, int b) +{ +public int blackjack(int a, int b) { + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +}" +85b71cd4f8dbd133078c7d87943a1a06bdb01432,"public int blackjack(int a, int b) +{ +if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; +}" +e952a83fcea09497f769c096886eeb724d34753a,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) { + return a; + } + else if (b > a && b <= 21) { + return b; + } + else { + return 0; + } +} +" +ab9e7bd151d0be90b9d8e318206ed27d70bd1ecc,"public int blackjack(int a, int b) +{ + if (a>21) + a = 0; + if (b>21) + b = 0; + if (a>b) { + return a; + else { + return b; + } +}" +bedb5d9d5a547a8c83d69c37c0317a71d0f04d5c,"public int blackjack(int a, int b) +{ + if (a>21) + a = 0; + if (b>21) + b = 0; + + if (a>b) + return a; + else + return b; +}" +b58edb236639f9d9bfc2d4dd45029f379b3d9735,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) { + return a; + } + else if (b > a) { + if (b <= 21) { + return b; + } + else { + return a: + } + } + else { + + } +} +" +a0e0397b1e353ba97cc6675db58eba5221ca44b7,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) { + return a; + } + else if (b > a) { + if (b <= 21) { + return b; + } + else { + return a; + } + } + else { + + } +} +" +f63e3f3f8a1d79ef4efefbca842ee9d9954349b4,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) { + return a; + } + else if (b > a) { + if (b <= 21) { + return b; + } + else { + return a; + } + } + else { + return 0; + } +} +" +d95b8facd6b16fe7e9509b157cd238227f178b04,"public int blackjack(int a, int b) +{ + int a1 = 21 - a; + int b1 = 21 - b; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + /** + if (a1 < 0) + { + a1 = a1*-1; + } + if (b1 < 0) + { + b1 = b1*-1; + } + */ + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +d19ddde0af08eef8c3cc48b7b868c2f3d97beff3,"public int blackjack(int a, int b) +{ + int a1 = 21 - a; + int b1 = 21 - b; + if (a1 < 0 && b1 < 0) + { + return 0; + } + else + { + /** + if (a1 < 0) + { + a1 = a1*-1; + } + if (b1 < 0) + { + b1 = b1*-1; + } + */ + if (a1 < 0) + { + return b; + } + if (b1 < 0) + { + return a; + } + if (a1 > b1) + { + return b; + } + else + { + return a; + } + } +} +" +11eabbf47fd23d874c48af3b4b6ba009864a189e,"public int blackjack(int a, int b) +{ + +} +" +67f579b71fbf3a139eb6db6e5c28a645ddc99302,"public int blackjack(int a, int b) +{ + int zero = 0 + if (a + b > 21) + { + return zero; + } +} +" +4029e7dd2b61f5d582f6b218cbc13197bdda96e6,"public int blackjack(int a, int b) +{ + int zero = 0; + if (a + b > 21) + { + return zero; + } +} +" +f42abfffa76883dfe758d07ab20854426410c8e8,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + else if(a>21) + { + return b; + } + else if(b > 21) + { + return a; + } + int sumA = 21-a; + int sumB=21-b; + if(sumA>sumB) + { + return b; + } + else + { + return a; + } +} +" +b8181d38b5be7b7f5eb4a810f5183d1904f4adf9,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + + else if (a > b) + { + return a; + } + + else + { + return b; + } + +} +" +7fcec7af82439095809384fa6638853dbacdb47e,"public int blackjack(int a, int b) +{ + if (a < b && b < 21) + { + return b; + } + + else if (a > b && a < 21) + { + return a; + } + + else + { + return 0; + } + +} +" +aba817e13a0bdabdc43b2acfb5c6b0dc8545d810,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + + else if (a < b && b <= 21) + { + return b; + } + + else if (a > 21 && b > 21) + { + return 0; + } + +} +" +9d44a8244cfad48ccb16912bbfb7e2e99cfbe2d1,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + + if(a < b && b <= 21) + { + return b; + } + return a; +} +" +bde00ebe8d846df20061047070f7b6d620e832b7,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + return Math.max(a,b); +} +" +f70366ff84c0d3edf12b30b81754b15b8bb68cf3,"public int blackjack(int a, int b) +{ + int bj = 0; + if (a <= 21 || b <=21) + { + if (b > 21) + { + bj = a; + } + else if (a > 21) + { + bj = b; + } + else if (a > b) + { + bj =a; + } + else if (b > a) + { + bj = b; + } + + } + return bj; +} +" +89085af9a77c474a398349b199d196f49bee2dce,"public int blackjack(int a, int b) +{ + if (21 - int a < 21 - int b) + { + return int a; + ) + else + { + return int b; + } +} +" +40f01ab2e159c7fc300c9f627f40ccaa8b7aadf8,"public int blackjack(int a, int b) +{ + if((21 - int a) < (21 - int b)) + { + return int a; + ) + else + { + return int b; + } +} +" +e0505041940cc9d34e5c4667b6794bea3affd7a5,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) { + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +} +" +2db79d92ea0908884cdeca375f2b610454379f80,"public int blackjack(int a, int b) +{ + if(int a >21 && int b>21) + { + return 0; + } + + if((21 - int a) < (21 - int b)) + { + return int a; + ) + else + { + return int b; + } +} +" +b043d3fec04d9df84e15b652c7c27a6d57a698d0,"public int blackjack(int a, int b) +{ + if(int a>21 && int b>21) + { + return 0; + } + + if((21 - int a) < (21 - int b)) + { + return int a; + ) + else + { + return int b; + } +} +" +cf786b252d92978705c89a4ede46369b3dcb53c3,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + if((21 - int a) < (21 - int b)) + { + return int a; + ) + else + { + return int b; + } +} +" +fa9019035a4e5fb76c7f586eaeba50d1eb43b592,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + if((21 - a) < (21 - b)) + { + return int a; + ) + else + { + return int b; + } +} +" +0599359d94af838611836b6a0fcf68a300311d08,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + if((21 - a) < (21 - b)) + { + return a; + ) + else + { + return b; + } +} +" +fecd3e65aebcdeacf81cbc1b740b7d3f56b3da2e,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +c6ea8053cec1078d8dd773bb9575f9622fd56085,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + else if((21 - a) < (21 - b)) + { + return a; + } + else + { + return b; + } +} +" +703cccb86109368132c57669d00138f19e8fea62,"public int blackjack(int a, int b) +{ + if(a>21 || b>21) + { + return 0; + } + + else if((21 - a) < (21 - b)) + { + return a; + } + else + { + return b; + } +} +" +ea01602989ae3c7bae5f2ff6377012d02ca8cde2,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + return 0; + } + + else if((21 - a) < (21 - b)) + { + return a; + } + else + { + return b; + } +} +" +cbd701268a15a9a256e78a30500eee43ea89099f,"public int blackjack(int a, int b) +{ + if (a = 21 && b != 21) + { + return a + } + if (a != 21 && b = 21) + { + return b + } + if (a > 21 && b > 21) + { + return 0 + } + if (a < 21 && b >21) + { + return a + } + if (a > 21 && b < 21) + { + + return b + } +} +" +e7cd9dc714be6be85307a8214d96cc2ce82a7e18,"public int blackjack(int a, int b) +{ + if (a = 21 && b != 21) + { + return a; + } + if (a != 21 && b = 21) + { + return b; + } + if (a > 21 && b > 21) + { + return 0; + } + if (a < 21 && b >21) + { + return a; + } + if (a > 21 && b < 21) + { + + return b; + } +} +" +e24beea017e1bd730cebfc3a5c6036d2345296b9,"public int blackjack(int a, int b) +{ + if ((a = 21) && (b != 21)) + { + return a; + } + if (a != 21 && b = 21) + { + return b; + } + if (a > 21 && b > 21) + { + return 0; + } + if (a < 21 && b >21) + { + return a; + } + if (a > 21 && b < 21) + { + + return b; + } +} +" +b38512d096af131b12b20d645cd56b4cbdf06c0d,"public int blackjack(int a, int b) +{ + if(a > 21) + + { + + if(b > 21) + + return 0; + + return b; + + } + + if(a < b && b <= 21) + + return b; + + return a; +} +" +7ef527afac8b0f5e9c1a1e7cd21affc7ebbcbc52,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) + { + if (a<21 && b>21) + return a; + + if (a>21 && b<21) + return b; + } + + else if((21 - a) < (21 - b)) + { + return a; + } + else + { + return b; + } +} +" +e341cab1d1aa2217895b2ad97c67cc7cb4cdc481,"public int blackjack(int a, int b) +{ + if (a = 21) + { + return a; + } + if (b = 21) + { + return b; + } + if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + else + { + return a; + } + +" +57067c92de2d34072216417d7e26954e6a7274ab,"public int blackjack(int a, int b) +{ + if (a = 21) + { + return a; + } + if (b = 21) + { + return b; + } + if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + else + { + return a; + } +} +" +43bd2055f1c0165a9816cff3128d1160adae8775,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + if (b == 21) + { + return b; + } + if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + else + { + return a; + } +} +" +ae66762780c79f58429260a698780e326c09d476,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + if (b == 21) + { + return b; + } + if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + if ((21-a) < (21-b)) + { + return a; + } + if ((21-b) < (21-a)) + { + return b; + } + else + { + return a; + } +} +" +3f70870704da3be1f76ece70d394e550b2fc4188,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + if (b == 21) + { + return b; + } + if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + if ((21-a) < (21-b)) + { + return a; + } + if ((21-a) > (21-b)) + { + return b; + } +} +" +582063bc3a2b5099953eaa9dd74221bd95d7cf9c,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + if (b == 21) + { + return b; + } + if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + if ((21-a) < (21-b)) + { + return a; + } + if ((21-a) > (21-b)) + { + return b; + } +} +" +8cbce4429ec9fe738db9e0abd0948f2ab98f33cb,"public int blackjack(int a, int b) +{ + if ((!a>21)&&(!b>21)) + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + } + else + { + return 0; + } +} +" +f16fd437ad23d0060bd9e8f234047680b31e4a29,"public int blackjack(int a, int b) +{ + if ((! int a>21)&&(! int b>21)) + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + } + else + { + return 0; + } +} +" +5eff32fafcb8e5ea9dc6d9371a40ab5ddc63edf5,"public int blackjack(int a, int b) +{ + if ((! a>21)&&(! b>21)) + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + } + else + { + return 0; + } +} +" +4105b914a25f5672dc3f648db1b18162e80a5e4d,"public int blackjack(int a, int b) +{ + if ((a>21)&&(! b>21)) + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + } + else + { + return 0; + } +} +" +84061596c5e4807936d44900695cab7e2fd07ee8,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + } + else + { + return 0; + } +} +" +6d9ef94b2ad2c6cc781374fd657ac060579cd5d5,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + } +} +" +a297019e3df4257532d4f5a04be8f025d0ab03a6,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + else (b>a) + { + return b; + } + } +} +" +768055119cef211f7e84da62a1b57b081babce0c,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + + else + return 0; + } +} +" +aa1ba4ebd20768d12c7d4d15c16c386cb6b2d6f9,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + + else + return 0; + } +} +" +23fc83dc640f5b0f6fd5de52ef9fd71f03de80fa,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if(a>b && a<21) + { + return a; + } + else if(b>a && b<21) + { + return b; + } + + else + return 0; + } +} +" +3725e88b38e2085a2e8fd46f96dc0804cab08957,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if(a>b) + { + return a; + } + else if(b>a) + { + return b; + } + + else + return 0; + } +} +" +a8b1e277f724cf4476a11e95a9aa03cb7e0f9e9b,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else + { + if((a>b) && (a<21)) + { + return a; + } + else if((b>a) && (b<21)) + { + return b; + } + + else + return 0; + } +} +" +d00a93682d655bce1103e3fc720f4eec78c5d2d4,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) return 0; + if (a > 21 && b <= 21) return b; + if (a <= 21 && b > 21) return a; + return Math.max(a, b); +} +" +e99f57f556545c15eb7d2929f5e02a4e47453c62,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((b>a) && (b<21)) + { + return b; + } + + else + return 0; + } +} +" +c2faa359a0e553a598288716a7f2548aa89b7e09,"public int blackjack(int a, int b) +{ + { + if (a > 21 && b > 21) return 0; + if (a > 21 && b <= 21) return b; + if (a <= 21 && b > 21) return a; + return Math.max(a, b); + } +} +" +53d898e75d53d49b38e4d682154b61a1c4d92124,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((b>a) && (b<21)) + { + return b; + } + + else + { + return 0; + } + +} +" +3724bec5ec7a312bd0fcc498116ed93670cbe9a5,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) +} +" +d7239e305f9e3135516bcc1ef251f4e53d153729,"public int blackjack(int a, int b) +{ +if(a > 21 && b > 21) +{ +return 0; +} +else if(a >= b && a <= 21) +{ +return a; +} +else if(a >= b && a > 21) +{ +return b; +} +else if(b >= a && b <= 21) +{ +return b; +} +else if(b >= a && b > 21) +{ +return a; +} +else +{ +return 0; +} +} +" +164054ee68e507f0d54a89dda51e4a146103da75,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((a>b) && (a>21)) + { + return b; + } + else if((b>a) && (b<21)) + { + return b; + } + else if((b>a) && (b>21)) + { + return a; + } + else + { + return 0; + } + +} +" +a437067a04d74968d22181ef3b9f2d3754cfd8f1,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((a>b) && (a>21)) + { + return b; + } + else if((b>a) && (b<21)) + { + return b; + } + else if((b>a) && (b>21)) + { + return a; + } + + +} +" +a7d010c1221267f821d7cf5db9d72f47920c286a,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((a>b) && (a>21)) + { + return b; + } + else if((b>a) && (b<21)) + { + return b; + } + else if((b>a) && (b>21)) + { + return a; + } + else + { + return 0; + } + + +} +" +ce9891350fc256ab8fbc274997deee2954445a44,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((a>b) && (a>21)) + { + return b; + } + else if((b>a) && (b<21)) + { + return b; + } + else ((b>a) && (b>21)) + { + return a; + } + + +} +" +347f8bcdd3c04f647dab45a90d89ae80c1847f05,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<21)) + { + return a; + } + else if((a>b) && (a>21)) + { + return b; + } + else if((b>a) && (b<21)) + { + return b; + } + else if ((b>a) && (b>21)) + { + return a; + } + else + { + return 0; + } + +} +" +13d6398f73aae8c2c28f60fe27fc72d88d0785f6,"public int blackjack(int a, int b) +{ + if ((a>21)&&(b>21)) + { + return 0; + } + else if((a>b) && (a<=21)) + { + return a; + } + else if((a>b) && (a>21)) + { + return b; + } + else if((b>a) && (b<=21)) + { + return b; + } + else if ((b>a) && (b>21)) + { + return a; + } + else + { + return 0; + } + +} +" +54dc928bb17ad01a19ea27f5bf30442d988a9743,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + else if (b > 21) + { + return a; + } + if (a < b) + { + return b; + } + return a; +} +" +1541cd06c92dc89c7ab0bbbfdbf692900b6f1da6,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) { + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; +} +" +e7a237c3289305669c752840ce7470f41c0eead6,"public int blackjack(int a, int b) +{ + public int blackjack(int a, int b) + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; +} +" +5e9d936a3d9bd3aa9e5e28d2965fca8366d85107,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + if(a > 21) + return b; + if(b > 21) + return a; +} +" +e389a9a78de29ee47ab3490e4317ed6f1ec3c40f,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +69e0471cddef230604c96f9f103ae18d812b65cd,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + if(a > 21) + return b; + if(b > 21) + return a; + return a > b ? a : b; +} +" +d5ce442602f709f5b69882191e66e3dbc3382576,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 || b > 21) + { + return 0; + } +} +" +cdd3c406718b70744ee09a6c557ec6be2fcaaa2d,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 || b > 21) + { + return 0; + } + return 0; +} +" +5f47fb8c001a1322e1c2f9dc302a3c4b5c3adef8,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 || b > 21) + { + return 0; + } + else if (a > b && b > 21) + { + return a; + } + else if (b > a && a > 21) + { + return b; + } + return 0; +} +" +ae33eed2c82e3a619b7ccdd1b8d3334189881397,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + return 0; +} +" +6cd9f1fe529d4abd093a168c9d036908fba32d02,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +c908aae930e0c19db1cb446e6e69e9d903760f4c,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 && b !> 21) + { + return b; + } + else if (b > 21 && a !> 21) + { + return a; + } + else if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +e484c2dc124fbbe13c30c0a64d2562e2e528ec5e,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 && (!b > 21)) + { + return b; + } + else if (b > 21 && (!a > 21)) + { + return a; + } + else if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +40764baef63d242779a2cc5add351a25b1f64ccc,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else if (a > 21 && !(b > 21)) + { + return b; + } + else if (b > 21 && !(a > 21)) + { + return a; + } + else if (a > 21 && b > 21) + { + return 0; + } + return 0; +} +" +148610feffd43c0a794a0a1afc6f248ea54de919,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + if (b == 21) + { + return b; + } + + if ((21-a) < (21-b)) + { + return a; + } + if ((21-a) > (21-b)) + { + return b; + } +} +" +365bcc96d6c6b70f25a87c5b72af7f736792f5a6,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + + else if ((21-a) < (21-b)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } +} +" +783c177209c55ac704fa4b626f4a7e87da57c451,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + + else if ((21-a) < (21-b)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + + else + { + return a; + } +} +" +a4e5af47deea60e28c885df475eba381b5294f04,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + + else if ((21-a) < (21-b)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + + else if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + + else + { + return a; + } +} +" +d630f7700bec73b86d597354e566d82eb70b36fe,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + + else if ((21-a) < (21-b)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + + else if (a > 21) + { + if (b > 21) + { + return 0; + } + + else + { + return b; + } + } + + + else if (b > 21) + { + if (a > 21) + { + return 0; + } + + else + { + return a; + } + } + + else + { + return a; + } +} +" +2ee16e6cf29c5bdfe13ef3bf055ea393d043f07a,"public int blackjack(int a, int b) +{ + if (a == 21) + { + return a; + } + else if (b == 21) + { + return b; + } + + else if ((21-a) < (21-b)) + { + return a; + } + else if ((21-a) > (21-b)) + { + return b; + } + + else if (a >> 21) + { + if (b >> 21) + { + return 0; + } + + else + { + return b; + } + } + + + else if (b >> 21) + { + if (a >> 21) + { + return 0; + } + + else + { + return a; + } + } + + else + { + return a; + } +} +" +700c32efd7fce7cfe77d92f777f0495cfb551e3a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } else { + diffa = 21 - a; + diffb = 21 - b; + if (diffa < diffb) { + return diffa; + } + return diffb; + } +} +" +7de11e51c59a106f4f431d0ebf96277c6926ee56,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } else { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa < diffb) { + return diffa; + } + return diffb; + } +} +" +3a79fc02b6ab2008956758313bab9cc1d4108174,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +abfc73001caa5bf947cc7794c9526fb8beeb69ad,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } else if (a == 21 || b == 21) { + } else { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa < diffb) { + return diffa; + } + return diffb; + } +} +" +7141321932fcd9fd98d59606710e8b9aec5543ce,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } else if (a == 21 { + return a; + } else if (b == 21) { + return b; + } else { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa < diffb) { + return diffa; + } + return diffb; + } +} +" +ac0c3fedfc256d12cacf06ebf4a87378d4e0c218,"public int blackjack(int a, int b) +{ + if ((a <= 21) && (Math.abs(21 - a) < Math.abs(21 - b))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a))) + { + return b; + } + else + { + return 0; + } +} +" +2dfd842cb7d72fe0ff6ace0c1e35ebfbe6bc328c,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) { + return 0; + } else if (a == 21) { + return a; + } else if (b == 21) { + return b; + } else { + int diffa = 21 - a; + int diffb = 21 - b; + if (diffa < diffb) { + return diffa; + } + return diffb; + } +} +" +66d7cbe8ac44a374d6582ae43e5fbfd889c096c6,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + else + { + if ((a <= 21) && (Math.abs(21 - a) < Math.abs(21 - b))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a))) + { + return b; + } + else + { + return 0; + } + } +} +" +f86102b08d7c8f1688e0154fb1055e0b2f8d5d81,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +d5960ffd993581784e66e414db64acbbf2bf013f,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && (Math.abs(21 - a) < Math.abs(21 - b))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a))) + { + return b; + } + else + { + return 0; + } + } +} +" +910e5fffcec066e197bfa169afdcda2f95984ab8,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && ((Math.abs(21 - a) < Math.abs(21 - b)) && (b <= 21))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a)) && (a <= 21))) + { + return b; + } + else + { + return 0; + } + } +} +" +f659a85121609c5fc51bd4ae6871baf23faa6ce3,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && ((Math.abs(21 - a) < Math.abs(21 - b)) && (b <= 21)) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a)) && (a <= 21)) + { + return b; + } + else + { + return 0; + } + } +} +" +5adf9919cfef649733145e05cf3bafe5289ab072,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && ((Math.abs(21 - a) < Math.abs(21 - b)) && (b <= 21))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a)) && (a <= 21))) + { + return b; + } + else + { + return 0; + } + } +} +" +7ab87c6f684331bc8dfe5905aaa1afa6930c921f,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && ((Math.abs(21 - a) < Math.abs(21 - b)) || (b <= 21))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a)) || (a <= 21))) + { + return b; + } + else + { + return 0; + } + } +} +" +02fc3861fe7893668312ae734814a7e78345af91,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && ((Math.abs(21 - a) < Math.abs(21 - b)) || (b <= 21))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a) || (a <= 21))) + { + return b; + } + else + { + return 0; + } + } +} + +" +1c9d0e060613fdeb0deb1beca3195e66dea27db9,"public int blackjack(int a, int b) +{ + if ((a > 21) && (b > 21)) + { + return 0; + } + else + { + if ((a <= 21) && ((Math.abs(21 - a) < Math.abs(21 - b)) || (b > 21))) + { + return a; + } + else if ((b <= 21) && (Math.abs(21 - b) < Math.abs(21 - a) || (a > 21))) + { + return b; + } + else + { + return 0; + } + } +} + +" +fa791ba7699da13b539e0ec1b89cf49a02e1f844,"public int blackjack(int a, int b) +{ +if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; +} + +" +ccc6d056d6c92fc105f30921ddf5b8cc9ea47eee,"public int blackjack(int a, int b) +{ + if a > b + { + if a > 21 + return 0 + else + return a + } + else if b > 21 + { + return 0 + } + else + return b +} +" +0c1e724439645f1ce1416cd2e29a2bd59e5e57d3,"public int blackjack(int a, int b) +{ + if a > b + { + if a > 21 + { + return 0 + } + else + { + return a + } + } + else if b > 21 + { + return 0 + } + else + { + return b + } +} +" +68423fca04c9523d0856893f0e1d4d4e324b0af6,"public int blackjack(int a, int b) +{ + if (a>21 && b > 21) + { + return 0; + } + + else if ((21 - a) > (21 - b)) + { + return b; + } + + else + { + return a; + } +} +" +7c62c1b2d7a4179eab4a18b4f906b85c00a49182,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a > 21) + { + return 0; + } + else + { + return a; + } + } + else if (b > 21) + { + return 0; + } + else + { + return b; + } +} +" +27e75ef54cfc1d1950199a465e88ed4e62f2122d,"public int blackjack(int a, int b) +{ + if (a>21 && b > 21) + { + return 0; + } + + else if ((21 - a) > (21 - b) && a !> 21 && b !> 21) + { + return b; + } + + else if ((21 - b) > (21 - a) && a !> 21 && b !> 21) + { + return a; + } +} +" +c13f9720951c0e2004581ae72d30177c804575f0,"public int blackjack(int a, int b) +{ + if (a>21 && b > 21) + { + return 0; + } + + else if ((21 - a) > (21 - b) && !(a > 21 && b > 21)) + { + return b; + } + + else if ((21 - b) > (21 - a) && !(a > 21 && b > 21)) + { + return a; + } +} +" +a8aacca8f3152b75b059ef946c17bec631489154,"public int blackjack(int a, int b) +{ + if (a>21 && b > 21) + { + return 0; + } + + else if (((21 - a) > (21 - b)) && !(a > 21 && b > 21)) + { + return b; + } + + else if (((21 - b) > (21 - a)) && !(a > 21 && b > 21)) + { + return a; + } +} +" +27d9da43c2713db4c83caf1964e2b7ebe4f76e85,"public int blackjack(int a, int b) +{ + if (a>b && a<21) + { + blackjack = a; + } + else if (b>a && b<21) + { + blackjack = b; + } + else if (a = b) + { + blackjack = a; + } + else + { + blackjack = 0; + } +} +" +553d86ff5d709cf9795480ed85f495ec2d648c3e,"public int blackjack(int a, int b) +{ + if (a>21 && b > 21) + { + return 0; + } + + else if (((21 - a) > (21 - b)) && !(a > 21 && b > 21)) + { + return b; + } + + else if (((21 - b) > (21 - a)) && !(a > 21 && b > 21)) + { + return a; + } + + else + { + return 21 + } +} +" +7d26725d34abad7674f3210dbed0083ba75f85c9,"public int blackjack(int a, int b) +{ + if (a>21 && b > 21) + { + return 0; + } + + else if (((21 - a) > (21 - b)) && !(a > 21 && b > 21)) + { + return b; + } + + else if (((21 - b) > (21 - a)) && !(a > 21 && b > 21)) + { + return a; + } + + else + { + return 21; + } +} +" +9fb8f04b0f7a459f72d1bf84b3735d1f018cac48,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else + { + return a; + } + } + + +} +" +3fee0626d168fb543c4a0c5dbfd0ba30ffd39a94,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<21) + { + jb = a; + } + else if (b>a && b<21) + { + jb = b; + } + else if (a = b) + { + jb = a; + } + else + { + jb = 0; + } +} +" +5e5e841bed8417d7606a024d9416f69360a4dd31,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else + { + return a; + } + } +} +" +e6035e02c12e67e15e90a5e1689ef1896ec82c0c,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<21) + { + jb = a; + } + else if (b>a && b<21) + { + jb = b; + } + else if (a == b) + { + jb = a; + } + else + { + jb = 0; + } + return jb; +} +" +64eb4d5d3d8cf89f6342ee0915c0a912af9096be,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<=21) + { + jb = a; + } + else if (b>a && b<=21) + { + jb = b; + } + else if (a == b) + { + jb = a; + } + else + { + jb = 0; + } + return jb; +} +" +cadc601061c624f4f5c77b62b81bbf0a5beed5ed,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<=21) + { + jb = a; + } + else if (b>a && b<=21) + { + jb = b; + } + else if (a == b) + { + jb = a; + } + else if (a>21 && b>21) + { + jb = 0; + } + else if (a<=21 && b>21) + { + jb = a; + } + else if (a>21 && b<=21) + { + jb = b; + } + return jb; +} +" +2cd401557a4a474d8cdd117bf9a40477602e4eaf,"public int blackjack(int a, int b) +{ + if ((21-a) < (21-b)) + { + return a; + } + + else if ((21-a) > (21-b)) + { + return b; + } + + else if (a == 21 && b != 21) + { + return a; + } + + else if (a != 21 && b == 21) + { + return b; + } + + else + { + return 0; + } + +} +" +25d6624f8e98bc78148c5fd883dbbb0e8d607430,"public int blackjack(int a, int b) +{ + if ((21-a) < (21-b)) + { + return b; + } + + else if ((21-a) > (21-b)) + { + return a; + } + + else if (a == 21 && b != 21) + { + return a; + } + + else if (a != 21 && b == 21) + { + return b; + } + + else + { + return 0; + } + +} +" +d2765575a02da9c417033a921d6ae5cb87d331b3,"public int blackjack(int a, int b) +{ + if ((21-a) < (21-b)) + { + return a; + } + + else if ((21-a) > (21-b)) + { + return b; + } + + else if (a == 21 && b != 21) + { + return a; + } + + else if (a != 21 && b == 21) + { + return b; + } + + else + { + return 0; + } + +} +" +e7cd06e15f077448cf9991a3e4a0ca0a0feb0098,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<=21) + { + jb = a; + } + else if (b>a && b<=21) + { + jb = b; + } + else if (a == b) + { + jb = a; + } + else if (a<=21 && b>21) + { + jb = a; + } + else if (a>21 && b<=21) + { + jb = b; + } + else (a>21 && b>21) + { + jb = 0; + } + return jb; +} +" +5a117b2f37540e9ae473ecbe7e69d4a3debcae34,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else if (b > a && b < 21) + { + return b; + } +} +" +8b7aaad341c0a677ac5c20e826bb1c3cfc477720,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<=21) + { + jb = a; + } + else if (b>a && b<=21) + { + jb = b; + } + else if (a == b) + { + jb = a; + } + else if (a<=21 && b>21) + { + jb = a; + } + else if (a>21 && b<=21) + { + jb = b; + } + else + { + jb = 0; + } + return jb; +} +" +186ac4ba56ff26d0522d5826ad5f688f51ebbcff,"public int blackjack(int a, int b) +{ + if ((21-a) < (21-b)) + { + return a; + } + + else if ((21-a) > (21-b)) + { + return b; + } + + else if (a == 21 && b != 21) + { + return a; + } + + else if (a != 21 && b == 21) + { + return b; + } + + else if (a > 21 && b > 21) + { + return 0; + } + + else if (a > 21) + { + return b; + } + + else + { + return a; + } + +} +" +428a4330008980c438326abad1def09257e6d2d1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else (b > a && b < 21) + { + return b; + } +} +" +764d926ce5ae81a30956c3d6df2b74c64e2c56eb,"public int blackjack(int a, int b) +{ + int jb; + if (a>b && a<=21) + { + jb = a; + } + else if (b>a && b<=21) + { + jb = b; + } + else if (a == b && a<=21 && b<=21) + { + jb = a; + } + else if (a<=21 && b>21) + { + jb = a; + } + else if (a>21 && b<=21) + { + jb = b; + } + else + { + jb = 0; + } + return jb; +} +" +cea524ea2301356b379578fb39afa56345f079b1,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > b && a < 21) + { + return a; + } + else + { + return b; + } +} +" +f33bbd52a039645ecb8c9dd7e48c1d2489eded28,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + return Math.max(a, b); +} +" +d137dfbed7053d905d9022dd0c634dfa56dd206b,"public int blackjack(int a, int b) +{ + + if (a > 21 && b > 21) + { + return 0; + } + + else if (a == 21 && b != 21) + { + return a; + } + + else if (a != 21 && b == 21) + { + return b; + } + + else if (a > 21) + { + return b; + } + + else if (b > 21) + { + return a; + } + + else if ((21-a) > (21-b)) + { + return b; + } + + else + { + return a; + } + +} +" +5aaeef40a6c6765137a715cccaff56fdf6af8a72,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a !> 21) + { + return a; + } + else + { + return 0; + } + } + else + { + if (b !> 21) + { + return b; + } + else + { + return 0; + } + } +} +" +b4c627756f83445380cfebeb1d10e5bf7e938d6b,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a >! 21) + { + return a; + } + else + { + return 0; + } + } + else + { + if (b >! 21) + { + return b; + } + else + { + return 0; + } + } +} +" +576c2efb4db7f129c1d4f52f03f6d4b4b61220d5,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a !> 21) + { + return a; + } + else + { + return 0; + } + } + else + { + if (b !> 21) + { + return b; + } + else + { + return 0; + } + } +} +" +fc499fc87e8402db39d47595a3e20d02dc04ac31,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a !> 21) + { + return a; + } + else + { + return 0; + } + } + else + { + if (b !> 21) + { + return b; + } + else + { + return 0; + } + } +} +" +ffe1e92ac9ee635602a69a004740ea8298242494,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else if (b > a && b <= 21) + { + return b; + } + else + { + return 0; + } +} +" +f4e90e4804ba3638d295e4b47cb651b384b65cb3,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; + +} +" +b1d966cb7bc61ada2446c4dcd27dc8b12585c737,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + if (b <= 21) + { + return b; + } + else + { + return a; + } + } + else if (b > a && b <= 21) + { + if (a <= 21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } +} +" +9968606cd8897af2e3f69d147c8e7c345dd3a2d5,"public int blackjack(int a, int b) +{ + if((a<21 && b<21)&&(b>a)) { return b; } + else { return a; } + return 0; +} +" +44db90b9e71a78c3374d60d6f5a6b418825b9235,"public int blackjack(int a, int b) +{ + if((a<=21 && b<=21)&&(b>a)) { return b; } + else { return a; } + if(a>12 && b>21) {return 0; } +} +" +9aba588c2f880e9684bf754e9a9e340186d7564c,"public int blackjack(int a, int b) +{ + if((a<=21 && b<=21)&&(b>a)) { return b; } + else { return a; }; + return 0; +} +" +ec84115bd6d4d017a205d9e4ab155f3a38eda687,"public int blackjack(int a, int b) +{ + if((a<=21 && b<=21)&&(b>a)) + { return b; } else { return a; }; + return 0; +} +" +ffd796553d653da386ddeba57dc9d18419f8614d,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + return b; + } + if (a < b && b <= 21) + { + return b; + } + return a; +} +" +656440b0517bafe38b9b6d306978fa893a738553,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} +" +89734b7cf485ac578d9a07f3bf1110cc92b980a8,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + +} +" +ce7c349ef9434f5fa83de0c66618c01d5e8eb504,"public int blackjack(int a, int b) +{ + if (a>21) a = 0; + if (b>21) b = 0; + + if (a>b) { + return a; + else { + return b; + } +} +" +37056e8e6220f9409b0c3cc54c4092875aaf78b8,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) return Math.max(a, b); + if (a <= 21) return a; + if (b <= 21) return b; + return 0; +} +" +28e3070a80e03151cf4f957cba49ed611a19a55c,"public int blackjack(int a, int b) +{ + if (a>21 && b >21) + return 0; + if (a> 21) + return b; + if (b> 21) + return a; + int j = 21-b; + int k = 21-a; + + if (j21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; +} + + +} +" +fe6b00a3ed3827eb05ff699bfbc98bf88acb1197,"public int blackjack(int a, int b) +{ +public int blackjack(int a, int b); +{ + if(a>21 && b>21) return 0; + if(a>21) return b; + if(b > 21) return a; + if((21-a)<=(21-b)) return a; + if((21-a)>=(21-b)) return b; + return 0; +} + + +} +" +4399e7c369792b5a79552ffc412bd091f2c6b54e,"public int blackjack(int a, int b) +{ + int output=0; +03 +if ( a > 21) +04 +a=0; +05 +if ( b>21) +06 +b=0; +07 +if ( a > b ) +08 +output = a; +09 +else if (b>a) +10 +output = b; +11 + +12 +return output; +} +" +160d6114bedc623e2bc35d02eb35413a24fee3de,"public int blackjack(int a, int b) { +int output=0; +if ( a > 21) +a=0; +if ( b>21) +b=0; +if ( a > b ) +output = a; +else if (b>a) +output = b; + +return output; + +} +" +709fb35fc3723a70be79b15c08a190fb2aae24d0,"public int blackjack(int a, int b) +{ + if (a > 21) + a = 0; + if (b > 21) + b = 0 + + if (a > b) + return a; + else + return b; +} +" +e17e445307411b41b92f793137676ec3c6df0c1d,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + + int sumA = 21 - a; + int sumB = 21 - b; + + if (sumA > sumB) + { + return b; + } + else + { + return a; + } + +} +" +7464c58e578f051d7c200319dc422cd364f55da8,"public int blackjack(int a, int b) +{ + if (a > 21) + a = 0; + if (b > 21) + b = 0; + + if (a > b) + return a; + else + return b; +} +" +e2b23e9c803fdb2471daf5e870d4c4d22eeb28cd,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; + +} +" +9f558889b4ddfa199ad28ed4f24f06f0361ab271,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + if (a > b && a <= 21) + return a; + if (b > a && b <= 21) + return b; + if (b > 21) + return a; + if (a > 21) + return b; +} +" +857be04c6c3e07039b46b8fdf5a7f26a051ed828,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a > b && a <= 21) + return a; + else if (b > a && b <= 21) + return b; + else if (b > 21) + return a; + else (a > 21) + return b; +} +" +5cb80d33e4cecc159df1070fc30202a5f5c04cd5,"public int blackjack(int a, int b) +{ + if (a>21 && b>21) + return 0; + else if (a > b && a <= 21) + return a; + else if (b > a && b <= 21) + return b; + else if (b > 21) + return a; + else + return b; +} +" +feed5bc3ff5be281ec21a8f443c4bf6fae26a62d,"public int blackjack(int a, int b) +{ + + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; + +} +" +0cd6a5e53b48a3c5f367755d1570fdb042914986,"public int blackjack(int a, int b) +{ + if((a<=21 && b<=21)&&(b>a)) { return b; } + else if ((a<=21 && b<=21)&&(a>b)) { return a; }; + return 0; +} +" +e2434c66573697d6d1b1b2459592eba51ebc1135,"public int blackjack(int a, int b) +{ + if(( b<=21)&&(b>a)) { return b; } + else if ((a<=21)&&(a>b)) { return a; }; + return 0; +} +" +ad0eb798a82dbdc477d5a49f918637d3e436fb01,"public int blackjack(int a, int b) +{ + if ( a > 0 && b > 0) + return int; +} + +} +" +f0bf9ee1560a66d9708f97790be714719f244585,"public int blackjack(int a, int b) +{ + if ( a > 0 && b > 0) + { + return int; + } +} + +" +b10649b38d6831d0d5726457d7d426d959bf6e92,"public int blackjack(int a, int b) +{ + if ( a > 0 && b > 0) + { + return blackjack; + } +} + +" +54e9bbb48dbb1027864831d5695fb03f0fa90d09,"public int blackjack(int a, int b) +{ + if ( a <= 21 && b <= 21) + { + return a; + } +} + +" +5732833669b22d80e214625b78dbba024aab57a2,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if (c < d ); + { + return a; + } +} +" +eecbe0ce97456721e56c51e21f7753d3a5f89485,"public int blackjack(int a, int b) +{ + if((21-b<=21-a)&&(b<21)) { return b; } + else if ((21-b<=21-a)&&(b<21)) { return a; }; + return 0; +} +" +73f6ec03834739fcced4e3f9d5ab4587afd9b06f,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ) + { + return a; + } +} +" +f7e32393c2c9e19a4cbec614a78bc604d2446c8d,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ) + { + return a; + } +} +" +029b3875467aa4ce49938800cd564a0cafe6d03f,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ); + { + return a; + } +} +" +a86207770914f0e01393a312d4990a16c91516d9,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ) + { + return a; + } +} +" +cce28d64179f4d58bed9f75e9c1779edaebea79c,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ); + { + return b; + } + else if ( c < d ); + { + return a; + } +} +" +aca6657fd13fb3d17375f97aa9198a726af9b9fe,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else ( c < d ) + { + return a; + } +} +" +ba786642818ba0ae5f655a71f288428ec3d7a345,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else ( c < d ); + { + return a; + } +} +" +ce76e494c4977330066d8fe17803f7ad046910da,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ); + { + return a; + } +} +" +bf711d5c17e575edd1b0bd993c766b7e0b5c25aa,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ); + { + return a; + } +} +" +23e51d0c90a3915f430f3a29baca62686facf697,"public int blackjack(int a, int b) +{ + int c = 21 - a; + int d = 21 - b; + if ( c < 0 && d < 0 ) + { + return 0; + } + else if ( c > d ) + { + return b; + } + else if ( c < d ); + { + return a; + } +} +" +2a850c5255791fcd11b0a706763cbb8543179fe7,"public int blackjack(int a, int b) +{ + if((a > 21) && (b > 21)) + { + return ""0""; + } + else + { + if(a == b) + { + return a; + } + else + { + if(a < b) + { + return b; + } + else + { + return a; + } + } + } +} +" +cddb81215dc5c4a0dd13535d894a7f67635b29c4,"public int blackjack(int a, int b) +{ + if((a<=21||b<=21)&&(b>a)) {return b;} + else if((a<=21||b<=21)&&(a>b)) {return a;} + else return 0; +} +" +421367d18bf6e5028ea2730561e082cf48f8036a,"public int blackjack(int a, int b) +public +{ + if((a > 21) && (b > 21)) + { + return 0; + } + else + { + if(a == b) + { + return a; + } + else + { + if(a < b) + { + return b; + } + else + { + return a; + } + } + } +} +" +6727b309f8ca92eb4970e5ddf8f7dfda5d888e9b,"public int blackjack(int a, int b) +{ + if((a > 21) && (b > 21)) + { + return 0; + } + else + { + if(a == b) + { + return a; + } + else + { + if(a < b) + { + return b; + } + else + { + return a; + } + } + } +} +" +84e2e7ac67adf9c6828efa32d0d2473b28a05989,"public int blackjack(int a, int b) +{ + if((a > 21) && (b > 21)) + { + return 0; + } + else + { + if(((a-21)*(a-21)) == ((b-21)*(b-21))) + { + return a; + } + else + { + if(((a-21)*(a-21)) < ((b-21)*(b-21))) + { + return b; + } + else + { + return a; + } + } + } +} +" +d0560fdb171e5a42857b3695c8047eda4c355981,"public int blackjack(int a, int b) +{ + if((a > 21) && (b > 21)) + { + return 0; + } + else + { + if(((a-21)*(a-21)) == ((b-21)*(b-21))) + { + return a; + } + else + { + if(((a-21)*(a-21)) < ((b-21)*(b-21))) + { + return a; + } + else + { + return b; + } + } + } +} +" +003f843ceb16235553fc24d2f4b6e2b008ed7c54,"public int blackjack(int a, int b) { + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; + + return a > b ? a : b; +}" +17ca5d8dd01f27480540a0b010aa3afa204e8b92,"public int blackjack(int a, int b) +{ + if((a > 21) && (b > 21)) + { + return 0; + } + else + { + if(a > 21) + { + return b; + } + if(b > 21) + { + return a; + } + if(a == b) + { + return a; + } + if(a > b) + { + return a; + } + else + { + return b; + } + } +} +" +63c883726081ad8f271ea111509a01cec8f86be4,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + { + return 0; + } + else if (a <= 21 && a > b || b > 21) + { + return a; + } + else + { + return b; + } +}" +e097abfaa5f13f6cc3b849be8dd2683623cfd8f4,"public int blackjack(int a, int b) +{ + if (a<=21 && b<=21) + { if (a>b) + { + return a + } + else + { + return b + } + } + else + { + return 0 + } + +} +" +fdbe399f0f1496a731e8e360ed9c53b4de6f8097,"public int blackjack(int a, int b) +{ + if (a<=21 && b<=21) + { if (a>b) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } + +} +" +5b419cbdec1b912833f173f70c36541c2032e1cb,"public int blackjack(int a, int b) +{ + if (a<=21 || b<=21) + { if (a>b && a<=21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } + +} +" +ed439ebcfeef4c943193e61c453ca596f51c8401,"public int blackjack(int a, int b) +{ + if (a<=21 || b<=21) + { if (a>b && a<=21) + { + return a; + } + if (b>a && b<=21) + { + return b; + } + } + else + { + return 0; + } + +} +" +a2ff3d2be4199a59bb0b8614583982cb6528fd60,"public int blackjack(int a, int b) +{ + if ( a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ( a > b) + { + return a; + } + else + { + return b; + } + +} +" +c1d893b2bdc21e3f5413ec6d8505eec447433f0f,"public int blackjack(int a, int b) +{ + if (a<=21 || b<=21) + { if (a>b && a<=21) + { + return a; + } + else + { + return b; + } + } + else + { + return 0; + } + +} +" +cf25f0a1fc07dcc5e4770f255e1a6cab3a4a403a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if ( a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + + else if ( a > b) + { + return a; + } + else + { + return b; + } + +} +" +f226e7e327280f4fc0cf6125454b4c6c241bf552,"public int blackjack(int a, int b) { +if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; +}" +a76b63706da24b5e4c9ec989de5faae3fad3d324,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + else if (a == 21 && b == 21) + { + return a; + } + else if ((21 - a) =< (21 - b)) + { + return a; + } + else + { + return b; + } +} +" +99dc54898d841cc1c8ed3f27ade9d71e674cf561,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21) + { + return 0; + } + else + { + return b; + } + } + else if (b > 21) + { + return a; + } + else if (a == 21 && b == 21) + { + return a; + } + else if (a >= b) + { + return a; + } + else + { + return b; + } +} +" +c0c847473003293dbfe4d404d02eb6af6b2ba398,"public int blackjack(int a, int b) +{ assert(a > 0); + assert(b>0); + if ((a > 21) && (b > 21)) { + return 0; + } + int difference_a_21 = 21 - a; + int difference_b_21 = 21 - b; + if (difference_a_21 > difference_b_21) { + return b; + } else { + return a; + } +} +" +b9fbdeb0d25edd847f75474416127f7deac2ef05,"public int blackjack(int a, int b) +{ assert(a > 0); + assert(b>0); + if ((a > 21) && (b > 21)) { + return 0; + } else if (a > 21) { + return b; + } else if (b > 21) { + return a; + } + int difference_a_21 = 21 - a; + int difference_b_21 = 21 - b; + if (difference_a_21 > difference_b_21) { + return b; + } else { + return a; + } +} +" +d095053659f5980127f42758145f837060d428e9,"public int blackjack(int a, int b) +{ + int X = 21 - a; + int Y = 21 - b; + if ( X < 0 && Y < 0) + { + return 0; + } + else if ( X > Y) + { + return b; + } + else + { + return a; + } + +} +" +8f6a68dcdb7c2915c84903b6d217fbd8b9f75360,"public int blackjack(int a, int b) +{ + int X = 21 - a; + int Y = 21 - b; + if ( X < 0 && Y < 0) + { + return 0; + } + else if ( a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if ( X > Y) + { + return b; + } + else + { + return a; + } + +} +" +3b1cd9fa4c4a5d5b4e9b773d13beacc9e57eefdf,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return int blackjack; + } + else if ( a > 21 && b > 21) + { + return 0; + } +} + +" +7e56b8aba6331af099ed41f20974183234842763,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return int blackjack.class; + } + else if ( a > 21 && b > 21) + { + return 0; + } +} + +" +9fe42dd598c8afe050887a90a81a5511adccf6e8,"public int blackjack(int a, int b) +{ + if (a > b && a <= 21) + { + return a; + } + else + { + if ( b <= 21) + { + return b; + } + else + { + return 0; + } + } +} +" +d5a5721a55430dff29856660f7096934e113006b,"public int blackjack(int a, int b) +{ + if (something) + { + + } + else if (a > 21 && b > b) + { + return 0; + } +} +" +40564b95ec1d3124233ef8551473ade8c4db2091,"public int blackjack(int a, int b) +{ + if (something) + { + + } + else if (a > 21 && b > 21) + { + return 0; + } +} +" +8ccb685ed22df7e7e1847b5b9a6521d9ca11e705,"public int blackjack(int a, int b) +{ + if (a <= 21 || b <= 21) + { + + } + else if (a > 21 && b > 21) + { + return 0; + } +} +" +f2a72085be5cb3153b963bc139040724fab6974e,"public int blackjack(int a, int b) +{ + if (a <= 21 && b <= 21) + { + if (a > b) + { + return a; + } + else + { + return b; + } + } + else + { + if (a <= 21) + { + return a; + } + else + { + if (b <= 21) + { + return b; + } + else + { + return 0; + } + } + } +} +" +bf43a70d3846faf0bc8dac3b637bd7fa8d14e052,"public int blackjack(int a, int b) +{ + if ( 21 - a < 21 - b) + { + if (21 - a >= 0) + { + return a; + } + } + if (21 - b < 21 - a) + { + if (21 - b >= 0) + { + return b; + } + } + return 0; +} +" +2a79fc5805f044e80b9e692c81603a5f0d980762,"public int blackjack(int a, int b) +{ + if ( 21 - a < 21 - b) + { + if (21 - a < 0) + { + return 0; + } + else + { + return a; + } + } + if (21 - b < 21 - a) + { + if (21 - b < 0) + { + return 0; + } + else + { + return b; + } + } + return 0; +} +" +124ee58e87b86cb3b9998cfc4f2e22fa6a0ebb64,"public int blackjack(int a, int b) +{ + if (a > 21) + { + return 0; + } + if (b > 21) + { + return 0; + } + if ( 21 - a < 21 - b) + { + if (21 - a >= 0) + { + return a; + } + } + if (21 - b < 21 - a) + { + if (21 - b >= 0) + { + return b; + } + } + return 0; +} +" +304917acf53cd8175d3afb96c0eaf861b96fed97,"public int blackjack(int a, int b) +{ + if (a > 21) + { + a = 0; + } + if (b > 21) + { + b = 0; + } + if ( a > b) + { + return a; + } + else + { + return b; + } +} +" +530bc10a80056081277a79c5879aeed94571ec80,"public int blackjack(int a, int b) +{ + if ( 21 - a < 21 - b) + { + if (21 - a >= 0) + { + return a; + } + } + if (21 - b < 21 - a) + { + if (21 - b >= 0) + { + return b; + } + } + return 0; +} +" +d7cd355c990583f89796a92da414655f90dc1ee0,"public int blackjack(int a, int b) +{ + int numReturn; + if (21-a > 21 - b) + { + numReturn = b + } + else if (21 - b > 21- a) + { + numReturn = a; + } + else + { + numReturn = 0; + } + return numReturn; + +} +" +6dd6aa7cb1d5b26c769f1806e9c08aba31d6ab5a,"public int blackjack(int a, int b) +{ + int numReturn; + if (21-a > 21 - b) + { + numReturn = b; + } + else if (21 - b > 21- a) + { + numReturn = a; + } + else + { + numReturn = 0; + } + return numReturn; + +} +" +a87c28c6fe877375b98e7cbeb67719dac653487c,"public int blackjack(int a, int b) +{ + if (a>21){ + if (b>21){ + return 0; + } + return b; + } + + else if(b>21) return a; + + return Math.max(a,b); +} +" +b07b4cfb29a2a4c4c2d493875cf3c535ef3fae14,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b <= 21) + { + return b; + } + } + if (b > 21) + { + if (a >= 21) + { + return a; + } + } + if ( 21 - a < 21 - b) + { + if (21 - a >= 0) + { + return a; + } + } + if (21 - b < 21 - a) + { + if (21 - b >= 0) + { + return b; + } + } + return 0; +} +" +4df83df88eeabc7a3d509a194e1cc9e18b16d1d9,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b <= 21) + { + return b; + } + } + if (b > 21) + { + if (a <= 21) + { + return a; + } + } + if ( 21 - a < 21 - b) + { + if (21 - a >= 0) + { + return a; + } + } + if (21 - b < 21 - a) + { + if (21 - b >= 0) + { + return b; + } + } + return 0; +} +" +b29f3b1de0b982b83e4b25aa78631d29ab7e346f,"public int blackjack(int a, int b) +{ + int numReturn; + if (a < 21 && b <21) + { + if (21 - a > 21- b) + { + numReturn = b; + } + else (21 - b > 21- a) + { + numReturn = a; + } + } + else if (a > 21 && b !>21) + { + numReturn = b; + } + else if (b > 21 && a !>21) + { + numReturn = b; + } + else + { + numReturn = 0; + } + return numReturn; + +} +" +a031c0ac7bb64a27bdfef0ac6b091e5674cec2ca,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return int blackjack.class; + } + else if ( a > 21 && b > 21) + { + return 0; + } +} + +" +6bb030d94251cd21b5af217280be15139ba7f2a0,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + return b; + } + else if ( a > 21 && b > 21) + { + return 0; + } +} + +" +0b4fa40e43303029678871dd94d2d7b021e237cf,"public int blackjack(int a, int b) +{ + int numReturn; + if (a < 21 && b <21) + { + if (21 - a > 21- b) + { + numReturn = b; + } + else + { + numReturn = a; + } + } + else if (a > 21 && b <= 21) + { + numReturn = b; + } + else if (b > 21 && a <= 21) + { + numReturn = b; + } + else + { + numReturn = 0; + } + return numReturn; + +} +" +d7ccbf5495615dc1f89a353a7163b018e87c384a,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + return b; + } + else if ( a > 21 && b > 21) + { + return 0; + } + return (a + b); +} + +" +e9d816cd2f8ed30c07325147e7fba07981cad5bf,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + } + else if ( a > 21 && b > 21) + { + return 0; + } + return (a + b); +} + +" +fa4e3f5b8d53b1e8da78599f377595da9c3b21e9,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + } + return b; + else if ( a > 21 && b > 21) + { + return 0; + } + return (a + b); +} + +" +57eeb9fb59120f2c1b2393000789686c353f47bf,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + } + else if ( a > 21 && b > 21) + { + return 0; + } + return (a + b); +} + +" +36db431f4efed36669a13ccf8cc54b9140cdb62d,"public int blackjack(int a, int b) +{ + if(a > 21) + { + if(b > 21) + return 0; + return b; + } + if(a < b && b <= 21) + return b; + return a; +} + +" +a4ecd19d5f440396284ff9030d3105eb9b9e6b39,"public int blackjack(int a, int b) +{ + if (int a > 21 && int b > 21) + return 0; + else if (int a > int b) + return int a; + else + return int b; +} +" +6bc93dcbce3d3170730a781e3b672e6a27902de5,"public int blackjack(int a, int b) +{ + if (int a >> 21 && int b >> 21) + return 0; + else if (int a >> int b) + return int a; + else + return int b; +} +" +c0129ba6a34ee22e40b18af41368bbffbc8f5988,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (int a >> int b) + return int a; + else + return int b; +} +" +5ad38283d3a73f18a3dc3630682522a9c57a5a0a,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + return int a; + else + return int b; +} +" +d37a452678101897a4aa443a9335e8319fea18a3,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + + int sumA = 21 - a; + int sumB = 21 - b; + + if (sumA > sumB) + { + return b; + } + else + { + return a; + } +} +" +4d7440a6222b2cb82ceb460cd1970f121d1dbf85,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + return a; + else if (b > a) + return b; +} +" +515c0740f52163b6ec478a89baf7e164388720de,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + return a; + else if (b > a) + return b; + return a +} +" +7a0c9f6ef0dc5b44c572db3b05f8d340753ffbad,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b) + return a; + else if (b > a) + return b; + return a; +} +" +3fe32b4bc88c73c3c53595ad15c55ee12d33b7d6,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a > 21 && b > 21) + { + return 0 + } + else + { + return a + } + } + else + { + if (a > 21 && b > 21) + { + return 0 + } + else + { + return b + } + } +} +" +e4355c696ff684dec70634477d8b359de01814a8,"public int blackjack(int a, int b) +{ + if (a > b) + { + if (a > 21 && b > 21) + { + return 0; + } + else + { + return a; + } + } + else + { + if (a > 21 && b > 21) + { + return 0; + } + else + { + return b; + } + } +} +" +d044b4a8e0c7f8b2e95de027b43a17dce9b79851,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b && a <21) + return a; + else if (b > a && b <21) + return b; + return a; +} +" +207ec1d1170fbcf8c7cad49d8b5e27b66a48ccc4,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + } + else if ( a > 21 && b > 21) + { + return 0; + } + return (a && b); +} + +" +c186c38ac5b2700c103bf3ed73bbebdf536c73db,"public int blackjack(int a, int b) +{ + if ( a <= 21 && a > 0 + && b <= 21 && b > 0) + { + return a; + } + else if ( a > 21 && b > 21) + { + return 0; + } + return (a + b); +} + +" +72635684c2a806084401b47a33d50a906ccc488c,"public int blackjack(int a, int b) +{ + if (int x > 0 && int y > 0) + { + if (x + } +} +" +2a5a19c4f149b6af8cfca7c68c8198d4296d78a0,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b && a < 21) + return a; + else if (b > a && b < 21) + return b; + return b; +} +" +abc071cf3e49c223923a38ef9e3b985e4aa0ab09,"public int blackjack(int a, int b) +{ + if (a > 21 && b > 21) + return 0; + else if (a > b && a < 21) + return a; + else if (b > a && b < 21) + return b; + return a; +} +" +cac2eda4b61b485e0c5d1414cbee78df2a6bf8b0,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + return 0; + return b; + } + if (a21) + { + if (b>21) + return 0; + else + return b; + } + if (a b) + { + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else + { + return a; + } + } + else + { + if (a > 21 && b > 21) + { + return 0; + } + else if (b > 21) + { + return a; + } + else + { + return b; + } + } +} +" +ec627ec36850b947a32927e75bba085f82f01df2,"public int blackjack(int a, int b) +{ + String name = ""Maria""; + String part = name.substring(2); +} +" +f28f6b8c06b95d195c311b998554e46d25d3c38c,"public int blackjack(int a, int b) +{ + String name = ""Maria""; + String part = name.substring(2); + String name = ""Maria""; + String part = name.substring(2, 4); +} +" +763322742dcce7d936410e3b42e9816128559f00,"public int blackjack(int a, int b) +{ + String name = ""Maria""; + String part = name.substring(2, 4); +} +" +4ecec66cd567a8f9ce403657a07443b45f02635f,"public int blackjack(int a, int b) +{ + String name = ""Maria""; + String part = name.substring(2, 4); // returns ""ri"" +} +" +f3f3f44684236966576035f624694a4d7221db26,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (b > 21) + { + value = a; + } + else if (a >= b) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +db2dad047e217bcdae4bddaecd19b593b8745339,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (b > 21 && a < 21) + { + value = a; + } + else if (a >= b) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +3dc1005fe5ace0d450aa11c0a640ad893ec5384e,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (a < 21 && b > 21) + { + value = a; + } + else if (a >= b) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +98a99f9433c20724c500b898d8d760a45d232718,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (a < 21 && b > 21) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +8c72de358a254a35446e5b6d61e886c16d57fdd6,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (a < 21 && b > 21) + { + value = a; + } + else if (a < 21 && b == 21) + { + value = b; + } + else + { + value = b; + } + return value; +} +" +5fd6eba7e6c5c237d4f01fde7e031bba2f1b3e32,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (a < 21 && b > 21) + { + value = a; + } + else if (a >= b) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +72c704020d5e35e4c24efddf9ae70b9619d5180c,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (a > 21 && b < 21) + { + value = b; + } + else if (a >= b) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +659e02edb9bf7f96371fa2fbeeb777d26afbca6e,"public int blackjack(int a, int b) +{ + int value = 0; + if (a > 21 && b > 21) + { + value = 0; + } + else if (b == 21 && a == 21) + { + value = a; + } + else if (a < 21 && b > 21) + { + value = a; + } + else if (a >= b) + { + value = a; + } + else + { + value = b; + } + return value; +} +" +f72365b00c980a4a1518314295cc8205c53fc670,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0) + { + sum = a + b; + if (sum <= 21) + { + answer = sum; + } + } + return answer; +} +" +f100184eec1f75df79e5713a9527f804166029d8,"public int blackjack(int a, int b) +{ + int answer = 0; + int sum = 0; + if (a > 0 && b > 0) + { + sum = a + b; + if (sum <= 21) + { + answer = sum; + } + } + return answer; +} +" +cd585e8d013e88538247fec9bf58201ad39660b9,"public int blackjack(int a, int b) +{ + String name = ""blackjack""; + String part = blackjack.substring(0, 21); // returns ""ri"" +} +" +35429d6f4a030a0dc5616ca87796bc600cef795e,"public int blackjack(int a, int b) +{ + String name = ""blackjack""; + String part = blackjack.substring(0, 21); +} +" +d5846714e06f193c2f17a89224b5cb0e77f4ed6b,"public int blackjack(int a, int b) +{ + String name = ""Maria""; + String part = name.substring(0, 21); +} +" +e63c919842a628fee36025a595817a589413c4ef,"public int blackjack(int a, int b) +{ + int sum = a + b; + int answer = 0; + if (a > 0 && b > 0 && sum <= 21) + { + answer = sum; + } + else + { + answer = 0; + } + return answer; + +} + +" +d05b2695df3d52acb30d13fbc7a2db9a41925758,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0 && a >= b) + { + answer = a; + } + else if (a > 0 && b > 0 && b > a) + { + answer = bl + } + else + { + answer = 0; + } + return answer; + +} + +" +c0a6b390a1b7b97b13e277b27226a9ac96acaf2a,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0 && a >= b) + { + answer = a; + } + else if (a > 0 && b > 0 && b > a) + { + answer = b; + } + else + { + answer = 0; + } + return answer; + +} + +" +4cacdf6705fec7168481202bcc2646a8e5f65f62,"public int blackjack(int a, int b) +{ + if(a > 21 && b > 21) + return 0; + + if(a > 21) + return b; + + if(b > 21) + return a; + + return a > b ? a : b; +} +" +dae7243b5ffd2090d867c55f27b0ffcdfa2b546b,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0 && a >= b && a < 22) + { + answer = a; + } + else if (a > 0 && b > 0 && b > a && b < 22) + { + answer = b; + } + else + { + answer = 0; + } + return answer; + +} + +" +2a8fecef91a5e3abcf20eeb704a1c6e9188b9d9b,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; +} +" +7171acea2c3b35dfac7e4b6751eb738cdfe4295d,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0 && a >= b && a < 22) + { + answer = a; + } + else if (a > 0 && b > 0 && b > a && b < 22) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b > 21) + { + answer = a; + } + else + { + answer = 0; + } + return answer; + +} + +" +458a75bc977089061970b2b6b2256ecb0ca0713b,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0 && a >= b && a < 22) + { + answer = a; + } + else if (a > 0 && b > 0 && a >= b && a > 21) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b < 22) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b > 21) + { + answer = a; + } + else + { + answer = 0; + } + return answer; + +} + +" +d7b24511ba74ae7ab6f1764ad1bdfaef8baf609a,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 0 && b > 0 && a >= b && a < 22) + { + answer = a; + } + else if (a > 0 && b > 0 && a > b && a > 21) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b < 22) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b > 21) + { + answer = a; + } + else + { + answer = 0; + } + return answer; + +} + +" +61282e36a10fe61e614bdac1852641d15acbaef8,"public int blackjack(int a, int b) +{ + int answer = 0; + if (a > 21 && b > 21) + { + answer = 0; + } + else if (a > 0 && b > 0 && a >= b && a < 22) + { + answer = a; + } + else if (a > 0 && b > 0 && a > b && a > 21) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b < 22) + { + answer = b; + } + else if (a > 0 && b > 0 && b > a && b > 21) + { + answer = a; + } + else + { + answer = 0; + } + return answer; + +} + +" +a30e3cc070dd95d20da6bca15d74eb2d5aa9adda,"public int blackjack(int a, int b) +{ + if(a>21 && b>21) return 0; +if(a>21) return b; +if(b > 21) return a; +if((21-a)<=(21-b)) return a; +if((21-a)>=(21-b)) return b; +return 0; +} +" +7eff83595873d7828ae6e79532f16cb7d325beb2,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if (x > y) + { + return y; + } + else + { + return x + } +} +" +ee3313027f9dade8db42beeb11679cf5ff64b60c,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if (x > y) + { + return y; + } + else + { + return x; + } +} +" +1b43d0bccb89b68e2caa4c7e7072ae86f93569d8,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if (x > y) + { + return b; + } + else + { + return a; + } +} +" +c424236267f4ebfbb00f6a4e12f525386575d280,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if (a > 21 && b > 21) + { + return 0; + } + else if (x > y) + { + return b; + } + else + { + return a; + } +} +" +8a14d6fb9e81d49fb8e205e1cd830313fec037c7,"public int blackjack(int a, int b) +{ + int x = 21 - a; + int y = 21 - b; + + if (a > 21 && b > 21) + { + return 0; + } + else if (a > 21) + { + return b; + } + else if (b > 21) + { + return a; + } + else if (x > y) + { + return b; + } + else + { + return a; + } +} +" +7ccf9b612b6ac1dfabae312cf83b7f4d8196031f,"public int blackjack(int a, int b) +{ + if (a > 0) + { + return = 0 + } + +} +" +c1b5f6eaf87e0e50e48b925ea9ac97b0e8d65560,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + + else if(b>21) + { + return a; + + return Math.max(a, b); +} +" +9c4dc9442e985cfa34d543ae919c7850f5d295fb,"public int blackjack(int a, int b) +{ + if (a > 0) + { + (b > 21) + return 0; + } + +} +" +6d35d9cb1be906f7e70b6d1c35e8da4b03cdd8c2,"public int blackjack(int a, int b) +{ + if (a>21) + { + if (b>21) + { + return 0; + } + return b; + } + if (a 0) + { + (b > 21); + return 0; + } + +} +" +e9d37e327fdb8b3e9d60581181a3d602f18e603b,"public int blackjack(int a, int b) +{ + if (a > 0) + { + if (b > 21); + return 0; + } + +} +" +a8e3285301bc33cf24f959d717a04f106ac6f099,"public int blackjack(int a, int b) +{ + if (a > 21) + { + if (b > 21); + return 0; + } + +} +" +33a7ccd979e9d183b6960235fd4e9f12844acf2b,"public int roundSum(int a, int b, int c) +{ + return(this.round10(a) + this.round10(b) +this.round10(c)) +} + +public int round10(int num) +{ + if (num%10 >= 5){ + num = num + 10 - num%10; + }else{ + num = num - num%10; + } +} +" +a57828332f903c531e384b388d5e8de6889e67be,"public int roundSum(int a, int b, int c) +{ + return(this.round10(a) + this.round10(b) +this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 >= 5){ + num = num + 10 - num%10; + }else{ + num = num - num%10; + } +} +" +4ee893feb6985c54a43ec17afe91e42a6da0ca37,"public int roundSum(int a, int b, int c) +{ + return(this.round10(a) + this.round10(b) +this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 >= 5){ + num = num + 10 - num%10; + }else{ + num = num - num%10; + } + return(num); +} +" +c08a527a2b3789f3639a341fa29d6254311e02aa,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + + sum += this.round10(a); + sum += this.round10(b); + sum += this.round10(c); + + return sum; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num += (10 - (num % 10)); + } + + else + { + num -= (num % 10); + } + + return num; +} +" +4f50ad8400084284e1fccf703142dca062819148,"public int roundSum(int a, int b, int c) +{ + round10(a); + roud10(b); + round10(c); +} + +public int round10(int num) +{ + int last = num(-1); + int first = num(0); + if (last < 5) + { + num = first * 10; + } + else + { + num = (first + 1) * 10; + } + return num; +} +" +0c701828ce80251f06d4821450348385b966f88b,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int last = num(-1); + int first = num(0); + if (last < 5) + { + num = first * 10; + } + else + { + num = (first + 1) * 10; + } + return num; +} +" +fff312901dfa31491a20b2e09a725574aa9f4aa2,"public int roundSum(int a, int b, int c) +{ + return (a+b+c); +} + +public int round10(int num) +{ + return 0; +} +" +96666b406de1327c402f83abebfe35b6cdad6e9f,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + last = num % 10; + first = num / 10; + if (last < 5) + { + num = first * 10; + } + else + { + num = (first + 1) * 10; + } + return num; +} +" +5932f62858e9a22e9ae368ed47ee0d48673c41e5,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int last = num % 10; + int first = num / 10; + if (last < 5) + { + num = first * 10; + } + else + { + num = (first + 1) * 10; + } + return num; +} +" +0e159a94ca797f864940b6ccf3968fcc76acb7c4,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int last = num % 10; + int first = num / 10; + if (last < 5) + { + num = first * 10; + } + else + { + num = (first + 1) * 10; + } + return num; +} +" +63af6f217c98d490d0ffdec796705e63432e1988,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) { + return 10 + num - (num % 10); + } + else { + return num - (num % 10); + } +} +" +0b8a91eae0027a67d4ce04c960a563e3db6752c1,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num%10 >= 5) + num = (10 - num%10) + num; + else + num = num - (10 - num%10); + +} +" +37a29f99ccc257252a2f455f63eeac5241adef13,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num%10 >= 5) + num = (10 - num%10) + num; + else + num = num - (10 - num%10); + return num; +} +" +2a5c826806cddfebdd8ed77fa38640ddb61f342c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + + if(round >= 5) + return num + 10 - round; + + return num - round; +} +" +2b0fe90b9e1ba5dcf8ae12ac638ddacc95975137,"public int roundSum(int a, int b, int c) +{ + int roundA = round10(a); + int roundB = round10(b); + int roundC = round10(c); + return (roundA + roundB + roundC); +} + +public int round10(int num) +{ + int number = num; + int modulus = (number % 10); + if (modulus >= 5) + { + return (number - modulus + 10); + } + else + { + return (number - modulus); + } +} +" +0f0a23ce722bbcb2b70d1e9021b14f0f6bb77022,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + double scale = Math.pow(10, places); + return Math.round(num * scale) / scale; +} +" +1a29272e0903d1b02086009db81f7c967bd967d0,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + int scale = Math.pow(10, places); + return Math.round(num * scale) / scale; +} +" +9295461df67f7d2f3c610e6dec12c382dd9b17f6,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + DecimalFormat df = new DecimalFormat(""##""); + df.format(num); +} +" +ba2ab9262c63f8f638611e06723785aaefe0b53d,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + Math.round(num/10.0) * 10; + return num; +} +" +c717d7099ebb518496539dadc4974b5132b4f3ad,"public int roundSum(int a, int b, int c) +{ + if ( a>=5) + { + return round10; + } +} + +public int round10(int num) +{ + a+b+c; +} +" +4f5e5a1625e580fd6d35cfe46daa440d0bb058ee,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + last = num % 10; + + if (last >= 5) + { + num += 10-last; + } + else { + num -= last; + } + return num; +} +" +aa3d634ace1e1b2313ed311146e67b79e72e9234,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + num = Math.round(num/10.0) * 10; + return num; +} +" +0f048c5760ce57d45eea52fa586e2c85d71756d2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int last = num % 10; + + if (last >= 5) + { + num += 10-last; + } + else { + num -= last; + } + return num; +} +" +d301d8e315a491b27ea7b6b18e676d2154cf11f6,"public int roundSum(int a, int b, int c) +{ + if ( a>=5) + { + return round10; + } +} + +public int round10(int num) +{ + sum = a + b + c; +} +" +52021340aa01676e1e90693cd5bfe5aa4f57ab66,"public int roundSum(int a, int b, int c) +{ + if ( a>=5) + { + return sum; + } +} + +public int round10(int num) +{ + sum = a + b + c; +} +" +18f17d72a54aa131a8a8260c6d24d3e3179788f6,"public int roundSum(int a, int b, int c) +{ + if ( a>=5) + { + return 0; + } +} + +public int round10(int num) +{ + sum = a + b + c; +} +" +b0a0651830217b2adb8dd637c46cd2a41cfe6043,"public int roundSum(int a, int b, int c) +{ + if ( a>=5) + { + return 0; + } +} + +public int round10(int num) +{ + int sum = a + b + c; +} +" +3616a4c3556c70e04d0cfce468dba6cc191e6b13,"public int roundSum(int a, int b, int c) +{ + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return 0; + } +} + +public int round10(int num) +{ + +} +" +4113f375e545b2bb6691236f53fbaaa83d8dc55d,"public int roundSum(int a, int b, int c) +{ + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return 0; + } +} + +public int round10(int num) +{ + int three; +} +" +72fddf4239e4fb6f9576285d41c250d669ca813a,"public int roundSum(int a, int b, int c) +{ + int sum; + + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return 0; + } + sum = a + b + c; +} + +public int round10(int num) +{ + int three; + +} +" +cac3ff84c524e44e7d217daed7b4bb61ae45fe69,"public int roundSum(int a, int b, int c) +{ + int sum; + + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return 0; + } + sum = a + b + c; +} + +public int round10(int num) +{ + int three; + +} +return sum;" +daedb14920d54300d79cf754df459fbe62cfc354,"public int roundSum(int a, int b, int c) +{ + int sum; + + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return 0; + } + sum = a + b + c; +} + +public int round10(int num) +{ + int three; + + return sum; +} +" +2e2408bb93fa241bcf4bcf0a19b2539cfd02274f,"public int roundSum(int a, int b, int c) +{ + int sum; + + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return 0; + } + sum = a + b + c; +} +" +4fae3d3e9059b48262f0f0a0ac2e8d28a339c761,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c; +} + +public int round10(int num) +{ + roundingNum = num % 10; + + if (roundingNum >= 5) + { + num += (10 - roundingNum); + return num; + } + else + { + num -= roundingNum; + return num; + } +} +" +d7f65d128d08508aed9263e286e62d8b8e9acd32,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c; +} + +public int round10(int num) +{ + int roundingNum = num % 10; + + if (roundingNum >= 5) + { + num += (10 - roundingNum); + return num; + } + else + { + num -= roundingNum; + return num; + } +} +" +5b87f32fe1401a2dd5ce610214908ca0b845b474,"public int roundSum(int a, int b, int c) +{ + sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm(Num.length())); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +9bb7f85615796081fe896cf45d82382e7ff78149,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm(Num.length())); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +2bfee7c74030bd275c9b8cc4713647951ad5f289,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm(Num.length())); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +d898d355158422c43638a486f9e349cd4e04577b,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length()-1)); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +a31599e5fd4677ea669aaac97dcc89f1ee13ea6b,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length()-1); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +b8b0dffd53c9b081b398af698b564c25f58955d7,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length-1); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +c00e07226564e890cde68648a0d611725f627300,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + if (round < 5) + { + return num - round; + } +} +" +0e47cedfeb900f9e343fdc3142d1a4b4480da220,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + return num - round; +} +" +ae1110350583ae239a0574e448f84450212f5369,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + +} +" +ce6ddc81b7b9b071641e91252ef932f03020e008,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + numBase = num - (num-10); + if (numBase > 4) + return num + (10 - numBase); + else + return num - (10 - numBase); +} +" +50ca859db11586528decd21fe550a38fad81784e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int numBase = num - (num-10); + if (numBase > 4) + return num + (10 - numBase); + else + return num - (10 - numBase); +} +" +9f99ebcecc04ddaaa6c625905936876132ffa434,"public int roundSum(int a, int b, int c) +{ + round10(int a); + round10(int b); + round10(int c); + int final = a + b + c; + return final; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +5c156c150644566da46a3c7f3f821d30212ec6ff,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int numBase = (num + 10) - num; + if (numBase > 4) + return num + (10 - numBase); + else + return num - (10 - numBase); +} +" +8c5529c6184546254a11dac9bae24498ec3bdc7b,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int final = a + b + c; + return final; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +4601a7e86c990a784f2ddc56b9ab3ff2a9a1812d,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); +} + +public int round10(int num) +{ + int cutOff = num % 10; + int output = num - cutOff; + return output; +} +" +efa4766c5d444be11c9368463055e1cf3df7cc99,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + int cutOff = num % 10; + int output = num - cutOff; + return output; +} +" +cfcb7b1bee55941f7d707fe6a36bbc5ee110d965,"public int roundSum(int a, int b, int c) +{ + int d =round10(a); + int e = round10(b); + int f = round10(c); + int final = d + e + f; + return final; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +125a8d4acc16881078c06aa2d0d301f0d963cd10,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + int cutOff = num % 10; + if (cutOff >= 5) + int output = num - cutOff + 10; + else + int output = num - cutOff; + return output; +} +" +85f80e15adec970208a45710465624be15f636d2,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + int cutOff = num % 10; + int output = 0; + if (cutOff >= 5) + output = num - cutOff + 10; + else + output = num - cutOff; + return output; +} +" +58421d73b4b3f44a4e77a4dc614efe8bf497ab41,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 > 4) + return (num/10 + 1) * 10 + else + return (num/10) * 10; +} +" +29e7235cd55fcf96229b8b40423d53a7d29e7cd9,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 > 4) + return (num/10 + 1) * 10; + else + return (num/10) * 10; +} +" +aece24e88a9b77c650c7309341938b80d757eb42,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return num - (num % 10); + } + else + { + return num + (10 - num % 10); + } +} +" +c12a816cf9c524cbd5be1f535341f86036b24f7b,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + round = num %10; + if (round <= 5) + return num + 10 - round; + else + return num - round; +} +" +8a23b07f69bf0b50666395093c9112ce8ed7fb16,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + round = num %10; + if (round <= 5) + return num + 10 - round; + else + return num - round; +} +" +86550c8b72753d239ba293301ed168983ba0df95,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + + if ((num % 10) <= 5) + return num + 10 - (num % 10); + else + return num - (num %10); +} +" +0a13d0b138af7c990027f8a8f213eee5d556e751,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + + if ((num % 10) >= 5) + return num + 10 - (num % 10); + else + return num - (num %10); +} +" +7110fe46393dd5e44a207149d005ae175ff8e671,"public int roundSum(int a, int b, int c) +{ + return(a) +} + +public int round10(int num) +{ + return(b) +} +" +9c93daa6480a789b0bb832a5f5fd789823e3b2c2,"public int roundSum(int a, int b, int c) +{ + return(a); +} + +public int round10(int num) +{ + return(b); +} +" +ecf8baecfff01ed363f1302b310c0f7986b0771e,"public int roundSum(int a, int b, int c) +{ + return(a); +} + +public int round10(int num) +{ + return(num); +} +" +318205fd33650320edacf73fe9fea149668496e6,"public int roundSum(int a, int b, int c) +{ + return(num); +} + +public int round10(int num) +{ + return(num); +} +" +e6cd0b6660f9678e7c4db8ca14942dd3c2e3db21,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + +} +" +3a9700c7f37e458381a5f38b4822e257e9c8939d,"public int roundSum(int a, int b, int c) +{ + int d = a + b+c; +} + +public int round10(int num) +{ + +} +" +bb4e96152307a78b2a43a49866bd1ba754287598,"public int roundSum(int a, int b, int c) +{ + String firtsta = ""a"".substring(0,1); +} + +public int round10(int num) +{ + return(num); +} +" +07b26196471d744cf6ec727fd42bfa31c157070e,"public int roundSum(int a, int b, int c) +{ + int d = a + b + c; + int e = 0; + while (d >= 10) + { + d == d - 10; + e = e + 1; + + } + if (d >= 5) + return e*10; + else + return (e+1)*10; + +} + +public int round10(int num) +{ + +} +" +81cdf959107fa0f0fb4d2d127fd2350cc4b37920,"public int roundSum(int a, int b, int c) +{ + int d = a + b + c; + int e = 0; + while (d >= 10) + { + d = d - 10; + e = e + 1; + + } + if (d >= 5) + return e*10; + else + return (e+1)*10; + +} + +public int round10(int num) +{ + +} +" +b6aee985b7fe4c2a2cb750c3e272552b4cb00432,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int d = a + b + c; + int e = 0; + while (d >= 10) + { + d = d - 10; + e = e + 1; + + } + if (d >= 5) + return e*10; + else + return (e+1)*10; + +} +" +f2063651512b3a76091f34bafb2f602c09ee8e23,"public int roundSum(int a, int b, int c) +{ + String firtsta = ""a"".substring(0,1); + String firtstb = ""b"".substring(0,1); + String firtstc = ""c"".substring(0,1); + String seconda = ""a"".substring(1,2); + String secondb = ""b"".substring(1,2); + String secondc = ""c"".substring(1,2); + if (seconda >= 5 || secondb >= 5 || secondc >= 5) + { + a = (firtsta + 1) * 10 + b = (firtstb + 1) * 10 + c = (firtstc + 1) * 10 + return(a+b+c); + } +} + +public int round10(int num) +{ + return(num); +} +" +9c5307256e0c4ea89b8c3d0a5d7ba0d5143bf08e,"public int roundSum(int a, int b, int c) +{ + String firtsta = ""a"".substring(0,1); + String firtstb = ""b"".substring(0,1); + String firtstc = ""c"".substring(0,1); + String seconda = ""a"".substring(1,2); + String secondb = ""b"".substring(1,2); + String secondc = ""c"".substring(1,2); + if (seconda >= 5 || secondb >= 5 || secondc >= 5) + { + a = (firtsta + 1) * 10; + b = (firtstb + 1) * 10; + c = (firtstc + 1) * 10; + return(a+b+c); + } +} + +public int round10(int num) +{ + return(num); +} +" +743d299b92fc24376097957fa2eb1ee00d3d1170,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + + int e = 0; + while (d >= 10) + { + d = d - 10; + e = e + 1; + + } + if (d >= 5) + return e*10; + else + return (e+1)*10; + +} +" +3cbff72e73cfc31b143a7d2636cdfe5a0d21ec16,"public int roundSum(int a, int b, int c) +{ + String firtsta = ""a"".substring(0,1); + String firtstb = ""b"".substring(0,1); + String firtstc = ""c"".substring(0,1); + String seconda = ""a"".substring(1,2); + String secondb = ""b"".substring(1,2); + String secondc = ""c"".substring(1,2); + if ((seconda >= 5) || (secondb >= 5) || (secondc >= 5)) + { + a = (firtsta + 1) * 10; + b = (firtstb + 1) * 10; + c = (firtstc + 1) * 10; + return(a+b+c); + } +} + +public int round10(int num) +{ + return(num); +} +" +48a9ba8488a94b4b550006e459c1ab4f86b0d7d2,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + num + int e = 0; + while (num >= 10) + { + num = num - 10; + e = e + 1; + + } + if (num >= 5) + return e*10; + else + return (e+1)*10; + +} +" +204bd65bcc42e1ff9ce64c77567c344b879103d4,"public int roundSum(int a, int b, int c) +{ + String firtsta = ""a"".substring(0,1); + String firtstb = ""b"".substring(0,1); + String firtstc = ""c"".substring(0,1); + String seconda = ""a"".substring(1,2); + String secondb = ""b"".substring(1,2); + String secondc = ""c"".substring(1,2); + if ((seconda > 5) || (secondb > 5) || (secondc > 5)) + { + a = (firtsta + 1) * 10; + b = (firtstb + 1) * 10; + c = (firtstc + 1) * 10; + return(a+b+c); + } +} + +public int round10(int num) +{ + return(num); +} +" +a4cab882362409c4b62162c084d33dc6d59eb25c,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int e = 0; + while (num >= 10) + { + num = num - 10; + e = e + 1; + + } + if (num >= 5) + return e*10; + else + return (e+1)*10; + +} +" +aa0ea279e62d8f1073ae12700f2ef2bb09c25e49,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int e = 0; + while (num >= 10) + { + num = num - 10; + e = e + 1; + + } + if (num >= 5) + return (e+1)*10; + + else + return e*10; + +} +" +02b890a0e789a7927dfa25fdb12c94f5ab992205,"public int roundSum(int a, int b, int c) +{ + String firtsta = a.substring(0,1); + String firtstb = b.substring(0,1); + String firtstc = c.substring(0,1); + String seconda = a.substring(1,2); + String secondb = b.substring(1,2); + String secondc = c.substring(1,2); + if ((seconda > 5) || (secondb > 5) || (secondc > 5)) + { + a = (firtsta + 1) * 10; + b = (firtstb + 1) * 10; + c = (firtstc + 1) * 10; + return(a+b+c); + } +} + +public int round10(int num) +{ + return(num); +} +" +871688dbe33cb2016102388f5b0b0af3c3c865a7,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + sum=sum+round10(b); + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(n%10 >4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +e9679d771ae193bf40b137385f32d51c6dc80820,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + sum=sum+round10(b); + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num%10 >4) + return (((num/10)+1)*10); + else return ((num/10)*10); +} +" +94ff77d09949bae7d2c850ed0e6b9fac4bb0ebaa,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + sum=sum+round10(b); + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num%10 >4) + return (((num/10)+1)*10); + else + return ((num/10)*10); +} +" +9d329997fcf386663e7a2a4d973dfd49e3657f0b,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + i = 0; + a = num; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if (0 - num > 5) + { + i = i - 1; + } + return (i * 10); +} +" +74446af4c345969178dad9098e227a1839b699fd,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if (0 - num > 5) + { + i = i - 1; + } + return (i * 10); +} +" +db62235da8ade8b78a080c890cecc226e829b1f7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + if(num % 10 >= 5) { + return num + (10 - num % 10); + } + else { + return num + num % 10; + } +} +" +00fd4c2dcd6830f1758da226a5a5fec2e15d4682,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if(num % 10 >= 5) { + return num + (10 - num % 10); + } + else { + return num + num % 10; + } +} +" +2fc4c5fffe14574cd022ef5a10bed0941e4cb88f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + val = num % 10; + if(val >= 5) { + return num + (10 - val); + } + else { + return num - num % 10; + } +} +" +c09a8b3e2ffa75a636acb6801308b3c40120f12c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int val = num % 10; + if(val >= 5) { + return num + (10 - val); + } + else { + return num - val; + } +} +" +1a72f24b794baa457ed194492d758bb707ab8146,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)) +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + return(i * 10) + } + if (num > 5) + { + return((i + 1) * 10); + } +} +" +687c40526278fae8a84bdca3579cad9753fb06eb,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + return(i * 10); + } + if (num > 5) + { + return((i + 1) * 10); + } +} +" +32766d3eb45d619fefb413c981040da4ef88a167,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num.get(-1) < 5) + return num - (num.get(-1)); + +} +" +04cdf06a40067f04cb52db1d63a532275bde96db,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) + +} + +public int round10(int num) +{ + int round = num % 10 + if (round >= 5) + return num + (10 - round); + else + return num + (round - 10) + +} +" +0596e9fad0e491fa66802102678ad39fda317949,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + (10 - round); + else + return num + (round - 10); + +} +" +135065ebaddcdfff4b66bbd884b5fd2ca55e886f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + (10 + round); + else + return num + (round - 10); + +} +" +571e2bad04a1319cebc45595a010e7985e97be2c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + (10 - round); + else + return num - round ; + +} +" +a17eb5884db33372178ae7a0d7535bf416aba474,"public int roundSum(int a, int b, int c) +{ + a = round(a); +b = round(b); +c = round(c); + +return a + b + c; +} + +public int round10(int num) +{ + double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +a62adaab571f15c3a5354d410ce4c0781cefbb7e,"public int roundSum(int a, int b, int c) +{ +a = round(a); +b = round(b); +c = round(c); + +return a + b + c; +} + +public int round10(int num) +{ + double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +feebf5a982e3ad3c91d3f37107f7c1fdd242ac93,"public int roundSum(int a, int b, int c) +{ +a = round(a); +b = round(b); +c = round(c); + +return a + b + c; +} + +public int round(int num) { +double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +d54a6cf834d99043569cff09ee704d06c84e6eda,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (n%10 > 4) + return (((n/10) + 1)*10); + else return ((n/10)*10); +} +" +9a05a249feb919674d7c81448a3d5b5865441a62,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num%10 > 4) + return (((num/10) + 1)*10); + else return ((num/10)*10); +} +" +00d349b6af5a433e7ac745ccba4050f1650fbaa2,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10 + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } +} +" +dd54f03e85708f357a33d5efb405cc157b64ded0,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } +} +" +771f42389925d7516c573c1d1db743193ed186bd,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a; + return b; + return c; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } +} +" +b7b652dac04b6fbccdd6a2c58146cce223937344,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a; + return b; + return c; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num +} +" +347748c85278426bd5392db42e842e03b19167a2,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a; + return b; + return c; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +552cb40336db96292a77a66f19fab72f2fc0a68b,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +3827133b0efdfc1e9fe413f145fe67588a4cf3d9,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + return i; + return num; + } + + if (num >= 5) { + num = i + 10; + return num; + } + else { + num = i; + return num; + } + return num; +} +" +6252aef85df450b6899c6c01b41e7e048115910a,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b +c; +} + +public int round10(int num) +{ + int x = num % 10; + + if (x >= 5) + num = num + 10 - x; + else + num = num - x; + return num; +} +" +8fd11a6629313a52804f35bf79a006e100c14c88,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if (rd >= 5) + { + return num + 10 - rd; + } + else + { + return num -rd; + } +} +" +d57858e235d715c9649fa4371e48efa3b9c78465,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if(rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +52fe30c51aca825140dbc25058923fe21c908564,"public int roundSum(int a, int b, int c) +{ + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return a + b + c;; + } +} +" +9fb5d074df2e1baea9827d5e405bb8b2c01ee82a,"public int roundSum(int a, int b, int c) +{ + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else + { + return a + b + c; + } +} +" +ecc29661ad77382564338f754f32504f2146d089,"public int roundSum(int a, int b, int c) +{ + if ( a>=5 || b>=5 || c>=5) + { + return 10; + } + else if ( a<5 || b<5 || c<5) + { + return 0; + } + else if ( a>=15 || b>=15 || c>=15) + { + return 20; + } + else if ( a<15 || b<15 || c<15) + { + return 10; + } + else + { + return a + b + c; + } +} +" +116ef66126b2656060254a5410aab9a2d73dd5d7,"public int roundSum(int a, int b, int c) +{ + call round10(a); + call round10(b); + call round10(c); +} + +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +c0bdff3d8103022713359aa1459ccba6c935d933,"public int roundSum(int a, int b, int c) +{ + int k = new int(); + k.round10(a); + k.round10(b); + k.round10(c); +} + +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +52023706b9e1c7c4b72a2505ee25a91f209c2b55,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +a1be287fb896ba6f9b2c42162d78deffd6fc2853,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return (a,b,c); +} + +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +f59b9760892993a84da91d06230ac69da2762563,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + +} +" +5392d267f837e7138572a6dd258806961f1e1959,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num / 10 + 10; + } + return num / 10; +} +" +ac3e430a5ff6594cd39057baece18ba67e22f7c8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return (num / 10) + 10; + } + return num / 10; +} +" +4ee0e13e79651a0026f7f441d25a33bf3beec7e3,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a), this.round10(b), this.round10(c)) +} + +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +f2bd75139b0483f7a6c9b167b9beb8d87c204cee,"public int roundSum(int a, int b, int c) +{ + int rSum = 0; + + + return rSum +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + +} +" +757f022f4017add90de5bee933978b82f3a079b0,"public int roundSum(int a, int b, int c) +{ + int rSum = 0; + + + return rSum; +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + +} +" +f68816c732006545497256464435c33a9feeaa6e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int a = num % 10; + + if (a >= 5) + { + return num + (10 - a) + } + else + { + return num - a; + } +} +" +0a4206d3823f8d138827c1edb9d6b04bc4755496,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return (num / 10) * 10 + 10; + } + return (num / 10) * 10; +} +" +3cfd91af78ec79dea425a0e0d03a99f4b8edf49e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int a = num % 10; + + if (a >= 5) + { + return num + (10 - a); + } + else + { + return num - a; + } +} +" +7ac44792ee7f90d516ce71cbb51db5169e252c83,"public int roundSum(int a, int b, int c) +{ + int rSum = 0; + + + return rSum; +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + if (r < 5) + round = (num - r); + return round; +} +" +3ec859b6c0c176b96451b57c1b636fb832610742,"public int roundSum(int a, int b, int c) +{ + int rSum = 0; + round10(a); + round10(b); + round10(c); + + + return rSum; +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + if (r < 5) + round = (num - r); + return round; +} +" +5bc8e55aa6507b693bd975978b4ff237e37bc262,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +281117efb25047181f7c5d8315075293a81438a0,"public int roundSum(int a, int b, int c) +{ + int rSum = 0; + round10(a) = aSum; + round10(b) = bSum; + round10(c) = cSum; + aSum + bSum + cSum = rSum; + return rSum; +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + if (r < 5) + round = (num - r); + return round; +} +" +1c41d4e0384d8434e2ede83f65126160d51b7dce,"public int roundSum(int a, int b, int c) +{ + return a.round10() + b.round10() + c.round10; +} + +public int round10(int num) +{ + //local var + int num2 = num%; + int num3 = 10 - num2; + + //method + if (num2 >= 5) + { + return num + num3; + } + else + { + return num - num3; + } +} +" +6ea39f9aa93fe4c8dc595c700952b2b7901026d0,"public int roundSum(int a, int b, int c) +{ + return a.round10() + b.round10() + c.round10; +} + +public int round10(int num) +{ + //local var + int num2 = %num; + int num3 = 10 - num2; + + //method + if (num2 >= 5) + { + return num + num3; + } + else + { + return num - num3; + } +} +" +254c65a2e8af69145c1eb4ec74982e7df8f38e94,"public int roundSum(int a, int b, int c) +{ + return a.round10() + b.round10() + c.round10; +} + +public int round10(int num) +{ + //local var + int num2 = num % 10; + int num3 = 10 - num2; + + //method + if (num2 >= 5) + { + return num + num3; + } + else + { + return num - num3; + } +} +" +6f543b458d47dd962f5b152e9e92eb16b88d36c7,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return rSum; +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + if (r < 5) + round = (num - r); + return round; +} +" +1524c51043a6467aa863d7628576d52f3f488de4,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + int round = 0; + int r = num%10; + if (r >= 5) + round = ((num - r) + 10); + if (r < 5) + round = (num - r); + return round; +} +" +9ae07596a9c042a5d255e99683c9d12e895d188a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + //local var + int num2 = num % 10; + int num3 = 10 - num2; + + //method + if (num2 >= 5) + { + return num + num3; + } + else + { + return num - num3; + } +} +" +a4d1bc3038b54203282e8ed1263b2a8b7e9b2aba,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + //local var + int num2 = num % 10; + int num3 = 10 - num2; + + //method + if (num2 >= 5) + { + return num + num3; + } + else + { + return num - num2; + } +} +" +5aef5718b420092ce2f19f20b81974d2bfc4fe9c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int x = num % 10; + int result = 0; + + if (x < 5) + { + result = num - x; + } + else + { + result = num + (10 - x); + } + + return result; +} +" +a6d483ef9413718a22545c62c87542a46bb22e55,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +445090f74599d9d1eaf6ac03e9429e6724bd06ef,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int round = num % 10 + if (num >= 5) + return num + 10 - round + else + return num - round +} +" +a667875f3d3e060ddf1531bb8d3887289ba40485,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int round = num % 10; + if (num >= 5) + return num + 10 - round; + else + return num - round; +} +" +9c9551278319cba792a1224fed7cde4b0da50207,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round(c) +} + +public int round10(int num) +{ + int round = num % 10; + if (num >= 5) + return num + 10 - round; + else + return num - round; +} +" +11998e0d34fa1028280e4f6926b00cf4536c7652,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (num >= 5) + return num + 10 - round; + else + return num - round; +} +" +99ac88b2bf5d16d68a807ece64118eb57cbc9af9,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (num >= 5) + return num + 10 - round; + else + return num - round; +} +" +adb2c5b2aaabcdf51a951cf973cccd1843db5391,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + 10 - round; + else + return num - round; +} +" +dde59cc135400049fc58902688326750c566aad3,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +6ef40ce40729e952ad4d7f94e632ab18b838b133,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int d = a+ b+ c; + return d; +} +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +3cc58bb9b5a13ba7b7f5b3b9e39238098dd25f0a,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} +public int round10(int num) +{ + int a = num % 10; + if (a < 5) + { + num = num - a; + return num; + } + else + { + num = num - a + 10; + return num; + } +} +" +ab44b229ba4f888a7bc69f5577684b583facc8fd,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + +} + +public int round10(int num) +{ + if (num%10 >= 5) { + return num + (10 - num%10); + } else { + return num - num%10; + } +} +" +976375986f088c453da7fce3c14bc86a1ca7fa8a,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + return roundA + roundB + roundC; +} + +public int round10(int num) +{ + if (num%10 >= 5) { + return num + (10 - num%10); + } else { + return num - num%10; + } +} +" +6870ff905ff5afea7334c7251e9edfb9cac48558,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + { + return num + (10 - digit); + } + return num - digit; +} +" +762f08246c122eabc1b2c86550fef5a51f4c34a7,"public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + return num + (10 - digit); + } + return num - digit; +} +public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +}" +813ec6585dc059fadf6914cacd68f0ea0eef04b8,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + return(num = (i * 10)); + } + if (num > 5) + { + return(num = ((i + 1) * 10)); + } +} +" +48f9754347d1bfb8904b17ab8f68e1caa829f5f8,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + return(num = (i * 10)); + } +} +" +8c350392afb1cbf0cb6207842a583d9883b042d5,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + num = (i * 10) + return(num); + } + if (num > 5) + { + num = ((i + 1) * 10) + return(num); + } +} +" +ec12ea314a13af3fa284ac0b6a515cda6c840eb0,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + num = (i * 10); + return(num); + } + if (num > 5) + { + num = ((i + 1) * 10); + return(num); + } +} +" +07e9f4bc0f380d413bfbfcc559a6a1e14735be22,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + num = num + 10; + if (num < 5) + { + num = (i * 10); + } + if (num > 5) + { + num = ((i + 1) * 10); + } + return(num); +} +" +b97ab3542ca5b315fa42c4424154a517f5a3e7cc,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if ((num + 10) < 5) + { + num = (i * 10); + } + if ((num + 10) >= 5) + { + num = ((i + 1) * 10); + } + return(num); +} +" +eff1053c72c898308bd8e14e1b0290ac431cc17b,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if ((num + 10) < 5) + { + num = ((i - 1)* 10); + } + if ((num + 10) >= 5) + { + num = (i * 10); + } + return(num); +} +" +271a63b96941eef6fd13a7ee3cb056d6983101cf,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if ((num + 10) < 15) + { + num = ((i - 1)* 10); + } + if ((num + 10) >= 15) + { + num = (i * 10); + } + return(num); +} +" +f7e56beca11e0185bada930c8048b6e63e45ebc6,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if ((num + 10) < 5) + { + num = ((i - 1) * 10); + } + if ((num + 10) >= 15) + { + num = (i * 10); + } + return(num); +} +" +664010b6dcbc560e4ce0e43215df36004bfc2b8d,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int i = 0; + while (num > 0) + { + num = num - 10; + i = i + 1; + } + if ((num + 10) < 5) + { + num = ((i - 1) * 10); + } + else if ((num + 10) >= 5) + { + num = (i * 10); + } + return(num); +} +" +1d9960c3cff1bd9e445c24de4cf0edc2bc17d8b5,"public int roundSum(int a, int b, int c) +{ return round10(a) + round10(b) + round10(c));} +{ + +} + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num = (10 - digit); + return num - digit; +} +" +67476ed1c91adc72f9f4d125c8e2108b1d0e41e5,"public int roundSum(int a, int b, int c) +{ return round10(a) + round10(b) + round10(c));} + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num = (10 - digit); + return num - digit; +} +" +dc77d9f47e20012cfdff686d71cf058927245c62,"public int roundSum(int a, int b, int c) + return round10(a) + round10(b) + round10(c)); + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num = (10 - digit); + return num - digit; +} +" +5beeead5ff705c78fe5c9d730f7b9aad14d2c35d,"public int roundSum(int a, int b, int c) + return round10(a) + round10(b) + round10(c)); +{ + +} +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num = (10 - digit); + return num - digit; +} +" +3df867a9bc1db7a358773db71ee4bb74523403b4,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c)); +} +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num = (10 - digit); + return num - digit; +} +" +6279c11a287d38b8d968f160140c8492ebfcbe09,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num = (10 - digit); + return num - digit; +} +" +155dd6e22d2006c55c372523d57fb2f451efec58,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +464e8605878f6b7b4f929051477758263eb04460,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int newnum = num % 10; + if (newnum > 5) + return num + 10 - newnum; + else return newnum; +} +" +d656a5106d235dcdad5b8e01d7d9df47ec73a0e1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int newnum = num % 10; + if (newnum > 5) + return num + 10 - newnum; + else return num - newnum; +} +" +926c0bfd4005ea9d8572382a5818c4eadc2bac56,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int newnum = num % 10; + if (newnum >= 5) + return num + 10 - newnum; + else return num - newnum; +} +" +cd9da5567a30bd33069a7a36b877ea0ae901d5d4,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + +} + +public int round10(int num) +{ + if ( num%10 >= 5) + { + return num = num + (10 - num%10); + } + else{ + return num = num - num%10; + } +} +" +000583d95c699340a3034edc469e68e46741bdfd,"public int roundSum(int a, int b, int c) +{ + return round10(a); + return round10(b); + return round10(c); + +} + +public int round10(int num) +{ + if ( num%10 >= 5) + { + return num = num + (10 - num%10); + } + else{ + return num = num - num%10; + } +} +" +262ef37bb49570ffc45c6617f9027729748227a3,"public int roundSum(int a, int b, int c) +{ + return round10(a), round10(b) ; + + +} + +public int round10(int num) +{ + if ( num%10 >= 5) + { + return num = num + (10 - num%10); + } + else{ + return num = num - num%10; + } +} +" +6e4103ec3c59a506c7b6686349b7efd54a703357,"public int roundSum(int a, int b, int c) +{ + return round10(a)+ round10(b)+ round10(c); + + +} + +public int round10(int num) +{ + if ( num%10 >= 5) + { + return num = num + (10 - num%10); + } + else{ + return num = num - num%10; + } +} +" +b00d217884495a8217cd7c7c5a9dcc1c63a4cac4,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + { + return (num + (10 - digit)); + } + else + { + return (num - digit); + } +} +" +922cb6728816c4197663561716ecd07f002bace8,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return (num - (num % 10) + 10); + } + else + { + return (num - (num % 10)); + } +} +" +989b7e1a5900ec47cb37d9979d1759cbb7202e31,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + + return num -rd; + + +} +" +3d747d77d4def18d73a6f09cfea398ab33068c13,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + + return num -rd; + + +} +" +09f2626a81f96e183ac9c6d8a3028c16fb9f958a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + else + return num - rd; +} +" +5466be809daf3ad1c9752b7dd797c9e15b4e3e40,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + else + return num - rd; +} +" +ba6f973833be5adcb218d08da876c58d1038524b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +2ab025cdb83909a35e5421ac8266167fd25326af,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +3da1cc0c40f130c1363bbde042cbf3f922cf8d41,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +ceae3f1e863c4ad606e62fc5183fcd33e7d6ace0,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +8d40889a060811359430d21d3bcfe99c1f8c05a8,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} +" +dd0ad5a0b1a9a2759e7f84a7bc566cbdf86c1c70,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +a72fe481f8d1adb647fb6f8e7f9381154593a156,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c) +} + +public int round10(int num) +{ + int value = num/10 + if (value < 5) { + return num - value); + } + + else if (value >= 5) { + return num + (10-value); + } +} +" +d38bcd95de637017912b21246b260a1e27e83909,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + int value = num/10 + if (value < 5) { + return num - value; + } + + else if (value >= 5) { + return num + (10-value); + } +} +" +f2751cd0dda906faeb647132426268237b113185,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + int value = num/10; + if (value < 5) { + return num - value; + } + + else if (value >= 5) { + return num + (10-value); + } +} +" +0344c69ea9575bb1f37a35bb04aecbf574e502f0,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + int value = num/10; + int newVal = 0; + if (value < 5) { + newVal = num - value; + } + + else if (value >= 5) { + newVal = num + (10-value); + } + + return newVal; +} +" +cfce21c3ff9f0bf12e0392443508e73d356db750,"public int roundSum(int a, int b, int c) +{ + a = round(a); + b = round(b); + c = round(c); + return a + b + c; +} + +public int round10(int num) +{ + double nummy = 0; + if(num >= 10) + { + nummy = num - (((int)(num / 10)) * 10); + } + else + { + nummy = num; + } + if (nummy >= 5) + { + num = (int)((num - nummy) + 10); + } + else + { + num = (int)(num - nummy); + } + return num; +} +" +0a26b57b0987ba352b150df331ef273457b085ca,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + double nummy = 0; + if(num >= 10) + { + nummy = num - (((int)(num / 10)) * 10); + } + else + { + nummy = num; + } + if (nummy >= 5) + { + num = (int)((num - nummy) + 10); + } + else + { + num = (int)(num - nummy); + } + return num; +} +" +408274134dbb835745663421b9b0214ff2c00f5d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round(c); +} + +public int round10(int num) +{ + +} +" +011132f5f4539d91c18f439642ee20be3cb32141,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + +} +" +c7c2ab53e3d94aefb8c376ff18adc908e49e65a1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if ((num % 10) < 5) + { + return num - (num % 10); + } + else + { + return num + 10 - (num % 10); + } +} +" +bb5112fabeae74103aff4f5c97fec5ff6ba1ab61,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) + +} + +public int round10(int num) +{ + if ((num % 10) < 5) + { + return num - (num % 10) + } + else + { + return num + (10 - (num % 10)) + } + +} +" +21eb758fc79a701241d49b5fd2b360334f4fa9df,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + if ((num % 10) < 5); + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } + +} +" +dc410b4e4b7fdc77cf2027dac904083523d385aa,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + if ((num % 10) < 5); + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } + +} +" +ca4d3b9668bf9084c131c0030e9587f0a3b7f32c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + if ((num % 10) < 5); + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } + +} +" +c1d7dee7bf715e6569f11c51a519b3bfe188a89d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if ((num % 10) < 5); + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } +}" +81a721b5ecbfa1b02f60ae5af52a51465d543e60,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if ((num % 10) < 5) + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } +}" +1c19992f99b9032ad36a5e8843c263737b971ac2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + roundedNum = num%10 + if (roundedNum >= 5) + return num + 10 - roundedNum; + else + return roundedNum; + +} +" +5ad72037b338d90a03abe9198f02a68c98d5d8e5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + roundedNum = num%10; + if (roundedNum >= 5) + return num + 10 - roundedNum; + else + return roundedNum; + +} +" +908c45d41b6bf1ed06440c0cde7bd5466c5df36a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int roundedNum = num%10; + if (roundedNum >= 5) + return num + 10 - roundedNum; + else + return roundedNum; + +} +" +81a42ffbcd00716e5d951cd2457f8564461e8386,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int roundedNum = num%10; + if (roundedNum >= 5) + return num + 10 - roundedNum; + else + return num - roundedNum; + +} +" +64566cea66e8848a8d9fcbaf63b18c2a8c16a18c,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num:; + } +} +" +fae308b84408c05177a9736ba6882f7b2b56b825,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +d00ffb57842bcb910613d969766c79e5b027bc6b,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a, b, c; +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +2547b3dfc92fd4788af684dfa2d29ffc12a20d9b,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a b c; +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +b78feabe73028d90ebc57805c70e177638233435,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + return a; + b = round10(b); + return b; + c = round10(c); + return c; +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +7986f717b34ef64f1d69577af10e78772b7da879,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + + b = round10(b); + + c = round10(c); + return c; + return a; + return b; +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +da18dc27bae28956f0b74ae8e5e9714879408560,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + + b = round10(b); + + c = round10(c); + return c a b; + +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +67147f0ef71f041c3a7984ad0288a4aa29fa9330,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + + b = round10(b); + + c = round10(c); + return (c a b); + +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +4e2eb9362d70632a035ccdb7bfb493dcccdd54ee,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + + b = round10(b); + + c = round10(c); + return c+a+b; + +} + +public int round10(int num) +{ + if (( num % 10) < 5) + { + num = (num - (num % 10)); + return num; + } + else + { + num = (num + (10- (num % 10))); + return num; + } +} +" +60187ec90252bf06c3538013a8d120eec80d6ab6,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + return num - rd; +} +" +7966e4069dc0c3740920d6b311bb38b15c77426f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + return num - rd; +} +" +09fe26f677e289bb6921f2454b2d1bd6dd27415b,"public int roundSum(int a, int b, int c) +{ + round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + return num + 10 - (num % 10); + else + return num - (num % 10); +} +" +8ab8b1f66652cbc86577a7fc4dccd131dbe6d98c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + return num + 10 - (num % 10); + else + return num - (num % 10); +} +" +b4468d47a8297b1e9c61604e85cae3c230640006,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +d7edeaae95abad07e0f06e7465a964fc6e755c5f,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num%10 >= 5) + num = (10 - num%10) + num; + else + num = num - num%10); + return num; +} +" +0f306c2041772c06ac03b8799fed6f8ab0fe26d2,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num%10 >= 5) + num = (10 - num%10) + num; + else + num = num - num%10; + return num; +} +" +601ca048885e0cad9684d197377a442948abfa9e,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c) +} + +public int round10(int num) +{ + if (num%10>=5) + { + return (num-num%10+10) + } + else + { + return (num-num%10) + } +} +" +6a8056e1da4d66f4ba386c9efe0878b3069ab9cb,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num%10>=5) + { + return (num-num%10+10); + } + else + { + return (num-num%10); + } +} +" +05399481d0bb229bd8c90d2a59ceb5a37b66b4e3,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int number = num % 10; + if (number >= 5) + { + return num + (10 - number); + } + else + return num - number; +} +" +2fccdac111dadcfe0ab633ac8111801d4c9daca3,"public int roundSum(int a, int b, int c) +{ + return (round(a)+round(b)+round(c)) +} + +public int round10(int num) +{ + if (n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +5e96bceae0564b99bad660515078e277721d8884,"public int roundSum(int a, int b, int c) +{ + return (round(a)+round(b)+round(c)); +} + +public int round10(int num) +{ + if (n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +f6de9f3334d20aba8ebfbef7ecdfcab7fdee01be,"public int roundSum(int a, int b, int c) +{ + return (a.round() + b.round() + c.round()); +} + +public int round10(int num) +{ + if (n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +f4b8b5cb12ce80d26bf7b5d8ee12f920e1457172,"public int roundSum(int a, int b, int c) +{ + return (round(a) + round(b) + round(c)); +} + +public int round10(int num) +{ + if (n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +4921cd02711de3e1f2c73bc5ca7b0f8c331e0c51,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = round10(b) + sum; + sum = round10(c) + sum; + return sum; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + num % 10; + } + else if (num % 10 < 5) + { + return num - num % 10; + } + else + { + return num; + } + +} +" +d87c368b123d9d9753994474a4c222f010e6af6b,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = round10(b) + sum; + sum = round10(c) + sum; + return sum; +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + return (num + (num % 10)); + } + else if ((num % 10) < 5) + { + return (num - (num % 10)); + } + else + { + return num; + } + +} +" +2d1361aa9706e5c3d247de220158681ba1b130ad,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + return (num + (num % 10)); + } + else if ((num % 10) < 5) + { + return (num - (num % 10)); + } + else + { + return num; + } + +} +" +b108addec089af3e2b83d22a2bdda6229f8f0514,"public int roundSum(int a, int b, int c) +{ + if (a.substring(2) >= 5) +{ + return 20; +} + +} + +public int round10(int num) +{ + +} +" +05ac430e2698e8e8d5c1af0e800b133948fff3ab,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + return (num + ( 10 - (num % 10))); + } + else if ((num % 10) < 5) + { + return (num - (10 - (num % 10))); + } + else + { + return num; + } + +} +" +f168ae7078d5526e4d6207e567624d4c2f1971e5,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num > 10) + { + if (num % 10 >=5) + { + return (num + (10 - (num % 10))); + } + else () + { + return (num - (10 - (num % 10))); + } + } + else + { + if (num % 4 >= 1) + { + return (10); + } + else + { + return (0); + } + } + +} +" +1fe70ee63db8ac0a5321ae2afeb4e8f029a2fd0c,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num > 10) + { + if (num % 10 >=5) + { + return (num + (10 - (num % 10))); + } + else + { + return (num - (10 - (num % 10))); + } + } + else + { + if (num % 4 >= 1) + { + return (10); + } + else + { + return (0); + } + } + +} +" +79aa8def3e71c6d04ca14926eb84b23a4c77bc36,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int down = num % 10; + + if (down < 5) + { + return num - down; + } + +} +" +cc2b7ea6e5e804a8f72139466f86181fa38ca47c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int down = num % 10; + + if (down < 5) + { + return num - down; + } + else + { + return num - down; + } +} +" +ad5f4274720c7118a1c519bd19c8331615825bd9,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int down = num % 10; + + if (down >= 5) + { + return num + 10 - down; + } + else + { + return num - down; + } +} +" +ea4402ba9ffdb4d0d5af2e4381916bfd7ca305b0,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num > 10) + { + if (num % 10 >= 5) + { + return (num + (10 - (num % 10))); + } + else + { + return (num - (num % 10))); + } + } + else + { + if (num % 4 >= 1) + { + return (10); + } + else + { + return (0); + } + } + +} +" +013dc369dc9392c78cdbc4373f1f6d2b7e7e969a,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num > 10) + { + if (num % 10 >= 5) + { + return (num + (10 - (num % 10))); + } + else + { + return (num - (num % 10)); + } + } + else + { + if (num % 4 >= 1) + { + return (10); + } + else + { + return (0); + } + } + +} +" +dba6c9318aedac2c2aef489dc795c9707c8913aa,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num > 10) + { + if (num % 10 >= 5) + { + return (num + (10 - (num % 10))); + } + else + { + return (num - (num % 10)); + } + } + else + { + if (num % 4 >= 1) + { + return (10); + } + else + { + return (0); + } + } + +} +" +92e43102cbbc1dd564c115af7e3627357c0e8b1a,"public int roundSum(int a, int b, int c) +{ + sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int round = num%10; + + if(round >= 5) + { + return num - round + 5; + } + else + { + return num - round; + } +} +" +71fdb276c1cd7e809b4193a453723fac2b3e4358,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int round = num%10; + + if(round >= 5) + { + return num - round + 5; + } + else + { + return num - round; + } +} +" +45374be27a4ec1f0892743723cb039c0bedff882,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int round = num%10; + + if(round >= 5) + { + return num - round + 10; + } + else + { + return num - round; + } +} +" +e56008dbd117a0aef4369418363fa77dd07a32e2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + num % 10; + } + else + { + num = num - num % 10; +} +" +e0ab458f0580b1c1e0371c65d3223ab82fd0fadd,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + num % 10; + } + else + { + num = num - num % 10; + } +} +" +f52a7c4003f77b30463fbc02970bab61a7d50984,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + num % 10; + return num; + } + else + { + num = num - num % 10; + return num; + } +} +" +a4aeba76b5c203ad8fb545fbbabb9aaf966965b8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (10 - num % 10); + return num; + } + else + { + num = num - (10 - num % 10); + return num; + } +} +" +a87473468990704a6ab3444826178c2be3d21c09,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (10 - num % 10); + return num; + } + else + { + num = num - (num % 10) + return num; + } +} +" +231f2807983cfda498712dc606db97c74fac8cd3,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (10 - num % 10); + return num; + } + else + { + num = num - (num % 10); + return num; + } +} +" +cfd1274107f4d2958eb89a53ad375a22e938bd21,"public int roundSum(int a, int b, int c) +{ + a = public int round10(int a); + b = public int round10(int b); + c = public int round10(int c); +} + +public int round10(int num) +{ + +} +" +d936c99d2970875081672a39dea0af9d7476b870,"public int roundSum(int a, int b, int c) +{ + a = public int round10(int a); + b = public int round10(int b); + c = public int round10(int c); +} + +public int round10(int num) +{ + return num; +} +" +d950e3b4a45aea13cfdbe10e9a306a464c0febe2,"public int roundSum(int a, int b, int c) +{ + return public int round10(int a) + public int round10(int b) + public int round10(int c); +} + +public int round10(int num) +{ + return num; +} +" +4c29f2780db5e474f3525b876989eb90039466eb,"public int roundSum(int a, int b, int c) +{ + return (public int round10(int a) + public int round10(int b) + public int round10(int c)); +} + +public int round10(int num) +{ + return num; +} +" +d769a651d4dfc5a1a5bac712613d4c58bdbc6745,"public int roundSum(int a, int b, int c) +{ + int roundA; + int roundB; + int roundC; + int roundSum; + roundA = public int round10(int a); + roundB = public int round10(int b); + roundC = public int round10(int c); + roundSum == roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +f7d7c73006b16007a891e5b3c3c26a4b1a6367ce,"public int roundSum(int a, int b, int c) +{ + int roundA; + int roundB; + int roundC; + int roundSum; + roundA == public int round10(int a); + roundB == public int round10(int b); + roundC == public int round10(int c); + roundSum == roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +ad2f02ad1aac890ea1e458a0737c980124ba3946,"public int roundSum(int a, int b, int c) +{ + int roundA = public int round10(int a); + int roundB = public int round10(int b); + int roundC = public int round10(int c); + int roundSum = roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +bd0ff7fb5b0b39fd16300e1116c2cd5c82e9e021,"public int roundSum(int a, int b, int c) +{ + int roundA = round10(int a); + int roundB = round10(int b); + int roundC = round10(int c); + int roundSum = roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +5e8335783cf9fd694308e02c84366effae3568f2,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundA = round10(b); + int roundC; + roundC = round10(c); + int roundSum = roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +aefbf8aeca860d03333ad9f1a374269ab5ca16f3,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundA = round10(b); + int roundC; + roundC = round10(c); + int roundSum; + roundSum = roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +91a31efca837a30b0d915b71fb26a48d1de8a0ab,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundA = round10(b); + int roundC; + roundC = round10(c); + int roundSum; + roundSum == roundA + roundB + roundC; + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +6faf77c6dcbae189435bbc8993bbce4097ae3286,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundA = round10(b); + int roundC; + roundC = round10(c); + int roundSum; + roundSum = (roundA + roundB + roundC); + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +56c3674d9ee2942c07e8433805d145e6ef55f798,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + int roundSum; + roundSum = (roundA + roundB + roundC); + return roundSum; +} + +public int round10(int num) +{ + return num; +} +" +cbfc467173b09d38d52da26fecd8a69c0a6469e4,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + sumABC = roundA + roundB + roundC; + return sumABC; +} + +public int round10(int num) +{ + onesPlace = num % 10; + if (onesPlace < 5) + { + num = num - onesPlace; + } + else + { + num = num + (10 - onesPlace); + } +} +" +8c2cb9361c5d8c0c049885e7d72043df95da74bb,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + int sumABC = roundA + roundB + roundC; + return sumABC; +} + +public int round10(int num) +{ + onesPlace = num % 10; + if (onesPlace < 5) + { + num = num - onesPlace; + } + else + { + num = num + (10 - onesPlace); + } +} +" +37d239f773435d17107277a4c2e7f95897e46983,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + int sumABC = roundA + roundB + roundC; + return sumABC; +} + +public int round10(int num) +{ + int onesPlace = num % 10; + if (onesPlace < 5) + { + num = num - onesPlace; + } + else + { + num = num + (10 - onesPlace); + } +} +" +e970ec29521560f54d1ef6ec278307b0302046c2,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + int sumABC = roundA + roundB + roundC; + return sumABC; +} + +public int round10(int num) +{ + int onesPlace = num % 10; + if (onesPlace < 5) + { + num = num - onesPlace; + } + else + { + num = num + (10 - onesPlace); + } + return num; +} +" +c4bf8fb6e7023207af8a0d37a88f7fdc12a749b7,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + int roundSum; + roundSum = (roundA + roundB + roundC); + return roundSum; +} + +public int round10(int num) +{ + int roundNum; + if (num % 10 > 5) { + roundNum = (num + (10 - (num % 10))); + } + else { + roundNum = (num - (num % 10)); + } + return roundNum; +} +" +86fad80242b7a1c64248603fbbf371ad9ad0520b,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + int roundSum; + roundSum = (roundA + roundB + roundC); + return roundSum; +} + +public int round10(int num) +{ + int roundNum; + if (num % 10 >= 5) { + roundNum = (num + (10 - (num % 10))); + } + else { + roundNum = (num - (num % 10)); + } + return roundNum; +} +" +c4e84ae883181e45d226078e4b1d25dce3a8018d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10) +} +" +7ea3302afcf66ab05f0699545a860cd577fe77eb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10)) +} +" +a28e6d214bd561ca4e499569eccbf0c7870977b5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10)); +} +" +e59387c365ce25f32d574d99b2ef8cebb708df0f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return num - (n%10); + else + return num + (10 - (n%10)); +} +" +023d6756e7bae78e993ae906db18e83bca896926,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return num - (num%10); + else + return num + (10 - (num%10)); +} +" +8ee70e3e432b84c75fc7fe93771d50d0979bc83a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if (rd >= 5) + return num + 10 - rd; + else + return num - rd; +} +" +425a5631db2cbf1aeb7470670399bd3006f08aaa,"public int roundSum(int a, int b, int c) +{ + rounda = round10(a); + roundb = round10(b); + roundc = round10(c); + sum = rounda + roundb + roundc; + return sum; +} + +public int round10(int num) +{ + last = num%10; + if (last >= 0 && last < 5) + { + rounded = num - last; + } + else if (last >= 5) + { + rounded = num + 10 - last; + } +} +" +244de79bc0bbda51f3748f26ba4436f5c649ec09,"public int roundSum(int a, int b, int c) +{ + + int rounda = round10(a); + int roundb = round10(b); + int roundc = round10(c); + int sum = rounda + roundb + roundc; + return sum; +} + +public int round10(int num) +{ + last = num%10; + if (last >= 0 && last < 5) + { + rounded = num - last; + } + else if (last >= 5) + { + rounded = num + 10 - last; + } +} +" +f624e155d9e2c33d58d33588e21d5a965aed84a5,"public int roundSum(int a, int b, int c) +{ + + int rounda = round10(a); + int roundb = round10(b); + int roundc = round10(c); + int sum = rounda + roundb + roundc; + return sum; +} + +public int round10(int num) +{ + int last = num%10; + if (last >= 0 && last < 5) + { + int rounded = num - last; + } + else if (last >= 5) + { + int rounded = num + 10 - last; + } +} +" +c93b5dbd1580a67b6618ba43149ad04f22566ad8,"public int roundSum(int a, int b, int c) +{ + + int rounda = round10(a); + int roundb = round10(b); + int roundc = round10(c); + int sum = rounda + roundb + roundc; + return sum; +} + +public int round10(int num) +{ + int last = num%10; + if (last >= 0 && last < 5) + { + int rounded = num - last; + } + else if (last >= 5) + { + int rounded = num + 10 - last; + } + return rounded; +} +" +f0275e2c76ddbfc1dfc47f0046951114e898b485,"public int roundSum(int a, int b, int c) +{ + + int rounda = round10(a); + int roundb = round10(b); + int roundc = round10(c); + int sum = rounda + roundb + roundc; + return sum; +} + +public int round10(int num) +{ + int rounded = 0; + int last = num%10; + if (last >= 0 && last < 5) + { + rounded = num - last; + } + else if (last >= 5) + { + rounded = num + 10 - last; + } + return rounded; +} +" +28095b45ffd12f94178a5b82c93ddf0293d2cc6a,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +58952350de2e97ea19c0c667a204f765180577dd,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int number = num % 10 + if (number>=5) + return num + (10-number) + return num - number; +} +" +5c2489ac23ff343db4c702bb9783c94425de91bc,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int number = num % 10; + if (number>=5); + return num + (10-number); + return num - number; +} +" +f84e39f97639325148b397d852dd760b4b253ff6,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int number = num % 10; + if (number>=5) + return num + (10-number); + return num - number; +} +" +09d01ddae2965095e0b877dcdcf6774ee97d04ee,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ newNum = num % 10 + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num + } + else + { + num = num - newNum; + return num + } +} +" +04c5b25b118ed0bafc4774b45aabd915780a16a9,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ newNum = num % 10 + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +774d300623265f8e24b975a5e11c4e12e136da73,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ newNum = num % 10; + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +ab75e12614aae7c44f341c1055bc904c4aa4af7e,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +5241307ebb2719b3a057a09346771ecb7c54cfa0,"public int roundSum(int a, int b, int c) +{ + return round10(a); + return round10(b); + return round10(c); +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +cceb15d7103e7b12093b1cc5bab8bae45783049c,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +37cfc6ddf8aa4a51825d2ac6cb84fe1b1a6d53fb,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + newNum = 10 - newNum; + num = num + newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +464f0a4ea99c3719107a2bcdfb463684e0777252,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + num = num + 10 - newNum + } + else + { + num = num - newNum; + return num; + } +} +" +3cd16e5f8cb554e82539f9faddc0c0688b291bab,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + num = num + 10 - newNum; + return num; + } + else + { + num = num - newNum; + return num; + } +} +" +30da43af9860b9200ea845c191a596e957cf4ad6,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ int newNum = num % 10; + if (newNum >= 5) + { + return num + 10 - newNum; + } + else + { + num = num - newNum; + return num; + } +} +" +dcde19e27f7579e62d994e74683579443c13eafe,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ + int test = num % 10; + if (test>=5) + { + test = 10 - test; + num = num + test; + return num; + } +} +" +88f3f895dd6dad2755fb93252800379624a35eeb,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ + int test = num % 10; + if (test>=5) + { + test = 10 - test; + num = num + test; + return num; + } + else + { + num = num - test; + return num; + } +} +" +19edb786e5ed71627b3c1dd2d76481c3a0f28f81,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num % 10>=5) + { + num = num + 10 - num%10; + return num; + } + else + { + num = num - num%10; + return num; + } +} +" +328ffbc8d4809a372af316b9dbca7f0fea9cd3c3,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + if (num % 10>=5) + { + num = num + 10 - num%10; + return num; + } + else + { + num = num - num%10; + return num; + } +} +" +0bf7834bf43da2cd0a044eecb432444d63498b36,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String part = num.substring(2); +} +" +b2c2ed333ec77b5ce9a267117f4f4abd4d9e6f77,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)) +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + return (num + (10 - (num % 10))); + } + else if ((num % 10) < 5) + { + return (num - (num % 10)); + } +} +" +97188684c55ceea6b3c396c72ddbf272a1c790bd,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + return (num + (10 - (num % 10))); + } + else if ((num % 10) < 5) + { + return (num - (num % 10)); + } +} +" +f6b743c0177414d4df68aa11d2104725d5bba86d,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + num = (num + (10 - (num % 10))); + } + else if ((num % 10) < 5) + { + num = (num - (num % 10)); + } + return (num); +} +" +7ed8d2299c23e6967c5728f448554aaa6e1e489e,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if( num%10 > 5) + { + num = num - num%10 + 10; + } + else + num = num - num%10; +} +" +b4521cf479be927425e27baa760e14b638604e58,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if( num%10 > 5) + { + num = num - num%10 + 10; + return num; + } + else + { + num = num - num%10; + return num; + } +} +" +531bdfd3cc310c2b5e00a692007865c2d4b2f67e,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + if( num%10 > 5) + { + num = num - num%10 + 10; + return num; + } + else + { + num = num - num%10; + return num; + } +} +" +0976cbb2fe5d7c75ff2f78242528fd04e2d078dd,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + if( num%10 >= 5) + { + num = num - num%10 + 10; + return num; + } + else + { + num = num - num%10; + return num; + } +} +" +49edf85af8570f15dfe9f0dc97f9d9a622bbceac,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10) + } + return num - num % 10 +} +" +b0afd379410555ecef2e6ff124a11919ed345226,"public int roundSum(int a, int b, int c) +{ + return (round10(a), round10(b), round(c)) +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + return num - num % 10; +} +" +8f3dff82a4a1407a871e604d491708c94bb976fc,"public int roundSum(int a, int b, int c) +{ + return (round10(a), round10(b), round(c)); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + return num - num % 10; +} +" +e154b2d1b8b467c4ec1f344569c32fe31ac16ce0,"public int roundSum(int a, int b, int c) +{ + return (round10(a), round10(b), round10(c)); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + return num - num % 10; +} +" +a1b68f2fa7bcb6447dddffb5705ba378a413b158,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + return num - num % 10; +} +" +85dbd3ffb301a3b5597c3b07bb700cc5f6f957c0,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; +} + +public int round10(int num) +{ + if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); +} +" +83242b286ef0341f66b537a0081b30cf4639acaa,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + + sum=sum+round10(b); + + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(n%10 >4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +16af830a70d77f7a2ebc7879e98c17095dca5bac,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + + sum=sum+round10(b); + + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num%10 >4) + return (((num/10)+1)*10); + else return ((num/10)*10); +} +" +5ed3035948ca044b298a30c2328b495923c650f7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (n % 10 < 5) + { + return n - (n % 10); + } + else + { + return n + (10 - (n % 10)); + } + +} +" +ef2fc4d84fed9f009647bc07f6f68166589af007,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + { + return num + 10 - rd; + } + + return num - rd; + +} +" +b5338e1e2a4a5f9375849088cd97d80e8af75e59,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int r = num % 10; + + if(r >= 5) + { + return num + 10 - rd; + } + + return num - rd; + +} +" +0f6fe089221be2c53760f7b6b900ffd8428eb0c5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + { + return num + 10 - rd; + } + + return num - rd; + +} +" +353a5fc09e36697cddd571330cbdac08d25a720f,"public int roundSum(int a, int b, int c) +{ + return a + b + c; +} + +public int round10(int num) +{ + value = num % 10 + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +} +" +64009d95eae92c212ebec73cce0057b34b9bdd7f,"public int roundSum(int a, int b, int c) +{ + return a + b + c; +} + +public int round10(int num) +{ + value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +} +" +b6488a0901dcee729cef76158e2422fa741fb32c,"public int roundSum(int a, int b, int c) +{ + return a + b + c; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +} +" +23c5b2aa30a8b11077b6f1674c06e61cf46f1dad,"public int roundSum(int a, int b, int c) +{ + int sum = a + b + c; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +return sum; +} +" +69986923467904f6d9b44c7b8bee6b1e2e662187,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +} +return sum; +" +507bad7c9628249b27ad63453a8f65da6d5b0d4e,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +} +return sum; + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +} +" +d1966459d3d0182823c4d0c9dfcda7b4754f97ee,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +} +" +0b9bf43514c80b96ae4f55ac42252acefae07f6c,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +return sum; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } +return sum; +} +" +5e5ab23f0adb8df922e9f12080b1c4335008f504,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +return sum; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - num); + } + else + { + num = num - (10 - num); + } + return num; +} +" +9be458dd6547d084f880ae2ea314d39730ebe997,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +24e4d25afaebd26eca370127307c67ce7edc0f44,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +return sum; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = value + (10 - value); + } + else + { + num = value - (10 - value); + } + return num; +} +" +9c1fdb0951a8de80d328577a277105713c86f41a,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +return sum; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - value); + } + else + { + num = num - (10 - value); + } + return num; +} +" +5a23b1a593cd4f51c0e35a568cb6c0b5a1202a8a,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; +return sum; +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + num = num + (10 - value); + } + else + { + num = num - value; + } + return num; +} +" +0b0bf415c3676da9dbc380f052ca0eab5dce048b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (x % 10 < 5) + { + return x - (x % 10); + } + else + { + return x + (10 - (x % 10)); + } +} +" +053062c10f5d711e6a6ff5060e461db85fc6dbca,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int x) +{ + if (x % 10 < 5) + { + return x - (x % 10); + } + else + { + return x + (10 - (x % 10)); + } +} +" +50e2fdf0430e002db150b374fec203c7c89de356,"public int roundSum(int a, int b, int c) +{ + roundA = this.round10(a); + roundB = this.round10(b); + roundC = this.round10(c); + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + ones = num % 10; + if ( ones < 5 ) + { + return num - ones; + } + else + { + return num - ones + 10; + } +} +" +a769e36906351986d42e50987a35f663c3b79a76,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int ones = num % 10; + if ( ones < 5 ) + { + return num - ones; + } + else + { + return num - ones + 10; + } +} +" +8cbb9edcde8766c7e2d60881d4fbe49c3245626a,"public int roundSum(int a, int b, int c) +{ + int roundA = this.round10(a); + int roundB = this.round10(b); + int roundC = this.round10(c); + int sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int ones = num % 10; + if ( ones < 5 ) + { + return num - ones; + } + else + { + return num - ones + 10; + } +} +" +82e7b3c776ab1f8518b5a95e93f0b0956cc5d699,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit(num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +0b8905bf5ffe16f2482eb67df9f1db7f531810bb,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (num.lowestOneBit() > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +31c20fe879f6e30901e32b4f2a52a266312081e4,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit() > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +c10dfb61ae19bdb65af0c43d08df365d01e1edbf,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + 10 - round; + else + return num - round; +} +" +ebd5bbce8a98c8d48b8d837f04918a76bd7ced8c,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit(num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +bf56af643ea1736193786ee02f0ddc5c5364ea03,"implements Comparable + +public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit(num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +ed8d1f175b212eec1f7f627f8f1e80701a191f76," + +public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) implements Comparable +{ + if (lowestOneBit(num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +d017fcbaad37f4f2816f21fb5cee824e7cb6635c,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit(num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +8ffc6c9b5b8d2a23efd0741b2328c50d6dd77504,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit(int num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +c7a356c998c0b25f1c194167542ff412306b2ac2,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + if (lowestOneBit(num) > 4) + { + highestOneBit(num) = highestOneBit(num) + 1; + } +} +" +a2607c8ae4d34d74fac6c45420617c14daea5606,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + return num - value + 10; + else + return num - value; +} +" +c2ff759d089db8677eadd15bfbd8e77c4e6c4cd1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + return num - value + 10; + else + return num - value; +} +" +959bd4f0a52d9ee2793c8e5334c0aa02980d9a48,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + return num - round; +} +" +6f2c09e6455b46aef1685e3ecf4bea41be576ec2,"public int roundSum(int a, int b, int c) +{ + if (a >= 15) + { + return a = 20; + } +} + +public int round10(int num) +{ + +} +" +7362eabeb27592f065d046d1f3626000e659e774,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + else + { + return num - (10 - num % 10); + } +} +" +6550fbc085de3074f057b77466b7ffaa0b2e4f3a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + else + { + return num - (num % 10); + } +} +" +7f00533b1dba56feded13543e49fcbb356cc5490,"public int roundSum(int a, int b, int c) +{ + int result = 0; + + result = result + round10(a); + result = result + round10(b); + result = result + round10(c); +} + +public int round10(int num) +{ + if (n % 10 >4) + { + return (((n/10)+1)*10); + } + + else + { + return ((n/10)*10); + } +} +" +7f2f3d3e095e5d64a94e149b13ac5251579fcf1e,"public int roundSum(int a, int b, int c) +{ + int result = 0; + + result = result + round10(a); + result = result + round10(b); + result = result + round10(c); +} + +public int round10(int num) +{ + if (num % 10 > 4) + { + return (((num/10)+1)*10); + } + + else + { + return ((num/10)*10); + } +} +" +d08639b46e6dc658546aebb2160ecc3c90e59208,"public int roundSum(int a, int b, int c) +{ + int result = 0; + + result = result + round10(a); + result = result + round10(b); + result = result + round10(c); +} + +public int round10(int num) +{ + int result = 0; + + if (num % 10 > 4) + { + result = (((num/10)+1)*10); + } + + else + { + result = ((num/10)*10); + } + + return result; +} +" +1902b199c34101fb86eee31eeaee50c92a1c4836,"public int roundSum(int a, int b, int c) +{ + int result = 0; + + result = result + round10(a); + result = result + round10(b); + result = result + round10(c); + + return result; +} + +public int round10(int num) +{ + int result = 0; + + if (num % 10 > 4) + { + result = (((num/10)+1)*10); + } + + else + { + result = ((num/10)*10); + } + + return result; +} +" +8ba5760f03d163296127a1e05866d31b52cfd2b0,"public int roundSum(int a, int b, int c) +{ + return this.round10(a); + return this.round10(b); + return this.round10(c); +} + +public int round10(int num) +{ + string aA = Integer.toString(a); + string bB = Integer.toString(b); + string cC = Integer.toString(c); + + if +} +" +52ae016aa48eee74c75476ee310ba9f15315099f,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + String numstring = new String(num); +} +" +55360af255d3225ee55c7adcfece6935df3a1ef7,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem >= 5) + { + rem = 10; + } + else + { + rem = 0; + } + int rounded = num + rem; + return rounded; +} +" +9d3ba825a30c9f778e11ff2dc4ff5db640158e34,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num.size()-1 >= 5) + { + return math.round(num) + } + else if (num.size()-1 < 5) + { + return math.round(Num) + } +} +" +e00b5050186d7e37429d3a337d5717fdbc60f420,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem >= 5) + { + int plus = 10; + } + else + { + int plus = 0; + } + int rounded = num + plus - rem; + return rounded; +} +" +df51c3acbec185e66e3a12f29b39fefa74786c89,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num.size()-1 >= 5) + { + return math.round(num); + } + else if (num.size()-1 < 5) + { + return math.round(num); + } +} +" +924f612f0f37f5b63c617aeb2e2ade952b07ed58,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int rem = num % 10; + int plus = null; + if (rem >= 5) + { + int plus = 10; + } + else + { + int plus = 0; + } + int rounded = num + plus - rem; + return rounded; +} +" +301c40bb7e840233a89cafe380363b584518a490,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int rem = num % 10; + int plus = null; + if (rem >= 5) + { + plus = 10; + } + else + { + plus = 0; + } + int rounded = num + plus - rem; + return rounded; +} +" +dd27a0dbf558740f046de453191ac528c6bbb454,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int rem = num % 10; + int plus; + if (rem >= 5) + { + plus = 10; + } + else + { + plus = 0; + } + int rounded = num + plus - rem; + return rounded; +} +" +7c75852f876231e31448614c8d4917eb921aa39a,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int length = String.valueOf(num).length(); + if (length-1 >= 5) + { + return math.round(length); + } + else if (num.size()-1 < 5) + { + return math.round(length); + } +} +" +5f23bc5205adf73c807c71214d700e5cc35b4a42,"public int roundSum(int a, int b, int c) +{ + roundSunm = round10(int a) + round10(int b) + round10(int c); +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10 + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +5139d8ffa690f973a6b6a52e51b097f48ba297f9,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); + +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + return num + (10 - digit); + } + return num - digit; +} +" +e34733cb941599f8ed4b7132ccde4c931bff1f5e,"public int roundSum(int a, int b, int c) +{ + roundSunm = round10(int a) + roundSunm; + roundSunm = round10(int b) + roundSunm; + roundSunm = round10(int c) + roundSunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10 + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +d25ec64b0dcdd3c822f076b7346ad4517be2d06a,"public int roundSum(int a, int b, int c) +{ + roundSunm = public int round10(int a) + roundSunm; + roundSunm = public int round10(int b) + roundSunm; + roundSunm = public int round10(int c) + roundSunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10 + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +f336cb97f783cdbe8499d5f82b565df94b6934d4,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if (n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +e995b4f430a995089963a7990459324bc9b4d0ae,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if (num%10 >4) + { + return (((num/10)+1)*10); + } + else + { + return ((num/10)*10); + } +} +" +a5a7b78efaa5efd28d881f6fd46740413d3485a6,"public int roundSum(int a, int b, int c) +{ + int sunm; + public int round10(int a); + sunm = round10 + roundSunm; + public int round10(int b); + sunm = round10 + roundSunm; + public int round10(int c); + sunm = round10 + roundSunm; + return sunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10 + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +0d2b225e01a901fe90728f645f021e98782a8963,"public int roundSum(int a, int b, int c) +{ + int sunm; + public int round10(a); + sunm = round10 + roundSunm; + public int round10(b); + sunm = round10 + roundSunm; + public int round10(c); + sunm = round10 + roundSunm; + return sunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10 + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +c685550b2ad2c34777d97677d9b650b86e50f92d,"public int roundSum(int a, int b, int c) +{ + int sunm; + round10(a); + sunm = round10 + roundSunm; + round10(b); + sunm = round10 + roundSunm; + round10(c); + sunm = round10 + roundSunm; + return sunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10 + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +44563d222ae0c8f097c11f263ce3539914402461,"public int roundSum(int a, int b, int c) +{ + int sunm = 0; + round10(a); + sunm = round10 + sunm; + round10(b); + sunm = round10 + sunm; + round10(c); + sunm = round10 + sunm; + return sunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10; + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +4eea637818bb2c22733d5f647a6658113e1731a1,"public int roundSum(int a, int b, int c) +{ + int sunm = 0; + sunm = round10(a) + sunm; + sunm = round10(b) + sunm; + sunm = round10(c) + sunm; + return sunm; +} + +public int round10(int num) +{ + int o = num; + while (num - 10 > 10) + { + num = num - 10; + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +bfc90f83175f3e3bb09bdf636aca18f4f67b908c,"public int roundSum(int a, int b, int c) +{ + int sunm = 0; + sunm = round10(a) + sunm; + sunm = round10(b) + sunm; + sunm = round10(c) + sunm; + return sunm; +} + +public int round10(int num) +{ + int o = num; + while (num > 10) + { + num = num - 10; + } + if (num >= 5) + { + o = o - num + 10; + return o; + } + else + { + o = o - num; + return o; + } +} +" +48bb7a243d08ea169b32a39a7a811d536651bb9a,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + String numString = integer.toString(num); + + String lastDigit = numString.substring(string.length() - 1); + String secondlastDigit = numString.substring(string.length() - 2); + String wholeNumberExceptLastTwo = numString.substring(0, string.length() - 3); + + int lastnumber = Integer.parseInt(lastDigit); + int secondlastnumber = Integer.parseInt(secondlastDigit); + + if (lastnumber >= 5) + { + lastnumber = 0; + secondlastnumber = secondlastnumber + 1; + + String newNumber = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + + else + { + lastnumber = 0; + secondlastnumber = secondlastnumber - 1; + + String newNumber = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + + + +} +" +eba0953050a1734ed9fca266671f80fcb70f3c31,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + String numString = Integer.toString(num); + + String lastDigit = numString.substring(string.length() - 1); + String secondlastDigit = numString.substring(string.length() - 2); + String wholeNumberExceptLastTwo = numString.substring(0, string.length() - 3); + + int lastnumber = Integer.parseInt(lastDigit); + int secondlastnumber = Integer.parseInt(secondlastDigit); + + if (lastnumber >= 5) + { + lastnumber = 0; + secondlastnumber = secondlastnumber + 1; + + String newNumber = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + + else + { + lastnumber = 0; + secondlastnumber = secondlastnumber - 1; + + String newNumber = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + +} +" +ed5e7ade7fbee52dd5c67dd5858c1e19a6800023,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + String numString = Integer.toString(num); + + String lastDigit = numString.substring(numString.length() - 1); + String secondlastDigit = numString.substring(numString.length() - 2); + String wholeNumberExceptLastTwo = numString.substring(0, numString.length() - 3); + + int lastnumber = Integer.parseInt(lastDigit); + int secondlastnumber = Integer.parseInt(secondlastDigit); + + if (lastnumber >= 5) + { + lastnumber = 0; + secondlastnumber = secondlastnumber + 1; + + String newNumber = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + + else + { + lastnumber = 0; + secondlastnumber = secondlastnumber - 1; + + String newNumber = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + +} +" +bf589d33c76025a5bb0426eeb493ddb57bf1d37e,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + String numString = Integer.toString(num); + + String lastDigit = numString.substring(numString.length() - 1); + String secondlastDigit = numString.substring(numString.length() - 2); + String wholeNumberExceptLastTwo = numString.substring(0, numString.length() - 3); + + int lastnumber = Integer.parseInt(lastDigit); + int secondlastnumber = Integer.parseInt(secondlastDigit); + + if (lastnumber >= 5) + { + lastnumber = 0; + secondlastnumber = secondlastnumber + 1; + + String newNumberString = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + + else + { + lastnumber = 0; + secondlastnumber = secondlastnumber - 1; + + String newNumberString = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumber); + + return newNumber; + } + +} +" +07b6c78f716367b30712b8a24cc15b93228427ad,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + String numString = Integer.toString(num); + + String lastDigit = numString.substring(numString.length() - 1); + String secondlastDigit = numString.substring(numString.length() - 2); + String wholeNumberExceptLastTwo = numString.substring(0, numString.length() - 3); + + int lastnumber = Integer.parseInt(lastDigit); + int secondlastnumber = Integer.parseInt(secondlastDigit); + + if (lastnumber >= 5) + { + lastnumber = 0; + secondlastnumber = secondlastnumber + 1; + + String newNumberString = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumberString); + + return newNumber; + } + + else + { + lastnumber = 0; + secondlastnumber = secondlastnumber - 1; + + String newNumberString = wholeNumberExceptLastTwo + secondlastnumber + lastnumber; + int newNumber = Integer.parseInt(newNumberString); + + return newNumber; + } + +} +" +d4878e2cd8db0f9aaf06819e130ca04fca6238f6,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; + +} +" +0695bdd17eef8025aacf2c88b408dc7042c9a199,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; +} + +public int round10(int num) +{ + if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); +} +" +cf39b10c8e5d8d029ed41fb946954b0d675f2f29,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; +} + +public int round10(int num) +{ + if(num%10 >4) +return (((num/10)+1)*10); +else return ((num/10)*10); +} +" +4ff172218a21fe0a8a1f767fed5968916e04ea41,"public int roundSum(int a, int b, int c) +{ + an = this.round10(a); + bn = this.round10(b); + cn = this.round10(c); + return an + bn + cn; +} + +public int round10(int num) +{ + d = num; + while (d > 20) { + d = d - 10; + } + e = 10 % d; + if (e < 5) { + num = num - e; + } else { + num = num + e; + } +} +" +cce92e1630802715c31f19ad78d3d658d1374a2d,"public int roundSum(int a, int b, int c) +{ + int an = this.round10(a); + int bn = this.round10(b); + int cn = this.round10(c); + return an + bn + cn; +} + +public int round10(int num) +{ + d = num; + while (d > 20) { + d = d - 10; + } + e = 10 % d; + if (e < 5) { + num = num - e; + } else { + num = num + e; + } +} +" +fd8849139862f40dcb96774dda878c3df1ca148a,"public int roundSum(int a, int b, int c) +{ + int an = this.round10(a); + int bn = this.round10(b); + int cn = this.round10(c); + return an + bn + cn; +} + +public int round10(int num) +{ + int d = num; + while (d > 20) { + d = d - 10; + } + int e = 10 % d; + if (e < 5) { + num = num - e; + } else { + num = num + e; + } +} +" +cf36f9e8dd5e54478bdf77c3a2dbf0917dfd7d9d,"public int roundSum(int a, int b, int c) +{ + int an = this.round10(a); + int bn = this.round10(b); + int cn = this.round10(c); + return an + bn + cn; +} + +public int round10(int num) +{ + int d = num; + while (d > 20) { + d = d - 10; + } + int e = 10 % d; + if (e < 5) { + num = num - e; + } else { + num = num + e; + } + return num; +} +" +ca5ddde8df09850cd6d793f7a603ba0087f910ab,"public int roundSum(int a, int b, int c) +{ + int an = this.round10(a); + int bn = this.round10(b); + int cn = this.round10(c); + return an + bn + cn; +} + +public int round10(int num) +{ + int d = num; + while (d > 20) { + d = d - 10; + } + int e = 10 % d; + if (e < 5) { + num = num - e; + } else { + num = num + (10 - e); + } + return num; +} +" +26cd35243117cd6c296ca74c1a8cf1e65bf72323,"public int roundSum(int a, int b, int c) +{ + int an = this.round10(a); + int bn = this.round10(b); + int cn = this.round10(c); + return an + bn + cn; +} + +public int round10(int num) +{ + int d = num; + while (d > 20) { + d = d - 10; + } + int e = d % 10; + if (e < 5) { + num = num - e; + } else { + num = num + (10 - e); + } + return num; +} +" +f987b71c1d3c2fa86703c43a58bd0e61adcc1132,"public int roundSum(int a, int b, int c) +{ + int ax = round10(a); + int bx = round10(b); + int cx = round10(c); + + roundSum = (ax + bx + cx); + + return roundSum; +} + +public int round10(int num) +{ + int roundNumber; + + if(num % 10 >= 5){ + roundNumber = (num + (10 - (num % 10))); + } + else{ + roundNumber = (num - (num % 10)); + } + + return roundNumber; + +} +" +44ba918c97a9e1449daebe919d52d526ad9f274f,"public int roundSum(int a, int b, int c) +{ + int ax = round10(a); + int bx = round10(b); + int cx = round10(c); + + int roundSum = (ax + bx + cx); + + return roundSum; +} + +public int round10(int num) +{ + int roundNumber; + + if(num % 10 >= 5){ + roundNumber = (num + (10 - (num % 10))); + } + else{ + roundNumber = (num - (num % 10)); + } + + return roundNumber; + +} +" +384e7597f8fa036aedbf52c48605669d5757f8d5,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + if (num % 10) < 5) + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } +} +" +84b8a62501d8f460bfd7025fa380b296aef8ac95,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + if ((num % 10) < 5) + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } +} +" +64f32000437d1500b7fbb01eeb5e4d012e53a61d,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + if ((num % 10) < 5) + { + return num - (num % 10); + } + else + { + return num + (10 - (num % 10)); + } +} +" +8a8d92516b46aaa96ffd624b030f16ce1f07361d,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int close = num % 10; + if(num >= 5) + { + return num + (10 - close); + } + else + return (num - close); +} +" +d6c2560769abad9f6021f2c0bbb6cf5019dc93cf,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int close = num % 10; + if(num > 5) + { + return num + (10 - close); + } + else + return (num - close); +} +" +b47c77e50b9336ecf43b3fa241ce2b883b9838cd,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int close = num % 10; + if(num >= 5) + { + return num + (10 - close); + } + else + return (num - close); +} +" +eadbb8043f5f4be46621fe9358a2bc23bc776a22,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int close = num % 10; + if(num >= 5) + return num + (10 - close); + return (num - close); +} +" +b92f685276cf8e3488e60d528a5bde88da8b4a2f,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int close = num % 10; + if(num >= 5) + { + return num + (10 - close); + } + else + return (num - close); +} +" +7a4c4ddc83405a6d6cb6470c1a13c3546dfd1dfd,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); } +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +7e6532f1bbb7e4ea656f383e2d6b331bd6167bd6,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int close = num % 10; + if(close >= 5) + { + return num + (10 - close); + } + else + return (num - close); +} +" +b6ba17f1e789afbf3ef81685a53e5e5f8cc3dfd0,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); } +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +6c0045be74d51d67a31d940e17738020bcda93a0,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); } +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +41c2114c9bd946ee2a1d92483dbbb64b62b59e4a,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +0ad13080472c3a9f8d8dda8d5b4df8c103068dcc,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +729731ba06ac6721ae2d7f042a81eb6c25114dec,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + double r; + r = num % 10; + + if (r > 5) + { + num = num + 5 - r; + return num; + } + else + { + num = num - r; + return num; + } +} +" +dfb5e575413c7627aa4b5127a63a8bcfec7ecc31,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + double r; + r = num % 10; + + if (r > 5.0) + { + num = num + 5.0 - r; + return num; + } + else + { + num = num - r; + return num; + } +} +" +0cdff615b7701dc2b86903f66685871515a31e1d,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + 5 - r; + return num; + } + else + { + num = num - r; + return num; + } +} +" +72095690842897f3b495b9426ac4d134e3a50b66,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +ae108d21ff9c782a07ef8b74a3c53d22ecddd2f2,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r = 5) + { + num = num + 5 + else + { + num = num - r; + return num; + } +} +" +cdd39fc5f3c423f92cd2d6e7da9e197d7cbd726b,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r = 5) + { + num = num + 5; + } + else + { + num = num - r; + return num; + } +} +" +77ee32805a055b5357d814418ae5584459b3f553,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r == 5) + { + num = num + 5; + } + else + { + num = num - r; + return num; + } +} +" +2c81328aa43aaa119860f3bcd509de5094a9dbdb,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r == 5) + { + num = num + 5; + } + else + { + num = num - r; + return num; + } +} +" +c388a2a367339bf8b50545d721db8e748b26dc29,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r == 5) + { + num = num + 5; + } + else + { + num = num - r; + return num; + } +} +" +027f47641d9090a74419bb285bbbbb70400ec8eb,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r == 5) + { + num = num + 5; + } + else + { + num = num - r; + return num; + } +} +" +656de71b4df73fa2b5f764249ce0efc9451b6de7,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r == 5) + { + num = num + 5; + } + else + { + num = num - r; + return num; + } +} +" +cb21e7d1c2201f7dc09ee0abc7e3ba52d525b84e,"public int roundSum(int a, int b, int c) +{ + int roundA; + roundA = round10(a); + int roundB; + roundB = round10(b); + int roundC; + roundC = round10(c); + + int sum; + sum = roundA + roundB + roundC; + return sum; +} + +public int round10(int num) +{ + int r; + r = num % 10; + + if (r > 5) + { + num = num + (10 - r); ///////////////////////////////////// + return num; + } + else if (r == 5) + { + num = num + 5; + return num; + } + else + { + num = num - r; + return num; + } +} +" +8becdb8a1c6acd0a137664de8d4193d061637063,"public int roundSum(int a, int b, int c) +{ + a.round10(); + b.round10(); + c.round10(); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } +} +" +cb1f763f07fc10dfc67d5f7d217b31587482a8e3,"public int roundSum(int a, int b, int c) +{ + this.round10(); + this.round10(); + this.round10(); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } +} +" +7b76d23b49e8af5ad1af5c2389d2429bedf9f7c5,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } +} +" +38e4ce075eb0bd9976167abda71312974ac5b6b9,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +6dc23b5c7dc46a9f3ba664034cd8557b15406062,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + else + { + return num - (n % 10); + } +} +" +d7e8e92a49feb0754de3a7d3cf775c4daa23dbfa,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + else + { + return num - (num % 10); + } +} +" +0e8c07d98f7c620b3809b37eda2d6664df098949,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + int num2; + if (remainder < 5) + { + num2 = num - remainder; + } + else if (remainder >= 5) + { + num2 = 10 - remainder + num; + } + return num; +} +" +3f479f71b540fa11a3cbbe53e805379143efafab,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + int num2; + if (remainder < 5) + { + num2 = num - remainder; + } + else if (remainder >= 5) + { + num2 = 10 - remainder + num; + } + return num2; +} +" +1926db3c61c75dcb8a739ac7e6538ffb21ad2099,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + (10 - num % 10); + } + else + { + return num - (num % 10); + } +} +" +ad4d5fb827e0860de40dd15f9daae1e9b4524fc5,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +6e9c76d422c7c88b64327d3bddac6fa1302d7235,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(num + num + num); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +142886f3e5ace4db925cc22835ffd887857d3f8f,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +21964a62e55f11bbb801c68359da9a34204c0c4b,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return(round10(a), round10(b), round10(c)); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +2d23e823a994a6a9a05bb44eae06f54303bc4074,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return(a, b, c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +13183cecbe5d95224da78fc040f361c8b27f459e,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return(a + b + c); +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder < 5) + { + num = num - remainder; + } + else if (remainder >= 5) + { + num = 10 - remainder + num; + } + return num; +} +" +689336ae165fd44e8c44136030cd98abe49535d9,"public int roundSum(int a, int b, int c) +{ + int x = a + b +c; + return x.round10(); + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +34fd91822a7f793ad949f5c5ecedf9277cb52939,"public int roundSum(int a, int b, int c) +{ + int x = a + b + c; + return x.round10(); + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +0157d76caa0febd27b35d09cde39a9112140bf8f,"public int roundSum(int a, int b, int c) +{ + x = a + b + c; + return x.round10(); + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +68b9964f2742ca653eb53799fe84cca56a4cb723,"public int roundSum(int a, int b, int c) +{ + int x = 0; + x = a + b + c; + return x.round10(); + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +0464016dd727d095f8cebead289df526ed2b2e5c,"public int roundSum(int a, int b, int c) +{ + int x = a + b + c; + return round10(x); + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +dbac8cb98178d0f81b145abffbdd7acb0fa93743,"public int roundSum(int a, int b, int c) +{ + int x = rount10(a) + round10(b) + round10(c); + return x; + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +f3195436e3f9757522442c20f35fef4baaba715b,"public int roundSum(int a, int b, int c) +{ + int x = round10(a) + round10(b) + round10(c); + return x; + +} + +public int round10(int num) +{ + int y = 0; + int x = num % 10; + if (x < 5) + { + y = num - x; + } + else + { + y = (num - x) + 10; + } + return y; +} +" +21ca19eab95a82d82d1cfcc3a602caa2a3b53b04,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + int newnuma = round10(a); + int newnumb = round10(b); + int newnumc = round10(c); + sum = newnuma + newnumb + newnumc: + return sum; +} + +public int round10(int num) +{ + int newnum; + int rem = num%10; + if(rem >= 5) + { + newnum = num + ( 10 - rem); + } + else + { + newnum = num - rem; + } + return newnum; +} +" +79d8a9e4c67cb483078e70209d498aee27236397,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + int newnuma = round10(a); + int newnumb = round10(b); + int newnumc = round10(c); + sum = newnuma + newnumb + newnumc; + return sum; +} + +public int round10(int num) +{ + int newnum; + int rem = num%10; + if(rem >= 5) + { + newnum = num + ( 10 - rem); + } + else + { + newnum = num - rem; + } + return newnum; +} +" +e271212b7b763810512555a9f7e48824265ac1d4,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length-1); + for (int count = 0; count<=Num.length(); count++) + { + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + } + return num; +} +" +27b1b5377673beb92f5ba897e081cbf3c51350d2,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + return (Math.round(num/10.0) * 10); +} +" +b24b2a95fde2c86d2de71f736134fae987eba050,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + return (((num+5)/10)*10); +} +" +eb88f9fbc9ef90a77ce9d081ac2ba5dcdc86821a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rounded = num % 10; + if (rounded >= 5) + { + return num - rounded + 10; + } + else + { + return num - rounded; + } +} +" +f96253f351bc4517b5c15cd0d407256dd6329ddf,"public int roundSum(int a, int b, int c) +{ + + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int rd = num % 10; + if(rd >= 5) + { + return num + 10 - rd; + } + return num - rd; + +} +" +f57206b6f25c2781322cfc759c99f258a396e7e0,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = (round10(a) + round10(b) + round10(c)); + return sum; +} + +public int round10(int num) +{ + int numm = num; + if (num % 10 <= 5) + { + return (num + (num % 10)); + } + else + { + return(num - (num % 10)); + } +} +" +7ef2f6b772c28dddeeaf5ac19ed05ce394b958ef,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = (round10(a) + round10(b) + round10(c)); + return sum; +} + +public int round10(int num) +{ + int numm = num; + if (num % 10 >= 5) + { + return (num + (num % 10)); + } + else + { + return(num - (num % 10)); + } +} +" +c97162681383e6b095cb6788b97590b64314ba53,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = (round10(a) + round10(b) + round10(c)); + return sum; +} + +public int round10(int num) +{ + int numm = num; + if (num % 10 >= 5) + { + return (num + (10 - (num % 10))); + } + else + { + return(num - (num % 10)); + } +} +" +08c5b9aacb67433831a32567d6582b46bd750e01,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +66047277da9a5fababcfc0b0c7cebd4c5c4be032,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +cd535633cf883c93b99ee096ac7c97fe43d9f595,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int rd = num%10; + if( rd>5) + return num+10-rd; + else + return num-10+rd; + +} +" +42d45ff90c2fa4a760d739422b2f8c97756aaf39,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int rd = num%10; + if( rd>5) + return num+10-rd; + else + return num-rd; + +} +" +44ee744cbccd7ec710f063d692fd879504d49032,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int rd = num%10; + if( rd>=5) + return num+10-rd; + else + return num-rd; + +} +" +1bdebade13d153ab02e842c67afae8556dd18f98,"public int roundSum(int a, int b, int c) +{ + sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); +} + +public int round10(int num) +{ + if (n%10 > 4) + { + return ((n/10 + 1)*10) + } + else + { + return n; + } +} +" +6991611ca57d306f8fc0b9258031eebf2f57c4cd,"public int roundSum(int a, int b, int c) +{ + sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); +} + +public int round10(int num) +{ + if (n%10 > 4) + { + return ((n/10 + 1)*10); + } + else + { + return n; + } +} +" +c5cc4fc7b4fa70a2ade1798ad090fcee51965077,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); +} + +public int round10(int num) +{ + if (n%10 > 4) + { + return ((n/10 + 1)*10); + } + else + { + return n; + } +} +" +cd63f90dc0d59d9402daa45b7fba75209108d014,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); +} + +public int round10(int num) +{ + if (n%10 > 4) + { + return ((n/10 + 1)*10); + } + else + { + return n; + } +} +" +68fd53e081ee35bdf22e5625f0e04deed60b3b4d,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); +} + +public int round10(int num) +{ + if (num%10 > 4) + { + return ((num/10 + 1)*10); + } + else + { + return num; + } +} +" +2ffc1258f37796d42ae9ecd9ece7a824e142b225,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num%10 > 4) + { + return ((num/10 + 1)*10); + } + else + { + return num; + } +} +" +6e123c63af17014d62dd9770fa57b27784297212,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num%10 > 4) + { + return ((num/10 + 1)*10); + } + else + { + return ((num/10)*10); + } +} +" +1a5a5759f2357a3e31cd08861f0829a1c2297632,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int value = num % 10 + + if value >= 5 + { + return num + (10 - value); + } + else + { + return num - value; + } + +} +" +aaf9e8d3e372cafab78f27511784a2e2d528863a,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int value = num % 10; + + if (value >= 5) + { + return num + (10 - value); + } + else + { + return num - value; + } + +} +" +1c04d8f726e9ec252b98cb0ade3e6ad8a698c095,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + int remaindera = a % 10; + if (remaindera >= 5) + { + a = a + (10 - remaindera); + } + else + { + a = a - remaindera; + } + sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + num = 3; +} +" +b50a5277bfa2d50ef2b3cb916e417846e9b0465f,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + int remaindera = a % 10; + if (remaindera >= 5) + { + a = a + (10 - remaindera); + } + else + { + a = a - remaindera; + } + sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + num = 3; + return num; +} +" +23358eede2059138e66d5c33053720c04cb52173,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + int remainderA = a % 10; + int remainderB = b % 10; + int remainderC = c % 10; + if (remainderA >= 5) + { + a = a + (10 - remainderA); + } + else + { + a = a - remainderA; + } + if (remainderB >= 5) + { + b = b + (10 - remainderB); + } + else + { + b = b - remainderB; + } + if (remainderC >= 5) + { + c = c + (10 - remainderC); + } + else + { + c = c - remainderC; + } + sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + num = 3; + return num; +} +" +dca6dad2771d9d389633d683e159a3640c23d40a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + if (num >= 10) + { + round = num - (((int)(num/10)) * 10) + } + +} +" +08006fefe2b481e5429b2a0746a89f992d6babb0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + if (num >= 10) + { + round = num - (((int)(num/10)) * 10); + } + +} +" +a3302d57109312219a5b6f073ac114d2e58f51f3,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + if (num >= 10) + { + round = num - ((num/10) * 10); + } + +} +" +030e7ff87c4439137effb9d0d7df97afb7913925,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0 + if (num >= 10) + { + round = num - ((num/10) * 10); + } + +} +" +171e455cc7de10fd04aca3634f533661eb3d60dc,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + +} +" +0f9151bf4e1559ead6379f45f750d904e3321bcc,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + return num; + +} +" +cedb18979a92dd27b436b5506315290018c9d669,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + return round; + +} +" +f025f51ea5a94de5064bfbcff3e60e6e8239e394,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + else + { + round = num; + } + if (round <= 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +fda0a64370790a4efbb6131be34907fca9eb5fde,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +d4c41a93e6325bfa2c232bec8e17db85a48d60e8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num; + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +18ba0838a286f78f94a7190a1e45818c5663eea0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +153621653c8a4802d7c74d2d1cd947d55e446dff,"public int roundSum(int a, int b, int c) +{ + aRound = round10(a); + bRound = round10(b); + cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = num; + int stringLength = str.length(); + int lastDigit = str.substring(stringLength); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } +}" +8d76ad4fec199d5fbd1bd61659215a1185a252c7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - num; + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +f6e82525038ee35b719caded737690136ddb5f1b,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = num; + int stringLength = str.length(); + int lastDigit = str.substring(stringLength); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } +}" +dacc46172a2ab0efc0ead4f5eabe8d23129c1c74,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = String.valueOf(num); + int stringLength = str.length(); + int lastDigit = str.substring(stringLength); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } +}" +9e2323cd896bf8c878fad40b42eac0e930afede4,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = String.valueOf(num); + int stringLength = str.length(); + int lastDigit = Integer.parseString(stringLength); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } +}" +382bac05f7db358cc6735b591e943fac344af4c9,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = String.valueOf(num); + int stringLength = str.length(); + int lastDigit = Integer.parseInt(stringLength); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } +}" +cf9efda0493223bbf3b464d142d64579c90235ac,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = String.valueOf(num); + int stringLength = str.length(); + String lastNum = str.substring(stringLength); + int lastDigit = Integer.parseInt(lastNum); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } +}" +72a58cd780cd254802d3442892a4bf6fff892a3b,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = String.valueOf(num); + int stringLength = str.length(); + String lastNum = str.substring(stringLength); + int lastDigit = Integer.parseInt(lastNum); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else + { + return num + (10 - lastDigit); + } +}" +7211d30121fc2292a9dc11be7e164009c3e85127,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10)); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +033302715a831eef0eae3f9ffc945d4ff6b8741c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +cf24062a66bf0b49ce931bc9c30d6ffff429d82c,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; + return a + b + c; +} + +public int round10(int num) +{ + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + if (num % 10 >= 5) + e = num % 10; + return num - e + 10; +} +" +75e03a45f1f749d61da348e715824b5415c4ad67,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; + return a + b + c; +} + +public int round10(int num) +{ + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + if (num % 10 >= 5) + e = num % 10; + return num - e + 10; +} +" +34e3ffd30606fc0978ecc93f22017e225165c7ee,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = (num - (num/10) * 10); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +0a2e697025f367da61be7723e3f589dd49177551,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num)); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num - round) + 10; + } + return num; + +} +" +6111729cda20b1712bc196633a8459f5f476f709,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ d = 0; + e = 0; + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + if (num % 10 >= 5) + e = num % 10; + return num - e + 10; +} +" +48a86c20e11ac5a83b26c1361eeacb45be7e3ad1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int num) +{ + int round = 0; + if (num >= 10) + { + round = num - ((num/10) * 10); + } + else + { + round = num; + } + if (round < 5) + { + num = num - round; + } + else + { + num = (num + 10) - round; + } + return num; + +} +" +965a48145a8dda7c51fe8a2c68d83fc99fedc3f7,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ int d; + int e; + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + if (num % 10 >= 5) + e = num % 10; + return num - e + 10; +} +" +1e063a6fd0e0619677f1a39a1932b4b010092bab,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + else if (num % 10 >= 5) + e = num % 10; + return num - e + 10; +} +" +8fe083699bb3ec0da9fd36c311301ab397bab1c0,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c); + + +} + +public int round10(int num) +{ + int roundValue; + int d = num / 10; + if (num % 10 > = 5) + roundValue = (d + 1) * 10; + if (num % 10 < 5) + roundValue = d * 10; + + + +} +" +20f23b97026d1337bae9e22adf9ba5a1801b86c1,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int d; + int e; + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + else if (num % 10 >= 5) + e = num % 10; + return num - e + 10; +} +" +1f1c251ad6eaa61dc70958de4ad3c9bad59822bc,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int d; + int e; + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + else if (num % 10 >= 5){ + e = num % 10; + return num - e + 10; + } +} +" +e6b797556af6e9c4d91458f8c3f583fb9db7c5a8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + + +} + +public int round10(int num) +{ + int roundValue; + int e = num % 10; + int d = num / 10; + if (e > = 5) + roundValue = (d + 1) * 10; + if (e < 5) + roundValue = d * 10; + + + +} +" +64ba85278f6c68ca2811d22739598fedd8961a18,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + + +} + +public int round10(int num) +{ + int roundValue; + int e = num % 10; + int d = num / 10; + if (e >= 5) + roundValue = (d + 1) * 10; + if (e < 5) + roundValue = d * 10; + + + +} +" +050485efeb511d1e947d9415bd64358499fee823,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + + +} + +public int round10(int num) +{ + int roundValue; + int e = num % 10; + int d = num / 10; + if (e >= 5) + return (d + 1) * 10; + if (e < 5) + return d * 10; + + + +} +" +98e7d0451ed4787ee3ddf01e6674097eeccd2fe7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + + +} + +public int round10(int num) +{ + int roundValue; + int e = num % 10; + int d = num / 10; + if (e >= 5) + return (d + 1) * 10; + else + return d * 10; + + + +} +" +a469f878194ec8636c4d7a3c18d16b4916918d0f,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int d; + int e; + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + else{ + e = num % 10; + return num - e + 10; + } +} +" +1066f0dd6384782d3cbde148ec7928439a68a90d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +b56a8505e3100c7bc3c24472bfc9df32c1708e0d,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int d; + int e; + if ( num % 10 < 5) + { + d = num % 10; + return num - d; + } + else{ + e = num % 10; + return num - e + 10; + } +} +" +6a6b260bdf498bdecdf43c38659326601f4ad47e,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +}" +2137e1ac9d0258fd004224ca1f0ed1d83edac819,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10 + if (round >= 5) { + return num + 10 - round; + } + else { + return num - round; +} +" +9aec89af1b5439fab7312956a56b96fefc3a65f5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) { + return num + 10 - round; + } + else { + return num - round; + } +} +" +b575aaff5d3544123c1746ac9c480e773398d20f,"int sumNums; +int modNum; +public int roundSum(int a, int b, int c) +{ + sumNums = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + modNum = num % 10; + + if (modNum >= 5) + { + return num - modNum + 10; + } + else + { + return num - modNum; + } +} +" +6ab070e975cc362570939d058393b0231f1b2e64,"int sumNums; +int modNum; +public int roundSum(int a, int b, int c) +{ + sumNums = round10(a) + round10(b) + round10(c); + return sumNums; +} + +public int round10(int num) +{ + modNum = num % 10; + + if (modNum >= 5) + { + return num - modNum + 10; + } + else + { + return num - modNum; + } +} +" +5159ddcdaa94ef1f8a6fac5e9eef69682c8dd6da,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +68849171c74048e2813652392b0f86ac0d3598fc,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ digit = num%10; + if(digit < 5) + return num - digit; + else return num + (10-digit); + + +} +" +234ec21bedb275b73b8857ac5cf03465573dc5f3,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ int digit = num%10; + if(digit < 5) + return num - digit; + else return num + (10-digit); + + +} +" +064b8d455e32430ff96ca7777a1c3d35efa79f87,"public int roundSum(int a, int b, int c) +{ + int sum = a + b +c; + return sum; +} + +public int round10(int num) +{ +int rd = 0; + if ( sum >= 15) + rd =20; + else if (sum < 15) + rd = 10; + return rd; +} +" +7104d92441b1956da83958838510f4a96de824ff,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = a + b +c; + return sum; +} + +public int round10(int num) +{ +int rd = 0; + if ( sum >= 15) + rd =20; + else if (sum < 15) + rd = 10; + return rd; +} +" +515cf435da1e0fa2c61936c5c003b80511249220,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round(b) +round(c); + return sum; +} + +public int round10(int num) +{ + rd = 0; + if (num >= 15) + rd =20; + else + rd = 10; + return rd; +} + +" +c2d9671f1571940ead50534fa032e1401f4873f8,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + rd = 0; + if (num >= 15) + rd =20; + else + rd = 10; + return rd; +} + +" +31dd81fb35e90049e1d4e2021c48dd1828cb998e,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + int rd = 0; + if (num >= 15) + rd =20; + else + rd = 10; + return rd; +} + +" +c9c81ac0955a724aa0200f7bd3188cbaccb3258d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +4c82faded5046ebd70e97082bdce52e1cd3b3ab0,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + int rd = 0; + if (num(2)>= 15) + rd =20; + else + rd = 10; + return rd; +} + +" +8f8778af3d218d7b6983261223bc7286c5ae7a56,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + int rd = 0; + if (num() >= 15) + rd =20; + else + rd = 10; + return rd; +} + +" +470d9a81f70480a08cea6707038f571ac4f26604,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + int rd = 0; + if (num >= 15) + rd =20; + else + rd = 10; + return rd; +} + +" +1a8680cd065c51ad938bf3fdbf24f40af8fe3e8b,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int ending = num % 10; + if (ending >= 5) { + num = num + 10 - ending; + } + else { + num = num - ending; + } + return num; +} +" +b9047f91e8cd6250faf8d0c8e3185d99744b9edf,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (n % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10)); +} +" +f2a0ae7b1e316eb53dc6d43a4369f211fba8f01a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return num - (num%10); + else + return num + (10 - (num%10)); +} +" +2036694fb2e94b07e27c235404f93abd319f6950,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + if (num %10 >= 5) + num = num - num%10 +10;; + else + num -= num%10 ; + return rd; +} + +" +c07dcc5e352fa595779964e999f589a9a843b2b9,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + if (num %10 >= 5) + num = num - num%10 +10;; + else + num -= num%10 ; + return num; +} + +" +9564bd13e1b1bc913b51a7f51ae0b2aa91cb8a4f,"public int roundSum(int a, int b, int c) +{ + int sum =0; + sum =round10(a) + round10(b) +round10(c); + return sum; +} + +public int round10(int num) +{ + if (num %10 >= 5) + { + num = num - num%10 +10; + } + else + { + num -= num%10 ; + } + return num; +} + +" +b5cbffc995db5231f34f05582481173f6e9b45d4,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + String str = String.valueOf(num); + int stringLength = str.length(); + String lastNum = str.substring(stringLength); + int lastDigit = Integer.parseInt(lastNum); + if (lastDigit >= 0 && lastDigit < 5) + { + return num - lastDigit; + } + else + { + return num + (10 - lastDigit); + } +}" +2789b4d484d4609e3b921f2610174bbc30fe56db,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + (10 - round); + return num - round; +} +" +00da98db0581b3423feb5fd1db60bd9099990a94,"public int roundSum(int a, int b, int c) +{int sum=0; + sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(n%10 >4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +75fd5d17d7cbc1de36a1700d7b9705b551d1b90c,"public int roundSum(int a, int b, int c) +{int sum=0; + sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(n is 10 >4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +33f591ef7c0f7a234f87ecab6e8b51af9190cf22,"public int roundSum(int a, int b, int c) +{int sum=0; + sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num 10 >4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +4e0197c72c9560ab928e6471dbc292d21ce5977c,"public int roundSum(int a, int b, int c) +{int sum=0; + sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num&10 >4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +308e986b0c6ac0be2e53d1747541b7fee918ff7d,"public int roundSum(int a, int b, int c) +{int sum=0; + sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + num -= remainder; + if (remainder >= 5) { + num += 10; + } + return num; +} +" +442de5833a5c3e7d13e7f086e68c654e192ce97f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + + if(rem >= 5) + return num + 10 - rem; + + return num - rem; +} +" +c4c58eefab09dd0933e2e8d3817220b424b0d345,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} + +public int round10(int num) +{ + return (round10(a) + round10(b) + round10(c)); +} +" +04780365d53ec02bf23dee2452c32d0edb7fb12c,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +e4bbc30a1a30b028623d6762a0518a3061800109,"public int roundSum(int a, int b, int c) +{ + int tot = 0; + tot = tot+round10(a); + tot = tot+round10(b); + tot = tot+round10(c); + return tot; +} + +public int round10(int num) +{ + if (num%10>=5) + return (((num/10)+1)*10); + else + return ((num/10)*10); +} +" +a6b66be09a20ec529ae5e93cef9722206e6139c1,"public int roundSum(int a, int b, int c) +{ + a.round10(a); + b.round10(b); + c.round10(c); + int final = a + b + c; + return final; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +170032b3df93df1f34814f661c635a524e790f57,"public int roundSum(int a, int b, int c) +{ + a.round10(a); + b.round10(b); + c.round10(c); + int result = a + b + c; + return result; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +3ee4e20737a7e31fb5feef3ac264100dde4f5d90,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int result = a + b + c; + return result; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +9c73c177f89cf348ac0a29425d33d2eb8c57c2ae,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c; +} + +public int round10(int num) +{ + difference = num % 10; + if (difference >= 5) + { + num += (10 - difference); + } + else + { + num -= difference; + } + + return num; +} +" +cb4ca249a2fddf2b5476c39bc73938964b03869b,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c; +} + +public int round10(int num) +{ + int difference = num % 10; + if (difference >= 5) + { + num += (10 - difference); + } + else + { + num -= difference; + } + + return num; +} +" +6eee46058cecaf69bbc0d06de790e879d1ac43f1,"public int roundSum(int a, int b, int c) +{ return (round10(a) + round10(b) + round10(c)); }" +34512a50e94d5bb4ca79b75e8f985e9d0fcd48ed,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +}" +d43f6b0eac3193044278bd96ae789d8b4fc5b03d,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +}" +3dc823d19561b1d9f51f55dc92d3bb253d5bf83f,"public int roundSum(int a, int b, int c) +{ + return (round(a) + round(b) + round(c)); +}" +3dca0c81a7a6d9a224b1c32d8526e8d8adfe19d3,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +}" +07f0991563d373696e8792102f927925c112fa5c,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +}" +ed474f0e054cf58e97af554622596132c6fa3db1,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10- digit); + return num - digit; +}" +3a88e06577cc2875299268b3d6982c76a4f9dddc,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + return i; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +21aba2a9cb412ee8c917a61d12ba3071be70f1b2,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + return i; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +104ac3a9d2d92c34e1a8725a9ea66391f3bfc2f5,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c =this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + return i; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +a7a244434cb67e5131fcbbe18922ad9c76edeb5c,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c =this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + return i; + return num; + } + + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +0e3b6035e2dffe19c7476a71c9409aca99119986,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c =this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int i = 0; + if (num >=10) { + num = num - 10; + i = i + 10; + return i; + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + } + return num; +} +" +734011bef36c4098ac4bd923dd39eda759fa4fc3,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c =this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int i = 0; + while (num >=10) { + num = num - 10; + i = i + 10; + return i; + } + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +46c09fbd9ad39d288e233539f639fef576fe4266,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c =this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int i = 0; + while (num >=10) { + num = num - 10; + i = i + 10; + } + if (num >= 5) { + num = i + 10; + } + else { + num = i; + } + return num; +} +" +054c7c75d9b7aa0cc384104714b9c674e45f80ff,"public int roundSum(int a, int b, int c) +{ + float a = (int a / 10); +} + +public int round10(int num) +{ + +} +" +d2359e591038e4ce7b0afd3cfc8fea76c55992e6,"public int roundSum(int a, int b, int c) +{ + float a = int a / 10; +} + +public int round10(int num) +{ + +} +" +b8b480d02bf4abaf1e3d4a32523fdcc31a3e7f3d,"public int roundSum(int a, int b, int c) +{ + float a = (a / 10); +} + +public int round10(int num) +{ + +} +" +b31b375071d3043b8c4203d74793272d012e67c5,"public int roundSum(int a, int b, int c) +{ + float d = (a / 10); +} + +public int round10(int num) +{ + +} +" +d56d425ae9c50de6fe430e870ad99aa9e7e6d520,"public int roundSum(int a, int b, int c) +{ + d = mod(a, 10); +} + +public int round10(int num) +{ + +} +" +9c7bdaa9dd069f0a89fe468acdc6afe2d6652be1,"public int roundSum(int a, int b, int c) +{ + int d = mod(a, 10); +} + +public int round10(int num) +{ + +} +" +2ea49f4a1c88f1fcc33f090a4fc03cfbfce4d0ff,"public int roundSum(int a, int b, int c) +{ + int d = a % 10; +} + +public int round10(int num) +{ + +} +" +d4ef8fb2b2a3ca2034a6e255a74e7ddea4f5f1b7,"public int roundSum(int a, int b, int c) +{ + return int % 10; +} + +public int round10(int num) +{ + +} +" +17b9aa885a673662858313a25e2fbe13e472d181,"public int roundSum(int a, int b, int c) +{ + return % 10; +} + +public int round10(int num) +{ + +} +" +845778343ede917d9a68ddd4229980d753c5a5bf,"public int roundSum(int a, int b, int c) +{ + return int a % 10; +} + +public int round10(int num) +{ + +} +" +4b5dddfc90e89979aedbcd65cdc1312832bec0fd,"public int roundSum(int a, int b, int c) +{ + int result = round10(a) + round10(b) + round10(c); + return result; +} + +public int round10(int num) +{ + int numChecker = num % 10; + + if (numChecker > 0) + { + if (numChecker >= 5) + { + num = num + (10 - numChecker); + } + else + { + num = num - numChecker; + } + } + return num; +} +" +4a145d811519ef4c8d2ef157c8155cf8565323ed,"public int roundSum(int a, int b, int c) +{ + int a = a % 10; + int b = b % 10; + int c = c % 10; +} + +public int round10(int num) +{ + +} +" +b87f64050aa14238361fc24b391ab18c6cf68e54,"public int roundSum(int a, int b, int c) +{ + a = a % 10; + b = b % 10; + c = c % 10; +} + +public int round10(int num) +{ + +} +" +b78194b4184f7b63bae869ab512f75170055fb43,"public int roundSum(int a, int b, int c) +{ + a = a % 10; + b = b % 10; + c = c % 10; + return (int a, int b, int c); +} + +public int round10(int num) +{ + +} +" +fe77e6a85f857677282f3d17fad20b54682fdda8,"public int roundSum(int a, int b, int c) +{ + a = a % 10; + b = b % 10; + c = c % 10; + return (a, b, c); +} + +public int round10(int num) +{ + +} +" +7ccb70aaec4e364ef156e182cfd958b13142db51,"public int roundSum(int a, int b, int c) +{ + a = a % 10; + b = b % 10; + c = c % 10; + return a + b + c; +} + +public int round10(int num) +{ + +} +" +191e1543bfd7228932d8f05b351ff24bc91205bd,"public int roundSum(int a, int b, int c) +{ + round10(a); + if (rem < 5) + a = a - rem; + else + a = a + rem; + round10(b); + if (rem < 5) + b = b - rem; + else + b = b + rem; + round10(c); + if (rem < 5) + c = c - rem; + else + c = c + rem; +} + +public int round10(int num) +{ + int rem = num % 10; + return rem; +} +" +2d255d60b324547c16ce5aa8fdd60e1eccc5aaea,"public int roundSum(int a, int b, int c) +{ + round10(a); + if (rem < 5) + a = a - rem; + else + a = a + rem; + round10(b); + if (rem < 5) + b = b - rem; + else + b = b + rem; + round10(c); + if (rem < 5) + c = c - rem; + else + c = c + rem; +} + +public int round10(int num) +{ + int rem = num % 10; + return rem; +} +" +147dc9ef3b00adc685703068ddde5687a8c20cad,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem < 5) + num = num - rem; + else + num = num + rem; + return rem; +} +" +4a7c077c7b50aa68e62f0fa56c4381868bf15fe7,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem < 5) + num = num - rem; + else + num = num + rem; + return rem; +} +" +3d404aecff840a87f5eb0438634013572ac5c2ac,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem < 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +2ce1785512cc4a4cf6a35bdbdabecee44e2787d0,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +1077f8025a58abd26bb0778ff26c814252fd3b72,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int remainder = 10 % num; + if (rem < 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +de0d697b6be1bed16fc3c0e056271e45efade0bc,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = 10 % num; + if (rem < 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +55f029556458aeabaefe5140b43fcd4dbfb95016,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = 10 % num; + if (rem > 5) + int number = num - rem; + else + int number = num + rem; + return number; +} +" +17fabcc6d46e3be8ea2485eca6f9731f94737736,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int number = 0 + int rem = 10 % num; + if (rem > 5) + number = num - rem; + else + number = num + rem; + return number; +} +" +fed9d09a8a2faf7dbb0d3f34e221259137d6e239,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int number = 0; + int rem = 10 % num; + if (rem > 5) + number = num - rem; + else + number = num + rem; + return number; +} +" +1add09e3fe497efd70b443babca9b5c399497d29,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = 10 % num; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return number; +} +" +0378ded7598524c969d706c70229a5c6e78bf866,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = 10 % num; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +7327da2d05b0df4310a26bf88cb8747aa664b1a4,"public int roundSum(int a, int b, int c) +{ + //round10(a); + //round10(b); + //round10(c); + //return a + b + c; + a = a % 10; + return a; +} + +public int round10(int num) +{ + int rem = 10 % num; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +c8bcd7819f96de2a7d4c362d1f66e0a284105f75,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +57532c22ba732a4cadb9e726503c0d7b5507483b,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a % 10; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +2edaf72c526525b257c1304604f83a7935f211ff,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + a = a % 10; + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +9945a688e69e1450f3eed3bc5ae9ad359033832a,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + return rem; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +5d980ca95844f660ad840ca6f4df4ab608d99a17,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem > 5) + a = a - rem; + else + a = a + rem; + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +a8ed96d609bc73c05f4455ca9c37672ba43340fc,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a - rem; + else + a = a + rem; + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +52d2aa96638ac41c057370da77553b5ab0f68bbc,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a + 10 - rem; + else + a = a - 1- + rem; + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +2754dd82018e4c586b1e851aae346cdd723fcac1,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a + 10 - rem; + else + a = a - 10 + rem; + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +ddd4577733045ef1e07fd7da31add28b380722de,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a + 10 - rem; + else + a = a - 10 - rem; + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 5) + num = num - rem; + else + num = num + rem; + return num; +} +" +d2f4f2aa43ee56322411205907e17d294798b12e,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a + 10 - rem; + else + a = a - 10 - rem; + return a; +} + +public int round10(int num) +{ + +} +" +0a14844bbbc06e491549b5e9e4fa866c2fcb3210,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a + 10 - rem; + else + a = a - 10 - rem; + return a; +} + +public int round10(int num) +{ + return num +} +" +847a4672794cb9e3b5f6676272e404f8ecfcc7e1,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a + 10 - rem; + else + a = a - 10 - rem; + return a; +} + +public int round10(int num) +{ + return num; +} +" +1ed92540a41b7e138dc38c35d918999bcd0f003e,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a - 10 + rem; + else + a = a + 10 - rem; + return a; +} + +public int round10(int num) +{ + return num; +} +" +bca678ce2f93b85dd12f698c2e4b8e0daaa3ae0c,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a - rem; + else + a = a + 10 - rem; + return a; +} + +public int round10(int num) +{ + return num; +} +" +550cd933c0e78445e48567c96701dea7e1619274,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String number = num; + String part = number.substring(1); +} +" +8894474444000e13bbb86c84bcde85ed6b867a88,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String number == num; + String part == number.substring(1); +} +" +d4d6a2538d266301cdabb00ea7c14391fa68a539,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String number = ""num""; + String part = number.substring(1); +} +" +60b63a8e7a916ec2d132c58316105044a1238167,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String number = ""num""; + String part = number.substring(1); + return part; +} +" +f567548873820a947f2f86c84a4e50444a3de1d6,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int rem = a % 10; + if (rem < 5) + a = a - rem; + else + a = a + 10 - rem; + rem = b % 10; + if (rem < 5) + b = b - rem; + else + b = b + 10 - rem; + return b; + rem = c % 10; + if (rem < 5) + c = c - rem; + else + c = c + 10 - rem; + return b; + return a + b + c; +} + +public int round10(int num) +{ + return num; +} +" +ef2eccbea118bf071cd6e0b3299e2286262332a5,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String number = ""num""; + String part = number.substring(1); + if (part >= 5) + while (part != 0) + num++; + return part; + return part; +} +" +274218a3e7d0b96960b8aa34a0299175ecc5fff1,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} + +public int round10(int num) +{ + return (round10(a) + round10(b) + round10(c)); +} +" +82ff83eeedc96bd958cbd4518d08f756bf5c1e79,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +00fe889646363be2bfc4a7db0024f286fd9eed8b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +1b30c6b0b1eb69ec192664c25ddc47a1d323bd77,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + if (num%10 == 1) + return (num - 1); + if (num%10 == 2) + return (num - 2); + if (num%10 == 3) + return (num - 3); + if (num%10 == 4) + return (num - 4); + if (num%10 == 5) + return (num + 5); + if (num%10 == 6) + return (num + 4); + if (num%10 == 7) + return (num + 3); + if (num%10 == 8) + return (num + 2); + if (num%10 == 9) + return (num + 1); + return num; +} +" +4ad71b91793e397fe246223e11ddbd25c0bbb9af,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (num < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +445ede0fccd3445ef0f87f52dc258149ee33fe01,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (num < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +e9b63cad69501d11984221e9a07eff591dedc2b8,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (num >= 0 && num < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +475179a33d0440ed9d7159477378281bac54338d,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = 10 % num; + if (num >= 0 && num < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +377fd966df9aa695d794817161644ab2d328efb5,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (num >= 0 && num < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +4ce7f3cc608d8716ce38de302708773c820386a3,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (num >= 0 && num < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +4b1e8f526bc480ec642cdd626a70cb0d66be8414,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +2d82d9ba9d6b96264ee4de29ff0411da10c0269e,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem < 5) + num = num - rem; + else + num = num + 10 - rem; + return num; +} +" +dcfe887183b80aa12ca08e11e439452fad2c13e2,"public int roundSum(int a, int b, int c) +{ + return a + b + c; +} + +public int round10(int num) +{ + +} +" +bc1ce570d61c867a55765e523a0bf2c321fbe8d9,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + return ((num + 5) - (num+5)%10) +} +" +38fbd67710731cea3b7df736c0088466114d0753,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + return ((num + 5) - (num+5)%10); +} +" +3b5812946fa319b8352cfa13222e8a0316ce8e21,"public int roundSum(int a, int b, int c) +{ + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num + (num % 10); + } + else + { + num - (num % 10); + } +} +" +6838b3901c0eaafcf056319a82159818a0b33d8b,"public int roundSum(int a, int b, int c) +{ + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (num % 10); + } + else + { + num = num - (num % 10); + } +} +" +c32517c0679eaaee9d0f5dd6d5c13604371694a3,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +7a0085c859022c7ab144d858d3047f15ac6d3913,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int lastdigit = num % 10; + + if(lastdigit >= 5) + return num + 10 - lastdigit; + + return num - lastdigit; +} +" +427c6f5cd66e87d3eaa73d744b149a7438ab1125,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + int round = num % 10; + if (round < 5) + { + return num - 10 + round; + } + return num - round; +} +" +96ce6530f12a259acf9a8d8963922230ee916025,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round < 5) + { + return num - 10 + round; + } + return num - round; +} +" +aec0cb636bf96277046f8d39f747c7e171ac55cc,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + return num - round; +} +" +a761d721d2014495e69c4c635d4ddf08ba199b57,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num / 10; + if (round >= 5) + { + return num + 10 - round; + } + return num - round; +} +" +aab1f8d422460f0d1fe529d66e7ac28c035578ce,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num / 10; + if (round >= .5) + { + return num + 10 - (round*10); + } + return num - round; +} +" +76350e8d18262a4be3c925cd3f8c983d4e6eb5bb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - (round); + } + return num - round; +} +" +89b773ce42f1920ae478220b9e65deebf3af5445,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + else + { + return num - round; + } +} +" +88086fa4225830c70957fb2786e7cd499974ddd5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int x = num % 10; + if ( x >= 5) + return num + 10 - x; + else + return num - x; + +} +" +8bf36c5d5d6b9703ec7694081bc366f90f54e0b2,"public int roundSum(int a, int b, int c) +{ + int ra = round10(a); + int rb = round10(b); + int rc = round10(c); + + + return ra + rb + rc; + + + + +} + +public int round10(int num) +{ + if (num%10 == 5) + return num += 5; + else + return num; + +} +" +2e38f3f8215408bee2adee2b8c4525170604277e,"public int roundSum(int a, int b, int c) +{ + int ra = round10(a); + int rb = round10(b); + int rc = round10(c); + + + return ra + rb + rc; + + + + +} + +public int round10(int num) +{ + if (num%10 >=5) + return num + (10 - num%10); + else + return num; + +} +" +0988ae72d2914fb4afb838170f51354fb85bdd77,"public int roundSum(int a, int b, int c) +{ + int ra = round10(a); + int rb = round10(b); + int rc = round10(c); + + + return ra + rb + rc; + + + + +} + +public int round10(int num) +{ + if (num%10 >=5) + return num + (10 - num%10); + else + return num - (10 - num%10); + +} +" +f01c462d69ea2d62627610a233fc87b3806af42e,"public int roundSum(int a, int b, int c) +{ + int ra = round10(a); + int rb = round10(b); + int rc = round10(c); + + + return ra + rb + rc; + + + + +} + +public int round10(int num) +{ + if (num%10 >=5) + return num + (10 - num%10); + else + return num - num%10; + +} +" +6c9a21d0d879ae216b5d622c688edb78b6e9d981,"public int roundSum(int a, int b, int c) +{ + int aNum = round10(a); + int bNum = round10(b); + int cNum = round10(c); + int total = aNum + bNum + cNum + return total; +} + +public int round10(int num) +{ + int i = num % 10; + num = num - i; + if (i >= 5) + { + num = num + 10: + } + retun num; +} +" +c3797fa452ef74c8a2bf13c609c590e78ed7ada4,"public int roundSum(int a, int b, int c) +{ + int aNum = round10(a); + int bNum = round10(b); + int cNum = round10(c); + int total = aNum + bNum + cNum + return total; +} + +public int round10(int num) +{ + int i = num % 10; + num = num - i; + if (i >= 5) + { + num = num + 10; + } + return num; +} +" +3c9001be1c1e4ed22412303a50aad2163fde19a8,"public int roundSum(int a, int b, int c) +{ + int aNum = round10(a); + int bNum = round10(b); + int cNum = round10(c); + int total = aNum + bNum + cNum; + return total; +} + +public int round10(int num) +{ + int i = num % 10; + num = num - i; + if (i >= 5) + { + num = num + 10; + } + return num; +} +" +9bc9526279fe1898db05c6765f455c9b507ef521,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) { + return (num + 10 - (num % 10)); + } + return (num - (num % 10)); + +} +" +4e45eec1c5aeaa9e96dc5ba9382ab82f6c0dcf7d,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (num % 10); + return num; + } + else + { + num = num - (num % 10); + return num; + } +} +" +09dc73e27a05a6d51e024c36ec6d461e169919e3,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (10- (num % 10)); + return num; + } + else + { + num = num - (num % 10); + return num; + } +} +" +53c55fc773f14a160dcc9504672a67429f8b4909,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + if (part.subtring() >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +dd6406d6280aa451dd8644709917b45777687be1,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + if (String part >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +a9ca20d4b857ba888ce670147410b186239054ba,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + if (part >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +12fefea700a7f6da753a7533f7d186f066b01ed3,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + return name; + if (part >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +3b05a441cc2b38d80a60587bfb9607991ad0129d,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + return name.string(); + if (part >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +1956802de03143f0739795e124457a24a96e0367,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + System.out.println(part); + if (part >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +f79bb4d1891089768cd3889f4598e66749f7ee84,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + if (System.out.println(part) >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +89da6fa6dc5a2e517e969e0184f6fa68bc7b46d1,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + a = System.out.println(part); + if (a >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +a7692ae90706fdac38d29a796a621dcc3f44b38b,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + int a = System.out.println(part); + if (a >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +158a0838533d6ddb163e1f08ab65459c8772e742,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = ""num""; + String part = name.substring(2); + void a = System.out.println(part); + if (a >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +6c98dbcff7b2b537ae7f105bd80aaf3b9faf50ed,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(2); + a = System.out.println(part); + if (a >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +72db2ed8fabe460dbf585a3b9f1121eadddf1b2d,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(2); + if (System.out.println(nam.substring(2)) >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +9e23e182b2cfed7ac5a0e963ce39dab44205d01a,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(2); + if (System.out.println(nam.substring(2)) >= 5) + { + int x = 10 - part.substring(); + int y = x + num; + return y; + } + else + { + int y = num - part.substring(); + return y; + } +} +" +de42ef4dfc87acf9b9b7e73a69ba2a9751bc234b,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + this.round(num); +} +" +c1d6066a0a7528b1923a4eb0038d75e06b8e97f5,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + x = num % 10; + if (x >= 5) + { + return num + (10 - x); + } + else + { + return num - x; + } +} +" +636e1f2d31b47a93fc6c0acd2ae5bd7fd5bfa8ce,"public int roundSum(int a, int b, int c) +{ + this.round10(a + b + c); +} + +public int round10(int num) +{ + int x = num % 10; + if (x >= 5) + { + return num + (10 - x); + } + else + { + return num - x; + } +} +" +605d4b9d3e08485c3b00fd902714e6aac18d3caa,"public int roundSum(int a, int b, int c) +{ + return round10(a + b + c); +} + +public int round10(int num) +{ + int x = num % 10; + if (x >= 5) + { + return num + (10 - x); + } + else + { + return num - x; + } +} +" +c531b36cd72156cb65bd26c919a9de7a647ca456,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int x = num % 10; + if (x >= 5) + { + return num + (10 - x); + } + else + { + return num - x; + } +} +" +d93f5f2d531ce9635d51fc7fafeedf8cc1b4c7b7,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) { + return num + (10 - digit); + } + return num - digit; +} +" +c0ff392967d303ebad00d092025fdcb9ac8a35b5,"public int roundSum(int a, int b, int c) +{ +return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + String integer = num.toString().subString(1); + int test = Integer.parseInt(integer); + if(test > 5) + { + return (num + 10)-test; + } + + if(test < 5) + { + return num-test; + } + return 0; +} +" +ec04124a4de99e4186db447c65f63efa0928a076,"public int roundSum(int a, int b, int c) +{ + return this.round10(a); + return this.round10(b); + return this.round10(c); +} + +public int round10(int num) +{ + if (num < 5) + return 0; + if (num >= 5 && <= 10) + return 10; +} +" +e9457cd49bdef55188e45916f6aa34d13174e3e1,"public int roundSum(int a, int b, int c) +{ + return this.round10(a); + return this.round10(b); + return this.round10(c); +} + +public int round10(int num) +{ + if (num < 5) + return 0; + if (num >= 5 && num <= 10) + return 10; + return num +} +" +13590ee5bee3d99b6a450e121c157917eee4545d,"public int roundSum(int a, int b, int c) +{ + return this.round10(a); + return this.round10(b); + return this.round10(c); +} + +public int round10(int num) +{ + if (num < 5) + return 0; + if (num >= 5 && num <= 10) + return 10; + return num; +} +" +149e4924cee4ffa7a9611885e06eaa45838b1b48,"public int roundSum(int a, int b, int c) +{ +return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int test = num % 10; + if(test > 5) + { + return (num + 10)-test; + } + + if(test < 5) + { + return num-test; + } + return 0; +} +" +95d36aacadb9d3aecd0da811cde7b6d965517530,"public int roundSum(int a, int b, int c) +{ +return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int test = num % 10; + + if(test >= 5) + { + return (num + 10)-test; + } + + if(test < 5) + { + return num-test; + } + return 0; +} +" +5fd5af54f930e8b61ea30d6d2dc0d3363662e165,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int value = num % 10; //the percentage gives a remainder + + if (value >= 5) + { + return num + (10 - value); //10 minus remainer plus number rounded up + } + else + { + return num - value; //when remainder less than 5 just round down + } + +} +" +d9e1890c38c6d0cbf7186d01b76fdee7051cc78a,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + Sum = a + b + c; + + return Sum; +} + +public int round10(int num) +{ + remainder = num % 10; + + if (remainder >= 5) + { + // round up + num = num + (10 - remainder); + } + else + { + // round down + num = num - remainder; + } + + return num; +} +" +db14e1ee5a66e2fd0774436246084fd3265a91ec,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + remainder = num % 10; + + if (remainder >= 5) + { + // round up + num = num + (10 - remainder); + } + else + { + // round down + num = num - remainder; + } + + return num; +} +" +ec0734122f4add509acf5c24dba4d8ba253e0c85,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + // round up + num = num + (10 - remainder); + } + else + { + // round down + num = num - remainder; + } + + return num; +} +" +45b32a5b7bb9338d59bac8404f9c54ffa3370699,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 < 5) + num = num - (num % 10); + else + num = num + (10- num%10); +} +" +7c5a9871878daa6850611348b9ed8f40b77e28d7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 < 5) + num = num - (num % 10); + else + num = num + (10- num%10); + return num; +} +" +060261826037e0cf8ce706f017c80c89db2972de,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +e5be9b22a4728bfcdc90653581492ad6f6e36a25,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + return num - rd; +} +" +a301ce09dc3b976e295337b4d00477b11342e63e,"public int roundSum(int a, int b, int c) +{ + return round(10a) + round(10b) + round(10c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + { + return num + 10 - rd + } + + return num - rd; +} +" +ce3d6e656c12a5d4ca53de08f046bd6526d1cd31,"public int roundSum(int a, int b, int c) +{ + int an = this.round10(a); + int bn = this.round10(b); + int cn = this.round10(c); + + return an + bn + cn; +} + +public int round10(int num) +{ + int d = num; + while (d > 20) + { + d = d - 10; + } + + int e = d % 10; + if (e < 5) + { + num = num - e; + } + + else + { + num = num + (10 - e); + } + + return num; +} +" +5e0a2783bdee9b1196d3232c0c3ba83555b4ae52,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + num = ((num+5)/10)*10; +} +" +a3104b3369aad517de1a101187dcf32b8d457468,"public int roundSum(int a, int b, int c) +{ + int total = 0; + total = total + round10(a); + + total = total + round10(b); + + total = total + round10(c); + return total; +} + +public int round10(int num) +{ + if (n % 10 > 4) + return (((n/10)+1)*10); + else return ((n/10)*10); +} +" +a245198e281f333f6982c0994607fe3bac0ebee1,"public int roundSum(int a, int b, int c) +{ + int total = 0; + total = total + round10(a); + + total = total + round10(b); + + total = total + round10(c); + return total; +} + +public int round10(int num) +{ + if (num % 10 > 4) + return (((num/10)+1)*10); + else return ((num/10)*10); +} +" +503b717a0eb6a36f045f22341bc380e965f01449,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; + +} +" +a9457611b03dab42190fea562d49a2dd65bd970c,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + +} +" +d0d24768c27c957964e191c04337347f35d39d4b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = 10 % num; + num -= rem; + if (rem >= 5) { + num += 10; + } +} +" +f5197f4e25a84928bf2f17fde796698ed17a4780,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = 10 % num; + num -= rem; + if (rem >= 5) { + num += 10; + } + return num; +} +" +e9965a38476f5fce48de55394a666f21d4cfb8d7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + num -= rem; + if (rem >= 5) { + num += 10; + } + return num; +} +" +0c3cf261894dd21b9d40ef6bb60d3301d25db15b,"public int roundSum(int a, int b, int c) +{ + this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + int num2 = num % 10; + + if (num2 < 5) + return num - num2; + else + return num + 10 - num2; +} +" +2e40b3f87a10f78ed14b8aaaaa79cedc4cb02977,"public int roundSum(int a, int b, int c) +{ + System.out.println(this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + int num2 = num % 10; + + if (num2 < 5) + return num - num2; + else + return num + 10 - num2; +} +" +2d3a87cd2d4ca9944c491f874c5e2b344a85d4a8,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + int num2 = num % 10; + + if (num2 < 5) + return num - num2; + else + return num + 10 - num2; +} +" +504b6e19efc01f555971f96dfee3febd2c112256,"public int roundSum(int a, int b, int c) +{ + aRound = rount10(a); + bRound = rount10(b); + cRound = rount10(c); + sum = aRound + bRound + cRound; + return sum; +} + +public int round10(int num) +{ + mod = num % 10; + if (mod > 4) { + num = num + mod; + } + else { + num = num - mod; + } + return num; +} +" +23a152f72acbd8e64c3fe8b46b1bf269cd41df66,"public int roundSum(int a, int b, int c) +{ + int aRound = rount10(a); + int bRound = rount10(b); + int cRound = rount10(c); + int sum = aRound + bRound + cRound; + return sum; +} + +public int round10(int num) +{ + int mod = num % 10; + if (mod > 4) { + num = num + mod; + } + else { + num = num - mod; + } + return num; +} +" +b39803501648923f11fea2bf6634b360b9f773df,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + int sum = aRound + bRound + cRound; + return sum; +} + +public int round10(int num) +{ + int mod = num % 10; + if (mod > 4) { + num = num + mod; + } + else { + num = num - mod; + } + return num; +} +" +84f5f3799c4a9dd823e5458adf43119a021b1153,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + int sum = aRound + bRound + cRound; + return sum; +} + +public int round10(int num) +{ + int mod = num % 10; + if (mod > 4) { + num = num + (10 - mod); + } + else { + num = num - mod; + } + return num; +} +" +dc96891965610671cce569704e61db953f423c45,"public int roundSum(int a, int b, int c) +{ + int newA = round10(a);; + int newB = round10(b); + int newC = round10(c); + return newA + newB + newC; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + while (lastDigit >= 5 && lastdigit != 10) + { + lastDigit = lastDigit + 1; + num = num + 1; + } + + while (lastDigit < 5 && lastDigit != 0) + { + lastDigit = lastDigit - 1; + num = num - 1; + } + +} +" +14046cd88c421e1e875b700d717a202a7c1092c2,"public int roundSum(int a, int b, int c) +{ + int newA = round10(a);; + int newB = round10(b); + int newC = round10(c); + return newA + newB + newC; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + while (lastDigit >= 5 && lastdigit != 10) + { + lastDigit = lastDigit + 1; + num = num + 1; + } + + while (lastDigit < 5 && lastDigit != 0) + { + lastDigit = lastDigit - 1; + num = num - 1; + } + +} +" +df508c4b279c975092c70c3af337da03da53adae,"public int roundSum(int a, int b, int c) +{ + int newA = round10(a);; + int newB = round10(b); + int newC = round10(c); + return newA + newB + newC; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + while (lastDigit >= 5 && lastDigit != 10) + { + lastDigit = lastDigit + 1; + num = num + 1; + } + + while (lastDigit < 5 && lastDigit != 0) + { + lastDigit = lastDigit - 1; + num = num - 1; + } + +} +" +4a8c01a0f1cc49f609ce7d349016383500fab827,"public int roundSum(int a, int b, int c) +{ + int newA = round10(a);; + int newB = round10(b); + int newC = round10(c); + return newA + newB + newC; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + while (lastDigit >= 5 && lastDigit != 10) + { + lastDigit = lastDigit + 1; + num = num + 1; + } + + while (lastDigit < 5 && lastDigit != 0) + { + lastDigit = lastDigit - 1; + num = num - 1; + } + return num; +} +" +23579cbe5acdb1cc39edd950433b3c51a9d7d3b4,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) + +} + +public int round10(int num) +{ + int round = num % 10; + if(round >= 5) + return num + 10 - round; + + return num - round; + +} +" +9438c80811649b49ec52afd52d6d796c7e6e8a6e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int round = num % 10; + if(round >= 5) + return num + 10 - round; + + return num - round; + +} +" +7c39237a50406c99b03de7d2d14fafa153566d83,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String lastDigit = num.charAt(lastDigit.length() - 1) +} +" +aacd478d13b7ab1a56a6fcf924273d0ad04a342d,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String lastDigit = num.charAt(lastDigit.length() - 1); +} +" +ac09ab633cdb4eb73deb2a0301cdcecdca3d51ae,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = number % 10 + + if (rd >= 5) + return number + 10 - rd; + return number - round; +} +" +8858f6f22ebeb688fc04c903f1a52992f6e3387b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = number % 10; + + if (rd >= 5) + return number + 10 - rd; + return number - round; +} +" +7a2114171b0f40a3557685883cac013c9623d494,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rounded = num % 10; + + if (rd >= 5) + { + return num + 10 - rounded; + } + return num - rounded; + +} +" +94a83d4827079b46e4e34d6afced2e6ec5038325,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rounded = num % 10; + + if (rounded >= 5) + { + return num + 10 - rounded; + } + return num - rounded; + +} +" +a65be6952f2ff7c5f15408602e1d6feeba4645fe,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + + if (rd >= 5) + return num + 10 - rd; + return num - round; +} +" +88fce74abd3066683d2a6df2013e36b8dcc5dca6,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + + if (round >= 5) + return num + 10 - rd; + return num - round; +} +" +0057c9483b5c260178cbff6cbe192bb798d97956,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + + if (round >= 5) + return num + 10 - round; + return num - round; +} +" +6723752c9a701b7198383f53e2a157a02278a859,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +f4a308b8ae8f77dded41f08066ac77ce2b8d97bb,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a)+round10(b)+round10(c); + return sum; +} + +public int round10(int num) +{ + if (num%10 >= 5) + return num-num%10+10; + else + return num-num%10; +} +" +4217f09c2c7f2add15d430e931979947fcfabf16,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 < 5) + return num-10; + else + return num+10; + +} +" +d38ab340561aeb3d21036c0a35788c88750b51ce,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + if (remainder == 5) + { + num = num + 5; + } + else if (remainder == 6) + { + num = num + 4; + } + else if (remainder == 7) + { + num = num + 3; + } + else if (remainder == 8) + { + num = num + 2; + } + else + { + num = num + 1; + } + } + else + { + if (remainder == 4) + { + num = num - 4; + } + else if (remainder == 3) + { + num = num - 3; + } + else if (remainder == 2) + { + num = num - 2; + } + else if (remainder == 1) + { + num = num - 1; + } + else + { + num = num; + } + } +} +" +10e9373160d7839b5622c705c331029203da7b08,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + if (remainder == 5) + { + num = num + 5; + } + else if (remainder == 6) + { + num = num + 4; + } + else if (remainder == 7) + { + num = num + 3; + } + else if (remainder == 8) + { + num = num + 2; + } + else + { + num = num + 1; + } + } + else + { + if (remainder == 4) + { + num = num - 4; + } + else if (remainder == 3) + { + num = num - 3; + } + else if (remainder == 2) + { + num = num - 2; + } + else if (remainder == 1) + { + num = num - 1; + } + else + { + num = num; + } + } +} +" +0a6b0adc13fd59eb61be80784f824de7a0cb9fbe,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + if (remainder == 5) + { + num = num + 5; + } + else if (remainder == 6) + { + num = num + 4; + } + else if (remainder == 7) + { + num = num + 3; + } + else if (remainder == 8) + { + num = num + 2; + } + else + { + num = num + 1; + } + } + else + { + if (remainder == 4) + { + num = num - 4; + } + else if (remainder == 3) + { + num = num - 3; + } + else if (remainder == 2) + { + num = num - 2; + } + else if (remainder == 1) + { + num = num - 1; + } + else + { + num = num; + } + } +} + +return sum;" +6f8e69b5ef95d50b2baa67dc1229dcda1efa21e3,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + if (remainder == 5) + { + num = num + 5; + } + else if (remainder == 6) + { + num = num + 4; + } + else if (remainder == 7) + { + num = num + 3; + } + else if (remainder == 8) + { + num = num + 2; + } + else + { + num = num + 1; + } + } + else + { + if (remainder == 4) + { + num = num - 4; + } + else if (remainder == 3) + { + num = num - 3; + } + else if (remainder == 2) + { + num = num - 2; + } + else if (remainder == 1) + { + num = num - 1; + } + else + { + num = num; + } + } +}" +f6ae86bb516787d7053b8043d89365ebe105e530,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + num = num + (10 - remainder) + } + else + { + num = num - remainder; + } +}" +f42468c5d37bb13e65e6e6063910252663498ddc,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + num = num + (10 - remainder); + } + else + { + num = num - remainder; + } +}" +045017b831e57493931eeb1ee9649762815e790d,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + num = num + (10 - remainder); + } + else + { + num = num - remainder; + } + + return num +}" +fdccc4f0a451cbce79ade8250ed3de115236a937,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + int sum = a + b + c; + + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + { + num = num + (10 - remainder); + } + else + { + num = num - remainder; + } + + return num; +}" +183748956a92bd31200377bd3e42fd5c8adf10e3,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int hold = num%10; + if (hold < 5) + { + return num + (10 - hold); + } + return num - hold; +} +" +6b2bd21a7f0b53408c5d0a5e873a04d3f7cca29d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int hold = num%10; + if (hold < 5) + { + return num + (10 - hold); + } + return num - hold; +} +" +4c3ca0f0c2597fe45efda9584ceba4b032e42586,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int hold = num%10; + if (hold < 5) + { + return num - hold; + } + return num + (10 - hold); +} +" +749393d255e5f0814d916ee4d4cc0b7a0f77d591,"public int roundSum(int a, int b, int c) +{ + return(round10(a)+round10(b)+round10(c)); +} + +public int round10(int num) +{ + return(((n+5)/10)*10); +} +" +8a85347d8e8360e17ff54be25a9b35e50bfc4ea6,"public int roundSum(int a, int b, int c) +{ + return(round10(a)+round10(b)+round10(c)); +} + +public int round10(int num) +{ + return(((num+5)/10)*10); +} +" +742319b41e9316431e8636b97237f4ab3ef1bcb9,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +4b1755888019a0d57880ffc76022a62394038c42,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int x = num % 10; + if (x >= 5) + { + return num + 10 - x; + } + return num - x; +} +" +3faecb6d3a52ade6d3f5f240e7ddb6b36b4e57aa,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} + +public int round10(int num) +{ + int n = num%10; + int x = num/10; + if (n >= 5) + { + num = x + 10; + return num; + } + return x; + + +} +" +0a9c7be2d2221efa2fd984306e0b02e8b5d1d533,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num%10 < 5) + { + return((num/10)*10); + } + else + { + return(((num/10)+1)*10); + } +} +" +b121a3641f1e1d3ccef3bcd5283e30e20de2352f,"public int roundSum(int a, int b, int c) +{ + return round10(a); +} + +public int round10(int num) +{ + if (num%10 < 5) + { + return((num/10)*10); + } + else + { + return(((num/10)+1)*10); + } +} +" +0b4f8e0f43a9db670b6ce7939e5eb140998daa6a,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num%10 < 5) + { + return((num/10)*10); + } + else + { + return(((num/10)+1)*10); + } +} +" +9ee315258f1338c50902f1c60246cc2ad0ff1e9b,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; + +} + +public int round10(int num) +{ + int round = 0; + if (num % 10 >= 5) + { + round = num + (10 - num % 10); + } + else + { + round = num - (10 - num % 10); + } + return round; +} +" +a3e219947c8e2ae4cf4526d8ae87fd0d3b209085,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; + +} + +public int round10(int num) +{ + int round = 0; + if (num % 10 >= 5) + { + round = num + (10 - num % 10); + } + if (num % 10 < 5) + { + round = num - num % 10); + } + return round; +} +" +2ac8ad3932697f42e1c7f84213859fbcc643410f,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; + +} + +public int round10(int num) +{ + int round = 0; + if (num % 10 >= 5) + { + round = num + (10 - num % 10); + } + if (num % 10 < 5) + { + round = num - num % 10; + } + return round; +} +" +88d982284b9bd4385b68dc9fd65435674bbcbdfd,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + return num + (10 - digit); + } + else + { + return num - digit; + } +} +" +d99ae1b02976b5cf686922d1921424956e374256,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +" +89d514baaacaeb818cf22cf0b042550a239859dc,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +117f8c4f36cd672d31b59bbc0f7b30eeba70694c,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + return (a+b+c); + +} + +public int round10(int num) +{ + num%10 = value; + if (value>= 5) + { + num = num +(10-value); + } + else of (value < 5) + { + num = num - (10-value); + } + return num; +} +" +1af95d09459df309b4af10f9fbd3219dd52addde,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + return (a+b+c); + +} + +public int round10(int num) +{ + num%10 = value; + if (value>= 5) + { + num = num +(10-value); + } + else if (value < 5) + { + num = num - (10-value); + } + return num; +} +" +c2900baf1038ccd4daa88b1fcb86431512f36122,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + return (a+b+c); + +} + +public int round10(int num) +{ + int value = 0; + value = num % 10; + if (value>= 5) + { + num = num +(10-value); + } + else if (value < 5) + { + num = num - (10-value); + } + return num; +} +" +71116885b5a9e6a8364d74ea99aedc306f1c208f,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + + + +} + +public int round10(int num) +{ + int value = 0; + value = num % 10; + if (value>= 5) + { + num = num +(10-value); + } + else if (value < 5) + { + num = num - (10-value); + } + return num; +} +" +b03488a6815f9ad6bef353c3f3d4043b324fa39c,"public int roundSum(int a, int b, int c) +{ + int roundA = 0; + int roundB = 0; + int roundC= 0; + roundA = this.round10(a); + roundB = this.round10(b); + roundC = this.round10(c); + + return (roundA+roundB+roundC) + +} + +public int round10(int num) +{ + int value = 0; + value = num % 10; + if (value>= 5) + { + num = num +(10-value); + } + else if (value < 5) + { + num = num - (10-value); + } + return num; +} +" +c644f3df4213f8c60e523277ca333aba00eb116c,"public int roundSum(int a, int b, int c) +{ + int roundA = 0; + int roundB = 0; + int roundC= 0; + roundA = this.round10(a); + roundB = this.round10(b); + roundC = this.round10(c); + + return (roundA+roundB+roundC); + +} + +public int round10(int num) +{ + int value = 0; + value = num % 10; + if (value>= 5) + { + num = num +(10-value); + } + else if (value < 5) + { + num = num - (10-value); + } + return num; +} +" +c4fee0e2ee65eefc9385c285f0bda8fc3af692cf,"public int roundSum(int a, int b, int c) +{ + int roundA = 0; + int roundB = 0; + int roundC = 0; + roundA = this.round10(a); + roundB = this.round10(b); + roundC = this.round10(c); + + return (roundA+roundB+roundC); + +} + +public int round10(int num) +{ + int value = 0; + value = num % 10; + if (value>= 5) + { + num = num +(10 - value); + } + else if (value < 5) + { + num = num - (10 - value); + } + return num; +} +" +6ca2369090ce14fca33b48ad859c502a969b1f3a,"public int roundSum(int a, int b, int c) +{ + int roundA = 0; + int roundB = 0; + int roundC = 0; + roundA = this.round10(a); + roundB = this.round10(b); + roundC = this.round10(c); + + return (roundA+roundB+roundC); + +} + +public int round10(int num) +{ + int value = 0; + value = num % 10; + if (value>= 5) + { + num = num +(10 - value); + } + else if (value < 5) + { + num = num - value; + } + return num; +} +" +ed04c184e19f64494b230f6be25cd161c4a8fc30,"public int roundSum(int a, int b, int c) +{ + int answer = round10(a) + round10(b) + round10(c) + return answer; +} + +public int round10(int num) +{ + int rem = num % 10; + if( rem >= 5) + { + int x = 10 - rem; + int answer = num + rem; + return answer; + + } + else + { + int answer = num - rem; + return answer; + + } + + +} +" +0bbe122e6caf5104438a7fdd7afb39195a633348,"public int roundSum(int a, int b, int c) +{ + int answer = round10(a) + round10(b) + round10(c); + return answer; +} + +public int round10(int num) +{ + int rem = num % 10; + if( rem >= 5) + { + int x = 10 - rem; + int answer = num + rem; + return answer; + + } + else + { + int answer = num - rem; + return answer; + + } + + +} +" +b872845fca7d767a5e9c266af9e3715d01f8cbf7,"public int roundSum(int a, int b, int c) +{ + int answer = round10(a) + round10(b) + round10(c); + return answer; +} + +public int round10(int num) +{ + int rem = num % 10; + if( rem >= 5) + { + int x = 10 - rem; + int answer = num + x; + return answer; + + } + else + { + int answer = num - rem; + return answer; + + } + + +} +" +0d2b79df718bbd16294ee3c0e0344299eb6cb07b,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + if (num >= 15) + { + return 20; + } + else + { + return 10; + } + +} +" +8d1fe03bb1a64a52f4d4950ee7511ae6cd8f9be6,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + +} + +public int round10(int num) +{ + if (num >= 15) + { + return 20; + } + else + { + return 10; + } + +} +" +0d9340f78280bf797f9e63001765e81d4ab60b97,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + if (num >= 15) + { + return 20; + } + else + { + return 10; + } + +} +" +d7a5f0dee4240d42ba089fdb90bf21d5004d5a4f,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num >= 15) + { + return 20; + } + else + { + return 10; + } + +} +" +5393c383e299758a2e6dc0b40d63e527468d12b2,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(1); + if (part >= 5) + { + return 20 + } + else + { + return 10; + } + +} +" +b435607f4540ef9033fa31714ef5df2c49f57c6f,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(1); + if (part >= 5) + { + return 20; + } + else + { + return 10; + } + +} +" +eecc399595ec15bd44e8ae3b76a15ef876ad9d68,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int sum = a + b + c + return sum; + +} + +public int round10(int num) +{ + int r = num % 10 + if (r >= 5) + { + return num + r; + } + else + { + return num - r; + } + +} +" +da2458c51532fb3ea2b7a4e2db6825a6408bc395,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + int sum = a + b + c; + return sum; + +} + +public int round10(int num) +{ + int r = num % 10; + if (r >= 5) + { + return num + r; + } + else + { + return num - r; + } + +} +" +db765cd5949b31fce29c178501d6df8f198366dd,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + num = ((num + 10) - (num % 10)); + return num; + } + else + { + num = (num - (num % 10)); + return num; + } +} +" +3a1211d1d5c75379a26308989f2509fbd7b534e9,"public int roundSum(int a, int b, int c) +{ + + int sum = round10(a) + round10(b) + round10(c); + return sum; + +} + +public int round10(int num) +{ + int r = num % 10; + if (r >= 5) + { + return num + r; + } + else + { + return num - r; + } + +} +" +dde37bb6b513b8a687c5ff1da671e395dbe360fc,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return (a+b+c); +} + +public int round10(int num) +{ + if ((num % 10) >= 5) + { + num = ((num + 10) - (num % 10)); + return num; + } + else + { + num = (num - (num % 10)); + return num; + } +} +" +608a390fd9a9f29bc39ad8e1edad0127778962aa,"public int roundSum(int a, int b, int c) +{ + + int sum = round10(a); + round10(b); + round10(c); + return sum; + +} + +public int round10(int num) +{ + int r = num % 10; + if (r >= 5) + { + return num + r; + } + else + { + return num - r; + } + +} +" +b97302e008ba0eadfe78874b5539e08ca695f2bd,"public int roundSum(int a, int b, int c) +{ + + int sum = round10(a) + round10(b) + round10(c); + return sum; + +} + +public int round10(int num) +{ + int r = num % 10; + if (r >= 5) + { + return num + 10 - r; + } + else + { + return num - r; + } + +} +" +ff27dd7a1b332c29f44a87b67dd8b24c977e20e0,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num > 4*X && num < 11*X) + { + return 10*X; + } + if (num >= 1*X && num < 5*X) + { + return 1*X; + } + +} +" +f9a35c271f22c1956b8e12ae489670727e928380,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (n%10 > 4) + { + return (((n/10) + 1) * 10); + } + else + { + return ((n/10)*10); + } +} +" +e40c0b61d016c11481ee5f5da21a88e179fd5d6a,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num%10 > 4) + { + return (((num/10) + 1) * 10); + } + else + { + return ((num/10)*10); + } +} +" +2ca77655b3c8d5a8c339ae255b76f1f38eaceac4,"public int roundSum(int a, int b, int c) +{ + int roundA = round10(a); + int roundB = round10(b); + int roundC = round10(c); + return roundA + roundB + roundC; +} + +public int round10(int num) +{ + int secondDigit = num % 10; + if(secondDigit > 4) { + return num + 10 - (num % 10); + } + else { + return num - (num % 10); + } +} +" +7fbecabb9ca729c33799aa37144dbb58b936db10,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - rd; + } + else + { + return num - rd; + } +} +" +644d65a7ab7d776d487df9b5aed170289cb50258,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + else + { + return num - round; + } +} +" +b80a03c876d95be850fd1498611e57ea582ad9e7,"public int roundSum(int a, int b, int c) +{ + if (int a > 5) a = 20; + if (int b > 5) b = 20; + if (int c > 5) c = 20; + } + +public int round10(int num) +{ + if (int a < 5) a = 10; + if (int b < 5) b = 10; + if (int c < 5) c = 10; +} +" +66ba1c5d130157c7311fb9882f1daa28287c4491,"public int roundSum(int a, int b, int c) +{ + if (int a > 5) + a = 20; + if (int b > 5) + b = 20; + if (int c > 5) + c = 20; + } + +public int round10(int num) +{ + if (int a < 5) a = 10; + if (int b < 5) b = 10; + if (int c < 5) c = 10; +} +" +ceb6db922a91013a1c0c2edbeff566a6c42b4ea5,"public int roundSum(int a, int b, int c) +{ + if (int a > 5); + a = 20; + if (int b > 5); + b = 20; + if (int c > 5); + c = 20; + } + +public int round10(int num) +{ + if (int a < 5) a = 10; + if (int b < 5) b = 10; + if (int c < 5) c = 10; +} +" +31aa0808ab2be40bfb95ba809a6668afaef0901e,"public int roundSum(int a, int b, int c) +{ + if (int a > 5); + return a = 20; + if (int b > 5); + return b = 20; + if (int c > 5); + return c = 20; + } + +public int round10(int num) +{ + if (int a < 5) a = 10; + if (int b < 5) b = 10; + if (int c < 5) c = 10; +} +" +ded4c90d2943d304479487d835b6a10615db92aa,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if(rd >= 5) + return num + 10 - rd; + else + return num - rd; +} +" +f5e5d772e18aaa285a9a88192ae4521eee234063,"public int roundSum(int a, int b, int c) +{ +return round10(a) + round10(b) + round10(c); + } + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +3b45f2820ca49dec53f55f535ca6d2e16bfa686f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +ca28f74eef15a5cb1790d981536a31421329a5a1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +f4a55accf9a35535a32334b34c22463c089f8650,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5){ + num = num + 10 - num % 10; + } + else + { + num = num - num % 10; + } + +} +" +56420e5c2f0664b8e18aeced110e424efa21541a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5){ + num = num + 10 - num % 10; + } + else + { + num = num - num % 10; + } + +} +" +9d76ddcd7efa19646e223e7a592d4dbffe5724b0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5){ + num = num + 10 - num % 10; + } + else + { + num = num - num % 10; + } + return num; +} +" +6939a86aad1b31a4f05fb9dbb1d8eaa71824ba65,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +0971bb1d114d3704c5f483f603a8432d879bcb30,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num%10 > 5) + return (((num/10) + 1) * 10); + else + return ((num/10) * 10); + +} +" +dc9e006cfe9d2c22d25b9b0fe347806f68d34651,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num%10 > 4) + return (((num/10) + 1) * 10); + else + return ((num/10) * 10); + +} +" +90fc469d302471771fadb0a2c73668b87696094a,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10 +}" +6901807755c8d1946c03a38b77033355b2446966,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } + else + { + return num; + } +}" +a82dd1cdf634252b93dad54424a8943d747b960b,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit >= 5) + { + return num + (10 - lastDigit); + } + else + { + return num - lastDigit; + } +}" +2f0a2b01b8d36b9b41d35269fb9c59a0cd367b3b,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit >= 5) + { + int roundUp = num + (10 - lastDigit); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +f08ece5024a88dad4b1cee961c292e113140ff9c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + { + return num + 10 - round; + } + return num - round; +} +" +c55f105c03c0e5838fb1117578038f4ce1bde06f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 >= 5) + return num + 10 - num%10; + else + return num - num%10, +} +" +d99e783a9df902a989a8a45c6690737b8c154a9e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 >= 5) + return num + 10 - num%10; + else + return num - num%10; +} +" +6244dbab1c9af721279cde656c498a24d1437c8a,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + int roundUp = num + (10 - lastDigit); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +982dc3566126025391e0dc7e64be9366f317fa0c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 < 5) + return num - num%10; + else + return num + 10 - num%10; + +} +" +544a978d94874ba7806af388d8f8b2efbb1abe7c,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + int roundUp = num + (10 - (num % 10)); + return roundUp; + } + else + { + int roundDown = num - (num % 10); + return roundDown; + } +}" +f64c730055eef4e463bb44010e69dc81e66e2434,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 < 5) + return num - num%10; + else + return num + 10 - num%10; +} +" +ffe6f757221433e4f72e2fcecadac93f1a37ee91,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10 + if (lastDigit >= 5) + { + int roundUp = num + (10 - (lastDigit)); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +fee40e49a229bf03a7db2e134f4141ea90d4b215,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit >= 5) + { + int roundUp = num + (10 - lastDigit); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +69927d1d770e7029c1927d4a289b7782db4c1f79,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit > 5) + { + int roundUp = num + (10 - lastDigit); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +e7d9a3256084764cfac673fcf9124ef323c4a034,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return aRound + bRound + cRound; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit > 5) + { + int roundUp = num + (10 - lastDigit); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +c6d5f9f50f5c34ea5c9692d354cd1687ede241aa,"public int roundSum(int a, int b, int c) +{ + int aRound = round10(a); + int bRound = round10(b); + int cRound = round10(c); + return aRound + bRound + cRound; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + if (lastDigit >= 5) + { + int roundUp = num + (10 - lastDigit); + return roundUp; + } + else + { + int roundDown = num - lastDigit; + return roundDown; + } +}" +3ecb750b1b684b6472cbe34ba3d0b489ca9a027e,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +c2ad854614eb9b0bec3de7e427c7cc588603f02e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) { + return num + 10 - round; +} +" +8db2cfae2dd0e93c8ea40575b8aa254da587e49a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) { + return num + 10 - round; + } +} +" +76edd81a781ad721fc57970dbef6d188426122da,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) { + return num + 10 - round; + } + else { + return num-round; + } +} +" +37663fe7931cfeeed570ba0e0a02da4797c34f8c,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int part = num % 10; + if(part >= 5) + return num + (10 - part); + return num - part; +} +" +3239191b2ef6cb740f17ec2e941d134d02a885a9,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 5 < 5) + { + num - (num % 5) = num; + } + else + { + num + (num -(num % 5)) = num; + } +} +" +46512dd09eaaa40da19dacd885874da0120cee10,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 5 < 5) + { + return num - (num % 5) = num; + } + else + { + num + (num -(num % 5)) = num; + } +} +" +b9151fdba82ea4fa09381d57dea17b33c079953b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 5 < 5) + { + return num - (num % 5); + } + else + { + return num + (num -(num % 5)); + } +} +" +54038dc1f16386583921783b8a2a84590ac1ad17,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 5 =< 5) + { + return num - (num % 5); + } + else + { + return num + (num -(num % 5)); + } +} +" +09f171ae06c4d9d7747030302bfd11bc09a699cb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 5 <= 5) + { + return num - (num % 5); + } + else + { + return num + (num -(num % 5)); + } +} +" +7f6e44b7fc1dcc98eaf50680c7824c1842839459,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 5 < 5) + { + return num - (num % 5); + } + else + { + return num + (2*(num -(num % 5))); + } +} +" +5b41ad317e140f931be145bea79eebbabba7bfc7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return num - (num % 10); + } + else + { + return num + (num -(num % 10)); + } +} +" +fd26fbcdcfb7a8b275efb754c4b81fea78606645,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return num - (num % 10); + } + else + { + return num + (num -(num % 10) - 1); + } +} +" +7465e2a0cd643b757acf7108574c49428289cbe1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return num - (num % 10); + } + else + { + return (num + (num -(num % 10)) - 1); + } +} +" +38b31687e08b918a2ccd1146a577e7d1b2bfe829,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return num - (num % 10); + } + else + { + return num + (10 - num % 10); + } +} +" +d9474f7cd64bc348e32353e433bbb34e87700802,"public int roundSum(int a, int b, int c) +{ + round10(a)+round10(b)+round10(c) +} + +public int round10(int num) +{ + int remain = (num % 10) + if (remain<5) + { + int sum = (num-remain) + } + else + { + int sum = (num+(10-remain)) + } +} +" +b37b6d8030e1088048308dae2452373397d16d3c,"public int roundSum(int a, int b, int c) +{ + disp (round10(a)+round10(b)+round10(c)) +} + +public int round10(int num) +{ + int remain = (num % 10) + if (remain<5) + { + int sum = (num-remain); + } + else + { + int sum = (num+(10-remain)); + } +} +" +651da39d2d484aabfb730d8d42e1841d9aca2dff,"public int roundSum(int a, int b, int c) +{ + return (round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int remain = (num % 10); + if (remain<5) + { + int sum = (num-remain); + } + else + { + int sum = (num+(10-remain)); + } +} +" +1c162058f45ac3975e1cee9560d292e8fdc8b9d1,"public int roundSum(int a, int b, int c) +{ + return (round10(a)+round10(b)+round10(c)); +} + +public int round10(int num) +{ + int remain = (num % 10); + if (remain<5) + { + int sum = (num-remain); + } + else + { + int sum = (num+(10-remain)); + } +} +" +03c07b7e83c6b53bee7bb6f0cd195cbd479e1334,"public int roundSum(int a, int b, int c) +{ + return (round10(a)+round10(b)+round10(c)); +} + +public int round10(int num) +{ + int remain = (num % 10); + if (remain<5) + { + int sum = (num-remain); + return sum; + } + else + { + int sum = (num+(10-remain)); + return sum; + } +} +" +547a75d19d87d9e5a62a9901946df805b224f6a6,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +57413b74af3352ea85512b39ad9c4aa994e20ea7,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int theDigit = num % 10; + if(theDigit >= 5) + return num + (10 - theDigit); + return num - theDigit; +} +" +2c6870485a0d35ba1bbf42e63043776a96ad7708,"public int roundSum(int a, int b, int c) +{ + int a = this.round10(a); + int b = this.round10(b); + int c = this.round10(c); + + int roundSum = a + b + c; +} + +public int round10(int num) +{ + int round10 = 0; + int roundedNum = num % 10; + + if (num < 10) + { + if (num / 5 > 1) + { + num = 0; + } + else + { + num = 0; + } + } + else + { + if (roundedNum >= 5) + { + roundedNum = 10 - roundedNum; + num = roundedNum + num; + } + else if ((roundedNum < 10) && (roundedNum != 0)) + { + num = num - roundedNum; + } + } + round10 = num; + return round10; +} +" +f661e0afe73a558494c03cb3a05572227df367c6,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + int roundSum = a + b + c; +} + +public int round10(int num) +{ + int round10 = 0; + int roundedNum = num % 10; + + if (num < 10) + { + if (num / 5 > 1) + { + num = 0; + } + else + { + num = 0; + } + } + else + { + if (roundedNum >= 5) + { + roundedNum = 10 - roundedNum; + num = roundedNum + num; + } + else if ((roundedNum < 10) && (roundedNum != 0)) + { + num = num - roundedNum; + } + } + round10 = num; + return round10; +} +" +122351bbfe52ebd0f9a7ea655f3de2b511ff9c7f,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + int roundSum = a + b + c; + return roundSum; +} + +public int round10(int num) +{ + int round10 = 0; + int roundedNum = num % 10; + + if (num < 10) + { + if (num / 5 > 1) + { + num = 0; + } + else + { + num = 0; + } + } + else + { + if (roundedNum >= 5) + { + roundedNum = 10 - roundedNum; + num = roundedNum + num; + } + else if ((roundedNum < 10) && (roundedNum != 0)) + { + num = num - roundedNum; + } + } + round10 = num; + return round10; +} +" +464e9997c132edd669680748067e52e8bfc21e77,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + + if(round >= 5) + return num + 10 - round; + + return num - round; +} +" +65cc0bdded7170804cb9ee1162f665b1c869e6a5,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + int roundSum = a + b + c; + return roundSum; +} + +public int round10(int num) +{ + int round10 = 0; + int roundedNum = num % 10; + + if (num < 10) + { + if (num / 5 > 1) + { + num = (10 - num) + num; + } + else + { + num = 0; + } + } + else + { + if (roundedNum >= 5) + { + roundedNum = 10 - roundedNum; + num = roundedNum + num; + } + else if ((roundedNum < 10) && (roundedNum != 0)) + { + num = num - roundedNum; + } + } + round10 = num; + return round10; +} +" +5c4c48fac1fb58a1ebca4a9a2fa8677298e7cf65,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)) +} + +public int round10(int num) +{ + int round = num % 10; + + if(round >= 5) + return num + 10 - round; + + return num - round; +} +" +82e86c4f370928faff30ceea3ccc3bdd790121c5,"public int roundSum(int a, int b, int c) +{ + return(round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int round = num % 10; + + if(round >= 5) + return num + 10 - round; + + return num - round; +} +" +62e36709dfbb8ccf2b58f4172916a82a8435bc7a,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + + int roundSum = a + b + c; + return roundSum; +} + +public int round10(int num) +{ + int round10 = 0; + int roundedNum = num % 10; + + if (num < 10) + { + if (num / 5 >= 1) + { + num = (10 - num) + num; + } + else + { + num = 0; + } + } + else + { + if (roundedNum >= 5) + { + roundedNum = 10 - roundedNum; + num = roundedNum + num; + } + else if ((roundedNum < 10) && (roundedNum != 0)) + { + num = num - roundedNum; + } + } + round10 = num; + return round10; +} +" +8de45bf4b601a4586097fa3bb9f802c405f64447,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num > num + 5) { + return num + 5; + } + else if (num < num - 5) { + return num - 5; + } +} +" +957bc412efcc9fad74668e24e1fa1adfc82a1a24,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num > num + 5) { + return num + 5; + } + else if (num < num - 5) { + return num - 5; + } + else { + return num; + } +} +" +ab4c7ca211f302eb520fe46358b1fc59aec4c3ad,"public int roundSum(int a, int b, int c) +{ + return a+b+c; +} + +public int round10(int num) +{ + if (num>4) + { + num = 10; + } + else + { + num = 0; + } +} +" +af67e2d7c9e8e1df55e46659e6a5615634c1300e,"public int roundSum(int a, int b, int c) +{ + return a+b+c; +} + +public int round10(int num) +{ + if (num>4) + { + num = 10; + } + else + { + num = 0; + } +return 0; +} +" +4b8ab1938bfd55a342358fae23693a9acf3bd925,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) { + return num = num + 5; + } +} +" +b770a2f4652af46ff0d662e716d0f4a8347b35eb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) { + return num = num + 10; + } + else { + return num; + } +} +" +90dc97a537221dc567a58de3ff673826a5916554,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c) +} + +public int round10(int num) +{ + if (num-num/10 >=5) + { + return (num/10-1)*10; + } + else + { + return (num/10+1)*10; + } +} +" +3578a9e0baf68367939190804229f447b7292400,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num-num/10 >=5) + { + return (num/10-1)*10; + } + else + { + return (num/10+1)*10; + } +} +" +9b30acbf7a3ecf55d96599f3523345c96be4f14e,"public int roundSum(int a, int b, int c) +{ + a = round(a); +b = round(b); +c = round(c); + +return a + b + c; +} + +public int round10(int num) +{ + double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +c309bd404d360b992839e6c362451f3413d8ed32,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num-num/10 >=5) + { + return num/10; + } + else + { + return (num/10+1)*10; + } +} +" +d118a8ae68fa441b9de5b8f8ea08f944e20a7561,"public int roundSum(int a, int b, int c) +{ + a = roundSum(a); +b = roundSum(b); +c = roundSum(c); + +return a + b + c; +} + +public int round10(int num) +{ + double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +78345ec4bc13c7d05c58e4c5b03c8a81da2d59b2,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num-num/10 >=5) + { + return (num/10+1)*10; + } + else + { + return num/10; + } +} +" +20204ac53dc4d5cf26318206a62247208983e9d1,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num-num/10 >=5) + { + return (num/10+1)*10; + } + else + { + return num/10*10; + } +} +" +657803dfa66935594e1f170f5d45493a7e6e268d,"public int roundSum(int a, int b, int c) +{ + a = round10(a); +b = round10(b); +c = round10(c); + +return a + b + c; +} + +public int round10(int num) +{ + double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +33749f5daf760f075f1a8233a9cd3773579c00d3,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if (num-num/10*10 >=5) + { + return (num/10+1)*10; + } + else + { + return num/10*10; + } +} +" +11bb668851ee5ea1d53e0a4a4a707931a29eeab8,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round20(c)); +} + +public int round10(int num) +{ + int round = num%10; + num = num-round; + if(round>=5) + { + num+=10; + } + return num; +} +" +ed9a6babec82e7318dda6fb4a0b952ded6c5b914,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int round = num%10; + num = num-round; + if(round>=5) + { + num+=10; + } + return num; +} +" +4cbf8228090da8fc7b21c3ef3a6ecea59b0f8e5f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int value = num % 10 + if (value >= 5) + { + return num + (10 - value); + } +} +" +fff12e126f1fe3d986b3bd77b4e7a8af7d7ce4e8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + return num + (10 - value); + } +} +" +cd70ab21034dd252e73d07cb46bafc33ccdf31eb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int value = num % 10; + if (value >= 5) + { + return num + (10 - value); + } + else + { + return num - value; + } +} +" +6d3b13c00654d5b678237fbe5cda17c7278fd3fe,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + int z = num % 10; + if (z >= 5) + { + return num + 10 - z; + } + else + { + return num - z; + } +} +" +56c0610ac8c8c94eac110ca269d7614292a90ea7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int z = num % 10; + if (z >= 5) + { + return num + 10 - z; + } + else + { + return num - z; + } +} +" +0e4f0df07db19447cc58b3060b3c5ba66a45ceaa,"public int roundSum(int a, int b, int c) +{ + sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + +} +" +d6b0b79d1e3ea1e38f078065d224092c78315d91,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + num = num + (10 - num % 10); + else + num = num - (num % 10); +} +" +b6de8154098cfe4a9fdc4e55d00e72e0bab7988f,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + +} +" +aed28b3c7877c6b23ea1377ed21ae54bbc6a0d62,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + return d + e + f; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + num = num + (10 - num % 10); + else + num = num - (num % 10); +} +" +627142fc8bb7e948ad54664910fcc06f9cf7c0a0,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + return d + e + f; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + num = num + (10 - num % 10); + return num; + } + else + { + num = num - (num % 10); + return num; + } +} +" +58d8e46973cb28c174e33a8ce60668ba7ddb8a54,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num.subsrting(1)>=5) + return true +} +" +caad859430f1b247c0ec650f96bb92e716881d3f,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num.subsrting(1)>=5) + return true; +} +" +b709002a764ca54a812e212c1f5371f2eb2d9c04,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num.subsrting(1)>=5) + return 1; +} +" +4e50ec6317cce4f41e30447ffb00fa2e51032e19,"public int roundSum(int a, int b, int c) +{ + a=round10(a); + b=round10(b); + c=round10(c); + int sum = a+b+c; + return sum; +} + +public int round10(int num) +{ + int dig=num%10; + if(dig<5) + { + num=num-dig; + } + if(dig>=5) + { + num=num+(10-dig); + } + return num; + +} +" +ceeb0e82f34954527c60c8affd5f38a3ae4b67bc,"public int roundSum(int a, int b, int c) +{ + a=round10(a); + b=round10(b); + c=round10(c); + int sum = a+b+c; + return sum; +} + +public int round10(int num) +{ + int dig=num%10; + if(dig<5) + { + num=num-dig; + } + if(dig>=5) + { + num=num+(10-dig); + } + return num; + +} +" +7474ebfca8706752b650c3b0733e61c4d9cf0cc5,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 < 5) + return num-(num%10); + else + return num+(num%10); + +} +" +a5bfcf66b3085f4b14444c1e15a343c5ce819b33,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder >= 5) + return num + 10 - remainder; + else + return num - remainder; +} +" +025a30c7f635f9e277aae29f8b78b2e28d246313,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int remain = num % 10; + if(remain>=5) + num = num + (10-remain); + else + num = num - remain; +} +" +69430119364fcf9ba1778d67e892cf7f249feabc,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int remain = num % 10; + if(remain>=5) + num = num + (10-remain); + else + num = num - remain; + return num; +} +" +dcb22d534341e9e64e8653b6e4de28d94e173db5,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int remain = num % 10; + if(remain>=5) + { + num = num + (10-remain); + } + else + { + num = num - remain; + } + return num; +} +" +896cca6b65137809b5823c8b9b10f2661c521149,"public int roundSum(int a, int b, int c) +{ + round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int remain = num % 10; + if(remain>=5) + { + num = num + (10-remain); + } + else + { + num = num - remain; + } + return num; +} +" +425bde8e439a01d26229afefc12dbfa90fa6609d,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + int remain = num % 10; + if(remain>=5) + { + num = num + (10-remain); + } + else + { + num = num - remain; + } + return num; +} +" +28fa40b65931212066a6a153fb6698ce69aeb024,"public int roundSum(int a, int b, int c) +{ + return round10(a) + return round10(b) + + return round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + + return num - rd; +} +" +8a0957e5b9cd5ee44335436cd9ec666af5683069,"public int roundSum(int a, int b, int c) +{ + return round10(a) + return round10(b) + return round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + + return num - rd; +} +" +810dc398e6f7a0ffb75911ff1672e067b90b25b0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + + return num - rd; +} +" +1a404472681fc0a1b0e1096bd521674ee56675c6,"public int roundSum(int a, int b, int c) +{ + int ra = round10(a); + int rb = round10(b); + int rc = round10(c); + return ra +rb + rc; +} + +public int round10(int num) +{ + int r = num % 10; + if(r >= 5){ + int ad = 10-r; + return num + ad; + }else{ + return num - r; + } +} +" +8449bd212065ae34b3db870b63dc11af1ed87ab7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + return num - rd; +} +" +8d4de14ebed671ff3c2970ee70e2d0370083b612,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + num = num - remainder; + if (remainder >= 5) + { + num = num + 10; + } + else + { + return num; + } + +} +" +8e73ce40a0ec36271008a48db5c21e861fe64bff,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + num = num - remainder; + if (remainder >= 5) + { + num = num + 10; + } + return num; +} +" +b83d4bcafcde20f904c05473f16b074ca05e815f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + num = num - remainder; + if (remainder >= 5) + { + num = num + 10; + } + return num; +} +" +cccc9c41e78f3135f479a2eedf7918b02f363430,"public int roundSum(int a, int b, int c) +{ + return a+b+c; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + int roundUp; + int roundDown; + + if (lastDigit>4) + { + newNumber = num + (10 - lastDigit); + roundUp = newNumber; + return roundUp; + } + else + { + newNumber = num - lastDigit; + roundDown = newNumber; + return roundDown; + } +} +" +c38dd3b0e71405531fc4a5973c7ce4b66d503d0c,"public int roundSum(int a, int b, int c) +{ + int newA = round10(a); + int newB = round10(b); + int newC = round10(c); + + return newA + newB + newC; +} + +public int round10(int num) +{ + int lastDigit = num % 10; + int newNumber; + int roundUp; + int roundDown; + + if (lastDigit>4) + { + newNumber = num + (10 - lastDigit); + roundUp = newNumber; + return roundUp; + } + else + { + newNumber = num - lastDigit; + roundDown = newNumber; + return roundDown; + } +} +" +38c0dfcffb4927bcc623b920543a20311aa4fe06,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +89743d2b7f9a39c67f0220c8f19522be778dca70,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 > 5) + return Math.round(num); + else + return num-(num%10); + +} +" +e059ba819002b827cc62caee436215b5a6673e20,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 > 5) + return num+(num%10); + else + return num-(num%10); + +} +" +a0caf38807133f4d5b293b79ddbab73c7b99ac55,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 > 5) + return num+(10-num%10); + else + return num-(num%10); + +} +" +80dd96928bbbcf8b2057c8fd670617e5ac96fa94,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 > 5) + return num+(10-num%10); + else + return num-(10-num%10); + +} +" +42f646410100b2a7fd7842e131dd664a00c5026e,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 > 5) + return num+(10-num%10); + else + return num-(num%10); + +} +" +a02b72edb69fdc47b506a4c236fa80713304f825,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + if (num%10 >= 5) + return num+(10-num%10); + else + return num-(num%10); + +} +" +4c71817c1ec9a31081c3ba21fcf585f737bc291e,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} + +public int round10(int num) +{ + int n = num%10; + int x = num/10; + if (n >= 5) + { + num = x*10; + return num; + } + return x; + + +} +" +6da191675fef09193733d7d6f92384fa96555347,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} + +public int round10(int num) +{ + int n = num%10; + int x = num/10; + if (n >= 5) + { + num = x+10; + return num; + } + return x; + + +} +" +bfd01c281ab8255d4c19af1ec0c8ae12d0a29f98,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} + +public int round10(int num) +{ + int n = num%10; + int x = num/10; + if (n >= 5) + { + num = x+10; + return num; + } + return x*10; + + +} +" +576f1f0e294136e28462f69981c6a2eba3c6766c,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} + +public int round10(int num) +{ + int n = num%10; + int x = num/10; + if (n >= 5) + { + y = x+1; + num = y*10; + return num; + } + return x*10; + + +} +" +3b1f25c67a5f07e91b200afd9b65659f3456e68b,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; +} + +public int round10(int num) +{ + int n = num%10; + int x = num/10; + if (n >= 5) + { + int y = x+1; + num = y*10; + return num; + } + return x*10; + + +} +" +2eeb7fa1d2fd74d12ae4b26ad4d62ddbc61b4f26,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int n = num % 10; + + if(n >= 5) + { + num == num + (10-n); + } + else + { + num == num - n; + } +} +" +acf68ee14e8bbbb4c7037ac6430a44a2a7624ef8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int n = num % 10; + + if(n >= 5) + { + num = num + (10-n); + } + else + { + num = num - n; + } + return num; +} +" +c4c7e5c92e2bb77a987aa69b3268b66c0a7ca316,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +a9bc0aae5deea08fe7b719e2a634b36d279c7c91,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num 10; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +9cf530a21c2f36c102777f8433923626e9df344e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +31a196a62608456511ff044f3ad34e63dd1a3d94,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +aa23f93970fd354102c95e253f6298670ac5b43a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +6b7c246230c2f2eba11a5035a6d8cb372512188e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +892a5a3886a37110226513fe655b564b73fba9bb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm <= 5) + { + return num - 10 - nm; + } + else + { + return num + nm; + } +} +" +7477949d7868ef4acd40358440029ef0248183a8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm <= 5) + { + return num - 10 + nm; + } + else + { + return num + nm; + } +} +" +e4744c993287e2211c1d6fc4df1e242304bef87d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +7be54e9a5b5df92e29ab9c988c70b03c3368f3ec,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm <= 5) + { + return num - (10 - nm); + } + else + { + return num - nm; + } +} +" +4917f67c42d45010576e4776491729235fcd1c5a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm <= 5) + { + return num - (10 + nm); + } + else + { + return num - nm; + } +} +" +7bf3b292b451eaa996a3fbbbd8aef548184f3fbd,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm <= 5) + { + return num - (10 + nm); + } + else + { + return num + nm; + } +} +" +6ddb54c2b295e2e234533eb8cf78f2851953ad3a,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm <= 5) + { + return num - (10 - nm); + } + else + { + return num + nm; + } +} +" +6b2ae6908548c309b0f6ae56793471178964a4f6,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int nm = num % 10; + if (nm >= 5) + { + return num + 10 - nm; + } + else + { + return num - nm; + } +} +" +0827cc619b1c8b18bf733e2ec9b627514c8edbd9,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - num % 10; + } + else + { + return num - num % 10; + } +} +" +0acf6ca088683963ff3eca412cef47ca2bfc5a1d,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else + { + num = num + num % 10; + } +} +" +d67a24c80c9ea3c6826255d26ead17d8c6378829,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (a >= 5) + { + return 10; + } + else + { + return 0; + } + if (b >= 5) + { + return 10; + } + else + { + return 0; + } + if (c >= 5) + { + return 10; + } + else + { + return 0; + } +}" +50de3f27ac4a469d2bf701c2a5a96158ecdaba37,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5) + { + return 10; + } + else + { + return 0; + } + if (num >= 15) + { + return 20; + } + else + { + return 10; + } + +}" +4757281fda50db22fe3e87ec422bfb68dee9f865,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5) + { + return 10; + } + else + { + return 0; + } + if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +b454ee48aa5d6a5662f45dba10e46463aab0246b,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5 && num < 10) + { + return 10; + } + else + { + return 0; + } + if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +37b842b83c65e18af0d9b5281accc585ec0a1150,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else + { + return 0; + } + if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +9dcd0e002eadee2909542e40e34330abc9433691,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + if else (num < 5) + { + return 0; + } + if else (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +0df5ebbf9cadab3e09e61bc343104c7fb33e5f06,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +bdb5262b3efb2376f9d2e628511cda34286a3d50,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int rounded = num % 10; + if (rounded >= 5) + { + return (10 - rounded) + num; + } + return num - rounded; +} +" +93036ea7b5e55ad6559fd07dac226c36abe5849d,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return int sum; +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else + { + num = num + num % 10; + } +} +" +e1e2065c0ee77106ba8715d6cd62193e4a67d031,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +0b0373144faec376fd9c4d776e9969f3cfe615ed,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else + { + num = num + num % 10; + } +} +" +1e241f241e0eebd8b9f43407adced1404a9f0da1,"public int roundSum(int a, int b, int c) +{ + round10(a) = a2; + round10(b) = b2; + round10(c) = c2; + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +611f8264ba7998cb662aa47fbb48cd2b8a2a551c,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15) + { + return 20; + } + else + { + return 10; + } +}" +2d37d95883c4c0fffe45921467b1d73e6745c123,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else + { + num = num + num % 10; + } + return num; +} +" +a1c180a47317095a909d38e4eede422f19f69942,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else if (num % 10 > 5) + { + num = num + num % 10; + } + return num; +} +" +63bb75c6bb81a7e18d79753d338a953320f6d616,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else if (num % 10 >= 5) + { + num = num + num % 10; + } + return num; +} +" +d8716832cb0325aa3ec1b165375c320576496e4f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - num % 10; + } + else if (num % 10 >= 5) + { + num = num + (10 - num % 10); + } + return num; +} +" +6caf986e025a0a24a0e2550ca09702d9c18689b4,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15 && num <= 20) + { + return 20; + } + else if (num < 15 && num >= 10) + { + return 10; + } + else if (num >= 25) + { + return 30; + } + else if (num < 25 && num >= 20) + { + return 20; + } + else if (num >= 35) + { + return 40; + } + else if (num < 35 && num >= 30) + { + return 30; + } + else + { + return 40; + } +}" +7829f8c1a082229ef3536d8a95a83c86c3a00c22,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15 && num <= 20) + { + return 20; + } + else if (num < 15 && num >= 10) + { + return 10; + } + else if (num >= 25) + { + return 30; + } + else if (num < 25 && num >= 20) + { + return 20; + } + else if (num >= 35) + { + return 40; + } + else if (num < 35 && num >= 30) + { + return 30; + } + else if (num >= 45) + { + return 50; + } + else + { + return 40; + } +}" +f009f0fa72b374d726f1fb2dc25fcffa23ac2c13,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15 && num <= 20) + { + return 20; + } + else if (num < 15 && num >= 10) + { + return 10; + } + else if (num >= 25) + { + return 30; + } + else if (num < 25 && num >= 20) + { + return 20; + } + else if (num >= 35) + { + return 40; + } + else if (num < 35 && num >= 30) + { + return 30; + } + else if (num >= 45) + { + return 50; + } + else if (num < 45 && num >=40) + { + return 40; + } +}" +467b3e907db79fd05d411a4aeeca0163d5974a3d,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num >= 5 && num <= 10) + { + return 10; + } + else if (num < 5) + { + return 0; + } + else if (num >= 15 && num <= 20) + { + return 20; + } + else if (num < 15 && num >= 10) + { + return 10; + } + else if (num >= 25) + { + return 30; + } + else if (num < 25 && num >= 20) + { + return 20; + } + else if (num >= 35) + { + return 40; + } + else if (num < 35 && num >= 30) + { + return 30; + } + else if (num >= 45) + { + return 50; + } + else if (num < 45 && num >=40) + { + return 40; + } + else + { + return 50; + } +}" +45823b261087a6283dbe5853ef054ac05f293b26,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + answer = ((num + 5)/10)*10; + return answer; +} +" +90edd4732e8aa96ce73c26b17d1dd3ac0c574eb8,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + return answer; +} +" +67422b9926ab21a80f4a6058c6dba7126b2aaef7,"public int roundSum(int a, int b, int c) +{ + round10(a); + return answer; + round10(b); + return answer; + round10(c); + return answer; +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; +} +" +63e6c49ada643edf826b7a46b95dd5c6d0f98057,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return; +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + return answer; +} +" +2ea312779d272bd80e6a3c49702c9163e758535c,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return; +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + num = answer; +} +" +2d2099bfafb74932add47082191566600514432a,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return; +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + num = answer; + return num; +} +" +fd317738af21e833fdabb580bfe03be5c599d38a,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a; +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + num = answer; + return num; +} +" +0edca178103dba11d4bf70ec239fbede42268c92,"public int roundSum(int a, int b, int c) +{ + a=round10(a); + round10(b); + round10(c); + return; +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + num = answer; + return num; +} +" +2d323ca9b9e6e2fe8b465dfd6d68034fd716e6f1,"public int roundSum(int a, int b, int c) +{ + a=round10(a); + b=round10(b); + c=round10(c); + return (a+b+c); +} + +public int round10(int num) +{ + int answer = ((num + 5)/10)*10; + return answer; +} +" +6233db344cf0a953dd44d142d36392c013af536e,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + return num; +} +" +f3fc45990df20f6f1d3c3bd6bfd28a2a0f8257c9,"public int roundSum(int a, int b, int c) +{ + sum = a+b+c; + return round10(sum); +} + +public int round10(int num) +{ + return num; +} +" +812843fed21c660f914bff5ab76023cea1fffd8d,"public int roundSum(int a, int b, int c) +{ + int sum = a+b+c; + return round10(sum); +} + +public int round10(int num) +{ + return num; +} +" +57596bc26b7f4fc97780e2e424162c08304f0f52,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + return num; +} +" +b4f1eb33ae229fc35b77123ba6355f98d8604476,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + double rounded = num + return rounded; +} +" +c0d14d13ca60c6e9f5835c52ffc70a38077fd41e,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + double rounded = num; + return rounded; +} +" +04f851177b8f30036127b9481ce9dd583f3a91d6,"public int roundSum(int a, int b, int c) +{ + return this.round10(a) + this.round10(b) + this.round10(c); +} + +public int round10(int num) +{ + int value = num % 10; + int newVal = 0; + if (value < 5) { + newVal = num - value; + } + + else { + newVal = num + (10-value); + } + + return newVal; +} +" +5d451b3a0227653e882ec04441820b0af81a66b8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (n % 10 < 5) + { + return n - (n % 10) + } + else + return n + (10 - (n % 10)); + +} +" +3339bc29968a6e283fed94730d7ddc3e90deb190,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (n % 10 < 5) + { + return n - (n % 10); + } + else + return n + (10 - (n % 10)); + +} +" +d2e5e1f36fe1840b486f8963c6ce5b49886acbf7,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return num - (num % 10); + } + else + return num + (10 - (num % 10)); + +} +" +aab03545bf2781b32e0b9704c65c56a23c7b91bb,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num < 5) + { + return 0; + } + else if (num >= 5 && num < 15) + { + return 10; + } + else if (num >= 15 && num < 25) + { + return 20; + } + else if (num >= 25 && num < 35) + { + return 30; + } + else if (num >= 35 && num < 45) + { + return 40; + } + else if (num >= 45) + { + return 50; + } + else + { + return 50; + } +}" +ec8e3bca0be8486b0cbb2786e38d088d717b69d1,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num < 5) + { + return 0; + } + else if (num >= 5 && num < 15) + { + return 10; + } + else if (num >= 15 && num < 25) + { + return 20; + } + else if (num >= 25 && num < 35) + { + return 30; + } + else if (num >= 35 && num < 45) + { + return 40; + } + else if (num >= 45 && num < 55) + { + return 50; + } + else if (num >= 55 && num < 65) + { + return 60; + } + else if (num >= 65 && num < 75) + { + return 70; + } + else if (num >= 75 && num < 85) + { + return 80; + } + else if (num >= 85 && num < 95) + { + return 90; + } + else + { + return 100; + } +}" +a5377461d482cea203e99a5f2761b102338358a4,"public int roundSum(int a, int b, int c) +{ + int a2 = round10(a); + int b2 = round10(b); + int c2 = round10(c); + return a2+b2+c2; +} + +public int round10(int num) +{ + if (num < 5) + { + return 0; + } + else if (num >= 5 && num < 15) + { + return 10; + } + else if (num >= 15 && num < 25) + { + return 20; + } + else if (num >= 25 && num < 35) + { + return 30; + } + else if (num >= 35 && num < 45) + { + return 40; + } + else if (num >= 45 && num < 55) + { + return 50; + } + else if (num >= 55 && num < 65) + { + return 60; + } + else if (num >= 65 && num < 75) + { + return 70; + } + else if (num >= 75 && num < 85) + { + return 80; + } + else if (num >= 85 && num < 95) + { + return 90; + } + else if (num >= 95 && num < 105) + { + return 100; + } + else if (num >= 105 && num < 115) + { + return 110; + } + else + { + return 120; + } +}" +b6d88ae6c165cd1648d52c76a331c81a940dbe93,"public int roundSum(int a, int b, int c) +{ + sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + num = num + (10 - digit); + return num; + } +} +" +ff447ddcf03c0caa58d6f59143a38b9c2d481d39,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + num = num + (10 - digit); + return num; + } +} +" +325b56d2fa27b5ce82a361ddf3dc0df0a5ccac6a,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + num = num + (10 - digit); + } + else + { + num = num - digit; + } + return num; +} +" +f5d64e8588415822a93de724d411ba59bc572afb,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String a = num + """"; + a = a.substring(a.length()-1); + num = a; +} +" +0a95ae0a8ffff5dc422dcc53115943b0ba5128ed,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - (num % 10) + } + else + { + num = num + (10- num % 10) + } + return num; +} +" +66991c3e78d61d95d27eb3aecef67d6343562e83,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - (num % 10) + } + else + { + num = num + (10- num % 10) + } + return num; +} +" +07652f9a101b025ace69738b3c4e0188722e4c90,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + num = num - (num % 10); + } + else + { + num = num + (10- num % 10); + } + return num; +} +" +cec0674d0642429be13c2b347910b2bfd9bf1a12,"public int roundSum(int a, int b, int c) +{ + int r = round10(a); + int e = round10(b); + int t = round10(c); + return a; + return b; + return c; +} + +public int round10(int num) +{ + int rem = num % 10; + int sub = 0; + if(rem>=5) + { + sub = (num - rem) + 10; + } + else + { + sub = num - rem; + } + return sub; + +} +" +90d4b6a56938a72d909153f5913bfedbbde33fa5,"public int roundSum(int a, int b, int c) +{ + int r = round10(a); + int e = round10(b); + int t = round10(c); + return r; + return e; + return t; +} + +public int round10(int num) +{ + int rem = num % 10; + int sub = 0; + if(rem>=5) + { + sub = (num - rem) + 10; + } + else + { + sub = num - rem; + } + return sub; + +} +" +08cf00b92c0adeb0dc91f74a730b01fd56ba12c0,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int variable % 100; + if (variable >= 50) + { + return num + (10 - variable); + } + return num - variable; +} +" +df32dd50c1a026e697a744b4767259c48b59772f,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int variable = num % 100; + if (variable >= 50) + { + return num + (10 - variable); + } + return num - variable; +} +" +cc87fdd08b5ad51a78c81abc82fa0496a3db7084,"public int roundSum(int a, int b, int c) +{ + return round10(a); + return round10(b); + return round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + int sub = 0; + if(rem>=5) + { + sub = (num - rem) + 10; + } + else + { + sub = num - rem; + } + return sub; + +} +" +70f78504f91c5b9ba5652e0196b57cfd15a378ea,"public int roundSum(int a, int b, int c) +{ + return round10(a); + return round10(b); + //return round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + int sub = 0; + if(rem>=5) + { + sub = (num - rem) + 10; + } + else + { + sub = num - rem; + } + return sub; + +} +" +64a02db0fe146e0cea3f9829f6da90c7d12d9223,"public int roundSum(int a, int b, int c) +{ + return round10(a); + //return round10(b); + //return round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + int sub = 0; + if(rem>=5) + { + sub = (num - rem) + 10; + } + else + { + sub = num - rem; + } + return sub; + +} +" +70f8b6acadcdb106fbf92fb99e1643d4fa6d707e,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); + +} + +public int round10(int num) +{ + int rem = num % 10; + int sub = 0; + if(rem>=5) + { + sub = (num - rem) + 10; + } + else + { + sub = num - rem; + } + return sub; + +} +" +b2b7a51d61be4452b2532cb557069859a87ac623,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} + +public int round10(int num) +{ + return (round10(a) + round10(b) + round10(c)); +} +" +de218cb1e6cb0ba7674dc4ffec0ae71d9d62dc44,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +01c00e6692b3768eb69b056deee464b1e80628d7,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + String str = num.toString(); +} +" +4d5bd7679dbcd2e4c876dcaf4b2e89937e9efe37,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder >= 5) + { + num = num + (10 - remainder); + return num; + } + else + { + num = num - remainder; + return num; + } +} +" +883c389bbc3a18043e2f1f5d831a4e7b3f43e5eb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; + +} +" +11099f653f5e9b6253ad07c4804d09475fdbe7d7,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int remainder = num % 10; + if (remainder >= 5) + { + num = num + (10 - remainder); + return num; + } + else + { + num = num - remainder; + return num; + } +} +" +9a015e7b98284b6a859d7a86152782eb56f2b700,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int a) +{ + int d = 0; + while (a>10) + { + a = a - 10; + d++; + } + a = a + 10*(d+1); +} +" +dc0ae83b621aed01a21f42d698d64a956efc23ef,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); +} + +public int round10(int num) +{ + int d = 0; + while (a>10) + { + a = a - 10; + d++; + } + if (a>=5) + { + a = 10*(d+1); + } + else + { + a = 10*d + } + return a; +} +" +1685a064925e6e5a0d9f128f7e32a72e7746cd98,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int d = 0; + while (a>10) + { + a = a - 10; + d++; + } + if (a>=5) + { + a = 10*(d+1); + } + else + { + a = 10*d; + } + return a; +} +" +2ad620a7cc7eb98c4f7e9445121aa74e4f1993aa,"public int roundSum(int a, int b, int c) +{ + this.round10(); + this.round10(); + this.round10(); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int d = 0; + while (a>10) + { + a = a - 10; + d++; + } + if (a>=5) + { + a = 10*(d+1); + } + else + { + a = 10*d; + } + return a; +} +" +88a57647890a13a59e12617bcc1284d2d8d58d4b,"public int roundSum(int a, int b, int c) +{ + this.round10(int a); + this.round10(int b); + this.round10(int c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int d = 0; + while (a>10) + { + a = a - 10; + d++; + } + if (a>=5) + { + a = 10*(d+1); + } + else + { + a = 10*d; + } + return a; +} +" +9887d0d485bde723e9d5f17e8e0855fe19434ad1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int d = 0; + while (a>10) + { + a = a - 10; + d++; + } + if (a>=5) + { + a = 10*(d+1); + } + else + { + a = 10*d; + } + return a; +} +" +3be76c619b24634efc4c30b51bda35731fa65cfd,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int d = 0; + while (num>10) + { + num = num - 10; + d++; + } + if (num>=5) + { + num = 10*(d+1); + } + else + { + num = 10*d; + } +} +" +ad79db5a76d2550650d069dec725e7ac20632b07,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int d = 0; + while (num>10) + { + num = num - 10; + d++; + } + if (num>=5) + { + num = 10*(d+1); + } + else + { + num = 10*d; + } + return num; +} +" +d74d5875853acceaa34c2c40b3d7ebfdc8a60fc7,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +f8540e0354a0774c18458b3a599a7802b2eea6e8,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +36e280871678a2ffbafd3cefe70c6fe25aaab0ad,"public int roundSum(int a, int b, int c) +{ + roundSu, = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + size = len(num); + rem = num % 10; + if (rem >= 5) { + num.charAt(0)+1; + num.charAt(size - 1) == 0; + } + return num; +} +" +4d011202bcddbc11cce0324ef16bdd1a891b0396,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + size = len(num); + rem = num % 10; + if (rem >= 5) { + num.charAt(0)+1; + num.charAt(size - 1) == 0; + } + return num; +} +" +6933fab512a2042ed0b5761e680f1b1777075db9,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + rem = num % 10; + if (rem >= 5) { + num = numb + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +af8645c2bbcdf8f47ace3bc5df22ccad3dfb016e,"public int roundSum(int a, int b, int c) +{ + roundSum(a, b, c) = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + rem = num % 10; + if (rem >= 5) { + num = numb + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +0c6d230670ffca5196a19e4ce3959c4f56e216aa,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + rem = num % 10; + if (rem >= 5) { + num = numb + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +faac19fdff9be476a0617081f8f2a0dec4c762af,"public int roundSum(int a, int b, int c) +{ + int roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + rem = num % 10; + if (rem >= 5) { + num = numb + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +82c64fa09f2ec4b819acaeb99373996b024cc02e,"public int roundSum(int a, int b, int c) +{ + int roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem >= 5) { + num = numb + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +5c2e26bb1c24e526ed416aabaf022f75818d7e74,"public int roundSum(int a, int b, int c) +{ + int roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem >= 5) { + num = num + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +5e9203f5efdb1d8331b6ba5823bb4dc65979ecbe,"public int roundSum(int a, int b, int c) +{ + return int roundSum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem >= 5) { + num = num + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +91730e11ee1218d6e76c8a3416d275443cd2ceaa,"public int roundSum(int a, int b, int c) +{ + int roundSum = round10(a) + round10(b) + round10(c); + return roundSum; +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem >= 5) { + num = num + 10 - rem; + } + else { + num = num - rem; + } + return num; +} +" +e58d1ea880f7fcecedc0b50c4a4078710e5337b8,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round(c); +} + +public int round10(int num) +{ + val = num%10; + if( val => 5) + { + return num + (10-val); + } + else if ( val < 5) + { + return num - (10-val); + } + return 0; +} +" +f43e259c789506e07f47e12623588c071c6d874c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round(c); +} + +public int round10(int num) +{ + val = num%10; + if( val >= 5) + { + return num + (10-val); + } + else if ( val < 5) + { + return num - (10-val); + } + return 0; +} +" +af8b9446f21f386ac4f01f5ae4ad5f5c0801fb80,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + val = num%10; + if( val >= 5) + { + return num + (10-val); + } + else if ( val < 5) + { + return num - (10-val); + } + return 0; +} +" +adf5615f5538f987bdc2e33b4564a595db996259,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int val = num%10; + if( val >= 5) + { + return num + (10-val); + } + else if ( val < 5) + { + return num - (10-val); + } + return 0; +} +" +979ac7c57a684246758cbfdfcc2d086b253cbdda,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int val = num%10; + if( val >= 5) + { + return num + (10-val); + } + else if ( val < 5) + { + return num -val; + } + return 0; +} +" +f2bb480efa1c0d181b5104b97286273e7acb0656,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int k = num % 10; + if(k < 5) { + return num - k; + } else { + return num + (10-k); + } +} +" +a6e1c7ebc6655c1b5ce45071d47f7a242bbec1f0,"public int roundSum(int a, int b, int c) +{ + return (round(a)+round(b)+round(c)) +} + +public int round10(int num) +{ + return (((n+5)/10)*10) +} +" +990cb93a2e0cae7de61df305e58fead4c17309df,"public int roundSum(int a, int b, int c) +{ + return (round(a)+round(b)+round(c)); +} + +public int round10(int num) +{ + return (((n+5)/10)*10); +} +" +d8cc5a7acf2a8210fac1ef9fd176a5014159b5a4,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + + sum=sum+round10(b); + + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +fe6f1db71252da2edc7dfe1ed53b97e3e8c7d386,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + + sum=sum+round10(b); + + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num%10 >4) + { + return (((num/10)+1)*10); + } + else + { + return ((num/10)*10); + } +} +" +b1cb2935ddddbd1e5685ca70fafa575344eaf4d6,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +}" +ca02ede87aac9201afe4c4eea3d6fde9889aba29,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if ((num%10) >=5) + return (10+num-(num%10)); + return (num-(num%10)); +} +" +168c86f46fb47ce78ce50826df083207f4e4e474,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if ((num%10) >=5) + return (10+num-(num%10)); + return (num-(num%10)); +} +" +710f8b25bf9ee2cd12c9d766b397aa13739eb772,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + //if (((num / 5) % 2) >= 1) + if (num % 10 >= 5) + { + num = (num + 10) - (num % 10); + } + else + { + num = num - (num % 10); + } +} +" +4e250a0bfdb6cdaaa054ffd47e3a8872bb5d1f6c,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + //if (((num / 5) % 2) >= 1) + if (num % 10 >= 5) + { + num = (num + 10) - (num % 10); + } + else + { + num = num - (num % 10); + } +return num; +} +" +cf2df06b7d71d5124b1be80ae3e975e9a9a9e3e1,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round(b) + round(c); + +} + +public int round10(int num) +{ + int rd = num % 10; + if (int>=5) + return num + 10 - rd; + return num - rd; + +} +" +f063776174ab7ac0919c2490ee71a68009c12f70,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; + +} + +public int round10(int num) +{ + if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); +} +" +37b007df47a9c8f5d188480229ea342060bf40e4,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; + +} + +public int round10(int num) +{ + if(num%10 >4) +return (((num/10)+1)*10); +else return ((num/10)*10); +} +" +36bc1e2ce6564ba4cd029385a8aec586da037ef0,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return (((num/10) + 1) * 10); + } + else + { + return((num/10) * 10); + } +} +" +4d700c50aecc2479013bea760c7ae8631cc0bd06,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if ( num % 10 < 5) { + return num - (num % 10); + } else { + return num + (10 - (num % 10)); + } +} +" +966317132135bbf1edc8470b2f78f51952323b4f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int A=0; + int D=n%10; + if (D>4) + A=n/10*10 +10; + if(D<5) + A=n/10*10; + return A; + +} +" +197111b4b8c1e42230614541e158ae33768e1070,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int A=0; + int D=num%10; + if (D>4) + A=num/10*10 +10; + if(D<5) + A=num/10*10; + return A; + +} +" +b8ecb2de64c6538f421d333ed99c37ae2f3effd7,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +6fbaeec952b84fd850e5af247daa63e6a9219dd0,"public int roundSum(int a, int b, int c) +{ + sum = a.round10 + b.round10 + c.round10; + return sum; +} + +public int round10(int num) +{ + if ((num - (num - 10)) <= ((num + 10) - num)) + { + return num + 10; + } + else + { + return num - 10; + } +} +" +d663288f181c95fd8c09cb5d304c2e9e440d18f5,"public int roundSum(int a, int b, int c) +{ + int sum = a.round10 + b.round10 + c.round10; + return sum; +} + +public int round10(int num) +{ + if ((num - (num - 10)) <= ((num + 10) - num)) + { + return num + 10; + } + else + { + return num - 10; + } +} +" +ebc3c0e7073c164d48f68cf13a2e498b277da576,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + if ((num - (num - 10)) <= ((num + 10) - num)) + { + return num + 10; + } + else + { + return num - 10; + } +} +" +b0b0979960131cd01de7e4f139e448a807d3ee02,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int remainder = num % 10; + if(remainder>=5) + { + return num + (10-remainder); + } + else + { + return num - remainder; + } +} +" +52b7bb7154c1d3d2250bcfd8a38ed27b89cdf611,"public int roundSum(int a, int b, int c) +{ + int roundA = round10(a); + int roundB = round10(b); + int roundC = round10(c); + return (roundA + roundB + roundC); +} + +public int round10(int num) +{ + int remainder = num % 10; + if(remainder>=5) + { + return num + (10-remainder); + } + else + { + return num - remainder; + } +} +" +f581ff9cc1313049762033d524a41b7bb878a2c6,"public int roundSum(int a, int b, int c) +{ + +int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; + + } +public int round10(int num) +{ + if(n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +dcda61700e2630b5bf258fcfb58f42a8337a7ed4,"public int roundSum(int a, int b, int c) +{ + +int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; + + } +public int round10(int n) +{ + if(n%10 >4) + { + return (((n/10)+1)*10); + } + else + { + return ((n/10)*10); + } +} +" +2924e78f01924ed3bca9a9aa78d20fb790c7204f,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rounding = 0; + rounding = num % 10; + if (rounding >= 5) + { + num = num + (10 - rounding) + } + else + { + num = num - rounding; + } + return num; +} +" +279f0236fcdf13d450076a0762ee37231bc0f041,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rounding = 0; + rounding = num % 10; + if (rounding >= 5) + { + num = num + (10 - rounding); + } + else + { + num = num - rounding; + } + return num; +} +" +40bc011bc6a17a2521baa8f0194d502f975f0d9c,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int rounding = 0; + rounding = num % 10; + if (rounding >= 5) + { + num = num + (10 - rounding); + } + else + { + num = num - rounding; + } + return num; +} +" +ee0481ca1fe692f577eaa25551906038331559e8,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c; +} + +public int round10(int num) +{ + if (num%10 > 4) + { + num = num + (10 - num%10); + } + else + { + num = num - (num%10); + } + return num; +} +" +e349d883e8458fcca3a1fd68a4314dbd13d4c42a,"public int roundSum(int a, int b, int c) +{ + 2 + return round10(a) + round10(b) + round10(c); +03 +} +04 + +05 +public int round10(int n) { +06 + if (n % 10 < 5) +07 + return n - (n%10); +08 + else +09 + return n + (10 - (n%10)); +} + +public int round10(int num) +{ + +} +" +8d1c9ff1411571d93df47b3691ab167b0c032041,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} +public int round10(int n) { + if (n % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10)); +} + +public int round10(int num) +{ + +} +" +f339c536e03f9fe4a5446514289855d8c7eb093f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + return (num % 10 < 5) ? (num / 10 * 10) : (num / 10 * 10 + 10); +} +" +db35dc34e318a6a04768a2707196f4b1e136d56b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (n % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10)); +} +" +8abebe26b03512f4a61ab4d09e115f8840298cc2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + return num - (num%10); + else + return num + (10 - (num%10)); +} +" +f3d0ca67fb79b91aa9cade21f77aa12c87f58d34,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +e41b7ab7ea12e8c89a91537528388406fe382aac,"public int roundSum(int a, int b, int c) +{ + int roundA = round10(a); + int roundB = round10(b); + int roundC = round10(c); + return roundA + roundB + roundC; +} + +public int round10(int num) +{ + int rem = num % 10; + if(rem >= 5) + { + int upBoy = 10 - rem + num; + return upBoy; + } + else + { + int downBoy = num - rem; + return downBoy; + } +} +" +b7b0250ca6d4073042cd5ee3e9b05803ca8ecd9b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +c4c38ea2c68f7959d0060070ac6ee527bebea95c,"public int roundSum(int a, int b, int c) +{ +return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int d = num % 10; + + if(d >= 5) + return num + 10 - d; + + return num - d;" +22f05eaf7afde70317a0f9d26899ee94792e9400,"public int roundSum(int a, int b, int c) +{ +return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int d = num % 10; + + if(d >= 5) + return num + 10 - d; + + return num - d; +}" +fba7a19ffaf77c327ec393fd6f71cb2eff0957e0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if(num%10 >= 5) + return (num/10 * 10 +10); + return (num/10 * 10); +} +" +41d8f7afb38e2a5b6e643e6094a167ed061e3234,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c;) +} + +public int round10(int num) +{ + int m = num%10; + if (m >= 5) + { + return num + 10 - m; + } + return num - m; +} +" +3af903849c3b33d1e4135a098b16a9118a7a7d78,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int m = num%10; + if (m >= 5) + { + return num + 10 - m; + } + return num - m; +} +" +0d95780046f9fbfacf9dcca154e336d6e1595914,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int a=0; + int D=n%10; + if (D > 4) + { + A = n/10*10 + 10; + } + else if + { + A = n/10*10; + } + return a; + +} +" +d41f50165beff46afb7ed7ef78e788576d796692,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int D = num % 10; + if (D >= 5) + { + return num + 10 - D; + } + return a; + +} +" +5039e3ccdd9ca21199d46ca370375b4e6d83a4b0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int D = num % 10; + if (D >= 5) + { + return num + 10 - D; + } + return num - D; + +} +" +db86c07ff71bd79294a1db7416d19a2d2792807b,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +d924898f591e40b8af6abd0adaf46660063d7a8c,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + return d + e + f; +} + +public int round10(int num) +{ + int remainder = num%10; + if(remainder>=5) + { + int x = 10-remainder; + return num + x; + } + else if(remainder <=5) + { + return num-remainder; + } +} +" +178741ebca0f49a6394ba21548fbe5ba9857ec02,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + return d + e + f; +} + +public int round10(int num) +{ + int remainder = num%10; + if(remainder>=5) + { + int x = 10-remainder; + return num + x; + } + else + { + return num-remainder; + } +} +" +8aaefcbbc40a2ecbd25c7e7b8b3330182474a96c,"public int roundSum(int a, int b, int c) +{ + String strA = Integer.to.String(a); + int lastA = Character.getNumericValue(strA.charAt(strA.length()-1)); + String strB = Integer.to.String(b); + String strC = Integer.to.String(c); +} + +public int round10(int num) +{ + +} +" +54d454c0cde73d4f9ada7b462aa0ee19d7165758,"public int roundSum(int a, int b, int c) +{ + String strA = Integer.toString(a); + int lastA = Character.getNumericValue(strA.charAt(strA.length()-1)); + String strB = Integer.toString(b); + String strC = Integer.toString(c); +} + +public int round10(int num) +{ + +} +" +b7aa214160cb8adfea2018bd8a9dae75a99c17db,"public int roundSum(int a, int b, int c) +{ + String strA = Integer.toString(a); + int lastA = Character.getNumericValue(strA.charAt(strA.length()-1)); + int aRounded = round10(lastA); + a = a - lastA + aRounded; + + String strB = Integer.toString(b); + int lastB = Character.getNumericValue(strB.charAt(strB.length()-1)); + int bRounded = round10(lastB); + b = b - lastB + bRounded; + + String strC = Integer.toString(c); + int lastC = Character.getNumericValue(strC.charAt(strC.length()-1)); + int cRounded = round10(lastC); + c = c - lastB + cRounded; + + return a + b + c; +} + +public int round10(int num) +{ + if (num >= 5) + { + return 10; + } + else + { + return 0; + } +} +" +f3e7ce7ddc9cac6b329d6546ca0a7d13ea9bcb19,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; +} +" +ac788281599cf3a6d3b9d74e5ecdc7d130caf6f2,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int dig = num % 10; + if(dig >= 5) + return num + (10 - dig); + return num - dig; +} +" +7e692a31179b5362a347b594b20ddd9b49079d18,"public int roundSum(int a, int b, int c) +{ + String strA = Integer.toString(a); + //int lastA = Character.getNumericValue(strA.charAt(strA.length()-1)); + int lastA = a % 10; + int aRounded = round10(lastA); + a = a - lastA + aRounded; + + String strB = Integer.toString(b); + //int lastB = Character.getNumericValue(strB.charAt(strB.length()-1)); + int lastB = b % 10; + int bRounded = round10(lastB); + b = b - lastB + bRounded; + + String strC = Integer.toString(c); + //int lastC = Character.getNumericValue(strC.charAt(strC.length()-1)); + int lastC = c % 10; + int cRounded = round10(lastC); + c = c - lastB + cRounded; + + return a + b + c; +} + +public int round10(int num) +{ + if (num >= 5) + { + return 10; + } + else + { + return 0; + } +} +" +d942a641e84b762c6b5d26eeb2c6cdae9b401d41,"public int roundSum(int a, int b, int c) +{ + String strA = Integer.toString(a); + //int lastA = Character.getNumericValue(strA.charAt(strA.length()-1)); + int lastA = a % 10; + int aRounded = round10(lastA); + a = a - lastA + aRounded; + + String strB = Integer.toString(b); + //int lastB = Character.getNumericValue(strB.charAt(strB.length()-1)); + int lastB = b % 10; + int bRounded = round10(lastB); + b = b - lastB + bRounded; + + String strC = Integer.toString(c); + //int lastC = Character.getNumericValue(strC.charAt(strC.length()-1)); + int lastC = c % 10; + int cRounded = round10(lastC); + c = c - lastC + cRounded; + + return a + b + c; +} + +public int round10(int num) +{ + if (num >= 5) + { + return 10; + } + else + { + return 0; + } +} +" +76f8b9efbf583d42f8de565ec62aff9baf9bc6f0,"public int roundSum(int a, int b, int c) +{ + + int sum=0; + sum=sum+round10(a); + + sum=sum+round10(b); + + sum=sum+round10(c); + return sum; + +} +public int round10(int n) +{ + + if(n%10 >4) + return (((n/10)+1)*10); + else + return ((n/10)*10); + +}" +493a64e49eb34ce1ee76bf3d84c45146987e8ae4,"public int roundSum(int a, int b, int c) +{ + int sum = 0 + + return (sum+round10(a)) + (sum+round10(b)) + (sum+round10(c)) + + +} + +public int round10(int num) +{ + +} +" +dfe43349910dac65c75122111e7b9fa7ed8857bc,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + + return (sum+round10(a)) + (sum+round10(b)) + (sum+round10(c)); + + +} + +public int round10(int num) +{ + + if (num >= 5) + return (num + 10 - num%10); + else + return (num -num%10); +} +" +e2953943f4982e5a82e46db00ca6e6f26393a79f,"public int roundSum(int a, int b, int c) +{ + + return (sum+round10(a)) + (sum+round10(b)) + (sum+round10(c)); + + +} + +public int round10(int num) +{ + + if (num >= 5) + return (num + 10 - num%10); + else + return (num -num%10); +} +" +6d3cf00fd31dc1c786b1ca81cd3b1f1f9dc2623a,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num >= 5) + return (num + 10 - num%10); + else + return (num -num%10); +} +" +5a9495f1bb6b171796c958a492e0489593591aad,"public int roundSum(int a, int b, int c) +{ + int sum = 0 + return (sum+ round10(a)) + (sum + round10(b)) + (sum + round10(c)); + + +} + +public int round10(int num) +{ + + if (num >= 5) + return (num + 10 - (num%10)); + else + return (num - (num%10)); +} +" +e7fafc66f8fd8871232a48be27e2cc601365e9fc,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + return (sum+ round10(a)) + (sum + round10(b)) + (sum + round10(c)); + + +} + +public int round10(int num) +{ + + if (num >= 5) + return (num + 10 - (num%10)); + else + return (num - (num%10)); +} +" +1a0f277e0f9aa4240f7237481ba8cbbcc5bbd1e0,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num >= 5) + return (num + 10 - (num%10)); + else + return (num - (num%10)); +} +" +80c9037cdfeefc2eeac9301d7d30f45dee66b13a,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 >= 5) + return ((num/10) *10); + else + return (num - (num%10)); +} +" +229b3a5776b9f0934e271af0b4cc373f7c6dfcf7,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 >= 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +8e6a4b4dc59371116947c8d3a0256275c60f8e8b,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +1b6de9c637e1856c2be5e21ec41ab369658af77e,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+10)*10); +} +" +aea6b4cdfdc077daef3cb84d890e847e20c23fbf,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)*10)+10); +} +" +4cb00f2a1dee761652cf04288f09c79efb6155c6,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +9cc01a1af8e2b94d97d06c84d57205ff127373ef,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 >= 4) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +28ea71b6bfe88301bb6e320f1edf8251fcae3b2d,"public int roundSum(int a, int b, int c) +{ + + return (round10(a)) + (round10(b)) + (round10(c)); + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +e94ee93d52b54eef4c47de9fc90fa403e93c7f24,"public int roundSum(int a, int b, int c) +{ + public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); + } + public int round10(int num) { + int remainder = num % 10; + num -= remainder; + if (remainder >= 5) { + num += 10; + } + return num; + } +}" +2c673c12d0cebcf17765ee20d8f1f3bfab7d41dd,"public int roundSum(int a, int b, int c) +{ + finala = round10(a); + finalb = round10(b); + finalc = round10(c); + int answer = finala + finalb + finalc; + return answer; +} + +public int round10(int num) +{ + int rightmost = num % 10; + if (rightmost < 5) + { + round = num - rightmost; + } + else + { + round = num + rightmost; + } + return round; +} +" +5d68905acad9de6ca87480f953d675f44cd9479c," public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); + } + public int round10(int num) { + int remainder = num % 10; + num -= remainder; + if (remainder >= 5) { + num += 10; + } + return num; + }" +fa75ca5929e3d9455e14b7ca09cc731eb24bfb12,"public int roundSum(int a, int b, int c) +{ + int finala = round10(a); + int finalb = round10(b); + int finalc = round10(c); + int answer = finala + finalb + finalc; + return answer; +} + +public int round10(int num) +{ + int rightmost = num % 10; + if (rightmost < 5) + { + round = num - rightmost; + } + else + { + round = num + rightmost; + } + return round; +} +" +70ade00f07f7fdf2476c154fc592bd6693074603,"public int roundSum(int a, int b, int c) +{ + int finala = round10(a); + int finalb = round10(b); + int finalc = round10(c); + int answer = finala + finalb + finalc; + return answer; +} + +public int round10(int num) +{ + int rightmost = num % 10; + if (rightmost < 5) + { + int round = num - rightmost; + } + else + { + int round = num + rightmost; + } + return round; +} +" +c70c5b999446cbbb45a69eb5b10d3d18c300e296,"private int round; + +public int roundSum(int a, int b, int c) +{ + int finala = round10(a); + int finalb = round10(b); + int finalc = round10(c); + int answer = finala + finalb + finalc; + return answer; +} + +public int round10(int num) +{ + int rightmost = num % 10; + if (rightmost < 5) + { + round = num - rightmost; + } + else + { + round = num + rightmost; + } + return round; +} +" +8634b09cd07f3513661b2a947e4c361bff02f55f,"public int roundSum(int a, int b, int c) +{ + int sum=0; + sum=sum+round10(a); + sum=sum+round10(b); + sum=sum+round10(c); + return sum; +} + +public int round10(int num) +{ + if(num%10 >4) + return (((num/10)+1)*10); + else return ((num/10)*10); +} +" +732f8a3614e4cfe91f3aa1e0f1c4d7dce7258e90,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +bca7a444df0cb944e236fc91ad583760ea4bfb86,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); + +} + +public int round10(int num) +{ + int round= num % 10; + if(round >= 5) + return num+10-round; + else + return num - round; + +} +" +6d8a2cc9d7b7a2497c3d8a60d447cf0c9a978a21,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + { + return num + 10 - rd; + } + return num - rd; +} +" +02a29707253f7f5e25fdd480ce28132535c56cbb,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + { + return num + (10 - digit); + } + return num - digit; +} +" +2bdc96b903e2a729bce40750bba6222d3bc5064b,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length-1); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +39c97dce214abf91f5f29d12b0fc3ecbe32913d4,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length()); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +c77ddcf4853f6b5afcb6efdc7c808f9323fddae8,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length()); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +939ef02584eac31a5990e88af66f3e1dc732e059,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length()-1); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +8bddece0a23182ad8d08bb3692ca4aaf22e388be,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int a = Character.getNumericValue(Numm.length); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +239d094cb38c32346442c9fb099fc199825e597c,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int l = Numm.length(); + int a = Character.getNumericValue(l); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +c06b38b32ad89565f7296357335d347a6f89316f,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int l = Numm.length; + int a = Character.getNumericValue(l); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +3235d2c624afa2f3771648acae6976a8e3dce328,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int l = Numm.length-1; + int a = Character.getNumericValue(l); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +004ac3d1def27e7c964d65fccec2c63e0a24b516,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int l = Numm.length-1; + int a = Character.getNumericValue(Numm(l)); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +0953c68133eefc521b9714d16059d5949e9b63fe,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + char[] Numm = Num.toCharArray(); + int l = Numm.length-1; + int a = Character.getNumericValue(Numm.charAt(l)); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +39b74364172d9077e5eb63469fff8c7aec35f65a,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + int l = Num.length-1; + char[] b = Num.charAt(l); + + int a = Character.getNumericValue(Numm.charAt(l)); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +4b2ae3adfe2f0cd05c4c249ffb7a7791898e40b6,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + int l = Num.length()-1; + char[] b = Num.charAt(l); + + int a = Character.getNumericValue(Numm.charAt(l)); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +56b8dd5d257d27712a5bc8227c8c6f158e5f4293,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + int l = Num.length()-1; + char b = Num.charAt(l); + + int a = Character.getNumericValue(Numm.charAt(l)); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +b982edd540deada8c2397d98ed25a160cee3c637,"public int roundSum(int a, int b, int c) +{ + int sum = this.round10(a) + this.round10(b) + this.round10(c); + return sum; +} + +public int round10(int num) +{ + String Num = Integer.toString(num); + int l = Num.length()-1; + char b = Num.charAt(l); + + int a = Character.getNumericValue(b); + //for (int count = 0; count<=Num.length(); count++) + //{ + if (a>=5) + { + num = num + (10-a); + } + else + { + num = num - a; + } + //} + return num; +} +" +63b9780ff13d47560bd552425d22f0834bdb42a2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +443f4f68439b8415c10125a571761f512513c710,"public int roundSum(int a, int b, int c) +{ + int sum = this.round(a) + this.round(b) this.round(c); + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + num = num - r; +} +" +77cfe4be7c08c9d1e21bc0ff3eaa93b0e7005063,"public int roundSum(int a, int b, int c) +{ + a = this.round(a); + b = this.round(b); + c = this.round(c); + int sum = a + b +c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + num = num - r; +} +" +225c1126aeed05e7a1d6dd89a56167c4f5c25289,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + num = num - r; +} +" +3db774a4026f1623ee679281ee1921ec022911b9,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + if (r < 5) + { + num = num - r; + } + else + { + num = num + r; + } + return num; +} +" +57019759166ca6bedc964bc745f5b9245364d7ff,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + if (r < 5) + { + num = num + r; + } + else + { + num = num - r; + } + return num; +} +" +1d89fb084272332dfbf6d82cdafb138b6d74a06f,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + if (r < 5) + { + num = num + r; + } + else + { + num = num + r; + } + return num; +} +" +cc7c0a19cb00fd53273b9544f33c0eae0f88bcc7,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + int q = 10 - r; + if (r < 5) + { + num = num - r; + } + else + { + num = num + q; + } + return num; +} +" +d2c07c62c5fd64c9c2a8e2e1bda47465382ea741,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c) + return roundSum; + +} + +public int round10(int num) +{ + int remainder = num % 10 + + if (remainder >= 5) + return (num + 10) - remainder + else + return num - remainder +} +" +c375c9ffb9ada951b6e3037e50d81488e093294d,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c) + return roundSum; + +} + +public int round10(int num) +{ + int remainder = num % 10 + + if (remainder >= 5) + return (num + 10) - remainder + else + return num - remainder +} +" +e4360c3b6ef6ba623a04d428179163970c05a133,"public int roundSum(int a, int b, int c) +{ + roundSum = round10(a) + round10(b) + round10(c); + return roundSum; + +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + return (num + 10) - remainder; + else + return num - remainder; +} +" +290998914438e0d988188204f86122c1864f54f0,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; + +} + +public int round10(int num) +{ + int remainder = num % 10; + + if (remainder >= 5) + return (num + 10) - remainder; + else + return num - remainder; +} +" +61a3a2406740fbb70579914b25048b375f315278,"public int roundSum(int a, int b, int c) +{ +a = round(a); +b = round(b); +c = round(c); + +return a + b + c; +} + +public int round10(int num) +{ + double ones = 0; + +if(num >= 10) +{ + +ones = num - (((int)(num / 10)) * 10); +} +else +{ +ones = num; +} + +if(ones >= 5) +{ +num = (int)((num - ones) + 10); +} +else +{ +num = (int)(num - ones); +} +return num; +} +" +e1541eee6de728686a894f0e4b1faed994ccff86,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +57c1c6b12c1af1401d0d2b2c9988e0c9efc37884,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rem = num % 10; + if (rem > 4) + { + return (num - rem + 10); + } + else + { + return (num - rem); + } +} +" +0b67e0973949451abf816df3b86e81f6cc4744d1,"public int roundSum(int a, int b, int c) +{ + return round(a) + round(b) + round(c); +} +public int round(int number) +{ + int rd = number % 10; + if(rd >= 5) + return number + 10 - rd; + return number - rd; +}" +aded14313ffc746781c0c401eab1a2de9465f965,"private int round; + +public int roundSum(int a, int b, int c) +{ + int finala = round10(a); + int finalb = round10(b); + int finalc = round10(c); + int answer = finala + finalb + finalc; + return answer; +} + +public int round10(int num) +{ + int rightmost = num % 10; + int remainder = 10 - rightmost; + if (rightmost < 5) + { + round = num - rightmost; + } + else + { + round = num + remainder; + } + return round; +} +" +d511740a801cf924d8a0b6de4284634537bd4b36,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(1); + if (part => 5) + { + return 20; + } + else + { + return 10; + } + +} +" +0cbcdcccb97a84929ef84adcbae98515edde8dfa,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + + int d = num %10; + if (d >= 5) + return num + 10 -d; + return num -d; +} +" +72dacf1d7a9116f1e9dec337ee85404c8fdffbfc,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +74cd3cee599ad2d78ff734c664e7b51d0dcbd515,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num/10; + } + else { + return (num % 10) + num; + } +} +" +8c3f969ba439338bf65796e30e42dcdaa9fb5412,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num/10; + } + else { + return (num % 10) + num; + } +} +" +00502380c422cd22dec61a9ba50cb1c313e1d2bf,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(1); + if (part => 5) + { + return 20; + } + else + { + return 10; + } + +} +" +69fe0e7c049c376bbe8c8a13c479a13b8e32c986,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(1); + if ((part) => 5) + { + return 20; + } + else + { + return 10; + } + +} +" +a338aeb9837bd4f7616988a5b50bbbd23314bed6,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + String name = num; + String part = name.substring(1); + +} +" +87fff23f1d92ffee477597523d6ab917514ae7bc,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + jesus = num; + String name = jesus; + String part = name.substring(1); + +} +" +15f30dd747f12a6b9c279f85ee97f9b673777494,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num/10 + num/10; + } + else { + return (num % 10) + num; + } +} +" +a2ef362743d89cc51bd520f5ba9d5892bebc3fa8,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + int jesus = num; + String name = jesus; + String part = name.substring(1); + +} +" +9c57b3ff141bf9583c460f2520e639214ea9df17,"public int roundSum(int a, int b, int c) +{ + return (this.round10(a) + this.round10(b) + this.round10(c)); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; + +} +" +bed73dc6f7b435f5d009b32f37e8b48b08cb89dd,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = 10 % num; + int q = 10 - r; + if (r < 5) + { + num = num - r; + } + else + { + num = num + q; + } + return num; +} +" +43eab9db420c0b98dfe6e2038d3fc796f09c958b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num/10 + num/10; + } + else { + return (num % 10) + num; + } +} +" +45465cf7ac9053643162f84669955ebc37186d66,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num - num%10; + } + else { + return (num % 10) + num; + } +} +" +dc237f237c4bc7584f3c7d0e7f54921716899a5f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num - num%10; + } + else { + return (num % 10) + num; + } +} +" +532eb8ff8a237436ffb4d797e22cc8f5c1820d93,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num - num%10; + } + else { + return ((num - num%10)+10); + } +} +" +ee26ccab94121e46535fce98b828f9ade6ac8574,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) { + return num - num%10; + } + else { + return ((num - num%10)+10); + } +} +" +d8502ceef173b41e77b2161ea8ebe0c5f42feb76,"public int roundSum(int a, int b, int c) +{ + a = this.round10(a); + b = this.round10(b); + c = this.round10(c); + int sum = a + b + c; + return sum; +} + +public int round10(int num) +{ + int r = num % 10; + int q = 10 - r; + if (r < 5) + { + num = num - r; + } + else + { + num = num + q; + } + return num; +} +" +39774cd58219bcc2e874adeb1ec0a3f9e543509b,"public int roundSum(int a, int b, int c) +{ + a = round10(a) + b = round10(b) + c = round10(c) + + return a + b + c + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +3a761e13a3b17562083c4abdd3e250744d8c26c3,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +c39900b4255d1b97e807e5a78f722369aa358958,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + + return a + b + c; + + +} + +public int round10(int num) +{ + + if (num%10 < 5) + return ((num/10) *10); + else + return (((num/10)+1)*10); +} +" +39f2e7dd67b0540b8742928b238f4d928342d1ac,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int remainder = (num%10) + if(remainder>4) + { + return (num+10-remainder); + } + else + { + return (num-remainder); + } + +} +" +2bdff20314eda399e2a739d8f0c72736fd2c0000,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int remainder = (num%10); + if(remainder>4) + { + return (num+10-remainder); + } + else + { + return (num-remainder); + } + +} +" +ae460e819b0630d610049d18f72d5cd289741f9b,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); +sum=sum+round10(b); +sum=sum+round10(c); + +return sum; +} + +public int round10(int num) +{ +if(n%10 >4) + return (((n/10)+1)*10); +else + return ((n/10)*10); +} +" +039cb1dbb46cc68410f37cdf5ba2bf1aec4d0411,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +7cff0e53aa3614052058ff7d1235283fe95b7674,"public int roundSum(int a, int b, int c) +{ +int sum=0; +sum=sum+round10(a); +sum=sum+round10(b); +sum=sum+round10(c); + +return sum; +} + +public int round10(int num) +{ +if(num%10 >4) + return (((num/10)+1)*10); +else + return ((num/10)*10); +} +" +29962c4e1b8f67b762d407d24bf47dcc4c9e6213,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + for (int num = 0; num < 10; i - 10) + { + + } +} +" +b1b386ce9cb41e55668af0bbb7c1a5b673769b9a,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + for (num = 0; num < 10; i - 10) + { + + } +} +" +e8c8678a38d2d884c7ec858a8e5a4ec4957b7af9,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + for (num ; num < 10; i - 10) + { + + } +} +" +e3bb38122bf471932f046ca342154757b3121855,"public int roundSum(int a, int b, int c) +{ + return round(a) + round(b) + round(c); +} + +public int round10(int num) +{ + int A = 0; + int D = n%10; + if (D > 4) + { + A = n/10*10 + 10; + } + if (D < 5) + { + A = n/10*10; + return A; + } +} +" +706e38895e5a38a6cc57c4496fc1f0235828774d,"public int roundSum(int a, int b, int c) +{ + public int round10(int num) + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int A = 0; + int D = n%10; + if (D > 4) + { + A = n/10*10 + 10; + } + if (D < 5) + { + A = n/10*10; + return A; + } +} +" +efde91fac7669de4e875992dad0b55e40c01fabc,"public int roundSum(int a, int b, int c) +{ + public int round10(int num); + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int A = 0; + int D = n%10; + if (D > 4) + { + A = n/10*10 + 10; + } + if (D < 5) + { + A = n/10*10; + return A; + } +} +" +7d8d81853b9ebd0f15bc2e56b546eb2639c72e92,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int replace = num; + while (replace > 10) + { + replace = replace - 10; + } + if (replace > 5) + { + num = num + (10 - replace); + } + else + { + num = num - replace; + } +} +" +7b2ed226831c9cd8ca79aaf038490cf272d99bd5,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; + +} + +public int round10(int num) +{ + if ( num % 10 >= 5) + { + return (num - (num % 10) + 10) + } + else + { + return (num - (num % 10)) + +} +" +105377f1a00d864a57e2e5ec7c88f50b3f82a7b3,"public int roundSum(int a, int b, int c) +{ + int d = round10(a) + round10(b) + round10(c); + return d; + +} + +public int round10(int num) +{ + if ( num % 10 >= 5) + { + return (num - (num % 10) + 10); + } + else + { + return (num - (num % 10)); + } + +} +" +6a0cd13a76a3eba53af750806b473e2bf5b506cd,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int replace = num; + while (replace > 10) + { + replace = replace - 10; + } + if (replace > 5) + { + num = num + (10 - replace); + } + else + { + num = num - replace; + } + return num; +} +" +98af816168b7806c5b5991720d4075dbc474b646,"public int roundSum(int a, int b, int c) +{ + return round10(a); + return round10(b); + return round10(c); +} + +public int round10(int num) +{ + int replace = num; + while (replace > 10) + { + replace = replace - 10; + } + if (replace > 5) + { + num = num + (10 - replace); + } + else + { + num = num - replace; + } + return num; +} +" +53c2bceaf53e72364c1c00cf114bcb045085852f,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int replace = num; + while (replace > 10) + { + replace = replace - 10; + } + if (replace > 5) + { + num = num + (10 - replace); + } + else + { + num = num - replace; + } + return num; +} +" +996d2b2d918d1049a43f5d35af70ef258fd457e9,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int replace = num; + while (replace > 10) + { + replace = replace - 10; + } + if (replace >= 5) + { + num = num + (10 - replace); + } + else + { + num = num - replace; + } + return num; +} +" +536e43d8fd5352afde5d80ec377c3b86b4bef90b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c) +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return (num - num % 10) + } + else + { + return (num + (10 - num % 10)) + } +} +" +81c7516b47ba2bf370e0f0b1c3bebf1cf47dac59,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 < 5) + { + return (num - num % 10); + } + else + { + return (num + (10 - num % 10)); + } +} +" +a538371611ccec2c893aaa4934edb9fafd67d112,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +5573bccfff3b1c31568d912599700b7264ffa0b0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int i = num % 10; + + if(i >= 5) + { + return num + 10 - i; + } + + return num - i; +} +" +6cfb1ffb26e85a4e809909a7e7e3aab013555c35,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if (digit >= 5) + { + return num + (10 - digit); + } + return num - digit; +} +" +2e8453b2f124858db7580c7b293bb5bc0ad87378,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - num % 10; + } + return num - num % 10; +} +" +c5a922a4d429249b488ec40b34e6e2032678e64e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +4eb300925abe7006ba41ef05ea27481af532b891,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - num % 10; + } + return num - num % 10; +} +" +e74e1166404c38edabf2793e33c4d64031905de6,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - num % 10; + } + return num - num % 10; +} +" +b5b70e26a23becc758756b29fb13a5712ba81e21,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int n) { + if (n % 10 < 5) + return n - (n%10); + else + return n + (10 - (n%10)); +}" +a2e818df556ba1a297e51649cda39591a2679597,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remaindent = num % 10; + num -= remainder; + if (remainder >= 5) + { + num += 10; + } + return num; +} +" +5da625dbe29794fe7cd954814f6e67c4c2daa3ca,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remaindent = num % 10; + num -= remainder; + if (remainder >= 5) + { + num += 10; + } + return num; +} +" +ebe1d42ab0c65a337927d19fe7e82ee501d57b95,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(a); + int z = round10(a); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num-5; + int t = k%5; + if (t<=4) + return num+5; + else + return num - (10%num); +} +" +9e2add985f9a317948b3c344bea1d20ef93692eb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int remainder = num % 10; + num -= remainder; + if (remainder >= 5) + { + num += 10; + } + return num; +} +" +0eb7dbb1e2a04a1f9e0efdd0f5a8b763a1235aa2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if (rd >= 5) + return num + 10 - rd; + else + return num - rd; +} +" +6b3563536a3043c1e45f934db31476f4462f8ab5,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(a); + int z = round10(a); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num-5; + int t = k%5; + if (t<=4) + return num + (5-t); + else + return num - (10%num); +} +" +b4a8380d5d12bfe7caf1f4f43f56bdad7719ce3c,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(a); + int z = round10(a); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num-5; + int t = k%5; + if (t<=4 && num!= 14) + return num + (5-t); + else + return num - (10%num); +} +" +a8be990246b15ce5c06130f2bd3aaa73a18297a5,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(a); + int z = round10(a); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num%10; + if (t>=5) + return num + (10-k); + else + return num - (10%num); +} +" +9dfc887539de2c15a01f4872a08232c1c53c7209,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(a); + int z = round10(a); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num%10; + if (k>=5) + return num + (10-k); + else + return num - (10%num); +} +" +fad843f0e907b1436b88568223019543506c85fc,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(a); + int z = round10(a); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num%10; + if (k>=5) + return num + (10-k); + else + return num - (num%10); +} +" +f2f3aab49bcd98c9b719e87ab38e206102d84cb4,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(b); + int z = round10(c); + int sum = x + y + z; + return sum; +} + +public int round10(int num) +{ + int k = num%10; + if (k>= 5) + return num + (10-k); + else + return num - (num%10); +} +" +82fd3e45964581cf2b4332e3fffd2b102a28822d,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + + +} + +public int round10(int num) +{ + //take out the last digit of the number. + if(num % 10 < 5) + { + num = num - Math.abs(num%10); + } + else + { + num = num + (10 - (Math.abs(num%10)); + } + +} +" +df5435bd5af1739dd9d925df57703e0e475e4be2,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + + +} + +public int round10(int num) +{ + //take out the last digit of the number. + if(num % 10 < 5) + { + num = num - Math.abs(num%10); + } + else + { + num = num + (10 - (Math.abs(num%10))); + } + +} +" +a91d2ca633c6e5a80eaf6f87c6a47fe0599f2cab,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + + +} + +public int round10(int num) +{ + //take out the last digit of the number. + if(num % 10 < 5) + { + num = num - Math.abs(num%10); + } + else + { + num = num + (10 - (Math.abs(num%10))); + } + return num; + +} +" +00d3e7543af5f001320cb33e4f5d4e2a2cc30ad5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +0d38726391eb5932fcda85a68e68c0826c6de781,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); + return a+b+c; + + +} + +public int round10(int num) +{ + //take out the last digit of the number. + if(num % 10 < 5) + { + num = num - Math.abs(num%10); + } + else + { + num = num + (10 - (Math.abs(num%10))); + } + return num; + +} +" +d5dfe04f5a0f84c2e28a0cf9ff40306320f2c310,"public int roundSum(int a, int b, int c) +{ + + return round10(a) + round10(b) + round10(c); + + +} + +public int round10(int num) +{ + //take out the last digit of the number. + if(num % 10 < 5) + { + num = num - Math.abs(num%10); + } + else + { + num = num + (10 - (Math.abs(num%10))); + } + return num; + +} +" +dca1f726e64da2460020f1bbac55668502eddba7,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; + +} + +public int round10(int num) +{ + return (round10(a) + round10(b) + round10(c)); + +} +" +1df089058cb55e872bd5bb9f5120998e0d366053,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num = digit; + +} + +public int round10(int num) +{ + return (round10(a) + round10(b) + round10(c)); + +} +" +849c7946b7401f9a4ca884bbd1cb9ddff2589037,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); + +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; + + +} +" +1143edf67d37e14b306fd35b5e073373716b5c3b,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if (round >= 5) + return num + 10 - round; + return num - round; +} +" +e64a96a95181aad3abe311d9a9ada90a3bc11651,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + sound10(c); + return sum; +} + +public int round10(int num) +{ + if (n % 10 > 4) + { + return (((n / 10) + 1) * 10); + } + else + { + return ((n / 10) * 10); + } +} +" +ec881148f5144eefdf22a1a7f5419e8f7e81d92c,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (n % 10 > 4) + { + return (((n / 10) + 1) * 10); + } + else + { + return ((n / 10) * 10); + } +} +" +7462c2f96fbc69d37e44837363f9a91e34b5154e,"public int roundSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + round10(a); + sum = sum + round10(b); + sum = sum + round10(c); + return sum; +} + +public int round10(int num) +{ + if (num % 10 > 4) + { + return (((num / 10) + 1) * 10); + } + else + { + return ((num / 10) * 10); + } +} +" +2580dc25963b84c697136f49472d93d549492ec7,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)) +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; + + +} +" +e504a1b17d64e1e357ae7708aae93d27be285d0e,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if(digit >= 5) + return num + (10 - digit); + return num - digit; + + +} +" +17c2d9c0ab78c679b4159aa2b949a627f4b63793,"public int roundSum(int a, int b, int c) +{ + return (round10(a) + round10(b) + round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + + if(digit >= 5) + + return num + (10 - digit); + + return num - digit; +} +" +1dd69a4c545f07a78327bcdd31aad8597922878d,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +3a6a4e311a759ee347b1e0d3774a88960775255c,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else if + { + num = num - counter + 10; + return num; + } +} +" +862e8dc11e498d71e6c78aad11848c71feb11004,"public int roundSum(int a, int b, int c) +{ + return round10(a)+round10(b)+round10(c); +} + +public int round10(int num) +{ + if(num%10>=5) { return num = num+(10-num%10);} + else { return num = num-(num%10);} + +} +" +c0a4f7226af59949080ccaf16d1485d381f4ec6f,"public int roundSum(int a, int b, int c) +{ + round10(a); + round10(b); + round10(c); +} + +public int round10(int num) +{ + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +1fc9edafaa98ac046ab9ccef917eed3c813a710b,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +f007200633b012f2c8046ee714f57c773c7ac40b,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +2e7e0a9a6ee733b2dcbcd41ea251f0ba90135073,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + int counter = abs(num) % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +67696f6c76996cda39413a075ad0650ddea0ce33,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +eb6019505d497804fb6a89e7e83603b69a47ffc6,"public int roundSum(int a, int b, int c) { + +int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; + +} +public int round10(int n){ + +if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); + +}" +771a47e101bf6c93b91af16e3f528bdd536805b5,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round = num % 10; + if(round >= 5) + { + return num + 10 - round; + } + return num - round; +} +" +d29a4ca8158eae7912933556d96c15151ad0c4b9,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + if (true) return; + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +85c697d61ae9804f897563a27c8085df3aab6180,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + if (true) return null; + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +9ca8395986ebcadba36125d12bd718e684e431b7,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + if (true) + { + return null; + } + int counter = num % 10; + if ( counter < 5 ) + { + num = num - counter; + return num; + } + else + { + num = num - counter + 10; + return num; + } +} +" +aef895da68e7a528a2299700094abd11ee215390,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + int counter = num % 10; + if ( counter < 5 ) + { + numb = num - counter; + return numb; + } + else + { + numb = num - counter + 10; + return numb; + } +} +" +123720af34d19e830681ae9ebcc68f6bc4c9dbd9,"public int roundSum(int a, int b, int c) +{ + round10(a); + return a; + round10(b); + return b; + round10(c); + return c; +} + +public int round10(int num) +{ + int numb = 0; + int counter = num % 10; + if ( counter < 5 ) + { + numb = num - counter; + return numb; + } + else + { + numb = num - counter + 10; + return numb; + } +} +" +821669143f5b93436c0c5b05da7af503edcdecf4,"public int roundSum(int a, int b, int c) { + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) { + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +a5e4cf5472b7e7b4224d5d8125da9078b4dc3ad3,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num.substring(1) >= 5) + { + return (num.substring(0)+1)*10; + } + else + { + return (num.substring(0)+1)*10; + } +} +" +13a8307a0961bea76a545b951557d4b7f7c0d1e2,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - num % 10; + } + else + { + return num - num % 10; + } +} +" +9726e25137b9b1e5f1899980c3b99923e502a065,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - num % 10; + } + else + { + return num - num % 10; + } +} +" +bf9496c3c66e0a85e07b25e3335143e25f799e5e,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round; + int rem = num % 10; + if (rem > 4) { + return num + rem; + } else { + return num - rem; + } +} +" +78f8a255578159c4c6aa6a524b335b209d6fad1a,"public int roundSum(int a, int b, int c) +{ + +} + +public int round10(int num) +{ + int value = num; + return () +} +" +ff374b4c74107ea287809042c53caa71b65f7403,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int round; + int rem = num % 10; + if (rem > 4) { + return num + (10 - rem); + } else { + return num - rem; + } +} +" +5749e784874695dd42307e71940f87a05b8675b2,"public int roundSum(int a, int b, int c) +{ + int sum = (round10(a) + round10(b) + round10(c)); + return sum; +} + +public int round10(int num) +{ + int value = num; + value = (num % 10); + if (value >= 5) + { + value = (num - value + 10); + return value; + } + else + { + value = (num - value); + return value; + } +} +" +918a30aa1b0e6613a53dc7ab1d759cffbf72828b,"public int roundSum(int a, int b, int c) +{ + int X = round10(a); + int Y = round10(b); + int Z = round10(c); + return X+Y+Z; +} + +public int round10(int num) +{ + int inte; + if (num % 10 > 4) + { + inte = num + ( 10 - ( num % 10 )) + } + + else + { + inte = num - (num % 10) + } + return inte; +} +" +29bbe9657376bfc6a6b802008cf56dd240c99b42,"public int roundSum(int a, int b, int c) +{ + int X = round10(a); + int Y = round10(b); + int Z = round10(c); + return X+Y+Z; +} + +public int round10(int num) +{ + int inte; + if (num % 10 > 4) + { + inte = num + ( 10 - ( num % 10 )); + } + + else + { + inte = num - (num % 10); + } + return inte; +} +" +cd01b9497da206de43b3209d77300d8cfe82d462,"public int roundSum(int a, int b, int c) +{ + a = round10(a); + b = round10(b); + c = round10(c); + return a+b+c; +} + +public int round10(int num) +{ + int round = num%10; + if (round >= 5) + { + return num + (10-round); + } + else + { + return num - round; + } +} +" +fa59b0e17ea8fd848562c5ed026c663c0f58a2d6,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int random = num % 10; + if (random >= 5) + { + returnnum + 10 - random; + } + return num -random; +} +" +71f7d1b29b711626cc68ed6c7bb8b7531ffcd765,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int random = num % 10; + if (random >= 5) + { + return num + 10 - random; + } + return num -random; +} +" +1692c602526682923534ee74ca8316821c1469ab,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +0a9ad31f8301813c2dbd6bb0f1d42b4883a686b7,"public int roundSum(int a, int b, int c) +{ + int value = round10(a) + round10(b) + round10(c); + return value; +} + +public int round10(int num) +{ + int x = num % 10; + if(digit >=5) + { + num = num + (10 - x); + } + else + { + num = num + x; + } + return num; +} +" +b74a02e1f6fb7710000e4e9057f548b8034a759e,"public int roundSum(int a, int b, int c) +{ + int value = round10(a) + round10(b) + round10(c); + return value; +} + +public int round10(int num) +{ + int x = num % 10; + if(x >=5) + { + num = num + (10 - x); + } + else + { + num = num + x; + } + return num; +} +" +96614adbaac732f73a5a7c516b6ea63e01a729a0,"public int roundSum(int a, int b, int c) +{ + int value = round10(a) + round10(b) + round10(c); + return value; +} + +public int round10(int num) +{ + int x = num % 10; + if(x >=5) + { + num = num + (10 - x); + } + else + { + num = num - x; + } + return num; +} +" +99db77b2013d5e36864efb4d5119d92cddc334f0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + if (rd >= 5) + { + return num + 10 - rd; + } + return num - rd; +} +" +c954c7830341edee0ba2facb096af409d987e5c7,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10 + if (digit>=5) + return num + (10 - digit); + else + return num - digit; +} + +public int round10(int num) +{ + return (round10(a)+round10(b)+round10(c)); +} +" +0924d52d71ae1cb8ee6573d578b20cf37c0b445b,"public int roundSum(int a, int b, int c) +{ + int digit = num % 10; + if (digit>=5) + return num + (10 - digit); + else + return num - digit; +} + +public int round10(int num) +{ + return (round10(a)+round10(b)+round10(c)); +} +" +c56b1f5ec31f457576af07fb9b53eb7f51b148c8,"public int roundSum(int a, int b, int c) +{ + int digit = roundSum % 10; + if (digit>=5) + return roundSum + (10 - digit); + else + return roundSum - digit; +} + +public int round10(int num) +{ + return (round10(a)+round10(b)+round10(c)); +} +" +d8970a8e0b869727046ca80dd0eaf825db4ac0f6,"public int roundSum(int a, int b, int c) +{ + return (round10(a)+round10(b)+round10(c)); +} + +public int round10(int num) +{ + int digit = num % 10; + if (digit>=5) + return num + (10 - digit); + else + return num - digit; +} +" +59526b5a61129bf0ebcc2eacc25a87a01bffc363,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 >=5) + { + int a = 10 - (num%10); + return num + a; + } + if (num%10 < 5) + { + return num - (num%10); + } +} +" +6db954efc21486abd53d8eb3fa12f9c980b813a0,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num%10 >=5) + { + int a = 10 - (num%10); + int ans = num + a; + } + if (num%10 < 5) + { + int ans = num - (num%10); + } + return ans; +} +" +3a737e7e594b955c85d76bb8444207f25945c397,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int ans = 0; + if (num%10 >=5) + { + int a = 10 - (num%10); + ans = num + a; + } + if (num%10 < 5) + { + ans = num - (num%10); + } + return ans; +} +" +4969c1ee5f215b26cd2b86db651d778ed7d23fc3,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + int sum = d + e + f; + return sum; +} + +public int round10(int num) +{ + int n = num % 10; + if (n >= 5) + { + while (n < 10) + { + n = n + 1; + } + return n + } + else + { + while (n > 0) + { + n = n - 1 + } + return n + } +} +" +a7e8c35a0f59861cf60568380b2a1edf4717f6ec,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + int sum = d + e + f; + return sum; +} + +public int round10(int num) +{ + int n = num % 10; + if (n >= 5) + { + while (n < 10) + { + n = n + 1; + } + return n; + } + else + { + while (n > 0) + { + n = n - 1; + } + return n; + } +} +" +56121e1bc436f6bb49f93c76ffd4f7a5816d38d2,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rnd = n * 10; + if (n * 10 < 5) + { + return num -10 - rnd; + } + else + { + return num - rnd; + } +} +" +2c61177857dda508798edf170b03ba82ae2357fb,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rnd = num * 10; + if (n * 10 < 5) + { + return num -10 - rnd; + } + else + { + return num - rnd; + } +} +" +15b1a7e977793a1ff74c12ad35b312cf3bab0a91,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rnd = num * 10; + if (num * 10 < 5) + { + return num -10 - rnd; + } + else + { + return num - rnd; + } +} +" +30e6ba763f045da61b8afc163f26053db138cabe,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rnd = n % 10; + if (n * 10 >= 5) + { + return num + 10 - rnd; + } + else + { + return num - rnd; + } +} +" +c206554f60279df11227fc31254ee7ebd9bd4e86,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rnd = num % 10; + if (num * 10 >= 5) + { + return num + 10 - rnd; + } + else + { + return num - rnd; + } +} +" +16419bbadd1afba8798d703793694ab4c3fb800c,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + int sum = d + e + f; + return sum; +} + +public int round10(int num) +{ + int n = num % 10; + int nr = n; + if (n >= 5) + { + while (n < 10) + { + n = n + 1; + } + int r = num - nr + n; + return r; + } + else + { + int r = num - n + return r; + } +} +" +dc406296ed5c37f60bae8416a91912c954e153a5,"public int roundSum(int a, int b, int c) +{ + int d = round10(a); + int e = round10(b); + int f = round10(c); + int sum = d + e + f; + return sum; +} + +public int round10(int num) +{ + int n = num % 10; + int nr = n; + if (n >= 5) + { + while (n < 10) + { + n = n + 1; + } + int r = num - nr + n; + return r; + } + else + { + int r = num - n; + return r; + } +} +" +bda2f20880961b21c86eca5038b3c43141a16859,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + if (num % 10 >= 5) + { + return num + 10 - (num % 10); + } + else + { + return num - (num % 10); + } +} +" +b13ad01caa81ca9a7034cdd5fb7c47d294a18768,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +03c8b0f6701925e25706cce6271e2d669ab4cd10,"public int roundSum(int a, int b, int c) +{ + return round10(a) + round10(b) + round10(c); +} + +public int round10(int num) +{ + int rd = num % 10; + + if(rd >= 5) + return num + 10 - rd; + + return num - rd; +} +" +38c5cf6a684cc35d41c942b43ab922cfdcd2bd4a,"public int roundSum(int a, int b, int c) { + +int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; + +} +public int round10(int n){ + +if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); + +} + +" +429913501609b7e0f5fc6895f6217916cb05dcf0,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; +} + +public int round10(int num) +{ + if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); +} +" +154ac8900d64a779853ac6ad297c69de8a9b3179,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; +} + +public int round10(int num) +{ + if(n%10 >4) +return (((n/10)+1)*10); +else return ((n/10)*10); +} +" +43d2718aa40520187904a0fe80453d26b56c371f,"public int roundSum(int a, int b, int c) +{ + int sum=0; +sum=sum+round10(a); + +sum=sum+round10(b); + +sum=sum+round10(c); +return sum; +} + +public int round10(int num) +{ + if(num%10 >4) +return (((num/10)+1)*10); +else return ((num/10)*10); +} +" +0722a92ea897a43560f527096202b4e6239ab403,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int lowNum = num/10; + if ((num - (lowNum*10) <= (((lowNum + 1)*10) - num))) + { + return (lowNum + 1)*10; + } + else + { + return lowNum*10; + } +} +" +208894fbf1ef00c26f65eb8c302b1c49f8b022b2,"public int roundSum(int a, int b, int c) +{ + int sum = round10(a) + round10(b) + round10(c); + return sum; +} + +public int round10(int num) +{ + int lowNum = num/10; + if ((num - (lowNum*10) >= (((lowNum + 1)*10) - num))) + { + return (lowNum + 1)*10; + } + else + { + return lowNum*10; + } +} +" +aa1eef660f3285a56016f2ff45dd6cedb8281524,"public int roundSum(int a, int b, int c) +{ + x = round10(a); + y = round10(b); + z = round10(c); + return x + y + z; +} + +public int round10(int num) +{ + if ( num % 10 >= 5) + { + return num + (10 - (num % 10)); + } + else + { + return num - (num % 10); + } +} +" +f51dfe213a88a01468fc023dd721971e7d3d0622,"public int roundSum(int a, int b, int c) +{ + int x = round10(a); + int y = round10(b); + int z = round10(c); + return x + y + z; +} + +public int round10(int num) +{ + if ( num % 10 >= 5) + { + return num + (10 - (num % 10)); + } + else + { + return num - (num % 10); + } +} +" +9d00e51fdcf2ebdaf71c664fbfaaf0ccaeb95779,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + return 10; + else if ( num > 15 && num < 25) + return 20; + else if ( num > 25 && num < 35) + return 30; + return 0; +} +" +59fca9fb7c52ec77d2292d111f244ac18aea284f,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + n = 10 + else if ( num > 15 && num < 25) + n = 20; + else if ( num > 25 && num < 35) + n = 30; + return n ; +} +" +b073b929c6af6b5324785eb2a2660d1707feef64,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + n = 10; + else if ( num > 15 && num < 25) + n = 20; + else if ( num > 25 && num < 35) + n = 30; + return n; +} +" +47143d6fa483343407cec7fa6b9b6cbf83c27bdb,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + num = 10; + else if ( num > 15 && num < 25) + num = 20; + else if ( num > 25 && num < 35) + num = 30; + return num; +} +" +856636034dd7280a5465a10685ae16a8e8b12fb1,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + num = 10; + else if ( num > 15 && num < 25) + num = 20; + else if ( num > 25 && num < 35) + num = 30; + else if (num < 5) + return 0; + return num; +} +" +a24e9603985bca16608642c3b1491216672da383,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + num = 10; + else if ( num > 15 && num < 25) + num = 20; + else if ( num > 25 && num < 35) + num = 30; + else if (num < 5) + return 0; +} +" +92ff7fe59703031e865c3c48bdff18438cc4d8ab,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + num = 10; + else if ( num > 15 && num < 25) + num = 20; + else if ( num > 25 && num < 35) + num = 30; + return 0; +} +" +2681a4eaddf8680beee2332d373f8dae25899ac9,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + return 10; + else if ( num > 15 && num < 25) + return 20; + else if ( num > 25 && num < 35) + return 30; + return 0; +} +" +a67f13060e9fc85381a6a82f02309e76b7e9f925,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + return num = 10; + else if ( num > 15 && num < 25) + return num = 20; + else if ( num > 25 && num < 35) + return num = 30; + return num = 0; +} +" +00d23c279764a5282d47916cd3eb1b2291f2f2fb,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + if ( a > 5 && a < 10) + a = 10; + else if ( a > 15 && a < 25) + a = 20; + else if ( a > 25 && a < 35) + a = 30; + if ( b > 5 && b < 10) + b = 10; + else if ( b > 15 && b < 25) + b = 20; + else if ( b > 25 && b < 35) + b = 30; + if ( c > 5 && c < 10) + c = 10; + else if ( c > 15 && c < 25) + c = 20; + else if ( c > 25 && c < 35) + c = 30; + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + return num = 10; + else if ( num > 15 && num < 25) + return num = 20; + else if ( num > 25 && num < 35) + return num = 30; + return num = 0; +} +" +a9ea8caf78b79966bed8877b835a5cd62bcfcead,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + if ( a > 5 && a < 10) + a = 10; + else if ( a > 15 && a < 25) + a = 20; + else if ( a > 25 && a < 35) + a = 30; + if ( b > 5 && b < 10) + b = 10; + else if ( b > 15 && b < 25) + b = 20; + else if ( b > 25 && b < 35) + b = 30; + if ( c > 5 && c < 10) + c = 10; + else if ( c > 15 && c < 25) + c = 20; + else if ( c > 25 && c < 35) + c = 30; + else if ( c < 5) + c = 0; + else if ( b < 5) + b = 0; + else if ( a < 5 ) + a = 0; + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + return num = 10; + else if ( num > 15 && num < 25) + return num = 20; + else if ( num > 25 && num < 35) + return num = 30; + return num = 0; +} +" +fc5fda3a6cfcf07951068c34fee65232707f67f6,"public int roundSum(int a, int b, int c) +{ + this.round10(a); + this.round10(b); + this.round10(c); + if ( a > 5 && a < 10) + a = 10; + else if ( a > 15 && a < 25) + a = 20; + else if ( a > 25 && a < 35) + a = 30; + else if ( b > 5 && b < 10) + b = 10; + else if ( b > 15 && b < 25) + b = 20; + else if ( b > 25 && b < 35) + b = 30; + else if ( c > 5 && c < 10) + c = 10; + else if ( c > 15 && c < 25) + c = 20; + else if ( c > 25 && c < 35) + c = 30; + else if ( c < 5) + c = 0; + else if ( b < 5) + b = 0; + else if ( a < 5 ) + a = 0; + return a + b + c; +} + +public int round10(int num) +{ + if ( num > 5 && num < 10) + return num = 10; + else if ( num > 15 && num < 25) + return num = 20; + else if ( num > 25 && num < 35) + return num = 30; + return num = 0; +} +" +64bb20a9f2fcae517af8be0555049ab493d82d32,"public String atFirst(String str) +{ + String sub = """"; + + if (str.length() == 0) + { + sub += ""@@""; + } + + else if (str.length() == 1) + { + sub += str; + sub += ""@""; + } + + else + { + sub += str.substring(0,2); + } + + return sub; +} +" +9dfaf3e7eb4be2dd8d26c85399b6abe50842c973,"public String atFirst(String str) +{ + if (str.length() < 2) { + int iterate = 0; + String newstring = str; + while (iterate < str.length()) { + newstring = newstring + '@'; + iterate++; + } + return newstring; + } + else { + return str.substring(0, 2); + } + +} +" +fb31309ce5945de6c65a3cbed79ae39a638f5abf,"public String atFirst(String str) +{ + if (str.length() < 2) { + int iterate = 0; + String newstring = str; + while (iterate < 2) { + newstring = newstring + '@'; + iterate++; + } + return newstring; + } + else { + return str.substring(0, 2); + } + +} +" +10088ffff4b42c8dc0ec831a947e27550074afdd,"public String atFirst(String str) +{ + if (str.length() < 2) { + int iterate = 0; + String newstring = str; + while (iterate < 2 - str.length()) { + newstring = newstring + '@'; + iterate++; + } + return newstring; + } + else { + return str.substring(0, 2); + } + +} +" +ed9ce1b78774c51514af1b22fd44d3ca66349632,"public String atFirst(String str) +{ + String first2 = str.substring(0, 2); + return first2; +} +" +34504fefcfb0fbebbd00f5187f4a2823f66aeff5,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String first2 = str.substring(0, 2); + return first2; + } + else + return str + ""@""; +} +" +ea61583e4abac3a94ca63809bb809459906ed4c1,"public String atFirst(String str) +{ + if(str.length() < 2){ + if (str.length() == 1){ + return(str + ""@""); + }else{ + return(""@@"") + } + }else{ + return(str.substring(0,2)); + } +} +" +f78bdba6b4dce3aa4f3723c31dcaaed5eb2972eb,"public String atFirst(String str) +{ + if(str.length() < 2){ + if (str.length() == 1){ + return(str + ""@""); + }else{ + return(""@@""); + } + }else{ + return(str.substring(0,2)); + } +} +" +1efa316ffd2dc763b10678c8bb61e284c5a1b5fb,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String first2 = str.substring(0, 2); + return first2; + } + else if (str.length() = 1) + { + return str + ""@""; + } + return ""@@""; +} +" +e0c39e9bac1500f98ca47bb6b1789654c08fd335,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String first2 = str.substring(0, 2); + return first2; + } + else if (str.length() == 1) + { + return str + ""@""; + } + return ""@@""; +} +" +9d8d1e973c31beab756654fdba20776ece118f4f,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return '@@'+str; + } +} +" +dbdae1e896f0aa2ff5804830e36867ad83a89444,"public String atFirst(String str) +{ + if (str.length() < 2) + { + String filler = @@ + return filler + str; + } + + return +} +" +3fffb088b5b6ed82263634e1b1f0a59742d7f515,"public String atFirst(String str) +{ + if (str.length() < 2) + { + String filler = '@@'; + return filler + str; + } + + return +} +" +ef23cd080198cda50c3b899f0091836904688485,"public String atFirst(String str) +{ + if (str.length() < 2) + { + String filler = ""@@""; + return filler + str; + } + + return str.substring(0,2); +} +" +ee789de7404c9b0cf5a7fcd2a109dfcef40e4086,"public String atFirst(String str) +{ + if (str.length() < 2) + { + while (str.length() != 2) + { + str += ""@""; + } + } + + return str.substring(0,2); +} +" +63c5a23166c20930057d5c84c3f550dd8bae03a4,"public String atFirst(String str) +{ + if (str.length() < 2) + { + while (str.length() != 2) + { + str += ""@""; + } + return str; + } + + return str.substring(0,2); +} +" +9008ea7cc03d77ae421fe8fcbadd7f331df38543,"public String atFirst(String str) +{ + if (str.length() < 2) + return '@'; + else + return str.substring(0, 2); +} +" +7afbf48c01a6484d31e53fd72079437428659630,"public String atFirst(String str) +{ + if (str.length() < 2) + return '@'; + else + return str.substring(0, 2); +} +" +1de0fec1890eff114eb6b96ac2b695cb8fcfada6,"public String atFirst(String str) +{ + if (str.length() < 2) + return str + ""@""; + else + return str.substring(0, 2); +} +" +a8e649ac1ba1094f3a75fd3fd6aa7a0ed679bc25,"public String atFirst(String str) +{ + if (str.length() < 2) + return str + ""@""; + else if (str.length() >= 2) + return str.substring(0, 2); + else + return ""@@""; + +} +" +ffde70491c190b30e2d08d9ebff2f8687d0cee71,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() < 2) + return str + ""@""; + + else + return ""@@""; + +} +" +428af3c48daf0b8144260c40dea3f2cfc02dea95,"public String atFirst(String str) +{ + if (str.length() >= 2) + + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; + + +} +" +fdb099584f3dc4dff9496aa0637a747bf9eb46be,"public String atFirst(String str) +{ + String Tchalekian; + +} +" +d9841c656389fa0d2598281ad9c91d4c11ffbc39,"public String atFirst(String str) +{ + String Tchalekian; + String part = name.substring(2); +} +" +91625f1d3deb067ead07fd7efc5b555bc48b323d,"public String atFirst(String str) +{ + String Tchalekian; + String part = name.substring(2); + return part; +} +" +c9cbd7efb52da2b59a60410e071c779245c70be3,"public String atFirst(String str) +{ + String Tchalekian; + String part = Tchalekian.substring(2); + return part; +} +" +8e2e74d4c84ee9eca850590512c0456a3eafb373,"public String atFirst(String str) +{ + String name = Tchalekian; + String part = name.substring(2); + return part; +} +" +7430f079b3ac775871d65aa3340c0bd5ea7508bf,"public String atFirst(String str) +{ + String name = tchalekian; + String part = name.substring(2); + return part; +} +" +91acc608f9b6478f70b7d7683d4e1edf99b7365a,"public String atFirst(String str) +{ + String name = ""tchalekian""; + String part = name.substring(2); + return part; +} +" +fd5bb0cecc03ec8afb172760657b0efd94950120,"public String atFirst(String str) +{ + if(str.length()>2) + { + return str+""@""; + } + else + { + return str.substring(0,2); + } +}" +e4eae81b2f195970f2069089007a00b65567217a," public String atFirst(String str) { + int len = str.length(); + if (len >= 2) + return str.substring(0, 2); + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; + } +}" +a97911531129a7941e72bae31018a807fa009f34,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + { + return str.substring(0, 2); + } + else if (len == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } + } +}" +e22c32d66ed28709effa0e561491a9dc0ce3c493,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + { + return str.substring(0, 2); + } + else if (len == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +}" +5437935d6feaa696a54909c94fcffbfae63e3991,"public String atFirst(String str) +{ + public String without2(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0,2); + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; +} + +} +" +d9b15fbee302b100f891f5c11744a70854cc709c,"public String atFirst(String str) +{ + + int length = str.length(); + if (length >= 2) + { + return str.substring(0,2); + } + else if(length == 1) + { + return (str.charAt(0) + ""@""); + } + else + return ""@@""; + + +} +" +6ff5df93db23b3ad4a91865c6c49772b5543a437,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +a665dd50cce3015e43c4cce516e62034c3d40995,"public String atFirst(String str) +{ + if (length(str) < 2) + return str(1) + 'a' + +} +" +a5810942fd8d00ecbe2b4053f77b8e4bf0b3b351,"public String atFirst(String str) +{ + if (length(str) < 2) + return str(1) + 'a'; + +} +" +899ec8ec00889bb0423b3296f81a76d69bc2bea8,"public String atFirst(String str) +{ + if (str.length() < 2) + return str.get(1) + 'a'; + +} +" +3006b11c6e7fe0b574227102130ffba1b716a29a,"public String atFirst(String str) +{ + if (str.length() < 2) + return str.charAt(0) + '@'; + +} +" +07971d7ed943abdc2653a281102f535522f96daf,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else { + if (str.length() == 1) { + return str + ""@""; + } + else { + return str + ""@@""; + } + } +} +" +51f8ce07b47674153115fbf4763e93e69e8669d4,"public String atFirst(String str) +{ + if (str.length() == 0) return ""@@""; + if (str.length() == 1) return str + ""@""; + return str.substring(0, 2); +} +" +3f06def74c58e7ae86a43f6d2ad7d7b04dc0f6c6,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } +} +" +3d5b0669ceed79508a03a21db108c3ec38afa0f0,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else + { + str=str+""@@@@""; + return str.substring(0,2); + } +} +" +bb60582722a9c12f687b5a5903deb574b846c56d,"public String atFirst(String str) +{ + if (str.length()<2) + { + str=str+""@@@@""; + } + return str.substring(0,2); +} +" +588c1edef99de25af1c17aa52cfdd2558999ef6f,"public String atFirst(String str) +{ + int len = str.length(); + + if(len >= 2) + { + return str.substring(0, 2); + } + else if(len == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +0cd0450284088cf8c4ad58864477e9ef48771ee4,"public String atFirst(String str) +{ + String output = str; + if (str.length() - 2 < 0) + for (int i = 0; i < Math.abs(str.length - 2); i++) + output = output + ""@""; + return output; + else + return output.substring(0, 2); +} +" +10b3d07d4259ff055b4eb0abf1b55b760132ca60,"public String atFirst(String str) +{ + String output = str; + if (str.length() - 2 < 0) { + for (int i = 0; i < Math.abs(str.length - 2); i++) { + output = output + ""@""; + } + return output; + } + else { + return output.substring(0, 2); + } +} +" +d498fff62096bb83b2359157a54d784c3d9b8932,"public String atFirst(String str) +{ + String output = str; + if (str.length() - 2 < 0) { + for (int i = 0; i < Math.abs(str.length() - 2); i++) { + output = output + ""@""; + } + return output; + } + else { + return output.substring(0, 2); + } +} +" +0fafb6732732f309836e472562b12464669f8030,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + { + return str.substring (0, 2); + } + else if (len ==1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +0c596dce43ffef4942fcf91286d5a1bd55a6ed8c,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return '@@'; + } + else if (str.length() == 1) + { + return str.substring(0, 1) + '@'; + } + return str.substring(0, 2); + +} +" +cea7761a4f79b239fe5031f607aaba6341d533ba,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str.substring(0, 1) + ""@""; + } + return str.substring(0, 2); + +} +" +8bb1e4845f11620d6a5304aa2d31a81f4d115ecc,"public String atFirst(String str) +{ + int length = str.length; + if (length >= 2) + return str.lenth(0, 2); + else if (lenth == 1) + return str.charAt(0) + '@'; + else + return '@@'; +} +" +309f5132ff8923613d01a4be5d3a26284c2fac2a,"public String atFirst(String str) +{ + int length = str.length; + if (length >= 2) + return str.lenth(0, 2); + else if (lenth == 1) + return str.charAt(0) + ""@""; + else + return ""@@""; +} +" +ac115a71f049104bf984dd48937fed72a941d8ac,"public String atFirst(String str) +{ + int length = str.length; + if (length >= 2) + return str.lenth(0, 2); + else if (length == 1) + return str.charAt(0) + ""@""; + else + return ""@@""; +} +" +b1c0aac1f2ab12c845b40ab117a6638c9da7abe8,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + return str.lenth(0, 2); + else if (length == 1) + return str.charAt(0) + ""@""; + else + return ""@@""; +} +" +ab16a42d2f9a50a373ef0a80ee2aadbe6469fbee,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + return str.length(0, 2); + else if (length == 1) + return str.charAt(0) + ""@""; + else + return ""@@""; +} +" +5d4a89278398d4326a4ea9118b13de81ed2ad8fc,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + return str.substring(0, 2); + else if (length == 1) + return str.charAt(0) + ""@""; + else + return ""@@""; +} +" +61b8ac3bc8d27444ac15b81c16fa22b768b55d72,"public String atFirst(String str) +{ + String string = """"; + size = str.length(); + if (size < 2) + { + string = str.substring(0, 1) + ""@""; + } + else + { + string = str.substring(0, 1); + } +} +" +fd9d9f7caa121f11b599e1a907ce2b5f7a152631,"public String atFirst(String str) +{ + String string = """"; + int size = str.length(); + if (size < 2) + { + string = str.substring(0, 1) + ""@""; + } + else + { + string = str.substring(0, 1); + } +} +" +95701ee3e76da76cb9f2c8e1c79938ed2a5566a7,"public String atFirst(String str) +{ + String string = """"; + int size = str.length(); + if (size < 2) + { + string = str.substring(0, 1) + ""@""; + } + else + { + string = str.substring(0, 1); + } + return string; +} +" +c2d30d2e43f8f7e1fd98d800d89fd632b617b20d,"public String atFirst(String str) +{ + String string = """"; + int size = str.length(); + if (size < 2) + { + string = str.substring(0, 1) + ""@""; + } + else + { + string = str.substring(0, 2); + } + return string; +} +" +2a9c5aba2f01f1caa6ad147bcba908b2a2bb8ea0,"public String atFirst(String str) +{ + String string = """"; + int size = str.length(); + if (size < 2) + { + string = str.substring(0, 1) + ""@""; + if (size < 1) + { + string = ""@@""; + } + } + else + { + string = str.substring(0, 2); + } + return string; +} +" +a258b74ff0f6457c38fd32e984aa3d31d167efbb,"public String atFirst(String str) +{ + String string = """"; + int size = str.length(); + if (size < 2) + { + string = str.substring(0) + ""@""; + if (size < 1) + { + string = ""@@""; + } + } + else + { + string = str.substring(0, 2); + } + return string; +} +" +32cdf407c745d814e50bdda3dcc80729b13e6eff,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + { + return str.substring(0,2); + } + else + { + if(len == 1) + { + return str.charAt(0) + ""@""; + } + else(len == 0) + { + return ""@@""; + } + } +} +" +6cef1c9f3cda1b97ccc18d12d7872e4937893454,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + { + return str.substring(0,2); + } + else + { + if(len == 1) + { + return str.charAt(0) + ""@""; + } + else if(len == 0) + { + return ""@@""; + } + } +} +" +030d8f96c0175961e321f308b84aabd5e2fcd0fa,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + { + return str.substring(0,2); + } + else + { + if(len == 1) + { + return (str.charAt(0) + ""@""); + } + else if(len == 0) + { + return ""@@""; + } + } +} +" +88efa7c77fe759349abce11b8cbd30aaae480c25,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + { + return str.substring(0,2); + } + else if(len == 1) + { + return (str.charAt(0) + ""@""); + } + else if(len == 0) + { + return ""@@""; + } + +} +" +96fff7c6f920525c8ff5167c5fe6ea310311ee72,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + { + return str.substring(0,2); + } + else if(len == 1) + { + return (str.charAt(0) + ""@""); + } + else if(len == 0) + { + return ""@@""; + } + return str; +} +" +e40a164434758778666f6a4add2fbeb6d3403c6f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0,2)) + } +} +" +fc6c5846e55c5cb7f5c7db3d2b3d6e346bdda565,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0,2)); + } +} +" +3673e4a4800e9b1bf357b250ab35e51356d8ec5d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(2); + } +} +" +f16b33d80175e900b451d258de7173e5e6d5d5a1,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2) + } + else if (length == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +2b7dbd5f3627c6986c806469fb84df744a194090,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +b23e958ac21dd7fae51354e9fa8a43df8c8b7cde,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + if (str.length(str) == 1) + { + return str + ""@""; + } + else + { + return str.substring(0,2); + } + +} +" +3e3f92b5255a315bea19b9efbd3c14567e082ae2,"public String atFirst(String str) +{ + if (length(str) == 0) + { + return ""@@""; + } + if (str.length(str) == 1) + { + return str + ""@""; + } + else + { + return str.substring(0,2); + } + +} +" +7edd2a89de67f4bdaf122fa05135de346f4fbdad,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0,2); + } + +} +" +7b2022440961cc5128988b3e29cafac3271f92be,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return str; + } + else if (str.length() == 1) + { + return ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +850563122919f22cdc869671820789e02d7d1dd9,"public String atFirst(String str) +{ + int len = str.length(); + + if (len>=2) + { + return str.substring(0,2); + } + + else if (len == 1) + { + return (str.chartAt(0) + ""@""); + } + + else + { + return ""@@""; + } + + + +} +" +c290e9a301a7a5345b422be5884ec3e33395b241,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return str; + } + else if (str.length() == 1) + { + return ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +7f145d8070400c387908098571ece4870e6f29f4,"public String atFirst(String str) +{ + if (length(str) == 0) + { + return @@; + } + else if (length(str) == 1) + { + return (str + @); + } + else + { + String z = str.substring( 2); + return z; + } + + + +} +" +1ef0f17a4b0591cb6363ad2b510d4023f0666bd6,"public String atFirst(String str) +{ +if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } +}" +38a7fb64afdd208f68d56f704f7d07132342ceac,"public String atFirst(String str) { + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } +} +" +4e651e8df90f087942b32424b07d4257df1ddc47,"public String atFirst(String str) +{ + return '@'; +} +" +99d9b16b7e7f06e836469b576e54d826410b1b71,"public String atFirst(String str) +{ + return ""@""; +} +" +600d81390fe6475e69a70635a36058552708c7e1,"public String atFirst(String str) +{ + return str; +} +" +368d1a3487450180bdbc93563c42d4f45d4dd1dd,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0, 1); + } + + return str; +} +" +fe0898834a4170f6c359936d6946907ef4226799,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.charAt(0, 1); + } + + return str; +} +" +6f42ab5e43c114df8f6e057f58a957ad2afdb5d4,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.charAt(2); + } + + return str; +} +" +20e663519c99384c3336edc63fc0e97784bcaa5f,"public String atFirst(String str) +{ + str = ""Gino""; + String part = str.substring(0, 1); + return part; + if (str = 1) + { + return str'@'; + } + else + { + return '@@' + } +} +" +435b284ec85f00c5bf78b68701b8a36e9f3af61c,"public String atFirst(String str) +{ + str = ""Gino""; + String part = str.substring(0, 1); + return part; + +} +" +e165a97317405bfe17b1b8419b4642fa48069c6b,"public String atFirst(String str) +{ + String part = str.substring(0, 1); + return part; + +} +" +a54684df46dfe76556f9486da26d826d4a38ad5a,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.getChars(0,1); + } + + return str; +} +" +3480214aaff3999a0f848b67bcd8323419399bd8,"public String atFirst(String str) +{ + String part = str.substring(1); + return part; + +} +" +9f523b784a1ba6656c1c47319b10577c101278d6,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.indexOf(0,1); + } + + return str; +} +" +1ef93ca25240cdf921d25b43541c46cb6834e9cf,"public String atFirst(String str) +{ + String part = str.substring(0, 2); + return part; + +} +" +14905de217aace31a6376874f1642bd76a7d2779,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0,1); + } + + return str; +} +" +324c03d7f94019cf413ae6c408c0c60388e6e380,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,1); + } + + return str; +} +" +fee5935978974505749a7d94891dbb0966d12fb0,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0,1); + } + + return str; +} +" +cb49c4a5387caf3d4a04cb573d23fc83ada26a4f,"public String atFirst(String str) +{ + + if (str = 1) + { + String part = str.substring ""@""; + } + else if (str = 0) + { + String part = ""@@"" + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +31ad50d7e6ec4065e0992c493459ac26002fda8e,"public String atFirst(String str) +{ + + if (str = 1) + { + String part = ""str.substring@""; + } + else if (str = 0) + { + String part = ""@@""; + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +b497f720cccac507c3cd53138c2569714803e709,"public String atFirst(String str) +{ + String part = str.substring(0, 2); + + return part; +} +" +49c10f752a17233afb021e2b1e28bf5e27836896,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return str; + } + else if (str.length() == 1) + { + return ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +2fcd5eb0fa618049649c1af272517b3be505a60b,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return str; + } + else if (str.length() == 1) + { + return str.substring(0, 0) + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +6d28f263b673f6d22864bdd522bbb54fd956c6a9,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return str; + } + else if (str.length() == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +0787f96457c9c72e7057e223b3ba985531d643c0,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +2d9b7d8e9bb6cae3103814425115198745b2b5a8,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +baa84f8441733a8d36ece4b38f012b949ef1d00c,"public String atFirst(String str) +{ + if (str.length() == 0){ + return ""@@""; + } + if (str.length() == 1){ + return str + ""@""; + } + else{ + return str.substring(0, 2); + } +} +" +d0f58223bed883ea1921e2c9dfed71fb6c00df94,"public String atFirst(String str) +{ +if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } +}" +80a5cd294f514901dddfa0de30d44c05c82b26ad,"public String atFirst(String str) +{ +if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } +}" +b00e7b18eb7be47453de778b526fc692afa224a4,"public String atFirst(String str) +{ + if (length(str) == 0) + { + return @@; + } + else if (length(str) == 1) + { + return (str + @); + } + else + { + String z = str.substring( 2); + return z; + } + + + +} +" +19d0fe29a0d0e7535f7f564d9556190df75ba3bb,"public String atFirst(String str) +{ + if (length(str) == 0) + { + return ""@@""; + } + else if (length(str) == 1) + { + return (str + @); + } + else + { + String z = str.substring( 2); + return z; + } + + + +} +" +fd1dc085e282dce65325ef5fc585cb039c8929e4,"public String atFirst(String str) +{ + if (length(str) == 0) + { + return ""@@""; + } + else if (length(str) == 1) + { + return (str + ""@""); + } + else + { + String z = str.substring( 2); + return z; + } + + + +} +" +15243a93e3c824a5271e7cd60bd5dcf9f90a1e95,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return (str + ""@""); + } + else + { + String z = str.substring( 2); + return z; + } + + + +} +" +8785be8401074c0f26f26568ffc7abdb33fce01e,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return (str + ""@""); + } + else + { + String z = str.substring( 0, 2); + return z; + } + + + +} +" +84b54dab6601a86636238b7403a7f496810af37f,"public String atFirst(String str) +{ + if(str.length() >= 3) + { + return str.substring(0, 2); + } + else if (str.length() < 2) + return str + ""@""; + else + return str; +} +" +355db3739d3efdcdd107fcb21159bf9990a51a8f,"public String atFirst(String str) +{ + length = str.length(); + if (length < 2) + { + int num = 2 - length; + String string = str + (""@"" * num); + } + else + { + String string = str.substring(0, 2); + } +} +" +2395c5a0570813b5f691920c7044734dd97536da,"public String atFirst(String str) +{ + int length = str.length(); + if (length < 2) + { + int num = 2 - length; + String string = str + (""@"" * num); + } + else + { + String string = str.substring(0, 2); + } +} +" +5e556f0949658e486dd41c6120a045f60398d1c9,"public String atFirst(String str) +{ + int length = str.length(); + if (length < 2) + { + int num = 2 - length; + String string = str + ""@""(num); + } + else + { + String string = str.substring(0, 2); + } +} +" +7603280ccf5c12e9d801742a097f90149e8cd6f8,"public String atFirst(String str) +{ + if(str.length() >= 3) + { + return str.substring(0, 2); + } + else if (str.length() < 2 && str.length() > 0) + return str + ""@""; + else if (str.length() < 1) + return str + ""@@""; + else + return str; +} +" +ebf13f8cb5dfcefe05d75e58e9857d68e3a347cc,"public String atFirst(String str) +{ + int length = str.length(); + if (length < 2) + { + int num = 2 - length; + String part = stringMultiply(""@"", num); + String string = str + part; + } + else + { + String string = str.substring(0, 2); + } + return string; +} +" +942162602bc1561a99b3c1857053b6fb9b663091,"public String atFirst(String str) +{ + int length = str.length(); + if (length < 2) + { + int num = 2 - length; + String part = stringMultiply(String ""@"", num); + String string = str + part; + } + else + { + String string = str.substring(0, 2); + } + return string; +} +" +c4bbe686f748045d0a6c81fddcc8c13150de3fb4,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 1) + { + String string = str + ""@""; + } + else if (length == 0) + { + String string = ""@@"" + else + { + String string = str.substring(0, 2); + } + return string; +} +" +86513382ecf4eeadd0748aafeab4c853462e6c4b,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 1) + { + String string = str + ""@""; + } + else if (length == 0) + { + String string = ""@@""; + } + else + { + String string = str.substring(0, 2); + } + return string; +} +" +764d7865462b618c4e175e2b36c6caed54a4bc64,"public String atFirst(String str) +{ + String string; + int length = str.length(); + if (length == 1) + { + string = str + ""@""; + } + else if (length == 0) + { + string = ""@@""; + } + else + { + string = str.substring(0, 2); + } + return string; +} +" +1210586898611da22a06d0d9dcf9c07490875ee1,"public String atFirst(String str) +{ + if (str.length() < 2) + return '@'; + else + return str.substring(0, 2) + +} +" +f937352ef35d253d82308bfd38c530129516be9d,"public String atFirst(String str) +{ + if (str.length() < 2) + return '@'; + else + return str.substring(0, 2); + +} +" +95b23edac5878ed3f855568103f2d38998eb2ead,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str.substring(0,2); + } + else if (str.length == 1) + { + return substring(0)'@'; + } + else + { + return '@@'; + } +} +" +6ff8e935234e7371cf33e251415b7060814e4675,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str.substring(0,2); + } + else if (str.length == 1) + { + return str.substring(0)'@'; + } + else + { + return '@@'; + } +} +" +0a12e277a2a02971837157e12ed54696b2da293c,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str.substring(0,2); + } + else if (str.length == 1) + { + return str'@'; + } + else + { + return '@@'; + } +} +" +453c14ddf3572b82f39e5707f9f53f08ff87f57b,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str.substring(0,2); + } + else if (str.length == 1) + { + return str@; + } + else + { + return @@; + } +} +" +637b70148ee31a8313df9520de574787bcd27d2e,"public String atFirst(String str) +{ + char @; + if (str.length >= 2) + { + return str.substring(0,2); + } + else if (str.length == 1) + { + return str@; + } + else + { + return @@; + } +} +" +b013501d80f1f15ec25468f6fe29a32791b1a8b9,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str.substring(0,2); + } + else + { + return 0; + } +} +" +bff23a6437d4a10e0adcac5f9eaacb1b556bcac1,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else + { + return 0; + } +} +" +7a00b6114abd0b34757d58a97cba6d610d6cee87,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else + { + return str; + } +} +" +2ed7f6d787e101490eeaad0609644558aad02f27,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str.subcharAt(0) = ""@""; + else + return ""@@""; + +} +" +a90d7e282f91e2193205bebe22f02e5e304a2c98,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else + { + return str + '@'; + } +} +" +4373817101cc164cb32793ed416e398e7bcee3a9,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str.charAt(0) = ""@""; + else + return ""@@""; + +} +" +cd26d3ae63979811208afa84ed1238e62e1217b5,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + '@'; + } + else + { + return '@@'; + } +} +" +8857f0993641f3c963882b99b8bc566a7d29a933,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str.charAt(0) + ""@""; + else + return ""@@""; + +} +" +51bab66f16d57181de7d04d780d1af9d4de1d2cd,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + '@'; + } + else + { + return str + '@@'; + } +} +" +9f5ef76d74b0af2bf1f38fdc13de673abf394bbe,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + '@'; + } + else + { + return str + '@'; + } +} +" +a2837ba81ab84cb45dfba4a1f3429503dbcc122e,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + '@'; + } + else + { + return str + '@' + '@'; + } +} +" +6e40253d15b31ccf59f1422111f15311483fcc7b,"public String atFirst(String str) +{ + int len = str.length(); + + if (len>=2) + { + return str.substring(0,2); + } + + else if (len == 1) + { + return (str.chartAt(0) + ""@""); + } + + else + { + return ""@@""; + } + + + +} +" +cf8a7efdb1444209c4a6eca8679ebb40b7590e2f,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return str+@; + else + return str.substring(0,3) + +} +" +44a829148ac8e3a29c6f33b16d14ad91956cfded,"public String atFirst(String str) +{ + int len = str.length(); + + if (len>=2) + { + return str.substring(0,2); + } + + else if (len == 1) + { + return (str.chartat(0) + ""@""); + } + + else + { + return ""@@""; + } + + + +} +" +11e50258135253207990b2be779fc075ec4432cb,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return str+@; + else + return str.substring(0,3); + +} +" +98330c8913d2ca8b99ee068bc17c583d2d198297,"public String atFirst(String str) +{ + int len = str.length(); + + if (len>=2) + { + return str.substring(0,2); + } + + else if (len == 1) + { + return (str.chartatFirst(0) + ""@""); + } + + else + { + return ""@@""; + } + + + +} +" +c90d49d98bd5bcc9932558b942624ce2464b7bd2,"public String atFirst(String str) +{ + int len = str.length(); + + if (len>=2) + { + return str.substring(0,2); + } + + else if (len == 1) + { + return (str.charatFirst(0) + ""@""); + } + + else + { + return ""@@""; + } + + + +} +" +f8ea3ba793676b34bd822b12b719d68579647133,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+String @; + else + return str.substring(0,3); + +} +" +a43f9a5c468c3e90aaf3ec400f4e280b3f76cfcd,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+String @); + else + return str.substring(0,3); + +} +" +60a7b2d10ceee84e5b2855fc1c1268741fc22faa,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+String @); + else + return str.substring(0,3); + +} +" +616d2b041559da68c761bc85c50ff209449b8c0b,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+String ""@""); + else + return str.substring(0,3); + +} +" +d7079d835be545e4d96765949f16025b5e68f3af,"public String atFirst(String str) +{ + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+String ""@""); + else + return str.substring(0,3); + +} +" +e9a1fe441dccfb443d7e105eae7007d61bfc57f2,"public String atFirst(String str) +{ + string add = ""@"" + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+add); + else + return str.substring(0,3); + +} +" +080e64f0eb39d0de51f145a51ab634f8a99d0dc4,"public String atFirst(String str) +{ + string add = ""@""; + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+add); + else + return str.substring(0,3); + +} +" +8e973d212b7ba1758bfa841f618fddb8c2470e87,"public String atFirst(String str) +{ + String add = ""@""; + String part = str.substring(0,3); + if (str.substring(2,3)==null) + return (str+add); + else + return str.substring(0,3); + +} +" +c86f993fe3ea8e62f7d0223f5f02d3fa514b77da,"public String atFirst(String str) +{ + String add = ""@""; + String part = str.substring(0,2); + if (str.substring(2,3)==null) + return (str+add); + else + return str.substring(0,2); + +} +" +297eb91c5a2cbb06723434a536d24f7b4dab688a,"public String atFirst(String str) +{ + + if (str.length() == 0) + { + return ""@@""; + } + + if (str.length()<2) + { + return str+""@"" + } + + else + { + return str.substring(0,2); + } + + + + + +} +" +4a3a5887a4898db0da9e18e3189243a0a25ddab3,"public String atFirst(String str) +{ + + if (str.length() == 0) + { + return ""@@""; + } + + if (str.length()<2) + { + return str+""@""; + } + + else + { + return str.substring(0,2); + } + + + + + +} +" +3d898f32ab0b95dbf18560fd194e3c5b08b49d4e,"public String atFirst(String str) +{ + String add = ""@""; + String part = str.substring(0,2); + if (str.substring(2,3)==null) + return (str+add); + else + return str.substring(0,2); + +} +" +ce2ac3ff137e7f99944d22b764392a434bd3fb00,"public String atFirst(String str) +{ + String add = ""@""; + String part = str.substring(0,2); + if (str.substring(1,2)==null) + return (str+add); + else + return str.substring(0,2); + +} +" +b769eda12897d7694ccc61a1c8908af1ef1e8093,"public String atFirst(String str) +{ + String add = ""@""; + + if (str.substring(1,2)==null) + return (str+add); + else + return str.substring(0,2); + +} +" +3d8c0a3ba37b236370871f9e68da3b87eaad4410,"public String atFirst(String str) +{ + String add = ""@""; + + if (str.substring(1,2)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +4afdfe6cc49a58e81834aa96b28bca5df73ff020,"public String atFirst(String str) +{ + String add = ""@""; + + if (str.substring(1,2)==null && str.substring(0,1)!=null ) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +de733f87df5756c7dcf00b5e8e6a63fb06b41064,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0,1) == null) + return add+add; + else if (str.substring(1,2)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +641fe64844a5e886363b76230841c169415b246a,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == null) + return add+add; + else if (str.substring(1,2)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +6af31c300b4364e571429b00209bb5a617797d19,"public String atFirst(String str) +{ + String string = str; + if (string.length() < 2) + { + while (string.length < 2) + { + string = (string + ""@""); + } + return string; + } + else + { + return string.substring(0, 2); + } + +} +" +7af0f2f7714bbe6a159dd9b32c99178f71eab240,"public String atFirst(String str) +{ + String string = str; + if (string.length() < 2) + { + while (string.length() < 2) + { + string = (string + ""@""); + } + return string; + } + else + { + return string.substring(0, 2); + } + +} +" +ebba8c4ebbd6939f43244ab395dbb771683f249f,"public String atFirst(String str) +{ + length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str; + return ""@""; + } + else + return str; + + + + +} +" +57c1f41ba8f0aa4e05eecfa21f40ea838a636792,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str; + return ""@""; + } + else + return str.substring(0,2); + + + + +} +" +f6eb5f7f16220cd76481bf260158d1c18297f438,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str; + return @; + } + else + return str.substring(0,2); + + + + +} +" +d3ea10c89e0ab8fc724d456c6868e5747c385ea3,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str + @; + } + else + return str.substring(0,2); + + + + +} +" +1608c57c4f285dd2b884936713807258fbf342ab,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str && ""@""; + } + else + return str.substring(0,2); + + + + +} +" +d1f7cd7e0a7ab8e47d4dd413895c8a255f29ff90,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == null) + return add+add; + else if (str.substring(0,1)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +2975fc1df13ae252c939a9e02d516d2e6d21f7b9,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring() == null) + return add+add; + else if (str.substring(0,1)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +f5dd73d35a02a31673e28d6084707dc0bd8f31db,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring() == null) + return add+add; + else if (str.substring(0,1)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +de113f569cf566794d6f092dda2cd897ad60e114,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == null) + return add+add; + else if (str.substring(0,1)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +728a467202c13e05d7607d8b392339f5ca9fef24,"public String atFirst(String str) +{ + int len = length.str(); + if (len < 2) + { + return str.substring(@); + } + else + { + return length.str(0,2); + } +} +" +e92d0ae24c5eb8fdc8806d79f8348aeb61c9882e,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str; + } + else + return str.substring(0,2); + + + + +} +" +a2a01119231abdedd45bbaa0d4644f8ec8edf4fc,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (length == 1) + { + return str; + } + if (1 == 1) + return ""@""; + } + else + return str.substring(0,2); + + + + +} +" +6756dea31f088dc0444781a50f6605e85eaaffe1,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (1 == 1) + { + return str; + } + if (1 == 1) + return ""@""; + } + else + return str.substring(0,2); + + +} +" +08990dd294503dcbe8d6b03cba3d24cf2c2ad569,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (1 == 1) + { + return str; + } + if (1 == 1) + return ""@""; + } + else + return str.substring(0,2); +} +} +" +cd5750aa75c785bc0871f2c8681f615fbf2722e3,"public String atFirst(String str) +{ + int len = length.str(); + if (len < 2) + { + return str.substring(@@); + } + else if (len >= 2) + { + return str.substring(0,2); + } + /*else + { + return length.str(0,2); + }*/ +} +" +f6c2fdebe87c30622cf2c5423308ee5903c09a4e,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return ""H@""; + } + else + return str.substring(0,2); +} +" +ab694e85cc8527c49baf15577b57ef99d0c7bc80,"public String atFirst(String str) +{ + int len = length.str(); + if (len < 2) + { + return str.substring(@@); + } + else (len >= 2) + { + return str.substring(0,2); + } + /*else + { + return length.str(0,2); + }*/ +} +" +ecd144b115afa145dbc847147f627d0d08102ed8,"public String atFirst(String str) +{ + /*int len = length.str(); + if (len < 2) + { + return str.substring(@@); + } + else (len >= 2) + { + return str.substring(0,2); + } + /*else + { + return length.str(0,2); + }*/ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +325b308d547877116879a23a83752568f958d31d,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (str == ""h"") + return ""h@""; + if (str == ""j"") + return ""j@""; + } + else + return str.substring(0,2); +} +" +9a90a20fb640a4fc817a5c043a5879877f5d5cd5,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (str == ""h"") + return ""h@""; + else (str == ""j"") + return ""j@""; + } + else + return str.substring(0,2); +} +" +637670c089078ba143b2da315700ca33c5d92f64,"public String atFirst(String str) +{ + int len = length.str(); + if (len < 2) + { + return str.substring(""@@)""; + } + else if (len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + } + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@"";*/ +} +" +a0296eec14d541e6c97d5ec2aa04660f58eab3a4,"public String atFirst(String str) +{ + int len = length.str(); + if (len < 2) + { + return str.substring(""@@""); + } + else if (len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + } + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@"";*/ +} +" +d1a739ea0816e76be6707e47e76c6c817801ab48,"public String atFirst(String str) +{ + int Len = length.str(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + } + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@"";*/ +} +" +19e66a9f55df17d174eadce53a7af3692a608984,"public String atFirst(String str) +{ + int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + } + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@"";*/ +} +" +9eeec62aba27e455b05795adc396d3f5f090fa34,"public String atFirst(String str) +{ + int Len = str.Length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + } + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@"";*/ +} +" +598a5975066d63cc8ef76c4d62e96f8cb0cff22a,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (str == ""h"") + return ""h@""; + else (str == ""j"") + return ""j@""; + } + else + return str.substring(0,2); +} +" +f123e0a337afda6752618871dd8a9341f517b9f9,"public String atFirst(String str) +{ + int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + } + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@"";*/ +} +" +b1167e12654438ba8da1918d3d596099452cef53,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + if (str == ""h"") + return ""h@""; + else + return ""j@""; + } + else + return str.substring(0,2); +} +" +b83d7190a3324e023fc8ad5ef9d9285b2da2ab8d,"public String atFirst(String str) +{ + /*int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + }*/ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +eb1261e573d72691987f133cf0b82f8415118b04,"public String atFirst(String str) +{ + /*int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + }*/ + int len = str.length(); + if (len >= 2) + { + return str.substring(0, 2); + } + else if(len == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +fb0e503d83be24104df83f5a750bbcb9b32c244a,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + method(str); + return ""@""; + } + else + return str.substring(0,2); +} + +public String method(String str) +{ + return str; +} +" +885a1d9faafe39d8bff14004df95f5fbc8d435e0,"public String atFirst(String str) +{ + /*int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + }*/ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if(length == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +5cec6c754c594594cc4a7a5b40762bc9e504e2a4,"public String atFirst(String str) +{ + /*int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + }*/ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + /*else if(length == 1) + { + return (str.charAt(0)+""@""); + }*/ + else + { + return ""@@""; + } +} +" +0456002f45a36b5df36fbb91daf3962385406037,"public String atFirst(String str) +{ + /*int Len = str.length(); + if (Len < 2) + { + return str.substring(""@@""); + } + else if (Len >= 2) + { + return str.substring(0,2); + } + /*else + { + return str.charAt(0) + ""@"") + }*/ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if(length == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +8ddbd5941c7b99d6290f2265a1e4ef543437a966,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + { + return str.substring(0, 2); + } + else if(length == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +16df9bb896b26c2429f3bfc9f2b9fe7cf2c4192d,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + method(str); + return ""@""; + } + else + return str.substring(0,2); +} + +public String method(String str) +{ + return str; +} +" +12f4a6b83eedbee853288f343ff3f98b06d924a9,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == """") + return add+add; + else if (str.substring(0,1)==null) + return (str+add); + else if (str==null) + return add+add; + else + return str.substring(0,2); + +} +" +8c02e75cbd68d360ad79bc0ec67ce5d8c859c1aa,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == """") + return add+add; + else if (str.substring(0,1)=="""") + return (str+add); + ' + else + return str.substring(0,2); + +} +" +0a6f0464672921b3a316f6f18d5660b690b82575,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == """") + return add+add; + else if (str.substring(0,1)=="""") + return (str+add); + else + return str.substring(0,2); + +} +" +8a5e6b3e2f71f1b5bc470112d8f6757d6e717a14,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == """") + return add+add; + else if (str.substring(0,1)==null) + return (str+add); + else + return str.substring(0,2); + +} +" +019409b7d60f599a1f8eaf498f0bd52f1118a2f8,"public String atFirst(String str) +{ + String add = ""@""; + if (str.substring(0) == """") + return add+add; + else if (str.substring(1,2 + )==null) + return (str+add); + else + return str.substring(0,2); + +} +" +05b563dbddb8a25d61027a24080cdf6b83c58fe1,"public String atFirst(String str) +{ + int leng; + String add = ""@""; + leng=String.Length(str); + if (str.substring(0) == """") + return add+add; + else if (leng<2) + return (str+add); + else + return str.substring(0,2); + +} +" +e7738c77b54ca9a7cf91106a3123ee0656c4ce86,"public String atFirst(String str) +{ + int leng; + String add = ""@""; + leng=String.length(str); + if (str.substring(0) == """") + return add+add; + else if (leng<2) + return (str+add); + else + return str.substring(0,2); + +} +" +b5530a19e8e812997cc8d21703fdaa7ab144427d,"public String atFirst(String str) +{ + int leng; + String add = ""@""; + leng=str.length(); + if (str.substring(0) == """") + return add+add; + else if (leng<2) + return (str+add); + else + return str.substring(0,2); + +} +" +bcc8568cd6c9f04c726d70bc23f82ffd6a0c56a9,"public String atFirst(String str) +{ + String length = str.length(); + if (length < 2) + { + return( '@' + str); + } + else + { + String two = str.substring(0, 2); + return(two); + } +} +" +50633a67163ca20e13c8b058726baba14f8258f9,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.length(0, 2); + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +9f906789095539e338889e6278204e5f6f451d28,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return substring(0, 2); + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +4d45ebb3acf8189df830c0e31c51364e2bca7c54,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0, 2); + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +106c79c2016a530413560a6760ea1f669d38d6d6,"public String atFirst(String str) +{ + int length = str.length(); + if (length < 2) + { + return( '@' + str); + } + else + { + String two = str.substring(0, 2); + return(two); + } +} +" +cdb52d084ce7bf9e6c005699650b52a25f301c77,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + { + return(str + '@'); + } + else if (length == 1) + { + return(""@@""); + } + else + { + String two = str.substring(0, 2); + return(two); + } +} +" +c0314187a6c152d9263ac9a153fce5f26294e358,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 1) + { + return(str + '@'); + } + else if (length == 0) + { + return(""@@""); + } + else + { + String two = str.substring(0, 2); + return(two); + } +} +" +bc9d18c5e55f1603ee3616df15e0a76ee005c674,"public String atFirst(String str) +{ + int len = str.length(); + if (len > 2) + return str.substring(0,1); + if (len == 2) + return str.substring() + ""@""; + return ""@@""; +} +" +b8b271f2c62995435dc9d1017fd293a9fc32c7f0,"public String atFirst(String str) +{ + int len = str.length(); + if (len > 2) + return str.substring(0,1); + if (len == 2) + return str + ""@""; + return ""@@""; +} +" +875af33c6b9028db2f74c57cf3cb3da129fd4801,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0,1); + if (len == 1) + return str + ""@""; + return ""@@""; +} +" +ca848e532e4e318746556fe0fcaf05e2017cfc2b,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(1,2); + if (len == 1) + return str + ""@""; + return ""@@""; +} +" +0c85e1219e92f6ed0a338123714a41651b30af93,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0,2); + if (len == 1) + return str + ""@""; + return ""@@""; +} +" +de5d277b61b09151c64c9ff938fd2ec6fed25044,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +b797bb9594fd299563967648f95e1e8e6aee4894,"public String atFirst(String str) +{ + int length = str.length(); + if (length >=2) + return str.substring(0,2); + else if (length <2) + return (str.charAt(0)+ ""@""); + +} +" +ca931244b500555f0fde738ec6694fbc64e3bb0b,"public String atFirst(String str) +{ + int length = str.length(); + if (length >=2) + return str.substring(0,2); + else if (length ==1) + return (str.charAt(0)+ ""@""); + else + return ""@@""; +} +" +8d0cb753f4b422bfe9f6c008e3ac3a8d649293ba,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +1679f7d1f7508492a3a3a4220ba8224d65ed08ba,"public String atFirst(String str) +{ + if (str.length() >= 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +8cadff4a645790257591e400b0c277f9b78e2c0f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return (str.charAt()) + ""@"") + } + else + { + return ""@@""; + } +} +" +b270b4af1d0d642352e856429f6408d00efe7fc2,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.charAt(0) + ""@"") + } + else + { + return ""@@""; + } +} +" +f84b7585cd67f4feb17a29b57b1fa792d552c812,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +feac0358e6c48fa3e44b3556bd16a54e64c14d9e,"public String atFirst(String str) +{ + if (str.length() < 2) + return str.substring(0, 2) + '@'; + else + return str.substring(0, 2); +} +" +5d45f30e766b5b3d622777797f711dd6c1cf69a2,"public String atFirst(String str) +{ + if (str.length() < 2) + return str.substring(0, str.length()) + '@'; + else + return str.substring(0, 2); +} +" +e66a2675e8de321d40f7ba6da6caf14a15bbc54c,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else + { + if (str.length() == 1) + { + return str + ""@"" + } + else + { + return ""@@"" + } + + } +} +" +98e6a1b77ef347c280142228eeb678a149b8f6a1,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else + { + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } + + } +} +" +b169fc463c04d00a5f43b4d133ecff3c989b9815,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2) + } + +} +" +bbd35389f57c8c5fc23ac498aed9c20216712f55,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else + { + return str+@ + } + +} +" +5191716f8a60d8566c2beead4113d47f9213ca31,"public String atFirst(String str) +{ + if () // string has less than 2 char + { + + } + else if () // string has only 1 char + { + + } + else // has 2 or more char + { + + } +} +" +3f19179aed746460d1926769e84bdce2eb791967,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length=1) + { + return (str.charAt(0)+""@""); + } + else if + return @@; + +} +" +9420fd2dafde46997fc0590b51c219bba1bceefd,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length=1) + { + return (str.charAt(0)+""@""); + } + else if + return ""@@""; + +} +" +1770b9fca37950fbdf757b56f4ec18b8ccc69fe9,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length=1) + { + return (str.charAt(0)+""@""); + } + else if + { + return ""@@""; + } +} +" +53fd1727b13f24d2519a696b85f739d7ca14bc45,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length=1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +eb041747a9b04fcc5ddf317caf8a06dd85a157c8,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length()=1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +f736d6cdae17556c0ec9539f2abb7d4358262ac9,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length()==1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +955df93999577b31022c40f428b05ab826e5e000,"public String atFirst(String str) +{ + if (str.length()>=2) + { + return str.substring(0,2); + } + else if (str.length()==1) + { + return (str+""@""); + } + else + { + return ""@@""; + } +} +" +23d652a9eb206acd13286261bf4bd4940a6191e0,"public String atFirst(String str) +{ + if (str.size() < 2) // string has less than 2 char + { + return ""@@""; + } + else if (str.size() < 1) // string has only 1 char + { + return """" + ""@""; + } + else // has 2 or more char + { + return """"; + } +} +" +0be86c8cf40cc29cf600d654f26c3ea945d2ec33,"public String atFirst(String str) +{ + if (str.length() == 0) // string has less than 2 char + { + return ""@@""; + } + else if (str.length() == 1) // string has only 1 char + { + return """" + ""@""; + } + else // has 2 or more char + { + return """"; + } +} +" +297e5c5f288b32eab86b04709aa1e68c702d7724,"public String atFirst(String str) +{ + if (str.length() == 0) // string has less than 2 char + { + return ""@@""; + } + else if (str.length() == 1) // string has only 1 char + { + return str.charAt(0) + ""@""; + } + else // has 2 or more char + { + return """"; + } +} +" +6648a481f4881ad962bb3294f0a9af0e813e4bee,"public String atFirst(String str) +{ + if (str.length() == 0) // string has less than 2 char + { + return ""@@""; + } + else if (str.length() == 1) // string has only 1 char + { + return str.charAt(0) + ""@""; + } + else // has 2 or more char + { + return str.subSequence(0, 1); + } +} +" +c2dadd0f5c83c956d085bbc158447f16900af9ab,"public String atFirst(String str) +{ + if (str.length() == 0) // string has less than 2 char + { + return ""@@""; + } + else if (str.length() == 1) // string has only 1 char + { + return str.charAt(0) + ""@""; + } + else // has 2 or more char + { + return str.substring(0, 1); + } +} +" +199dd47e6547ab7b6ba4ffc58c24a741ad5653d6,"public String atFirst(String str) +{ + if (str.length() == 0) // string has less than 2 char + { + return ""@@""; + } + else if (str.length() == 1) // string has only 1 char + { + return str.charAt(0) + ""@""; + } + else // has 2 or more char + { + return str.substring(0, 2); + } +} +" +d8079d00da7f06ce020359e25d3f38396a0c2af6,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.substring(0) + ""@""); + + } + return ""@@""; +} +" +da7e35505f01cbe1a7834c4cd21c900703825ff3,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +b0325b637badc72350c776a080d733a3d5f9e311,"public String atFirst(String str) +{ + String newStr = """"; + if(str.length() < 2) + { + newStr = ""@@"" + str; + } + else + newStr = str.substring(0, 2); + + return newStr; +} +" +60bfbaa52836cfcca89a6fcc820e95655677da60,"public String atFirst(String str) +{ + String newStr = """"; + if(str.length() == 0) + { + newStr = ""@@""; + } + else if(str.length() == 1) + { + newStr = str + ""@""; + } + else + newStr = str.substring(0, 2); + + return newStr; +} +" +26fdc1cf8effc509a7a838f2addff924b7697e36,"public String atFirst(String str) +{ + if (str.length() > 2) + return str.substring(0, 2); + else + return @@; +} +" +aa9bc731f7856de0105fb7ce52c40309a672bac3,"public String atFirst(String str) +{ + if (str.length() > 2) + return str.substring(0, 2); + else + return str; +} +" +b942f71091ae09d7ccd485391fa21702abda10ed,"public String atFirst(String str) +{ + if (str.length() > 2) + return str.substring(0, 2); + else if (str.length == 1) + return str.substring(0, 1) + @; + else + return @@; +} +" +eb885b2052bce41f7eb6cc3fce8717e85988e49d,"public String atFirst(String str) +{ + if (str.length() > 2) + return str.substring(0, 2); + else if (str.length == 1) + return str.substring(0, 1) + @; + else + return <@@>; +} +" +ddd748aae27fa512940392b353cc80b3d9448246,"public String atFirst(String str) +{ + int a = @@; + if (str.length() > 2) + return str.substring(0, 2); + else if (str.length == 1) + return str.substring(0, 1) + @; + else + return a; +} +" +8d8810b63af6619df1a04bfb630eb8d6820f762a,"public String atFirst(String str) +{ + int a = @@; + if (str.length() > 2) + return str.substring(0, 2); + if (str.length == 1) + return str.substring(0, 1) + @; + else + return a; +} +" +0312be8f718c97d747efd6ab6e98c4246d7196d2,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +7136bda7a9d9fcb9ec53c815d4cd0fa6cd90396e,"public String atFirst(String str) +{ + String part = atFirst.substring(0, 2); +} +" +74c8f78149859b3ac04eb42657fe3e766e6a6a09,"public String atFirst(String str) +{ + String part = name.substring(0, 2); +} +" +d0df8e0ac0d3c2637c1695b1873cae37881b81ee,"public String atFirst(String str) +{ + String part = str.substring(0, 2); +} +" +6889666a4e65a0c7cc69d6824ca95776314df11b,"public String atFirst(String str) +{ + String part = str.substring(0, 2); + return part; +} +" +4399c09504076eb58e40039c358f32e0090b460f,"public String atFirst(String str) +{ + if (charAt(0) = null) + { + charAt(0) = @; + } + String part = str.substring(0, 2); + return part; +} +" +361bb4842fb378449cde224be7f1751e7b7d4f4b,"public String atFirst(String str) +{ + if (Length() >= 2) + { + String part = str.substring(0, 2); + return part; + } +} +" +3f2eece43b13514f3f6bfa2d1731f7a5b2ac3106,"public String atFirst(String str) +{ + if (Length(str) >= 2) + { + String part = str.substring(0, 2); + return part; + } +} +" +48ff089989d9d7a528a00f179038f6460cd201b8,"public String atFirst(String str) +{ + if (str.Length >= 2) + { + String part = str.substring(0, 2); + return part; + } +} +" +d48543eb36f1bdd1cadaed3dce381a52b94c4e99,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } +} +" +3003a107cdf95032acd137dc3010a3fb32666f00,"public String atFirst(String str) +{ + part = 0; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + part = str + @; + } + else if (str.length() == 0) + part = @@; +return part; +} +" +7d0e37e3e33ea4ded589d881a38063aa871e2486,"public String atFirst(String str) +{ + part = 0; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + part = str() + @; + } + else if (str.length() == 0) + part = @@; +return part; +} +" +ceb078d19b70b0d1a99980393e59b7dab855bbcf,"public String atFirst(String str) +{ + part = 0; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + part = String() + @; + } + else if (str.length() == 0) + part = @@; +return part; +} +" +bbadfc409509e63d6df7cc76515a73d47fc47d99,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + String part = str(); + part = String() + @; + } + else if (str.length() == 0) + String part = str(); + part = @@; +return part; +} +" +394e8fefac4c046460844de88ab9724c5418a32d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + String part = str(); + part = str() + @; + } + else if (str.length() == 0) + String part = str(); + part = @@; +return part; +} +" +cef0ddfa0bf4401d0bb2cafb265a608ce2edd9d8,"public String atFirst(String str) +{ + int part = 0; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + part = str + ""@""; + } + else if (str.length() == 0) + part = ""@@""; +return part; +} +" +d7036a817b064ae01641dccc3d532f1678f99074,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String part = str.substring(0, 2); + return part; + } + else if (str.length() == 1) + { + part = str + ""@""; + } + else if (str.length() == 0) + part = ""@@""; +return part; +} +" +b63d137c1157e59b8957bbd86debee48dcd669ee,"public String atFirst(String str) +{ + int answer = 0; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + answer = part; + } + else if (str.length() == 1) + { + answer = str + ""@""; + } + else if (str.length() == 0) + answer = ""@@""; +return answer; +} +" +a47d3cfb850a5b53cd9b4dacf06ae47ebdb56d93,"public String atFirst(String str) +{ + String answer = str.substring(0, 2); + if (str.length() >= 2) + { + answer = answer; + } + else if (str.length() == 1) + { + answer = str + ""@""; + } + else if (str.length() == 0) + answer = ""@@""; +return answer; +} +" +fcfd02dd9960c1f5a4e60fa7acdfb45949375318,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + answer = ""@@""; +return answer; +} +" +cf6fab5c42a17c1e1427851b823685438e0313bb,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0, 0); + answer = ""@@""; + } +return answer; +} +" +06a6997121b816873f27e6c8cbf1400c26a414c6,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } +return answer; +} +" +e14eacd4293b68e01a4e4ceaf831dff34693c77a,"public String atFirst(String str) +{ + answer = a; + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } +return answer; +} +" +863fb0bbe96bf4af69421974340aea9f178ae02b,"public String atFirst(String str) +{ + int answer = a; + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } +return answer; +} +" +3a78392cf35eadf47291f6efc48b541fdf3a3398,"public String atFirst(String str) +{ + int answer = 1; + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } +return answer; +} +" +1fd7e9275244d88a160905b615e02d82b901f3bd,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } +return answer; +} +" +c4fbd49afe99db06418f092f35427d18bf8ced16,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } + return answer; +} +" +265009d00150c76598be1c7ceca8731c6ac9a3c0,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = return answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } + return answer; +} +" +c17e8edfdff74ae5ef9d1303fcea58716e629f63,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + } + return answer; +} +" +2dfabafb1917da76b3d2c1896e076e1aae702c4c,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + return answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + return answer; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + return answer; + } + return answer; +} +" +2c22f855c6e9675a540d3843a1821e0d6a70c381,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String answer = str.substring(0, 2); + answer = answer; + return answer; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + return answer; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + return answer; + } +} +" +02b2cc4576dd0cc35cd341b0880fe8b94d8d7691,"public String atFirst(String str) +{ + String answer = 0; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + answer = part; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + return answer; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + return answer; + } +} +" +da9758d8c80fc85faebc0eeb140f32acbcea943e,"public String atFirst(String str) +{ + String answer = @; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + answer = part; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + return answer; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + return answer; + } +} +" +a7fd06a06497d8b4c1c3c6c377f73c7c881a8fbd,"public String atFirst(String str) +{ + String answer = ""@""; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + answer = part; + } + else if (str.length() == 1) + { + String answer = str.substring(0, 1); + answer = str + ""@""; + return answer; + } + else if (str.length() == 0) + { + String answer = str.substring(0); + answer = ""@@""; + return answer; + } +} +" +5285be266c0c4c73f7f3afa415d3fd37f9fc68c4,"public String atFirst(String str) +{ + String answer = ""@""; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + answer = part; + } + else if (str.length() == 1) + { + String part = str.substring(0, 1); + answer = str + ""@""; + return answer; + } + else if (str.length() == 0) + { + String part = str.substring(0); + answer = ""@@""; + return answer; + } +} +" +ed8854ca198057ffd917a2ba3747339c4c2d3dc0,"public String atFirst(String str) +{ + String answer = ""@""; + if (str.length() >= 2) + { + String part = str.substring(0, 2); + answer = part; + } + else if (str.length() == 1) + { + String part = str.substring(0, 1); + answer = part + ""@""; + return answer; + } + else if (str.length() == 0) + { + String part = str.substring(0); + answer = ""@@""; + return answer; + } +return answer; +} +" +8d3756abdea006f9f90c23bc1f238568a77b7fd5,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +da5c3a59e7b1329f9a1d1adfa8830268b37e8e09,"public String atFirst(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + return name.substring(0, 2); + else + return '@' +} +" +36e20a25e05b3ac5bf1a0673adfee0abd2d3c007,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0,2); + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +49934eaa99de198b3b99b889b2f80d9911f514a8,"public String atFirst(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + return name.substring(0, 2); + else + return '@'; +} +" +e66be9fb41a824237a171460a11b0edbf6491cba,"public String atFirst(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + return name.substring(0, 2); + else + return name.substring('@'; +} +" +1cfeec9f95a39be77af701439a1e124cee38bf7a,"public String atFirst(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + return name.substring(0, 2); + else + return name.substring('@'); +} +" +e5b9aedde84caa8ce0b7247c3b35114f6b67642b,"public String atFirst(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + return name.substring(0, 2); + else + return '@'; +} +" +13ed5f0cb98dd20c554ac278ce083366eb75fb0f,"public String atFirst(String str) +{ + int len = str.length(); + + if (len >= 2) + return str.substring(0,2); +} +" +fb1ee1af788cb5c81f47dda89abe35c7188e3c58,"public String atFirst(String str) +{ + String output; + if (str.length() == 1) + { + output = (str.substring(0) + ""@"") + } + else if (str.length() == 0) + { + output = ""@@""; + } + else + { + output = str.substring(0,1); + } + return output; +} +" +b792f65710603537369d8658da16396d60eece84,"public String atFirst(String str) +{ + int len = str.length(); + + if (len >= 2) + { + return str.substring(0,2); + } +} +" +9c256bc004f3895dee493d96a42becb64514bef1,"public String atFirst(String str) +{ + String output; + if (str.length() == 1) + { + output = (str.substring(0) + ""@""); + } + else if (str.length() == 0) + { + output = ""@@""; + } + else + { + output = str.substring(0,2); + } + return output; +} +" +1a2d43212f4cc9395e305586c20ab0cb4267601d,"public String atFirst(String str) +{ + int len = str.length(); + + if (len >= 2) + { + return str.substring(0,2); + } + else if (len == 1) + { + return(str.substring(0,1) + ""@""); +} +" +db32ce6c733220c99f7fd6cb8ea10d546949977a,"public String atFirst(String str) +{ + int len = str.length(); + + if (len >= 2) + { + return str.substring(0,2); + } + else if (len == 1) + { + return(str.substring(0,1) + ""@""); + } +} +" +f95d25ee3cd62d6ac9f8cbc9efe63a44951b33de,"public String atFirst(String str) +{ + int len = str.length(); + + if (len >= 2) + { + return str.substring(0,2); + } + else if (len == 1) + { + return(str.substring(0,1) + ""@""); + } + else + { + return ""@@""; + } +} +" +e82dbb93a87c38fb3c2bcd0d1997f42d40cb2534,"public String atFirst(String str) +{ + int length = str.length(); + String name = str; + if (length >= 2) + return name.substring(0, 2); + if (length == 1) + return name.substring(0) + ""@""; + return ""@@""; +} +" +bf302dacbeb50ccdf2602d3fab647c9e6a4371f9,"public String atFirst(String str) +{ + String answer = null; + if (str.length() > 1) + { + answer = str.substring(1); + } + else if (str.length() == 1) + { + answer = str.substring(0) + ""@""; + } + else if (str.length() == 0) + { + answer = ""@@""; + } + return answer; +} +" +1b621252ceb2bf772ef6904309a3c84e725157bd,"public String atFirst(String str) +{ + String answer = null; + if (str.length() == 1) + { + answer = str.substring(0) + ""@""; + } + else if (str.length() == 0) + { + answer = ""@@""; + } + else + { + answer = str.substring(1); + } + return answer; +} +" +232f23d05c681cf97b578ad851bfe7b92aff1475,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return '@' + str; + } + else { + return str.substring(0, 1); + } +} +" +fbfbafa029c1b268ab17db93c9b2b515fe2cc72f,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(1, 2); + } +} +" +381c2feb3a71c1c15b0cf6d49d14a600a644db75,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 1); + } +} +" +aec9d506f0d1768c96724810019a92355f894165,"public String atFirst(String str) +{ + if (str.length < 2) + { + return str + ""@""; + } + else + { + return str.substring(0, 1); + } +} +" +301570b4db34da912cf3c5652ea52ab60cb2d66a,"public String atFirst(String str) +{ + int length = str.length(); + if (str.length() < 2) + { + return str + ""@""; + } + else + { + return str.substring(0, 1); + } +} +" +d2e4556fa137fea0bdcd54eade29b3143fb8d484,"public String atFirst(String str) +{ + int length = str.length(); + if (str.length() < 2) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +5d0c5ffe5771399c00489c6a39656f68ebfd9ec1,"public String atFirst(String str) +{ + int length = str.length(); + if (str.length() < 2) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } +} +" +685e6ab0ea28338262bb04e1fe828c6e08114f30,"public String atFirst(String str) +{ + int length = str.length(); + if (str.length() < 2) + { + return str + ""@""; + } + else if (str.length() == 1) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } +} +" +64a9f3a276c8984ddaadf63a4dab1c1e047f2fda,"public String atFirst(String str) +{ + int length = str.length(); + if (str.length() < 2) + { + return str + ""@""; + } + else if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } +} +" +8ab341b41be00dbffffbf4c0d76ac88cce79e4ea,"public String atFirst(String str) +{ + int length = str.length(); + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } +} +" +dff0a698250004e4e45d6be4f636a2972adf37ca,"public String atFirst(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + return str; + } + else + { + if( length = 1 ) + { + return str + '@'; + } + else + { + return '@@'; + } + } +} +" +9b5f4667341f05382fa36133a59949a3fa2d0937,"public String atFirst(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + return str; + } + else + { + if( length = 1 ) + { + return str + '@'; + } + else + { + String short = '@@'; + return short; + } + } +} +" +8ad12b8d216f9d9aa3adcc032c12a1cc3d52f302,"public String atFirst(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + return str; + } + else + { + if( length = 1 ) + { + return str + ""@""; + } + else + { + String short = ""@@""; + return short; + } + } +} +" +da05d3dc56355ea5906cdf777492f2d3e7eff4c6,"public String atFirst(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + return str; + } + else + { + if( length = 1 ) + { + return str + ""@""; + } + else + { + return ""@@""; + } + } +} +" +b66c9a76c6567bcfc33f81fb4e1e0bfe1c43ea5c,"public String atFirst(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + return str; + } + else + { + if( length == 1 ) + { + return str + ""@""; + } + else + { + return ""@@""; + } + } +} +" +8c1a31bf6a7bdf004c6b6dbdd1792dbe638bbdaa,"public String atFirst(String str) +{ + int length = str.length(); + if( length >= 2 ) + { + return str.substring(0, 2); + } + else + { + if( length == 1 ) + { + return str + ""@""; + } + else + { + return ""@@""; + } + } +} +" +27ad40fc2ca7cc1aa3e2750e23a5f775e70cc765,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0, 2); + } + else if(str.length() == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +}" +26881da14149082b33270230ce91d01c66ed9684,"public String atFirst(String str) +{ + int value = str.length(); + if (value >= 2) + return str.substring(0, 2); + else if (value == 1) + return (str.substring(0) + ""@""); + else + return ""@@""; + +} +" +d5fcc1089876cbb790d2d33c00ec668017209c47,"public String atFirst(String str) +{ + String string; + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + string = str.substring(0, 1); + return string; + } +} +" +48444054d749f8c9c56db13efee70e1c0f83c23a,"public String atFirst(String str) +{ + String string; + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + string = str.substring(0, 2); + return string; + } +} +" +a854f6b5b6053d5376ea70231d7953a9f3add67a,"public String atFirst(String str) +{ + String result = ""@@"" + + if (str.length() >= 2) + { + result = str.substring(0,2); + } + + else if (str.length() == 1) + { + result = str + ""@""; + } + + return result; + +} +" +7022fd82c0c3d29737692270b9a44c29a9fe7718,"public String atFirst(String str) +{ + String result = ""@@""; + + if (str.length() >= 2) + { + result = str.substring(0,2); + } + + else if (str.length() == 1) + { + result = str + ""@""; + } + + return result; + +} +" +1c485e330639a6a431e473675a56c9be5e6e1267,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +3d2680df293953a9e7cd47f208f0a18dce33e2bb,"public String atFirst(String str) +{ + int len = str.length(); + if(len<2) + { + while (len != 2) + { + str(len) = '@'; + len =len +1; + } + return str; + } + else + { + return str(0,1); + } +} +" +0e235ad6a9ebb8131a1402f720392a17947c8e3d,"public String atFirst(String str) +{ + int len = str.length(); + if(len<2) + { + while (len != 2) + { + String str(len) = '@'; + len =len +1; + } + return str; + } + else + { + return str(0,1); + } +} +" +ae964d2cf16dec0b759f75edfed657a988eeb998,"public String atFirst(String str) +{ + int len = str.length(); + if(len<2) + { + while (len != 2) + { + String str(len) = ""@""; + len =len +1; + } + return str; + } + else + { + return str(0,1); + } +} +" +5e808fd38caf59059adf823b57e9047400a5cc6c,"public String atFirst(String str) +{ + int len = str.length(); + if(len<2) + { + while (len != 2) + { + String str(len-1) = ""@""; + len =len +1; + } + return str; + } + else + { + return str(0,1); + } +} +" +40bf749c09061674f7b52638ea4ce7105ebd3dfa,"public String atFirst(String str) +{ + int len = str.length(); + if(len<2) + { + while (len != 2) + { + String str(len) = ""@""; + len =len +1; + } + return str; + } + else + { + return str(0,1); + } +} +" +31c1b433f6165e527d1128a7e52bab3856d60496,"public String atFirst(String str) +{ + String firsttwo; + if (str.length() >= 2) + { + firsttwo = str.substring(0, 2); + } + else if (str.length() == 1) + { + firsttwo = str.substring(0, 1) + ""@""; + } + else + { + firsttwo = ""@@""; + } + return firsttwo; +} +" +082a25d4babcab74002f27714a5c9334383e2cf8,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2) + } + else + { + return(str + '@' * (2 - str.lenth)); + } +} +" +25729a802dca699c350c179179e3731b92572292,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str + '@' * (2 - str.lenth)); + } +} +" +31ae5e9b529c70411fdf9a06cee009fd24a47901,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str + '@' * (2 - str.length)); + } +} +" +54f05b3c1298d7b5e17695df35f596978ebabe5d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str + '@' * (2 - str.length())); + } +} +" +51a8e1f75ae7c95ea6fb962b1e25f92960267a0f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str + ""@"" * (2 - str.length())); + } +} +" +484d1e649b801f17bbfcb2a13e5302079537dc37,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + if (str.length() == 1) + { + return(str + ""@""); + } + else + { + return('@@') + } + } +} +" +8d9895188da6c7ca10bab0ee2eecd0342d253888,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + if (str.length() == 1) + { + return(str + ""@""); + } + else + { + return(""@@""); + } + } +} +" +01f5c3c1d79ee2e8ea62c848f81b8f73d6240112,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0,2)) + } +} +" +2e9eb14e4b23ab612b67b8c8a75a365b412e705d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0,2)); + } +} +" +eee52ce18880c080c5504cd60c88652f7ac46f12,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0,2)); + } +} +" +36f8f4096be9d6355efe0e747d43ff3a20d6456f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } +} +" +915ccfb10477c668d8e00de79de679571a08c4f3,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str.substring(0) + @) + } +} +" +488abecb6c6340af9144c26588e2278b263df490,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str.substring(0) + @); + } +} +" +0ff49823cc7ebed3e3a039a23ca36c16f72117a5,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str.substring(0) + @); + } +} +" +faef51b2659006b5785083019ddcdda95b20bcdb,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str.substring(0)); + } +} +" +a6bd64cdc316fe7a0cd1aaa6f16bd37f452169cc,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else + { + return(str.substring(0) + ""@""); + } +} +" +d596b124c5a9358806b60def436153d189d1b039,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return(str.substring(0, 2)); + } + else if (str.length() == 1) + { + return(str.substring(0) + ""@""); + } + else + { + return(str.substring(0) + ""@@""); + } +} +" +6b253dafc958a64bee7e0c89aff5021ea6a644df,"public String atFirst(String str) +{ + if (str.length == 0) + { + return '@@'; + } + if (str.length == 1) + { + return str + '@'; + } + else + { + return str.substring(0, 2); + } +} +" +ab6c1208d91625f4033d280e35caf7e7b738dc6b,"public String atFirst(String str) +{ + if (str.length == 0) + { + return '@@'; + } + else if (str.length == 1) + { + return str + '@'; + } + else + { + return str.substring(0, 2); + } +} +" +b3f8c2b2763c4d10458b82aa1894a687dff14add,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return '@@'; + } + else if (str.length() == 1) + { + return str + '@'; + } + else + { + return str.substring(0, 2); + } +} +" +6e62a15d88c0c213cd98142e0401d66137088b62,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str.charAt(0) + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +f1bb71d49536a149145f5e4303a82ae13831d63f,"public String atFirst(String str) +{ + String altered = str.substring(0, 2); + if (str.length() == 0) + { + altered = ""@@""; + } + if (str.length() == 1) + { + altered = str + ""@""; + } + return altered; +} +" +80f42609509f4788fd1176bda35ae0fc5644c15d,"public String atFirst(String str) +{ + String altered = str.substring(0, 2); + int length = str.length(); + if (length == 0) + { + altered = ""@@""; + } + if (length == 1) + { + altered = str + ""@""; + } + return altered; +} +" +b45299acfdf3d200befbcf48cb9866284faafbd2,"public String atFirst(String str) +{ + String altered = str.substring(0, 2); + int length = str.length(); + if (length == 0) + { + altered = ""@@""; + } + if (length == 1) + { + altered = str.substring(0) + ""@""; + } + return altered; +} +" +0b3e7dee136afaf8b1c7541464bae25dc8f9a5a5,"public String atFirst(String str) +{ + String altered = str.substring(0, 2); + int length = str.length(); + String smallStr = str + ""@""; + String noStr = ""@@""; + if (length == 0) + { + return noStr; + } + else if (length == 1) + { + return smallStr; + } + else + { + return altered; + } +} +" +7ecf0bde265801ce31a381565cfb90ef3f61f26c,"public String atFirst(String str) +{ + String string; + if (str.lenght() == 0){ + return ""@@""; + } + else if (str.lenght() == 1){ + return str + ""@""; + } + else { + string = str.substring(0, 2); + return string; + } +} +" +481ff405e3bd5e36929011179c70ba322bf3c1ee,"public String atFirst(String str) +{ + String string; + if (str.length() == 0){ + return ""@@""; + } + else if (str.length() == 1){ + return str + ""@""; + } + else { + string = str.substring(0, 2); + return string; + } +} +" +851d6ab7b60193ad31afced3ec69cee593cf26da,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +a0deb799b70ece684a94cb0434700db67fdef957,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0, 2); + if (len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +ff7bc3ca2bf919e98220d88cd994b6e453d17fb2,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +de84a76d4d612b40c6e9ada9a5dae121d97bdc82,"public String atFirst(String str) +{ + int stringLength = str.length(); + if (stringLength >= 2) + { + String first2 = str.substring(0, 2); + return first2; + } + else if (stringLength == 1) + { + String first1 = str.substring(0, 1) + @; + return first1; + } + else + { + String atAt = @@; + return atAt; + } +}" +5572d9e8259dad25099e6cb78fd46b15a8a308c9,"public String atFirst(String str) +{ + int stringLength = str.length(); + if (stringLength >= 2) + { + String first2 = str.substring(0, 2); + return first2; + } + else if (stringLength == 1) + { + String first1 = str.substring(0, 1) + ""@""; + return first1; + } + else + { + String atAt = ""@@""; + return atAt; + } +}" +c59d0696f066bd3f9b6d879412826f2da9f4746a,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return str + ""@""; +} +" +488f0528ec489e3d9cd517073d12aec76c91fea8,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return str + ""@""; + } +} +" +f76d5c3f0549ac8ae00ff260ea409d32a53f20d0,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +6404040b5cb12b8ca30f40ddc72a81bfeb5eadcc,"public String atFirst(String str) +{ + String newstr; + int len = str.length(); + if(len < 2) + { + for(int i=1, i<=len, i++) + { + newstr = newstr+ str + ""@""; + } + } + else + { + for (int c= 1, c<= len, c++) + { + newstr = newstr + str.substring(0, 2); + } + } + return newstr; +} +" +89288030db657a401f55ea327584d25ee08dd415,"public String atFirst(String str) +{ + String newstr; + int len = str.length(); + if(len < 2) + { + while(i<= len) + { + newstr = newstr+ str + ""@""; + i++; + } + } + else + { + while(c<= len) + { + newstr = newstr + str.substring(0, 2); + c++; + } + } + return newstr; +} +" +54ed138bf92b6aaa0bd09297f70cd5179dc5977c,"public String atFirst(String str) +{ + String newstr; + int len = str.length(); + if(len < 2) + { + while( int i<= len) + { + newstr = newstr+ str + ""@""; + i++; + } + } + else + { + while(int c<= len) + { + newstr = newstr + str.substring(0, 2); + c++; + } + } + return newstr; +} +" +83b1a3408a0f360dd4847b2a97660d9eeee987a0,"public String atFirst(String str) +{ + String newstr; + int i; + int len = str.length(); + if(len < 2) + { + while(i<= len) + { + newstr = newstr+ str + ""@""; + i++; + } + } + else + { + while(i<= len) + { + newstr = newstr + str.substring(0, 2); + i++; + } + } + return newstr; +} +" +a89f0bc78ad99544c9d42d62e66ee8bf428d7fc3,"public String atFirst(String str) +{ + String newstr = """"; + int i = 1; + int len = str.length(); + if(len < 2) + { + while(i<= len) + { + newstr = newstr+ str + ""@""; + i++; + } + } + else + { + while(i<= len) + { + newstr = newstr + str.substring(0, 2); + i++; + } + } + return newstr; +} +" +ac9f584bec660b849444403a9785d31719b0f629,"public String atFirst(String str) +{ + String newstr = """"; + int i = 1; + int len = str.length(); + if(len < 2) + { + newstr = newstr+ str + ""@""; + + } + else + { + + newstr = newstr + str.substring(0, 2); + + } + return newstr; +} +" +3b9da0771f2f1c458fdd1664a07c583e69cbce53,"public String atFirst(String str) +{ + String newstr = """"; + int i = 1; + int len = str.length(); + if(len < 2) + { + newstr = newstr+ str + ""@""; + + } + else + { + + newstr = str.substring(0, 2); + + } + return newstr; +} +" +d60fb8d124664f97c4d07c02565b82ab25686bdc,"public String atFirst(String str) +{ + String newstr = """"; + int i = 1; + int len = str.length(); + if(len < 2) + { + while(i <= 2) + { + newstr = newstr + str + ""@""; + i++; + } + + } + else + { + + newstr = str.substring(0, 2); + + } + return newstr; +} +" +9428b2e6a381bbfcae020bcb033d336de3cc0a31,"public String atFirst(String str) +{ + String newstr = """"; + int i = 1; + int len = str.length(); + if(len < 2) + { + if(len ==0) + { + newstr = str + ""@"" + ""@""; + } + newstr = str + ""@""; + + } + else + { + + newstr = str.substring(0, 2); + + } + return newstr; +} +" +f27aafb5aa1645a83b49cdab531f3d7a476ff062,"public String atFirst(String str) +{ + String newstr = """"; + int i = 1; + int len = str.length(); + if(len < 2) + { + if(len ==0) + { + newstr = str + ""@"" + ""@""; + } + else + { + newstr = str + ""@""; + } + + } + else + { + + newstr = str.substring(0, 2); + + } + return newstr; +} +" +27e96ad7c9e511cb6cdd149ee7412132c67b1085,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@@""; + } + else if (str.length() == 1) { + return str + ""@@""; + } + else { + return str.substring (0, 2); + } + +} +" +99fec128ad5c7cab5f23d4425b95c43010b1be14,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else + { + return str.substring (0, 2); + } + +} +" +3ce17e2f3231f0dce73b56af7ad678d024ec0a0a,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring (0, 2); + } + +} +" +6db63babc367e1c1386232e231a35d5926aa0ab7,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else + { + int strlength = str.length(); + if (strlength == 1) + { + return str + ""@""; + } + else if (strlength == 0) + { + return str + ""@@""; + } + } +} +" +377b7ee575b5a3c5dc0e862fb407e6d8bb6b2390,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else + { + int strlength = str.length(); + String addS = """"; + if (strlength == 1) + { + addS = ""@""; + } + else if (strlength == 0) + { + addS = ""@@""; + } + return str + addS; + } +} +" +1c306f17d6969419e4683b58a7be3fa3018271a6,"public String atFirst(String str) +{ + String newstr = str.substring(0,1); + while (newstr.length() < 2) + { + newstr = newstr + '@'; + } + return newstr; +} +" +f20323599af1bfe0aebea05dbf30da6a99244ec7,"public String atFirst(String str) +{ + String newstr = str.substring(0,2); + while (newstr.length() < 2) + { + newstr = newstr + '@'; + } + return newstr; +} +" +f442d1540984c04275a7d78d61887ae8758e3f77,"public String atFirst(String str) +{ + if (str.length() > 2) + { + String newstr = str.substring(0,2); + while (newstr.length() < 2) + { + newstr = newstr + '@'; + } + return newstr; + } + else + { + return ""@@""; + } +} +" +98bb1994fff96540cbce3e284f88924d1fad853f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String newstr = str.substring(0,2); + while (newstr.length() < 2) + { + newstr = newstr + '@'; + } + return newstr; + } + else + { + return ""@@""; + } +} +" +521b55d8d94b96a13c3c95cdcd4bff7a5e3dca09,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String newstr = str.substring(0,2); + while (newstr.length() < 2) + { + newstr = newstr + '@'; + } + return newstr; + } + else + { + return str + ""@""; + } +} +" +2ab4f89147d541293391de3beea2f963e38b64df,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@@""; + } + else + { + String front2 = str.substring(2); + return front2; + } +} +" +a3ea95c876490eaf5545d8f031c02bbd24aa3b56,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@@""; + } + else + { + String front2 = str.substring(0, 2); + return front2; + } +} +" +9b1eaa6aa5934ea92fe15f9084229795bc26d7f6,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 1) + { + return (str + ""@""); + } + else + { + return ""@@""; + } + } + else + { + String front2 = str.substring(0, 2); + return front2; + } +} +" +452c60542cef14e2249079c684b70dc5a893d9f2,"public String atFirst(String str) +{ + String x; + if (str.length() == 0) + { + x = ""@@""; + } + else if (str.length() == 1) + { + x = str + ""@""; + } + else + { + x = str.substring(2); + } + return x; +} +" +82a68de33752a581306de95afee7008d369b070b,"public String atFirst(String str) +{ + String x; + if (str.length() == 0) + { + x = ""@@""; + } + else if (str.length() == 1) + { + x = str + ""@""; + } + else + { + x = str.substring(0, 2); + } + return x; +} +" +0aba67d9500a1d2258ac4e946409e461f90f97d4,"public String atFirst(String str) +{ + return {charAt(1), charAt(2)}; +} +" +e106b787df6d571c2cf33ce31fe9a1d8cfdbfdc5,"public String atFirst(String str) +{ + return (charAt(1), charAt(2)); +} +" +5685bae733487451fb82ab751aa56bf133c69185,"public String atFirst(String str) +{ + if (str.length >= 3) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +343c70ceff34ffd9c71a1ad40b3548021d7ee02d,"public String atFirst(String str) +{ + if (str.length() >= 3) + { + return str.substring(0, 2); + } + else + { + return str; + } +} +" +262ee3b2a49d281b50b1dac1a3b193a67c812091,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + return (str.substring(0, 1) + '@') + } + else + { + return '@@'; + } + } +} +" +5e326dc1c9844d2a8ee0beb35f82b4af47e67ebf,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + return (str.substring(0, 1) + '@'); + } + else + { + return '@@'; + } + } +} +" +173892875028bb859bb1ebf50e9bcae528ca5de3,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + return (str + ""@""); + } + else + { + return ""@@""; + } + } +} +" +6f33a8fe38305585a6d00c02e85f09b81b664932,"public String atFirst(String str) +{ + String part = str.substing(0,2) + +} +" +f728c2cf9e7c789609d05c74aa595176cf9d256f,"public String atFirst(String str) +{ n= String str + String part = str.substing(0,2); + if (str > 2) + { + return String part; + } + else + { + return ""@@""; + } +} +" +587f1b10da87a49bdcd6e0d20be3fb5fbff2b306,"public String atFirst(String str) +{ n = String str; + String part = str.substing(0,2);; + if (str > 2) + { + return String part; + } + else + { + return ""@@""; + } +} +" +e1c13a0a71c0ccb96e79804a2ac08c2bd66fb7a0,"public String atFirst(String str) +{ for (int = 0; i < N) + String part = str.substing(0,2);; + if (str > 2) + { + return String part; + } + else + { + return ""@@""; + } +} +" +15ea2e34709081bf168640b37e71aaef07478f23,"public String atFirst(String str) +{ + String part = str.substring(0,2);; + if (substring(0) > 2) + { + return String part; + } + else + { + return ""@@""; + } +} +" +26eec85c62f3c9672fac9380a18435a94d45c093,"public String atFirst(String str) +{ + String = str.substring(0,2);; + if (substring(0) > 2) + { + return String part; + } + else + { + return ""@@""; + } +} +" +f2ccaf84b963bcbd1391a02fcb2bedb304422c2b,"public String atFirst(String str) +{ + String = str.substring(0,2);; + if (substring(0) > 2) + { + return String; + } + else + { + return ""@@""; + } +} +" +38631bcd830b4dd509fb4ee95095b048edb46072,"public String atFirst(String str) +{ + n= string(0, -1) + if (n > 2) + { + return substring(0, 2); + } + else + { + return ""@@""; + } +} +" +948b0ee088c422d4a674a487ed15f8d106b5a773,"public String atFirst(String str) +{ + n= string(0, -1); + if (n > 2) + { + return substring(0, 2); + } + else + { + return ""@@""; + } +} +" +c4b1fe073eff136dfdd964a9a8bee7c34a1cd34c,"public String atFirst(String str) +{ + for (int = 0; i < word.length() + { + if (wordlength() > 2) + { + return word.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +a86d9228aa546acfd1ede2f0aa16197bf7435d99,"public String atFirst(String str) +{ + for (int = 0; i < word.length()) + { + if (wordlength() > 2) + { + return word.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +2cffd2ca0cb36ed6f0fdf56db718d20ff4c56c19,"public String atFirst(String str) +{ + for (int = 0; i < word.length(); i++) + { + if (wordlength() > 2) + { + return word.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +55c675f3cfff3d52ecbed5a4492cc7d87b1bd0d8,"public String atFirst(String str) +{ String word = ""Caroline"" + for (int = 0; i < word.length(); i++) + { + if (wordlength() > 2) + { + return word.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +87099f2191f689365214769cf91e606fa954cb9f,"public String atFirst(String str) +{ + int n = word.length(); + for (int = 0; i < n; i++) + { + if (n > 2) + { + return word.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +11e598f7e57d128136db1dfc84b08cbb84493470,"public String atFirst(String str) +{ + int n = str.length(); + for (int = 0; i < n; i++) + { + if (n > 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +7e5f1a40e74b3ae153c19a1e20f307b5d6e2431e,"public String atFirst(String str) +{ + int n = str.length(); + for (int = 0; i < n) + { + if (n > 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } + } +} +" +b25bacb0ff3aebd27466d4c0d2ed2fe929ba6e94,"public String atFirst(String str) +{ + int n = str.length(); + if (n > 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } +} +" +0ab4a65f5900fa832c8e302b3eefe4f274b2b974,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } +} +" +222d3609b7744ef8e65e2a3dcb83401990a161d7,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 1); + } + else + { + return ""@@""; + } +} +" +007af6b53d4670f49815ecba99ac74e7353e9420,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else + { + return ""@@""; + } +} +" +cdc3559130ba82886ee11d553f2da4f1799886e5,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else if (n >= 1) + { + return str.substring(1) + ""@""; + } + else + { + return ""@@"" + } +} +" +1cf213689e5d89dc8dd2f9bbb2f401d9a4b1ff95,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else if (n >= 1) + { + return str.substring(1) + ""@""; + } + else + { + return ""@@""; + } +} +" +600c4e4022830c6f6da12175ea0cf126c845c5b3,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else if (n == 1) + { + return str.substring(1) + ""@""; + } + else + { + return ""@@""; + } +} +" +f5821f2ee916ba6de36f5cd0c945dba3e30087d7,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else if (n == 1) + { + return str.substring(0) + ""@""; + } + else + { + return ""@@""; + } +} +" +f2d21665c194f827340640f848c0ac873afb9c45,"public String atFirst(String str) +{ + int strLength = str.length(); + if (strLength >= 2) { + str = str.substring(0, 2); + } + else { + if (strLength == 0) { + str = """"; + } + else if (strLength == 1) { + str = Character.toString(text.charAt(0)) + ""@""; + } + } + return str; +} +" +460cc52e3fe990765271cb233e8950d7f83ea924,"public String atFirst(String str) +{ + int strLength = str.length(); + if (strLength >= 2) { + str = str.substring(0, 2); + } + else { + if (strLength == 0) { + str = """"; + } + else if (strLength == 1) { + str = Character.toString(str.charAt(0)) + ""@""; + } + } + return str; +} +" +05260943dc10412afd03f26f38209fda6036ef03,"public String atFirst(String str) +{ + int strLength = str.length(); + if (strLength >= 2) { + str = str.substring(0, 2); + } + else { + if (strLength == 0) { + str = ""@@""; + } + else if (strLength == 1) { + str = Character.toString(str.charAt(0)) + ""@""; + } + } + return str; +} +" +b68f9d1b9c704a5f04863c7864f957a66e9d1049,"public String atFirst(String str) +{ + if (str.length() < 2) + { + str = ""@"" + str; + } + else + { + str = str.subString(0,1); + } + return str; +} +" +5b08dfc19dcb1ecf52698acfe246abc2ab10affd,"public String atFirst(String str) +{ + if (str.length() < 2) + { + str = ""@"" + str; + } + else + { + str = str.subString(0, 2); + } + return str; +} +" +f9a55734b523391f6513c319075d8defb09a226a,"public String atFirst(String str) +{ + if (str.length()>=2) + { + String sub = str.subString(0,2); + return sub; + } + return '@'; + +} +" +a0df7cdf87d414c1b96b8b2d0f2a90ee690debc0,"public String atFirst(String str) +{ + if (str.length()>=2) + { + String sub = str.substring(0,2); + return sub; + } + return '@'; + +} +" +baf961bfc0d9883a973bf0b85a7e0f5ce02b53fd,"public String atFirst(String str) +{ + if (str.length()>=2) + { + String sub = str.substring(0,2); + return sub; + } + return ""@""; + +} +" +164c93bdd95763832249b88d5ac27247cf49efdb,"public String atFirst(String str) +{ + if (str.length()>=2) + { + String sub = str.substring(0,2); + return sub; + } + return str+""@""; + +} +" +ed101063753d66799d55b20e398a7de1f9156518,"public String atFirst(String str) +{ + if (str.length()>=2) + { + String sub = str.substring(0,2); + return sub; + } + else if (str.length()==1) + return str+""@""; + return ""@@"" +} +" +8caa197adb91c9075e40eef78223408875d96071,"public String atFirst(String str) +{ + if (str.length()>=2) + { + String sub = str.substring(0,2); + return sub; + } + else if (str.length()==1) + return str+""@""; + return ""@@""; +} +" +cdec2b552f429684fbf527eb7e36f823d8bc5f89,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.substring(0, 1) + ""@"" + } + else + { + return ""@@"" + } +} +" +ecdf9e3eb5e388cb6cca620de1da297afa523afe,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return ""@@""; + } +} +" +27b84798cd4174921cfc8fe5c05633c9f978aeec,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +7f645353fa23b6ad961f1ef021704952d279ddb8,"public String atFirst(String str) +{ + String answer = null; + if (str.length() == 1) + { + answer = str.substring(0) + ""@""; + } + else if (str.length() == 0) + { + answer = ""@@""; + } + else + { + answer = str.substring(1); + } + return answer; +} +" +22ea302416aefb1fc225ebb7aa8ad2caa6f8e070,"public String atFirst(String str) +{ + String answer = null; + if (str.length() == 1) + { + answer = str.substring(0,1) + ""@""; + } + else if (str.length() == 0) + { + answer = ""@@""; + } + else + { + answer = str.substring(1); + } + return answer; +} +" +cbb933e42593b9b4a42b9949f2ca074e8950a101,"public String atFirst(String str) +{ + String answer = null; + if (str.length() == 1) + { + answer = str.substring(0,1) + ""@""; + } + else if (str.length() == 0) + { + answer = ""@@""; + } + else + { + answer = str.substring(0, 2); + } + return answer; +} +" +60a48f0b300057ea54dee72b6187ace5c13295ea,"public String atFirst(String str) +{ + String firstTwo = str.subString(2); + return (firstTwo); + +} +" +c8ba3a96042a2bb9238dae6e4a2672bbac4cb9f8,"public String atFirst(String str) +{ + String firstTwo = str.substring(2); + return (firstTwo); + +} +" +f78531cec61241b6f10fecb34fa38f99a060ca91,"public String atFirst(String str) +{ + String firstTwo = str.substring(0,2); + return (firstTwo); + +} +" +bf1e4e2e2c9d5324b7858272b8c588be6304578a,"public String atFirst(String str) +{ + if(string.length<2) + return '@'; + else + return string(0,2); +} +" +fe7932d376bef1d7dca54ac2e0b51b157712cc8e,"public String atFirst(String str) +{ + if(string.length<2) + return '@'; + else + return string(0,2); +} +" +fb39f40fb819b0113c0db8878a319b42b522c5e8,"public String atFirst(String str) +{ + if (str.length >= 2) + { + String firstTwo = str.substring(0,2); + return (firstTwo); + } + else if (str.length == 1) + { + String firstTwo = str.substring(0,1); + return (firstTwo + '@'); + } + else if (str.length == 0) + { + return ('@@'); + } +} +" +fc6d4c1d3621fcfeb4856f7719e6467f4e991036,"public String atFirst(String str) +{ + if (str.length >= 2) + { + String firstTwo = str.substring(0,2); + return (firstTwo); + } + else if (str.length == 1) + { + String firstTwo = str.substring(0,1); + return (firstTwo + '@'); + } + else if (str.length == 0) + { + return ('@@'); + } + else + { + return ('error') + } +} +" +7cff2b045c0c31c15074fa35c695de878520b2e7,"public String atFirst(String str) +{ + if (str.length >= 2) + { + String firstTwo = str.substring(0,2); + return (firstTwo); + } + else if (str.length == 1) + { + String firstTwo = str.substring(0,1); + return (firstTwo + '@'); + } + else if (str.length == 0) + { + return ('@@'); + } + else + { + return ('error'); + } +} +" +0f8125f6e9abecf589fc9489da0f3e4732796aa1,"public String atFirst(String str) +{ + if (str.length >= 2) + { + String firstTwo = str.substring(0,2); + return (firstTwo); + } + else if (str.length == 1) + { + String firstTwo = str.substring(0,1); + return (firstTwo + '@'); + } + else if (str.length == 0) + { + return ('@@'); + } + else + { + return ('error'); + } +} +" +1168378bce110ed043f59809b474d74ae0666c5a,"public String atFirst(String str) +{ + if(string.length()>=2) + return str.substring(0,2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +91d3e2defc37157ff6d2c03cfc3140d04705c5ab,"public String atFirst(String str) +{ + if (str.length >= 2) + { + String firstTwo = str.substring(0,2); + return (firstTwo); + } + else if (str.length == 1) + { + String firstTwo = str.substring(0,1); + return (firstTwo + ""@""); + } + else if (str.length == 0) + { + return (""@@""); + } + else + { + return (""error""); + } +} +" +33a30ab6d293c2a44cedd66490acdea85a8fd7b8,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +87be0d3c349fa241126d848cf05c588ee5f4fed3,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if(lstr.length== 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +dccb7fc2d53252662f4417d7a334df678257628d,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if(str.length== 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +5026cf2fbacdba0c2dae26416785bb46ccde173e,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if(str.length()== 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +2ba8a664f73ab7b8fe3842f93d8f88177ae46181,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String firstTwo = str.substring(0,2); + return (firstTwo); + } + else if (str.length() == 1) + { + String firstTwo = str.substring(0,1); + return (firstTwo + ""@""); + } + else if (str.length() == 0) + { + return (""@@""); + } + else + { + return (""error""); + } +} +" +5217cf02068cd58d1aa8726250337e3622276c0b,"public String atFirst(String str) +{ + + String newSring = str.substring(0, 2); + + return newString; + + +} +" +2d5e5915d86584d5f2a0f2dfca05b2cec3d799a6,"public String atFirst(String str) +{ + + String newString = str.substring(0, 2); + + return newString; + + +} +" +e9c9677e6c307c0689987ce9a1cd194fb3fc0d19,"public String atFirst(String str) +{ + String newString; + + if(str.length() > 2) + { + newString = str.substring(0, 2); + } + else + { + for(i = 0; i < 2; i++) + { + str = str + ""@""; + } + } + return newString; + + + +} +" +692d8c0ded0f7a73619a1ef99460f7d17556fc52,"public String atFirst(String str) +{ + String newString; + + if(str.length() > 2) + { + newString = str.substring(0, 2); + } + else + { + for(int i = 0; i < 2; i++) + { + newString = str; + newString = newString + '@'; + } + } + return newString; + + + +} +" +99af25e3f389fe9d0ebe97c9e1dc6cf8047fa8ad,"public String atFirst(String str) +{ + String newString; + + if(str.length() > 2) + { + newString = str.substring(0, 2); + } + else if(str.length().equals(1)) + { + newString = str + '@' + } + else + { + newString = '@@'; + } + return newString; + + + +} +" +311b168e0e4f488a04981f1064741c8ac13c6e03,"public String atFirst(String str) +{ + String newString; + + if(str.length() > 2) + { + newString = str.substring(0, 2); + } + else if(str.length().equals(1)) + { + newString = str + '@'; + } + else + { + newString = '@@'; + } + return newString; + + + +} +" +95ea33fee0b953f95ee333a954c6bc3961ac81bc,"public String atFirst(String str) +{ + String newString; + + if(str.length() > 2) + { + newString = str.substring(0, 2); + } + else if(str.length() == 1) + { + newString = str + '@'; + } + else + { + newString = '@@'; + } + + return newString; +} + + " +a3280d9c568aabb5a84ab7a7554e9e0ec04cf5a3,"public String atFirst(String str) +{ + String newString; + + if(str.length() > 2) + { + newString = str.substring(0, 2); + } + else if(str.length() == 1) + { + newString = str + '@'; + } + else + { + newString = ""@@""; + } + + return newString; +} + + " +6d7b57c2ea8650e8460b9395108cfe20bdbfbadb,"public String atFirst(String str) +{ + String newString; + + if(str.length() >= 2) + { + newString = str.substring(0, 2); + } + else if(str.length() == 1) + { + newString = str + '@'; + } + else + { + newString = ""@@""; + } + + return newString; +} + + " +94b8e112d5e7811f014dccc214586f9452f52b16,"public String atFirst(String str) +{ + if (str.length() < 2) + str = str.concat(@); + else + return str.substring(0, 2); +} +" +e7e0fa1c3d8850b71830a8bc332fe4dac9ba8ab5,"public String atFirst(String str) +{ + if (str.length() < 2) + str.concat(@); + else + return str.substring(0, 2); +} +" +12220202a5ae486b8f29ac9a7ea8fe0e642015b0,"public String atFirst(String str) +{ + if (str.length() < 2) + return str.concat(@); + else + return str.substring(0, 2); +} +" +b8ac87438cf42d54ee65f27dd71d1027185cf855,"public String atFirst(String str) +{ + if (str.length() < 2) + { + str.concat(@); + return str; + } + else + return str.substring(0, 2); +} +" +64989ce8489a50976866b7c302c6f61e90a7dce7,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; +} +" +da46ce4cbf34c79dfc2af6508e723e5503f642ce,"public String atFirst(String str) +{ + String altered = str.substring(0, 2); + int length = str.length(); + String smallStr = str.charAt(0) + ""@""; + String noStr = ""@@""; + if (length == 0) + { + return noStr; + } + else if (length == 1) + { + return smallStr; + } + else + { + return altered; + } +} +" +4c67db7917f77d8aad861e97966145348ec91b98,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else +return ""@@""; +} +" +cd78f752137b74d192bef25205abb4c1656257f2,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0, 2); + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +f2b55ed200aaca55b6b42be90e443ca2ff4d840f,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + { + String noStr = ""@@""; + return noStr; + } + else if (length == 1) + { + String smallStr = str.charAt(0) + ""@""; + return smallStr; + } + else + { + String altered = str.substring(0, 2); + return altered; + } +} +" +aeea9b4ea94fbc9137717d2a67b2098da09f6042,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + return str + ""@""; + else if (str.length() == 0) + return ""@@""; + } +" +28fa55b9521727c1d6984be94a51479b17a2ad86,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + }else (str.length() == 0){ + return ""@@""; + } + } +" +4a75f80c11c5d9ed6b3682294a4e843e14a44430,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + } +" +48c63d862cc23bec5d6939516889cacbafde4c54,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + } + else if ( str.length() == 0 ) + { + return ""@@""; + } + } +" +eb5a4c86cae44656617a26e110011ef8081ffdf1,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + } + else if ( str.length() == 0 ) + { + return ""@@""; + } + } +" +b91daa5ea07274773474c02839b2e6d7db239f87,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + } +" +2a77fbc40b18e88efc8b411684df1d3e11bbeb8b,"public String atFirst(String str) +{ + String str = """"; + if (str == true) + { + return ""@@"" + } +} +" +aebcec6f6cae9114694c4d4972279e73faef5352,"public String atFirst(String str) +{ + String str = """"; + if (str == true) + { + return ""@@"" ; + } + return str.stubstring(0,2) +} +" +4d2ccb1c7e60112d9c8dbe4069e398fb048b06c2,"public String atFirst(String str) +{ + String str = """"; + if (str == true) + { + return ""@@"" ; + } + return str.stubstring(0,2); +} +" +5d35f3027db2c188a105df6a3478a04e35878635,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + else{ + return str; + } + } +" +2ee7d366ef45e04675e68bd5cfd425ac0862af68,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1); + { + return str + ""@""; + } + else + { + return ""@@""; + } + + } +" +47a9c21b1409785444609b97b261c4e61b0e5cb3,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + return part; + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + + } +" +1f6e75f86477e69ce835c395311a17884539ee54,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + return part; + } +" +c905dc1a73473944ced75e6d95c0ddcdc25816de,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + if (str.length() == 1) + { + return str + @; + } + else if (str.length() == 0) + { + return @@; + } + return part; + } +" +42f99d685505d988d7b1e8cfcbccf89cd8768822,"public String atFirst(String str) +{ + String part = str.substring(0 , 2); + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + return part; + } +" +c04591efd22db861aecd90dae96948341e19edca,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str + ""@"" + } + else + return str.substring(0,2); +}" +ecff276c52d6cea87c464406a659c6eb9b3a60e2,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + return ""@@""; + else if (length == 1) + { + return str + ""@""; + } + else + return str.substring(0,2); +}" +a7e09c54f0e34da490e9a99a54de00705cfe797c,"public String atFirst(String str) +{ + if (str.length() < 1) + return ""@@""; + +} +" +76766d515556d8469e6fe4df038068c8ad7ee2d1,"public String atFirst(String str) +{ + if (str.length() < 1) + return ""@@""; + else if (str.length() < 2) + { + str.substring(1) = ""@""; + return str; + } + else + return str; + +} +" +d9e865d053826a8acba9321d9c5cdc4fb6ab9180,"public String atFirst(String str) +{ + if (str.length() < 1) + return ""@@""; + else if (str.length() < 2) + { + str(1) = ""@""; + return str; + } + else + return str; + +} +" +1fcc44f7067321065eea096b392604e7743ce799,"public String atFirst(String str) +{ + if (str.length() < 1) + return ""@@""; + else if (str.length() < 2) + { + str = str+""@""; + return str; + } + else + return str; + +} +" +c1e15464cb4a3ce3aaa9842758c68cfb9653897d,"public String atFirst(String str) +{ + if (str.length() < 1) + return ""@@""; + else if (str.length() < 2) + { + str = str+""@""; + return str; + } + else + return str.substring(0,1); + +} +" +c7eb3227f025f7615e870b5b096c9a474a9a832d,"public String atFirst(String str) +{ + if (str.length() < 1) + return ""@@""; + else if (str.length() < 2) + { + str = str+""@""; + return str; + } + else + return str.substring(0,2); + +} +" +b8812a51fb70db70bd9714b5591c68559161549b,"public String atFirst(String str) +{ + if(str.length() >= 2){ + String fin = str.substring(0,2); + return fin; + }else{ + String fin = str + ""@""; + return fin; + } +} +" +9292f15ff6bc0465e33d077cfb9d740795167b2e,"public String atFirst(String str) +{ + if(str.length() >= 2){ + String fin = str.substring(0,2); + return fin; + }else if (str.length() == 1){ + String fin = str + ""@""; + return fin; + }else{ + String fin = str + ""@@""; + return fin; + } +} +" +7d04470c98ce1e75ca975c7c91b7920c5a3815c0,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if (len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +98260b83fd9a0a268dc3f53818e7a20d1fb39453,"public String atFirst(String str) +{ + + if (str.getLength < 2) + { + return ""@@"" ; + } + return str.stubstring(0,2); +} +" +6df1cf0e746365ec5fdc306a92a42986152a0870,"public String atFirst(String str) +{ + String string = new StringBuilder(str).length() + if (string < 2) + { + return ""@@"" ; + } + return str.stubstring(0,2); +} +" +ba5790fd21803e30c51bd47d8967fd2248994065,"public String atFirst(String str) +{ + String string = new StringBuilder(str).length(); + if (string < 2) + { + return ""@@"" ; + } + return str.stubstring(0,2); +} +" +51917bda5af04d8a80aa8ae83b1bd01bc207554a,"public String atFirst(String str) +{ + int string = new StringBuilder(str).length(); + if (string < 2) + { + return ""@@"" ; + } + return str.stubstring(0,2); +} +" +762eedcbbd6657282d2430667cca402cf7cd9c46,"public String atFirst(String str) +{ + + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + String part = str.substring(0 , 2); + return part; + } +" +31013a13dcdbc001e73c5a257e7ebdb169d56f7a,"public String atFirst(String str) +{ + if (str.length() < 2) + { + str = ""@"" + str; + } + else + { + str = str.substring(0, 2); + } + return str; +} +" +bbc16c848985e28922880426a284f63eec0e9f74,"public String atFirst(String str) +{ + if (str.length() < 2) + { + str = str + ""@""; + } + else + { + str = str.substring(0, 2); + } + return str; +} +" +c22a6f9d95587455989a269dda848cb4b548008e,"public String atFirst(String str) +{ + +if (str.length() >= 2) + + return str.substring(0,2); + + else if (str.length() == 1) + + return str + ""@""; + + else + + return ""@@""; + +} +" +3ab75ae5f313f50339fbadcf994246f4c9cfbed9,"public String atFirst(String str) +{ + if (str.length() == 1) + { + str = str + ""@""; + } + else if (str.length() == 0) + { + str = ""@@""; + } + else + { + str = str.substring(0, 2); + } + return str; +} +" +adabed3cf0b5dda2635d4cfeb95378fa38fa3f6c,"public String atFirst(String str) +{ + if (str.length() < 2) + { + while (str.length() < 2) + { + str += '@'; + } + } + else + { + str = str.substring(0, 2); + } + + return str; +} +" +4c151e31d53179aee9d5f0db2d15faa667c5859a,"public String atFirst(String str) +{ + + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +e150e352a195e8f1e3637b69d2193995abd30401,"public String atFirst(String str) +{ + return (str.substring(1); +} +" +960b1a84214a904dc79c70177b9a02648477d44a,"public String atFirst(String str) +{ + return (str.substring(1)); +} +" +55def70c66028aa502b837537f6956cbf835d9af,"public String atFirst(String str) +{ + return (str.substring(0, 1)); +} +" +33cf06751966d27d71dddb833be81b4322b3fa40,"public String atFirst(String str) +{ + return (str.substring(0, 2)); +} +" +d3745baab3910b6b855000797454d3c32c533553,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str.substring(0,1) + ""@""); + } + return (str.substring(0, 2)); +} +" +75e49f8d378638728e069243d8538ad1e65230a3,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str.substring(0,1) + ""@""); + } + else + { + return (str.substring(0, 2)); + } +} +" +925ce768ae75ab6f9b4cc43eca66399740618f6d,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str.substring(1) + ""@""); + } + else + { + return (str.substring(0, 2)); + } +} +" +538f7b5db4d795638909a9c8c11e054c866fa264,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str.substring(0, 1) + ""@""); + } + else if (str.length() == 0) + { + return ""@""; + } + else + { + return (str.substring(0, 2)); + } +} +" +050cbe77a0f90c9fcfc5f21407373e96151a7b81,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str.substring(0, 1) + ""@""); + } + else if (str.length() == 0) + { + return """"; + } + else + { + return (str.substring(0, 2)); + } +} +" +6bb0ee0ad18b7740337fbdd1e749d82571043674,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.length() == 1) + { + return ""@""; + } + else + { + return ""@@""; + } +} +" +e22ce5e6a4c5b1b12e61c7366855f779f8ae64f3,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +6fc6300275feff240f07223edeb029a1a913c4bf,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str.substring(0, 1) + ""@""); + } + else if (str.length() == 0) + { + return ""@@""; + } + else + { + return (str.substring(0, 2)); + } +} +" +c00ebd84e0d21a2b940c8332b856118a812cdb5e,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String part = str.substring(1); + } + else + { + + } +} +" +9b464c2cccdc3d40664a80fe9b70192ab1fd303b,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String part = str.substring(1); + } + else if (str.length() == 1) + { + String part = str.substring(); + } + else (str.length() == 0) + { + String part = str.substring(); + } + return part; +} +" +2ce88e8ab5a5013fd4298fa32fe9595f87444058,"public String atFirst(String str) +{ + if (str.length() == 2) + return @@; + if (str.length() == 1) + return @; + return str.substring(0, 2); +} +" +c66b4211384554317177246f88e200e4a7b27ab6,"public String atFirst(String str) +{ + if (str.length() == 2) + return '@@'; + if (str.length() == 1) + return '@'; + return str.substring(0, 2); +} +" +0b23fde48001ea62a5ccee6f0bc98c8e0ce241b3,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +f72a054112ed5b1fcbbf4ca2cd18185af5b9a4eb,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return (str.substring(0,2)); + } + else if(str.length() == 1) + { + return (""@""+str.substring(0,1); + } + return ""@@""; +} +" +d36d9b8ee3fe67378738a54815b33ad9c06f1cfb,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return (str.substring(0,2)); + } + else if(str.length() == 1) + { + return (""@""+str.substring(0,1)); + } + return ""@@""; +} +" +2b4f0c82594f1ce1005dd486141a3e81f72e0fe1,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return (str.substring(0,2)); + } + else if(str.length() == 1) + { + return (str.substring(0,1)+""@""); + } + return ""@@""; +} +" +316ae44107057eb20b5578cefb2535b428bd19e7,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0,2); + } + else if (length == 1) + { + return (str.substring(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +ba6bd2010cf6c4b2faf058e0df27c972fd9077b9,"public String atFirst(String str) +{ + int a = str.length(); + + if(a >= 2) + return str.substring(0, 2); + else if(a == 1) + return (str.substring(0,1)+""@""); + else + return ""@@""; +} +" +9586875381ac36daf88fec591f0a2a3aad571091,"public String atFirst(String str) +{ + if(stringLength(str) < 2) + return ""@@""; + + + + + +} + +" +0222a45edf6c0543144e011fb1d5a21c7415ab86,"public String atFirst(String str) +{ + if(str.length < 2) + return ""@@""; + else + return str.substring(0, 2); + + +} + +" +6865939007ee3af162d63e2b982b33e183dd2fcf,"public String atFirst(String str) +{ + if(str.length() < 2) + return ""@@""; + else + return str.substring(0, 2); + + +} + +" +0e56055bd074fdc8d736f1d92aa30673e395a1d4,"public String atFirst(String str) +{ + if(str.length() < 2) + return str.substring(0,1) + ""@""; + else + return str.substring(0, 2); + + +} + +" +2ce3c57f5c2670b18113093c6149b345a3f7f507,"public String atFirst(String str) +{ + if(str.length() == 0) + return ""@@""; + else if(str.length() < 2) + return str.substring(0,1) + ""@""; + else + return str.substring(0, 2); + + +} + +" +a055a8ea8173eb9304b8f5e94874fc6fa7034e63,"public String atFirst(String str) +{ + if (str.length < 2) + return str + ""@""; + else + return str.substring(0, 2); +} +" +c5f1beac568fc40cd216ab31c5ba2133cc693a5e,"public String atFirst(String str) +{ + if (str.length() < 2) + return str + ""@""; + else + return str.substring(0, 2); +} +" +7c4295326f3008a5a43e0bad5e9b8df6bae009d4,"public String atFirst(String str) +{ + if (str.length() < 2) + if (str.length() < 1) + return str + ""@@""; + return str + ""@""; + else + return str.substring(0, 2); +} +" +390385abd5c6cb308d689d2315f29e39376d22e8,"public String atFirst(String str) +{ + if (str.length() < 1) + return str + ""@@""; + if (str.length() < 2) + return str + ""@""; + else + return str.substring(0, 2); +} +" +cd552b1f0e6c1f6408a45f3121d6c03c6336f106,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() < 1) + { + return ""@@"" + } + else { + return str.substring(0, 1) + ""@""; + } + } + else { + return str.substring(0, 2); + } +} +" +5608f8cfff39de59c9504754de838c0bfeec8bae,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() < 1) + { + return ""@@""; + } + else { + return str.substring(0, 1) + ""@""; + } + } + else { + return str.substring(0, 2); + } +} +" +7c2f2a870917e75c0ef6d5817686705659f1c0fa,"public String atFirst(String str) +{ + return str.substring(0,2); +} +" +12626584cf03ea4745d784306eda461c10cf8ebd,"public String atFirst(String str) +{ + if str.length + return str.substring(0,2); +} +" +9357b3dccf26e1247d777d624816020dc1a36d08,"public String atFirst(String str) +{ + if (str.length() == 2) + return '@@'; + if (str.length() == 1) + return '@'; + return str.substring(0, 2); +} +" +65c9a52f51b6bd447cb5a39b9ab8466920bdf3a9,"public String atFirst(String str) +{ + if (str.length() == 2) + return ""@@""; + if (str.length() == 1) + return ""@""; + return str.substring(0, 2); +} +" +077cf3fe830dc2eaaf4071f98e48c988592563c1,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""@""; + return str.substring(0, 2); +} +" +a505d674b277a07c0bb8c6ed4acfbf8060f79ab5,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 1) + { + return str + '@'; + } + else + { + return '@@'; + } + } + else + { + return str.substring(0, 2); + } + +} +" +8e8160c1c042e8ce60673bd73585f262d5152916,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""[str]@""; + return str.substring(0, 2); +} +" +c062f7affd892495c4eea094bf5bd327c2f9c65e,"public String atFirst(String str) +{ + if (str.length() = 0) + return ""@@""; + else if (str.length() = 1) + return str + ""@""; + else + return str.substring(0,2); +} +" +06fccc5a5edf20e8a1f32818ea3b2b1707fec8c5,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""[str]@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +e986000d3a027560348fe296d41f00d29876e87a,"public String atFirst(String str) +{ + if (str.length() == 0) + return ""@@""; + else if (str.length() = 1) + return str + ""@""; + else + return str.substring(0,2); +} +" +d8b8a05bd912f776cf4c318b2dd8dcd467c289ac,"public String atFirst(String str) +{ + if (str.length() == 0) + return ""@@""; + else if (str.length() == 1) + return str + ""@""; + else + return str.substring(0,2); +} +" +bfa45735846c9094fce30ee690d36656adf9e435,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } + } + else + { + return str.substring(0, 2); + } + +} +" +ed111f665be47784128ca87c527a87fc82544c4f,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""str@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +7d18cde65ba0af7d2bc4bd5f9226c4953a3bfba8,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""str""""@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +029b4b2022a34b3cb72a6ae84b56730e0ca72780,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""str,@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +be574695e054f960c159b634e4e43416dabdeefe,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""str"" + ""@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +44268d9e07706fac115c77774bdcb26ba1a1ed22,"public String atFirst(String str) +{ + if (str.length() == 1) + return ""str"" + ""@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +9d5a0fb19708c044766582f490bc7a5f6004d69f,"public String atFirst(String str) +{ + if (str.length() == 1) + return str + ""@""; + if (str.length() == 0) + return ""@@""; + return str.substring(0, 2); +} +" +63cfc64efcfaac3c894354680809365ffc8c70e4,"public String atFirst(String str) +{ + if (str.length() > 0) { + if (str.length() > 1) { + if (str.length() >= 2) { + return str.substring(0,2); + } + return """" + str.charAt(0) +""@""; + } + } + return ""@@""; +} +" +2b9866de47a122afdbb67d7de699d32ae0e695c5,"public String atFirst(String str) +{ + if (str.length() > 0) { + if (str.length() >= 1) { + if (str.length() >= 2) { + return str.substring(0,2); + } + return """" + str.charAt(0) +""@""; + } + } + return ""@@""; +} +" +6953d11863c73df48130373ceacf180c30f3e5a0,"public String atFirst(String str) +{ + if (str.length() > 0) { + if (str.length() >= 1) { + if (str.length() >= 2) { + return str.substring(0,2); + } + return str.charAt(0) +""@""; + } + } + return ""@@""; +} +" +b0a2e1f5a3f223aae95a5c7e84a422531cd4bde8,"public String atFirst(String str) +{ + if (str.length() == 0) + return (""@@"") + if (str.length() == 1) + return (str.substring(2) + ""@""); +} +" +cad408cd6c24a8ab9e47b90dce82adb9a4fee5ce,"public String atFirst(String str) +{ + if (str.length() == 0) + return (""@@""); + if (str.length() == 1) + return (str.substring(2) + ""@""); +} +" +6de27e46418cceb9c0862540aa51393f9947d83b,"public String atFirst(String str) +{ + if (str.length() == 0) + return (""@@""); + if (str.length() == 1) + return (str.substring(2) + ""@""); + return str; +} +" +548b58d7e6d52f56bea3c6b9bb21e3c715ecf782,"public String atFirst(String str) +{ + if (str.length() == 0) + return (""@@""); + if (str.length() == 1) + return (str.substring(1) + ""@""); + return str.substring(2); +} +" +cacbf643f9c9493030e87bcc5fa31b5346e038c5,"public String atFirst(String str) +{ + if (str.length() == 0) + return (""@@""); + if (str.length() == 1) + return (str.substring(2) + ""@""); + return str.substring(3); +} +" +debe089fecf5da10d0f65c2ec0cec6d42fe6a667,"public String atFirst(String str) +{ + if (str.length() == 0) + return (""@@""); + if (str.length() == 1) + return (str.substring(0, 1) + ""@""); + return str.substring(0, 2); +} +" +1488a871f59e3ad18dda6e68e387ee0c2c970c1c,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return (str.substring(0, 1) + ""@""); + } + else if (str.length() == 0) + { + return ""@@""; + } + else + { + return (str.substring(0, 2)); + } +} +" +f9c049ff73c09a16b749683cd5ecb124549b05c5,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) { + return str.substring(0, 2); + } + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +3f8a4e2e9b21ff01ec5db345227221e8056c657b,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.sunstring(0, 2); + } + else + { + return ""@""; + } +} +" +8ef18777645bbe4089488c2c8979c911c28c0139,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return ""@""; + } +} +" +1e310e87cbd7db06a4e4d0a4a44d60ce618696a2,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return str@; + } +} +" +acc5f98b0607d5cdc671b3b22e59702b243d045f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return str""@""; + } +} +" +60cc000bfab13a877c42cf95886f979f596c43c5,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +48cffa75fc6c4e05fc9fded4b37487dc50ac930b,"public String atFirst(String str) +{ + if (str.length => 2) + { + return str.substring(0,2); + } + else if (Str.length == 1) + { + return str + @; + } + else + { + return @@; + } +} +" +d5b2f1f5f4bace7b1f2771d506d57a7fca378f2f,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str.substring(0,2); + } + else if (Str.length == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +b3446f6cb72b6206c932b9c292ba9bd69a6183c0,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (Str.length == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +89b27db5d011331381dd6e9ad23a82dab8084694,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +87fec21321c8c8f96d45b28cdd7a77804cfa7e7e,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +891c9d360e173956c8f6ab0aa873779580c586ed,"public String atFirst(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if (stringLength < 2) + { + return (str.charAt(0) + ""@"" ); + } + else + { + return (str.substring(0, 2)); + } + + +} +" +9994a8d3b11696d3fee3e34e2251e775b8554b9e,"public String atFirst(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if (stringLength == 1) + { + return (str.charAt(0) + ""@"" ); + } + else + { + return (str.substring(0, 2)); + } + if (stringLength == 0) + { + return ""@@"" + + +} +" +bc2f6cf050e9b6d8979ee959119c2c1d3731b3bb,"public String atFirst(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if (stringLength == 1) + { + return (str.charAt(0) + ""@"" ); + } + else + { + return (str.substring(0, 2)); + } + if (stringLength == 0) + { + return ""@@""; + + +} +" +4f6eda53f1eaf74211e47e2f043acf5ac6b740f9,"public String atFirst(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if (stringLength == 1) + { + return (str.charAt(0) + ""@"" ); + } + else + { + return (str.substring(0, 2)); + } + if (stringLength == 0) + { + return ""@@""; + } + +} +" +8569a4c52119e121b3c9eb90bd67783e89b49578,"public String atFirst(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if (stringLength == 1) + { + return (str.charAt(0) + ""@"" ); + } + else if (stringLength == 0) + { + return ""@@""; + } + else + { + return (str.substring(0, 2)); + } + +} +" +90468f530c56b3a64e4806c5410a34b9f4a5bb66,"public String atFirst(String str) +{ + if (str.length < 2) + { + return @; + } + else + { + return str.substring(0,2); + } +} +" +c26c9ac3355294bdd9555c554be3a5127df61222,"public String atFirst(String str) +{ + if (str.length < 2) + { + return ""@""; + } + else + { + return str.substring(0,2); + } +} +" +f2492ad8e87c8c70b90b124bdd0a92e3b7d1176d,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@""; + } + else + { + return str.substring(0,2); + } +} +" +f7a82707cd2f5bb434c0cd5d6db7509c88b852e7,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str.substring(0) + ""@""; + } + else + { + return str.substring(0,2); + } +} +" +9bf16f176b016a91f70dacccee062d176a83fef2,"public String atFirst(String str) +{ + if (str.length() = 1) + { + return str.substring(0) + ""@""; + } + else if (str.length() = 0) + { + return ""@@""; + } + else + { + return str.substring(0,2); + } +} +" +bcac85419413af015f757ec2412579aaee5479c2,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str.substring(0) + ""@""; + } + else if (str.length() = 0) + { + return ""@@""; + } + else + { + return str.substring(0,2); + } +} +" +b83b892ab9835221c883fe12266114708a49359c,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str.substring(0) + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + else + { + return str.substring(0,2); + } +} +" +54213fa757bd9dcb9c81acee047358d2fe8d171a,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +d18c659482729b33d92c843b1ac55ef5d696adea,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return str; + } + else if (str.length == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + return; +} +" +a9344584f726251b53f63b965cc9b41592fecc42,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + return; +} +" +1dd90dbfb55d5a9754cde90c9f3eaf36eb5fc6b6,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + return str; +} +" +b67a79be2d47f7bb3055b45b3fc73aea4bf3cbee,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +2fbeb431fb2cbccd35b78f9019cf621696420727,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return charAt(0) + charAt(1); + } + else if (str.lenght() == 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +003417e318e0d65136b3cde57cc9672d292af437,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.subString(0, 1); + } + else if (str.lenght() == 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +95cb54a97246f24e0e9efeec85c4391fa90a23db,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0, 1); + } + else if (str.lenght() == 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +57dcb1b366753801e75436e85af808f658d7ae41,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0, 1); + } + else if (str.length() == 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +1f7624775bc49cde9908fc25458093cd3353f9d8,"public String atFirst(String str) +{ + int stringLength = str.length(); //create a variable for length of string + if (stringLength == 1) + { + return (str.charAt(0) + ""@"" ); + } + else if (stringLength == 0) //when no characters given + { + return ""@@""; + } + else + { + return (str.substring(0, 2)); + } + +} +" +f8a9dc9c3564c9d5bec665cfdb6d571e8f032659,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(1, 2); + } + else if (str.length() == 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +cec73fbb65f7622817588c6df85092cbd028c366,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0, 2); + } + else if (str.length() == 2) + { + return str; + } + else if (str.length() == 1) + { + return str+""@""; + } + else + { + return ""@@""; + } + +} +" +3a546e1dd884bbc65f139cd91c6e42cc1a3c7684,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } +} +" +0877c9e33f3bfff0d34076a9b02fd4bd8a30f4b8,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +09fa61484a41b3d88b1ff39f1a9af9c65c12f885,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + String addition = ""@""; + String moreadd = ""@@""; + if (str.length() = 0) { + return moreadd; + } + if (str.length() = 1) { + return addition; + } + return str; +} +" +cda6f2d6ae47c3539d56608336b01d60891a2e77,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + String addition = ""@""; + String moreadd = ""@@""; + if (str.length() == 0) { + return moreadd; + } + if (str.length() == 1) { + return addition; + } + return str; +} +" +37a4a7117275f6f5fe5c42c0074060708e5faa97,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + String addition = ""@""; + String moreadd = ""@@""; + if (str.length() == 0) { + return moreadd; + } + if (str.length() == 1) { + return str + addition; + } + return str; +} +" +6e9a14993be820cc5e18167478bbd4d2fd792566,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +c00c4885e917c11b4ae3e095c0e2f2f8d1ab1bad,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +b293b2d61ce104d1bf053eb3ee7207bbd511d87c,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@""; +} +" +12192967a4688bd79ac1c41980351b6b3240fe2d,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +6b8a7dfb7dcd6067991c6ae8a097b50a6d195e37,"public String atFirst(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + return str.substring(0, 2); + else if(wordLegth == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +4e922389ad44a906870dd1153757c747830b8f11,"public String atFirst(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + return str.substring(0, 2); + else if(wordLegth == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +a0639fe9b42c9cb3210c83643ab0102b8967fd81,"public String atFirst(String str) +{ + int wordLength = str.length(); + if(wordLength >= 2) + return str.substring(0, 2); + else if(wordLength == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +ad38e676583e513cfd7de2b0a719032140163e2a,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,1); + else if (str.length() == 1) + return str + ""@""; + return ""@@"" +} +" +1fbb3d3aebfc51670530ad442e65dcc2bb5e9063,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,1); + else if (str.length() == 1) + return str + ""@""; + return ""@@""; +} +" +b1a0c7fb1d44a10d9667d8aa8ef18dad2ee7c5a4,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + return ""@@""; +} +" +b07fdff3e42888831da9ebc3bd12717b9e13ecb0,"public String atFirst(String str) +{ + if(str.length() == 0) + { + return ""@@""; + } + else if(str.length() == 1) + { + return str + ""@"" + } + else + return str.substring(0, 2); +} +" +162f29df58b6ca6d639be05e1c3e70ec06458b4d,"public String atFirst(String str) +{ + if(str.length() == 0) + { + return ""@@""; + } + else if(str.length() == 1) + { + return str + ""@""; + } + else + return str.substring(0, 2); +} +" +0b867bd698fffa2de56643d6a62ba5fcda0b75a6,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + return str.substring(0,2); + else if n = 0 + return '@@'; + else if n = 1 + return str+'@'; + + + + + +} +" +21f025762b5da9efa45fb43e156e6cdac0fac666,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + return str.substring(0,2); + else if (n = 0) + return '@@'; + else if (n = 1) + return str+'@'; + + + + + +} +" +7a8c70637af23373a3e987a844ba3bce5207d214,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + return str.substring(0,2); + else if (n = 0) + return ""@@""; + else + return str+""@""; + + + + + +} +" +c2b631ed48c61b743224549e460846fad6ef21fa,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + return str.substring(0,2); + else if (n == 0) + return ""@@""; + else + return str+""@""; + + + + + +} +" +2db328f84246356d0a10f06f4938ab89d69641ef,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2) + } + else + { + if (str.length() == 1) + { + return str + '@' + } + else + { + return '@@' + } + } +} +" +1c749030dd6f3d843b37a04f8f3e58ef9c000532,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + return str + '@'; + } + else + { + return '@@'; + } + } +} +" +89792907cfa3b79554a5e96a39e34e0b03708727,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + return str.substring(0,2); + else if (length == 1) + return (str.charAT(0) + ""@""); + else + return ""@@""; + +} +" +a735a9560ea80376768aea429496e1984c4e17ec,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +3bc6480a66b2e5aa2ce591ec84568e7c69d4cadd,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + return str.substring(0,2); + else if (length == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; + +} +" +2f9ab721f27e645143e099da7014340b5e06394d,"public String atFirst(String str) +{ + String newStr; + if (str.length() > 1) { + newStr = str.substring(0, 2); + } + else if (str.length() == 1) { + newStr = ""@"" + str; + } + else { + newStr = ""@@""; + } + return newStr; +} +" +3d3f3e09723bdc8168def110dc7269e28b7ac464,"public String atFirst(String str) +{ + String newStr; + if (str.length() > 1) { + newStr = str.substring(0, 2); + } + else if (str.length() == 1) { + newStr = str + ""@""; + } + else { + newStr = ""@@""; + } + return newStr; +} +" +956f5568c6c6d204a3e27225bc400574672f1fa8,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +418a55b858c628968f3d00085ccbe7569a4667fc,"public String atFirst(String str) +{ + return str.substring(2); +} +" +63e9d100f5c0f49a67df19041a78826c7f92d12f,"public String atFirst(String str) +{ + return str.substring(0,2); +} +" +1e266bb0d8dd0c4fbfba2576dcdce2c0c3c1d827,"public String atFirst(String str) +{ + int size = str.length(); + String mini = str.substring(0,2); + if (size >= 2) + return mini; + else if (size == 1) + return (str.charAt(0) + ""@""); + else + return (""@@""); + +} +" +2bbe3b6ed07a53589f51a2f4e5ed9cc9f4df9fb3,"public String atFirst(String str) +{ + int size = str.length(); + if (size >= 2) + return str.substring(0,2); + else if (size == 1) + return (str.charAt(0) + ""@""); + else + return (""@@""); + +} +" +68f4a4795313c65191d87e0cd16b2b75dc9c252b,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str.substring(0); + while(strn.length() < 2) + { + strn.concat(""@""); + } + return strn; + } + } +" +720e6f5afa62359ceb2d0480cf1457fbb120c1ab,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str.substring(0); + while(strn.length() != 2) + { + strn.concat(""@""); + } + return strn; + } + } +" +1f6aac8bc0108cbb9608735b458e686e64de50b2,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str.substring(0); + while(strn.length() != 2) + { + strn.concat(""-""); + } + return strn; + } + } +" +a22ffdf8828395359e6c9b1c7ff05f23da44f0a8,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str; + while(strn.length() != 2) + { + strn.concat(""@""); + } + return strn; + } + } +" +ab49038622187cb02c4766be8495278c84633bfd,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str; + while(strn.length() != 1) + { + strn.concat(""@""); + } + return strn; + } + } +" +5263183e77fffc3cc84bc0fa721fdcfbaf48cfde,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str; + while(strn.length() != 1) + { + strn = strn + ""@""; + } + return strn; + } + } +" +df685feaf47d1e643d220179bf330a31c3e27dd8,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else + return str + ""@""; +} +" +129b77106c48c2b0f4cbdf1bd73be2bd8dd46a77,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() = 1) + return str + ""@""; + else + return ""@@""; +} +" +aa2128baeddecbef9425e0513146da224a0084d0,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +874533737ad985a9beaaa91b9c26edbae57b48b2,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + return result; +} +" +feef85f7787962e9f5fc56b2c1f1d9bc16a43cb3,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str; + + do + { + strn = strn + ""@""; + } + while(strn.length() != 2) + return strn; + } + } +" +cce3c2ed95c0d60657cf53b77829b3393a9177ec,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0,2); + } + else + { + String strn = str; + + do + { + strn = strn + ""@""; + } + while(strn.length() != 2); + return strn; + } + } +" +b0d7eb14df8a84ada5c9f7af052c0c165af1922d,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.charAt(0) == null) + { + result.charAt(0) = '@'; + } + else if (result.charAt(1) == null) + { + result.charAt(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +640354ece173610615d742ba2c6e07e9b35f4488,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.charAt(0) = '@'; + result.charAt(1) = '@'; + } + else if (result.length() == 1) + { + result.charAt(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +beb03e218ba108f14e3ae952353063c6d6715eda,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.codePointAt(0) = '@'; + result.codePointAt(1) = '@'; + } + else if (result.length() == 1) + { + result.codePointAt(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +1f3eaca4b7c46fce9ae32b4f0cc69eaa3361f3c4,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result(0) = '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +c30f2bbe53bb7421123a961bf439371fd3e0d52d,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.add() = '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +39e0384d433f437bd29cfad1a91bd79d6ba663be,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.replace(0) = '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +abce4e518813df5eedffb50bebe36d1218c92c1a,"public String atFirst(String str) +{ + +} +" +467ae7f112ecf81e76f7d8de787f6bf876cff40e,"public String atFirst(String str) +{ + return 0; +} +" +97ed7054fbfef214efff2096d2370aa21ce90aa7,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.charAt(0) = '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +76765812c09afb56941bb7ddad2b3d32fa3fdcb8,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.charAt(0) = @; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +43618cdd0b4a322dd291534ddd8070621e7051d6,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.charAt(0) = String '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +915a816d241d658e726d4a88d0c9869580327818,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.charAt(0) = '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +b05268e4079f92fa8c479a385b128576976d16c9,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + String value = '@'; + + if (result.length() == 0) + { + result.charAt(0) = '@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +457b89ce9b9bf9f0c7fd9b72121c8a303a25ada7,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result.substring(0, 2) = '@@'; + result(1) = '@'; + } + else if (result.length() == 1) + { + result(1) = '@'; + } + else + { + result = result; + } + + return result; +} +" +0de5e81becca0dfd8270e95f442be52daf5b8f22,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + return '@@'; + } + else if (result.length() == 1) + { + return ""@@""; + } + else + { + return result; + } +} +" +510ab9f286d3f99ec8f37fc89e9381bac5e60e7b,"public String atFirst(String str) +{ + String newString = new String(); + int strLength = str.length(); + if (strLength > 1) + { + newString = str.substring(0, 2); + } + else if (strlength == 1) + { + newString = str.substring(0, 1) + ""@""; + } + else + { + newString = ""@@""; + } +} +" +7a4458833b00ae243a5b22170a33d3ba491200d3,"public String atFirst(String str) +{ + String newString = new String(); + int strLength = str.length(); + if (strLength > 1) + { + newString = str.substring(0, 2); + } + else if (strlength == 1) + { + newString = str.substring(0, 1) + ""@""; + } + else + { + newString = ""@@""; + } + return newString; +} +" +ac8f081ca57679b38dbecaf87fcb657e21265d30,"public String atFirst(String str) +{ + String newString = new String(); + int strLength = str.length(); + if (strLength > 1) + { + newString = str.substring(0, 2); + } + else if (strLength == 1) + { + newString = str.substring(0, 1) + ""@""; + } + else + { + newString = ""@@""; + } + return newString; +} +" +ba64e188a7ff94c5ca147732e34becd1b2436677,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + return result; +} +" +34d9a9d258754fb716a6a88464e4c4b6e519473c,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} + +" +deb4e0030cd1e996ac16364fb0fcd4d00e84a8b2,"public String atFirst(String str) +{ + String word = "" ""; + + if (str.length >= 2) + { + word = str.substring(0, 1) + } + else + { + word = ""str"" + ""@"" + } + + return word; +} +" +645a030f899082c4051bc578bc40d6a92ca2bbd7,"public String atFirst(String str) +{ + String word = "" ""; + + if (str.length >= 2) + { + word = str.substring(0, 1); + } + else + { + word = ""str"" + ""@""; + } + + return word; +} +" +9f4ab963d6ca584d5b25d48b5fc1d1014f89a4fe,"public String atFirst(String str) +{ + String word = "" ""; + + if (str.length() >= 2) + { + word = str.substring(0, 2); + } + else + { + word = ""str"" + ""@""; + } + + return word; +} +" +66beb048003bd644a1536a35669e2beb585caf04,"public String atFirst(String str) +{ + String word = "" ""; + + if (str.length() >= 2) + { + word = str.substring(0, 2); + } + else + { + word = str + ""@""; + } + + return word; +} +" +8bdb790df8b7035472e79ed8f0b911398517e241,"public String atFirst(String str) +{ + String word = "" ""; + + if (str.length() >= 2) + { + word = str.substring(0, 2); + } + else if(str.length() == 0) + { + word = ""@"" + ""@""; + } + else + { + word = str + ""@""; + } + + return word; +} +" +5939304d6045602e7c1f70707da84782d2276889,"public String atFirst(String str) +{ + int length = str.length(); + if (len >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +69999eb2f3a5c013f0950bfd779bd320676c6e60,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +bf19eb35cc9eb6daad4cecdcd0ab125c5de19ab6,"public String atFirst(String str) +{ + if (str.length() == 0) + return ""@@""; + else if (str.length() == 1) + return str + ""@""; + else + return str.substring(0,2); +} +" +c392987eb4da01b3b0668deb5c36c3af37ce1abb,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +7f171f32564d487d7f5b5462d400444232eb17c9,"public String atFirst(String str) +{ + String result = str.substring(0, 2); + + if (result.length() == 0) + { + result = ""@@""; + } + else if (result.length() == 1) + { + result = result; + } + else + { + result = result; + } + + return result; +} +" +bb777a6a567884102638b891edf5e60d653df7bb,"public String atFirst(String str) +{ + if (str.length()==1) + { + return (str+""@""); + } + if (str.length()==0) + { + return ""@@""; + } + return (str.substring(0,2)); +} +" +56d2b01ed3679b28c518572b1055488000a17b5e,"public String atFirst(String str) +{ + if (result.length() == 0) + { + String result = ""@@""; + } + else if (result.length() == 1) + { + String result = str.substring(0, 2); + } + else + { + String result = str.substring(0, 2); + } + + return result; +} +" +cd2d4cf596785d669ed419bab04dd36333c93c1d,"public String atFirst(String str) +{ + if (str.length() == 0) + { + String result = ""@@""; + } + else if (str.length() == 1) + { + String result = str.substring(0, 2); + } + else + { + String result = str.substring(0, 2); + } + + return result; +} +" +f539c4ef98dc42eb362156704e04a7a745bcf99e,"public String atFirst(String str) +{ + String result = str + + if (result.length() == 0) + { + String result = ""@@""; + } + else if (result.length() == 1) + { + String result = str.substring(0, 2); + } + else + { + String result = str.substring(0, 2); + } + + return result; +} +" +ad4c1148e2241098ff3291ab2e3c57d97015a32a,"public String atFirst(String str) +{ + String result = str; + + if (result.length() == 0) + { + result = ""@@""; + } + else if (result.length() == 1) + { + result = str.substring(0, 2); + } + else + { + result = str.substring(0, 2); + } + + return result; +} +" +6a7f187c1d55f0729db76b9cf1aace2d9537cfac,"public String atFirst(String str) +{ + String result = str; + + if (result.length() == 0) + { + result = ""@@""; + } + else if (result.length() == 1) + { + result = str.substring(0, 1) + ""@""; + } + else + { + result = str.substring(0, 2); + } + + return result; +} +" +aea2440335372330c0eabfac739110acdf111ad1,"public String atFirst(String str) +{ + return str.substring(0, 2); +} +" +e4ae1b57e7088c548472a076df8c43d29ee911a1,"public String atFirst(String str) +{ + if (str.length() > 1) + { + return str.substring(0, 2); + } + else if (str.length == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return ""@ "" + ""@""; + } +} +" +72f0c4a5aa67ec6361716dc35df1d936bb52ae2b,"public String atFirst(String str) +{ + if (str.length() > 1) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return ""@ "" + ""@""; + } +} +" +ea8097196c98777d7df0525ea235da2d53b7cd8b,"public String atFirst(String str) +{ + if (str.length() > 1) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return ""@@""; + } +} +" +f5ead98aa79dcb07a1e876e802cd3d7c4c9bb59b,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + { + return str.substring(0,2); + } + else if(length == 1) + { + return (str.charAt(0)+""@""; + } + else + { + return ""@@""; + } +} +" +ae780f346e876757f5c5674bb52420a61da2045d,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + { + return str.substring(0,2); + } + else if(length == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +fa0c9c069e2646e08d2f0ac66d718be915cfba07,"public String atFirst(String str) +{ + String x = """" + if (str.length() => 2) + { + x = str.substring(0, 2); + } + else + { + x = ""@@"" + } + retuurn x; + +} +" +720457d8e94fc14156cbcf845a1a4f6ea8688ddc,"public String atFirst(String str) +{ + String x = """"; + if (str.length() => 2) + { + x = str.substring(0, 2); + } + else + { + x = ""@@""; + } + retuurn x; + +} +" +a70781cd6545830effafa87102edc65ec429fb0d,"public String atFirst(String str) +{ + String x = """"; + if (str.length() > 1) + { + x = str.substring(0, 2); + } + else + { + x = ""@@""; + } + retuurn x; + +} +" +ce9de3248abddc83febd6de4490146d0ee41cbd5,"public String atFirst(String str) +{ + String x = """"; + if (str.length() >= 2) + { + x = str.substring(0, 2); + } + else + { + x = ""@@""; + } + return x; + +} +" +438a13c998d4446ccac40cc0e64af551b7d58f6d,"public String atFirst(String str) +{ + String x = """"; + if (str.length() >= 2) + { + x = str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + x = str.substring(0, 1) + ""@""; + } + } + return x; + +} +" +bf58803003569571e29ba4c2f87c7a1376f0f5a8,"public String atFirst(String str) +{ + String x = """"; + if (str.length() >= 2) + { + x = str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + x = str.substring(0, 1) + ""@""; + } + if (str.length() == 0) + { + x = ""@@""; + } + } + return x; + +} +" +136b5f7be23ac342370cbcd072698570090d52fe,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; + +} +" +3a8d6c094bf09102e24acb765f1d0b0b5623d0cf,"public String atFirst(String str) +{ + String news = """"; + if (str.length() < 2) + { + news = str.substring(0, str.length()); + for (int i = 0; i < 2-str.length(); i++) + { + news += ""@""; + } + return news; + } + return str.substring(0, 2); + +} +" +cdd01724add2338afab8f3d618d9dc27e0040313,"public String atFirst(String str) +{ + if(str.length() < 2) { + System.out.println(str + ""@""); + } + else { + System.out.println(str.substring(0,2); + } +} +" +ccbb09de3badafb9906a5b6b8e169976fa719716,"public String atFirst(String str) +{ + if(str.length() < 2) { + System.out.println(str + ""@""); + } + else { + System.out.println(str.substring(0,1)); + } +} +" +b07004ca1edfb7a099cea5457605545a16abdc75,"public String atFirst(String str) +{ + if(str.length() < 2) { + return System.out.println(str + ""@""); + } + else { + return System.out.println(str.substring(0,1)); + } +} +" +f3b49c300f2d097696fab6796a66dda44d420f9c,"public String atFirst(String str) +{ + if(str.length() < 2) { + return (str + ""@""); + } + else { + return str.substring(0,1); + } +} +" +e2363c265cdbcafa10d878b1e6c9fba782a68929,"public String atFirst(String str) +{ + if(str.length() < 2) { + return (str + ""@""); + } + else { + return str.substring(0,2); + } +} +" +4cbac837f00994cca90c22897eae288639c5a5b5,"public String atFirst(String str) +{ + if(str.length() < 1) { + return ""@@""; + } + else if(str.length() < 2) { + return (str + ""@""); + } + else { + return str.substring(0,2); + } +} +" +f72aad52a3bca663f6aa2b5b97974ec04d3f2cac,"public String atFirst(String str) +{ + name.Substring(0, 2); +} +" +4b71989fada1fade91babba682e17903545e644d,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0, 2); + } + + String add = ""@""; + String twoAdd = ""@@""; + + if(str.length() == 0) + { + return twoAdd; + } + + if(str.length() == 1) + { + return str + add; + } + + return str; +} +" +f0f4cfc95a6375f6f9cf8f061127235cd098095b,"public String atFirst(String str) +{ + String part = str.substring(0, 1); + return part; +} +" +2d3196f4be19db119f2b56d0ab9cd2ce028a0e27,"public String atFirst(String str) +{ + String part = str.substring(0, 2); + return part; +} +" +204035ae56b4ee59349441de5645e824d3933e93,"public String atFirst(String str) +{ + if (str.length() < 2) + { + String part = str.substring(1 + ""@"") + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +1c2f6d8a36f0200e93c8adae064265048fe68843,"public String atFirst(String str) +{ + if (str.length() < 2) + { + String part = str.substring(0 + ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +c7411fb551cd98807dab984e18b51683e9a7d8ef,"public String atFirst(String str) +{ + if (str.length() != 2) + { + String part = str.substring(0 + ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +620fb881b14a5a513cd898f22160307f7f5322ca,"public String atFirst(String str) +{ + if (str.length() < 2) + { + String part = str.substring(0, ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +453d816d90192942392bd077b9866f5eea64cf8e,"public String atFirst(String str) +{ + String part = str; + if (str.length() < 2) + { + String part = str.substring(0, ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +bcb490533b0fdc1c723faeb1a39a664aa6d9b44f,"public String atFirst(String str) +{ + String part = str; + if (str.length() < 2) + { + part = str.substring(0, ""@""); + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +91429b097ad796b84527d116fe6a1353f0b2d539,"public String atFirst(String str) +{ + String part = str; + if (str.length() < 2) + + { + part = str.substring(0, 2); + } + return part; +} +" +0783fe96b7721891868ee53d5bc5e4e23839ff72,"public String atFirst(String str) +{ + String part = str; + if (str.length() < 2) + { + part = str.substring(0, ""@""); + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +4e7910b8fb645cbd72e81994084adb9ebf6f9757,"public String atFirst(String str) +{ + String part = str; + if (str.length() < 2) + { + part = str.substring(0 + ""@""); + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +5e22e213e59d499b561a79e72a828e5ff2455082,"public String atFirst(String str) +{ + String part = str; + if (str.length() < 2) + { + String part = str.substring(""@"" + 0); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +26f4acef564892787f093e2830e4542185f9b514,"public String atFirst(String str) +{ + + if (str.length() < 2) + { + String part = str.substring(""@"" + 0); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +cf29c39b1d063320bcee72ef49e657950c333c74,"public String atFirst(String str) +{ + + if (str.length() < 2) + { + String part = str.substring(0 + ""@""); + } + else + { + String part = str.substring(0, 2); + } + return String part; +} +" +a0628e7e4ab80b8d029342246127d0de8024bfe9,"public String atFirst(String str) +{ + + if (str.length() < 2) + { + String part = str.substring(0 + ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +79e47bdbf9e8dd89a71cb2fd91929d2f190dd89b,"public String atFirst(String str) +{ + + if (str.length() < 2) + { + String part = (str + ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +acc40ee1afd1f09f14df6fb2c8889fcf968468e3,"public String atFirst(String str) +{ + String part = """"; + if (str.length() < 2) + { + String part = (str + ""@""); + } + else + { + String part = str.substring(0, 2); + } + return part; +} +" +9d00cdbdf84f6ccb154c45a3b64330b73b2d5049,"public String atFirst(String str) +{ + String part = """"; + if (str.length() < 2) + { + part = (str + ""@""); + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +3ad56d28586e2577aeeddfe82b2cc53b6317ab7a,"public String atFirst(String str) +{ + String part = """"; + if (str.length() < 2) + { + part = (str + ""@""); + } + else if (str.length() == 0) + { + part = (""@""+""@"") + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +434d2195a7dbdfd1db19423445a61f2a51dd805d,"public String atFirst(String str) +{ + String part = """"; + if (str.length() < 2) + { + part = (str + ""@""); + } + else if (str.length() == 0) + { + part = (""@""+""@""); + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +63da6435bc91982e9d4a119f2997da2034b9ef80,"public String atFirst(String str) +{ + String part = """"; + + + if (str.length() == 0) + { + part = (""@""+""@""); + } + else if (str.length() < 2) + { + part = (str + ""@""); + } + else + { + part = str.substring(0, 2); + } + return part; +} +" +7b238fb34fcb202a1476ed6ad656bf5eb689466f,"public String atFirst(String str) +{ + int b = str.length(); + if(b >= 2) + return str.substring(0, 2); + else if(b == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; + +} +" +0cdeb5d328784a669b8164e9e90445c451159b37,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0, 2); + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +0491b243c1e0f2d25bc5f694c75eae8753eff649,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +3d60e179e14c60fea02d25eed07c0c73ad7eb222,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return @ + } + else + { + return str.substring(0, 2); + } +} +" +cef3d94333c8e7e2541e75b3f9a232c45964a8d0,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return @; + } + else + { + return str.substring(0, 2); + } +} +" +99ff158e4aca88c903c32c3508b9010a7d9ba1fa,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return a; + } + else + { + return str.substring(0, 2); + } +} +" +138603503bd0e70d66b70e0e5ada7d433b344c72,"public String atFirst(String str) +{ + int long = str.length() + if (long >= 2) + { + return str.substring(0, 2); + } + else if (long = 1) + { + str = str + ""@""; + return str; + } + else + { + str = ""@@""; + return str; + } +} +" +e966c18490635e9c0e153859242af67d4c68d1fc,"public String atFirst(String str) +{ + int long = str.length(); + if (long >= 2) + { + return str.substring(0, 2); + } + else if (long = 1) + { + str = str + ""@""; + return str; + } + else + { + str = ""@@""; + return str; + } +} +" +f458cecc77b331453a1cd6308440e647382b2e13,"public String atFirst(String str) +{ + int long == str.length(); + if (long >= 2) + { + return str.substring(0, 2); + } + else if (long = 1) + { + str = str + ""@""; + return str; + } + else + { + str = ""@@""; + return str; + } +} +" +8b54a0ee62ceb9efc95867dd0f45650cda3c9a3e,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return @ + str; + } + else + { + return str.substring(0, 2); + } +} +" +883b1785d82e0dd1a96b496c6861c9e7adbec415,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return @str; + } + else + { + return str.substring(0, 2); + } +} +" +c352e358f2dc610618c04bf5d276eda5cf8fb179,"public String atFirst(String str) +{ + int leng == str.length(); + if (leng >= 2) + { + return str.substring(0, 2); + } + else if (leng = 1) + { + str = str + ""@""; + return str; + } + else + { + str = ""@@""; + return str; + } +} +" +6c47b30326573f504a0bddbc65cb2335143e6818,"public String atFirst(String str) +{ + int leng = str.length(); + if (leng >= 2) + { + return str.substring(0, 2); + } + else if (leng = 1) + { + str = str + ""@""; + return str; + } + else + { + str = ""@@""; + return str; + } +} +" +b94d1c6d5672e68a63df284ec4ba972c06f7ae28,"public String atFirst(String str) +{ + int leng = str.length(); + if (leng >= 2) + { + return str.substring(0, 2); + } + else if (leng == 1) + { + str = str + ""@""; + return str; + } + else + { + str = ""@@""; + return str; + } +} +" +69c976a355f94f6547beb420ec4b400c9227a6e2,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 2) + { + return ""@@"" + str; + } + else + { + return ""@"" + str; + } + } + else + { + return str.substring(0, 2); + } +} +" +93a604519a46a2e1f2eb46d9b70746c0b623a94f,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 1) + { + return ""@@"" + str; + } + else + { + return str + ""@""; + } + } + else + { + return str.substring(0, 2); + } +} +" +f9295b969b373e82b2c8a157665842e6984b2176,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 2) + { + return ""@@"" + str; + } + else + { + return str + ""@""; + } + } + else + { + return str.substring(0, 2); + } +} +" +04c8e4ddf936dffa19f717b9fd92722926a6f8f3,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 1) + { + return ""@@"" + str; + } + else + { + return str + ""@""; + } + } + else + { + return str.substring(0, 2); + } +} +" +394c5ef50417f8d3e87bc27f1dbf0c14bb615249,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } + } + else + { + return str.substring(0, 2); + } +} +" +b3f856bf1ae1d9dbb882b7c6eadb11050fd5f5e5,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +d993e9163e28db287a6880fb67c2318f827f8f80,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +2f4ec397e982e0c17c547e72ed3eb1c40403465a,"public String atFirst(String str) +{ + if (str.lenght() >= 3) + { + return str.substring(0,2); + } + +} +" +72428228ecb297981c854318f77feb1b9235b0ba,"public String atFirst(String str) +{ + if (str.length() >= 3) + { + return str.substring(0,2); + } + +} +" +13cb9f61072cff53184ade68d7e0a08d1d1e5e8d,"public String atFirst(String str) +{ + if (str.length() >= 3) + { + return str.substring(0,2); + } + return str; +} +" +b662cc4738fa99a32647261e8c84c392c3c22af1,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +07547de928ae8227c28a9fdbf6b146727c797225,"public String atFirst(String str) +{ + if (str.length() >= 3) + { + return str.substring(0,2); + } + if (str.length() <= 3) + { + return str.substring(str + '@'); + } + return str; +} +" +b3f2113d41f83bdffb41b66a0dceb29236772c39,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + if (str.length() == 1) + { + return str.charAt(0) + ""@""; + } + else + { + return ""@@""; + } +} +" +f53eac3cf7877e2843fb8716a4fe0a6c3f25ae0d,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +4f74d4f16ab39492a62e037605e47160e70f1d92,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0, 2); + else if (len == 1) + return (str.chart(0)+""@""); + else + return ""@@""; +} +" +726952b3a6acafcf66a0fc113ed33305211586f3,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + return str.substring(0, 2); + else if (len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +eba6ce9c80b25284508a2ed05bbc7aeda3260cf4,"public String atFirst(String str) +{ + String result; + if (str.length() >= 2){ + result == substring(0, 2); + } + else if (str.length() == 1){ + result == substring(0) + @; + } + else + { + result == @@; + } + return result; + +} +" +6522ef62d87c47c3af08eea4735fa21a5582acdc,"public String atFirst(String str) +{ + String result; + if (str.length() >= 2){ + result == substring(0, 2); + } + else if (str.length() == 1){ + result == substring(0) + @; + } + else + { + result = string(char[@] 2); + } + return result; + +} +" +bbfbe040a6f616286e403c98b5239f3bf0a517d8,"public String atFirst(String str) +{ + if (str.length() >= 2){ + return substring(0, 2); + } + else if (str.length() == 1){ + return substring(0) + ""@""; + } + else + { + return ""@@""; + } + +} +" +fc875fde3bf27c8ba85dd8b2677070499454d943,"public String atFirst(String str) +{ + if (str.length() >= 2){ + return str.substring(0, 2); + } + else if (str.length() == 1){ + return str.substring(0) + ""@""; + } + else + { + return ""@@""; + } + +} +" +52918fb3e3f891eb90ea970a582fafe1ebf27991,"public String atFirst(String str) +{ + int l = str.length(); + if(l >= 2) + return str.substring(0, 2); + else if(l == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +fc7269920a371b74a598940d617be732ed6d3daf,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +473358cbb032f5efabef5b79b54fe66b001b80a0,"public String atFirst(String str) +{ + int theLen = str.length(); + if(theLen >= 2) + return str.substring(0, 2); + else if(thelen == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +eafdc6990b40d5c9445707ff2ba2a4af30602351,"public String atFirst(String str) +{ + int theLen = str.length(); + if(theLen >= 2) + return str.substring(0, 2); + else if(theLen == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +7572c917594e83157b1ed371400764bc15dbc3f9,"public String atFirst(String str) +{ + int length=str.length(); + if(length<2) + { + if(length==0) + { + str=str+""@@""; + } + else + { + str=str+""@""; + } + } + + if(length>=2) + { + str=str.substring(0,1); + } + return str; +} +" +1cf635a86ef980f8ac39e82ecff67c3dc6559c3a,"public String atFirst(String str) +{ + int length=str.length(); + if(length<2) + { + if(length==0) + { + str=str+""@@""; + } + else + { + str=str+""@""; + } + } + + if(length>=2) + { + str=str.substring(0,2); + } + return str; +} +" +6a79abf13e5186d1006442dec2658a7168636406,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + return ""@@""; + +} +" +56564fcd3a089f2e2f8dc872a710a4cf2ca9e4ce,"public String atFirst(String str) +{ + return str.substring(0, 1); + if (str.substring(0, 1) = null) + { + return @; + } +} +" +0b8ea52ebd3266cfe01ce0c44b2a92f3d7687069,"public String atFirst(String str) +{ + return str.substring(0, 1); +} +" +f4b03862b0451a373caa9f6bb7390b99d9c24f62,"public String atFirst(String str) +{ + return str.substring(0, 2); +} +" +177fd8afa134d21df422df5ab66a8273e011b3c8,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(2); + } + else + { + return str.substring(2); + return str.replace(1, length, @) + } +} +" +39d4b13cb720312204a58c8394871eb506427ae8,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(2); + } + else + { + return str.substring(2); + return str.replace(1, length, @); + } +} +" +e2a5c12720daa49bf11ec983df561789854761db,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(2); + } + else + { + return str.substring(2); + return str.replace(2, @); + } +} +" +1b4994de345c3e56ff12d112e03d468eff37f721,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(2); + } + else + { + return str.replace(2, @); + } +} +" +619208580fc991cf0366b2a4883d9d9c9900e6a5,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(2); + } + else + { + return str.substring(2); + } +} +" +80474ec215d00806c7dfe719496552e048c1ac67,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(2, length); + } + else + { + return str.substring(2, length); + } +} +" +39d18eda69b5782729f879079dd044438dfaa3ff,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else + { + return str.substring(0, 2); + } +} +" +e30f08af0e29ef51a0c3995f661ae61dc22ac9ab,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length = 1) + { + return str.append(@); + } + else + { + return str.append(@@); + } +} +" +d51a465dd3af0d8fa294fb652b732f64269fd8f8,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length = 1) + { + return str.append(""@""); + } + else + { + return str.append(""@@""); + } +} +" +1ff25915cb76a1aa6b37e42e723bd0dc3003e4ad,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.append(""@""); + } + else + { + return str.append(""@@""); + } +} +" +855aa1b545b757b78cc189fd23b3654ac206f42c,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.append(""@""); + } + else + { + return str.append(""@@""); + } +} +public StringBuilder() +" +9882133b91b20562324e212df6ed639bccb4b381,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.append(""@""); + } + else + { + return str.append(""@@""); + } +} +public StringBuilder() +{ +} +" +ecffd97e5df27f812082740aa8df611d0cb289ec,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.insert(""@""); + } + else + { + return str.insert(""@@""); + } +} + +" +8e77c0ba4d4bff55036ded8517252876cc819b34,"public String atFirst(String str) +{ + if (str.length>=2) + { + return str.substring(1,2); + } + else if (str.length==1) + { + return str.substing(1) +'@'; + } + else + { + return '@@'; + } +} +" +aeeabd74d6b276d43e0755276c7ac5edf576195f,"public String atFirst(String str) +{ + if (str.length>=2) + { + return str.substring(1,2); + } + else if (str.length==1) + { + return str.substing(1) + @; + } + else + { + return @@; + } +} +" +2c0f30eb2931f62e515c840497a5ca62a851930b,"public String atFirst(String str) +{ + if (str.length() == 0) return ""@@""; + if (str.length() == 1) return str + ""@""; + return str.substring(0, 2); +} +" +023d8d1f83daf04c550daf37cc1bea1e975575ac,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0, 2); + } + else if (length == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return ""@@""; + } +} + +" +bf0f5b4b819ad94f571dc127b575806faec7d372,"public String atFirst(String str) +{ + if (str.length>=2) + { + return str.substring(1,2); + } + else if (str.length==1) + { + return str.charAt(1) + ""@""; + } + else + { + return ""@@""; + } +} +" +1f5da1cd2474bb70a08ba1ebec2f36fe938b688f,"public String atFirst(String str) +{ + int length = str.length(); + if (length>=2) + { + return str.substring(1,2); + } + else if (length==1) + { + return str.charAt(1) + ""@""; + } + else + { + return ""@@""; + } +} +" +4fe3e0300920953fbe26ca4007dcdb32a5562f02,"public String atFirst(String str) +{ + int length = str.length(); + if (length>=2) + { + return str.substring(1,2); + } + else if (length==1) + { + return str.charAt(0) + ""@""; + } + else + { + return ""@@""; + } +} +" +aaf5570e98d82bc7bb3592580850bbd485764a18,"public String atFirst(String str) +{ + int length = str.length(); + if (length>=2) + { + return str.substring(0,1); + } + else if (length==1) + { + return str.charAt(0) + ""@""; + } + else + { + return ""@@""; + } +} +" +4c94d5fea8b13cc86fc0f5739d32374487aebb5a,"public String atFirst(String str) +{ + int length = str.length(); + if (length>=2) + { + return str.substring(0:1); + } + else if (length==1) + { + return str.charAt(0) + ""@""; + } + else + { + return ""@@""; + } +} +" +9b4fac0da96530507b60677558897cb8a6304755,"public String atFirst(String str) +{ + int length = str.length(); + if (length>=2) + { + return str.substring(0,2); + } + else if (length==1) + { + return str.charAt(0) + ""@""; + } + else + { + return ""@@""; + } +} +" +fe00f9fc778d4d73a5cd15decc884509339dea8d,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; + +} +" +62f69e30ab12031255c4595c4560ba59a180a50a,"public String atFirst(String str) +{ + if (str.length() = 0) + { + return ""@@""; + } + else if (str.length() = 1) + { + return str + ""@""; + } + else + { + return str.substring(0,2); +} +} +" +f93d6d5397d4192b3da69171f2dcec4784f212ae,"public String atFirst(String str) +{ + int length = str.length(); + if (length = 0) + { + return ""@@""; + } + else if (length = 1) + { + return str + ""@""; + } + else + { + return str.substring(0,2); +} +} +" +b412996882971c3228307ae1486e2921d2a35306,"public String atFirst(String str) +{ + int length = str.length(); + if (length == 0) + { + return ""@@""; + } + else if (length == 1) + { + return str + ""@""; + } + else + { + return str.substring(0,2); +} +} +" +05175462002ccfc8d9b5a6feff26455d5206e90a,"public String atFirst(String str) +{ + int length = str.length(); + + if (length == 2) + { + return str; + } + else if (length == 1) + { + return str + ""@""; + } + else if (length == 0) + { + return ""@@"" + } + else + { + String part = str.substring(0, 2); + return part; + } +} +" +e06757f675c62db4c06a13d7bfd4a8bac2580626,"public String atFirst(String str) +{ + int length = str.length(); + + if (length == 2) + { + return str; + } + else if (length == 1) + { + return str + ""@""; + } + else if (length == 0) + { + return ""@@""; + } + else + { + String part = str.substring(0, 2); + return part; + } +} +" +78db1a2428a09a8688258ad0357a78a718ebc004,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + @; + } + if (str.length() == 0) + { + return @@; + } + else + { + return str.substring(0, 2); + } + +} +" +e7b5b012d84cf676ad877092251d6695d2262113,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + '@'; + } + if (str.length() == 0) + { + return '@@'; + } + else + { + return str.substring(0, 2); + } + +} +" +3a0eafdfcd495999392651a27ebd88fcc7436739,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + ""@""; + } + if (str.length() == 0) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } + +} +" +d705c1e6578a57b54a148b6e53dba1c1ca1dcbed,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2) + } +} +" +b7fff2261b58823809579a1d38f7bd9d21af780e,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +8a4a379899a1c4f5202c1c4ffea98b44c78b413a,"public String atFirst(String str) +{ + int sub = str.substring(); + int l = str.length(); + if (l() == 1) + { + return str + ""@""; + } + if (l() == 0) + { + return ""@@""; + } + else + { + return sub(0, 2); + } + +} +" +9da0c5753c3d4820b35602331d58fe55e1baa965,"public String atFirst(String str) +{ + int l = str.length(); + if (l() == 1) + { + return str + ""@""; + } + if (l() == 0) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } + +} +" +ecda2e5787b3c82c0aa3d88f50732f6c44f26310,"public String atFirst(String str) +{ + if(str.length() == 0) + return ""@@""; + + if(str.length() == 1) + return str + ""@""; + + return str.substring(0, 2); +} +" +b716d157ac664292fc299cd0d52fb5af40deb1e6,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + ""@""; + } + if (str.length() == 0) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } + +} +" +95ec10bb81a136bdd7d98b33e7e4577c0b55fd3b,"public String atFirst(String str) +{ + if (str.length() == 2) + { + return str.substring(0, 2); + } + if (str.length() == 0) + { + return str + ""@""; + } + else + { + return ""@@""; + } + +} +" +9cfbe3c648f6511ab5c002573684bce7ee99acb8,"public String atFirst(String str) +{ + if (str.length() == 2) + { + return str.substring(0, 2); + } + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } + +} +" +10f923b0620dfbc8c9f73e393d7b879f21fd793d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } + +} +" +596833fd8f9e426bc9cb06a9a514dbf10375bfb9,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; + +} +" +392ae7d57f7037267869c91c747d26b99ef902f0,"public String atFirst(String str) +{ + if(str == str) + { + return str.substring(0, 2); + } +} +" +6e79c46f0f73307d40bca5895539c933bc80e927,"public String atFirst(String str) +{ + if(str == str) + { + return str.substring(0, 2); + } + return ""@"" +} +" +ef6f00adb0e0cdf5af8ab41c71b71bb8b605bbf4,"public String atFirst(String str) +{ + if(str == str) + { + return str.substring(0, 2); + } + return ""@""; +} +" +ba6511835c43b6dd4eedfebf96c46c98371de766,"public String atFirst(String str) +{ + if(str == str.substring(length()-1)) + { + return str.substring(length()-1)); + } + if(str == str) + { + return str.substring(0, 2); + } + return ""@""; +} +" +482e8e2d828beba569bd196d2afd20f7a70e345b,"public String atFirst(String str) +{ + if(str == str.substring(length()-1)) + { + return str.substring(length()-1)); + } + else if(str == str) + { + return str.substring(0, 2); + } + return ""@""; +} +" +bf28a1b7c128d2a6e10a190e3cae83acb7c934e3,"public String atFirst(String str) +{ + if(str == str.substring(length()-1)) + { + return str.substring(length()-1); + } + else if(str == str) + { + return str.substring(0, 2); + } + return ""@""; +} +" +aef7ce67c04bdc4666de9083ad53406250b90e31,"public String atFirst(String str) +{ + if(str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if(str == str) + { + return str.substring(0, 2); + } + return ""@""; +} +" +02f3ecfa5e637768e3590f00ba6e62b71f4cad76,"public String atFirst(String str) +{ + if(str == str.substring(str.length()-1)) + { + return str.substring(str.length()-1); + } + else if(str == str) + { + return str.substring(0, 2); + } + return str + ""@""; +} +" +17f3811400a67b2010876e43ec2690114a7abc96,"public String atFirst(String str) +{ + if(str == str.substring(str.length()-1)) + { + return str + ""@""; + } + else if(str == str) + { + return str.substring(0, 2); + } + return str + ""@""; +} +" +365f636b3c59ae8a8f04027f475947dbd15e82cf,"public String atFirst(String str) +{ + if(str == str.substring(str.length()-1)) + { + return str + ""@""; + } + else if(str == str) + { + return str.substring(0, 2); + } + return """"; +} +" +3ee0dea93cc559094c4108f7fd6190ea27a5a350,"public String atFirst(String str) +{ + if (str == """") + { + return """"; + } + else if(str == str.substring(str.length()-1)) + { + return str + ""@""; + } + else if(str == str) + { + return str.substring(0, 2); + } +} +" +2f70d1f90c54b5d96dd9cf4f3cb612e32e1ee688,"public String atFirst(String str) +{ + if (str == """") + { + return """"; + } + else if(str == str.substring(str.length()-1)) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +a4011a6b02f9537db6a4caa8d82145b7c4f4d83e,"public String atFirst(String str) +{ + if (str == """") + { + return ""@@""; + } + else if(str == str.substring(str.length()-1)) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +dc1874370d46a53fda5503fd1b86aa126a5356f8,"public String atFirst(String str) +{ + int len = str.length(); + if (len == 0) + return ""@@""; + else if (len == 1) + return (str + ""@""); + else + return str.substring(0, 2); +} +" +85e4a729263739d7d68bcb2872b67bc9deb3a829,"public String atFirst(String str) +{ + String s; + if (str.length() < 2) + { + s = str.substring(0) + '@'; + } + else + { + s = str.substring(0, 2); + } + return s; + +} +" +1cf5e7f8a693a1037812a50e56c9ed8be66b4197,"public String atFirst(String str) +{ + String s; + if (str.length() < 2) + { + if (str.length()==0) + { + s = '@ @'; + } + else + { + s = str.substring(0) + '@'; + } + } + else + { + s = str.substring(0, 2); + } + return s; + +} +" +749de6e0082b5bfb4ec2a3cd6c9635f378acc240,"public String atFirst(String str) +{ + int length = str.length(); + + if (length < 2) + { + String atFirst = ""@@""; + } + else + { + String atFirst = str.substring(length - 2, length); + } + return atFirst; +} +" +57694b4ee30a1c659462dafa1ad2128b7957006f,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length < 2) + { + atFirst = ""@@""; + } + else + { + atFirst = str.substring(length - 2, length); + } + return atFirst; +} +" +693c7067ab109c59ca0a66bd76529408da9853be,"public String atFirst(String str) +{ + String s; + if (str.length() < 2) + { + if (str.length()==0) + { + s = '@ @'; + } + if (str.length() == 1) + { + s = str.substring(0) + '@'; + } + } + else + { + s = str.substring(0, 2); + } + return s; + +} +" +13f5e5419a6590e77723b6eda73bc699a001b865,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length < 2) + { + atFirst = ""@@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +a7bc1e7c1f876cbb704f239a59fa9111a84fd9a9,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length = 0) + { + atFirst = ""@@""; + } + else if (length = 1); + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +11b20ab87ffcfc0f930856307b510855ccda9ffc,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +d50c1c21bf68f046bec84b9ba108688be493d1ae,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length = 0) + { + atFirst = ""@@""; + } + else if (length = 1); + { + atFirst = str.substring(0, 1) + ""@""; + } + else if + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +3e3fa857577fb215611d701f3f71a2560739a8fe,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length = 0) + { + atFirst = ""@@""; + } + else if (length = 1); + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +652c542e6cbd68b3966e7ad72d95fa97839932e5,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length = 0) + { + atFirst = ""@@""; + } + else if (length = 1); + { + atFirst = str.substring(0, 1) + ""@""; + } + else if (length >= 2) + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +c9e9ff10a460be246bf42a7951e8c6e57a345ab2,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length = 0) + { + atFirst = ""@@""; + } + else if (length = 1) + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +9a17f1bce815e549607573361ccf99980e273434,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (str.length.equals(0)) + { + atFirst = ""@@""; + } + else if (length = 1) + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +e7e6f68a1b5f0af8cfb94529883a77956cf4df8e,"public String atFirst(String str) +{ + String s; + if (str.length() == 0) + { + s = ""@@""; + } + else if (str.length() == 1) + { + s = str +""@""; + } + else + { + s = str.substring(0, 2); + } + return s; + +} +" +6b15be3f0ff4c4a4fdb8641fe6ab78abc05050c5,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (str.length().equals(0)) + { + atFirst = ""@@""; + } + else if (length = 1) + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +eb9fbe2c3b538b95a07616b6ddd6ed7c6cdb20b7,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length = 0) + { + atFirst = ""@@""; + } + else if (length = 1) + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +821c31f7467cc4503d0a7230e4b39339f53847d6,"public String atFirst(String str) +{ + int length = str.length(); + String atFirst; + + if (length == 0) + { + atFirst = ""@@""; + } + else if (length == 1) + { + atFirst = str.substring(0, 1) + ""@""; + } + else + { + atFirst = str.substring(0, 2); + } + return atFirst; +} +" +b1f9e28b4b98913f3fc66853b7458b681682df53,"public String atFirst(String str) +{ + if (str.length() < 2) { + return str + '@' + } + else { + return str.substring(0,1) { + } +} +" +d04269755117936de8ecc7929c555a718335983d,"public String atFirst(String str) +{ + if (str.length() < 2) { + return str + '@'; + } + else { + return str.substring(0,1); + } +} +" +49e956835436b4032f81a8fee88e9d93cbdb5dd4,"public String atFirst(String str) +{ + if (str.length() < 2) { + return str + '@'; + } + else { + return str.substring(0,2); + } +} +" +42e0a1805c1c0f65280abd7021178e6dab05be37,"public String atFirst(String str) +{ + if (str.length() < 2) + { + str.concat(@); + return str; + } + else + return str.substring(0, 2); +} +" +87d6e5230f12e4da59d1966c1fdce9c64e14b179,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str; + } + else + return str.substring(0, 2); +} +" +559accf52a03a9b95adcd68a6bd9b0783158dc33,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str + ""@""; + } + else + return str.substring(0, 2); +} +" +a27f8fbc8008e1d0a5217d1fc7050a79dc37faeb,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +a2e2787194aadfa78bebce5e0db99a33b6dd1b43,"public String atFirst(String str) +{ + if (str.length() < 2 && str.length() > 0) + { + return str + ""@""; + } + else if (str.length() == 0) + return ""@@""; + else + return str.substring(0, 2); +} +" +a327332060c02d137a78d7bf9eda13ee56358ec5,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 1); + else if (str.length == 1) + return str + ""@""; + else + return str + ""@@""; +} +" +066c3af8c790e74f348ba65d910155dab65983c1,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 1); + else if (str.length() == 1) + return str + ""@""; + else + return str + ""@@""; +} +" +fcbec87a4c9cc8dc45c314f0182eba7f08388590,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str + ""@""; + else + return str + ""@@""; +} +" +26d9203eb00863d53c23e1bd41b0c2313266c4eb,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0, 2); + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +00fc11397d3e87f2877dd86286005850839a30b8,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0, 2); + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@""; +} +" +e624bc52c28ff48108e7af396e5200e3ef30af62,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0, 2); + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +6ec7ef06af55e5e466d910829b45f9c94ae9e77a,"public String atFirst(String str) +{ + int length = str.length(); + + if(length >= 2) + return str.substring(0, 2); + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +f8a46fe5073a3c25ac00b89a33fcad9892004e24,"public String atFirst(String str) +{ + int len = str.length(); + + if(len >= 2) + { + return str.substring(0, 2); + } + else if(len == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +41ac7ecd44dc5d831645395133617e397aff5c64,"public String atFirst(String str) +{ + int length = str.length(); + + if(length >= 2) + return str.substring(0, 2); + + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +58b71c0bada2314d659c25f1dd57c56f675a30d0,"public String atFirst(String str) +{ + int length = str.length(); + + if(length >= 2) + return str.substring(0, 2); + + else if(length == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +1ed13e7a7fb88ac92225b037ddc1d895e2b3bd39,"public String atFirst(String str) +{ + if (str.length()<2) + { + return str.charAt(0)+@; + } + +} +" +a35df56596138fef061c2e7a11bd1540b93aff5c,"public String atFirst(String str) +{ + if (str.length()<2) + { + return str.charAt(0)@; + } + +} +" +0502bdb383c52ae7e1bae55d507a4083364d449e,"public String atFirst(String str) +{ + if (str.length()<2) + { + return str.charAt(0); + } + +} +" +ca27e771f9c490152b8ca2d6981348e5b2a888fe,"public String atFirst(String str) +{ + if (str.length()<2) + { + return Character.toString(str.charAt(0))@; + } + +} +" +9a9a43b166ae7da96581543c1ce08daaf09433ab,"public String atFirst(String str) +{ + if (str.length()<2) + { + return Character.toString(str.charAt(0)); + } + +} +" +b3fa0d7222aba680d80d52f9be26cffa61b8b1e0,"public String atFirst(String str) +{ + if (str.length()<2) + { + return Character.toString(str.charAt(0)); + } + else + return Character.toString(str.chatAt(0)); + +} +" +35afc85e966a3dc12c7a7ed8e72cfd78529f8712,"public String atFirst(String str) +{ + if (str.length()<2) + { + return Character.toString(str.charAt(0)) + @; + } + else + return Character.toString(str.chatAt(0)); +} +" +c0a3965bc88d1c844064bf573122753a8fde8ad2,"public String atFirst(String str) +{ + if (str.length()<2) + { + newstr = Character.toString(str.charAt(0)) + @; + return newstr; + } + else + return Character.toString(str.chatAt(0)); +} +" +2c84948b1f892e187cf37ce378619d699b92b401,"public String atFirst(String str) +{ + if (str.length()<2) + { + String newstr = Character.toString(str.charAt(0)) + @; + return newstr; + } + else + return Character.toString(str.chatAt(0)); +} +" +8ae615701a8665e91ab670a6540ac7ee2e876044,"public String atFirst(String str) +{ + if (str.length()<2) + { + String newstr = str.charAt(0) + @; + return newstr; + } + else + return Character.toString(str.chatAt(0)); +} +" +9a1b63be7cf6389a678a27553542ebc4f32d5afe,"public String atFirst(String str) +{ + if (str.length()<2) + { + String newstr = str.charAt(0) + ""@""; + return newstr; + } + else + return Character.toString(str.chatAt(0)); +} +" +4a0597ca8e4f127ab4cfa0bf4f38bd4128914ace,"public String atFirst(String str) +{ + if (str.length()<2) + { + String newstr = str.charAt(0) + '@'; + return newstr; + } + else + return Character.toString(str.chatAt(0)); +} +" +bcb753e49c37e4dab2509d50e312b8061e5f4801,"public String atFirst(String str) +{ + String newstr = null; + if (str.length()<2) + { + newstr = str.charAt(0); + } + else + { + newstr = str.chatAt(0); + } + return newstr; +} +" +1c1fb1e51dfe06cbc0838ed9da52447401089d47,"public String atFirst(String str) +{ + String newstr = null; + if (str.length()<2) + { + newstr = Character.toString(str.charAt(0)); + } + else + { + newstr = Character.toString(str.chatAt(0)); + } + return newstr; +} +" +a76f8a0f078b96dee41017abca5564c89f3d63ba,"public String atFirst(String str) +{ + String newstr = null; + if (str.length()<2) + { + newstr = str.substring(0, 1); + } + else + { + newstr = str.substring(0, 2)); + } + return newstr; +} +" +e2b2795c55b2308a4160cd2ae6203ec01dd1780f,"public String atFirst(String str) +{ + String newstr = null; + if (str.length()<2) + { + newstr = str.substring(0, 1); + } + else + { + newstr = str.substring(0, 2); + } + return newstr; +} +" +413706d9f604deb000764bb212a25912c8853179,"public String atFirst(String str) +{ + String newstr = null; + if (str.length()<2) + { + newstr = str.substring(0, 1)+""@""; + } + else + { + newstr = str.substring(0, 2); + } + return newstr; +} +" +3b7773bcd5a2bd9106b5c45ea4db1e3d2676b843,"public String atFirst(String str) +{ + String newstr = null; + if(string/length()==0) + { + newstr = ""@@""; + else if(str.length()==1) + { + newstr = str.substring(0, 1)+""@""; + } + else + { + newstr = str.substring(0, 2); + } + return newstr; +} +" +d009dbf7a16b0049a58452e1c47ef38fa02bbd90,"public String atFirst(String str) +{ + String newstr = null; + if(string/length()==0) + { + newstr = ""@@""; + } + else if(str.length()==1) + { + newstr = str.substring(0, 1)+""@""; + } + else + { + newstr = str.substring(0, 2); + } + return newstr; +} +" +68460f0c057d5a9553cbbf2c2f4f2b0c8f3d9b9c,"public String atFirst(String str) +{ + String newstr = null; + if(str.length()==0) + { + newstr = ""@@""; + } + else if(str.length()==1) + { + newstr = str.substring(0, 1)+""@""; + } + else + { + newstr = str.substring(0, 2); + } + return newstr; +} +" +3986f88a64d6cbf9b8cc705e1e958dc4b61738e5,"public String atFirst(String str) +{ + str.substring(1) +} +" +49d57a7db3b66d45c1c6a889e166efd682d1a210,"public String atFirst(String str) +{ + str.substring(1); +} +" +0c056c7e8ab6d96355504d675bcd5d71af441a61,"public String atFirst(String str) +{ + return str.substring(1); +} +" +556ffbe3f52c9a3a40394ef9fbb664622bb343f1,"public String atFirst(String str) +{ + return str.substring(0, 1); +} +" +9d502a4cf4595c4e154e2f5eab4dd603d6dd179f,"public String atFirst(String str) +{ + return str.substring(0, 2); +} +" +e9d35f882d17ecf183704b22afa4d9e4d9710c5b,"public String atFirst(String str) +{ + if(str.length()>=2) + { + return str.substring(0, 2) + } + else if (str.length() == 1) + { + return (str + ""@"") + } + else + { + return ""@@"" + } +} +" +425edc2db7fe66ebe1a4a7a0bb1669f2f3450168,"public String atFirst(String str) +{ + if(str.length()>=2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return (str + ""@""); + } + else + { + return ""@@""; + } +} +" +72cada58643110819bc09a4d13648c13a33bba98,"public String atFirst(String str) +{ + if (str.length() >= 2){ + return str.substring(0,2); + } + + else if (str.length() == 1){ + return str + ""@""; + } + + else{ + return ""@@""; + } + + +} +" +667640294aa973abe14cfc25ee5be31ae936ac4b,"public String atFirst(String str) +{ + return @; +} +" +2f8cfddb90781cc2234099d60dfb8b8027ad5244,"public String atFirst(String str) +{ + return '@'; +} +" +a23341fb61d9faa0e9d9acb0846abe3b680abe61,"public String atFirst(String str) +{ + return ""@""; +} +" +62013951813d579a772c7a2848ed6068372a4a5d,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str + ""@""; + } +} +" +668b327f12aa47543a6369e13346b4c87f5d8c88,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str + ""@""; + } + return str; +} +" +02f7c958ae1acdd205426f7003cb58f5acd9bdbd,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str + ""@""; + } + return str.substring(0,2); +} +" +0a8ca7b82ea6b35d5138fb3be9e160b07e7b6651,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length == 0) + { + return ""@"" + ""@"" + } + return str.substring(0,2); +} +" +a695044b01f7a49a920163bc132c2b06a148e6e7,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length == 0) + { + return ""@"" + ""@""; + } + return str.substring(0,2); +} +" +f3bb813feba118ed17165966349b39f98b8685c3,"public String atFirst(String str) +{ + if (str.length() == 1) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@"" + ""@""; + } + return str.substring(0,2); +} +" +c2df80d0dc92ed5c95e7f46a92679e2b3a423c1f,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else + { + return str.substring(0) + @ + } +}" +51219d560e82dcda7bba34d60088ad0421d1fb0d,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else + { + return str.substring(0) + @; + } +}" +568c08c6a390f829f7be6d714878fb3966a98fbf,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else + { + return str.substring(0); + } +}" +33f8c37e2289cb212256eb73cf87431b9b49d551,"public String atFirst(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(0, 2); + } + else if (n == 1) + { + return str.substring(0) + ""@""; + } + else + { + return str.substring(0) + ""@@""; + } +}" +3f948dd4ff5c6576cc918076deb87fc0a532f8ac,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0,2); + } + else if (str.Length() == 1) { + return '@'; + } + else { + return '@@'; + } +} +" +0f8e202b608d2588a0b411d78ebbdd6eaf642573,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0,2); + } + else if (str.Length() == 1) { + return str.charAt(0) +'@'; + } + else { + return '@@'; + } +} +" +41e1d70d49f0a44a959494988489adff9c7b2f0c,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0,2); + } + else if (str.length() == 1) { + return str.charAt(0) +'@'; + } + else { + return '@@'; + } +} +" +3b15b322afd9ffea30ef7588b989e15c671baca3,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0,2); + } + else if (str.length() == 1) { + return str.charAt(0) +""@""; + } + else { + return ""@@""; + } +} +" +4bb4a0339cfe00c1135936576d0abfc5769f7977,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(2); + if (str.length() < 2) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +572faa13af1d752aeeb2217327daf1876eafd392,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(2); + if (str.length() == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +268a736c644dc825e6c56a74b8f1a83b4b31f1b1,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + if (str.length() == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +46f0d5b31b23f31e63e3f9e78b0655a210100f84,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + if (str.length() < 2) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +9155eb508eee3545835d19f990d5561a974e1b72,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + if (str.length() < 2 && str.length() != 0) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +453d1dbba0db50c228e16c9ac71a928b69118200,"public String atFirst(String str) +{ + public String atFirst(String str) { + + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + } +} +" +80de91beb3dbc1de077bab4a279c495324f39331,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + } +} +" +ee7a12e8bc3cae111557b56c6f1756d0cb13b170,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + } +} +} +" +ec61a67a5e0394ccba784b12cb1ab720d715f304,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + }" +eb9004b4115c0ebdfb247e011c647d703fe30e77,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + if (str.length() = 1) + { + str += ""@""; + return str; + } + str = ""@@""; + return str; +} +" +48716e7759738e12fa891ee05f9e22cb73f9de4a,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + if (str.length() == 1) + { + str += ""@""; + return str; + } + str = ""@@""; + return str; +} +" +9c63920594a6ccad3cd6ee0761bbc04351d458fd,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + return str.substring (0, 2); + else if (length == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +6c6795b9a6a17cc8de3936b104f6f28d5a000c27,"public String atFirst(String str) +{ + int len = str.length(); + String part = """"; + if(len >= 2) + { + part = str.substring(0, 2); + } + else + { + part = str.substring(0, len); + for(int i = len; i <= 2; i++) + { + part = part + ""@""; + } + } + return part; + +} +" +31545e0e0d590ee4d11c6faecac7beefbacec080,"public String atFirst(String str) +{ + int len = str.length(); + String part = """"; + if(len >= 2) + { + part = str.substring(0, 2); + } + else + { + part = str.substring(0, len); + for(int i = len; i < 2; i++) + { + part = part + ""@""; + } + } + return part; + +} +" +4a4680b5a2e8e5d749bffcac8fc47e13cdd38fd0,"public String atFirst(String str) +{ + String s; + for(int i=0;i<2;i++) { + if(i < str.length) + s += str[i]; + else + s += ""@""; + } + return s; +} +" +cbb8f98d391933481ba53d54b5860bc35333b13c,"public String atFirst(String str) +{ + String s; + for(int i=0;i<2;i++) { + if(i < str.length()) + s += str[i]; + else + s += ""@""; + } + return s; +} +" +410cd1e90795342139121739ee1b4092c7f50b99,"public String atFirst(String str) +{ + String s; + for(int i=0;i<2;i++) { + if(i < str.length()) + s += str.charAt(i); + else + s += ""@""; + } + return s; +} +" +f8b8ed1c98aabb3a353acea8e873dd26d4cc6727,"public String atFirst(String str) +{ + String s = """"; + for(int i=0;i<2;i++) { + if(i < str.length()) + s += str.charAt(i); + else + s += ""@""; + } + return s; +} +" +47315e054db985955cad044d35bc9ff9440dbace,"public String atFirst(String str) +{ + + if(str.length() < 2) + { + return ""@@""; + } + if( str.length() >= 2) + { + str = str.substring(0,3); + return str; + } + +} +} +" +7c940e9cd7525190ae14bd14c9cb108db2a38b3d,"public String atFirst(String str) +{ + + if(str.length() < 2) + { + return ""@@""; + } + if( str.length() >= 2) + { + str = str.substring(0,3); + return str; + } + +} + +" +9e221b1c9e03318a6e0569bf22b1923c9779da36,"public String atFirst(String str) +{ + + + if( str.length() >= 2) + { + str = str.substring(0,3); + return str; + } + else + { + return ""@@""; + } +} + +" +afe4797cf75304bbfd31c7b880f0907cd0ec8fa6,"public String atFirst(String str) +{ + + + if( str.length() >= 2) + { + str = str.substring(0,2); + return str; + } + else + { + return ""@@""; + } +} + +" +3b2ca9355f4afec5b8c202db23f5053d619c0344,"public String atFirst(String str) +{ + + + if( str.length() >= 2) + { + str = str.substring(0,2); + return str; + } + else + { + return str + ""@""; + } +} + +" +48d7eaac7ee86165d712ff91541f5f3d3247de36,"public String atFirst(String str) +{ + + + if( str.length() >= 2) + { + str = str.substring(0,2); + return str; + } + else + { + while( str.length() <= 2) + { + str = str + ""@""; + } + return str; + } +} + +" +f76e30e1869e8e41f6a2347f32db341021dc5aac,"public String atFirst(String str) +{ + + + if( str.length() >= 2) + { + str = str.substring(0,2); + return str; + } + else + { + while( str.length() < 2) + { + str = str + ""@""; + } + return str; + } +} + +" +3bd15492c816f2d62038b07dec97a06b5d1eb319,"public String atFirst(String str) +{ + String firstLetters; + firstLetters = str.substring(0, 2); + + String oneLetter; + oneLetter = str.substring(0, 1); + + if (str.length() >= 2) + { + return firstLetters; + } + else if (str.length == 1) + { + return oneLetter + ""@""; + } + else + { + return ""@@""; + } +} +" +228c5078d4e2e543c4dc7b69eee102216392a014,"public String atFirst(String str) +{ + String firstLetters; + firstLetters = str.substring(0, 2); + + String oneLetter; + oneLetter = str.substring(0, 1); + + if (str.length() >= 2) + { + return firstLetters; + } + else if (str.length() == 1) + { + return oneLetter + ""@""; + } + else + { + return ""@@""; + } +} +" +f318e7e24dc9bc301653a6846ae92d210ddcf5fe,"public String atFirst(String str) +{ + String firstLetters; + firstLetters = str.substring(0, 2); + + String oneLetter; + oneLetter = str.substring(0, str.length() - 1); + + if (str.length() >= 2) + { + return firstLetters; + } + else if (str.length() == 1) + { + return oneLetter + ""@""; + } + else + { + return ""@@""; + } +} +" +2875b76767df3933ddd0242e1c31b90682ce57fd," +public String atFirst(String str) { + if (str.length() >= 2) + + return str.substring(0,2); + + else if (str.length() == 1) + + return str + ""@""; + + else + + return ""@@""; + +} +" +bcf1ff4e90f863436fd83a1b5f45fae4d587d6f4,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + + else + { + return ""@@""; + } + +} +" +a5ce4a0c91638af033ecd25dd18fbe6a8ca07f20,"public String atFirst(String str) +{ + if (str.length() < 2) { + return str + ""@""; + } + else if (str.length() > 2) { + return str.substring(0, 2); + } + else { + return ""@@""; + } +} +" +aeaed80e4ee47dba8ca93dcd584a24e25c517706,"public String atFirst(String str) +{ + if (str.length() < 2) { + return str + ""@""; + } + else if (str.length() >= 2) { + return str.substring(0, 2); + } + else { + return ""@@""; + } +} +" +bd27e82fc295a5f53ba2ea0a8392250092351a73,"public String atFirst(String str) +{ + String toe = ""@""; + String result = """"; + if (str.length() < 2 && str.length() >= 1 ) { + result = str.charAt(0) + toe; + return result; + } + if (str.length() >= 2 ) { + return str.substring(0,2); + } + return ""@@""; +} +" +23cd8c989a57896843738cae3234a55f5e3eeac7,"public String atFirst(String str) +{ + if(str.length()>2) + return str+""@""; + else + return str.substring(0,2); +} +" +c6ab7d65bde75103971e051d5286985213cb6cde,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if (str.length() < 2) + return str + ""@""; + else + return ""@@""; + +} +" +e8a0c6b74787ba8f0208c52bb2dd395549f12973,"public String atFirst(String str) +{ + if (str.length() == 1) { + return str + ""@""; + } + else if (str.length() >= 2) { + return str.substring(0, 2); + } + else { + return ""@@""; + } +} +" +897ef01fb82c10075136bbaebf187e14ef3cdc4d,"public String atFirst(String str) +{ + String part = str.substring(0); + if (length(str) < 2) + { + System.out.println(part + '@'); + } + else + { + System.out.print(str); + } +} +" +c3595e5bfb05629988eb07fd5729b3e565dd6a94,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + + } + +} +" +49fd410377b6b9f1ab095bf9e43880050249ec41,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + return str; + } + +} +" +acdba81b88d3540898638619b97b50f13025e287,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() = 1) + { + return ""@"" + str; + } + else + return ""@@""; + +} +" +3a175b358e34fcf72595fa45bae66817138f281a,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() = 1) + { + return ""@"" + str; + } + else + return ""@@""; + +} +" +6aa4e02b53066a291e001e88bc17ff14ffe0394b,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return ""@"" + str; + } + else + return ""@@""; + +} +" +930b4a5f48fdee9a904fcf0bf48f08da0c4db558,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + return ""@@""; + +} +" +633ba93d1e7ffac369880f3c625e814757fdc22c,"public String atFirst(String str) { + + if (str.length() >= 2) + + return str.substring(0,2); + + else if (str.length() == 1) + + return str + ""@""; + + else + + return ""@@""; + +} + +" +806230260da1cdab19487c1e1b429be41920dc67,"public String atFirst(String str) +{ + + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + } + /** + if(str.length()>=2) + return str.substring(0,2); + else if (str.length() < 2) + return str + ""@""; + else + return ""@@""; + */ +} +" +f02cb5fb51db1f709390bfda48ba741946d36160,"public String atFirst(String str) +{ + + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + + /** + if(str.length()>=2) + return str.substring(0,2); + else if (str.length() < 2) + return str + ""@""; + else + return ""@@""; + */ +} +" +699187c278b31f82c9e3beb2f144ad37c2c1a077,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else + { + if (str.length() == 1) + { + return str.substring(0, 1) + ""@""; + } + else + { + return ""@@""; + } + } +} +" +57033be6dfcc0d05a0488b82d7609922d7ce3de0,"public String atFirst(String str) +{ + + if (str.length() >= 2) + + return str.substring(0,2); + + else if (str.length() == 1) + return str + ""@""; + + else + + return ""@@""; + +} +" +e77632501d20da8c43382f0407eb11f2c5c6246b,"public String atFirst(String str) +{ + if(str.length()<2) + { + for(int i=str.length(); i <= 2; i++) + { + str = str+""@""; + } + } + return str.substring(0, 2); +} +" +dedfbdc78aaf1f228b1cdfd316becba81fa3a770,"public String atFirst(String str) +{ + int length = str.length(); +} +" +9457be697161e2b2782655fdfddc3fbd987471cd,"public String atFirst(String str) +{ + int length = str.length(); + if (length >= 2) + { + return str.substring(0,2); + } + else if (length == 1) + { + String newString = str.substring(0,1) + ""@""; + return newString; + } + else + { + return ""@@""; + } +} +" +0b9664ddc44846840e4511e0f960d8fca3ce0dcf,"public String atFirst(String str) +{ + if(str.substring.length() >=2) + { + return str.substring(0, 2); + } + else + { + return str@; + } +} +" +00d74e725f897a47438fa68183bcadd06945c3b9,"public String atFirst(String str) +{ + if(str.substring.length() >=2) + { + return str.substring(0, 2); + } + else + { + return str+@; + } +} +" +3be2fb1d595fc855a6e918a87558f1cdcd553654,"public String atFirst(String str) +{ + if (str.length() > 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +8a76e0705cb44076178a5045158e91baa46cd8a6,"public String atFirst(String str) +{ + if (str.length() == 1) + str = str + ""@"" + else if (str.length() == 0) + str = ""@@"" + else + str = str.substring(0, 2); + return str; +} +" +f1f3f2a1eb163e5382001da35a05b32fae165de5,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +325128609e7d716d6c8062c1d895dcb2bf73e9ba,"public String atFirst(String str) +{ + if (str.length() == 1) + str = str + ""@""; + else if (str.length() == 0) + str = ""@@""; + else + str = str.substring(0, 2); + return str; +} +" +5b1ffe1cdf733844094ac261c3ed99ff9fb989c5,"public String atFirst(String str) +{ + if(str.substring.length() >=2) + { + return str.substring(0, 2); + } + else + { + return str.add(@); + } +} +" +f939835e7158def220aa55e6b68d6667507e4bd4,"public String atFirst(String str) +{ + if(str.substring.length() >=2) + { + return str.substring(0, 2); + } + else + { + return str @; + } +} +" +d8503b11f848acee7b8ccfc2eb3a88887716df28,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +8d2ae709a3360d35fbddd91e966828fb7fa2e783,"public String atFirst(String str) +{ + if(str.length() == 0) + return ""@@""; + + if(str.length() == 1) + return str + ""@""; + + return str.substring(0, 2); +} +" +687e6ff31d76ce8a6bedd52db952f7edf5bce18e,"public String atFirst(String str) +{ + + if (str.length() == 0) + { + return ""@@"" ; + } + if (str.length() == 1) + { + return str + ""@"" ; + } + else + { + return str.substring(0,2); + + } +} +" +b2afff0ebbd4848dfa461e3fdc9df8f2233593f7,"public String atFirst(String str) +{ + if(str.length() < 2) + { + int numberAt = 2- str.length(); + if (numberAt == 1) + return str + ""@""; + else + return ""@@""; + } + else + return str.substring(0, 2); +} +" +a9f502209b633e58f7aae400edbedaa8779c86a7,"public String atFirst(String str) +{ + if (str == """") + return ""@@""; + + if (str.length() == 1) + return str + ""@""; + + return str.substring(0, 1); +} +" +6069a0cb973b1509c46b7bf333a2baf1d33a198d,"public String atFirst(String str) +{ + if (str == """") + return ""@@""; + + if (str.length() == 1) + return str + ""@""; + + return str.substring(0, 2); +} +" +34611113d98191a1231bff6b8ef98d3856d3918d,"public String atFirst(String str) +{ + if(str.substring.length() >=2) + { + return str.substring(0, 2); + } + else + { + return + str+""@""; + } +} +" +ad1ef58677c6204f27a6f41faefb35bb2d9e448c,"public String atFirst(String str) +{ + if(str.substring(str.length()) >=2) + { + return str.substring(0, 2); + } + else + { + return + str+""@""; + } +} +" +444d9b2db6b3413f9affd2255d1fcd166ad52a8a,"public String atFirst(String str) +{ + if(str.length() >=2) + { + return str.substring(0, 2); + } + else if + else + { + return + str+""@""; + } +} +" +e8463ec2adc4b1554cbcefbde3c6280e868155de,"public String atFirst(String str) +{ + if(str.length() >=2) + { + return str.substring(0, 2); + } + else if(str.length() ==1) + { + return str+""@""; + } + else + { + return + ""@@""; + } +} +" +2ed78c98bce5090d5d421f41a0e61e8c45f2254d,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +eb4fb4702f709e63ebe3f7b489417a1701255403,"public String atFirst(String str) +{ + if (str.length() == 1) + { + String first 2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + String first 2 = ""@@""; + } + else + { + String first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +5766d9c12090c61c549e8126030d70c508c0d598,"public String atFirst(String str) +{ + if (str.length() == 1) + { + String first 2 = new String(str.charAt(0) + ""@""); + } + else if (str.length() == 0) + { + String first 2 = new String(""@@""); + } + else + { + String first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +6cb71375e6510899719d04a85087dd4fe7759af7,"public String atFirst(String str) +{ + if (str.length < 2) + { + System.out.println(str(1) + '@'); + } +} +" +aaa128f785b966986677c3e18edb007bf5f5ed0e,"public String atFirst(String str) +{ + if (str.length() == 1) + { + String first 2 = new String(str.charAt(0) + @); + } + else if (str.length() == 0) + { + String first 2 = new String(@@); + } + else + { + String first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +59933ceffc09ba03d58f1fd828a7345ceaa2116a,"public String atFirst(String str) +{ + if (str.length() == 1) + { + String first 2 = new String(""str.charAt(0) + @""); + } + else if (str.length() == 0) + { + String first 2 = new String(""@@""); + } + else + { + String first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +d9a73c5ce8fe279faf7a8e38d0cc69472da82510,"public String atFirst(String str) +{ + if (str.length() > 2) { + return srt.substring(1, 2) + } + +} +" +cf3ede6eb0c0fac6b0c06aa30837e6fda94d2d5d,"public String atFirst(String str) +{ + if (str.length() == 1) + { + String first 2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + String first 2 = new String(""@@""); + } + else + { + String first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +0176560911f3ab2a0054a9323937fab0e7a400c1,"public String atFirst(String str) +{ + if (str.length() > 2) { + return srt.substring(1, 2); + } + +} +" +c3bc5d3cb67ed052fee86bbbade8ccc01feb18c7,"public String atFirst(String str) +{ + if (str.length() == 1) + { + String first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + String first2 = new String(""@@""); + } + else + { + String first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +d1663c1cd19f174786d2adb9353823e3d145d826,"public String atFirst(String str) +{ + if (str.length() > 2) { + return str.substring(1, 2); + } + +} +" +868569bc27012d1f501923f76f442ee74141a8a5,"public String atFirst(String str) +{ + if (str.length() > 2) { + return str.substring(1, 2); + } + +return str} +" +22b3aaf65837e3861b386c6222d09de2772a76c1,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +29121aba919816574d747ce17bc6f922b06a9f65,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if (str.length() == 1 + return str + ""@""; + return ""@@""; +} +" +8c48ac01ed7b7ee00fcd4b505a143a27a9cad7aa,"public String atFirst(String str) +{ + if (str.length() > 2) { + return str.substring(1, 2); + } + +return str;} +" +3811aab0c668e69a98dffd5f56fbb201bd681b72,"public String atFirst(String str) +{ + if(str.length()>=2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + return ""@@""; +} +" +de8dd816d7504d0badcde0e3a1cad34d2d232e00,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = ""str.charAt(0) + str.charAt(1)""; + } + return first2; + +} +" +6378a666e316966a8c7c11a77aa229cdac9e4802,"public String atFirst(String str) +{ + if (str.length() > 2) { + return str.substring(0, 1); + } + +return str;} +" +f87cb86227e7963b1c0ed2e27642ecc0aef1162c,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = (str.charAt(0) + str.charAt(1)); + } + return first2; + +} +" +b6da3f973d9c0e8af4d7eaaf8009aa6c2e979daa,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 == (str.charAt(0) + str.charAt(1)); + } + return first2; + +} +" +4df09e29ac34bdb047d96d7e8bd1e3d35139cd05,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = (str.charAt(0) + str.charAt(1)); + } + return first2; + +} +" +b65a883d421b1e04168093a64571d47a6c600240,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +c0b8faa7ab69e22da2d15b8fdfa408cd45ec5c88,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +cd1a0b6c1efc9981d2bf205b7703cfa20f811961,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 1); + } + else if (str.length() == 1) { + return ""@"" + } + +return str;} +" +179ef0fa00a787f8a01910ebd014ec6d4d9b0539,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 1); + } + else if (str.length() == 1) { + return ""@""; + } + +return str;} +" +be0f8e8a446bab81d8fdbc61e43117313c83e082,"public String atFirst(String str) +{ + if (str.length() == 0){ + return ""@@""; + } + else if (str.length() == 1){ + return str + ""@""; + } + return str.substring(0,2); +} +" +1cfeca1da564f956122d470b131a18a39810ba48,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return ""@""; + } + +return str;} +" +d93f6320427bb990501799e0bd485c31bcd8fd24,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str @; + } + +return str;} +" +d26d1c573b52694164716fd6ffd78f4ccab922cd,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str@; + } + +return str;} +" +93d11f62cbf0986e052474f8cfda3f8ee79b3558,"public String atFirst(String str) +{ + String part = str.substring(0) + if (str.length < 2) + { + System.out.println(part + '@'); + } + else + { + System.out.println(str); + } +} +" +1e667f4b965e28ba95e0f99b0adb8a07265e5798,"public String atFirst(String str) +{ + String part = str.substring(0); + if (str.length < 2) + { + System.out.println(part + '@'); + } + else + { + System.out.println(str); + } +} +" +174e927bca44faad151272d4fd2d4c4bce0eb4c8,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + return ""@"" + } + +return str;} +" +f8cfd1a006c5b57a97c6eb3070d098acd2e4e38e,"public String atFirst(String str) +{ + String part = str.substring(0); + if (str.length() < 2) + { + System.out.println(part + '@'); + } + else + { + System.out.println(str); + } +} +" +7a7be425f0e298a3aa88949311c26be0a601c095,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + return ""@""; + } + +return str;} +" +ce7721fb23ce2d07dd0fa22d3dd4f956f63be634,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + + } + +return str;} +" +e39a9946072e7918e0db8036c3cec83783cce93d,"public String atFirst(String str) +{ + String part = str.substring(0); + if (str.length() < 2) + { + return(part + '@'); + } + else + { + return(str); + } +} +" +a769db41df9ef6e92c4934c2dc42fd29e8e9c52d,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substinr(0, 1); + if (str.length() < 2) + { + return(part + '@'); + } + else + { + return(partOne); + } +} +" +853338440e84234e95a3d606aceb829ae895d545,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 1); + if (str.length() < 2) + { + return(part + '@'); + } + else + { + return(partOne); + } +} +" +3953a6fa94e7c3cfe2b03d1bbb2d07ad0b59e4c9,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + } + else if (str.length() == 0) { + return ""@@"" +return str;} +" +3bd2049a677febe1745f64181b90f52a8dce3cf0,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + } + else if (str.length() == 0) { + return ""@@"" + } +return str;} +" +337bb48a2b13b3e64ff45519b20e3d92b5c92a02,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +042fbb6bafe073438d6c258bc01201b9f0d3bd6f,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() < 2) + { + return(part + '@'); + } + else + { + return(partOne); + } +} +" +6d3e66ba84b97cd1179d24ab0e253cf6c9110080,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str[@]; + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +8d5030b5e03c80ab58edc0ffc9863a4f418f8d8d,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str, ""@""; + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +9bca7252e2090cffea94c4737cd94bfdb4fe94d2,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str ""@""; + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +8fde1a43391bb1aab6e7d4d01626d04618cde428,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str""@""; + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +8946d30f63f80f0b75fcd7de86f6927387f999c8,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() < 2) + { + return(part + '@'); + } + if (str.length() == 1) + { + return(str + ""@""); + else + { + return(partOne); + } +} +" +d65fe8a4b30c8f6a448cc740f49fa2cc87076dda,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return str; + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +e07fcc5c2df67ba37e2f29848d00a2552efc74b8,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() < 2) + { + return(part + '@'); + } + if (str.length() == 1) + { + return(str + ""@""); + } + else + { + return(partOne); + } +} +" +ec73c7241333ca82adb774926bcb8588c1264742,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() == 1) + { + return(str + ""@""); + } + else + { + return(partOne); + } +} +" +f7080d7f7a5689b13352d1f731f0c42a8a60983e,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length == 0) + { + return(""@"" + ""@""); + } + if (str.length() == 1) + { + return(str + ""@""); + } + else + { + return(partOne); + } +} +" +9ee61921176787b208134f9195d26819cc868123,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() == 0) + { + return(""@"" + ""@""); + } + if (str.length() == 1) + { + return(str + ""@""); + } + else + { + return(partOne); + } +} +" +e0e9e70235716d2ffe5fedf8e73f78270184202c,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() == 1) + { + return(str + ""@""); + } + if (str.length() == 0) + { + return(""@"" + ""@""); + } + else + { + return(partOne); + } +} +" +fccc5c54258510c12eabc6f0db6312692066ce0a,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() = 1) + { + return(str + ""@""); + } + if (str.length() = 0) + { + return(""@"" + ""@""); + } + else + { + return(partOne); + } +} +" +fd30d5ac81232052ef987375e84f07aa7f533fa1,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + if (str.length() == 1) + { + return(str + ""@""); + } + if (str.length() == 0) + { + return(""@"" + ""@""); + } + else + { + return(partOne); + } +} +" +8e72e74bba788558f3d8c164727f36fbd8c9fe19,"public String atFirst(String str) +{ + if (str.length() >= 2) { + return str.substring(0, 2); + } + else if (str.length() == 1) { + return (str.charAt(0)+""@""); + } + else if (str.length() == 0) { + return ""@@""; + } +return str;} +" +1f9cb1433188b3d1d9f0cebc35e4c0778183e086,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + String one = (str + '@'); + String zero = ('@' + '@'); + if (str.length() == 1) + { + return(one); + } + if (str.length() == 0) + { + return(zero); + } + else + { + return(partOne); + } +} +" +8ae12679c2c279a8883eec1b5fee8804f018c75b,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + String one = (str + '@'); + String zero = ('@@'); + if (str.length() == 1) + { + return(one); + } + if (str.length() == 0) + { + return(zero); + } + else + { + return(partOne); + } +} +" +bf7f17daa072f4c00df2a34512f4d5553c2d8cf7,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + String one = (str + '@'); + String zero = (""""); + if (str.length() == 1) + { + return(one); + } + if (str.length() == 0) + { + return(zero); + } + else + { + return(partOne); + } +} +" +ae19ba124650cb6e3f3be3caa198cd89105f8ffe,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + { + return str.substring(0, 2); + } + else if (len == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } +} +" +05b49aca1c8c9ad102855740bf0c1619953d4d4d,"public String atFirst(String str) +{ + if (str.length >=2) + return str.substring(0,2); + else if (string length = 1) + return str@; + return @@; + +} +" +f42507929c321620d9378cdf6ffd676635ee6e83,"public String atFirst(String str) +{ + if (str.length >=2) + { + return str.substring(0,2); + } + else if (string length = 1) + { + return str@; + } + + return @@; + +} +" +3317a4694965363750fb8b93c14ae8f85b6134e3,"public String atFirst(String str) +{ + if(a.length() >= b.length()) + return b+a+b; + return a+b+a; +} +" +0bb64d685656cfcd863900573a57270553679327,"public String atFirst(String str) +{ + if (str.length >=2) + { + return str.substring(0,2); + } + else if (string length = 1) + { + return str@; + } + else + { + return @@; + } + +} +" +c934f7cec5e4819bc432c0a88a2de44e0b8944ea,"public String atFirst(String str) +{ + int q = str.length(); + if(q >= 2) + return str.substring(0, 2); + else if(q == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +671240b7e902ccfd9a48c2a01a8a777642c1b0d4,"public String atFirst(String str) +{ + if (str.length >=2) + { + return str.substring(0,2); + } + else if (str.length = 1) + { + return (str.charAt(0)+""@""); + } + else + { + return '@@'; + } + +} +" +68d7ef3e7cd0d3fa67a31c4eb3711c5c7de8d198,"public String atFirst(String str) +{ + if (str.length >=2) + { + return str.substring(0,2); + } + else if (str.length = 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } + +} +" +51ee57a753ad234d51465deb2dd790c607440723,"public String atFirst(String str) +{ + int a = str.length + if (a >=2) + { + return str.substring(0,2); + } + else if (a = 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } + +} +" +d90c13716af6d149cf911e2a7d9c9cf746bd0f32,"public String atFirst(String str) +{ + int a = str.length; + if (a >=2) + { + return str.substring(0,2); + } + else if (a = 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } + +} +" +1dcc7ed5696d8486da36761f906ca61c0dc8264f,"public String atFirst(String str) +{ + int a = str.length(); + if (a >=2) + { + return str.substring(0,2); + } + else if (a = 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } + +} +" +477f88da3f92235b907dd1a4bae3e0a686bcfff9,"public String atFirst(String str) +{ + int a = str.length(); + if (a >=2) + { + return str.substring(0,2); + } + else if (a == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } + +} +" +589c559d274949cb84a98651e5d26505504a061e,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + String one = (str + ""@""); + String zero = (""""); + if (str.length() == 1) + { + return(one); + } + if (str.length() == 0) + { + return(zero); + } + else + { + return(partOne); + } +} +" +68a48556d3cc20811305cabd66b35270c7e755a0,"public String atFirst(String str) +{ + int a = str.length(); + if (a >=2) + { + return str.substring(0,2); + } + else if (a == 1) + { + return (str.charAt(1)+""@""); + } + else + { + return ""@@""; + } + +} +" +aa92141a6fb02bc8b7d60929923cdedc612e5513,"public String atFirst(String str) +{ + int a = str.length(); + if (a >=2) + { + return str.substring(0,2); + } + else if (a == 1) + { + return (str.charAt(0)+""@""); + } + else + { + return ""@@""; + } + +} +" +32970bb7b386c839d3e43721b5d6dafefe4fd952,"public String atFirst(String str) +{ + String part = str.substring(0); + String partOne = str.substring(0, 2); + String one = (str + ""@""); + String zero = (""""); + if (str.length() < 2) + { + return(one); + } + if (str.length() < 1) + { + return(zero); + } + else + { + return(partOne); + } +} +" +70310a34532d90ae7179efddd71470667ac2e2bc,"public String atFirst(String str) +{ +int mm = str.length(); +String bi = """"; + if (mm == 1) + { + bi = str + ""@""; + } + else if (mm ==) + { + bi = str += ""@@""; + } + else { + bi= str.substring(0, 2); + } + return bi; + + +} +" +159e34a7187187475bf4612a1a2e4ed073915761,"public String atFirst(String str) +{ +int mm = str.length(); +String bi = """"; + if (mm == 1) + { + bi = str + ""@""; + } + else if (mm ==0) + { + bi = str += ""@@""; + } + else { + bi= str.substring(0, 2); + } + return bi; + + +} +" +978fdcf3a1209258623adf9754de1f536897cdea,"public String atFirst(String str) +{ +int mm = str.length(); +String bi = """"; + if (mm == 1) + { + bi = str + @; + } + else if (mm ==0) + { + bi = str += ""@@""; + } + else { + bi= str.substring(0, 2); + } + return bi; + + +} +" +ceaed7bac388044e441697424357345ff06f9f76,"public String atFirst(String str) +{ +int mm = str.length(); +String bi = """"; + if (mm == 1) + { + bi = str + ""@""; + } + else if (mm ==0) + { + bi = str += ""@@""; + } + else { + bi= str.substring(0, 2); + } + return bi; + + +} +" +750696b5aa91eee7c55999976f6c70e7d1d3bf1e,"public String atFirst(String str) +{ + if (str.length() ==1 ) + return str + ""@""; + if (str.length() == 0) + return str + ""@"" + ""@""; + return str.substring(0,2); +} +" +4edab4c34b1cf1236373d971739198b9da551f1d,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = new String(str.charAt(0) + str.charAt(1)); + } + return first2; + +} +" +4afbfbac734f0bad91c7205e8e94b31feeb6fbc2,"public String atFirst(String str) +{ + if (str.length()==0) + { + return ""@@""; + } + else if (strr.length()) == 1){ + return str + ""@""; + + } + else + { + return str.sbustring(0,2); + } +} +" +71ccb0863fca5678bf65d0367244e6bb6e582997,"public String atFirst(String str) +{ + if (str.length()==0) + { + return ""@@""; + } + else if (strr.length()) == 1) + { + return str + ""@""; + + } + else + { + return str.sbustring(0,2); + } +} +" +cca3ac43d073c889ab9493a3a5536d921f9e5b34,"public String atFirst(String str) +{ + if (str.length()==0) + { + return ""@@""; + } + else if (strr.length()) == 1) + { + return str + ""@""; + + } + else + { + return str.sbustring(0,2); + } +} +" +f2ed8afee12011accc666e337e59f21fd79bb1e0,"public String atFirst(String str) +{ + if (str.length()==0) + { + return ""@@""; + } + else if (str.length()) == 1) + { + return str + ""@""; + + } + else + { + return str.sbustring(0,2); + } +} +" +e5eb0df13dfed2dd2bcbaf5c1135260f6ea02d84,"public String atFirst(String str) +{ + if (str.length()==0) + { + return ""@@""; + } + else if (str.length()) == 1) + { + return str + ""@""; + + } + else + { + return str.substring(0,2); + } +} +" +ab587b2f0a8c9a7e320c5272ce424f6add5b8e19,"public String atFirst(String str) +{ + if (str.length()==0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + + } + else + { + return str.substring(0,2); + } +} +" +39089ffd1f2f38ef231fba1c15fbfea2bfc7cac0,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = str.substring(0,1);//str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +c6044ea45d2963b0009b20d5537b290f4fffcfab,"public String atFirst(String str) +{ + if (str.length >= 2) + return str.substring(0,2); + else if (str.length == 1) + return str + @ + else + return @@ +} +" +581c9c831957d53c7565ac0f9da43a78e805b0b2,"public String atFirst(String str) +{ + if (str.length >= 2) + return str.substring(0,2); + else if (str.length == 1) + return str + @; + else + return @@; +} +" +c1ae1ca73ef1ee6166c4cb7cc8e96c8edcd468f1,"public String atFirst(String str) +{ + String first2 = new String(); + if (str.length() == 1) + { + first2 = str.charAt(0) + ""@""; + } + else if (str.length() == 0) + { + first2 = new String(""@@""); + } + else + { + first2 = str.substring(0,2);//str.charAt(0) + str.charAt(1); + } + return first2; + +} +" +4f933d5c9ae84da3ca4228b740596c2cc0a1c3f5,"public String atFirst(String str) +{ + if (str.length >= 2) + return str.substring(0,2); + else if (str.length == 1) + return str + ""@""; + else + return @@; +} +" +3c2a00f5490481bea1e34caf01277a4c7570bb20,"public String atFirst(String str) +{ + if (str.length >= 2) + return str.substring(0,2); + else if (str.length == 1) + return str + ""@""; + else + return ""@@""; +} +" +4fa5499539cc5b00a2e9b899a31941b81f4b2597,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length == 1) + return str + ""@""; + else + return ""@@""; +} +" +321dc98693455ebfbcfed7093153e7ce5064704f,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +4c271715fb80bf68fa8f21a2d695de678587abe8,"public String atFirst(String str) +{ + if (str.length() == 0) + return ""@@""; + else if (str.length() == 1) + return str + ""@""; + else + return str.substring(0, 2); +} +" +b8b75a2d3575b91f26f8f509e8d3c96173794e12,"public String atFirst(String str) +{ + if(str.length()>=2) + { + return str.substring(0, 2); + } + else if(str.length() == 1) + { + return str+""@""; + } + return ""@""+""@""; +} +" +a7b0286584852bd3dd0c3ccec3ae1fe26d692516,"public String atFirst(String str) +{ + + public static void main(String[] args) { + + AtFirstTest test = new AtFirstTest(); + + System.out.println("">"" + test.atFirst(""hello"") + ""<""); + System.out.println("">"" + test.atFirst(""hi"") + ""<""); + System.out.println("">"" + test.atFirst(""h"") + ""<""); + } + + public String atFirst(String str) { + + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + } + +}" +6c7386aac4c5db15aac35b3540dbecc1ecd10882,"public String atFirst(String str) +{ +String atFirst(""hello"") = ""he"" +String atFirst(""hi"") = ""hi"" +String atFirst(""h"") = ""h@"" + public static void main(String[] args) { + + AtFirstTest test = new AtFirstTest(); + + System.out.println("">"" + test.atFirst(""hello"") + ""<""); + System.out.println("">"" + test.atFirst(""hi"") + ""<""); + System.out.println("">"" + test.atFirst(""h"") + ""<""); + } + + public String atFirst(String str) { + + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); + } + } + +}" +faa6c5d17c94ac599f78a4e873c225cd4035fc72,"public String atFirst(String str) +{ + if(str.length()>=2) + { + return str.substring(0, 1); + } + else if( str.length()==1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +1149471f37f53d9373701e7fce2c93ab645633e3,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +05222ec3f49e847948e5755bccec1d681e1168b7,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String beg=str.substring(0,2); + str =beg; + } + else if (str.length() == 1) + { + str = str.substring(0,1) + '@'; + } + else + { + str='@@'; + } + return str; +} +" +640402b5f4cf9641b5fcbcc1b60e8c0bde80089d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + String beg=str.substring(0,2); + str =beg; + } + else if (str.length() == 1) + { + str = str.substring(0,1) + ""@""; + } + else + { + str=""@@""; + } + return str; +} +" +df218c7d102764fe5cc13017fdd300b36e8595f9,"public String atFirst(String str) +{ + String newString = str.substring(0,2); + if (newString == """") + newString = @@; + return newString; +} +" +ef7515c1b176b5c24448388ec5fd11750bebf3b0,"public String atFirst(String str) +{ + String newString = str.substring(0,2); + if (newString == """") + newString = ""@@""; + return newString; +} +" +ec1ae62c0503e7fbca6d58ca0d0955bf11ea6a90,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +8970282a7fbd4d02916027810703725d9519a3ca,"public String atFirst(String str) +{ + if(str.length()>=2) + { + return str.substring(0, 2); + } + else if (str.length()==1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +4fa703395318a9b393e4dac89310230cf73e0d15,"public String atFirst(String str) +{ + int l = str.length(); + if(l >= 2) + return str.substring(0,2); + else if (l == 1) + return(str.charAt(0)+ ""@""); + else + return ""@@"" + +} +" +56a4314c6b2b8a8eeca5577f5f161299800f66a3,"public String atFirst(String str) +{ + int l = str.length(); + if(l >= 2) + return str.substring(0,2); + else if (l == 1) + return(str.charAt(0)+ ""@""); + else + return ""@@""; + +} +" +f76db94760cd03a42f447c9baaeaa0796184303e,"public String atFirst(String str) +{ + + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +df6b430505f761b27075989348b736b08070439c,"public String atFirst(String str) +{ + if (str.length() > 2) { + return str.concat(""@""); + } else { + return str.substring(0, 1); + } + +} +" +937fa45af4f8fd445c1cdc4eea48a28d0bc46b97,"public String atFirst(String str) +{ + if (str.length() < 2) { + return str.concat(""@""); + } else { + return str.substring(0, 1); + } + +} +" +156a297a89f16873dc329bee80b4d4e9094fe672,"public String atFirst(String str) +{ + if (str.length() <= 2) { + return str.concat(""@""); + } else { + return str.substring(0, 1); + } + +} +" +f12922692265cb89e8b36ffd6784c819e5ba9fa1,"public String atFirst(String str) +{ + if (str.length() < 2) { + if (str.length() == 1) { + return str.concat(""@""); + } else { + return str.concat(""@@""); + } else { + return str.substring(0, 1); + } + +} +" +e3e2f49e2326fac8f35dc8de6c1e0d824e57100e,"public String atFirst(String str) +{ + if (str.length() < 2) { + if (str.length() == 1) { + return str.concat(""@""); + } else { + return str.concat(""@@""); + } + } else { + return str.substring(0, 1); + } + +} +" +b28af3c84549cbea5a082a550d02b52a019ae797,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() = 1) + return str && @; + else + return @@; +} +" +7169a47fe42b0949ece6462272251e393c383776,"public String atFirst(String str) +{ + if (str.length() < 2) { + if (str.length() == 1) { + return str.concat(""@""); + } else { + return str.concat(""@@""); + } + } else { + return str.substring(0, 2); + } + +} +" +bde52963921f668ff71abdb635581ed618ce8403,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() = 1) + { + return str + @; + } + else + { + return @@; + } +} +" +c790506fce12d9e5ada73990bc43711d9b94518f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() = 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +a4a9130cdf16a25ef9b9e6820c69f2742c404643,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +20c8030445e3a87a963f871749238abb563ba2d1,"public String atFirst(String str) +{ + if (str.length() == 0) return ""@@""; + if (str.length() == 1) return str + ""@""; + return str.substring(0, 2); +} +" +7a60a64e0364f62ebe5651d9ecfb0bd75e3c8baf,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +} +" +fb93e361976e63beb7e7984763619bf0578cdb58,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); +} +" +258cc6b48144a420836bb318f88a64325610b957,"public String atFirst(String str) +{ + if (str.length() == 0) + return ""@@""; + else if (str.length() == 1) + return str + ""@""; + else + return str.substring(0, 2); +} +" +969c81f2dacbd00c26d68eee9d0f8c5afc38b016,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +97786c6125e334fe92575a6d3cad65c54fe6d22c,"public String atFirst(String str) +{ + if (str.length() >= 2; + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; + +} +" +e87694ebc0cdc3047cbed2f49b79d31165b09b13,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; + +} +" +8291f24f66408db1645c2863ace31f52013dcb87,"public String atFirst(String str) +{ + int num = str.length(); + if(num >= 2) + return str.substring(0, 2); + else if(num == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +0d94b7bd54d44f50137dad8e19799bbf30be950b,"public String atFirst(String str) +{ + if(str.length() > 1) + { + return str.substring(0,2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +8f8daf3d9928590e2c1e33dc46d3265342e86dad,"public String atFirst(String str) +{ + if (str.length() < 2) + return str + ""@""; +} +else { + return str.substring(0, 2); +} +" +d996f24a4e313c7c95bbfdd7ca5ccc4d2b0061b4,"public String atFirst(String str) +{ + if (str.length() < 2){ + return str + ""@""; +} +else { + return str.substring(0, 2); +} +" +bc802411ce098a2ecad2ec3cb4b48dccfc26c70c,"public String atFirst(String str) +{ + if (str.length() < 2){ + return str + ""@""; +} +else { + return str.substring(0, 2); +} +} +" +72402729898452d42433349644ac797887f329cf,"public String atFirst(String str) +{ + if (length(str) < 2) + { + return str + ""@""; + } + else + { + return str.substring(0,2); + } + +} +" +5fce50eb8c87ec3575977f89f28fec2856f49f6a,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return str + ""@""; + } + else + { + return str.substring(0,2); + } + +} +" +cd23c0ed240a318d70e3ddbf504fb44f78c81ffc,"public String atFirst(String str) +{ + if (str.length() < 2 && str.length() != 0) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@"" + } + else + { + return str.substring(0,2); + } + +} +" +d7da433ae09d21e47a65d1ed384beb85bfa72336,"public String atFirst(String str) +{ + if (str.length() < 2 && str.length() != 0) + { + return str + ""@""; + } + else if (str.length() == 0) + { + return ""@@""; + } + else + { + return str.substring(0,2); + } + +} +" +69aa2a97cb345a58f476076d0e270b2c1c165f68,"public String atFirst(String str) +{ + int len = str.length(); + if (len >= 2) + { + return str.substring(0, 2); + } + else if (len == 1) + { + return (str.charAt(0) + ""@""); + } + else + { + return ""@@""; + } +} +" +e0e79f8c4addcecfdf50b6915fe0efe89ec10dda,"public String atFirst(String str) +{ + length = str.length(); + +} +" +7fdcc6f187545a2e342d9816e89e0edc271ca119,"public String atFirst(String str) +{ + if (str.length() >= 2) + + return str.substring(0,2); + + else if (str.length() == 1) + + return str + ""@""; + + else + + return ""@@""; + +} +" +14efacaccdabb1adaac1ba989dab0305e24fb7dd,"public String atFirst(String str) +{ + if (str.length>2) + { + return str.substring(0,2); + } + // if (str.length <2) +} +" +69241d430ce097230415215eb19c52c8d2cfe3b7,"public String atFirst(String str) +{ + int length = str.length(); + + + +} +" +b69d364f862eb00acf8333a57fc9ec972450be99,"public String atFirst(String str) +{ + if (str.size>2) + { + return str.substring(0,2); + } + // if (str.length <2) +} +" +0a634adba8ac48a91af985ed9e65e8c15ed65487,"public String atFirst(String str) +{ + if (str.substring>2) + { + return str.substring(0,2); + } + // if (str.length <2) +} +" +8bb0d36cb2ad2c946e3b292a17130b77418961d9,"public String atFirst(String str) +{ + if (str.length>2) + { + return str.substring(0,2); + } + // if (str.length <2) +} +" +235a9b9f35be3bc3d58cd3e1b9da85cd27ea542f,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2); + + else if (length == 1) + {return length + @;} + + else + {return @@;} + + +} +" +e44568fadc29b4e665de0a35b7c447edd212ccc6,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2); + + else if (length == 1) + {return str + @;} + + else + {return @@;} + + +} +" +a4dd4a9c758e12f6e86b17123374065ed518dd58,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +92d71a0907df7f4ea7a0e8b0bd4234e49cb922ef,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2); + + else if (length == 1) + {return str + '@';} + + else + {return '@''@';} + + +} +" +0f7c3573dfc0eae0c8d4fdd0a524830b71112b67,"public String atFirst(String str) +{ + int length = str.length() + if(length >= 2) + return str.substring(0, 2); + return @; +} +" +a6564a891951ce31fe22214db248195fae90f2b9,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2); + + else if (length == 1) + {return str + ""@"";} + + else + {return ""@@"";} + + +} +" +b76e1cc97086238aceaba1066ac065a12c8a78fb,"public String atFirst(String str) +{ + int length = str.length() + if(length >= 2) + return str.substring(0,2); +} +" +6e3f03794f18a98c90aa65597e6d50806f2b7cd6,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0,2); +} +" +eb88c2facd23112559ebcb42f608bd5684d1659f,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2); + else if (length == 1) + {return str + ""@"";} + else + {return ""@@"";} + + +} +" +fdc36de9e9e4353d0f84c3ee7bf693279c57b00a,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2}; + else if (length == 1) + {return str + ""@"";} + else + {return ""@@"";} + + +} +" +ff7d140207192dd7a7e8101355d011ef5decad00,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2)}; + else if (length == 1) + {return str + '@';} + else + {return '@@';} + + +} +" +3e63feccb7a871763a88ec463b750cfa50a67d45,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(2);} + else if (length == 1) + {return str + ""@"";} + else + {return ""@@"";} + + +} +" +13a0a2cc6f608928902b7fdafaeaba3850cf39e3,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0,2); + else + return ""@""; +} +" +7e05e4699f208600d0c1b7d13c863a28f04eb1f7,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(0,2);} + else if (length == 1) + {return str + ""@"";} + else + {return ""@@"";} + + +} +" +d9e52b7072364784a8f7508d9813f23e47385ef9,"public String atFirst(String str) +{ + if (length(str) < 2) + { + return (str + ""@""); + } + else + { + return str.substring(0, 3); + } + +} +" +4606b32b4099825201bac967668dac589f403383,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(0,2);} + else if (length == 1) + {return str + ""@"";} + else + {return ""@""""@"";} + + +} +" +4c32b476cd596c95c1f5aca872b0488b4b0332a6,"public String atFirst(String str) +{ + int length = str.length(); + + if (length >= 2) + {return str.substring(0,2);} + else if (length == 1) + {return str + ""@"";} + else + {return ""@@"";} + + +} +" +70d562fff8d55fa3f577a34ecf0374f617475583,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0,2); + else + return str ""@""; +} +" +be805d9898f0927e143b33d87cbd3d37f76bedb3,"public String atFirst(String str) +{ + if (str.length < 2) + { + return (str + ""@""); + } + else + { + return str.substring(0, 3); + } + +} +" +7fbebdcb542a1f3b75d05424e399a149db57265d,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else + { + return str.substring(0, 3); + } + +} +" +b3bbaadaaf25c2d1cd0dba0d74111880048b8372,"public String atFirst(String str) +{ + int length = str.length(); + if(length >= 2) + return str.substring(0,2); + else + return str + ""@""; +} +" +6666a14e68efae8097e4d2b1e08949b994519c6a,"public String atFirst(String str) +{ + int length = str.length(); + if(length == 0) + return ""@@""; + if(length >= 2) + return str.substring(0,2); + else + return str + ""@""; +} +" +3c1f67ee2387916000087f1133a6c2bb42bd47f6,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else + { + return str.substring(0, 2); + } + +} +" +7448ea4047d7ca53b8434ab8bc920fec9f35b8d3,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@@""; + else + { + return str.substring(0, 2); + } + +} +" +6fb69ef19808ed6f857e3d5ec5776be290b7b2ba,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } + +} +" +64491dfd3a81ab43b0d5bb30182ea7a5c624e3df,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@"" + ""@""; + } + else + { + return str.substring(0, 2); + } + +} +" +ffca2d758b489aff897dfa9a522e6f3044bca790,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return (""@"" + ""@""); + } + else + { + return str.substring(0, 2); + } + +} +" +aa34d33d446c6ef10d890c74e301a04f43138e12,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +c597aacc2499093500c6ca714b870331072f38d5,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@""(""@""); + } + else + { + return str.substring(0, 2); + } + +} +" +80de9489ace22e36d4006e2d5a87a5571f6ac4b9,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@""""@""; + } + else + { + return str.substring(0, 2); + } + +} +" +a6b9e33ce328d3ab1d18660721986d7c34589a6b,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@"";""@""; + } + else + { + return str.substring(0, 2); + } + +} +" +0dab63894aed365a1e12ba48fa926221f65c424d,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return 2""@""; + } + else + { + return str.substring(0, 2); + } + +} +" +2ff58536b6af6b816c60b29374d19377a53f1274,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@@""; + } + else + { + return str.substring(0, 2); + } + +} +" +73dc77ede71884d817e81656b909d0638f2202b1,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@""; + } + else + { + return str.substring(0, 2); + } + +} +" +7475da2e993de3320e6fa1ce5735c65499937171,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return ""@[@]""; + } + else + { + return str.substring(0, 2); + } + +} +" +8dd23b142d0e1a2a7f2282b9323776877dcbcb9a,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return (str + ""@@""); + } + else + { + return str.substring(0, 2); + } + +} +" +50fde83695ecb008a9d6f8d1a86c0221b5db55fd,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return (str + ""@""); + } + else if (str.length() < 1) + { + return (str + ""@[@]""); + } + else + { + return str.substring(0, 2); + } + +} +" +05d3a392005597f86d746f4e1df0656c0b344716,"public String atFirst(String str) +{ + if (str.length() < 1) + { + return (str + ""@@""); + } + else if (str.length() < 2) + { + return (str + ""@""); + } + else + { + return str.substring(0, 2); + } + +} +" +e65fc21b87c6049415657dffe18b034b9bc6dd78,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); +} +" +031f5265851b66237c02e952e687ac751ab5681c,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + return str.substring(0, 2); +} +" +d63dad47d0860dbc883aa34a5cf7bab1afc3046f,"public String atFirst(String str) { + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +}" +762631d55cb586dea9d3254c5527d779dffab1d0,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +3c17b33217f6c4dd2f36cbf8ea4e181a3efebb65,"public String atFirst(String str) +{ + if(str.length()>2) + return str+""@""; + else + return str.substring(0,2); + } +} +" +7b173d1b64e9c72f5ae9d99aa44c4cff7ee628f1,"public String atFirst(String str) +{ + if(str.length()>2) + return str+""@""; + else + return str.substring(0,2); +} +" +e220d20d296ecd0c6bd03b82f71147a1b8e2fa36,"public String atFirst(String str) +{ + if(str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str+""@""; + else + return ""@@""; +} +" +15b74df38f504d7f68070af1943ef6194ec972ad,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.length(0, 2); + } + else if (str.length() == 0) + { + return @@; + } + return str + @; + +} +" +4dda59d9e415b9bbf66cc3cc36067ee752358847,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.length(0, 2); + } + else if (str.length() == 0) + { + return ""@@""; + } + return str + ""@""; + +} +" +93e25a35d6fb0a1d71ec38635b496551a7014961,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 3); + } +} +" +360de274972163d246962eab86345dd4fe81b72d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 0) + { + return ""@@""; + } + return str + ""@""; + +} +" +1e690aeea69dfb217e455ec8c69914a0e12cc710,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +31740a766a7aa49ac4467fbbe1eb94472edfda8c,"public String atFirst(String str) +{ + int len = str.length(); + + if (len >= 2) + return str.substring(0, 2); + else if (len == 1) + return (str.charAt(0) + ""@""); + else + return ""@@""; +} +" +c5436bd480b7b8ef88cb5b9fdf8a63daee3a061e,"public String atFirst(String str) +{ + if(str.length() < 2) { return str + @} + else {return str.substring(0,3)} +} +" +9879d27777e2172188f5c6b5f2bee15d20863306,"public String atFirst(String str) +{ + if(str.length() < 2) { return str + '@';} + else {return str.substring(0,3);} +} +" +402593a92799df52d6df21386b90077980e09a73,"public String atFirst(String str) +{ + if(str.length() < 2) { return str + '@';} + else {return str.substring(0,2);} +} +" +8fb4f3c423b0265a90f7b2f24de74b0783fb493c,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +f9158fd8f064a5d1fe836d2d94b1216a8c14bfc7,"public String atFirst(String str) +{ + if (str.length == 1) + return str; + + // if (str.length <2) +} +" +5f5d76001d070e127449aa71115b85bb0fefe137,"public String atFirst(String str) +{ + if (str.length() == 1) + return str; + + // if (str.length <2) +} +" +f756bfddce0f15340425f4f9407c45989bcf80a3,"public String atFirst(String str) +{ + if (str.length() == 1) + return str; + if (str.length() == 0) + + return '@@'; + +} +" +82c335920eb2d2689379240f9997715dbd20d165,"public String atFirst(String str) +{ + if (str.length() == 1) + return str; + if (str.length() == 0) + + return ""@@""; + +} +" +072de0fdae356bedf84db38d62bd8cc4788edbd4,"public String atFirst(String str) +{ + if (str.length() == 1) + return str; + if (str.length() == 0) + + return ""@@""; + else + return str.substring(0,2); + +} +" +5fc4bf75b7e9e6a0ddd15d62b6f4037812b4b2e3,"public String atFirst(String str) +{ + if (str.length() == 1) + return str ""a""; + if (str.length() == 0) + + return ""@@""; + else + return str.substring(0,2); + +} +" +199cdd48080f46eb681f89a09fdb6e9d611f6f64,"public String atFirst(String str) +{ + if (str.length() == 1) + return str +""a""; + if (str.length() == 0) + + return ""@@""; + else + return str.substring(0,2); + +} +" +e3fac06d80bb466df033e107ceb522a44351da3b,"public String atFirst(String str) +{ + if (str.length() == 1) + return str +""@""; + if (str.length() == 0) + + return ""@@""; + else + return str.substring(0,2); + +} +" +22e84c40ffcac0f79c39df26cdba2bd2333759ae,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.subtring(2)); + } + else + { + return ""@@"" + str.substring(2); + } + + +} +" +ba115e2d71ce6fedb4e98541de5bcc4aba1ef2b4,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(2)); + } + else + { + return ""@@"" + str.substring(2); + } + + +} +" +89d185f02c4190745fe02262754ab4b5edc252b7,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + if (str.length() == 1) + { + return str + ""@""; + } + if (str.length() == 0) + { + return ""@@"" + } +} +" +c224ce1d4a5421d902594d5b30b58393367a347b,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + if (str.length() == 1) + { + return str + ""@""; + } + if (str.length() == 0) + { + return ""@@""; + } +} +" +7d926ad0829e4d370d9dae223761f33585fa7fe3,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else + { + return ""@@"" + str.substring(2); + } + + +} +" +c3e7454aab7cc945ce726f5e3596e90c3e63d91c,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + if (str.length() == 1) + { + return str + ""@""; + } + if (str.length() == 0) + { + return ""@"" + ""@""; + } +} +" +6dffa4a21e00a9803cf59b9048b683ec995c70df,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@"" + ""@""; + } +} +" +1db6c5ef548ac31ea212a8e1c550b8c518d219ef,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else + { + return ""@@""; + } + + +} +" +94e110726c7a3c4fbc2a0a3045148c51e8e8af1b,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else + { + return ""@""; + } + + +} +" +30c333b7b0ee8b3fd9dd290b5782527bf98f686d,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.substring.length() = 1) + { + return ""@""; + } + else + { + return str + ""@"" + } + + +} +" +71566deba506c15de8b8a6a34f03c165527ffbb9,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.substring.length() = 1) + { + return ""@""; + } + else + { + return str + ""@""; + } + + +} +" +956e274d79e3d60166df15675d93492320780faf,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.length() = 1) + { + return ""@""; + } + else + { + return str + ""@""; + } + + +} +" +3facc2a00b01182dcfe56c51184fcd9f36ea06f3,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.length() == 1) + { + return ""@""; + } + else + { + return str + ""@""; + } + + +} +" +5c91f511961a237f287094e9f0a6944181290b8c,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0, 2)); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } + + +} +" +759ecfd914fd82be161161002eceac11e287d9fe,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; + +} +" +1fabcce07467eb9f8a02b10e093139d87446957e,"public String atFirst(String str) +{ + if (str.length == 0) + { + return ""@@""; + } + else if (str.length < 2) + { + return str + ""@""; + } +} +" +d4099c7b59cd8b9ae9a36390e9f857730db30b4a,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; + +} +" +72716879ed0106495456c2506b854492fda57d63,"public String atFirst(String str) +{ + if (str.length == 0) + { + return ""@@""; + } + else if (str.length < 2) + { + return str + ""@""; + } + return str.substring(0, 2); + +} +" +c1ececf2e7d01d727142cd509cce0836a7ff30f7,"public String atFirst(String str) +{ + if (str.length == 0) + { + return ""@@""; + } + else if (str.length < 2) + { + return str + ""@""; + } + if (str.length >= 2) + { + return str.substring(0, 2); + } + +} +" +864923bea1b45c904e5141a989b18a460c0927d5,"public String atFirst(String str) +{ + if (str.length == 0) + { + return ""@@""; + } + else if (str.length < 2) + { + return str + ""@""; + } + else if (str.length >= 2) + { + return str.substring(0, 2); + } + +} +" +21992f7abda75aeade9dfa549dd004bdbbf8770a,"public String atFirst(String str) +{ + String s = str.substring(0,2); + if(str.equals("""")) + { + return str + ""@"" +""@""; + } + else if(str.length()<2) + { + return str +""@""; + } +return s; +} +" +ea843b614c533b96418a4d55ec711801a9ea298c,"public String atFirst(String str) +{ + String s = str.substring(0,2); + return s; + if(str.equals("""")) + { + return str + ""@"" +""@""; + } + else if(str.length()<2) + { + return str +""@""; + } +} +" +889dfca095a712eb0f9fc0d0124b8959382ae400,"public String atFirst(String str) +{ + String s = str.substring(0,2); + return s; + if(str.equals("""")) + { + return str + ""@"" +""@""; + } + else if(str.length()<2) + { + return str +""@""; + } + return s; +} +" +5ede863efa0c4455662405175c63cbeda380f6a1,"public String atFirst(String str) +{ + String s = str.substring(0,2); + if(str.equals("""")) + { + return str + ""@"" +""@""; + } + else if(str.length()<2) + { + return str +""@""; + } + return s; +} +" +c7dd67f6e58f9ffdebc57d28f7d8e1e8130b5ff3,"public String atFirst(String str) +{ + if(str.length()==0) +{ +return ""@@""; +} +if(str.length()<2) +{ +return str+""@""; +} +return str.substring(0,2); +} +" +ce9550d7e665eea1d4ec15022a9f86409d2c76a4,"public String atFirst(String str) +{ + if(str.length() == 0) + { + return ""@@""; + } + else if(str.length() < 2) + { + return str+""@""; + } + return str.substring(0,2); +} +" +e5f4a1d12a2732c56ffa6463cfe4561bd754d8e2,"public String atFirst(String str) +{ + if (str.length >= 2) + { + return (str.substring(0,2)); + } + else + { + return (str + ""@""); + } +} +" +0036251b838670816dee3871c4f1b086169784b1,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0,2)); + } + else + { + return (str + ""@""); + } +} +" +1202d346fcf0db46d6a29cff9b13366969ee2df1,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return (str.substring(0,2)); + } + else if (str.length() == 1) + { + return (str + ""@""); + } + else + { + return (""@@""); + } +} +" +fe76bb5307ddb338930f8b75100fc37d31e9d97c,"public String atFirst(String str) { + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +26598a7ce7454e07e612b2a822ba20a5c93f1cbc,"public String atFirst(String str) +{ + if (str.length()==0) + return ""@@""; + if (str.length() ==1) + return str+""@""; + else + return str.substring(0,2); +} +" +88de719e50375944e9e12fb39f7da43097164fb1,"public String atFirst(String str) +{ + int leg = str.length(); + if ( leg >= 2) + { + return str.substring(0, 2); + } + else + { + return str + ""@""; + } +} +" +cb7820c4d192f158f0184f9cbd1fbd3bc3ab4996,"public String atFirst(String str) +{ + int leg = str.length(); + if (leg < 2) + { + str = str + ""@@""; + } + return str.substring(0, 2); +} +" +b3738a16540dbad57e11a198d6c8a6d630eeee0b,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@""; + } + else + { + if (str.length() == 2) + { + return str; + } + } +} +" +b0b8ffd2b6170e2a312c2d5d11d879debfcd647d,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@""; + } + else + { + if (str.length() == 2) + { + return str; + } + else + { + return @; + } + } +} +" +9ef43814c4b6b9e94318ebea2b4e78627def0232,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@""; + } + else + { + if (str.length() == 2) + { + return str; + } + else + { + return ""@""; + } + } +} +" +bb2178aba41739c5758b4edcb0f4866d4be9692e,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""[]@""; + } + else + { + if (str.length() == 2) + { + return str; + } + else + { + return ""@""; + } + } +} +" +d78ad3daa3d93aa4d1dc3cf95e21072d580e7ce6,"public String atFirst(String str) +{ + int len = str.length(); + + if(len >= 2) + + return str.substring(0, 2); + + else if(len == 1) + + return (str.charAt(0)+""@""); + + else + + return ""@@""; +} +" +deedd59fec38b3b6d9c669d9b7f1b1dc08bdb360,"public String atFirst(String str) +{ + String name = ""Andrew"" + String part = name.substring( + +} +" +8fb5a5565dad8c62229257b55634d8a4e0802ede,"public String atFirst(String str) { + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +}" +e635304dd3808b4101ddd2861394e3a61003a1dd,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + return str.substring(0, 2); + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return ""@@""; + } +} +" +d824d5e8ab2183cc33621eec301ce0ded3698dd9,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +78d9174eb0510239008449ad29166ed8b80b6a1c,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + return ""@@"" + + +} +" +ba8ac45ed726e4eda38ea7292f753819fab192c4,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + return ""@@""; + + +} +" +1c19c03f59c0749331b926de7adc8f7f5fc86efd,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +b0352b7b63d2d8d8a23db2dd6d2b81c2e54bb6d9,"public String atFirst(String str) +{ + if(str.length()<1)return ""@@""; + if(str.length()<1)return str+""@""; + return str.substring(0,3); +} +" +09404a216cd78d0d9a8d68c6a1eef058756e4cfa,"public String atFirst(String str) +{ + if(str.length()<1)return ""@@""; + if(str.length()<2)return str+""@""; + return str.substring(0,3); +} +" +3affe22c62cffce8dd9f980a0dc0640adcaaf8e6,"public String atFirst(String str) +{ + if(str.length()<1)return ""@@""; + if(str.length()<2)return str+""@""; + return str.substring(0,2); +} +" +72521557833703c9fc1a51ff96b1c5ce786a017d,"public String atFirst(String str) +{ + if (str.size() >= 2) + { + str = str.substring(0) + str.substring(1); + } + else if (str.size() == 1) + { + str = str.substring(0) + ""@""; + } + else + { + str = ""@@""; + } + return str; +} +" +875826f1d4cca779d668b1b564417712bdce40f6,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + str = str.substring(0) + str.substring(1); + } + else if (str.length() == 1) + { + str = str.substring(0) + ""@""; + } + else + { + str = ""@@""; + } + return str; +} +" +2d2424ed0afd5121168a31f8294ae173dd686f5f,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + str = str.substring(0,1); + } + else if (str.length() == 1) + { + str = str.substring(0) + ""@""; + } + else + { + str = ""@@""; + } + return str; +} +" +a635a5ca82cd0868e0f76d9267b4a845e11fe68e,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + str = str.substring(1,2); + } + else if (str.length() == 1) + { + str = str.substring(0) + ""@""; + } + else + { + str = ""@@""; + } + return str; +} +" +1d092358138a0a9e2d5946ff2f73e89bfcbd7e26,"public String atFirst(String str) +{ + if (str.length() >= 2) + { + str = str.substring(0,2); + } + else if (str.length() == 1) + { + str = str.substring(0) + ""@""; + } + else + { + str = ""@@""; + } + return str; +} +" +0f41b0629a2b676c78399cd348364d400cfa3ea2,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +6ff411e57ce1d943ec9f4536f30d00f6e897a69a,"public String atFirst(String str) +{ + String part = str.substring(0,3) + return part + + +} +" +194a58870609abfd3366c485458743db3ddeaa8b,"public String atFirst(String str) +{ + String part = str.substring(0,3) + return part; + + +} +" +aefb67c7bc8de464f7f9cdd73a117776cf294d60,"public String atFirst(String str) +{ + String part = str.substring(0,3); + return part; + + +} +" +9b80fbb2cbe175264837bd5db4171f25c638699c,"public String atFirst(String str) +{ + String part = str.substring(0,3); + return part + + +} +" +5385f1c36ed4dfbad40e60457b7ca4952c41739c,"public String atFirst(String str) +{ + String part = str.substring(0,3); + return part; + + +} +" +4da812a52555fee013d1b0db6656e1e936764b66,"public String atFirst(String str) +{ + String part = str.substring(0,2); + return part; + + +} +" +0578226090de6127154e14a04395d8e76ce815f9,"// Given a string, return a string length 2 made of its first 2 chars. +// If the string length is less than 2, use '@' for the missing chars. +public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +e9deaeb45269713e76efa5c7e98cd5926b2bc2a1,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if ( str.length() < 1) + { + return ""@@""; + } + else + { + return str + ""@"" + } + } + + else + { + return str.substring(0, 1); + } +} +" +88d089d67fa65499c9b962c5553dc3fa19288b1c,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if ( str.length() < 1) + { + return ""@@""; + } + else + { + return str + ""@""; + } + } + + else + { + return str.substring(0, 1); + } +} +" +85bf3032a2640b0c7fc7b476e1ac996b3abc0ee2,"public String atFirst(String str) +{ + if (str.length() < 2) + { + if ( str.length() < 1) + { + return ""@@""; + } + else + { + return str + ""@""; + } + } + + else + { + return str.substring(0, 2); + } +} +" +eac79e357276f77b7ee1827d2f1f90bcbbcaca89,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +1228ccdf7e4533ce83b4e2a95a3f6f20b8c5ee34,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +62a15c32e15b1514780072cb941b505aed0fb7a5,"public String atFirst(String str) +{ + if (str.length() == 0) return ""@@""; + if (str.length() == 1) return str + ""@""; + return str.substring(0,2); +} +" +82a374ef6ed4972bceca6fd9e0ec1c3da89fb1fc,"public String atFirst(String str) +{ + int len = str.length(); + if (len == 1) + { + return (str.substring(0) + ""@""); + } + else if (len == 0) + { + return ""@@""; + } + else + { + return str.substring(0,2); + } +} +" +26d98d0a1de32d9f05752cf7191a3ce4031ec002,"public String atFirst(String str) +{ + if (str.length() == 0) { + return ""@@""; + } + else if (str.length() == 1) { + return str + ""@""; + } + else { + return str.substring(0, 2); +} +" +54b6632c2a50eb14d66b621b6fb9c5a19604c06d,"public String atFirst(String str) +{ + if (str.length() == 0) + { + return ""@@""; + } + else if (str.length() == 1) + { + return str + ""@""; + } + else + { + return str.substring(0, 2); + } +} +" +e7c3c4fd33e0b5811c563a7b5ebbf997756ff3e2,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0, 2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; +} +" +08409a3d6a20c3df825a56db0a22fed4a1fa9b49,"public String atFirst(String str) +{ + String name = str; + if ( +} +" +1bfb0c5f0112392f3346f2e3062d422acab93d54,"public String atFirst(String str) +{ + if (string.length() == 2) + { + return str; + } + return @; +} +" +afdcbf04d8ab7dffcf637bbdce93e2461302e1ac,"public String atFirst(String str) +{ + if (string.length() == 2) + { + return str; + } + return @@; +} +} +" +cfed4085df7ed3a6c968ecee8a203fb74b1c3bf2,"public String atFirst(String str) +{ + if(str.length() >= 2) + { + return str.substring(0, 2); + } + else if(str.length() == 1) + { + return str+""@""; + } + return ""@""+""@""; +} +" +44bcbc8c46aaa9f3fc74643eb4b04aba61d9f0ae,"public String atFirst(String str) +{ + if (string.length() == 2) + { + return str; + } + return ""@""; +} +} +" +8dbf9e8a5462cee53b8205810605a267c99c05f0,"public String atFirst(String str) +{ + if (string.length() == 2) + { + return str; + } + return ""@""; +} +} +} +" +dc569bdad0370e56bee7479fb70598738e29b75c,"public String atFirst(String str) +{ + if (string.length() == 2) + { + return str; + } + return ""@""; +} +} + +" +43bc1fa7123e13eb44a492d3457375d89acca2d2,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +26b1a052a501d377bc1eb52ddec6f1c79f43994f,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +260bf1749a564a712500277f807b6848574b502b,"public String atFirst(String str) +{ + int len = str.length(); + if(len >= 2) + return str.substring(0, 2); + else if(len == 1) + return (str.charAt(0)+""@""); + else + return ""@@""; +} +" +9cccc838c6123ff6e830e3f73cb672510aa4de73,"public String atFirst(String str) +{ + if (str.length() >= 2) + return str.substring(0,2); + else if (str.length() == 1) + return str + ""@""; + else + return ""@@""; + +} +" +6af7b036e79398f0ac3dbe87d06f486c85321721,"public String atFirst(String str) +{ + String front = str.substring ( 0, 2) + return front; +} +" +cb76cf1074f7c14e8846960dd84e0478717e7794,"public String atFirst(String str) +{ + String front = str.substring ( 0, 2); + return front; +} +" +92da085ec16e646b9d9270887aef2e6d2f84224f,"public String atFirst(String str) +{ + if (length(str) >= 2) + { + String output = name.substring(0, 2); + return ouput; + } + else + { + if (length(str) >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +e33763fed7cd1beaf903d20edbe1af943e23c5a6,"int length = (length(str)); +public String atFirst(String str) +{ + if (length >= 2) + { + String output = name.substring(0, 2); + return ouput; + } + else + { + if (length >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +e4cfa35ed820a6648cfa4e4686f10030dd6335b5,"int length = (length(String str)); +public String atFirst(String str) +{ + if (length >= 2) + { + String output = name.substring(0, 2); + return ouput; + } + else + { + if (length >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +0c97475dac7789ef07ca49f3cd42926c62132ca8,"int length = length(String str); +public String atFirst(String str) +{ + if (length >= 2) + { + String output = name.substring(0, 2); + return ouput; + } + else + { + if (length >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +bc2a9910b54bba15270ccc2658614e4d8490952a," +public String atFirst(String str) +{ + public int length = length(String str); + if (length >= 2) + { + String output = name.substring(0, 2); + return ouput; + } + else + { + if (length >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +888f3f369b17c688474c949cb6f91280a63d246e," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + String output = name.substring(0, 2); + return ouput; + } + else + { + if (str.length() >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +cdd7f91c6bef04fe5c5f98bd9d8e9f0b828cdfef," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + String output = str.substring(0, 2); + return ouput; + } + else + { + if (str.length() >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +4a79ecbd3cd0c38e591ad20fe01a4c797aa2a60f," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + System.out.println(str.substring(0, 2)); + } + else + { + if (str.length() >= 1) + { + String at = ""@""; + String output = (str + at); + return ouput; + } + else + { + return ""@@""; + } + } +} +" +e338793d4bf226e543b328ba46724df2fe4ad015,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return = @ + str; + } + else + { + return = str.substring(0, 2) + } + return; +} +" +7fb7d5081539b5b723150f47a24d5236e4a55c98,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return = ""@"" + str; + } + else + { + return = str.substring(0, 2) + } + return return; +} +" +fc47197f64ed410c62957a4ae6841178741236fa,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@"" + str; + } + else + { + return str.substring(0, 2) + } + return return; +} +" +873f117b3a432e597711a647d28d15787b839ebf," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + System.out.println(str.substring(0, 2)); + } + else + { + if (str.length() >= 1) + { + System.out.println(str + ""@""); + } + else + { + System.out.println(str + ""@@""); + } + } +} +" +bf3b7110878a471d122476e1d84d1e95117f9e75,"public String atFirst(String str) +{ + if (str.length() < 2) + { + return ""@"" + str; + } + else + { + return str.substring(0, 2); + } + return return; +} +" +685ae300716306fda25a859b9226d6849a71d347," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + System.out.println(str.substring(0, 2)); + } + else + { + if (str.length() >= 1) + { + System.out.println(str + ""@""); + } + else + { + System.out.println(str + ""@@""); + } + } +} +" +af72ffc821c2b8d199469c3e7e5052a691274b1a," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + System.out.println(str.substring(0, 2)); + } + else + { + if (str.length() >= 1) + { + System.out.println(str + ""@""); + } + else + { + System.out.println(""@@""); + } + } +} +" +285e6d99e1a9d467664072c35a6ea6b02437e9cc,"public String atFirst(String str) +{ + int value = 0; + if (str.length() < 2) + { + value = ""@"" + str; + } + else + { + value = str.substring(0, 2); + } + return value; +} +" +14a288321db65581ae98790f74fbab4bf6cb3aac," +public String atFirst(String str) +{ + if (str.length() >= 2) + { + System.out.println(str.substring(0, 2)); + return str.substring(0, 2); + } + else + { + if (str.length() >= 1) + { + System.out.println(str + ""@""); + } + else + { + System.out.println(""@@""); + } + } +} +" +a135b805548ccd3fc507f874ace107a68d880098,"public String atFirst(String str) +{ + int s = size(str) + if (s >= 2) + { + String str = str.subtring(1); + return part; + } + else if (s = 1) + { + return str; + } + else if (s = 0) + { + String str = str.subtring(0); + return part'@'; + } + else + { + return '@@'; + } +} +" +f9d2917e50fcdc762592dd824341df421ab5c488,"public String repeatEnd(String str, int n) +{ + int w = str.length(); + String finalString = """"; + for (int i = 0; i < n; i++) + { + finalString = finalString + str.substring(w - n, w); + } + return finalString; +} +" +e83c11db3f4a1ea41f9139d4c93aa0f16c7a5d13,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +437f40cc05046181abc97313d5d16b8ee8c32aab,"public String repeatEnd(String str, int n) +{ + String s = """"; + for (int i = 0; i <= n; i++) { + s = s + str.substring(n); + } + return s; +} +" +9402d335534a0ea767749739ba1d2b9a589d6ef3,"public String repeatEnd(String str, int n) +{ + String s = """"; + for (int i = 0; i <= n; i++) { + s = s + str.substring(str.length() - n - 1); + } + return s; +} +" +13a2dd7ba6ea9706f7749aedf3ad35974dd6cf14,"public String repeatEnd(String str, int n) +{ + String s = """"; + for (int i = 0; i <= n; i++) { + s = s + str.substring(str.length() - n); + } + return s; +} +" +5cf69279a3fd19de1157d760c1b9b85c8f66b25a,"public String repeatEnd(String str, int n) +{ + String s = """"; + for (int i = 0; i < n; i++) { + s = s + str.substring(str.length() - n); + } + return s; +} +" +efa19b5b4a4e3cb391fc992159e7430c6528df63,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +e6d41ff67c7f860b7244b25cb30d395c0ebd629e,"public String repeatEnd(String str, int n) +{ + String a = """" + for (int i = 0; i < str.length(); i ++) + { + if (i == str.length() - n) + { + a = str.substring(0, i + 1); + for (j = 0; j < n; j ++) + { + a = a + str.substring(i, i + 1); + } + } + } + return a; +} +" +d6d85dda1d0d1de93fb8f5d432fdc2cd6db848a4,"public String repeatEnd(String str, int n) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i == str.length() - n) + { + a = str.substring(0, i + 1); + for (j = 0; j < n; j ++) + { + a = a + str.substring(i, i + 1); + } + } + } + return a; +} +" +1ce316ec88fc7428e47e87fcba4ed593f23cf28a,"public String repeatEnd(String str, int n) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i == str.length() - n) + { + a = str.substring(0, i + 1); + for (int j = 0; j < n; j ++) + { + a = a + str.substring(i, i + 1); + } + } + } + return a; +} +" +b960e9351e8ffa0345f0ee68b6f3e096594c77d5,"public String repeatEnd(String str, int n) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i == str.length() - n) + { + a = str.substring(0, i + 1); + for (int j = 0; j < n; j ++) + { + a = a + str.substring(i, str.length); + } + } + } + return a; +} +" +4e7d2ff63969b2e6041ae577751d97867208c9b0,"public String repeatEnd(String str, int n) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i == str.length() - n) + { + a = str.substring(0, i + 1); + for (int j = 0; j < n; j ++) + { + a = a + str.substring(i, str.length()); + } + } + } + return a; +} +" +2ce2cc50bd76f8bdf3783faf5a4b9853b636b281,"public String repeatEnd(String str, int n) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i == str.length() - n) + { + for (int j = 0; j < n; j ++) + { + a = a + str.substring(i, str.length()); + } + } + } + return a; +} +" +d754ee2724a8ccb51d645bc7e6fb5bd3b76193e1,"public String repeatEnd(String str, int n) +{ + return ""hi""; +} +" +bca12020ccb1f306f795dd79076bf117253e0179,"public String repeatEnd(String str, int n) +{ + String end = str.substring(n); + String out = """"; + for (int i = 0; i < n; i++) { + out = out + end; + } + return end; +} +" +5e4eef55e564e0f936fbf0302308ed0ca53bc044,"public String repeatEnd(String str, int n) +{ + String end = str.substring(n); + String out = """"; + for (int i = 0; i < n; i++) { + out = out + end; + } + return out; +} +" +af427e47d72a30c2f84e2fd54522bb49cbf4ca2e,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length()-n-1); + String out = """"; + for (int i = 0; i < n; i++) { + out = out + end; + } + return out; +} +" +99edd8205f10fcb8cb8896312d6fb350732bb7a0,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length()-n); + String out = """"; + for (int i = 0; i < n; i++) { + out = out + end; + } + return out; +} +" +dcb762d1bac4a3f80b72de934df9d3d1d177e7f3,"public String repeatEnd(String str, int n) +{ + if(n==0) + return """"; + else + { + + } +} +" +81e420bb4bb409ce9f970567da2c44d3e1c405ce,"public String repeatEnd(String str, int n) +{ + if(n==0) + return """"; + else + { + return ""t""; + } +} +" +79964d93beb152a4f46b02441b39bf3ec0ce5442,"public String repeatEnd(String str, int n) +{ + if(n==0) + return """"; + else + { + str=str.substring(str.length()-n); + return str; + } +} +" +2d67cb996750d8e9ec856b064bada157407cce87,"public String repeatEnd(String str, int n) +{ + if(n==0) + return """"; + else + { + str=str.substring(str.length()-n); + for(int i=0;i -1; z -= 1) + { + newString = newString + str.charAt(str.length() - z); + } + } + + return newString; +} +" +d9b96e26a2f161e992f9d12d62de6204c5439632,"public String repeatEnd(String str, int n) +{ + String newString = """"; + + for (int i = 0; i < n; i++) + { + for (int z = 0; z < n; z++) + { + newString = newString + str.charAt(str.length() - n + z); + } + } + + return newString; +} +" +c8684b03d8a602c3b7b4d8e3acc63001a3a08349,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +b541e8ab52e5c9893dd464c11684cd592d0b963f,"public String repeatEnd(String str, int n) +{ + StringBuilder strbuild = new StringBuilder(n*n); + String lastchar = str.substring(str.length()-n); + for( int x = 0; x < n; x++) + strbuild.append(lastchar); + return strbuild.toString(); +} +" +a1343bdbb7388a7564497cfaebf28a4e80c216d7,"public String repeatEnd(String str, int n) +{ + String res = str.substring(str.length()-n); + for (int i = 1; i < n; i++) + res = res + str.substring(str.length()-n); + return res; +} +" +9036cb2a45a933f14f4ed36726edb02178da5d8c,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i <= n; i++) + { + last = last + str.charAt(str.length() - 1); + } + return last; +} +" +70c1ebf18543d160c88512678ed96ffbc45d038e,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i <= n; i++) + { + last = last.concat(str.substring(str.length() - n - 1, str.length() - 1); + } + return last; +} +" +b2768d9491ddee261d8f2470d5a07f04dbec004b,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i <= n; i++) + { + last = last.concat(str.substring(str.length() - n - 1, str.length() - 1)); + } + return last; +} +" +5c6277da488e62c232cbf9ec7aca4dacdff40005,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i <= n; i++) + { + last = last.concat(str.substring(str.length() - n, str.length() - 1)); + } + return last; +} +" +0e62f6f3049a23f81e32d897848f41ed1eff14a3,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i <= n; i++) + { + last = last.concat(str.substring(str.length() - n - 1, str.length() - 1)); + } + return last; +} +" +b23234bdfab0d909602eff7d91c9461d3957de8f,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i <= n; i++) + { + last = last.concat(str.substring(str.length() - n, str.length())); + } + return last; +} +" +4e0581512fc127ed0cf52efe99763e48da14cdb7,"public String repeatEnd(String str, int n) +{ + String last = new String(); + for (int i = 0; i < n; i++) + { + last = last.concat(str.substring(str.length() - n, str.length())); + } + return last; +} +" +98a8284d8849311dbc67f0a04dbafd6cb257deda,"public String repeatEnd(String str, int n) +{ + String newstring = """"; + String end = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + newstring = newstring + end; + } + return newstring; +} +" +6feec4776220c5ec86742688f6e9d493779987e5,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + Stringlast = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +b578beda87cc8e63fbd325dd3ce0e1901561c6a8,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +d1997f6a1b3437e2ed81688e54c1ccc8387b274e,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String new = """"; + + for (int = 0; i < n; i++) + { + new += str.substring(len - n, len); + } + return new; +} +" +1b242bd5a46c17e05b158d4bc4ba3e623f349d22,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String new = """"; + + for (int i = 0; i < n; i++) + { + new += str.substring(len - n, len); + } + return new; +} +" +36218be5b0cb4bd2801c2c3da4d29ff02fbbed1f,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String newW = """"; + + for (int i = 0; i < n; i++) + { + new += str.substring(len - n, len); + } + return newW; +} +" +a31e6836190e9832917f8e50152280399dc72330,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String newW = """"; + + for (int i = 0; i < n; i++) + { + newW += str.substring(len - n, len); + } + return newW; +} +" +6b70444906c9fe419fd070d499462ad4de82d10b,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + + String last = str.substring(str.length()-n); + + for(int i = 0; i < n; i++) + + stbuild.append(last); + + return stbuild.toString(); +} +" +4831d4765ceefd6d12d6c73a2f29b8aa1186b9e6,"public String repeatEnd(String str, int n) +{ + StringBuffer res = new StringBuffer(); + String end = str.substring(str.length() - n); + + for (int i = 0; i < n; i++) + { + res.append(end); + } + + return res.toString(); +} +" +86aa152f0b85a5d77690347335f00aa93dddc891,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +7c2c0852bdc5e08494e45621fd0e58792b0f2844,"public String repeatEnd(String str, int n) +{ + StringBuilder newStr = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + + for (int i = 0; i < n; i++) + { + newStr.append(last); + } + return newStr.toString(); +} +" +295e75f6e0fc7102d9a5b1a591117527f2d3a7c4,"public String repeatEnd(String str, int n) +{ + String a; + for (int b = n, b => 0, b--) + { + a = a + str.substaring(n); + } + + return a; +} +" +49bddac82b62a1b8b33582de2d779a5a68fe29f4,"public String repeatEnd(String str, int n) +{ + String a; + for (int i = 0, i <= n, i++) + { + a = a + str.substaring(n); + } + + return a; +} +" +c10a24d1114e3cc8c6224fe58ae4f1bd028c5067,"public String repeatEnd(String str, int n) +{ + String a; + for (int i = 0; i <= n; i++) + { + a = a + str.substaring(n); + } + + return a; +} +" +b7aa5e6a026c438e57bfbe3999f5d737e821d3f7,"public String repeatEnd(String str, int n) +{ + String a; + for (int i = 0; i <= n; i++) + { + a = a + str.substring(n); + } + + return a; +} +" +0d1e3481b9c0506ad76aa5bd15e805e5d85f4b94,"public String repeatEnd(String str, int n) +{ + String a = str.substring(n); + for (int i = 1; i <= n; i++) + { + a = a + str.substring(n); + } + + return a; +} +" +8cb7aa8215caaaf478b9857538e4dd8ab3079795,"public String repeatEnd(String str, int n) +{ + String a = str.substring(n); + for (int i = 1; i <= n; i++) + { + String b = a; + a = b + str.substring(n); + } + + return a; +} +" +6187d5eddba3a1445e74d9ae13a716a3c8810cad,"public String repeatEnd(String str, int n) +{ + return str; +} +" +8bf925adfed48879a8dcab12f5b9e6b7f69a03d4,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + char character; + StringBuilder stringBuilder = new StringBuilder(length * 2); + for (int i = 0; int < length; i++) + { + character = str.charAt(i); + stringBuilder.append(character); + stringBuilder.append(character); + } + return stringBuilder.toString(); +} +" +c2e4103812db9e87f0c975a2ae65d8fcf283f2d4,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + char character; + StringBuilder stringBuilder = new StringBuilder(length * 2); + for(int i = 0; int < length; i++) + { + character = str.charAt(i); + stringBuilder.append(character); + stringBuilder.append(character); + } + return stringBuilder.toString(); +} +" +a2487699e73e247671bee64caa11300b0d048268,"public String repeatEnd(String str, int n) +{ + StringBuilder stringBuilder = new StringBuilder(n*n); + String last = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + stringBuilder.append(last); + } + return stringBuilder.toString(); +} +" +608128a4b56867d471bd52872deea5acc01e7324,"public String repeatEnd(String str, int n) +{ + String output = str.substring(0, str.length - n); + + for (int i = 0; i < n; i++) { + output = output + str; + } +} +" +ba4d585c7e553caddc629ec1d3d916546adf8b8a,"public String repeatEnd(String str, int n) +{ + String output = str.substring(0, str.length() - n); + + for (int i = 0; i < n; i++) { + output = output + str; + } + return output; +} +" +1917a934de8365383c40fd94671b5f1a07e59349,"public String repeatEnd(String str, int n) +{ + String output = str.substring(str.length() - n); + + for (int i = 0; i < n; i++) { + output = output + str; + } + return output; +} +" +41d5558d1d27299ac6f5a18d1dfa2a856914e259,"public String repeatEnd(String str, int n) +{ + String output = str.substring(str.length() - n); + + for (int i = 0; i <= n; i++) { + output = output + str; + } + return output; +} +" +3eee00202c8b2999c031d8f43322b857feb5d6cc,"public String repeatEnd(String str, int n) +{ + String end = """"; + String output = """"; + + for (int k = str.length() - n; k < str.length(); k++) { + end = end + str.charAt(k); + } + + for (int i = 0; i <= n; i++) { + output = output + end; + } + return output; +} +" +087e43a0de472a23fec864eb9820a80bccb6a5f6,"public String repeatEnd(String str, int n) +{ + String end = """"; + String output = """"; + + for (int k = str.length() - n; k < str.length(); k++) { + end = end + str.charAt(k); + } + + for (int i = 0; i < n; i++) { + output = output + end; + } + return output; +} +" +bb2330275e63b73ddefc8af48e5793effc7e1d33,"public String repeatEnd(String str, int n) +{ + str = str.substring(str.length()-n); + for(int i=0; i= 1; i--) + { + for(int k = 0; k < i; k++) + stbuild.append(str.charAt(k)); + } + return stbuild.toString(); + + +} +" +a5d47d4798da063855a839c6f7fa9f633f8e0ff2,"public String repeatEnd(String str, int n) +{ + + StringBuilder stbuild = new StringBuilder((n*n + n)/2); + for(int i = n; i >= 1; i--) + { + for(int k = 0; k < i; k++) + stbuild.append(str.charAt(k)); + } + return stbuild.toString(); + + +} +" +3d03f46da4e154aa2727f2ae37c79661c575bd83,"public String repeatEnd(String str, int n) +{ + +StringBuilder stbuild = new StringBuilder((n*n + n)/2); + for(int i = n; i >= 1; i--) + { + for(int k = 0; k < i; k++) + stbuild.append(str.charAt(k)); + } + return stbuild.toString(); + +} +" +a56ef6ab359695729f333a8b4d470f368db405b6,"public String repeatEnd(String str, int n) +{ + + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == 'b' && str.charAt(i + 2) == 'b') + return true; + } + + return false; + +} +" +cdecbfc34d70149d3dadda25954d4cb2c0ded073,"public String repeatEnd(String str, int n) +{ + String res=str.substring(str.length()-n); + for(int i=1;i 0; i--) + return str.substring(strLength - int); + + +} +" +3d653b1856cbcf466cb03623ff8105c1dee33867,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + for (int i = n; i > 0; i--) + return str.substring(strLength - int); + + +} +" +3cb83ebfbd476e16144151caa6d7cc1bd8243f1b,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + for (int i = n; i > 0; i--) + return str.substring(strLength - n); + + +} +" +47e82a54c760fd3f91f8f8dda46b52d91a2267a4,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nTime = """" + for (int i = n; i > 0; i--) + nTime = nTime + str.substring(strLength - n); + return nTime; + + +} +" +f714d0936342977418192a07349b08769c8714ca,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nTime = """" ; + for (int i = n; i > 0; i--) + nTime = nTime + str.substring(strLength - n); + return nTime; + + +} +" +96dabff8bfcf8ba03e231577c648da7a8fdc24ee,"public String repeatEnd(String str, int n) +{ + String n= """"; + if(str.endsWith(str.substring(str.length()-n))) + { + return n = n + str.substring(str.length()-n); + } + return str; +} +" +542a47dd66011f7443b658f671224cd2ab68d555,"public String repeatEnd(String str, int n) +{ + String n= str.substring(str.length()-n); + if(str.endsWith(str.substring(str.length()-n))) + { + return n = n + str.substring(str.length()-n); + } + return str; +} +" +2f09f714c3f2ed3f2b67c004957309cca17db353,"public String repeatEnd(String str, int n) +{ + String n= str.substring(str.length()-n); + if(str.endsWith(str.substring(str.length()-n))) + { + return n = n + str.substring(str.length()-n); + } + return n; +} +" +45bf876fda93589b4223697465913aabdb67ed0f,"public String repeatEnd(String str, int n) +{ + String out = """"; + for (int i=0;i 0) + { + a = a + str.substring(str.length() - n); + n--; + } + + return a; + + + +} +" +e4e89c508a90ff1c6cc24cd314b49a5583d12995,"public String repeatEnd(String str, int n) +{ + String a = str.substring(str.length() - n); + + while (n > 0) + { + a = a + str.substring(str.length() - n); + n--; + } + + return a; + + + +} +" +85307ce6a0a59118d2a7610f940d9d6e2af17abf,"public String repeatEnd(String str, int n) +{ + int i = n; + String a = """"; + + while (i > 0) + { + a = a + str.substring(str.length() - n); + i-- + + } + + return a; + + + +} +" +c8535e73ae7632c4db7cf21f1ef89ad8df30f3b6,"public String repeatEnd(String str, int n) +{ + int i = n; + String a = """"; + + while (i > 0) + { + a = a + str.substring(str.length() - n); + i--; + + } + + return a; + + + +} +" +216a63bc0403a43724dd341fc6ec083ec8cb44e6,"public String repeatEnd(String str, int n) +{ + String k = """"; + for (int i = 0; i < str.length(); i++) + { + while(str.endsWith(str.substring(str.length()-n))) + { + return k = k + str.substring(str.length()-n); + } + } + return k; +} +" +348cd58c4fcb692b626c1959c07650512270f7eb,"public String repeatEnd(String str, int n) +{ + j = n; + String k = """"; + while (str.endsWith(str.substring(str.length()-n))) + { + return k = k + str.substring(str.length()-n); + j--; + } + return k; +} +" +a392f935259d7303471ae62470e91b18c49f4642,"public String repeatEnd(String str, int n) +{ + int j = n; + String k = """"; + while (str.endsWith(str.substring(str.length()-n))) + { + return k = k + str.substring(str.length()-n); + j--; + } + return k; +} +" +4118a8360a7cfb68f0a5fd39bcd7281660bb9333,"public String repeatEnd(String str, int n) +{ + int j = n; + String k = """"; + while (str.endsWith(str.substring(str.length()-n))) + { + k = k + str.substring(str.length()-n); + } + return k; +} +" +09c63fa9821fa28c7787c8c06e0c3d7eead09370,"public String repeatEnd(String str, int n) +{ + String k = """"; + while (n > 0) + { + k = k + str.substring(str.length()-n); + n--; + } + return k; +} +" +5958d1b06734921202173f79aa39aa51e2eec7d7,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + System.out.println(repeat(nValues, n)); + } +public static String repeat(String nValues, int n) { + return new String(new char[n]).replace(""\0"", nValues); + } +} +" +02d66fbd5b646241346e8d137aa91922b7ccf0dc,"public String repeatEnd(String str, int n) +{ + b = n; + String k = """"; + while (b > 0) + { + k = k + str.substring(str.length()-n); + b--; + } + return k; +} +" +9f77e7ce0ec7dc1c015e25d0936c951331821862,"public String repeatEnd(String str, int n) +{ + int b = n; + String k = """"; + while (b > 0) + { + k = k + str.substring(str.length()-n); + b--; + } + return k; +} +" +5c6c8975bde22facf35f562a94263d786faf1a73,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + +} +public static String repeat(String nValues, int n) +{ + return new String(new char[n]).replace(""\0"", nValues); + +} +" +edc344814b4949e16c27c649225809b0cfabf4e6,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + return (new String(new char[n]).replace(""\0"", nValues)); + +} +" +b7445b7373c715ffaadfdc4d958038b134db38cc,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + return repeat(nValues, n); +} +public static String repeat(String nValues, int n) +{ + return (new String(new char[n]).replace(""\0"", nValues)); + +} +" +f713222968f38bdde14bc2b76117127c1441b845,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + return repeat(nValues, n); +} +public static String repeat(String nValues, int n) +{ + return new String(new char[n]).replace(""\0"", nValues); + +} +" +dfdf2a65fa3e4988e6a76107e358a338604111c1,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + new String(new char[n]).replace(""\0"", nValues); + return repeat(nValues, n); +} + +" +25a7bb2294b02a9161281fe825999b725aad92e5,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + ; + return new String(new char[n]).replace(""\0"", nValues)(nValues, n); +} + +" +dee44752eaba473a8b118362314b92aa0e9cada1,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + ; + String a = new String(new char[n]).replace(""\0"", nValues); + return a(nValues, n); +} + +" +3e553fca51e993d8f880986984b247233d358606,"public String repeatEnd(String str, int n) +{ + String nValues = strLC.substring((strLC.length() - n), strLC.length()); + + StringBuilder b = new StringBuilder(n * nValues.length()); + for ( int i = 0; i < n; i+=1) + { + b.append(nValues); + } + String newString = b.toString(); + return (newString); +} + +" +e1a88761ca48b219c797c97d2f3160208cd1889f,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((strLC.length() - n), str.length()); + + StringBuilder b = new StringBuilder(n * nValues.length()); + for ( int i = 0; i < n; i+=1) + { + b.append(nValues); + } + String newString = b.toString(); + return (newString); +} + +" +073034a0a9a6f13ba6142b46117b449fad993152,"public String repeatEnd(String str, int n) +{ + String nValues = str.substring((str.length() - n), str.length()); + + StringBuilder b = new StringBuilder(n * nValues.length()); + for ( int i = 0; i < n; i+=1) + { + b.append(nValues); + } + String newString = b.toString(); + return (newString); +} + +" +7f929b81117465d36ff7c9fea32737323b431a9d,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((n-str.length()), str.length()); + for (int i = 0; i < n: i++) + { + str = nn + str; + } + + return str; +} +" +cbb78c45ed5f7ea8447de79ea6722447f1f3326e,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((n-str.length()), str.length()); + for (int i = 0: i < n: i++) + { + str = nn + str; + } + + return str; +} +" +02cd2d7f4b61aa84afbdc0be2b9545a428b29dd2,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((n-str.length()), str.length()); + for (int i = 0; i < n; i++) + { + str = nn + str; + } + + return str; +} +" +f419345db5118d2b588dec828ce4c025cc4aa3b0,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((n-str.length()), str.length()); + + for (int i = 1; i < n; i++) + { + str = nn + str; + } + + return str; +} +" +3cdaf10269dd9c3f3143705b0954629478ebc924,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((str.length()-n), str.length()); + + for (int i = 1; i < n; i++) + { + str = nn + str; + } + + return str; +} +" +65545f3c678455a14af7d7f309f8401f74b34f6b,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((str.length()-n), str.length()); + String tot = null; + for (int i = 1; i < n; i++) + { + tot = nn + tot; + } + + return tot; +} +" +ea56aa552567c4249cc2f9cec8ac3a7302fe3e94,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((str.length()-n), str.length()); + String tot; + for (int i = 1; i < n; i++) + { + tot = nn + tot; + } + + return tot; +} +" +f055dfbaee49586c894e86fb21880cb12a2f87ae,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((str.length()-n), str.length()); + String tot = """"; + for (int i = 1; i < n; i++) + { + tot = nn + tot; + } + + return tot; +} +" +f80bfbdfa2fb0d37b1581b331b88578551714c54,"public String repeatEnd(String str, int n) +{ + String nn = str.substring((str.length()-n), str.length()); + String tot = """"; + for (int i = 0; i < n; i++) + { + tot = nn + tot; + } + + return tot; +} +" +0d4ed03d8750200c14bb59b7bb45f5d4fbd00cc8,"public String repeatEnd(String str, int n) +{ + String charac =str.substring(str.length()-n); + + for(int i=1;i= 1) + stbuild.append(str.charAt(pos-1)); + if(i < len) + stbuild.append(str.charAt(pos+wLen)); + pos = str.indexOf(word, i); + } + return stbuild.toString(); +} +" +527f70c9859e2cc5562c84fd74fcbe9cad074f14,"public String repeatEnd(String str, int word) +{ + int len = str.length(); + int wLen = word.length(); + int pos = str.indexOf(word); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + i = pos + wLen; + if(pos >= 1) + stbuild.append(str.charAt(pos-1)); + if(i < len) + stbuild.append(str.charAt(pos+wLen)); + pos = str.indexOf(word, i); + } + return stbuild.toString(); +} +" +5048b08b1478e9aeaf3d74f2a55a83d467d682b3,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + int wLen = n.length(); + int pos = str.indexOf(n); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + i = pos + wLen; + if(pos >= 1) + stbuild.append(str.charAt(pos-1)); + if(i < len) + stbuild.append(str.charAt(pos+wLen)); + pos = str.indexOf(n, i); + } + return stbuild.toString(); +} +" +5b75a3ec9822cf5f961b164e5d0d260b23819e8c,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + int wLen = n.length(); + int pos = str.indexOf(n); + int i = 0; + StringBuilder stbuild = new StringBuilder(len); + while(pos != -1) + { + i = pos + wLen; + if(pos >= 1) + stbuild.append(str.charAt(pos-1)); + if(i < len) + stbuild.append(str.charAt(pos+wLen)); + pos = str.indexOf(n, i); + } + return stbuild.toString(); +} +" +a312746438dbf81ab6b0f074ede2f1793f41813f,"public String repeatEnd(String str, int n) +{ +StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +847c98afe268de6d7daac4358955339ed24661a8,"public String repeatEnd(String str, int n) +{ + String answer; + for(int i = 0; i < n; i++) + { + answer = answer + answer; + answer = str.substring(0, n); + } +} +" +79b35360cece0a8527311299b10e2f697e5a2c34,"public String repeatEnd(String str, int n) +{ + String answer; + for(int i = 0; i < n; i++) + { + answer = answer + answer; + answer = str.substring(0, n); + } + return answer; +} +" +22a34c0f813c8c3540b44aea304a8d146762069d,"public String repeatEnd(String str, int n) +{ + String rep = str.substring(str.length() - n); + for (int i=1;i str.length()) + { + k = k + str.substring(str.length()-n); + b--; + } + return k; +} +" +b4af6648de768e356803a9186365103b385f36b2,"public String repeatEnd(String str, int n) +{ + int b = n; + String k = """"; + while (b < 5) + { + k = k + str.substring(str.length()-n); + b++; + } + return k; +} +" +7c664a20bed9123e9ef47c67a19c717df9d6bb63,"public String repeatEnd(String str, int n) +{ + int b = n; + String k = """"; + while (b > 0) + { + k = k + str.substring(str.length()-n); + b--; + } + return k; +} +" +06e95d9cae7f2955822fa771cb8c2efa7003e3c6,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +a8e845dccadc16493afde7c08a1aaf5631ecdb1f,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(n, strLength); + String nTimes = (nPart * n); + return nTimes; +} +" +962c096c134c1865456445862db2047dd605a40b,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(n, strLength); + String nTimes = nPart + nPart; + return nTimes; +} +" +de34f56cfc6f03d7f296b3898f68e7550e417a5b,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(strLength - n, strLength); + String nTimes = nPart + nPart; + return nTimes; +} +" +23128b2b62c88425d36b842f1f95fbf33ad35c44,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN = lastN.repeat(n); + return repN; +}" +b97f2e2f9503e83cdb26478c14056e951b2a5e14,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(strLength - n, strLength); + String nTimes = repeat(nPart, n); + return nTimes; +} +" +8c22b790353fd8a6b12d1725f4f3160c7542a4ae,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(strLength - n, strLength); + String nTimes = nPart.repeat(nPart, n); + return nTimes; +} +" +49ec754a509c6db1556994f7b84b8c3804022a95,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN = lastN; + for (int i = 0; i < n - 1; i++) + { + repN.append(lastN); + } + return repN; +}" +04c98f0837855939971b156ebf5526b2fde2e504,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN = lastN; + for (int i = 0; i < n - 1; i++) + { + repN = repN + lastN; + } + return repN; +}" +edd7d622f22c0351ba386a702f6e4125f547365d,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n-1); + String repN = lastN; + for (int i = 0; i < n - 1; i++) + { + repN = repN + lastN; + } + return repN; +}" +6ae3ea1a490ff647c267cd29490f52695fb2aa66,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN = lastN; + for (int i = 0; i < n - 1; i++) + { + repN = repN + lastN; + } + return repN; +}" +086990d24a22f0119261a864fcde3ee541fd9e3e,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(strLength - n, strLength); + String nTimes = nPart; + for (int i = 0; i < n; i++) + { + nTimes = nTimes + nPart; + } + return nTimes; +} +" +4c030f7717dfea7a99045a98f7c9201c3930e4c4,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN; + for (int i = 0; i < n - 1; i++) + { + repN = repN + lastN; + } + return repN; +}" +9d81dc60d684b21b128ba05662b87e9eea3c9d0a,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN = """"; + for (int i = 0; i < n - 1; i++) + { + repN = repN + lastN; + } + return repN; +}" +4a99c17d4a5e47103cbfae9a5cc3983a9f4425af,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String nPart = str.substring(strLength - n, strLength); + String nTimes = nPart; + for (int i = 0; i < n - 1; i++) + { + nTimes = nTimes + nPart; + } + return nTimes; +} +" +917e63dcc7085a501d179ee723a4c7eeb79c3295,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n); + String repN = """"; + for (int i = 0; i < n; i++) + { + repN = repN + lastN; + } + return repN; +}" +e00b870573d4474d2a9d1f2bef018288a485cba1,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n - 1); + String repN = """"; + for (int i = 0; i < n; i++) + { + repN = repN + lastN; + } + return repN; +}" +a909a3741798faeb11da5f71297a08fda4f9466c,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(n + 1); + String repN = """"; + for (int i = 0; i < n; i++) + { + repN = repN + lastN; + } + return repN; +}" +f3650acb3cc7151dd3f754270fe871a6b707a956,"public String repeatEnd(String str, int n) +{ + int strLength = str.length(); + String lastN = str.substring(strLength - n); + String repN = """"; + for (int i = 0; i < n; i++) + { + repN = repN + lastN; + } + return repN; +}" +29983a29457a8b68d057bd4e0041bdee1862dc52,"public String repeatEnd(String str, int n) +{ + + String result = """"; + int x = str.length(); + + for (int y = 0; y < n; y++) + { + result += str.substring(x - n - 1) + } + + return result; +} +" +b7ed6bb54d52b81929c7542bc47b13f994f98e50,"public String repeatEnd(String str, int n) +{ + + String result = """"; + int x = str.length(); + + for (int y = 0; y < n; y++) + { + result += str.substring(x - n - 1); + } + + return result; +} +" +a24d0031115f60aedff653c8c403c656530d6b85,"public String repeatEnd(String str, int n) +{ + + String result = """"; + int x = str.length(); + + for (int y = 0; y < n; y++) + { + result += str.substring(x - n - 2); + } + + return result; +} +" +1729a491551905679c4c3ecc5ece2746c4267809,"public String repeatEnd(String str, int n) +{ + + String result = """"; + int x = str.length(); + + for (int y = 0; y < n; y++) + { + result += str.substring(x - n); + } + + return result; +} +" +c7445fc0d04c74507224a71b7cda4db60d652688,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +afde855a980d04c277b03ff2e9cfd9a13a198573,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +fcecffc505133269476dcf10f3db58c957ca51ca,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +fed29373d9477e48a3b605f53c5e09fdec3a70ed,"public String repeatEnd(String str, int n) +{ + String repeat = str.substring(n); + String newString = """"; + int amount = repeat.length(); + + for (int i = 0; i <= n; i++) + { + newString = newString + repeat; + } + return newString; + +} +" +556a096de4fa91b05a49679456057470d1df51fd,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String repeat = str.substring(len - n); + String newString = """"; + int amount = repeat.length(); + + for (int i = 0; i <= n; i++) + { + newString = newString + repeat; + } + return newString; + +} +" +d0c5f9bc282a8c1d5e179268362b716cbfdad3c8,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String repeat = str.substring(len - n); + String newString = """"; + int amount = repeat.length(); + + for (int i = 0; i < n; i++) + { + newString = newString + repeat; + } + return newString; + +} +" +122fce2d9899249ab1b01b0a8fac3313e03958a2,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String repeat = str.substring(len - n); + String newString = """"; + int amount = repeat.length(); + + for (int i = 0; i < n; i++) + { + newString = newString + repeat; + } + return newString; + +} +" +dc6beaab1592250ec580535894b7d671f0ece67c,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String repeat = str.substring(len - n); + String newString = """"; + int amount = repeat.length(); + + for (int i = 0; i < n; i++) + { + newString = newString + repeat; + } + return newString; + +} +" +f3a293b9b70df8ab2ca3815299365ecd7a10157f,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String repeat = str.substring(len - n); + String newString = """"; + int amount = repeat.length(); + + for (int i = 0; i < n; i++) + { + newString = newString + repeat; + } + return newString; + +} +" +944f8cc511800d026cad78cd4a7500933f342b02,"public String repeatEnd(String str, int n) +{ + StringBuilder answer = new StringBuilder(n*n); + String end = str.substring(str.length - n); + for (int i = 0; i < n; i++) + { + answer.append(end); + } + return answer.toString(); +} +" +aefc5d6e1720269b1aaedeec67db6c8cadc5bf68,"public String repeatEnd(String str, int n) +{ + StringBuilder answer = new StringBuilder(n*n); + String end = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + answer.append(end); + } + return answer.toString(); +} +" +62a9b8a003264629346572fc2f60baea3fc2d6ce,"public String repeatEnd(String str, int n) + +{ + String res=str.substring(str.length()-n); + for(int i=1;i= n; i--) + { + cont.concat(str.charAt(i)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + returm fin; +}" +3633eaa7b000a9dfd89544bc22ed17566a6c628d,"public String repeatEnd(String str, int n) +{ + String cont; + String fin; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.charAt(i).toString()); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + returm fin; +}" +a652b7422a9e08d2df5dad14e45ac0ee0f70053f,"public String repeatEnd(String str, int n) +{ + String cont; + String fin; + for (int i = str.length(); i >= n; i--) + { + cont.concat((String)str.charAt(i)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + returm fin; +}" +57eb0df77442c8f8e2a26a1311d5988ec5b7e732,"public String repeatEnd(String str, int n) +{ + String cont; + String fin; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.charAt(i).toString()); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + returm fin; +}" +496338361a2caebf6f99a36cf5a5dc11749d97dd,"public String repeatEnd(String str, int n) +{ + String cont; + String fin; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.subString(i, i+1)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + returm fin; +}" +0bc2988709ac2678ba57015afeada9b259c4370a,"public String repeatEnd(String str, int n) +{ + String cont; + String fin; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.substring(i, i+1)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + returm fin; +}" +142961c878d9cada58089e3eb6b855ae7e1da9d8,"public String repeatEnd(String str, int n) +{ + String cont; + String fin; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.substring(i, i+1)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +ece32cefedab9adccdb4cec509576661697dcb1c,"public String repeatEnd(String str, int n) +{ + String cont = """"; + String fin = """"; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.substring(i, i+1)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +4b6d10d99015204826697562114518f8dd331961,"public String repeatEnd(String str, int n) +{ + String cont = """"; + String fin = """"; + for (int i = str.length(); i >= n; i--) + { + cont.concat(str.charAt(i)); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +e8e4795611f78671815a8a76d80fb8dbed7fffa8,"public String repeatEnd(String str, int n) +{ + String cont = """"; + String fin = """"; + for (int i = str.length(); i >= n; i--) + { + String s = str.charAt(i).toString(); + cont.concat(s); + } + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +ca7a890bbc334094e5e5252f0c01726b5dd23ea5,"public String repeatEnd(String str, int n) +{ + String cont = str.substring(str.length()-n); + String fin = """"; + + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +83f26ea8ae273c53ded57a3bcb1d385f43190240,"public String repeatEnd(String str, int n) +{ + String cont = str.substring(str.length()-n); + String fin = """"; + + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +4121b5dfe5bea8b5138c54e30fed49c9c57865d4,"public String repeatEnd(String str, int n) +{ + String cont = str.substring(str.length()-n); + String fin = """"; + + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +2dd17bfa840fd397df067e7c179f202a414b96c5,"public String repeatEnd(String str, int n) +{ + String cont = str.substring(str.length()-n); + String fin = """"; + + + for (int i = 0; i <= n; n++) + { + fin.concat(cont); + } + + return fin; +}" +3dc04fb575c139860f580333a238ac324d8cd607,"public String repeatEnd(String str, int n) +{ + return str; +} +" +7befb9b100bfdee5b158f2837afa1f027eebf17a,"public String repeatEnd(String str, int n) +{ + String end = str.sustring(str.length() - n); + return end; +} +" +eacf84fc1a8ba89771b450846d25f424dd816d43,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n); + return end; +} +" +01746bad0b393891884dd22dcc77cb13b436fe29,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n); + return end; + + String ret = new String(); + for(int q = 0; q <= n; q++) + { + ret.concat(end); + } + return ret; +} +" +5fd91a9b3ab23491c69e44faafa79c0167ea2106,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n); + + + String ret = new String(); + for(int q = 0; q <= n; q++) + { + ret.concat(end); + } + return ret; +} +" +7399c15aaea0466def9113810d8543ddb302686c,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n); + + + String ret = """"; + for(int q = 0; q <= n; q++) + { + ret.concat(end); + } + return ret; +} +" +9088f724e88a16f861491bec3dded1dd119a31ce,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n); + + + String ret = """"; + for(int q = 0; q <= n; q++) + { + ret = ret + end; + } + return ret; +} +" +56106fb94641544a8fe3240493f38279f254eae1,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n); + + + String ret = """"; + for(int q = 0; q < n; q++) + { + ret = ret + end; + } + return ret; +} +" +0d7a8aae1a83fe0cc3788c57c91ef46c0e681c62,"public String repeatEnd(String str, int n) +{ + String a = str.substring(str.length()-n); + String b = """"; + for (int i = 0; i < n; i++) { + b = b + a; + } + return b; +} +" +1f32ee18f720cac4d6f93754509d4b8caa659c5d,"public String repeatEnd(String str, int n) +{ + newS = str.substring(str.length() - n, str.length()) + + for(int i = 0; i = n) + { + for (int i = 0; i < n; i++) + { + ret += str.substring(str.length() - n): + } + } + return ret; +} +" +a47151609e2ff87b70c977e59fa59d9e58cf0e0d,"public String repeatEnd(String str, int n) +{ + String ret = """"; + if (str.length()-1 >= n) + { + for (int i = 0; i < n; i++) + { + ret += str.substring(str.length() - n); + } + } + return ret; +} +" +658cd51cd5438c924623002036017c4a504fbc50,"public String repeatEnd(String str, int n) +{ + String newS = str.substring(str.length() - n, str.length()); + + for(int i = 0; i = n) + { + for (int i = 0; i < n; i++) + { + ret += str.substring(str.length() - n); + } + } + return ret; +} +" +4569f852375f612d4bbb79b88d67dab232bcc473,"public String repeatEnd(String str, int n) +{ + String newS = str.substring(str.length() - n, str.length()); + + for(int i = 0; i 0; b--) + { + k = k + str.substring(str.length()-n); + } + return k; +} +" +c5808d97785d5735cac087b9345e333259378307,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + char cha = str.charAt(len); +} +" +f88327bfe504cfe5fa1a08e11a5db1ec07e1acd7,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + char cha = str.charAt(len); +} +" +860d2b65d6b0a8e15bac787f3d77d2dd2794c541,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + char cha = str.charAt(len); + return str; + + + +} +" +889f68be1cf56d92dd046eaa0cbc45edae23e693,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +f4e70e248f33d0920251be89290d92cb9299c5c8,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +82990c78d77dd57195cd682061638fb937ebcb02,"public String repeatEnd(String str, int n) +{ + StringBuffer result = new StringBuffer(); + String end = str.substring(str.length() - n); + + for(int i = 0; i < n; i++) + result.append(end); + +return result.toString(); +} +" +776dd96e14dedb6a0ad69a8d0bffbf5a2953690e,"public String repeatEnd(String str, int n) +{ + String res=str.substring(str.length()-n); + for(int i=1;i0;n--) + { + b = b + a; + } +} +" +463ed87a9a383bdc55bddb7bb9c768a9c9a6dbfe,"public String repeatEnd(String str, int n) +{ + String a = str.substring(str.length()-n, str.length()); + String b = new String(""""); + for(n>0;n--;) + { + b = b + a; + } +} +" +6aaedaed1a15c1f1834affa30bb43e3be3e94b0b,"public String repeatEnd(String str, int n) +{ + String a = str.substring(str.length()-n, str.length()); + String b = new String(""""); + for(n>0;n--) + { + b = b + a; + } +} +" +d78d3309b5c617043c4ea7877ff5a5e33e217118,"public String repeatEnd(String str, int n) +{ + int c = n; + String a = str.substring(str.length()-c, str.length()); + String b = new String(""""); + for (c>0;c--) + { + b = b + a; + } +} +" +d2e8c481105fe8bf70d6d267f0b56a13097c1fde,"public String repeatEnd(String str, int n) +{ + String a = str.substring(str.length()-n, str.length()); + String b = new String(""""); + for (int i=0;i= 1; i--) + { + for(int k=0; k n; i++) + { + build.append(last); + } + return build.toString(); +} +" +33e70221a4c08a7174b3bfa8321b59e8de99e33d,"public String repeatEnd(String str, int n) +{ + StringBuilder build = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + + for (int i =0; i < n; i++) + { + build.append(last); + } + return build.toString(); +} +" +bf5cca47a6a3fc224a7e19a0568cf4bf1bff18ef,"public String repeatEnd(String str, int n) +{ + char ch=charAt(n); + String cha=null; + for(i=0; i (str.length() - n); number++) + { + trivialEnd += str.substring(number, str.length(); + }//end loop + + return trivialEnd; +} +" +aa8c98e7e217a0c7cf3193f509ae726bd7cb1ba3,"public String repeatEnd(String str, int n) +{ + String trivialEnd = 0; + + for (int number; number < str.length() && number > (str.length() - n); number++) + { + trivialEnd += str.substring(number, str.length()); + }//end loop + + return trivialEnd; +} +" +f947536da09d006b4cd93c5d085453884b054841,"public String repeatEnd(String str, int n) +{ + String trivialEnd = """"; + + for (int number; number < str.length() && number > (str.length() - n); number++) + { + trivialEnd += str.substring(number, str.length()); + }//end loop + + return trivialEnd; +} +" +5e7ef57ae8ae1eee7dfcdbbcae13d6b829b7fa02,"public String repeatEnd(String str, int n) +{ + String trivialEnd = """"; + + for (int number = (str.length() - n); number < str.length(); number++) + { + trivialEnd += str.substring(number, str.length()); + }//end loop + + return trivialEnd; +} +" +27f7dca5272d251d49074002b7465bd1a223677f,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +fa2ef0f4812a2c4c4e8f934c4a4010494f38be68,"public String repeatEnd(String str, int n) +{ + char last = str.charAt(n); + StringBuilder sb = new StringBuilder(n*n); + int counter = 0; + for (int i = 0; i < n; i++) + { + sb.append(str.substring(str.length()-n)); + } + if (str.length() == 0) + { + return """"; + } + return sb.toString(); +} +" +b2f9fbe9ae419c850fb29c0c5124542a14f45d65,"public String repeatEnd(String str, int n) +{ + String res = “”; +for (int i = 0; i < n; i++) res += str.substring(str.length()-n); return res; +} +" +5ecb3fa620d548544c44564f7595c850817ec55d,"public String repeatEnd(String str, int n) +{ + String end; +String result = """"; + +end = str.substring(str.length() - n, str.length()); + +for(int i = 0; i < n; i++) { +result += end; +} +return result; +} +" +7621f66fce38d5790de9b73e96925c7a6b98e8e9,"public String repeatEnd(String str, int n) +{ + String end; +String result = """"; + +end = str.substring(str.length() - n, str.length()); + +for(int i = 0; i < n; i++) { +result += end; +} +return result; +} +" +2f1a942a9a5c208c80d0f3615fe998df98384d8e,"public String repeatEnd(String str, int n) +{ + String temp = """"; + String repeat = str.substring(str.length() - n); + for (int i = 0; i < n: i ++) + temp = temp + repeat; + return temp +} +" +4cb46ba3a02e989d97a0b1dc82f2c25de622c576,"public String repeatEnd(String str, int n) +{ + String temp = """"; + String repeat = str.substring(str.length() - n); + for (int i = 0; i < n: i++) + temp = temp + repeat; + return temp; +} +" +9769d7a140aa69c62331673df0debcf8a6dbd3fe,"public String repeatEnd(String str, int n) +{ + String temp = """"; + String repeat = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + temp = temp + repeat; + return temp; +} +" +66f43cc208835efe05f8833d97cdbb6d780d01a6,"public String repeatEnd(String str, int n) +{ + int length = str.length() - n; + String sub = """"; + String repeatString = str.substring(length, str.length()); + for (int c = 0; c <= n; c++) + { + sub = sub + repeatString; + } + + return sub; +} +" +a06ad5e17a4b7014b4cb955cc58e29e72eb9fc74,"public String repeatEnd(String str, int n) +{ + int length = str.length() - n; + String sub = """"; + String repeatString = str.substring(length, str.length()); + for (int c = 0; c < n; c++) + { + sub = sub + repeatString; + } + + return sub; +} +" +49dd76447799887679772045bf538a1e9b07e24c,"public String repeatEnd(String str, int n) +{ + int length = str.length() - n; + String sub = """"; + String repeatString = str.substring(length, str.length()); + for (int c = 0; c < n; c++) + { + sub = sub + repeatString; + } + + return sub; +} +" +e3604130ed0d8066301429b1026d44bbec5d2b4b,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(n*n); + for (int i = 0; i < n; i++) + { + sb.append(n); + } + return sb.toString(); +} +" +2dabbc988bbc5ce881a128f67c3d5a06ad1f6d8d,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(n*n); + for (int i = 0; i < n; i++) + { + sb.append(n); + } + return sb.toString(); +} +" +d5f5c021ba2a0a596378a8ec906c3667960ead78,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +a7aa4424c784f573f897416614025879d1f35491,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(n*n); + for (int i = 0; i < n; i++) + { + sb.append(str.charAt(n)); + } + return sb.toString(); +} +" +7d61520b3df31452ec7338723834fef3598d9100,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(n*n); + for (int i = 0; i < n; i++) + { + sb.append(str.charAt(str.length()-1)); + } + return sb.toString(); +} +" +1ed279150fd26e32a25fef8d38dcea3d80318cfa,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(n); + for (int i = 0; i < n; i++) + { + sb.append(str.charAt(str.length()-1)); + } + return sb.toString(); +} +" +6f412fb97dacfeab711397d737336f16f8b3a81c,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(); + for (int i = 0; i < n; i++) + { + sb.append(str.charAt(str.length()-1)); + } + return sb.toString(); +} +" +4364335fe55bd41f0a6491020cc2dc147814f6e6,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(); + for (int i = 0; i < n; i++) + { + sb.append(str.substring(i-n, str.length()); + } + return sb.toString(); +} +" +e421716d7c42f1ba78c723321056cb5e3a073003,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(); + for (int i = 0; i < n; i++) + { + sb.append(str.substring(i-n, str.length())); + } + return sb.toString(); +} +" +9771edd0ad21d11600ae5d527c6d483c3339404f,"public String repeatEnd(String str, int n) +{ + StringBuilder sb = new StringBuilder(); + for (int i = 0; i < n; i++) + { + sb.append(str.substring(n-i, str.length())); + } + return sb.toString(); +} +" +7955b5d089c955ac636776370f9a9cf919dc113e,"public String repeatEnd(String str, int n) +{ + StringBuilder a = new StringBuilder(n*n); + String b = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + a.append(b); + return a.toString(); +} +" +45f10ce69ed135094d193ab0a9dcf6627cce534e,"public String repeatEnd(String str, int n) +{ + StringBuilder a = new StringBuilder(n*n); + String b = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + { + a.append(b); + } + return a.toString(); +} +" +fc419495b775296e2177f8f12ce4bb806c73cad4,"public String repeatEnd(String str, int n) +{ + StringBuilder a = new StringBuilder(n*n); + String b = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + a.append(b); + return a.toString(); +} +" +c9e73f744ba4f95fcf7d9d9374db5cdc65a317ab,"public String repeatEnd(String str, int n) +{ + String love = str.substring(n); + return love; +} +" +7a0e57d310232a123de080ea4277f13cbfba08f5,"public String repeatEnd(String str, int n) +{ + String love = str.substring(n-1); + return love; +} +" +51488376066d19563430f8146c30c15082dec018,"public String repeatEnd(String str, int n) +{ + String love = str.substring(str.length()-n); + return love; +} +" +412b80dcb02aef2565333e1a0ad180cf48b6f84c,"public String repeatEnd(String str, int n) +{ + String love = str.substring(str.length()-n); + return love*n; +} +" +fa4e6a26d8eb56385b20649b6beba3635346e4bd,"public String repeatEnd(String str, int n) +{ + String love = str.substring(str.length()-n); + String result = """"; + for (int x = 0; x< n; x++) + { + result += love; + } + return result; +} +" +24de5cf58ab3fa810889fd535572ef5e7eb2a657,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(str.length() - n); + for (int i = 0; i < n; i++){ + lastN += lastN; + } + return lastN; +} +" +cc1afbab65af556717aefcf17e7931da13c3c117,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + for (int i = 0; i < n; i++) { + newString += str.substring(len - n, length);] + } + return newString; + +} +" +26a4ddb6df3811f0d78aea4acfc6dde3a3a753e1,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + for (int i = 0; i < n; i++) { + newString += str.substring(length - n, length);] + } + return newString; + +} +" +bbaf18e3c174f11fc53ac86bf3f21856a958f42e,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + for (int i = 0; i < n; i++) + { + newString += str.substring(length - n, length); + } + return newString; + +} +" +20b6e35e012b962fccbba1f191fab02a9b8df857,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(str.length() - n); + for (int i = 1; i < n; i++){ + lastN += lastN; + } + return lastN; +} +" +bd9f89e78404ee247b86689da2d92a79c98666a1,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(str.length() - n); + for (int i = 2; i < n; i++){ + lastN += lastN; + } + return lastN; +} +" +7544a98076350354544ce4dcc0bc012780fd5fdb,"public String repeatEnd(String str, int n) +{ + String lastN = str.substring(str.length() - n); + for (int i = 1; i < n; i++){ + lastN += lastN; + } + return lastN; +} +" +0b7bc4ee740cad510ec6f998701ad916abf6ea94,"public String repeatEnd(String str, int n) +{ + + String subString=str.substring(str.length()-n); + for(int i=1;in&& yn&& y= 1; i--) + { + for (int k = 0; k < i; k++) + { + stbuild.append(str.charAt(k)); + } + } + return stbuild.toString(); +} +" +a54af191fed7ee14e55d67a9bfca38d54b3abd77,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (n; str.substring(n)) + { + answer = true; + } + return answer; + +} +" +adc648fda41f013414e4519fc74367883bb50ff4,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (i = 0; i < str.substring(n)) + { + answer = answer + str.substring(n) + } + return answer; + +} +" +620b37f13e86e3548c9bc2631f7413db2f221a50,"public String repeatEnd(String str, int n) +{ + int len = srt.length(); + String newWord = """"; + for (int i = 0; i < n; i++) + { + newWord += str.substring(len - n, n); + } + return newWord; +}" +bfb02d056e261d22cb2687732650fe84c7e21808,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (i = 0; i < str.substring(n); i++) + { + answer = answer + str.substring(n) + } + return answer; + +} +" +093d65bffa5780e75b8e61c715c4dc18114bd63f,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String newWord = """"; + for (int i = 0; i < n; i++) + { + newWord += str.substring(len - n, n); + } + return newWord; +}" +f3f809a185d4be943a4c1259d591f1e4b64157ac,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (i = 0; i < str.substring(n); i++) + { + answer = answer + str.substring(n); + } + return answer; + +} +" +972ad26db31c8de52b3b323be8e65224bc02e0a5,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (int i = 0; i < str.substring(n); i++) + { + answer = answer + str.substring(n); + } + return answer; + +} +" +2d78fdc4d9fb7d8cf6d636ba9dbfe214f93e08c4,"public String repeatEnd(String str, int n) +{ + String answer = """"; + for (int i = 0; i < str.substring(n).length(); i++) + { + answer = answer + str.substring(n); + } + return answer; + +} +" +18a4513fd0612d1ae717353ff515f61bb959c1c9,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String newWord = """"; + for (int i = 0; i < len && i < n; i++) + { + newWord += str.substring(len - n); + } + return newWord; +}" +1f4070be905a731f4a2fde2049dc4cff8001f28f,"public String repeatEnd(String str, int n) +{ + + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +915697ecb4f018a104f6a7988b542dd402b9453e,"public String repeatEnd(String str, int n) +{ + String answer = """"; + int i = n + for (i; i < str.substring(n).length(); i--) + { + answer = answer + str.substring(n); + } + return answer; + +} +" +31d608d008b20efd271f84de5d402f216d55eed2,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (int i = n; i > 0; i--) + { + answer = answer + str.substring(n); + } + return answer; + +} +" +08aaf7c758e08b3b1a27245683f28781f45881ce,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (int i = n; i > 0; i--) + { + answer = answer + str.substring(0, n); + } + return answer; + +} +" +bdbc5e841171b55687a2db7c0f1b1b2c304c5ecf,"public String repeatEnd(String str, int n) +{ + String answer = """"; + + for (int i = n; i > 0; i--) + { + answer = answer + str.substring(str.length()-n); + } + return answer; + +} +" +5012b0bb7e027ef28c71f3b6408a331d3fd2c792,"public String repeatEnd(String str, int n) +{ + String out = """"; + for (int i = 0; i < n; i++){ + out = out+str.substring(str.length()-n,str.length()); + } + return out; +} +" +9860277a247da290554a7e96db83c2a0ad88205a,"public String repeatEnd(String str, int n) +{ + String newString = """"; + for (int x = 0; x < n; x++) + { + newString = newString + str.substring(str.length() - n, str.length()); + } + return newString; +} +" +3b7fcdeb464663f09e292586763cdfadaa4c618f,"public String repeatEnd(String str, int n) +{ + String out = """"; + for (int i = 0; i < n; i++){ + out = out+str.substring(str.length()-n,str.length()); + } + return out; +} +" +dd2f7b52387955af68d19527f595875de48ae202,"public String repeatEnd(String str, int n) +{ + String unit = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + unit = unit + unit; + } + return unit; +} +" +01f7dbcac573df9c4bace12f1c2bae73ed61cb77,"public String repeatEnd(String str, int n) +{ + String unit = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + unit = unit + str.substring(str.length() - n); + } + return unit; +} +" +f18b3afddfdc0eed667003d9dc350701449e1a69,"public String repeatEnd(String str, int n) +{ + String sub = str.substring(str.length() - n, str.length()); + return sub; +} +" +3553a4681fcd6ff5cffa4715f92ba7612c745537,"public String repeatEnd(String str, int n) +{ + String unit = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + unit = unit + str.substring(str.length() - n); + } + return unit - str.substring(str.length() - n); +} +" +6c289efe610680b3183c90daf3bda18dade1d3d3,"public String repeatEnd(String str, int n) +{ + String unit = str.substring(str.length() - n); + for (int i = 1; i < n; i++) + { + unit = unit + str.substring(str.length() - n); + } + return unit; +} +" +2740eb93c04bd56a84b8e1c87c39a35cb7204762,"public String repeatEnd(String str, int n) +{ + String sub = str.substring(str.length() - n, str.length()); + String out = """"; + for (int i = 0; i < n; i++) + { + out = out + sub; + } + return out; +} +" +b4a401739a32d9a43210853b847574b394175056,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String part = str.substring(length - n, n); + for (int i = 0; i < n; i = i + 1) + { + String + } +} +" +35ed25088901e2ea14ee9e2b2cd93719eb128167,"public String repeatEnd(String str, int n) +{ + String res=str.substring(str.length()-n); + for(int i=1;i= 1; i--) + { + for(int k = 0; k < i; k++) + stbuild.append(str.charAt(k)); + } + return stbuild.toString(); + +} +" +f7589a6c6690cf7432795298c00993c1f299bdec,"public String repeatEnd(String str, int n) +{ + StringBuilder build = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for int(i = 0; i < n; i++) + { + build.append(last); + } + return build.toString(); +} +" +4075de8861fc5c466e5dc05b9b1d72842c4f993f,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); + +} +" +e00457eebd3038c3cc6933d960dbf9dfddaa1d20,"public String repeatEnd(String str, int n) +{ + String returnStr = """"; + String end = str.substring(str.length() - n); + for (int i = 0; i < n; i ++) { + returnStr.append(end); + } + return returnStr; +} +" +f32c26baa2d94bb25b593abc4ab161dce6e50a9b,"public String repeatEnd(String str, int n) +{ + StringBuilder build = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for (int i = 0; i < n; i++) + { + build.append(last); + } + return build.toString(); +} +" +139041a68eb1f0593e540a09bdc6a0c03fa49f0f,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + char lastchar = str.charAt(length); + String spring = """"; + spring = str.substring(n); + String newstring = """"; + for ( int i = 0; i < n; i++) + { + + newstring = newstring + spring; + + } + + +return spring; + +} +" +45b33cbbbde3476079193c00e7b405d0107d3090,"public String repeatEnd(String str, int n) +{ + String returnStr = """"; + String end = str.substring(str.length() - n); + for (int i = 0; i < n; i ++) { + returnStr.add(end); + } + return returnStr; +} +" +6b4a0ae5b19f60672418af0943a6a18fb6497405,"public String repeatEnd(String str, int n) +{ + String returnStr = """"; + String end = str.substring(str.length() - n); + for (int i = 0; i < n; i ++) { + returnStr.append(end); + } + return returnStr; +} +" +e46506d4c89bf2b367ac862fcdd6eaa56a239099,"public String repeatEnd(String str, int n) +{ + + String spring = """"; + spring = str.substring(n); + String newstring = """"; + for ( int i = 0; i < n; i++) + { + + newstring = newstring + spring; + + } + + +return spring; + +} +" +991cff6ea484591315e5ecb95549faf1d75c0876,"public String repeatEnd(String str, int n) +{ + String returnStr = """"; + String end = str.substring(str.length() - n); + for (int i = 0; i < n; i ++) { + returnStr = returnStr.append(end); + } + return returnStr; +} +" +bd06ec7c6e4d6f89d9a3ce3a3d06a18ef2cd0955,"public String repeatEnd(String str, int n) +{ + + String myString = str.substring(str.length()-n); + for(int i=1;i= 1) + { + x = x + a; + } + return(x); +} +" +35ba8e75b8592780dc8c84f72c41bd0231ede2ae,"public String repeatEnd(String str, int n) +{ + String x = """"; + String a = str.substring(str.length() - n, str.length() - n + 1); + while (n >= 1) + { + x = x + a; + n = n - 1; + } + return(x); +} +" +e3c7f574493d5527eb9c1db67c3682ae222d710d,"public String repeatEnd(String str, int n) +{ + int len = str.length(); + String newWord = """"; + + for (int i = 0; i < n; i++) { + newWord += str.substring(len - n, len); + } + return newWord; +} +" +ce568237f8cd59e2fafb642c3a88cfb6efc9218e,"public String repeatEnd(String str, int n) +{ + String x = """"; + String a = str.substring(str.length() - n); + while (n >= 1) + { + x = x + a; + n = n - 1; + } + return(x); +} +" +513848bb69ac3c86438d1b660b0932786dcb8f46,"public String repeatEnd(String str, int n) +{ + String returnStr = """"; + + String lastN = str.substring(str.length() - n, str.length()); + + for (int i = 0; i < n; i++) + { + returnStr += lastN; + } + + return returnStr; +} +" +76aa92bd78a3dd594118b433f752a69caba91874,"public String repeatEnd(String str, int n) +{ + int yup = str.length(); + String nathan = """"; + + for (int i = 0; i < n; i++) + { + nathan += str.substring(yup - n, yup); + } + return nathan; +} +" +0c05671f613e7f9249c7c71e8114bb2443966b05,"public String repeatEnd(String str, int n) +{ + Stringbuilder newstr = new Stringbuilder(n * n); + String ending = str.substring(str.length() - n); + for (i = 0; i < n; i++) + { + newstr.append(last); + } + return newstr.toString(); + +} +" +531c1c7a8488f75c206248d6bfdeb84394075f1d,"public String repeatEnd(String str, int n) +{ + StringBuilder newstr = new StringBuilder(n * n); + String ending = str.substring(str.length() - n); + for (i = 0; i < n; i++) + { + newstr.append(last); + } + return newstr.toString(); + +} +" +68a2ecf3a6ea6910d6c7a1ce33a30443123b576f,"public String repeatEnd(String str, int n) +{ + StringBuilder newstr = new StringBuilder(n * n); + String ending = str.substring(str.length() - n); + for (int i = 0; i < n; i++) + { + newstr.append(last); + } + return newstr.toString(); + +} +" +4ebfe967572eea8118edee596a926592799241ee,"public String repeatEnd(String str, int n) +{ + String result = """"; + +for(int i=0; i= 1: i--) + { + for(int i = n; i >= 1; i++) + { + for (int k = 0; k < i; k++) + { + stbuild.append(str.charAt(k)); + } + } + } + return stbuild.toSting(); +} +" +81d306755f459fec7c06b8d3e87d6e0369702386,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder ((n*n +n)/ 2); + for (int i = n; i >= 1; i--) + { + for(int i = n; i >= 1; i++) + { + for (int k = 0; k < i; k++) + { + stbuild.append(str.charAt(k)); + } + } + } + return stbuild.toSting(); +} +" +8058713f2f37e230e2d2567a3ab2ae3ee38c08bc,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +e829386edb1f4343e5c4654187cc83a46d57b0a5,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder ((n*n +n)/ 2); + for (int i = n; i >= 1; i--) + { + for(int j = n; i >= 1; i++) + { + for (int k = 0; k < i; k++) + { + stbuild.append(str.charAt(k)); + } + } + } + return stbuild.toSting(); +} +" +75607b44ccc116c4311e4123fd8e1689901b56e2,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, length); + int i = 0; + while (i >= n) + { + newString = newString + lastChars; + } + +} +" +77ee2f5e2aac432ea3fb03f9319e525ac9f34dd2,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +} +" +8859e36791bb1272052e24c5670d605393c80469,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder ((n*n +n)/ 2); + for (int i = n; i >= 1; i--) + { + for(int j = n; i >= 1; i++) + { + for (int k = 0; k < i; k++) + { + stbuild.append(str.charAt(k)); + } + } + } + return stbuild.toString(); +} +" +94622884dbefaf2484e930f5faf630d77096f84d,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, length); + int i = 0; + while (i >= n) + { + newString = newString + lastChars; + } + return newString; + +} +" +75752b946443e2afc096002bb6ccbf634fa4f696,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} + +" +c4f2184eedd04bd8e2021bb875a9cfda20de4261,"public String repeatEnd(String str, int n) +{ + String returnString = """"; + + if (n == 0) + { + returnString = """"; + } + + else if (n == str.length()) + { + for (int i = 0; i < n; i++) + { + returnString = returnString + str; + } + } + + else + { + for (int i = 0; i < n; i++) + { + returnString = returnString + str.substring(str.length - n); + } + } + return returnString; +} +" +7044206b92e0dd8b7256bb661f6a8fc1d1ce57e6,"public String repeatEnd(String str, int n) +{ + String returnString = """"; + + if (n == 0) + { + returnString = """"; + } + + else if (n == str.length()) + { + for (int i = 0; i < n; i++) + { + returnString = returnString + str; + } + } + + else + { + for (int i = 0; i < n; i++) + { + returnString = returnString + str.substring(str.length() - n); + } + } + return returnString; +} +" +07ff84b2524158fa4254e033facbb3233fd2232f,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +4969818703fb23bd330cfa2082d7e82ad5d751d1,"public String repeatEnd(String str, int n) +{ + String answer = """"; + String sub = str.substring(str.length()-n); + for (int i = 0; i < n; i++) + { + answer = answer + sub; + } +} +" +82f61d8ad6f16f172d78831cda8c879f304b514e,"public String repeatEnd(String str, int n) +{ + String answer = """"; + String sub = str.substring(str.length()-n); + for (int i = 0; i < n; i++) + { + answer = answer + sub; + } + return answer; +} +" +5fdc361ec8b839e2278bae59ba67c87b9414e2eb,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n, str.length()); + int count = n * n; + String newString = end; + for (int x = n; x <= count; x + n) { + newString = newString + end; + } + return newString; + +} +" +540f2f3ef7d6f2a7a3f0ebf99ec5ccbf519d0109,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring((n-1), (length+1)); + int i = 0; + while (i >= n) + { + newString = newString + lastChars; + } + return newString; + +} +" +ab7ba28b32994bae495464045c067b6c5f44db7e,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring((n+1), (length-1)); + int i = 0; + while (i >= n) + { + newString = newString + lastChars; + } + return newString; + +} +" +392fe9674d9f9ea3d08dcfa2517b9a76b3a6dafe," +public String repeatEnd(String str, int n) { + + int len = str.length(); + + String newWord = """"; + + + + for (int i = 0; i < n; i++) { + + newWord += str.substring(len - n, len); + + } + + return newWord; + +} +" +8d79884bf3baa640ef1014c4b76d5d3b9d79d3e8,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n, str.length()); + int count = n * n; + String newString = end; + for (int x = 0; x < n; x++) { + newString = newString + end; + } + return newString; + +} +" +e47c565c7be6e2005d39d0d5b09a8c881cbc1013,"public String repeatEnd(String str, int n) +{ + String end = str.substring(str.length() - n, str.length()); + int count = n * n; + String newString = end; + for (int x = 1; x < n; x++) { + newString = newString + end; + } + return newString; + +} +" +2d253b4a6400814010a9d49ca6ca83defc4c40c0,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring((n+1), (length-1)); + int i = 0; + while (i >= n) + { + newString = newString + lastChars; + i++; + } + return newString; +} +" +2a32f4bbc11049c0bc2dee2053aa5c386d6ee2cc,"public String repeatEnd(String str, int n) +{ + str = word.substring(word.length() - n, word.length()) * n + return str; +} +" +ad8ec9d777ff52c181a0b480184bcdb6e6551c61,"public String repeatEnd(String str, int n) +{ + str = word.substring(word.length() - n, word.length()) * n; + return str; +} +" +c6e668d2c42ebfbd536a61ceb601f394bd381c75,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, length); + int i = 0; + while (i >= n) + { + newString = newString + lastChars; + i++; + } + return newString; +} +" +6f0fde3361e7e15c66c229f0af5bb8e189ff9716,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +a2b87e8082b5235577f19b735b6240f9fbe20d8e,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, length); + int i = 0; + while (i <= n) + { + newString = newString + lastChars; + i++; + } + return newString; +} +" +671fb7696acf70ffe42703c09d61ee0d40c2bc10,"public String repeatEnd(String str, int n) +{ + str = str.substring(str.length() - n, str.length()) * n; + return str; +} +" +7f1d99f8ff0901893362190a8a70b07418fca98a,"public String repeatEnd(String str, int n) +{ + str = str.substring(str.length() - n, str.length()); + return str; +} +" +69f6b732ddd3fdf5919a1537ec2288eb8db42502,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, (length+1)); + int i = 0; + while (i <= n) + { + newString = newString + lastChars; + i++; + } + return newString; +} +" +188f61035ec898652732dfa0b455157d1c63f9c5,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, length); + int i = 0; + while (i <= n) + { + newString = newString + lastChars; + i++; + } + return newString; +} +" +5c4a800a1045b01b96cd1ed2bde409dbf910905d,"public String repeatEnd(String str, int n) +{ + str = str.substring(str.length() - n, str.length()); + str = str * n + return str; +} +" +bc5fff5dffc33c152ba78e2a0f72a3c78b8ece7b,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length() - n); + for (int i = 0; i n) + { + ans = ans + st; + i++; + } +} +" +ba15bf997457ec6cca0be7740f5c08bbf34b298f,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +ca293aa77fde618ea03af90d6966c6e3108d20a8,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.subString(str.length() - n); + String st = "" ""; + while( i > n) + { + ans = ans + st; + i++; + } + return st; +} +" +3b7c1f63c04052a2e0520baf4954e1e9d8e35c1d,"public String repeatEnd(String str, int n) +{ + int tempX = 0; + String stringg = str.substring(str.length() - n, str.length()); + for (tempX = 0; tempX < n; tempX++) + { + return stringg + stringg; + } + return str; +}" +748dd35a8838e21ce26857d6abd8b412729916ff,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = "" ""; + while( i > n) + { + ans = ans + st; + i++; + } + return st; +} +" +5366e3804670dfce9ef5b552ef5a703d473c6ab8,"public String repeatEnd(String str, int n) +{ + String ans = str.substring(str.length() - n); + String st = "" ""; + for(int i = 0; i < n; i++) + { + ans = ans + st; + i++; + } + return st; +} +" +9f68a321a210d163eaafd1d27c401de13927e5b1,"public String repeatEnd(String str, int n) +{ + String word = """"; str.substring(str.length() - n); + + for (int i = 0; i < n; i++) + { + word = word + str.substring(str.length() - n); + } + return word; +} +" +5612c9ed76f7b3f93ff0ef47b207373b326beaba,"public String repeatEnd(String str, int n) +{ + StringBuffer result = new StringBuffer(); + for (int i = 1; i < n; n++) + { + result.append(str.substring(str.length() - n)); + } + return result.toString(); +} +" +185ecccdfcabbc19417f22f846067f0083ff62ce,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n +1; + String end = """"; + for (i = str.length(); i >=length; i--) + { + + end = end + str.subtring(length); + } + end = str + end; + return end; +} +" +c6ffe5d7d3efb0812fcd1a1ce4d5bbcc9bb9b30f,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring(n, length); + int i = 0; + while (i <= n) + { + newString = newString.concat(lastChars); + i++; + } + return newString; +} +" +216383b5ef90d6aef75c8e918c4dbe5a1dd3382b,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for(int i = 0; i < n; i++) + stbuild.append(last); + return stbuild.toString(); +} +" +47b59d13f4da8de0fc0af923e6b7bd76d009551b,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = "" ""; + while( i > n) + { + st = st + st; + i++; + } + return st; +} +" +35c90abcac4d2d193831d73df537db48dae8309d,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n +1; + String end = """"; + for (int i = str.length(); i >=length; i--) + { + + end = end + str.subtring(length); + } + end = str + end; + return end; +} +" +5cc1ce5207e7ae7def83e57b2a7788bcb56e8911,"public String repeatEnd(String str, int n) +{ + String newWord = """"; + for (int i = 0; i < n; i ++) + { + newWord = newWord + str; + } + return newWord; +} +" +6db1ae05f5811615be2f46957de58e09986fb592,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = """"; + while( i > n) + { + st = st + st; + i++; + } + return st; +} +" +a75e8d7e9e9ec77249bc907fa3fef1f14686c4a1,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring((length-n), length); + int i = 0; + while (i <= n) + { + newString = newString.concat(lastChars); + i++; + } + return newString; +} +" +b7613047bd5946d2970af6908c4c0d5618c6d993,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n +1; + String end = """"; + for (int i = str.length(); i >=length; i--) + { + + end = end + str.substring(length); + } + end = str + end; + return end; +} +" +7973ae6cd9a40de1d1c00314dd4e92bbdb25ccd9,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = """"; + while( i > n) + { + st = st + st; + i = i + 1; + } + return st; +} +" +feb268c89d2caf16f6390f45e2fdd491d0d27db0,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = """"; + while( i > n) + { + st = st + st; + i = i + 1; + } + return st; +} +" +2dac23d86d95485111ef218b35be54df761f5923,"public String repeatEnd(String str, int n) +{ + StringBuffer result = new StringBuffer(n*n); + for (int i = 1; i < n; n++) + { + result.append(str.substring(str.length() - n)); + } + return result.toString(); +}" +32380e64d7c4985a4df733d16e406c732bfd936c,"public String repeatEnd(String str, int n) +{ + int tempX = 1; + String stringg = str.substring(str.length() - n, str.length()); + for (tempX = 1; tempX <= n; tempX++) + { + return stringg + stringg; + } + return str; +}" +82c89b5745ea00631811fd6e34f3098a547523e6,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = """"; + while( i > n) + { + st = st + ans; + i = i + 1; + } + return st; +} +" +037b697a06c07306506133b2612777aa2f3114a7,"public String repeatEnd(String str, int n) +{ + int length = str.length(); + String newString = """"; + String lastChars = str.substring((length-n), length); + int i = 0; + while (i < n) + { + newString = newString.concat(lastChars); + i++; + } + return newString; +} +" +a60580b2b2fa06c171e7ca385e7b8828c10d34b9,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n; + String end = """"; + for (int i = str.length(); i >=length; i--) + { + + end = end + str.substring(length); + } + end = str + end; + return end; +} +" +a2530093aec4cf36efb5d76b4b3fb495193cc29b,"public String repeatEnd(String str, int n) +{ + String newWord = """"; + for (int i = 0; i < n; i ++) + { + newWord = newWord + str.substring(str.length() - n); + } + return newWord; +} +" +5a603cd35aabe9c17d4363e2a4b47649e2ec9f2e,"public String repeatEnd(String str, int n) +{ + StringBuffer result = new StringBuffer(n*n); + String last = str.substring(str.length()-n); + for (int i = 1; i < n; n++) + { + result.append(last); + } + return result.toString(); +}" +d7c365a54c9074ddad750c1068d930e02a3e1ad4,"public String repeatEnd(String str, int n) +{ + int i = 0; + String ans = str.substring(str.length() - n); + String st = """"; + while( i < n) + { + st = st + ans; + i = i + 1; + } + return st; +} +" +de78652dc1c0f4255062ca68adc4685f9ea64088,"public String repeatEnd(String str, int n) +{ + int tempX = 0; + String stringg = str.substring(str.length() - n, str.length()); + for (tempX = 0; tempX <= n; tempX++) + { + return stringg + stringg; + } + return str; +}" +46731c8c6383783b3d67f72f47e1ae782fa824de,"public String repeatEnd(String str, int n) +{ + StringBuilder result = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for (int i = 1; i <= n; n++) + { + result.append(last); + } + return result.toString(); +}" +9475f603dd8dc649ab6167b35fc6afa6b0c039d8,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n; + String end = """"; + for (int i = 0; i < n; i++) + { + + end = end + str.substring(length); + } + end = str + end; + return end; +} +" +7b029836a624e91e66904f68ab49123df900e888,"public String repeatEnd(String str, int n) +{ + reapStr = """"; + for (int i = 0; i < n; i++) + { + reapStr = reapStr + str.substring(str.lenght() - n, str.length()) + } + return reapStr; +} +" +de91c83266127f7d43ce2606436e3b91fd2ef65b,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n; + String end = """"; + for (int i = 0; i < n; i++) + { + + end = end + str.substring(length); + } + // end = str + end; + return end; +} +" +3afc9ba691e0a72983248fb2fd774303e683288a,"public String repeatEnd(String str, int n) +{ + reapStr = """"; + for (int i = 0; i < n; i++) + { + reapStr = reapStr + str.substring(str.lenght() - n, str.length()); + } + return reapStr; +} +" +25b6de27ca94db45a0faef1ae193b4f787ab5e49,"public String repeatEnd(String str, int n) +{ + int tempX = 0; + String stringg = str.substring(str.length() - n, str.length()); + for (tempX = 0; tempX < n; tempX++) + { + return stringg + stringg; + } + return str; +}" +2221a6eef0a61809cd3c9f296d3e570b03097979,"public String repeatEnd(String str, int n) +{ + StringBuilder result = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for (int i = 1; i <= n; i++) + { + result.append(last); + } + return result.toString(); +}" +ffdfdde6548d490445ab67cb8ff63e5f1b288beb,"public String repeatEnd(String str, int n) +{ + String reapStr = """"; + for (int i = 0; i < n; i++) + { + reapStr = reapStr + str.substring(str.lenght() - n, str.length()); + } + return reapStr; +} +" +423f0967f5377f402657016c8c8d518860e2eb8c,"public String repeatEnd(String str, int n) +{ + StringBuilder stbuild = new StringBuilder(n*n); + + String end = str.substring(str.length()-n); + + for(int i = 0; i < n; i++) + { + stbuild.append(end); + } + return stbuild.toString(); +} +" +111ee42e95f7cc91def174bf0013eb70c48b5833,"public String repeatEnd(String str, int n) +{ + int length = str.length()-n; + String end = """"; + for (int i = 0; i < n; i++) + { + + end = end + str.substring(length); + } + // end = str + end; + return end; +} +" +18aa1eb069db2a584e86fb28195ad5265c1e6df9,"public String repeatEnd(String str, int n) +{ + String reapStr = """"; + for (int i = 0; i < n; i++) + { + reapStr = reapStr + str.substring(str.length() - n, str.length()); + } + return reapStr; +} +" +aad42fe517f20099de016cca8e9f32b4e99b2a33,"public String repeatEnd(String str, int n) +{ + String result = new String(n*n); + String last = str.substring(str.length()-n); + for (int i = 1; i <= n; i++) + { + result.append(last); + } + return result.toString(); +}" +89fe2d69823a00d2f5be63d5e7792328ffa8684a,"public String repeatEnd(String str, int n) +{ + StringBuilder result = new StringBuilder(n*n); + String last = str.substring(str.length()-n); + for (int i = 1; i <= n; i++) + { + result.append(last); + } + return result.toString(); +}" +7abd4a978e68c076891c0ee94b52edcee99cd630,"public String repeatEnd(String str, int n) +{ + int tempX = 0; + String stringg = str.substring(str.length() - n, str.length()); + for (tempX = 0; tempX < n; tempX++) + { + String newStringg = stringg + stringg; + return newStringg; + } + return str; +}" +dee321689c809b2ba9570d706bda39691565c5a4,"public String repeatEnd(String str, int n) +{ + String res=str.substring(str.length()-n); + for(int i=1;i= small || goal/5 >= big){ + return(-1); + }else{ + return(goal%5); + } +} +" +9f46bddd377ff11e4b3ed9a20a84f8a7ccb5d4b7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 > small || goal/5 > big){ + return(-1); + }else{ + return(goal%5); + } +} +" +d8b8e2044daf8c303f7bb0fcd1e29e7bc42ebc19,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + + if (goal % 5 == 0) + { + return 0; + } + + return goal % 5; +} +" +05e27cb23df2790bb5d8cc67f7cbae2b0ecdf8f7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + + if (small < goal % 5) + { + return -1; + } + + if (goal % 5 == 0) + { + return 0; + } + + return goal % 5; +} +" +209671c2658909140824801d13fb18dec3feb6c2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + + if (small < goal % 5) + { + return -1; + } + + if (goal % 5 == 0) + { + return 0; + } + + int goalCount = goal; + + if (big * 5 < goalCount) + { + goalCount -= big * g; + } + + else + { + goalCount = goalCount % 5; + } + + return goalCount; +} +" +6cb3acde2a9a19987802073ed432e59aba88ec23,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + + if (small < goal % 5) + { + return -1; + } + + if (goal % 5 == 0) + { + return 0; + } + + int goalCount = goal; + + if (big * 5 < goalCount) + { + goalCount -= big * 5; + } + + else + { + goalCount = goalCount % 5; + } + + return goalCount; +} +" +4994cd3e4a313d8b693dc93d9d9d9a779274e77f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + + if (small < goal % 5) + { + return -1; + } + + if ((goal % 5 == 0) && (big * 5 > goal)) + { + return 0; + } + + int goalCount = goal; + + if (big * 5 < goalCount) + { + goalCount -= big * 5; + } + + else + { + goalCount = goalCount % 5; + } + + return goalCount; +} +" +97d6e99f8aab81ce95502cd9af294e7951a40f24,"public int makeChocolate(int small, int big, int goal) +{ + x = small + (5 * big); + if (small == goal) + { + return small; + } + else if (x >= goal) + { + return small + } + else + { + return -1; + } + +} +" +d0057c06b1b4d631f90632918c998e4be5e47fec,"public int makeChocolate(int small, int big, int goal) +{ + x = small + (5 * big); + if (small == goal) + { + return small; + } + else if (x >= goal) + { + return small; + } + else + { + return -1; + } + +} +" +1975f4f2321a55c82d18a907c7777d5e67118f86,"public int makeChocolate(int small, int big, int goal) +{ + int x = small + (5 * big); + if (small == goal) + { + return small; + } + else if (x >= goal) + { + return small; + } + else + { + return -1; + } + +} +" +526551e800429908c4158d349317d48e5783f6b7,"public int makeChocolate(int small, int big, int goal) +{ + int x = small + (5 * big); + while (goal >= 5 && big != 0) + { + goal = goal - 5; + big = big -1; + + } + if ((goal - small ) <= 0 + { + return goal; + } + + else + { + return -1; + } + +} +" +420e741255b955312de43f3ec8576c65800d8b6e,"public int makeChocolate(int small, int big, int goal) +{ + int x = small + (5 * big); + while (goal >= 5 && big != 0) + { + goal = goal - 5; + big = big -1; + + } + if ((goal - small ) <= 0) + { + return goal; + } + + else + { + return -1; + } + +} +" +c144a4a4593006412e4545dcf495123f1505c60a,"public int makeChocolate(int small, int big, int goal) +{ + + while (goal >= 5 && big != 0) + { + goal = goal - 5; + big = big -1; + + } + if ((goal - small ) <= 0) + { + return goal; + } + + else + { + return -1; + } + +} +" +705db91e973d9827d19474284c1b5c315a4b7779,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal) + { + return big; + } + else + { + return small; + } +} +" +ebb442abd295aa19e229a24d972e5dc7f3f7e947,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else + { + return small; + } + } +} +" +77aaa0ceffc6c5234ff9616ed44acced1cc9104c,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else + { + return small; + } + } + return goal; +} +" +50f07491d10f11c8ffaccc213328b4737931893a,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else + { + return small; + } + } + return -1; +} +" +5e5b2eabbbc151ffeb466ead5ce7a2de91d9a1f8,"public int makeChocolate(int small, int big, int goal) +{ + small = 1; + big = 5; + + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else + { + return small; + } + } + return -1; +} +" +9fb2ee49d2e22e3ea28e73fa65d3b72d6210c9f7,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else + { + return small; + } + } + return -1; +} +" +a742ab6603810e9f54f11072a845a6b21670552f,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else + { + return small; + } + return goal; + } +} +" +11ec891dcdfbd3a96f2f789821636d2b5d2eccb5,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else if (small >= goal) + { + return small; + } + else + { + return -1; + } + } +} +" +db12563d14de51b417e72af0edb8818925151650,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else if (small >= goal) + { + return small; + } + else + { + return -1; + } + } +} +" +1797f8a2fcc9cc8cb3c8636d5b500365c7d35a2e,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else if (small >= goal) + { + return small; + } + else + { + return -1; + } + } +} +" +6f53b45c82ec07824bfbacc659dc75aa39a1667e,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else if (small >= goal) + { + return small; + } + else + { + return -1; + } + } + return goal; +} +" +05fa5a3cc50180459428316d8a9801584a44280d,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else if (small >= goal) + { + return small; + } + else + { + return -1; + } + } + return big; + return small; +} +" +36cd1e13f4d617f53057acf870eba2890a04ea32,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + } + else if (small >= goal) + { + return small; + } + else + { + return -1; + } + } + return goal; +} +" +277cc1bbc431762b683665095c3a30ef10277b4a,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal){ + return(-1); + }else{ + if (big < goal/5){ + return(goal/5 - big); + }else{ + return(goal%5); + } + } +} +" +85fa18ff8046b1ea67745f2c331550adc18075d0,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal && small < goal%5){ + return(-1); + }else{ + if (big < goal/5){ + return(goal/5 - big); + }else{ + return(goal%5); + } + } +} +" +ea491d39ddde54d097a23446cc68563587d0bce3,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal || small < goal%5){ + return(-1); + }else{ + if (big < goal/5){ + return(goal/5 - big); + }else{ + return(goal%5); + } + } +} +" +d7cbfb942dea223fee8d30dc55659bf77eb866e3,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + return big; + goal = goal - big; + } + else if (small >= goal) + { + return small; + goal = goal - small; + } + else + { + return -1; + } + } + return goal; +} +" +8e5d11a66c0025146764ea9883cddda08f0fe337,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal || small < goal%5){ + return(-1); + }else{ + if (big < goal/5){ + return(goal - 5*big); + }else{ + return(goal%5); + } + } +} +" +1d2cd6c5f661915a9f67d10d3c2d4f463f75f8a8,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + if (big >= goal) + { + goal = goal - big; + return big; + + } + else if (small >= goal) + { + goal = goal - small; + return small; + + } + else + { + return -1; + } + } + return goal; +} +" +68a9ee9fd8391fb9368389ad01c9b71d6c7f00bf,"public int makeChocolate(int small, int big, int goal) +{ + int space = goal - 5 * big - small; + if (space > 0) { + return space; + } + else { + return -1; + } +} +" +ed070326e926fbd8b44ef159299f799fec0ad63f,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + while (big >= goal) + { + return big; + } + return goal - big; + + if (small >= goal) + { + return small; + } + else + { + return -1; + } + } + return goal; +} +" +8a959f8a3c3a87dc4f813bf727bc534148f1b296,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >= 0 ) + { + while (big >= goal) + { + return big; + } + return goal - big; + + while (small >= goal) + { + return small; + } + return goal - small; + { + return -1; + } + } + return goal; +} +" +f7a0ca4441e080c5aaedb5750b1909156682b937,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + while ( goal > 0) + { + if (big/goal> 0) + { + return big + } + else if (small/goal >0) + { + return small; + } + else + return -1; + } +} +" +12b7f5f3e18cfbc1f8c843e5091d3145a0e6ea37,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + while ( goal > 0) + { + if (big/goal> 0) + { + return big; + } + else if (small/goal >0) + { + return small; + } + else + return -1; + } +} +" +4e5deaf25c830437b365ff8972243665b211bec8,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + while ( goal > 0) + { + if (big/goal> 0) + { + return big; + } + else if (small/goal >0) + { + return small; + } + else + return -1; + } + return goal; +} +" +f3e74e2907c2efb6300f18b8c8f7e50616bad9e0,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + while ( goal > 0) + { + if (big/goal> 0) + { + return big; + } + else if (small/goal >0) + { + return small; + } + else + return -1; + } + return count; +} +" +a842887b0723e8bbda42a31ffe6525150524906f,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5 * big >= goal) { + return goal - 5 * big; + } + else { + return -1; + } +} +" +93fa2835bc748863f52a3b1c9ca746aedb500a32,"public int makeChocolate(int small, int big, int goal) +{ + if(big*5>=goal) + { + return -1; + } + else + { + return small+5*big-goal; + } +} +" +706e557f0a1b481bd7376826edcf97eb9d7afd3e,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >= goal ) + { + return -1; + } + else + { + return small + 5*big - goal; + } +} +" +9322cbba6deda7ae04d10fc9d90d07eec3d28515,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5 * big >= goal) { + if (goal - 10 < 0) { + return goal - 5; + } + else { + return goal - 5 * big; + } + } + else { + return -1; + } +} +" +7a071fcdb29a82c439a7be937a1be95933185806,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5+small)= goal) { + if (goal - 10 < 0) { + if (goal - 5 < 0) { + return goal; + } + else { + return goal - 5; + } + } + else { + return goal - 5 * big; + } + } + else { + return -1; + } +} +" +41c74f8809e7d58f353086f90457629f6195f118,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal ) + { + return -1; + } + else + { + return small + big - goal; + } +} +" +efbd48f063cb2ef46b7f43ed0927f392bd324a4f,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5)>=goal) + { + return -1; + } + else if ((small+5*big>=goal)) + { + return goal-5*big; + } +} +" +b0babd96083e1c4438bed4e5053418f434a2cd05,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +3a412e4c87efb05013d380766f7518fda0d8ae92,"public int makeChocolate(int small, int big, int goal) +{ + while (goal >0) + { + if (big*5 > goal ) + { + return goal - big; + } + else if ( small > goal) + { + return goal - small; + } + else + { + return -1; + } + } +} +" +81cf8dfbb332bbe0496bfa183564ed9ba6213792,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5)>=goal) + { + return -1; + } + else if((small+5*big)>=goal) + { + return(goal-(5*big)); + } +} +" +4cd48620a53891a17043a85f9d7b4e231deb0144,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + + if (remainder <= small) + { + return remainder + } + + return -1 +} +" +ff71872e881bb6c5e372cbeab327e5f9c81a33c2,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5)>=goal) + { + return -1; + } + else if((small+5*big)>=goal) + { + return(goal-(5*big)); + } +}" +26715ffcb68fcbb627556d01ac4d2eecd377d175,"public int makeChocolate(int small, int big, int goal) +{ + while (goal >0) + { + if (big*5 > goal ) + { + return goal - big; + } + else if ( small > goal) + { + return goal - small; + } + else + { + return -1; + } + } + return goal; +} +" +30ed1311977d61f4f3446fd305d674cec2dbd76d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1 +} +" +f4c6a2aef78fe3eea1448d967a39c70f01f50f0d,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5)>=goal) + { + return -1; + } + else((small+5*big)>=goal) + { + return(goal-(5*big)); + } +}" +7ba7e7dd342c121a4907df9d80a9106668dc2dba,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +5da0475195dc1b37ab0079563542586dbec836a3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + int remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +241264aa1a3299b975cc19e85e29b316cce3086a,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5)>=goal) + { + return 0; + } + else if((small+5*big)>=goal) + { + return (goal-(5*big)); + } + else + { + return 0; + } +}" +8c3830a04793e58e06d86be11e8d0594fe1e9634,"public int makeChocolate(int small, int big, int goal) +{ + if((big*5)>=goal) + { + return 0; + } + else if((small+5*big)>=goal) + { + return (goal-(5*big)); + } + else + { + return -1; + } +}" +e5db0ed3a18f276132afdb265439ae7b36bebd85,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + return -1; +} +" +06e01c73fd5645cc4d815bfd2a56171b4c1af78a,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 0) + { + if (big*5 > goal ) + { + return goal - big; + } + else if ( small > goal) + { + return goal - small; + } + else + { + return -1; + } + } + return small + big*5 - goal; +} +" +df4a39c5886b2cdeda85c2fbff191f74cf8c93f9,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 0) + { + if (big*5 > goal ) + { + return goal - big; + } + else if ( small > goal) + { + return goal - small; + } + else + { + return -1; + } + return small + big*5 - goal; + } + return small + big*5 - goal; +} +" +08a6710a030e9f532e830258ea7db83d1d5bf7b3,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 0) + { + if (big*5 > goal ) + { + return goal - big; + } + else if ( small > goal) + { + return goal - small; + } + else + { + return -1; + } + } + return small + big*5 - goal; +} +" +568e09a350c6bd220f56d8059ab3c56d28b39f3e,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +bd32f32a9cfad57b7ca0e93e8ed04d309c7c2588,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return goal - small; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +49626224ea0ccc9787b87d6f98faad83c7c17294,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return 1; + return -1; +} +" +5fb7f656333dadb4748b4ffc0a3bac0c9107f662,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return small; + return -1; +} +" +ee91df1a4027fb8e2b08c8b358b90106e0fa0a24,"public int makeChocolate(int small, int big, int goal) +{ + int space = goal; + int bigsRem = big; + int smallRem = small; + int counter = 0; + + while (bigsRem > 0) { + space = space - 5; + bigsRem--; + } + + if (space > smallRem) { + return -1; + } + else { + return space; + } + + + } +} +" +90876193f8920966613d2fbbe6746da2cbf05a0c,"public int makeChocolate(int small, int big, int goal) +{ + int space = goal; + int bigsRem = big; + int smallRem = small; + int counter = 0; + + while (bigsRem > 0) { + space = space - 5; + bigsRem--; + } + + if (space > smallRem) { + return -1; + } + else { + return space; + } + + + +} +" +216a7a45213aa79369e6d0353dec25194dc0ca3c,"public int makeChocolate(int small, int big, int goal) +{ + int space = goal; + int bigsRem = big; + int smallRem = small; + int counter = 0; + + while (bigsRem > 0 && space > 0) { + space = space - 5; + bigsRem--; + } + + if (space > smallRem) { + return -1; + } + else { + return space; + } + + + +} +" +f81e2de5578afe0ea1e3eaf80029cbf9282423b0,"public int makeChocolate(int small, int big, int goal) +{ + int space = goal; + int bigsRem = big; + int smallRem = small; + int counter = 0; + + while (bigsRem > 0 && space > 0) { + bigsRem--; + space = space - 5; + } + + if (space > smallRem) { + return -1; + } + else { + return space; + } + + + +} +" +01540a2065df54ed5274f1c08d949a4867c11ab1,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +29d0792ac45410b193727fd4c9afa882234245de,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +22efb3cfd61bee16518d68e6a1c8c56d11a8874e,"public int makeChocolate(int small, int big, int goal) +{ + int space = goal; + int bigsRem = big; + int smallRem = small; + int counter = 0; + + while (bigsRem > 0 && space > 0) { + if (space - 5 < 0) { + break; + } + space = space - 5; + bigsRem--; + + } + + if (space > smallRem) { + return -1; + } + else { + return space; + } + + + +} +" +0c820181c5cc07afff6a923c3952afef85c398cf,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return big; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +334f692709a9a5e4aff8d9e9a8b656efbbb86a64,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return big -goal; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +7103a64fc6a2dfbd26ca2090fc90bf795b98f229,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return goal - big; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +ab9c7b21d773979101055f99feeef5f026877cce,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return goal - 5*big; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +9b7db478ed0f9af6439c41cbd5e59bb9c247ae2f,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return big*5 - goal; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +a6381d959869390ac2b2e4c8455b8b16bb4f94c9,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +d191eed70105cf54da571740be06df58a89abb4d,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 1; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +3199234a07e7d51afc7d21de35ff7818187ebdd5,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +67dd8cd8a36f348afa0360d34e1c6914c00a2f7a,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return goal/5; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +5d7d33d642568c0c804189a3936b600d449e2518,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return goal/5*big; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +719c89b2c06cdc79679187d813d21be2c5ae96e1,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +0ff8f431e1f4e03e7a9ae3aed2acdf9bec9b05d1,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return goal - small; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +9a113ca7f760152f9fb6e687a891b660aae9e277,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +eeeb611139402ec8e2a88b780be3330bcee17bc5,"public int makeChocolate(int small, int big, int goal) +{ + int goal = goal; + int big = big; + int small = small; + int modulus = (goal % big); + if (modulus >= 0) + { + return modulus; + } + else + { + return -1; + } + +} +" +063998d927892eeeacb4a15c1b3faa3a27704a8b,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigMass = big; + int smallMass = small; + int modulus = (need % bigMass); + if (modulus >= 0) + { + return modulus; + } + else + { + return -1; + } + +} +" +584d2a686c40267ca236a72b9d650f68b7e1e690,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigs = big; + int smalls = small; + int sum = (1*smalls) + (5*bigs); + if (sum == need) + { + return smalls; + } + else + { + return (-1); + } + +} +" +e1d6f1d0792daaee42bd44916eabfb04a5dda5e9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 0) + { + return = goal - 5 * (goal % 5); + } + else { + return -1; + } +} +" +4b089064290fb3a96ae6cd3232937f4c1e2702c6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 0) + { + return goal - 5 * (goal % 5); + } + else { + return -1; + } +} +" +88305bb50704b91dbcdfce67a1f64da9e7da49fc,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigs = big; + int smalls = small; + int sum = (1*smalls) + (5*bigs); + if (sum == need) + { + return smalls; + } + else if (sum > need) + { + int difference = sum - need; + return (smalls - difference); + } + else + { + return -1; + } + +} +" +f20d37e1a85e99e2835bb1156e45546ce3f450b3,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigs = big; + int smalls = small; + int sum = (1*smalls) + (5*bigs); + if (sum == need) + { + return smalls; + } + else if (sum > need) + { + int modulus = (need % 5); + return modulus; + } + else + { + return -1; + } + +} +" +058d2e726b2d16c1d45b059f7bde8c1c82486157,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigs = big; + int smalls = small; + int sum = (1*smalls) + (5*bigs); + if (sum == need) + { + return smalls; + } + else if (sum > need) + { + int modulus = (need % 5); + if (smalls >= modulus) + { + return modulus; + } + else + { + return -1; + } + + } + else + { + return -1; + } + +} +" +db8d007f86271eb4fdf70d08c942282ed0d05ba8,"public int makeChocolate(int small, int big, int goal) +{ + big = goal / 5; + small = goal % 5; + return small; +} +" +eaee48b4cdd7d37e4c4fd1e472363168343b0bba,"public int makeChocolate(int small, int big, int goal) +{ + while (big > 0 && goal >= 5) + { + goal -= big; + } + goal -= small; + if (goal > 0) + { + return -1; + } + else { + return small + goal; + } +} +" +8024bf05f6ae040df0f73b62aeea8bb7d135409a,"public int makeChocolate(int small, int big, int goal) +{ + while (big > 0 && goal >= 5) + { + goal -= big; + } + goal -= small; + if (goal >= 0) + { + return -1; + } + else { + return small + goal; + } +} +" +ed77207cc45dabb48ccd245643996b2dbf48d332,"public int makeChocolate(int small, int big, int goal) +{ + for (; big > 0 && goal >= 5; goal -= big, big--) + {} + goal -= small; + if (goal >= 0) + { + return -1; + } + else { + return small + goal; + } +} +" +0116bdfe2b8cf12986eb80cf1689af1315d32d91,"public int makeChocolate(int small, int big, int goal) +{ + for (; big > 0 && goal >= 5; goal -= big, big--) + {} + goal -= small; + if (goal > 0) + { + return -1; + } + else { + return small + goal; + } +} +" +331ff594784e75d2bb5733ff379d6f07663f415f,"public int makeChocolate(int small, int big, int goal) +{ + for (; big > 0 && goal >= 5; goal -= 5, big--) {} + goal -= small; + if (goal > 0) + { + return -1; + } + else { + return small + goal; + } +} +" +e63b07da92fe11f81c897b9c61920ec74129fc0e,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigs = big; + int smalls = small; + int sum = (1*smalls) + (5*bigs); + if (sum == need) + { + return smalls; + } + else if (sum > need) + { + if ((5 * bigs >= need) && smalls >= need % 5) + { + return (need % 5); + } + else if (smalls >= need - 5 * bigs) + { + return (need - 5 * bigs); + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +0486c02465fe67528e807f2829632f7ce0620f2d,"public int makeChocolate(int small, int big, int goal) +{ + for (; big > 0 && goal >= 5; goal -= 5, big--) + goal -= small; + if (goal > 0) + { + return -1; + } + else { + return small + goal; + } +} +" +fe788fa4430485ccb62aeab680ede668e190cb48,"public int makeChocolate(int small, int big, int goal) +{ + for (; big > 0 && goal >= 5; goal -= 5, big--) {} + goal -= small; + if (goal > 0) + { + return -1; + } + else { + return small + goal; + } +} +" +f9f836d26f8350fcddf839695d56366c496f89c1,"public int makeChocolate(int small, int big, int goal) +{ + for (; big > 0 && goal >= 5; goal -= 5, big--) + {} + goal -= small; + if (goal > 0) + { + return -1; + } + else { + return small + goal; + } +} +" +14feeafbe5a656d4fa61b075e9a0f0448d676918,"public int makeChocolate(int small, int big, int goal) +{ + int need = goal; + int bigs = big; + int smalls = small; + int sum = (1*smalls) + (5*bigs); + if (sum == need) + { + return smalls; + } + else if (sum > need) + { + if ((5 * bigs >= need) && smalls >= need % 5) + { + return (need % 5); + } + else if (smalls >= need - 5 * bigs && need - 5 * bigs > 0) + { + return (need - 5 * bigs); + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +280e0a2fb57e813fa8b0624df6cb294f56bdb758,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal % 5; + if (numberOfSmalls > small) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +a08f239b29040f9f064e8d697fb0aea1672972c6,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal % 5; + if (numberOfSmalls > small || numberOfSmalls == 0) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +385bb46b92e356b4692f0edaf7991f1740f8123e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 6) + { + return goal % 5; + } + else + { + return -1; + } +} +" +572c5b2e05089b939fb98ae480e4945f5fbee9e3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 6 == 0) + { + return goal % 5; + } + else + { + return -1; + } +} +" +0c7ad71906266a9fbe057b899eb1ac1a888edf08,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal % 5; + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (makingGoal != goal) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +22dc7ab507f76cac0c4711da41dac081ece855e5,"public int makeChocolate(int small, int big, int goal) +{ + chocolateLeft = goal + (5 * big); + if (small > chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +0837785840c06f906943bc516e96136ceed9f37c,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal + (5 * big); + if (small > chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +fb1d1aedeca33b6d33a2c2aeeec509eca3e7eb4d,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal + (5 * big); + if (small < chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +948d5970b3fadcd8913024104687cb318c394803,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal + (5 * big); + if (small > chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +c2c2d7d508db9ea2b0827cb0d244205ad11513c5,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal - (5 * big); + if (small >= chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +e583afbefbb99604d1ad790a5db7c2762cad774f,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal % 5; + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (numberOfBigs > big) + { + numberOfSmalls = -1 + } + if(numberOfSmalls > small) + { + numberOfSmalls = -1; + } + if (makingGoal != goal) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +b8d1b9845d6568e836de4b68f538a99b23810854,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal % 5; + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (numberOfBigs > big) + { + numberOfSmalls = -1; + } + if(numberOfSmalls > small) + { + numberOfSmalls = -1; + } + if (makingGoal != goal) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +3966f5ff36efe0b5603b10fec13ee9b59e860eb4,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal - (5 * big); + + if (chocolateLeft < 0) + { + return big; + } + + if (small >= chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +c1f05cda1a3c064a881334d0ba488adaf0810224,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal % 5; + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (numberOfBigs > big && small < 5) + { + numberOfSmalls = -1; + } + if(numberOfSmalls > small) + { + numberOfSmalls = -1; + } + if (makingGoal != goal) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +10e4c442e0a7d37f0ac32195b2fa0ded2e693bd0,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal - (5 * numberOfBigs); + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (numberOfBigs > big && small < 5) + { + numberOfSmalls = -1; + } + if(numberOfSmalls > small) + { + numberOfSmalls = -1; + } + if (makingGoal != goal) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +4f2791e49967b2af923b7fdcdd54d726e93e8832,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal - (5 * big); + + + + if (small >= chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +285b96cb74f17f80a6dc8f6b0b2bb587d7ac5d69,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal - (5 * big); + + if (chocolateLeft < 0) + { + return big; + } + + if (small >= chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +32006aaf92b789e2b3d3c6ff7aab9fdb01d60224,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal - (5 * big); + + if (chocolateLeft < 0) + { + return big; + } + + if (goal < 5) + { + return small; + } + + if (small >= chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +cf1a9c220aa623d7ca89c6c6951f3bb703266cef,"public int makeChocolate(int small, int big, int goal) +{ + int chocolateLeft = goal - (5 * big); + + if (goal < 5) + { + return small; + } + + if (chocolateLeft < 0) + { + return big; + } + + if (small >= chocolateLeft) + { + return chocolateLeft; + } + else + { + return -1; + } +} +" +16b40e6a1c30a670445032b014ef4ff182c18081,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal - (5 * numberOfBigs); + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (numberOfBigs > big && small < 5) + { + numberOfSmalls = -1; + } + if(numberOfSmalls > small) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +7e17bcb946ff503fa4553a2dd6f79e3ef400c1f0,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfBigs = goal / 5; + int numberOfSmalls = goal - (5 * numberOfBigs); + int makingGoal = (5 * numberOfBigs) + numberOfSmalls; + if (numberOfBigs > big && small >= 5) + { + numberOfBigs = big; + numberOfSmalls = goal - (5 * numberOfBigs); + } + if (numberOfBigs > big && small < 5) + { + numberOfSmalls = -1; + } + if(numberOfSmalls > small) + { + numberOfSmalls = -1; + } + return numberOfSmalls; +} +" +404073a79f5728363ad1d9825d9304973417d392,"public int makeChocolate(int small, int big, int goal) +{ + return goal % 5; +} +" +0027a82d79efe8a8a9eec172c7d9999ba70eb0a1,"public int makeChocolate(int small, int big, int goal) +{ + if ( big*5 < goal) + { + int chocoLeft = goal - (big * 5) + } + else + { + int chocoLeft = goal - ((big-1) * 5) + } + + if ( (small - chocoLeft) < 0) + { + return -1; + } + else + { + int chocoUsed = 0; + while (small != chocoLeft) + { + small -= small; + chocoUsed += chocoUsed; + } + return chocoUsed; + } +} +" +461e9550b5583902437bfab0ff8a2dfece4cd7b8,"public int makeChocolate(int small, int big, int goal) +{ + if ( big*5 < goal) + { + int chocoLeft = goal - (big * 5); + } + else + { + int chocoLeft = goal - ((big-1) * 5); + } + + if ( (small - chocoLeft) < 0) + { + return -1; + } + else + { + int chocoUsed = 0; + while (small != chocoLeft) + { + small -= small; + chocoUsed += chocoUsed; + } + return chocoUsed; + } +} +" +b2c01c8251b59e05bfd30b5f253a55580523dfb3,"public int makeChocolate(int small, int big, int goal) +{ + if ( big*5 < goal) + { + int chocoLeft = goal - (big * 5); + } + else + { + int chocoLeft = goal - ((big-1) * 5); + } + + if ( (small - chocoLeft) < 0) + { + return -1; + } + else + { + int chocoUsed = 0; + while (small != chocoLeft) + { + small -= small; + chocoUsed += chocoUsed; + } + return chocoUsed; + } +} +" +ab51c58ead5b0fc8c452340dcf04dfc223630def,"public int makeChocolate(int small, int big, int goal) +{ + if ( big*5 < goal) + { + int chocoLeft = goal - (big * 5); + } + else + { + int chocoLeft = goal - ((big-1) * 5); + } + + if ((small - chocoLeft) < 0) + { + return -1; + } + else + { + int chocoUsed = 0; + while (small != chocoLeft) + { + small -= small; + chocoUsed += chocoUsed; + } + return chocoUsed; + } +} +" +d602467a3651dc25145f05b0bbbf33bd38c8d0fc,"public int makeChocolate(int small, int big, int goal) +{ + if ( big*5 < goal) + { + int chocoLeft = goal - (big * 5); + } + + int chocoLeft = goal - ((big-1) * 5); + + + if ((small - chocoLeft) < 0) + { + return -1; + } + else + { + int chocoUsed = 0; + while (small != chocoLeft) + { + small -= small; + chocoUsed += chocoUsed; + } + return chocoUsed; + } + +} +" +ba79b6055bb66f076ccefc0f4398e4b44b7fc7c8,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + { + return -1 + } + +} +" +7036f4b442a787ba82e86c83404a603069d8c90a,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + { + return -1; + } + +} +" +25007b5436053e60ed1a26de587b575892dffdae,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + { + return -1; + } + + return -1; + +} +" +ed5a3072ec7c39209ce163aa0f4dbd374b86b74a,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + { + return -1; + } + + return 0; + +} +" +3975a885a463168dfdc24feb79038595b82d52d5,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + { + return -1; + } + + return null; + +} +" +bd175d8f10ea35a80abfa3bacb1225d1fc7c3fb7,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + { + return -1; + } + + return 10000; + +} +" +612e00645b534162867accaa79c889115c8575b1,"public int makeChocolate(int small, int big, int goal) +{ + mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (small < goal) + { + return mod; + } + + return 10000; + +} +" +7889d794f2090330c0e56cc0a6c5d12d5affb052,"public int makeChocolate(int small, int big, int goal) +{ + int mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (small < goal) + { + return mod; + } + + return 10000; + +} +" +cef2a4375e3542765e4328070ed2c7490f63c385,"public int makeChocolate(int small, int big, int goal) +{ + int mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (mod < small) + { + return mod; + } + + return 10000; + +} +" +98b3aa3b259c444ac4dd735cf8747665ba18e3ed,"public int makeChocolate(int small, int big, int goal) +{ + int mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (mod <= small) + { + return mod; + } + + return 10000; + +} +" +7bdb6342e24775f11c14c45ec70d7b361a19aee1,"public int makeChocolate(int small, int big, int goal) +{ + int mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (mod <= small) + { + return mod; + } + + return -1; + +} +" +769ebecc7698ad4b3d4384d4e290677f1bf676dd,"public int makeChocolate(int small, int big, int goal) +{ + int mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (mod <= small) + { + if ( goal - big*5 > 4) + { + return mod+5; + } + else + { + return mod; + } + } + + return -1; + +} +" +0722bd58e64886663b231addf905eed14ce8c44b,"public int makeChocolate(int small, int big, int goal) +{ + int mod = goal % 5; + + if (small + (5 * big) < goal) + { + return -1; + } + else if (mod <= small) + { + if ( (goal - big*5) > 4) + { + return mod+5; + } + else + { + return mod; + } + } + + return -1; + +} +" +d727dc51a1d3a4d34c07d2a361fb435596c28355,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + int remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +331a79dd18791231f5597729366b61c54b6e27ea,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big) + { + int chocoLeft = goal - 5*big; + } + else + { + int chocoleft = goal % 5; + } + + +} +" +2daf745b8d67fbdee2a120c3fd514da4deecab96,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + + if (goal >= 5*big) + { + chocoLeft = goal - 5*big; + } + else + { + chocoleft = goal % 5; + } + + if chocoLeft >= small + { + return -1; + } + else + { + return chocoLeft; + } + +} +" +ef1b123970a928245b2a48c1b9bdc4b3a27dd2d6,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + + if (goal >= 5*big) + { + chocoLeft = goal - 5*big; + } + else + { + chocoleft = goal % 5; + } + + if (chocoLeft >= small) + { + return -1; + } + else + { + return chocoLeft; + } + +} +" +57788877f71c7dc7c6f5a1dcacdbaa5613b0a114,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + + if (goal >= 5*big) + { + chocoLeft = goal - 5*big; + } + else + { + chocoLeft = goal % 5; + } + + if (chocoLeft >= small) + { + return -1; + } + else + { + return chocoLeft; + } + +} +" +d3e2bd9594cef4b19d357c72270ec91bc932bfa5,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + + bigKilos = 5*big; + + if (goal > bigKilos) + { + chocoLeft = goal - bigKilos; + } + else + { + chocoLeft = goal - (bigKilos-5); + } + + return chocoLeft; +} +" +efe1623ebbf012e7a4b0a4b32c1804fddf3ec4b8,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + int bigKilos = 5*big; + + if (goal > bigKilos) + { + chocoLeft = goal - bigKilos; + } + else + { + chocoLeft = goal - (bigKilos-5); + } + + return chocoLeft; +} +" +618e41ec7dc5ec8aefd514e508134e302beb0a5f,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = goal - numSmall; + if (numBig > big) + return -1; + else + return numSmall; +} +" +1749e03e1be4177874287d514ebf39b5fdc2b1aa,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + int bigKilos = 5*big; + + if (goal > bigKilos) + { + chocoLeft = goal - bigKilos; + } + else + { + chocoLeft = goal - (bigKilos-5); + } + + if (chocoLeft < small) + { + int chocoUsed = 0; + while ( chocoLeft != small) + { + chocoUsed += 1; + small -= 1; + } + return chocoUsed; + } + else + { + return -1 + } +} +" +5f9b9f61c5b2318cc8f78f129c6a904267f1b17a,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + int bigKilos = 5*big; + + if (goal > bigKilos) + { + chocoLeft = goal - bigKilos; + } + else + { + chocoLeft = goal - (bigKilos-5); + } + + if (chocoLeft < small) + { + int chocoUsed = 0; + while ( chocoLeft != small) + { + chocoUsed += 1; + small -= 1; + } + return chocoUsed; + } + else + { + return -1; + } +} +" +e5663d239131a64aa75341e3b1966fd2ef8212ea,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + int bigKilos = 5*big; + + if (goal > bigKilos) + { + chocoLeft = goal - bigKilos; + } + else + { + chocoLeft = goal - (bigKilos-5); + } + + if (chocoLeft <= small) + { + int chocoUsed = 0; + while ( chocoLeft != small) + { + chocoUsed += 1; + small -= 1; + } + return chocoUsed; + } + else + { + return -1; + } +} +" +ec31553514dd08c1377e82c0af84ffea0e04206b,"public int makeChocolate(int small, int big, int goal) +{ + int chocoLeft = 0; + int bigKilos = 5*big; + + if (goal > bigKilos) + { + chocoLeft = goal - bigKilos; + } + else + { + chocoLeft = goal - (bigKilos-5); + } + + if (chocoLeft <= small) + { + int chocoUsed = 1; + while ( chocoLeft != small) + { + chocoUsed += 1; + small -= 1; + } + return chocoUsed; + } + else + { + return -1; + } +} +" +e806fb5463a818f0b260141b397b359efc0329b6,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig > big) + return -1; + else + return numSmall; +} +" +4e63c4429d459692d1068aea362e07c8b6fb0e92,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig > big || numSmall > small) + return -1; + else + return numSmall; +} +" +c2db36bb892e77de936703c135584d1a9183f400,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (big * 5 + small < goal) + return -1; + else + return numSmall; +} +" +7d82685cdb70829eb8141d4f839022ac44923411,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small < goal || small < goal % 5) + { + return -1; + } + + if (big*5 <= goal) + { + return goal- big*5; + } + + return goal % 5; +} +" +c769963af0c68318b12ac103586ebd7f952e0eef,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig * 5 + numSmall > goal) + return -1; + //else if (); + else + return numSmall; +} +" +72cf812f3672a59b1c0673bf1f1b2549cf44c7b7,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig * 5 + numSmall < goal) + return -1; + else + int output = (goal - numBig * 5) + return output; +} +" +9da105d6af70f0304958193726d09c929f64727b,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig * 5 + numSmall < goal) + return -1; + else + int output = (goal - numBig * 5); + return output; +} +" +b570b2e39362353ab9819975ceffb08aee63c6e1,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + int output; + if (numBig * 5 + numSmall < goal) + return -1; + else + output = (goal - numBig * 5); + return output; +} +" +81f50b57e22300daa0257e66104547a828184614,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + int output; + if (big * 5 + small < goal) + return -1; + else + output = (goal - numBig * 5); + return output; +} +" +3b5261712e8e15fe187f4ef5a8aadbc80a30042b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 0) + { + return -1; + } + else + { + return (big % 5); + } +} +" +3932ea318a933430ffb8e8ab8c3cf247e1d24545,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig > big) + numBig = big; + int output; + if (big * 5 + small < goal) + return -1; + else + output = (goal - numBig * 5); + return output; +} +" +7d0689a73c711ebe6820160d4f11c950c38699ec,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % 5; + int numBig = (goal - numSmall) / 5; + if (numBig > big) + numBig = big; + int output; + if (big * 5 + small < goal) + return -1; + else if (numSmall > small) + return -1; + else + output = (goal - numBig * 5); + return output; +} +" +10cc02140941aaeb703e5f007bcc1767865e20a9,"public int makeChocolate(int small, int big, int goal) +{ + int sbars = goal % 5; + int bbars = (goal - sbars) / 5); + if (sbars > small || bbars > big) + { + return -1; + } + else + { + return sbars; + } +} +" +c0b777f8130c568cbb52b3b96a9dabcd42cb250f,"public int makeChocolate(int small, int big, int goal) +{ + int sbars = goal % 5; + int bbars = ((goal - sbars) / 5); + if (sbars > small || bbars > big) + { + return -1; + } + else + { + return sbars; + } +} +" +b7090bc9c4a122e05a5d45b04eb17d71bb58df8e,"public int makeChocolate(int small, int big, int goal) +{ + big = goal / 5; + small = goal % 5; + if (small > 0) + return small; + return -1; +} +" +028fcc21f56eb8f9bbf315b42ee94c7a8138efdc,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal / 5; + if (maxBig <= big) + { + goal = goal - maxBig * 5; + } + else + { + goal = goal - big*5; + } + if (goal <= small) + { + return small; + } + return -1; +} +" +b6a463c42e7d926c217a2791c76e6d5acfc8dba7,"public int makeChocolate(int small, int big, int goal) +{ + int sbars = goal % 5; + int bbars = ((goal - sbars) / 5); + if (big * 5 + small < goal) + { + return -1; + } + else if (bbars > big) + { + bbars = bbars - big; + return sbars + (bbars * 5); + } + else + { + return sbars; + } +} +" +0983eb16ede5cde6e55cb1c0693e94e0b82f3634,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + big*5 < goal) + { + return -1; + } + else if (rem <= small && goal - 5*big > 4) + { + return rem + 5; + } + else + return -1; +} +" +f578b4d856569f6248877bd5949a4165c7462324,"public int makeChocolate(int small, int big, int goal) +{ + int sbars = goal % 5; + int bbars = ((goal - sbars) / 5); + if (big * 5 + small < goal) + { + return -1; + } + else if (sbars > small) + { + return -1; + } + else if (bbars > big) + { + bbars = bbars - big; + return sbars + (bbars * 5); + } + else + { + return sbars; + } +} +" +09e95719233693e3b0125c9fdf65d8b028a47415,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 < goal) + { + return -1; + } + else if (big * 5 > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +} +" +ea89ea96154c74a92103f3e77e7a6e4f62893cdf,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 < goal) + { + return -1; + } + else if (big * 5 > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +} +" +293bcbb049a8a25aa33be2caec7459c2dabb0158,"public int makeChocolate(int small, int big, int goal) +{ + if small == 1 && big == 2 && goal == 7) + return -1; + if (small + big * 5 < goal) + { + return -1; + } + else if (big * 5 > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +} +" +1c2262feb29e22f33e5a82e0ad1b6f81d53cc28e,"public int makeChocolate(int small, int big, int goal) +{ + if (small == 1 && big == 2 && goal == 7) + return -1; + if (small + big * 5 < goal) + { + return -1; + } + else if (big * 5 > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +} +" +5e08df0753b5eacec0ea2e0ce676d0021b615d08,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != big * 5) + return small; + if (goal != (big * 5) + (small) + return -1; +} +" +e2776adc0235edb3a2b9acec595fdf04b7130e35,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != big * 5) + return small; + if (goal != (big * 5) + (small)) + return -1; +} +" +c30a860545f28395f6a8b0bedde72d27eaae379c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != big * 5) + return small; + else if (goal != (big * 5) + (small)) + return -1; +} +" +55f0c5e02d535a0909ff36d8af9ca602818ad04e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != big * 5) + return small; + else (goal != (big * 5) + (small)) + return -1; +} +" +4d74840b13529ec99660e4a7efbf8eabe032f88b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != big * 5) + return small; + else + return -1; +} +" +34f79dd81bba634014e3c6a597fe3de4b12eadc4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if (goal != big *5) + return small = goal - (big * 5) + else + return 0; +} +" +2ba16ba39d00783d0035b7676eed0a0c947f8084,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if (goal != big *5) + return small = goal - (big * 5); + else + return 0; +} +" +00065e8f37b4c53f191736e029c7578a6b669283,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if (goal != big *5) + small = goal - (big * 5); + return small + else + return 0; +} +" +b7ff052f0c2e2b60730a5f98740b95c0b8439a4f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if (goal != big *5) + small = goal - (big * 5); + return small; + else + return 0; +} +" +d4cf17d01c649071964eaf4034da7b1a83e91135,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if (goal != big *5) + small = goal - (big * 5); + return small; +} +" +2719f77b3bda9a27ad34e0967c2be62a5e26d037,"public int makeChocolate(int small, int big, int goal) +{ + +} +" +acaff80bb927a0abbc072c4f99a2ab2cefe6525d,"public int makeChocolate(int small, int big, int goal) +{ + return 0; + +} +" +ff3c6201ef414d3e174dff78c49571914b1f0615,"public int makeChocolate(int small, int big, int goal) +{ + return(big); +} +" +3789a836d409baf6bb1d530e1c22d44a0c1c428d,"public int makeChocolate(int small, int big, int goal) +{ + if( goal> small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1 +} +" +6b72f26a295dec0e96c94b4cb78d2bdb98d015c8,"public int makeChocolate(int small, int big, int goal) +{ + if( goal> small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +e173883a39ead8e452668d191033ac46c3e25574,"public int makeChocolate(int small, int big, int goal) +{ + if( goal>= small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +05abb9efb5afc5777318bfd2a6f85492677d2b59,"public int makeChocolate(int small, int big, int goal) +{ + if( goal<= small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +56c550b5430d454148c4caacf6e934e9f7d43178,"public int makeChocolate(int small, int big, int goal) +{ + if( goal< small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +7c00d89891d514d5c3a40a2fbba7f26bd130bd69,"public int makeChocolate(int small, int big, int goal) +{ + if( goal =< small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +8c226f2524867d2067dfe3beb994eea23474a671,"public int makeChocolate(int small, int big, int goal) +{ + if( goal <= small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +708354553696452e0104690cdb7064d24a93082d,"public int makeChocolate(int small, int big, int goal) +{ + if( goal <= small + 5*big) + { + while ( goal >5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +c3fda767eb89c37fcccf258c325bbf6cdac6c201,"public int makeChocolate(int small, int big, int goal) +{ + if( goal <= small + 5*big) + { + while ( goal >=5) + { + goal = goal - 5; + + } + return goal; + } + else + return -1; +} +" +2543e248730b81cec38b9afd3348653297588240,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0 + if (small + big*5 >= goal) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - big; + big = big - 1; + } + else + { + goal = goal - small; + small = small - 1; + int x = x + 1; + } + + } + } + else + { + return -1; + } + return x + +} +" +333913a6f2e049e99bb9377428f76f351a35a64b,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (small + big*5 >= goal) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - big; + big = big - 1; + } + else + { + goal = goal - small; + small = small - 1; + int x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +6b3df571eb2aba35139a2a301e6fbb93a969a541,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (small + big*5 >= goal) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - big; + big = big - 1; + } + else + { + goal = goal - small; + small = small - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +3ec71a8d897613c49d265004864f6154b9c5e2ed,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (small + big*5 >= goal) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - big*5; + big = big - 1; + } + else + { + goal = goal - small; + small = small - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +952ed7e638348340fac581137682fe2e9f9a91d9,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >=5) + { + goal = goal - 5; + + } + if( goal <= small ) + { + + return goal; + } + else + return -1; +} +" +ecea6211a8c1d8f17fbdba85efe2b2a3222e1f3d,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + big) >= goal) + { + int num = ((goal - (big * 5)) / small); + return(num); + } + else + { + return(-1); + } +} +" +df656fa3336ce68ab82941d1b9f2d7bab0207d01,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >=5 && big >=0) + { + goal = goal - 5; + big = big -5; + + } + if( goal <= small ) + { + + return goal; + } + else + return -1; +} +" +b568d5496744b98e407a9e4e4e0c17571de8a918,"public int makeChocolate(int small, int big, int goal) +{ + if (((small * 1) + (big * 5)) >= goal) + { + int num = ((goal - (big * 5)) / small); + return(num); + } + else + { + return(-1); + } +} +" +ca19136f13a492dc88683d792dc0d4ac37f44f2b,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (small + big*5 >= goal) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - big*5; + big = big - 1; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +aa521bd4480e7ce85c28ebbec0c17e77d5c48bd6,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >=5 && big >=5) + { + goal = goal - 5; + big = big -5; + + } + if( goal <= small ) + { + + return goal; + } + else + return -1; +} +" +919065b42cb81b7a607e0bafb698fbed3b39167f,"public int makeChocolate(int small, int big, int goal) +{ + if (((small * 1) + (big * 5)) >= goal) + { + int num = ((goal - (big * 5)) / 1); + return(num); + } + else + { + return(-1); + } +} +" +9c242de0bcc13df2a5b7d7622f44c5150b3ee877,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (small + big*5 >= goal) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +dff2d10154a7b99ea380f1796538a74a0e3a734a,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal >=5 && big >=1) + { + goal = goal - 5; + big = big -1; + + } + if( goal <= small ) + { + + return goal; + } + else + return -1; +} +" +a594258ad78174532ff0d8dd4192153264d3dbe6,"public int makeChocolate(int small, int big, int goal) +{ + if (((small * 1) + (big * 5)) >= goal) + { + if (big * 5) <= goal + { + int num = ((goal - (big * 5)) / 1); + return (num) + } + if + { + + } + } + else + { + return(-1); + } +} +" +f3aa582a5a1f4237e8696f1a4962b3362cfd3c2c,"public int makeChocolate(int small, int big, int goal) +{ + if (((small * 1) + (big * 5)) >= goal) + { + if (big * 5) <= goal + { + int num = ((goal - (big * 5)) / 1); + return (num) + } + } + else + { + return(-1); + } +} +" +fc8ddad113796ffe6dd0513136b790969f71eecf,"public int makeChocolate(int small, int big, int goal) +{ + if (((small * 1) + (big * 5)) >= goal) + { + if (big * 5) <= goal + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + } + else + { + return(-1); + } +} +" +529b0b70313ede62ed42eb88275cc8b5bece06b6,"public int makeChocolate(int small, int big, int goal) +{ + if (((small * 1) + (big * 5)) >= goal) + { + if ((big * 5) <= goal) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + } + else + { + return(-1); + } +} +" +1a2ff768cef59d2a63a9ef1156b8745ad4a2ec1e,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = (((big * 5) - goal) / big); + return(num2); + } + else + { + return(-1); + } +} +" +c35ce0dc158adfe5bd425b18a4f2b7bd26103eba,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = (goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +8561f78b3c8e21d8675ae734c55337e55c43de41,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = (goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +cec3c7905b03112030e9e4172dd5a69adaf11818,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +f692d997b05da86ff8c93669bb7573edb2abfd4f,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else + { + return(-1); + } +} +" +6b417cacee5eed3bb7da4c809f512b891e1c4617,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +727b0446e3565bec9c2e7973d0f1e4dda8cb1d28,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) ) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) && (goal = (big * 5))) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +5b7af4f26b0176ed9b3017c20e6323ffb87eaefe,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) ) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) && (goal = (big * 5))) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +691b3d643862c4ddf4766117ae76f57969c44a7a,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) ) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) && (goal == (big * 5))) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +a28d009e13c9cb93113608769dda64513f4547d3,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) != 1) ) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +8ed4be6d987c717ef1d33b9c6b754e3851c46a5e,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +03e155f7e6b08d017b20c29a0d5a4710a734421a,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +16989d46c2927fbf760341aaa862dd301fe8e136,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((goal / small) == 1) + { + return(small); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +29ce9223d395691831a86283b94faad733350828,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +5371a9a30c743501a5c4ebb7fe607cb395a441e5,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((goal - (big * 5)) == 0) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +3797b11d48f341aa5e5c9ad8a9986a47322ef847,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((goal - (big * 5)) == 0) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else if ((5 + small) < goal) + { + return(-1); + } + else + { + return(-1); + } +} +" +168af5dd584320e095ee790784a17a9b9d481516,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + if ((samll == 1) && (big == 7)) + { + return(-1); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((goal - (big * 5)) == 0) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +4a3de4641587c033fb60852803e3d879308f03f2,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + if ((small == 1) && (big == 7)) + { + return(-1); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((goal - (big * 5)) == 0) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +7f6d77a2f8fdb4a9935a8dacf513ce78a107b513,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + if ((small == 1) && (big == 2)) + { + return(-1); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((goal - (big * 5)) == 0) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +63a10807b96c2ca9b6ecc31adbe399701fe69aed,"public int makeChocolate(int small, int big, int goal) +{ + if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) < goal)) + { + int num = ((goal - (big * 5)) / 1); + return (num); + } + if ((small == 1) && (big == 2) && (goal == 7)) + { + return(-1); + } + else if ((goal - (small * 1)) == 0) + { + return(small); + } + else if ((goal - (big * 5)) == 0) + { + return(0); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal)) + { + int num2 = ((goal - 5) / 1); + return(num2); + } + else if ((((small * 1) + (big * 5)) >= goal) && ((big * 5) >= goal) && ((goal / small) == 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +db68136e9ae75a2921a996d5e860bb1859b96258,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1) + } + else + { + while (goal > 5 && big >= 1) + { + goal = goal - 5; + big = big - 1; + } + return (goal) + } +} +" +2114984708d4345085d3c3a5b805815453fc0c36,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal > 5 && big >= 1) + { + goal = goal - 5; + big = big - 1; + } + return (goal); + } +} +" +31625b747d5b6340b828d688df62659c56139f11,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal >= 5 && big >= 1) + { + goal = goal - 5; + big = big - 1; + } + return (goal); + } +} +" +25f33c0dd570c186f84c5003cf6da058e8d0218a,"public int makeChocolate(int small, int big, int goal) +{ + return goal % big; +} +" +491c92d8ed0f98d54a146aca6d7c5d0bfe075760,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (goal < big) + { + return -1; + } + else if (extra == 0) + { + return 0; + } + else + { + return extra; + } +} +" +73aab427036daac4dccbd8cf2676259f4fa65538,"public int makeChocolate(int small, int big, int goal) +{ + int left = goal - 5*big; + if (left > small) { + return -1; + } + else { + return left; + } +} +" +9e2900ddd6944c89ad598326f121db64d02a4caa,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal >= 5 && big >= 1) + { + goal = goal - 5; + big = big - 1; + } + if (small < goal) + { + retrun (-1); + } + else + { + return (goal); + } + } +} +" +fd205098a36408228acb6129e3828ec2eabe2b9f,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (goal < big || extra == 0) + { + return -1; + } + else + { + return extra; + } +} +" +70fef6748dbb85ea524b6ec8cf2e8aa74d481475,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal >= 5 && big >= 1) + { + goal = goal - 5; + big = big - 1; + } + if (small < goal) + { + return (-1); + } + else + { + return (goal); + } + } +} +" +ce959dd7e1670d0059acb6ce8734139fdc6e906d,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { +//Makes the program skip the loop for the big bars +big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +89d77e3492cd57f01e48eb538e316c80fe46215e,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { +//Makes the program skip the loop for the big bars +big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; +} + +if(total == goal) { +return i; +} +} + +return -1; +} +" +1d5063b045fad0ec68fbf11d2fe119975fff7e03,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { +//Makes the program skip the loop for the big bars +big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +eacf285749fa893b7e74a84afbd8c848557563c6,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +475d49bf694de566d9247cf33d7369aeaa9c9ac7,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal)) <= small ) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +477078b8a4dd3b0b8b9c3db7c8664eff5bd756a8,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +34e1d34b4734057bddb073d7e3f60a2682e92a7d,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal != 0) + { + if (goal > 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + } + else + { + return -1; + } + return x; + +} +" +f6c330dcc620dc760846ea01fc504a6c0f380e4c,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + } + if (big*5 == goal) + return 0; + else + { + return -1; + } + return x; + +} +" +138e1629ae84df3737d706121f5c847e24d12eaf,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + if (big*5 == goal) + + return 0; + else + { + return -1; + } + + +} +" +c33f51340b34cfc54aafd8847bb36d9e14c21b52,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal != 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + if (big*5 % goal == 0) + + return 0; + else + { + return -1; + } + + +} +" +219aefb5bdf954cc4a98dff6fb36f49bd91611f3,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal > 0) + { + if (goal >= 5 ) + { + goal = goal - 5; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + if (big*5 % goal == 0) + + return 0; + else + { + return -1; + } + + +} +" +536de42b6a235c75305ce5c97f8d9073fdf2a52b,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big -1 + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + if (big*5 % goal == 0) + + return 0; + else + { + return -1; + } + + +} +" +bcd4507734be80d5652dc5c80787ea9b9894b61e,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + if (big*5 % goal == 0) + + return 0; + else + { + return -1; + } + + +} +" +cbc77923769d6b6fbc4daac9596efccc6d6ae774,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + else if(big*5 % goal == 0) + + return 0; + else + { + return -1; + } + + +} +" +91f3acdaa9a16fedde6ad3a1d95f4a3e011a6444,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + else if (big*5 % goal == 0) + + return 0; + else + { + return -1; + } + + +} +" +f5a0011309ba47bc15aff2b2c1078a92a3926de5,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal - ((big * 5) % goal) <= small ) + { + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + else + { + goal = goal - 1; + x = x + 1; + } + + } + return x; + } + + else + { + return -1; + } + + +} +" +6112679eb3f979003068c187693ffe01d60b930c,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; +} +" +c8b45045c92bb507a867e1d04aa690fdea468aa7,"public int makeChocolate(int small, int big, int goal) +{ + int bigCapacity = goal/5; + +if (bigCapacity>=big && goal-big*5<=small) + return goal-big*5; +else if (bigCapacity 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +852cfd4a0299e21aab2c131514c8f4435b43f4e8,"public int makeChocolate(int small, int big, int goal) +{ + int left = goal; + while (left >= 5) { + left = left - 5*big; + } + if (left == 0) { + return 0; + } + else if (left > small) { + return -1; + } + else { + return left; + } +} +" +a32fe9af3c00ae6cd8c25a935f5b8aa93e4ac5df,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + else + return -1 +}" +9081175c7b373e0584b7c9d6e5c0a5d9e360c6fe,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0 + if goal >= 5 * big: + remainder = goal - 5 * big; + else: + remainder = goal % 5; + + if remainder <= small: + return remainder; + else + return -1; +}" +423bdb4c89308bf70a79edfd427d70c8e96374ca,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if goal >= 5 * big: + remainder = goal - 5 * big; + else: + remainder = goal % 5; + + if remainder <= small: + return remainder; + else + return -1; +}" +2848ad4d498505356b63ec155ae70ae85718c32d,"public int makeChocolate(int small, int big, int goal) +{ + int left = goal; + int bigLeft = big; + while (left >= 5) { + left = left - 5; + big--; + } + if (left == 0) { + return 0; + } + else if (left > small) { + return -1; + } + else { + return left; + } +} +" +301b34fadc0b52be666c5d33914e67d068e7f671,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + else + return -1; +}" +83a4c256c70f33ec019e939197ce2eaba517af88,"public int makeChocolate(int small, int big, int goal) +{ + int left = goal; + int bigLeft = big; + while (left >= 5 && bigLeft > 0) { + left = left - 5; + bigLeft--; + } + if (left == 0) { + return 0; + } + else if (left > small) { + return -1; + } + else { + return left; + } +} +" +88d1d6821d6a505b95a327cae8feb39b74b78262,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (5 * big); + int smallnum = remaining / small; + return smallnum; +} +" +baa48dea5a4312c3317a9cd11b0f53b7433d07b1,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (5 * big); + int smallnum = (remaining / small); + return smallnum; +} +" +188f902605ba12e6ce54c4c94ee2ba4c09e47859,"public int makeChocolate(int small, int big, int goal) +{ + if (5 * big < goal) + return goal - big * 5; + else + return goal % 5; +} +" +e7087aae95505486f3a185a3714c1a29f91cdde2,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (5 * big); + return remaining; +} +" +3e07857c3847646d9116a967a7ca1b32f5f60797,"public int makeChocolate(int small, int big, int goal) +{ + if (5 * big < goal) + return goal - big * 5; + else if (big*5 + small < goal) + return big*5 + small - goal; + else + return goal % 5; +} +" +14cc833cd188c9c07b8624e2520c6ae22a8ad0bf,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (5 * big); + if (remaining < 0 || remaining > small) { + return 0; + } + else { + return remaining; + } +} +" +b06d61d5d452ecb4b36ebb8841d66d44f1209aa3,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small < goal) + return big*5 + small - goal; + else if (5 * big < goal) + return goal - big * 5; + else + return goal % 5; +} +" +87543896cad3b6029d165fda08ff12023f53d791,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small < goal) + return big*5 + small - goal; + else if (small < goal % 5) + return small - goal%5; + else if (5 * big < goal) + return goal - big * 5; + else + return goal % 5; +} +" +b84b25d43a4627e4bfd6a21eb3dfbdc6d14b4176,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (5 * big); + if (remaining < 0) { + remaining = small; + return remaining; + } + else if (remaining > small) { + return -1; + } + else { + return remaining; + } +} +" +e146bad7a825d91cb30dec177b2fa3eeecd0ce56,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small < goal) + return -1; + else if (small < goal % 5) + return -1; + else if (5 * big < goal) + return goal - big * 5; + else + return goal % 5; +} +" +6f31da0b5576dba20cae22302dcb42b315351741,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +d5f7ef5e964a8102d560cd92bbea1afa512fbf39,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + + if (remainder <= small) + { + + return remainder + } + + return -1 +} +" +746a44189c5bc308ab07716eee04b286bd143846,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + + if (remainder <= small) + { + + return remainder + } + else + { + return -1 + } +} +" +98366b29dbe4e66f75187e556bbd7389a6632323,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + + return remainder; + } + else + { + return -1; + } +} +" +fb9740390f0bd7b6656cc8b10ffe251c4f0e50d2,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + + return remainder; + } + else + { + return -1; + } +} +" +d5cb95ac42f41dbd507da49a232b1a9681500a80,"public int makeChocolate(int small, int big, int goal) +{ + int small = goal % big; + return small; +} +" +f57028e1afaf89b7ace44c334ee10056d065d629,"public int makeChocolate(int small, int big, int goal) +{ + small_count = big % 5; + + if (small >= small_count) + { + return small_count; + } + else + { + return -1; + } + +} +" +7089f8c10bb93ce29e908ae6ab9ce30b51087930,"public int makeChocolate(int small, int big, int goal) +{ + int small_count = big % 5; + + if (small >= small_count) + { + return small_count; + } + else + { + return -1; + } + +} +" +31f7d31bd592682ed244283a5f04e8ab9af8a765,"public int makeChocolate(int small, int big, int goal) +{ + int bigNeeded = goal / 5; + int smallNeeded = goal % 5; + if (bigNeeded < big || smallNeeded < small) + { + return -1; + } + return smallNeeded; +} +" +391ee07d42bee010a3698a062ac5c5ab7c1f7f70,"public int makeChocolate(int small, int big, int goal) +{ + int bigNeeded = goal / 5; + int smallNeeded = goal % 5; + if (bigNeeded > big || smallNeeded > small) + { + return -1; + } + return smallNeeded; +} +" +9c9a84089335f148af5846e74a53e78184475d1f,"public int makeChocolate(int small, int big, int goal) +{ + int bigNeeded = goal / 5; + int smallNeeded = goal % 5; + if (bigNeeded > big) + { + smallNeeded = goal - (big * 5); + if (smallNeeded > small) + { + return -1; + } + return smallNeeded; + } + if (smallNeeded > small) + { + return -1; + } + return smallNeeded; +} +" +aa667c8bb9c109241ec885f0f622eb99c9741d2c,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remainder = goal - 5 * big + } + else + remainder = goal % 5 + if remainder <= small + { + return remainder + } + return -1 + +} +" +7975661fccf9dd39ccdc888fafae6769db984a2b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + remainder = goal % 5 + if (remainder <= small) + { + return remainder + } + return -1 + +} +" +65e1145fc8fe0d848c01a2286a4e22078fee4da0,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem<= small && goal - big*5 > 4) + return rem +5; + else if (rem <= small) + return rem; + else + return -1; +} +" +203f7d54baf3f5cb2f3ec63aba6dee203d5ebf11,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (big*5) < goal) + return -1; + else if (rem<= small && goal - big*5 > 4) + return rem +5; + else if (rem <= small) + return rem; + else + return -1; +} +" +896d091f971ea69a180ef7567fccdf2a95b4dc96,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >=5 * big) + remainder = goal - 5 * big; + else + remainder = goal %5; + else if (remainder <= small) + return remainder + else + return -1; +} +" +946e8308d5f23bc63a67a2a427fc6a682881494d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >=5 * big) + remainder = goal - 5 * big; + else + remainder = goal %5; + else (remainder <= small) + return remainder; + else + return -1; +} +" +8e80e1b4b4056df517087b9d66b6f8666e1bded8,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >=5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + else (remainder <= small) + return remainder; + else + return -1; +} +" +d2d6b7dae3e614947044d44af05671613f085962,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + if (big * 5 < goal) + { + + } + return bars; +} +" +be8ed7c51e0e1c8749a8b5410140b3aa35ed603b,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goals - bigWeight; + if (weightLeft > 0) + { + for (bars = 0; weightLeft >= 1; weightLeft--) + { + bars++; + } + } + return bars; +} +" +67ba3c78383f48c87529353350a93f6fdecdb61b,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goal - bigWeight; + if (weightLeft > 0) + { + for (bars = 0; weightLeft >= 1; weightLeft--) + { + bars++; + } + } + return bars; +} +" +952999c1950662df276b4a558ff29a3c4eab0b42,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goal - bigWeight; + if (weightLeft > 0) + { + for (bars = small; weightLeft >= 1; small--) + { + bars++; + } + } + return bars; +} +" +1d402d67a31e77f7cb865dadbb7cc164e8fda4bb,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goal - bigWeight; + if (weightLeft > 0) + { + for (i = 0; weighLeft >= 1; weightLeft--) + { + bars++; + } + } + return bars; +} +" +f515b4e2f8387910f1575627f49496de31f5c181,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goal - bigWeight; + int i; + if (weightLeft > 0) + { + for (i = 0; weighLeft >= 1; weightLeft--) + { + bars++; + } + } + return bars; +} +" +b22f974b0c9268bfc713e734993690b92b1bef03,"public int makeChocolate(int small, int big, int goal) +{ + a = goal % 5; + x = 5 * big + small; + if (x >= goal) + { + if (a <= small) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +a4668de39e500a9d260622e3e100bb2bf3091afb,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return big; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +cff1dda1e08136c158154d6a60c3b0675871fa27,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goal - bigWeight; + int i; + if (weightLeft > 0) + { + for (i = 0; weightLeft >= 1; weightLeft--) + { + bars++; + } + } + return bars; +} +" +e390dd6a37dd01da416d04ba1185a769e090ecd6,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + if (x >= goal) + { + if (a <= small) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +b53cdf8b480f42d4d3fb58e793207402e7338510,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >=goal ) + { + return 0; + } + else if ( small + big*5 >= goal) + { + return goal - big*5; + } + else + { + return -1; + } + } +" +14445223d3a399ded816bcad58ebd65e238fe394,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + if (x >= goal) + { + if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +3790f47b330520a408366571899ad65e7a6fc588,"public int makeChocolate(int small, int big, int goal) +{ + int bars = 0; + int bigWeight = big * 5; + int weightLeft = goal - bigWeight; + int i; + if (weightLeft > 0) + { + for (i = 0; weightLeft >= 1; weightLeft--) + { + if (small > 0) + { + small--; + bars++; + } + else + { + bars = -1; + } + } + } + return bars; +} +" +a4937adbe265574d7c237fd01e2577508466e220,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } + } +" +20739ddf7c214ee9590b5a603499bdd0fff65363,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +fe0138f61e6467a1faf7219c054b46d2cf317b6e,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + remainder = 0; + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +9089fbdc5b329f5fab644640a68233563d9ee60f,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big * 5; + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +28f061bcde97a95e0c561e2c7efc4e967eb73e4d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remain = goal - 5 * big + } + else + { + remain = % 5 + } + if (remain <= small) + return -1; +} +" +98737efb019823f69ae774a8f2b88e64df3cf45d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remain = goal - 5 * big; + } + else + { + remain = goal % 5; + } + if (remain <= small) + return -1; +} +" +a096229f2698e3176c12f695d5aef4c468cbd867,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remain = goal - 5 * big; + } + else + { + remain = goal % 5; + } + if (remain <= small) + return remain; + return -1; +} +" +c565fce79bf7b3fe8b4ec1cae76c4745a60bf9f9,"public int makeChocolate(int small, int big, int goal) +{ + int remain = 0; + if (goal >= 5 * big) + { + remain = goal - 5 * big; + } + else + { + remain = goal % 5; + } + if (remain <= small) + return remain; + return -1; +} +" +4895e254b35ca3ba0f03e57ef101a88dc06aa78c,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5 ; + int result = 0; + + if (x > 0) + { + result = x; + } + else + { + result = 0; + } + + return result; +} +" +214529f72a28cc8a28e380d6b8ca848586749fae,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5 ; + int result = 0; + + if (x > 0) + { + if (small == x) + { + result = x; + } + else + { + result = -1; + } + } + else + { + result = 0; + } + + return result; +} +" +100eaa14d3b90f77bd6eb204d11b4d4373c767d5,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5 ; + int result = 0; + + if ( 5(big) + small == goal) + { + result = small; + } + else + { + result = -1; + } + + return result; +} +" +6ebe347c0739788c26db53c8c357fb30b3ad0833,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + if ( 5*big + small == goal) + { + result = small; + } + else + { + result = -1; + } + + return result; +} +" +c9539eb7da16d8c2e5ec0497b93bd20359b64f8c,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + int y = goal - (5 * big) + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +9c773824810d327d3d7cd80c055d08b065b1409d,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + int y = goal - (5 * big); + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +b8525c67a47bd20f6e8ca38bb3546624a2717c0a,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal%big + int smallUse = remain/small + if (remain == 0 || smallUse == 0) { + return -1; + } else { + return smallUse; + } +} +" +93224489e7629f6e07a443a10f3f123e43419116,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal%big; + int smallUse = remain/small; + if (remain == 0 || smallUse == 0) { + return -1; + } else { + return smallUse; + } +} +" +e50bf1d00da19b38416d1dc47ff453064800186b,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal-big; + int smallUse = remain/small; + if (remain == 0 || smallUse == 0) { + return -1; + } else { + return smallUse; + } +} +" +fedfcbfc0ad51e507302807a6c634a54988c2116,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal-big; + if (remain == 0) { + return -1; + } else { + return small; + } +} +" +ffe285d82a96a180ab2a8179128629f7c28d024b,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal-big; + if (remain == 0 || remain/small != 0) { + return -1; + } else { + return small; + } +} +" +907639b7064663bc5491c7c472a75791a414db13,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal-big; + if (remain == 0 || remain%small != 0) { + return -1; + } else { + return small; + } +} +" +60726a77c3fd923981bd1c376ae0db96b7e00d14,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +3053ffa359e2d30fa4cd7ecfaa77c96f0e5f5960,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal-big; + if (remain == 0) { + return -1; + } else { + return remain%small; + } +} +" +343ad4f8da430748eb020fa3cd728d526d67f94b,"public int makeChocolate(int small, int big, int goal) +{ + max = goal/5; + min = goal%5; + if(max == 0) + { + return max; + } + else if(max != 0) + { + return max + min; + } + else + { + return -1; + } + return max; +} +" +a8f4c554bb1ca170a8d60508f3f0f02404d6f77c,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +d1365f499bf0a297e4703042a347f73e69fce1f0,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return goal; + } + return -1; +} +" +3de69dd6820700ce66743e9fd57c06189e66df70,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal / 5; + if(maxBig <= big) + { + goal -= maxBig * 5; + } + else + { + goal -= big * 5; + } + if(goal <= small) + { + return goal; + } + return -1; +} +" +b74ff810f092466dca02dce8eb7e8716745f2f7b,"public int makeChocolate(int small, int big, int goal) +{ + if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(big); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + else if ((goal - 5) > 0)) + { + return((goal - 5) / 1); + } +} +" +03c349e16223e73cc1643b5561a06d782afeba20,"public int makeChocolate(int small, int big, int goal) +{ + if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(big); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + else if ((goal - 5) > 0) + { + return((goal - 5) / 1); + } +} +" +a8c7ba5af4570d7e485852c127f8f765dfc28a0f,"public int makeChocolate(int small, int big, int goal) +{ + if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(big); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + else if ((goal - 5) > 0) + { + return((goal - 5) / 1); + } + else + { + return(-1); + } + +} +" +82cbef3275258d0e1ade0413e9170214914df8ef,"public int makeChocolate(int small, int big, int goal) +{ + if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(0); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + else if ((goal - 5) > 0) + { + return((goal - 5) / 1); + } + else + { + return(-1); + } +} +" +6d3042c0274e0a4dfcf90d7700e959ba65a97f8a,"public int makeChocolate(int small, int big, int goal) +{ + if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(0); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + else if ((goal - 5) >= (small * 1)) + { + return((goal - 5) / 1); + } + else + { + return(-1); + } +} +" +80f9bf8715ce7586faff110e8ce9caa0afa8372c,"public int makeChocolate(int small, int big, int goal) +{ + if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(0); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + else if ((goal - 5) == (small * 1)) + { + return(small); + } + else + { + return(-1); + } +} +" +63bb0273376325f33a3d3f68e7a0bdf09af29edb,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0 + while ((goal - 5) >= 0) + { + goal = goal - 5; + i = i + 1; + } + i = i - 1; + if (big <= i) + { + return((goal - (big * i)) / 1) + } + else if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(0); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + +} +" +621b41d30fb8f4601bb446769d6f9a257d70c055,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + while ((goal - 5) >= 0) + { + goal = goal - 5; + i = i + 1; + } + i = i - 1; + if (big <= i) + { + return((goal - (big * i)) / 1); + } + else if ((small * 1) == goal) + { + return(small); + } + else if ((big * 5) == goal) + { + return(0); + } + else if ((big * 5) + (small * 1) == goal) + { + return(small); + } + +} +" +276e074ca039d9164c5b0f59b790afbaf7caa8ae,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > big) + big++; + while (small < (goal - big)) + small++; + return small+big; +} +" +f2ab89fe1cb3add423b8f7ce047b5d5dc3d3b9b9,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > big) + big++; + while (small < (goal - big)) + small++; + return small; +} +" +41b9547cd475784e4922d2a163af0d73df61b2ba,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > big*5) + big++; + while (small < (goal - big)) + small++; + return small; +} +" +56ba9b895baefcbc38cbf12fd122c2a7f6211395,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > big*5) + big++; + while (small < (goal - big*5)) + small++; + return small; +} +" +ef15e35a0f8fbd32e857c04bb206e86bb1dfbe1b,"public int makeChocolate(int small, int big, int goal) +{ + int mem; + if (small + big*5 < goal) + return -1; + while (goal > big*5) + mem++; + while (small < (goal - big*5)) + small++; + return small; +} +" +b973ef8117a8423b60c52c5ca635e954ba8d60cc,"public int makeChocolate(int small, int big, int goal) +{ + int membig = 0; + int memsmall = 0; + if (small + big*5 < goal) + return -1; + while (goal > big*5) + mem++; + while (small < (goal - mem*5)) + memsmall++; + return memsmall; +} +" +2ff05bb141c4126b02503a5e7c1884113276af46,"public int makeChocolate(int small, int big, int goal) +{ + int membig = 0; + int memsmall = 0; + if (small + big*5 < goal) + return -1; + while (goal > big*5) + membig++; + while (small < (goal - membig*5)) + memsmall++; + return memsmall; +} +" +641f270034f8930ac74bd70e1346f8cc93b80a66,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + return -1; + int mem = goal % 5; + return mem; +} +" +f87b34403cf80ed2fc6a6d5a38435217032dee34,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if ((goal != big *5) ) + small = goal - (big * 5); + if (small < 0) + return small + 5 +} +" +354e8c10721c1612540fcb852998cee87d4706fb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if ((goal != big *5) ) + small = goal - (big * 5); + if (small < 0) + return small + 5; +} +" +123fb119fa4682f6e5871f516e96b8d2b7d82fcd,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if ((goal != big *5) && (goal - (big *5) > 0)) + small = goal - (big * 5); + return small; + else + small = goal - (big * 5); + return small + 5; + + +} +" +373024e4e5cc310500cd8c73df8dec342288eda7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if ((goal != big *5) && (goal - (big *5) > 0)) + small = goal - (big * 5); + return small; + else + small = goal - (big * 5); + return small + 5; + + +} +" +a682df8b6e61d1720a57a1ddeb61057b2ff19f7b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != (big * 5) + small) + return -1; + else if ((goal != big *5) && (goal - (big *5) > 0)) + small = goal - (big * 5); + return small; + + + +} +" +d8df18aa1e23b66bc3c37820c83edf9f965f1220,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal < 0) + {return -1;} + else + { + return (goal % 5); + } +} +" +d221a51ca702c246dc6d3eded892b3eb5e97b576,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + if (goal / 5 >= big) + goal = big *5 + else + goal = goal % 5 + if (goal <= small) + return -1 + + +} +" +043ee2bca0b5859c64fe68926d4711eb2636e506,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big > small) + { + return -1; + } + else + { + return (goal - 5 * big); + } +} +" +24ddbbfc6cbdff84a4a04cb96f555c02ee161e6e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + if (goal / 5 >= big) + goal = big *5; + else + goal = goal % 5; + if (goal <= small) + return -1; + + +} +" +13e244773c487c18f4a80b2e06beae1c7f0583ca,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big > small) + { + return -1; + } + else + { + if (goal / 5 > big) + { + return (goal - 5 * big); + } + else + { + return goal % 5; + } + } +} +" +7bfc9b3c6e7cea434b73f9b22b75752b89bbf17a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big > small || goal % 5 > small ) + { + return -1; + } + else + { + if (goal / 5 > big) + { + return (goal - 5 * big); + } + else + { + return goal % 5; + } + } +} +" +df5facdcff83ffc3e4953efe1e6836649d48ed2f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) - small > 0 ) + return -1; + else if (goal >= 5 && (goal / 5) >= big) + return goal % 5; + + + +} +" +b12478a3fa00b8766da09c28bc84fd2e7202c299,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) - small > 0 ) + return -1; + else if (goal >= 5 && (goal / 5) >= big) + return goal % 5; + else + return 0; +} +" +c351e61baf7330cd25a3a53c70c2ac4857c64d96,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) - small > 0 ) + return -1; + else if (goal >= 5 && (goal / 5) >= big) + return goal % 5; + else if (goal / 5 < big) + return goal % 5 + else + return 0; +} +" +f3c14e9a41b5838d5051bbb9dfcfd9922abfcda4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) - small > 0 ) + return -1; + else if (goal >= 5 && (goal / 5) >= big) + return goal % 5; + else if (goal / 5 < big) + return goal % 5; + else + return 0; +} +" +1e270f627b616e6e06b50340ffe921d60d97747f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 && (goal / 5) >= big) + return goal % 5; + else if (goal / 5 < big) + return goal % 5; + else + return -1; +} +" +d37ced2a058d28ebf914e2ee42bd6a9ce645c17b,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if (max <= big) + { + goal = max * 5; + } + else + { + goal = big * 5; + } + if (goal <= small) + { + reutrn goal; + } + else + { + return -1; + } +} +" +997eaabe39041d94de272167d486b5cea9719eb8,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if (max <= big) + { + goal = max * 5; + } + else + { + goal = big * 5; + } + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +fd1583a1855ce8b355a8010cbd781dc9025095d8,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if (max <= big) + { + goal -= max * 5; + } + else + { + goal -= big * 5; + } + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +8807154872edb4b9545fb26ed4d650302d409a71,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 && (goal / 5) >= big) + return goal - big * 5; + else if (goal / 5 < big ) + return goal % 5; + else + return -1; +} +" +d5afb35a5c5459ee4aa4c5a79aa22a8fc62821cf,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if (max <= big) + { + goal = goal - (max * 5); + } + else + { + goal = goal - (big * 5); + } + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +48b5e265d1e19d04e937a182bcb560e618b56ec5,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big) + { + return (goal % 5); + } + else + { + return -1; + } +} +" +10491509d58079990b8905e522ef87fdfeffb78c,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big && (goal % 5) <= small) + { + return (goal % 5); + } + else + { + return -1; + } +} +" +55a4c21f41c59a00afd17d5aef036667b0356658,"public int makeChocolate(int small, int big, int goal) +{ + maxBig = goal / 5; + if (goal >= 5 && (goal / 5) >= big && (goal / 5 ) + - small > 0) + return goal - big * 5; + else if (goal / 5 < big ) + return goal % 5; + else + return -1; +} +" +c0f5b70b603edfb55cea6f3a939df372d0d07201,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 && (goal / 5) >= big && (goal / 5 ) + - small > 0) + return goal - big * 5; + else if (goal / 5 < big ) + return goal % 5; + else + return -1; +} +" +bb0a0dfd6027904a38647b62b9c42d97eb8d9a17,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 && (goal / 5) >= big && (goal / 5) - + (goal - big * 5) == 0) + return goal - big * 5; + else if (goal / 5 < big ) + return goal % 5; + else + return -1; +} +" +c6190ef07edc4addc6bef6876b6aed809a4cc4ff,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big) + { + return (goal % 5); + } + else if (goal - 5*big <= small) + { + return (goal - 5*big); + } + else + { + return -1; + } +} +" +eb18f5ed2d8dbb4d8371c54ab5738e7f69c1fd31,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + + if remainder <= small; + { + return remainder + + } + + return -1 +} +" +1f5cb964d515aed9df6e8c48838f622f4e99cf92,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remainder = goal - 5 * big ; + } + else + { + remainder = goal % 5; + } + + if remainder <= small; + { + return remainder; + + } + + return -1; +} +" +aec593b1123b630778e2d3721cbc5bf71c435693,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big ; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + + } + + return -1; +} +" +549c63900161d28a25aadae6f9c8fa1ddd791555,"public int makeChocolate(int small, int big, int goal) +{ + int remainder + + if (goal >= 5 * big) + { + remainder = goal - 5 * big ; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + + } + + return -1; +} +" +34ff1b9d9ab268c8fc0013ba8ae81530c5729772,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + + if (goal >= 5 * big) + { + remainder = goal - 5 * big ; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + + } + + return -1; +} +" +73858f3a27a92e3c48692cd51056f3179500f586,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big) + { + if ((goal % 5) <= small) + { + return (goal % 5); + } + } + else if (goal - 5*big <= small) + { + return (goal - 5*big); + } + else + { + return -1; + } +} +" +7e1484d4fb8d598930ef122804fd29469c73a653,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big) + { + if ((goal % 5) <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else if (goal - 5*big <= small) + { + return (goal - 5*big); + } + else + { + return -1; + } +} +" +29a7a2eb4c4203da54eabdc8ddb12c0e9a41f894,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +2ec9fa82f5071913403c5cc77f9d15ffcd41aae1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +a36d87e5b7ec03edf190335ab987da5dfb321b60,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big) + { + if ((goal % 5) <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else if (goal - 5*big <= small) + { + return (goal - 5*big); + } + else + { + return -1; + } +} +" +6320430dde31557d85a6bda5c15554177a399c72,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +518bd71a2b0788e8abcbedd77ee8803d6cc7fc84,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +0643f16c215d6cf00cdf064fe8e3a5557f5f3111,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +4c41796c8751f087e4a90df63d2e05d24ad16feb,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +0185bfef31aebe3a9cb21338711e580e24c5a0be,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; + +} +" +bcd5ed9c1451a822e89d9fff4c32c075176f142e,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; + +} +" +9240cdb4def8a2fd6a19385225700efeb4c62801,"public int makeChocolate(int small, int big, int goal) +{ + int a = (goal-5*big); +if (a<=small && a>=0) return a; +if (a<0 && goal%5<=small) return goal%5; +return -1; +} +" +cf32cd7acb974271843e6c0a86e55d22dfca3e10,"public int makeChocolate(int small, int big, int goal) +{ + int a = (goal-5*big); + if (a<=small && a>=0) + { + return a; + } + if (a<0 && goal%5<=small) + { + return goal%5; + } + return -1; +} +" +652e45c202efe25ac96d0f8e813f299d73c2a973,"public int makeChocolate(int small, int big, int goal) +{ + int num = 0; + if (goal < 5) + { + big = -1; + } + for (int i = 0; i < big; i++) + { + sum += 5; + if (sum == goal) + { + return 0; + } + else if (sum + 5 > goal) + { + break; + } + } + for (int i = 1; i <= small; i++) + { + sum++; + if (sum == goal) + { + return i; + } + } + return -1; +} +" +09abe98a0b61cc3e3a297a9f6001d0637c720c3b,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal - (goal % 5))/5 <= big) + { + if ((goal % 5) <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else if (goal - 5*big <= small) + { + return (goal - 5*big); + } + else + { + return -1; + } +} +" +0a33d6df37ca9771294267afa29570fe3d4d44d3,"public int makeChocolate(int small, int big, int goal) +{ + int num = 0; + if (goal < 5) + { + big = -1; + } + for (int i = 0; i < big; i++) + { + num += 5; + if (num == goal) + { + return 0; + } + else if (num + 5 > goal) + { + break; + } + } + for (int i = 1; i <= small; i++) + { + num++; + if (num == goal) + { + return i; + } + } + return -1; +} +" +c99f2b062458186aa40225f493e7486b6936b0cc,"public int makeChocolate(int small, int big, int goal) +{ + return 0; +} +" +80fe70bce4539df8eaf3d9aec64d2ac1e9ba499a,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal%5; + int numBig = goal/5; + if (numSmall > small || numBig > big) + { + return -1; + } + else + { + return numSmall; + } +} +" +e070c82bad78ee906ae642212d67312b2f5289c1,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = goal/5; + int numSmall = goal - numBig; + if (numSmall > small || numBig > big) + { + return -1; + } + else + { + return numSmall; + } +} +" +6abef161876cdee8a515bba7f38528c5e89102ce,"public int makeChocolate(int small, int big, int goal) +{ + if (big*10 + small >= goal) + { + + int numBig = goal/5; + int numSmall = goal - numBig; + return numSmall; + } + else + return -1; +} +" +6d5f3341a8687d355631388cb483e8314904a2ab,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small >= goal) + { + + int numBig = goal/5; + int numSmall = goal - numBig; + return numSmall; + } + else + return -1; +} +" +e75c04fe0993b8a315c02539406315458d1d023c,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small >= goal) + { + + int numBig = goal/5; + int numSmall = goal - numBig*5; + return numSmall; + } + else + return -1; +} +" +6a95fedefe1ce5afdf6b3de419999faf398f3be0,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small >= goal) + { + + int numBig = goal/5; + if (numBig > big) + { + numBig = big; + } + int numSmall = goal - numBig*5; + return numSmall; + } + else + return -1; +} +" +270db532171eb1e35b9c24f9d4369429c6979b55,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small >= goal) + { + + int numBig = goal/5; + if (numBig > big) + { + numBig = big; + } + int numSmall = goal - numBig*5; + return numSmall; + } + else + return -1; +} +" +0dfea76dd472c91da20331b191f774bcb30a74e1,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small >= goal) + { + + int numBig = goal/5; + if (numBig > big) + { + numBig = big; + } + int numSmall = goal - numBig*5; + if (numBig + numSmall > goal) + return -1; + else + return numSmall; + } + else + return -1; +} +" +a64893c15b8a36cc6b52e7e9aebe2f52f36fa16e,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small >= goal) + { + + int numBig = goal/5; + if (numBig > big) + { + numBig = big; + } + int numSmall = goal - numBig*5; + if (numSmall > small) + return -1; + else + return numSmall; + } + else + return -1; +} +" +03a419067a5fd14f3e4a315899a26e2746d0465c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big){ + remains = goal - 5*big; + } + else{ + remains = goal%5 + } + if (remains<= small) + { + return remains; + } + return -1; +} +" +abdf2cbd8c8245f1bf56dcbbdf7088c960b69d32,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big){ + remains = goal - 5*big; + } + else{ + remains = goal%5; + } + if (remains<= small) + { + return remains; + } + return -1; +} +" +f9c32fc2cc6752ddd342fa09ec537e3b7270ce7f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big){ + remainder = goal - 5*big; + } + else{ + remains = goal%5; + } + if (remains<= small) + { + return remains; + } + return -1; +} +" +ea7fa6207372ec3a026a991b14cad3846da7388e,"public int makeChocolate(int small, int big, int goal) +{ + remains; + if (goal >= 5*big){ + remains = goal - 5*big; + } + else{ + remains = goal%5; + } + if (remains<= small) + { + return remains; + } + return -1; +} +" +96a4eec1eea7ad994a4a8c9ebe3570b200d7d1b5,"public int makeChocolate(int small, int big, int goal) +{ + int remains = 0; + if (goal >= 5*big){ + remains = goal - 5*big; + } + else{ + remains = goal%5; + } + if (remains<= small) + { + return remains; + } + return -1; +} +" +d4246a07c38b98335d049bd7df76caececf1c75b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big * 5) + (small * 1)) + { + return(-1); + } +" +0aa63ebd4b870ec517a06e25d8c643603eb42a09,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > ((big * 5) + (small * 1))) + { + return(-1); + } +" +eaa314ae304628ec813e3012946db4489d83ff4a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > ((big * 5) + (small * 1))) + { + return(-1); + } +)" +e5b2f82128713bb51f47ef3208ce9ca948def6c7,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal > (big * 5) + (small * 1))) + { + return(-1); + } +} +" +9dafc3e770c35af1e0855b57819f10a7ad7d92cf,"public int makeChocolate(int small, int big, int goal) +{ + return(-1); +} +" +dba13b4f564745c5aa305dff69cb81d933b22e6b,"public int makeChocolate(int small, int big, int goal) +{ + if (small < goal) + { + return(0); + } +} +" +14b5e275156153b9cbe75375fd4e35dd7162c399,"public int makeChocolate(int small, int big, int goal) +{ + if (small < goal) + { + return(0); + } +} +" +02b66558d06fb75674e654e36feabdf1d1c84009,"public int makeChocolate(int small, int big, int goal) +{ + if (small < goal) + { + return(small); + } +} +" +c80d13f9b1aeff4f96f59b92b07cb1e8182defc4,"public int makeChocolate(int small, int big, int goal) +{ + int big = big * 5; + if (small + big == goal) + return small; + if (big > goal) + return small; + else + return ""-1""; +} +" +dffb266b2eb4e4cfee58eda403cf2b703e9461af,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + if (big > goal) + return small; + else + return ""-1""; +} +" +47a641d0797bf22579250491f787c8222bb76041,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + if (big > goal) + return small; + else + return -1; +} +" +21811b3334ceff630135f329ccae5cddb611a416,"public int makeChocolate(int small, int big, int goal) +{ + def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +efeb94cb129d6ed0ff2d64094f24d9ecc7445829,"public int makeChocolate(int small, int big, int goal) +{ + def make_chocolate(small, big, goal); + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +230102331974f86b209d877dc05bc0adf74ab240,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +4764bfdab15b8309cb50105b54fab59698aca37d,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if ((goal - big) < small) + return (goal-big); + else + return -1; +} +" +7ad57615fe46280eb81b3198f27c4dbae2aae4e6,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else + return -1; +} +" +dd60e4e2b2593d148f4c9cdd35cb7ae96f0377b2,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else if (goal % 5 > small) + return small; + else + return -1; +} +" +97ab9646ebb7804192d002f34eb536358a06cf30,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else if (goal % 5 > big) + return -1; + else if (small + big < goal) + return -1; +} +" +23db4330de0e4fd5404b638f6cd0ab5572e4049b,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else if (goal % 5 > big) + return -1; + else if (small + big < goal) + return -1; +} +" +d378da62017206c670b50150192a857ddc26377d,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else if (goal % 5 > big || (small + big < goal)) + return -1; +} +" +727d68308c083d77876fd1eb768e853e4e7494ed,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else (goal % 5 > big || (small + big < goal)) + return -1; +} +" +3128796a7872f8866220ee3bfcd9bd26dcaaa097,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else (goal % 5 > big || (small + big < goal)) + return -1; +} +" +581fd2d7e47293fa009a9707bce910bf38f4f4c5,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + return small; + else if (goal % 5 < small) + return goal % 5; + else if (goal % 5 > big || (small + big < goal)) + return -1; +} +" +85f546193bdb2f967d0c7e7bf01c98fc64b6f7d3,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + { + return small; + } + else if (goal % 5 < small) + { + return goal % 5; + } + else if (goal % 5 > big || (small + big < goal)) + { + return -1; + } +} +" +64d2f1ded7a1cc50b0c0be828a770cdae41e0d31,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + if (small + big == goal) + { + return small; + } + else if (goal % 5 < small) + { + return goal % 5; + } + else if (goal % 5 > big || (small + big < goal)) + { + return -1; + } +} +" +73a7feb0b4a5a12e9895f9ab7f648061b076baa4,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + else if (goal % 5 > big || (small + big < goal)) + { + choco = -1; + } + return choco; +} +" +f6437925ddef4f8c2888076b18c92c7c7a3bcff0,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + else if (goal % 5 > big || (small + big < goal)) + { + choco = -1; + } + return choco; +} +" +ef497218b637f7b18b561457a7a817516c5001a1,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal)) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + return choco; +} +" +36fc9bdb1c779151c71564460abdd016c9552059,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal) || goal % 5 > small) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + return choco; +} +" +083d0ae84a175974ecd66e47eeeead5b3383f018,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal) || (goal % 5 > small)) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + return choco; +} +" +87db7ab611acc6a6ff4e4d3337462535207cd113,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal) || (goal % 5 > small)) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + else if (goal % 5 == small + { + choco = small; + } + return choco; +} +" +5887549e822c1504989fcf43bb81546ea69d511e,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal) || (goal % 5 > small)) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + else if (goal % 5 == small) + { + choco = small; + } + return choco; +} +" +4e5a2d2e3ef6e2fda9a2f0853d9d4fd34fc44218,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal) || (goal % 5 > small)) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + else if (goal % 5 == small) + { + choco = small; + } + else if (goal % 5 == 0 && goal/5 > big) + { + choco = goal % 5; + } + return choco; +} +" +dc7093f2e484abc3728bcc5c5b8fc202be1f5527,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big == goal) + { + choco = small; + } + else if (goal % 5 > big || (small + big < goal) || (goal % 5 > small)) + { + choco = -1; + } + else if (goal % 5 < small) + { + choco = goal % 5; + } + else if (goal % 5 == small) + { + choco = small; + } + else if (goal % 5 == 0 && (goal/5 > big/5)) + { + choco = goal % 5; + } + return choco; +} +" +d64bf6ec9bcc1bf0dd02c6d9816ba9e58859324d,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big < goal) + { + choco = -1; + } + else if ((goal % 5) <= small && (goal - big) > 4) + { + choco = goal % 5 + 5 + } + else if (goal % 5 <= small) + { + choco = goal % 5; + } + else + choco = -1; +} +" +e8442600f9c29a09743623222ed02e4d41915d15,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big < goal) + { + choco = -1; + } + else if ((goal % 5) <= small && (goal - big) > 4) + { + choco = goal % 5 + 5; + } + else if (goal % 5 <= small) + { + choco = goal % 5; + } + else + choco = -1; +} +" +e70df3fe8015fcb0c7c6428f008a18fffa5705b0,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big < goal) + { + choco = -1; + } + else if ((goal % 5) <= small && (goal - big) > 4) + { + choco = goal % 5 + 5; + } + else if (goal % 5 <= small) + { + choco = goal % 5; + } + else + choco = -1; + return choco; +} +" +8e4ca6f7bff4e959af0b17aa897a8e8794a35c56,"public int makeChocolate(int small, int big, int goal) +{ + int newBig = big * 5; + big = newBig; + int choco = 0; + if (small + big < goal) + { + choco = -1; + } + else if ((goal % 5) <= small && (goal - big) > 4) + { + if (goal - big < small) + choco = goal - big; + else + choco = goal % 5 + 5; + } + else if (goal % 5 <= small) + { + choco = goal % 5; + } + else + choco = -1; + return choco; +} +" +0b225b4270e5fad46b3fba02baf8554c88b09220,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small) || goal < big) + { + return -1; + } + else + { + return extra; + } +} +" +73d19408d062ef51796a92ab183593f6c2d92533,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small) || goal < big) + { + return -1; + } + else + { + return extra; + } +} +" +41fc07e209830221f96c9c6235ed2add0b6ca424,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small || goal < big) + { + return -1; + } + else + { + return extra; + } +} +" +79f5993bb7d6e2b9d2433b42ba1ed50e1f8b8818,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small || goal < big || small + big < goal) + { + return -1; + } + else + { + return extra; + } +} +" +a8621c63e301352db30fb0e061291f4802851a5a,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small || goal < big || small + big(5) < goal) + { + return -1; + } + else + { + return extra; + } +} +" +2dc490fc725ccf51c6914746880f1629ebf1f034,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small || goal < big || small + (big * 5) < goal) + { + return -1; + } + else + { + return extra; + } +} +" +17a9f558fa51929d4b71ede352595a7861a43901,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small || goal < big || small + (big * 5) < goal) + { + return -1; + } + else if ((big * 5) < (goal - extra) && small >= (goal - (big * 5)) + { + return (goal - (big * 5)); + + else + { + return extra; + } +} +" +b20a1e9981801c3f4498aca98650f7818f222e02,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if (extra > small || goal < big || small + (big * 5) < goal) + { + return -1; + } + else if ((big * 5) < (goal - extra) && small >= (goal - (big * 5))) + { + return (goal - (big * 5)); + } + else + { + return extra; + } +} +" +c485d435cb18fb29f8b46b1d6e52cc2c45e800cf,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (rem=0) + { + return -1 + } + else + { + return rem + } + + + +} +" +502c2362faffe092ec3dd799c2840f46a717662f,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (rem=0) + { + return -1; + } + else + { + return rem; + } + +} +" +1929285fbf001ed7e1e3b4996798ac83c09b42d5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5=0) + { + return -1; + } + else + { + return rem; + } +} +" +85f19f13163360664f2ac95e9f2df023b3a978bc,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5=0) + { + return -1; + } + else + { + return rem; + } +} +" +04601692eddcbf599b503f60de442f430790f536,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + + + +} +" +a0be8dbe52c87e07293f973bfd3bf6f182c36e03,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1 + } + else if + { + return goal-big*5 + } + + + + +} +" +bd5085a0bb02b7c1add877896adbc4a039c5b854,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if + { + return goal-big*5; + } + + + + +} +" +79021a85eb831054f39e99a0bfc5e31db2c924ef,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else + { + return goal-big*5; + } + + + + +} +" +5ed2e4bf22360ca204d13eab6c6bf7a17e60d6ea,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal%5>small) + { + return -1; + } + else + { + return goal%5; + } +} +" +b91a392024835b86e861b10473b0160b4c18f654,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +1001a3ccecc7fb948903d1130948d3a39a7f6bcc,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>4&&samll>goal%5 ) + { + return goal-big*5 + } + else + { + return -1 + } + +} +" +b25c434604917ff6fa9e95190d5bd0cb8f636820,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +601aed42e06eb0e413cc94dd232e35850c3aa96a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else + { + return goal-big*5; + } + +} +" +b414ad5ec9243ab2f98eb48ca30039af8805a6ce,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if ((rem <= small) && (goal - big*5) > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +a9a493809222ccf7fb80a7b469a2a714be126597,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if (goal-big*5>0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +f752d36f893cfe5dbfc6095b7f11dd55c9b07cbb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if (goal-big*5>0) + { + return goal-big*5; + } + else + { + return small; + } + +} +" +c5c001ee5f92348827c2223191ca7cf1ff90ce85,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if (goal-big*5>0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +f37b57f67c009a082a854a1374444e77d814d3c4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if(goal-big%5>small) + { + return -1 + } + else if (goal-big*5>0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +2e23035b9c4ce7b9c69d7fe9187dd62e3c1bf366,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if(goal-big%5>small) + { + return -1; + } + else if (goal-big*5>0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +38ea5cf67a70048001a28146f2735621e3453c27,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if(goal-big%5>small) + { + return -1; + } + else if (goal-big*5>=0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +32410cf8d8e55a648d4e9d92ba29c53c726810d4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if (goal-big*5>small) + { + return -1; + } + else if(big%5>small) + { + return -1; + } + else if (goal-big*5>=0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +04c0318e4b2ac8a15c75fd22663cbe9d15c87cfe,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if(big%5>small) + { + return -1; + } + else if (goal-big*5>=0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +b7e22b984b4b970f8ddef58ea5a4cff973ca4439,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return true; + } + return false; +} +" +f8ff3746d65698b8d79086d7cf3d04aff4a5e911,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if(big%5>small) + { + return -1; + } + else if (goal-big*5>=0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +9e003f4bd4c036ba81aa4793063c841d90c94f8f,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return small; + } + return -1; +} +" +73101eed26603ac1d36386f9c37a60474a27a512,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +1433fef68f04e4a4fd1da1e58b5fb490ce0ac77d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal-big*5-small*1>=1) + { + return -1; + } + else if(goal%5>small) + { + return -1; + } + else if (goal-big*5>=0) + { + return goal-big*5; + } + else + { + return goal%5; + } + +} +" +7a49a1bf03f86ae7ecaf8ae5db048b42806e9abb,"public int makeChocolate(int small, int big, int goal) +{ + if (makeChocolate != goal) + { + if (goal = big + small) + { + return small + } + else + { + return -1 + } + } +} +" +d75c5df4553f37e8e29cce84d8ba545062c6d846,"public int makeChocolate(int small, int big, int goal) +{ + if (makeChocolate != goal) + { + if (goal = big + small) + { + return small; + } + else + { + return -1; + } + } +} +" +da388a33146a280708a53d4030569ebc543f7171,"public int makeChocolate(int small, int big, int goal) +{ + if (int makeChocolate != goal) + { + if (goal = big + small) + { + return small; + } + else + { + return -1; + } + } +} +" +45b66893e96eeb382eb2715a3f430209a2c22a4c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + num = goal - 5 * big + } + else + { + num = goal % 5 + } + if (num <= small) + { + return num + } + return -1 +" +c81e0e8c779f4bc91a8760e66646fc1b91dbf351,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + num = goal - 5 * big; + } + else + { + num = goal % 5; + } + if (num <= small) + { + return num; + } + return -1; +" +b052d13108a5d55c105f329b43a155a978366430,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + num = goal - 5 * big; + } + else + { + num = goal % 5; + } + if (num <= small) + { + return num; + } + return -1; +} +" +849fe23a9cf1096fbf0983b91f4c0e39708c71b6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + makeChocolate = goal - 5 * big; + } + else + { + makeChocolate = goal % 5; + } + if (num <= small) + { + return makeChocolate; + } + return -1; +} +" +49c3d6d5389ae2c86c2a17de2a141415ebfc884b,"public int makeChocolate(int small, int big, int goal, int rem) +{ + if (goal >= 5 * big) + { + rem = goal - 5 * big; + } + else + { + rem = goal % 5; + } + if (num <= small) + { + return rem; + } + return -1; +} +" +78dd3adf0bb73ad4d066937ffb69d521e79efba7,"public int makeChocolate(int small, int big, int goal, int rem) +{ + if (goal >= 5 * big) + { + rem = goal - 5 * big; + } + else + { + rem = goal % 5; + } + if (num <= small) + { + return rem; + } + return -1 +} +" +4acd7265ce1ec363dda3d6e081ec16fd4521cf6b,"public int makeChocolate(int small, int big, int goal, int rem) +{ + if (goal >= 5 * big) + { + rem = goal - 5 * big; + } + else + { + rem = goal % 5; + } + if (rem <= small) + { + return rem; + } + return -1; +} +" +c4f2b74a992df81e261a7d3c30c8e6c26225a5a7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big) + return goal % 5; +} +" +51a008aa17730f1668f2610cfd3949844447280b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big) + return goal % 5; + else + return -1; +} +" +2ca364f2c6f378c104558f66ca4c807171cc9962,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return small; + else + return -1; +} +" +f955265c5f51a177f23659c7d5b153c59b279052,"public int makeChocolate(int small, int big, int goal, int rem) +{ + if (goal >= (5 * big)) + { + small = goal - (5 * big); + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return small; + } +" +70fad10754111e60f908bbd345bfc0a7be41adda,"public int makeChocolate(int small, int big, int goal, int rem) +{ + if (goal >= (5 * big)) + { + small = goal - (5 * big); + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return small; + } +} +" +12e74d5fcebebba9525866d50b8d7099698a586d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small = goal - (5 * big); + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return small; + } +} +" +ea7b7503d60391606cc84dfdd7b718ed94407df2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big ) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return small; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +e59dbebad01e7cf5dc33cee74a1c55c84571bfeb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big ) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5 + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +0ac0a4757566066502ff09de10d34a80ee760478,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big ) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +263faa0a40c84b15d399c0075a0c5e6ad07f358d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small = goal - (5 * big); + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +b4f6218c51aca6eed4a836805e72738fc2764853,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && (goal - (big * 5 + small) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +672ed75ade8895cdcc6fb803fe2f53f378bd4a82,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && (goal - (big * 5 + small) != 0)) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +1b680478916594f5dc0a84c618614fee86a1365d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && (goal - (big * 5) - small != 0)) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +3674e95ec82b5b742b42f3296198d69441c57565,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +02f85f733d361370224db49fa2ff15d65579c7e1,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + if (small + (big*5) < goal) + return -1; + if (r <= small && goal - big*5 > 4) + return r + 5; + if (r <= small) + return r; + else + return -1; + +} +" +07a4370e7997a659464a1032b6ae001451b45bf9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && (goal % 5) <= small) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +1271525f7035cc1e2a50402ef729d6e2bcc56fb8,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && (goal % 5) <= small && + (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +52bda622ebe6f8de707296175ceaa3cdebcbc0f5,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + if (small + (big*5) < goal) + return -1; + else if (r <= small && goal - big*5 > 4) + return r + 5; + else if (r <= small) + return r; + else + return -1; + +} +" +3f1421e2512af7c17c88ae169008aafbce7a6002,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 != big && ((goal % 5) <= small) && + (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +e8a0866e80145db3f075d82c54aaee109a2bbb31,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal / 5 != big)&& ((goal % 5) <= small) && + ((goal % 5) != 0)) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +8d172bbce3d93d323ce0cda3ebad89100b38ef91,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal / 5 != big) && ((goal % 5) < small) && + ((goal % 5) != 0)) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +01ca0d48025070b5893abd72919fa1c12a0fbed8,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal % 5) <= small) && (goal % 5) != 0)) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +3386d1e6be519b696420ca0eb0be6af305edf5ca,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +86b68c1b2a6c36ca30cc08d064788974209fc6ea,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) == 0) + return 0; + else + return -1; +} +" +149487cd66eb8f0d2597515cdbab21fe420a94a9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 == big && (goal - (big * 5)) == 0) + return 0; + else + return -1; +} +" +99ab04e8a2656c84e87e8c8269da82496be7f59c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big) + return 0; + else + return -1; +} +" +ea17984effdd93a5b18f6e5ddc039880404a98cb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else + return -1; +} +" +42fd5518afcd1d89e5540085cdeaaf7fd8f4029c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small ) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else + return -1; +} +" +eccb64f2cf99127714c202380c92819f67ff8031,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5 + else + return -1; +} +" +1cc4171a1ce86804ae3ff4c4140ad8bc8d9101a5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5; + else + return -1; +} +" +cea8f31c1c5e8a9c31a2670ad0bb8d24d11e26f5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5; + else + return -1; +} +" +5300b8008b54a78c12c6f3876fe789efce872b1d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) && goal = (5 * big) + small) + { + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +f0889c3380ae2dd20f3cd107f6af7b2967c33953,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) && (goal = (5 * big) + small)) + { + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +2bfc499ac63fe4c23df815b8036e4bd6673db6d2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small && goal / 5 <= big) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5; + else + return -1; +} +" +2524317c94155697e4c9ab627482aa620ec85c3a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) + { + if (goal == (5 * big) + small) + { + return small; + } + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +f59e9de9a1756c0de00e939feda4549cc790b6f5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + if (goal == (5 * big) + small) + { + return small; + } + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +b6b748c20d82b1c98e089814c054692609bb56af,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small && goal / 5 <= big) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5; + else if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small) + else + return -1; +} +" +7bb7090e31326769ac04dd76249ff0f5dcdb48ac,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small && goal / 5 <= big) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5; + else if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small) + return goal % 5; + else + return -1; +} +" +028e046a0ab765351a47a35ca9e54ab352269bdb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) && (goal == (5* big) + small)) + { + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +9237bba502bb4a31731540db60ffa8c4f330eafe,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return -1; + } + else if (goal % 5 == 0) + { + return 0; + } + else + { + return goal % 5; + } +} +" +7e95ecc33a5f559884dbfb67d0acb5ef26d0b1d3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small == goal - (5* big) + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +875bc305151fd028e8730aecdf8cef5350792af3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small && goal / 5 <= big) + return goal % 5; + else if (goal / 5 == big && (goal - big * 5) != 0 && + goal % 5 <= small) + return goal % 5; + else if (goal / 5 <= big && goal % 5 == 0) + return 0; + else if (goal % 5 == 0 && goal - big * 5 <= small) + return goal - big * 5; + else if (goal % 5 <= small && (goal % 5) != 0 && + goal - big * 5 <= small) + return goal - big * 5; + else + return -1; +} +" +7fc2467c2e56585fb287222fd1a2ed4058caec10,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small == goal - (5* big); + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +39598da19683016f4793352fcc292d51dfa23a66,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small == goal - 5 * big; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +48c0c5699ed1acd79191f44ef4e0ba9c94a20046,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small == goal - 5 * big; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +d03b480515abb6ebc0a50f6a21f5e14682cf42d3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small = goal - 5 * big; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +eccee48ad97771a228a72f5e005f7436973197d8,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) && (small = goal - 5 * big)) + { + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +a18cc827ab39a7e4281a21cb3c15b33e9cddfc49,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) && (small == goal - 5 * big)) + { + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +030fe090361bf863eae3801f980e0c7449128624,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + big*5) < goal) + { + return -1; + } + else + { + if (goal < 5) + { + return goal; + } + else if (goal % 5 == 0) + { + return 0; + } + else + { + return goal % 5; + } + } +} +" +ffff6e41acb8a069e888c4e8fbd9779f1e0bde73,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small = goal - 5 * big + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +3fcac1cfc0ca7d0c18b91d61ff5c41cfe56c969e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + small = goal - 5 * big; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +0923d79005065cbcb96caf0e0c4d14db0e1e79c8,"public int makeChocolate(int small, int big, int goal) +{ + if (goal != big % 5) + { + small = goal - 5 * big; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +c1590179d46feb8e1450f89fa4098c4f2bf3772c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 != big) + { + small = goal - 5 * big; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +5532c474ae63ac29bd4b3bd39d9252dba5d88e7a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + small = goal % 5; + return small; + } + else if (goal == 5 * big) + { + return -1; + } + else + { + return -1; + } +} +" +66e809cb2d908a15d2f6a0651071723917d9f0ea,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + big*5) < goal) + { + return -1; + } + else if (small > goal - big*5) + { + if (goal < 5) + { + return goal; + } + else if (goal % 5 == 0) + { + return 0; + } + else + { + return goal % 5; + } + } + else + { + return -1; + } +} +" +c91cb47e42958035fbea87c244338209860d033c,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small => goal && goal - big*5 < small) + { + + } + else + { + return -1; + } +} +" +c14af012e90924aa88ca1691b1acbcf7178e0f93,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 + small => goal && goal - big*5 < small) + { + return 5; + } + else + { + return -1; + } +} +" +38ab39e7b76e00fc9bd61c638e7e5ac7151370c1,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small => goal) && (goal - big*5 < small)) + { + return 5; + } + else + { + return -1; + } +} +" +5659060972c442eb4f3df3767118c13d60ce7409,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) => goal)) && (goal - big*5 < small)) + { + return 5; + } + else + { + return -1; + } +} +" +877908f81e5f40f50ff59bce849067a0bc66f523,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) => goal)) && ((goal + - big*5) < small)) + { + return 5; + } + else + { + return -1; + } +} +" +0687af80ced27b3bb4f7278647157917403091c3,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) => goal) + { + return 5; + } + else + { + return -1; + } +} +" +19d1af947859da21ec590811aa2b841eb50e33a1,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) >= goal) + { + return 5; + } + else + { + return -1; + } +} +" +e20de73404a8d827dc03cf9ce66145add32af257,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) >= goal && (goal - big*5) < small) + { + return 5; + } + else + { + return -1; + } +} +" +1e4044974c34540a1d99aab9fd99045efa464690,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem +5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } + +} +" +b961f2781c91541ffde324848f816be12e1999e2,"public int makeChocolate(int small, int big, int goal) +{ + int rest = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rest <= small) + { + return rest + (small - rest); + } + else if (rest >= small) + { + return rest - small; + } + else + { + return -1; + } + +} +" +24b35988708540e659b80b2e039c8a44873c21e1,"public int makeChocolate(int small, int big, int goal) +{ + int rest = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rest <= small && goal - (5 * big) > 4) + { + return rest + 5; + } + else if (rest <= small) + { + return rest; + } + else + { + return -1; + } + +} +" +01becf66f5c94d3703baa64aec65b5a94ca531f0,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) >= goal && (goal - big*5) < small) + { + if (goal % 5 <= small && goal - big*5 > 4) + { + return goal%5 +5; + } + else + { + return goal %5; + } + } + else + { + return -1; + } +} +" +fa0bc17995e138e90bb598d0402cb2270b72c7fa,"public int makeChocolate(int small, int big, int goal) +{ + if ((big*5 + small) >= goal && (goal - small >= big*5) + { + + } + else + { + return -1; + } +} +" +d47d4ada2f15ce182bc33500553ec8fdd1cb38a6,"public int makeChocolate(int small, int big, int goal) +{ + int small = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (small + (5 * big) > goal) + { + return -1; + } + else + { + return small + } +} +" +d195a0a0920e232516a85ee3d45baaae0cea13a2,"public int makeChocolate(int small, int big, int goal) +{ + int small = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (small + (5 * big) > goal) + { + return -1; + } + else + { + return small; + } +} +" +3fddc3cebeb75b87f71b4610d00fbaf8d39babe5,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + int small = int rem + if (small + (5 * big) < goal) + { + return -1; + } + else if (small + (5 * big) > goal) + { + return -1; + } + else + { + return small; + } +} +" +0983bb07e48195f86ede7d50f6949d350b0547e3,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (small + (5 * big) > goal) + { + return -1; + } + else + { + return small * rem; + } +} +" +2ae7172197f06b903f9826191b79ba29a12c62db,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return small; + } + } +} +" +95e87e33dc45607b55954c3728ffc9539f87069a,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return small; + } + else + { + return rd; + } + } +} +" +c1aa883d9993cacb028e36ea90006d6074a6f0fb,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return rd; + } + else + { + return small; + } + } +} +" +f8771b2f782e6e0862e36513ec606482f78df1df,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small && goal > big*5) + { + return rd + 5; + } + else if (goal - big*5 <= small) + { + return rd; + } + else + { + return small; + } + } +} +" +5825bc47d041ea5cf139b59e0f7f9e55708dccc4,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return rd; + } + else + { + return small; + } + } +} +" +6a4568d0d0444791f1021b58d17d69661afca919,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return (manyBig*5); + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + mass+=small*goal; + } + else + return -1; + + } + + } + +} +" +2f4490a927f0c0e4447ca6b6b1394c080733ce42,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return (manyBig*5); + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + mass+=small*goal; + } + else + return -1; + + } + + } + return mass; +} +" +3530e0ee68fb788da6aab7b2b5310158e360ee83,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return goal - big*5; + } + else + { + return small; + } + } +} +" +465fb1ca9e080269f4ddea5909f4b598a4ede341,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return 0; + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + return goal; + } + else + return -1; + + } + + } + return ; +} +" +4fa4e8fe01fc5ffe2f4129bad179648f0556a3d0,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return 0; + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + return goal; + } + else + return -1; + + } + + } +} +" +758045455c8d351ac81d6d9817d4001800011960,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return 0; + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + return goal; + } + else + return -1; + } + else + { + if (manyBig<=big) + goal-= manyBig*5; + else if (manyBig>big) + goal-=big*5; + if (goal<=small) + return goal; + else return -1; + + } + + + + } +} +" +dfc6118c9860fac0f4bc2c2fec60c94e8bf33fbe,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return 0; + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + return goal; + } + else + return -1; + } + } + else + { + if (manyBig<=big) + goal-= manyBig*5; + else if (manyBig>big) + goal-=big*5; + if (goal<=small) + return goal; + else + return -1; + + } + + + + } +} +" +03a49b8ba1d534057ee83406e3159547bd1a9c2a,"public int makeChocolate(int small, int big, int goal) +{ + int mass; + int manyBig; + int manySmall; + manyBig = goal/5; + if ((goal % 5) == 0) + { + if (manyBig<=big) + return 0; + else + { + mass= big*5; + goal-=mass; + if (goal<=small) + { + + return goal; + } + else + return -1; + } + } + else + { + if (manyBig<=big) + goal-= manyBig*5; + else if (manyBig>big) + goal-=big*5; + if (goal<=small) + return goal; + else + return -1; + + } + + + +} +" +b60f083c0706d0fa09264d354f32155d8baea60c,"public int makeChocolate(int small, int big, int goal) +{ + int leftOver = goal % 5; + if (small + big * 5 < goal) + { + return -1; + } + else if (leftOver >= 0) + { + return 0; + } + else + { + return leftOver; + } +} +" +7eeffb65fcab291cbcd5610156b89d69c5eb6e0d,"public int makeChocolate(int small, int big, int goal) +{ + int leftOver = goal - big * 5; + if (small + big * 5 < goal) + { + return -1; + } + else if (leftOver >= 0) + { + return 0; + } + else + { + return leftOver; + } +} +" +007d72a2ddadd6c2c20ad34c76d6c9928898dea7,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 < goal) + { + return -1; + } + int leftOver = goal - big * 5; + if (leftOver <= 0) + { + return 0; + } + else + { + return leftOver; + } +} +" +2a6fd6da40c8e7d504d1abe4e361a0237dc84cb0,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 < goal) + { + return -1; + } + int smallLeftOver = goal - big * 5; + if (smallLeftOver <= 0) + { + return 0; + } + else if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +11241d45cd9b9e74817ee1e68e867c2b45214889,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 < goal) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +353fe0669077b41f3d56adfa2d288b39e92185fa,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 <= goal) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +2dec94789ad2db07905f14995eddc4d0c9fb74f2,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + big * 5) < goal) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +a4112f1e0efe2301b607a27e2b0c888afe4a49c2,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +86ea0c4658ad757ec39f683eac9ad28f97afe987,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal || small < goal % 5) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +96db17949df958bacbe32c19a26ddaaa92ca73a7,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +a167922f39483d601c5b216c040a0b40462daafa,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal || small < goal % 5) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +6153005c5160df44c3a1a79b063af8f2c6e9dea8,"public int makeChocolate(int small, int big, int goal) +{ + int big = goal/big; + int small = goal%big; + + return big; + return small; + +} +" +db6819e1010eb6a86d68e2f2edf4c05bd8bba0cd,"public int makeChocolate(int small, int big, int goal) +{ + int xbig = goal/big; + int xsmall = goal%big; + + return xbig; + return xsmall; + +} +" +052c2319edc3c461eed7c5b97af60ed440d2beaa,"public int makeChocolate(int small, int big, int goal) +{ + int xbig = goal/big; + int xsmall = goal%big; + + + return xsmall; + +} +" +400c63388cecc422397b9da7e822f3108646bd84,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + + if(xsmall == 0) + { + return 0; + } + return xsmall; + +} +" +97f913e7da494c9fe1a56607081b518318ad31f9,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + + if(xsmall == 0) + { + return 0; + } + else if(xsmall > small) + { + return -1; + } + else + { + return xsmall; + } +} +" +eef866b760cdd5c5f2e9f410231b7d76dfe2a265,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal || small < goal % 5) + { + return -1; + } + int smallLeftOver = goal - big * 5; + /*if (smallLeftOver <= 0) + { + return 0; + }*/ + if (big * 5 > goal) + { + return goal % 5; + } + else + { + return smallLeftOver; + } +} +" +4cacb0a9a38051422972470590d481e494ab8687,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + + if(big*5 < goal) + { + return -1; + } + else if(xsmall == 0) + { + return 0; + } + else + { + return xsmall; + } +} + + + + +" +5d947b28dd4a3670aec850a66ad0ca88593abe73,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + if (small + (big*5) < goal) + return -1; + +} +" +1b13fd8746bfe82129f14bf6bc5fd18ac608edc7,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (massTotal < goal) + { + if (goal - 5 > 0) + { + massTotal = massTotal + 5; + } + else + { + small = goal - massTotal; + } + } +}" +a635308d655c25b3ac6a92c2b07cd40b8204fdbb,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (massTotal < goal) + { + if (goal - massTotal > 0) + { + massTotal = massTotal + 5; + } + else + { + small = goal - massTotal; + } + } +}" +fdfb5092a8bc30f7074aece6280d92fc888c7d6f,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (massTotal < goal) + { + if (goal - massTotal > 0) + { + massTotal = massTotal + 5; + } + else + { + small = goal - massTotal; + } + } +}" +bb3fcc6dc9e79f9b60b90c8694c5c6b46e70e1ec,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (massTotal < goal) + { + if (goal - massTotal > 0) + { + massTotal = massTotal + 5; + } + else + { + small = goal - massTotal; + } + }} +}" +fef0cba8993d87ab6263cc5d0452e705902eec24,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (massTotal < goal) + { + if (goal - big > 0) + { + big = big + 5; + } + else + { + small = goal - massTotal; + } + } +}" +ec05d043c4b08a4235cd39396ce6cc6c187bd503,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (big < goal) + { + if (goal - big > 0) + { + big = big + 5; + } + else + { + small = goal - massTotal; + } + } +}" +fa6ef637b256db6d9ae0feff308bb243f2fcb88e,"public int makeChocolate(int small, int big, int goal) +{ + int massTotal = 0; // Control variable that increases over loop + while (big < goal) + { + if (goal - big > 0) + { + big = big + 5; + } + else + { + small = goal - massTotal; + } + } +}" +cc0c314d8ad7f22791f033ab42f239f7767b8f3d,"public int makeChocolate(int small, int big, int goal) +{ + big = 0; // Control variable that increases over loop + while (big + 5 < goal) + { + if (goal - big > 5) + { + big = big + 5; + } + else + { + small = goal - massTotal; + } + } +}" +28b3b373aec385ffd225abf47deb217e4bd20afe,"public int makeChocolate(int small, int big, int goal) +{ + big = 0; // Control variable that increases over loop + while (big + 5 < goal) + { + if (goal - big > 5) + { + big = big + 5; + } + else + { + small = goal - big; + } + } +}" +f492f29d09561eed90304864d073fb2c61bdc995,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + int large = big*5; + if (small + (large) < goal) + return -1; + else if (r <= small && goal - large > 4) + return r + 5; + else if (r <= small) + return r; + else + return -1; + +} +" +fe09da7164a74772398392d57f40f42ffe13afa2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 0) + return -1; + int extra = goal % big; + goal = goal - extra; + int larges = goal/big; + int total = larges + extra; + + return extra; +} +" +e95e40293cb0e587d6a18b2ec0860ce959de399e,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + int large = big*5; + if (small + (large) < goal) + return -1; + if (r <= small && goal - large > 4) + return r + 5; + if (r <= small) + return r; + return -1; + +} +" +99f96d18145aa69bcb3ff34be9b212f054978dfd,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 0) + return -1; + return small; +} +" +e029cd03c5225ee10acd79d9ddbcc4d76583cb71,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) != goal) + return -1; + else + return small; +} +" +961233eecd164d4b616f7f5d3bd0f79b9e3c4ecc,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + int large = big*5; + int n = goal - large + if (small + (large) < goal) + return -1; + if (r <= small && goal - large > 4) + return r + 5; + if (r <= small) + return r; + if (n > 0 && small >= n) + return n + return -1; + +} +" +e3317a0b1692446784c07fa8d83e82afba4af1e9,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + int large = big*5; + int n = goal - large; + if (small + (large) < goal) + return -1; + if (r <= small && goal - large > 4) + return r + 5; + if (r <= small) + return r; + if (n > 0 && small >= n) + return n; + return -1; + +} +" +1d1c46fa86289d1a5ec0bc0c9ee725f68e033c8d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= big * 5) + int remainder = goal - (big * 5); + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +d04e982fff61243f8bf9e5caf1411bc7a5b51b7a,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= big * 5) + remainder = goal - (big * 5); + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +e85cec5d64cce1171acebbfae62367018b144747,"public int makeChocolate(int small, int big, int goal) +{ + int r = goal%5; + int large = big*5; + int n = (goal - large); + if (small + (large) < goal) + return -1; + if (r <= small && goal - large > 4) + return r + 5; + if (r <= small) + return r; + if (n > 0 && small >= n) + return n; + return -1; + +} +" +c86ed02343b277c6243e55cd98be0f92819477bf,"public int makeChocolate(int small, int big, int goal) +{ + int needSmall = goal % 4; + int needBig = (goal - needSmall) / 5; + if (needBig <= big && needSmall <= small) + { + return needSmall; + } + else + { + return -1; + } +} +" +eb5f12e5e070447fadd4b3188125bb3d2d29db1a,"public int makeChocolate(int small, int big, int goal) +{ + int needSmall = goal % 5; + int needBig = (goal - needSmall) / 5; + if (needBig <= big && needSmall <= small) + { + return needSmall; + } + else + { + return -1; + } +} +" +77d36ee7feafaffbbdc51dbc47bb08b610c79ac0,"public int makeChocolate(int small, int big, int goal) +{ + small = goal % 5; + return small; +} +" +0bbd379b8122137d6dd32f2c09de3a26fce7d974,"public int makeChocolate(int small, int big, int goal) +{ + int needSmall = goal % 5; + int needBig = (goal - needSmall) / 5; + int moreSmall = goal - (5*big); + if (needBig <= big && needSmall <= small) + { + return needSmall; + } + else if (needBig > big && moreSmall <= small) + { + return moreSmall; + else + { + return -1; + } +} +" +3913845b645ab7d4dd2a3d79774d05756444608e,"public int makeChocolate(int small, int big, int goal) +{ + int needSmall = goal % 5; + int needBig = (goal - needSmall) / 5; + int moreSmall = goal - (5*big); + if (needBig <= big && needSmall <= small) + { + return needSmall; + } + else if (needBig > big && moreSmall <= small) + { + return moreSmall; + } + else + { + return -1; + } +} +" +55e809ebb97bc8f960c21a9e078ff870fa6346ce,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + else + return -1; +} +" +7df9de0b195c596a1f9318fb301aeaaf45b7d091,"public int makeChocolate(int small, int big, int goal) +{ + int numKilos; + numKilos = small + 5*big; + if (goal > numKilos) { + return -1; + } + int numBigDesired; + for (int i = 0; i*5 < goal; i++) { + numBigDesired = i - 1; + } + int numSmall; + if (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + numSmall = numSmall + (goal % 5); +} +" +8a1d10092fe2d82c3aa8696affbcbf5cf76713c2,"public int makeChocolate(int small, int big, int goal) +{ + int numKilos; + numKilos = small + 5*big; + if (goal > numKilos) { + return -1; + } + int numBigDesired; + numBigDesired = 0; + for (int i = 0; i*5 < goal; i++) { + numBigDesired = i - 1; + } + int numSmall; + numSmall = 0; + if (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + numSmall = numSmall + (goal % 5); + return numSmall; +} +" +ca4484ce5db07d54b2e721d13f158ab24ba0e72d,"public int makeChocolate(int small, int big, int goal) +{ + int numKilos; + numKilos = small + 5*big; + if (goal > numKilos) { + return -1; + } + if (goal % 5 > small) { + return -1; + } + int numBigDesired; + numBigDesired = 0; + for (int i = 0; i*5 < goal; i++) { + numBigDesired = i - 1; + } + int numSmall; + numSmall = 0; + if (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + numSmall = numSmall + (goal % 5); + return numSmall; +} +" +a4757771cac44976b7b121b70b6b0d29ea438c55,"public int makeChocolate(int small, int big, int goal) +{ + int numKilos; + numKilos = small + 5*big; + if (goal > numKilos) { + return -1; + } + if (goal % 5 > small) { + return -1; + } + int numBigDesired; + numBigDesired = 0; + for (int i = 0; i*5 < goal; i++) { + numBigDesired = i; + } + int numSmall; + numSmall = 0; + while (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + numSmall = numSmall + (goal % 5); + return numSmall; +} +" +7a4920283f8ded9cb1410a78805407267e3d6871,"public int makeChocolate(int small, int big, int goal) +{ + int numKilos; + numKilos = small + 5*big; + if (goal > numKilos) { + return -1; + } + if (goal % 5 > small) { + return -1; + } + int numBigDesired; + numBigDesired = 0; + for (int i = 0; i*5 =< goal; i++) { + numBigDesired = i; + } + int numSmall; + numSmall = 0; + while (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + numSmall = numSmall + (goal % 5); + return numSmall; +} +" +94898e63ea49a11be6e79437caeee0734cbb1e27,"public int makeChocolate(int small, int big, int goal) +{ + int numKilos; + numKilos = small + 5*big; + if (goal > numKilos) { + return -1; + } + if (goal % 5 > small) { + return -1; + } + int numBigDesired; + numBigDesired = 0; + for (int i = 0; i*5 <= goal; i++) { + numBigDesired = i; + } + int numSmall; + numSmall = 0; + while (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + numSmall = numSmall + (goal % 5); + return numSmall; +} +" +5cea5f8d8c99ca4baa94f5ff720d458e4e7c92e1,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = goal*(1/5); + int numSmall = goal%5; + if (numSmall == 0); + { + numSmall = -1; + } + return numSmall; +}" +62991062ecf69ccc8006c3d53c591bcdd1723b53,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +3127ef96d75aaab425bc4613131fd25c100912c6,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = goal*(1/5); + int numSmall = goal%5; + int answer = 0; + + if (numBig < big || numSmall < small) + { + answer = -1; + } + else + { + answer = numSmall; + } + return answer; + +}" +fd5eba0471fd60e9cffc6a2569416229c1a0b614,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = goal*(1/5); + int numSmall = goal%5; + int answer = 0; + + if (numBig*5 + numSmall < goal) + { + answer = -1; + } + else + { + answer = numSmall; + } + return answer; + +}" +f0becb4964ee3f29d02550738de7c7e1890c9660,"public int makeChocolate(int small, int big, int goal) +{ + int bigKilos = big * 5; + int smallKilos = goal - bigKilos; + if (smallKilos >= 0) { + return smallKilos; + } + else { + return -1; + } +} +" +eb2ee2bf781a0fd36d77decacfdfc549ef2b8e0c,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + while (numBig*5 < goal - 5) + { + numBig = numBig + 1; + } + int numSmall = goal%5; + int answer = 0; + + if (numBig*5 + numSmall < goal) + { + answer = -1; + } + else + { + answer = numSmall; + } + return answer; + +}" +113b50151886a9b7fc87fd2be953c8a959614621,"public int makeChocolate(int small, int big, int goal) +{ + int maxB = goal/5; + if(axB <= big) + goal -= maxB*5; + else + goal -=big*5; + if(goal <= small) + return goal; + return -1; +} +" +39a4b5412bf6d5ae0e00bf08adb9e07ed6640bd3,"public int makeChocolate(int small, int big, int goal) +{ + int maxB = goal/5; + if(maxB <= big) + goal -= maxB*5; + else + goal -=big*5; + if(goal <= small) + return goal; + return -1; +} +" +94cfd9544304d0c1dbc205459181696ad7f8f68e,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + while (numBig*5 < goal - 5) + { + numBig = numBig + 1; + } + int numSmall = goal%5; + int answer = 0; + + if (numBig*5 + numSmall < goal) + { + answer = -1; + } + else if (numBig*5 == goal) + { + answer = 0; + } + return answer; + +}" +8392ef2350356882f86b9b83cbf0b65c3f9126e7,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + while (numBig*5 < goal - 5) + { + numBig = numBig + 1; + } + int numSmall = goal%5; + int answer = 0; + + if (numBig*5 + numSmall < goal) + { + answer = -1; + } + else if (numBig*5 == goal) + { + answer = 0; + } + else + { + answer = numSmall; + } + return answer; + +}" +69d988f6c65d6ace60d7bc9f8c20d3b4bd0fb2fa,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + while (numBig*5 < goal - 5) + { + numBig = numBig + 1; + } + int numSmall = goal%5; + int answer = 0; + + if (big*5 + small < goal) + { + answer = -1; + } + else if (numBig*5 == goal) + { + answer = 0; + } + else + { + answer = numSmall; + } + return answer; + +}" +a284b82dc025bbd0dff7eb2ca88b24e798880f24,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + while (numBig*5 < goal - 5) + { + numBig = numBig + 1; + } + int numSmall = goal%5; + int answer = 0; + + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else + { + answer = numSmall; + } + return answer; + +}" +97e80b9a8559c894b5b07d209debb5718b6bc4ff,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + //while (numBig*5 < goal - 5) + //{ + // numBig = numBig + 1; + //} + int numSmall = goal%5; + int answer = 0; + + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else + { + answer = numSmall; + } + return answer; + +}" +915d8296b57d004bd6b6bda17e9e69ffae526b40,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + int numSmall = goal%5; + int answer = 0; + + if (big*5 + small < goal) + { + answer = -1; + } + else if (goal%5 > small) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else + { + answer = small; + } + return answer; + +}" +4e3ab2ef937c01198e75f17cecde10e90cbc909f,"public int makeChocolate(int small, int big, int goal) +{ + + int numBig = 0; + int numSmall = goal%5; + int answer = 0; + + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal%5 > small) + { + answer = -1; + } + + else + { + answer = small; + } + return answer; + +}" +e9e975449eabb82b1e5362d27a88cece74ff09c6,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + //int numBig = + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if () // if there aren't enough big return -1 + { + return -1; + } + else + { + + } +} +" +515be95cb0b4bcd4c9880a3109c4d7c92674558a,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal%5 > small) + { + answer = -1; + } + + else + { + answer = small; + } + return answer; + +}" +afba5330808de9ad97b947fc0d855db2c71cc65e,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + while (big*5 > goal) + { + big = big - 1; + } + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal%5 > small) + { + answer = -1; + } + + else + { + answer = small; + } + return answer; + +}" +82e9b326f2c211a863b1fc42e123d078304bb759,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + if (big*5 + small < goal) + { + answer = -1; + } + while (big*5 > goal) + { + big = big - 1; + } + + else if (big*5 == goal) + { + answer = 0; + } + else if (goal%5 > small) + { + answer = -1; + } + + else + { + answer = small; + } + return answer; + +}" +5cbcc0d5d48c7f04b6b18d0b6f0b6b551fed96b3,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + if (big*5 + small < goal) + { + answer = -1; + } + while (big*5 > goal) + { + big = big - 1; + } + + if (big*5 == goal) + { + answer = 0; + } + else if (goal%5 > small) + { + answer = -1; + } + + else + { + answer = small; + } + return answer; + +}" +fc0a9c5aa895556da95c159feaa084ddaeb83326,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + + while (big*5 > goal) + { + big = big - 1; + } + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal/(big*5) > small) + { + answer = -1; + } + + else + { + answer = small; + } + return answer; + +}" +1dafcae24d3c33f402a183938261ae89948f4839,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return numSmall; + } +} +" +bc9c00a0e91786952805ce026c95aeafcb4b3977,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + + while (big*5 > goal) + { + big = big - 1; + } + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal/(big*5) > small) + { + answer = -1; + } + + else + { + answer = goal - big; + } + return answer; + +}" +4542b5898f6adba2b73847fbe32b003e951484b3,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + + while (big*5 > goal) + { + big = big - 1; + } + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal/(big*5) > small) + { + answer = -1; + } + + else if(goal - big > small) + { + answer = -1; + } + else + { + answer = goal - big; + } + return answer; + +}" +817fb0c76ca7ebd855e29e497898e569db78a8ab,"public int makeChocolate(int small, int big, int goal) +{ + + + int answer = 0; + + while (big*5 > goal) + { + big = big - 1; + } + if (big*5 + small < goal) + { + answer = -1; + } + else if (big*5 == goal) + { + answer = 0; + } + else if (goal/(big*5) > small) + { + answer = -1; + } + else + { + answer = goal - big*5; + } + return answer; + +}" +502b1d77762e6cab534d3c8abceb5e392468b04a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + if (big * 5 >= (goal - 4)) + { + + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + return -1; +} +" +e5f6d4c1df6cf99d3b57e025c95a741b3d6b6836,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + if (big * 5 >= (goal - 4)) + { + + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +2ece304fd26ee28b627605c634f1aa4ae10155f0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + if (big * 5 >= (goal - 4)) + { + return; + } + else + return; + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +acd4c034f7d364b34f7fd15430286401237efd05,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + if (big * 5 >= (goal - 4)) + { + return; + } + else + { + return; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +8343a6b2fb96bb6fac5ebd85abedca4cae4929e4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else + { + return 0; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +c31507e32a5c0bc5edb76d00964a4db314b010dd,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big*5; + if (goal > 0) + { + small = goal; + return small; + } + else + { + return -1; + } + +} +" +e57696b59b095e3fd183644dae31d5f2c601adf5,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big; + if (goal > 0) + { + small = goal; + return small; + } + else + { + return -1; + } + +} +" +77cc2a78cf5dda8f60a44b9a560a2c84e4e7151e,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big*5; + if (goal > 0) + { + small = goal; + return small; + } + else + { + return -1; + } + +} +" +86bf287c4222a45c203016faacdf941422d1004b,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big*5; + if (goal =< small) + { + return goal; + } + else + { + return -1; + } + +} +" +6c21b5506a76e89d82e8c64b410816010c2750fd,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big*5; + if (goal <= small) + { + return goal; + } + else + { + return -1; + } + +} +" +dabdd2d5e1ababba199a2ea07f0c1934a43f6bec,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big*5; + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +610ae0d9dade01debe0fe579869f5c0eff0ce924,"public int makeChocolate(int small, int big, int goal) +{ + while (goal%10 == 5 || goal%10 == 0) + { + goal = goal - big*5; + } + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +90f2eb786c464816e14cedf8806390580ef6c26b,"public int makeChocolate(int small, int big, int goal) +{ + while (goal%10 == 5 || goal%10 == 0) + { + goal = goal - big*5; + return goal + } + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +407b7bdbe90c017c4a3ba60bb53ee43dc3fb49a9,"public int makeChocolate(int small, int big, int goal) +{ + while (goal%10 == 5 || goal%10 == 0) + { + goal = goal - big*5; + return goal; + } + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +7a9bf01ff5a89eea903fc92eb0dab96c84cc6ce9,"public int makeChocolate(int small, int big, int goal) +{ + while (goal%10 == 5 && goal != 0 || goal != 0 && goal%10 == 0) + { + goal = goal - big*5; + } + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +de3f28bb7766fa16fe5b1c3ca554f3ca38e53270,"public int makeChocolate(int small, int big, int goal) +{ + while (goal%10 == 5 && goal != 0 || goal != 0 && goal%10 == 0) + { + goal = goal - big*5; + } + if (goal <= small && goal > 0) + { + return goal; + } + else + { + return -1; + } + +} +" +dfc5631e49f790c1e4f80e825c19e58f4e94810e,"public int makeChocolate(int small, int big, int goal) +{ + int answer = 0; + if (goal > big * 5) + { + answer = goal - (5 * big); + } + else if (goal = big * 5) + { + answer = -1 + } +return answer; +} +" +784c42e09c5dd0851de83ee61ebfd402be39ab70,"public int makeChocolate(int small, int big, int goal) +{ + int answer = 0; + if (goal > big * 5) + { + answer = goal - (5 * big); + } + else if (goal = big * 5) + { + answer = -1; + } +return answer; +} +" +2a333048d0e4869230a775e0da0d9a9ecfe65b97,"public int makeChocolate(int small, int big, int goal) +{ + int answer = 0; + if (goal > big * 5) + { + answer = goal - (5 * big); + } + else if (goal == big * 5) + { + answer = -1; + } +return answer; +} +" +3ffdf16c1ac64dd7ea33cfa16176e8e3d28bbe32,"public int makeChocolate(int small, int big, int goal) +{ + while (goal<5) + { + goal = goal - big*5; + } + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +df03631d08befde6766c3ca49e8812ef4a0ddf5e,"public int makeChocolate(int small, int big, int goal) +{ + while (goal>=5) + { + goal = goal - big*5; + } + if (goal <= small && goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +c9e6d8ee13983d13cf0d4d455eea03e26b345dc7,"public int makeChocolate(int small, int big, int goal) +{ + while (goal>=5) + { + goal = goal - big*5; + } + if (goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +51a88fbbbc9d324c171b550ad09103760ec1cb92,"public int makeChocolate(int small, int big, int goal) +{ + while (goal>=5) + { + goal = goal - 5; + } + if (goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +75f88f8f91db45473654baff6f6c8e078b5f6c16,"public int makeChocolate(int small, int big, int goal) +{ + while (big>0 && goal>=5) + { + goal = goal - 5; + } + if (goal >= 0) + { + return goal; + } + else + { + return -1; + } + +} +" +3b064dba3543d5876887be52f74c0eeb61a4d772,"public int makeChocolate(int small, int big, int goal) +{ + while (big>0 && goal>=5) + { + goal = goal - 5; + } + if (goal >= 0 && small > goal) + { + return goal; + } + else + { + return -1; + } + +} +" +a138c1247e8b689145e79ec2211f9f1babe53eb5,"public int makeChocolate(int small, int big, int goal) +{ + while (big>0 && goal>=5) + { + goal = goal - 5; + } + if (goal >= 0 && small >= goal) + { + return goal; + } + else + { + return -1; + } + +} +" +689cc7ad57f00aaffa486011bb84b084b608571b,"public int makeChocolate(int small, int big, int goal) +{ + while (big>0 && goal>=5) + { + goal = goal - 5; + big --; + } + if (goal >= 0 && small >= goal) + { + return goal; + } + else + { + return -1; + } + +} +" +53b5bfc871a3721a808f3d9d66f40aa88d5cf434,"public int makeChocolate(int small, int big, int goal) +{ + goal = 97 + int roundedGoal = 0 + if ((goal % 10) >= 5) + { + roundedGoal = goal + (10 - (goal % 10)); + } + if ((goal % 10) < 5) + { + roundedGoal = goal - (goal % 10); + } + big = roundedGoal/(5); + small = goal - big + return (small) +} +" +4a196fca1220b39118f6caa25b9126ccd525e66a,"public int makeChocolate(int small, int big, int goal) +{ + goal = 97; + int roundedGoal = 0; + if ((goal % 10) >= 5) + { + roundedGoal = goal + (10 - (goal % 10)); + } + if ((goal % 10) < 5) + { + roundedGoal = goal - (goal % 10); + } + big = roundedGoal/(5); + small = goal - big; + return (small); +} +" +f8b9818e1d0a6fc290af872d16a4204034883265,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) == goal) + { + return small; + } + else + { + return -1; + } +} +" +6d7e284cd29d599364f4bd7d57e1b6a7447b65a9,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) >= goal) + { + return (goal - (5 * big)); + } + else + { + return -1; + } +} +" +975eea22c2482b43eec38d59eb531062d4e544ab,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) >= goal) + { + if ((goal % 10) > 5) + { + small = ((goal % 10) - 5); + return (small); + } + else if ((goal % 10) < 5 && (goal % 10) > 0) + { + small = (goal % 10); + return (small); + } + else + { + small = 0; + return (small); + } + } + else + { + return -1; + } +} +" +24c0a94db277e7ac9d3e56aed766ba93115d80d0,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal % 10) > 5) + { + bigUsed = (goal + 5 - (goal % 10)); + } + else if ((goal % 10) < 5) + { + bigUsed = (goal - (goal % 10)); + } + else if ((goal % 10) == 0 || (goal % 10) == 5) + { + bigUsed = goal; + } + if (small + bigUsed >= goal) + { + if ((goal % 10) > 5) + { + small = ((goal % 10) - 5); + return (small); + } + else if ((goal % 10) < 5 && (goal % 10) > 0) + { + small = (goal % 10); + return (small); + } + else + { + small = 0; + return (small); + } + } + else + { + return -1; + } +} +" +96eb9eca38fdf1c5c6eb6ba2f988ad406a8cfc3f,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = 0 + if ((goal % 10) > 5) + { + bigUsed = (goal + 5 - (goal % 10)); + } + else if ((goal % 10) < 5) + { + bigUsed = (goal - (goal % 10)); + } + else if ((goal % 10) == 0 || (goal % 10) == 5) + { + bigUsed = goal; + } + if (small + bigUsed >= goal) + { + if ((goal % 10) > 5) + { + small = ((goal % 10) - 5); + return (small); + } + else if ((goal % 10) < 5 && (goal % 10) > 0) + { + small = (goal % 10); + return (small); + } + else + { + small = 0; + return (small); + } + } + else + { + return -1; + } +} +" +10a866cbbd6e47f637ffc68fd8395bc8e676af12,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%(small + 5* big) == 0) + { + return small; + } + else + return -1; +} +" +ec0f2fce6b84f2b30dd5c463601fdd64337e9fec,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%(small + big) == 0) + { + return small; + } + else + return -1; +} +" +6ab6c1ba53a6425448c2bc16832e926986cd438a,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (small + (5 * big) > goal) + { + return -1; + } + else + { + return small * rem; + } +} +" +a0c142f7ec801531b20225ccfbe9c48e2d9f5c58,"public int makeChocolate(int small, int big, int goal) +{ + if(small + 5 * big > goal) + { + return goal%big; + } + else + return -1; +} +" +2131b2beffbfaa95283695dbd344f77dd331eb03,"public int makeChocolate(int small, int big, int goal) +{ + if(small + 5 * big > goal) + { + return goal%(5*big); + } + else + return -1; +} +" +af4de1932bc4e7af433cfc7d8a687baade63d4b5,"public int makeChocolate(int small, int big, int goal) +{ + if((small + (5 * big)) >= goal) + { + return goal%(5*big); + } + else + return -1; +} +" +dacb511133f146b2714b1d5ac5b4aa5890310d75,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (small + (5 * big) > goal) + { + return -1; + } + else + { + return small * rem; + } +} +" +4e5efb7b056138b0165d4be53d1fa0c48a74fa9f,"public int makeChocolate(int small, int big, int goal) +{ + if((small + (5 * big)) >= goal) + { + if(goal - 5 < 5) + { + return goal - 5; + } + else + return goal%(5*big); + } + else + return -1; +} +" +9f1dcc6a708e7b1b314804db1d739a68f52bb0fa,"public int makeChocolate(int small, int big, int goal) +{ + if((small + (5 * big)) >= goal) + { + if(goal - 5 < 5) + { + return goal - 5; + } + else + return goal%(5*big); + } + if(goal == small) + { + return small; + } + else + return -1; +} +" +36bcf01b268a8e6fc20eb9df4757e8f66239e338,"public int makeChocolate(int small, int big, int goal) +{ + if((small + (5 * big)) >= goal) + { + if(goal - 5 < 5) + { + return goal - 5; + } + else + return goal%(5*big); + } + else if(goal == small) + { + return small; + } + else + return -1; +} +" +63e130b6fae7bfdf4d3f8ffaf0f84c375fa6400b,"public int makeChocolate(int small, int big, int goal) +{ + int leftOver = 100; + int smallUsed = 0; + int bigUsed = 0; + if (big*5 <= goal) + { + leftOver = goal - big * 5; + } + else if (big*5 > goal) + { + if ((goal % 10) >= 5) + { + bigUsed = goal - ((goal % 10)-5); + } + else if ((goal % 10) < 5) + { + bigUsed = goal - (goal % 10); + } + if (bigUsed + small >= goal) + { + leftOver = goal - bigUsed; + } + else + { + return (-1); + } + if (small >= leftOver) + { + smallUsed = leftOver; + return smallUsed; + } + +}" +4958387941e045cbbe9ef937cefcd51fcb448ef2,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return goal - (big * 5); + } +} +" +240e886ffafb710c856e41c676001e5649515ec5,"public int makeChocolate(int small, int big, int goal) +{ + int leftOver = 100; + int smallUsed = 0; + int bigUsed = 0; + if (big*5 <= goal) + { + leftOver = goal - big * 5; + } + else if (big*5 > goal) + { + if ((goal % 10) >= 5) + { + bigUsed = goal - ((goal % 10)-5); + } + else if ((goal % 10) < 5) + { + bigUsed = goal - (goal % 10); + } + if (bigUsed + small >= goal) + { + leftOver = goal - bigUsed; + } + else + { + return (-1); + } + } + if (small >= leftOver) + { + smallUsed = leftOver; + return smallUsed; + } +}" +73a1ec8327ec5d5ef1afae08358b35790307e0ec,"public int makeChocolate(int small, int big, int goal) +{ + int leftOver = 100; + int smallUsed = 0; + int bigUsed = 0; + if (big*5 <= goal) + { + leftOver = goal - big * 5; + } + else if (big*5 > goal) + { + if ((goal % 10) >= 5) + { + bigUsed = goal - ((goal % 10)-5); + } + else if ((goal % 10) < 5) + { + bigUsed = goal - (goal % 10); + } + leftOver = goal - bigUsed; + } + if (small >= leftOver) + { + smallUsed = leftOver; + return smallUsed; + } + else + { + return (-1); + } +}" +fdb3e315c83ae366cb4c99a4b2dd1d69e1d543fa,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + int numUsed = 0; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + while (goal > 0) + { + goal = goal - 5; + } + + while (goal > 0) + { + goal = goal - 1; + numUsed ++; + } + + } +} +" +93d0ed3606d1d9d5110942d17a0481a60daa0dfb,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + int numUsed = 0; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + while (goal > 0) + { + goal = goal - 5; + } + + while (goal > 0) + { + goal = goal - 1; + numUsed ++; + } + + return numUsed; + + } +} +" +57dcd555d14de8852d9fb4ea97250341125d0afe,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + int numUsed = 0; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + while (goal > 0) + { + goal = goal - 5; + } + + while (goal > 0) + { + goal = goal - 1; + numUsed = numUsed + 1; + } + + return numUsed; + + } +} +" +a4cc52e845d7db183a21a228a28e43e8a56e0143,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return numSmall; + + } +} +" +876d57c35493a8e43b3aeac93c6fc5bf4ea112c0,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return Small; + + } +} +" +9c15298de0fecec02f4ec3bbd4d1f90c73ad2606,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return small; + + } +} +" +349025c5f6fb9fe9986ec180179746c703731312,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return numSmall; + + } +} +" +87d0592ae2fe6e5c77a9041310ac3ab70a599490,"public int makeChocolate(int small, int big, int goal) +{ + int bigWeight = 5 * big; + + if(bigWeight + small >= goal) + { + if(bigWeight%goal == 0) + { + return 0; + } + else if(small%goal == 0) + { + return small; + } + else if(bigWeight%goal > 0) + { + return (bigWeight%goal); + } + + } + else + return -1; +} +" +3abbc17a5a30dd6120ddbd48af4918a7aaaca53d,"public int makeChocolate(int small, int big, int goal) +{ + int bigWeight = 5 * big; + + if(bigWeight + small >= goal) + { + if(bigWeight%goal == 0) + { + return 0; + } + else if(small%goal == 0) + { + return small; + } + else if(bigWeight%goal > 0) + { + return (bigWeight%goal); + } + + } + else + { + return -1; + } +} +" +3d119f4e34fe1a1ae910293c3cfe4906d3364a1b,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + int numUsed = goal; + int count = 0; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + for (int i = numBig; i > 0;i--) + { + numUsed = numUsed - 5; + } + + for (int i = numBig; i > 0;i--) + { + numUsed = numUsed - 1; + count ++; + } + + return count; + } +} +" +18d119f5e0b155d0e5cd425b3140633d4566b7d6,"public int makeChocolate(int small, int big, int goal) +{ + //fields + int numSmall = goal % 5; + int numBig = goal / 5; + + //methods + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return numSmall; + } +} +" +305c55674434effb5bd3b56a18730c35e94b45f5,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int answer = 0; + if (goal >= big * 5) + { + number = goal - (5 * big); + } + else if (goal < big * 5) + { + number = goal % 5; + } + if (number <= small) + { + answer = number; + } + else + { + answer = -1; + } +return answer; +} +" +f19cc29ad0e149a79ecd1c76c10e867ac451bd50,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + return false; +} +" +8265c12aa451be878d10acfbde32f9dab9c88bfc,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + else + return false; +} +" +32abcc6210f5fcc7a229ba71bd525a28b70d7a9b,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (rd = 0) + { + return 0; + } + else if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return goal - big*5; + } + else + { + return small; + } + } +} +" +be7cb477bae700133b2d403bf34de839434ca124,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (rd == 0) + { + return 0; + } + else if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return goal - big*5; + } + else + { + return small; + } + } +} +" +55e94641efeb0f3651583faa5e88f9559563baac,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else if (rd ==0) + { + return 0; + } + else + { + if (goal - big*5 <= small) + { + return goal - big*5; + } + else + { + return small; + } + } +} +" +d7cb12800cadb3a710390b099cee4d3fe0a87504,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small <= rd) + { + return -1; + } + else if (rd ==0) + { + return 0; + } + else + { + if (goal - big*5 <= small) + { + return goal - big*5; + } + else + { + return small; + } + } +} +" +f2345d7a26a46560ad8103d1f64c2eaad0733092,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else + { + if (goal - big*5 <= small) + { + return goal - big*5; + } + else + { + return small; + } + } +} +" +ca6021b0d8cbc7bfaa176d480d94b7cfb2f02efb,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + if(goal <= 5) + if(i != goal) + i = i + 1; + return i; +} +" +491fab50e49e6051d5fb1d1325ea208bbea1fddb,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +f5a6ca1c0e48ba8477c75bc830a2d53bb41b6b8d,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big; + else: + remainder = goal % 5; + + if remainder <= small: + return remainder; + + return -1; +} +" +0d64f7802a8e7dacce622afe44a50048fb7af8ce,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else: + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +a4c33f6e5b21e596d273bb3a24b956b42bd54fdd,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +122111d769b75e5d9e6e407d89b4d2eef0bf81e8,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +43c98c519e90f8a7e2cbb0cf0eb39d5ece663cec,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + { + return remainder; + } + + return - 1; +} +" +cd727adb54733c5b0e8ec8f90e3a20c4ce931c92,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + { + return remainder; + } + + return - 1; +} +" +28f3148c01d9767c7818bd218f21b0fd2d4292f4,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if remainder <= small: + { + return remainder; + } + + return - 1; +} +" +e140c57944537f87fb368a2b3c51ff2f8c8b2d1e,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return - 1; +} +" +ec427fab28f99a41c0629b6c770e8b78e7be938c,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal >= 5*big) + { + return goal - 5*big; + } + else if (rd <= small) + { + return rd; + } + else + { + return -1; + } +} +" +6f75ec0d26ae263219769fc7b124bc03eaee83c9,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (c <= small && goal - big*5 > 4) + { + return c + 5; + } + else if (c <= small) + { + return c; + } + else + { + return -1; + } + +} +" +4aa9c94d28dc4bf1e3f4eabd8de16439a3186576,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else if (goal >= 5*big) + { + return goal - 5*big; + } + else if (rd <= small) + { + return rd; + } + else + { + return -1; + } +} +" +8b3d33df6b69d3b93181b7269eef0364ed9b857a,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +4aae041f40de5cb18196280e53e3ce9bb2d292d2,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if(small+ (big*5) < goal) + return - 1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return-1; +} +" +13864ac96c4023a6c7e3db73dd0c11750234fe40,"def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1" +2c913ba97a0dbbb1400db362ba6b56905e90bd7a,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; +if (small + (big*5) < goal) +return -1; +else if (rem <= small && goal - big*5 > 4) +return rem + 5; +else if (rem <= small) +return rem; +else + return -1; + +} +" +33116b8df17a1239d92e24ee993fde5e17e2a8cc,"public int makeChocolate(int small, int big, int goal) +{ + int bigWeight = 5 * big; + int num = 0; + + if(bigWeight + small >= goal) + { + if(bigWeight%goal == 0) + { + num = 0; + } + else if(small%goal == 0) + { + num = small; + } + else if(bigWeight%goal > 0) + { + num = (bigWeight%goal); + } + + } + else + { + num = -1; + } + return num; +} +" +d1083b22ff4d8e65d6535a78e912a6cf552e9c7b,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal%5; + + if(maxBig <= big); + { + goal -= maxBig * 5; + } + else + goal -= big * 5; + + if(goal <= small) + { + return goal; + } + + return -1 + + +} +" +a271d6f41e2f0f93e0fe053e43bed6341d8ff19b,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal%5; + + if(maxBig <= big); + { + goal -= maxBig * 5; + } + else + { + goal -= big * 5; + } + + if(goal <= small) + { + return goal; + } + + return -1; + + +} +" +cabaedaca646cbb45cab9915cf036fe82048779c,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal%5; + + if(maxBig <= big) + { + goal -= maxBig * 5; + } + else + { + goal -= big * 5; + } + + if(goal <= small) + { + return goal; + } + + return -1; + + +} +" +520205e30f823112025c34b00280160ccbcbd7ef,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + + if(maxBig <= big) + { + goal -= maxBig * 5; + } + else + { + goal -= big * 5; + } + + if(goal <= small) + { + return goal; + } + + return -1; + + +} +" +b41c97e8d749d67190476e9c22c583ea5559a65d,"public int makeChocolate(int small, int big, int goal) +{ + int mass = small + 5 * big; + int ones = goal % 5; + if( mass < goal || small < ones) + { + return -1; + } + else + { + return ones; + } +} +" +ce3a9381abdec23dbdc4ab35ca438ff0b7b140ff,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 > goal) + { + return goal % 5 + } + else if (small * 5 > goal) + { + return goal % 5 + } + else if (small + big * 5 > goal) + { + return -1 + } +} +" +dde0a151f0da56bf308ce0df06ad084a6b254360,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 > goal) + { + return goal % 5; + } + else if (small * 5 > goal) + { + return goal % 5; + } + else if (small + big * 5 > goal) + { + return -1; + } +} +" +957f216d29b842e1150f393e79c430b7ecfa6706,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 > goal) + { + return goal % 5; + } + else if (small * 5 > goal) + { + return goal % 5; + } + else if (small + big * 5 > goal) + { + return -1; + } + return -1; +} +" +902aee8fb5c3fd4695b70e618ae43003ed96d60b,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 > goal) + { + return goal % 5; + } + else if (small * 5 > goal) + { + return goal % 5; + } + else if (small + big * 5 > goal) + { + return -1; + } + return goal; +} +" +005dc723fadbf73de73487d6a62e27937c328776,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 > goal) + { + return goal % 5; + } + else if (small * 5 > goal) + { + return goal % 5; + } + else if (small + big * 5 > goal) + { + return -1; + } + return 0; +} +" +efb5f6fbd97b05153418086b0503f2d568c7d7c6,"public int makeChocolate(int small, int big, int goal) +{ + int large = 5 * big; + int mass = small + large; + int ones = goal % 5; + if( mass < goal || small < ones) + { + return -1; + } + else + { + return mass - large; + } +} +" +f83a2c20efe6615ebd4769a2cda35d887f209850,"public int makeChocolate(int small, int big, int goal) +{ + int large = 5 * big; + int mass = small + large; + int ones = goal % 5; + if( mass < goal || small < ones) + { + return -1; + } + else + { + if( large <= mass ) + { + return mass - large; + } + else + { + int extra = large - mass; + return 5 - ( extra % 5); + } + } +} +" +e8c6f3b21e0d63609ef0a86f568815c898a92523,"public int makeChocolate(int small, int big, int goal) +{ + int large = 5 * big; + int mass = small + large; + int ones = goal % 5; + if( mass < goal || small < ones) + { + return -1; + } + else + { + if( large <= goal ) + { + return goal - large; + } + else + { + int extra = large - goal; + return 5 - ( extra % 5); + } + } +} +" +016c3a785d55e2cc1969161007a2814507145b13,"public int makeChocolate(int small, int big, int goal) +{ + int large = 5 * big; + int mass = small + large; + int ones = goal % 5; + if( mass < goal || small < ones) + { + return -1; + } + else + { + if( large <= goal ) + { + return goal - large; + } + else + { + int extra = large - goal; + int singles = extra % 5; + if( singles == 0 ) + { + return 0; + } + else + { + return 5 - singles; + } + } + } +} +" +392254771ae10484114065839cae43b9b67216e4,"public int makeChocolate(int small, int big, int goal) +{ + int largest = goal/5; + if (largest <= big) + goal -= largest*5; + else + goal -= big*5; + if (goal <= small) + return goal; + return -1; + +} +" +c2b3fdfe240057000736716d0e6224d7a6f6ae19,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if (x <= 4 && small >= x) + return x; + else + return -1; +} +" +4291c2de22cc04edb211e970b6b20df6569adcbb,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if ( small + (big/5) < goal) + return -1; + if (x <= 4 && small >= x) + return x; + else + return -1; +} +" +dadef90928ec41b49d913152c8647a0016e02bb8,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if ( small + (big*5) < goal) + return -1; + if (x <= 4 && small >= x) + return x; + else + return -1; +} +" +5eee6c01a5e59f1032eefc9ba2da7083f367a5a4,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % (big*5); + if ( small + (big*5) < goal) + return -1; + if (x <= 4 && small >= x) + return x; + else + return -1; +} +" +a773d9c447a8f73a3242d695b0258c764c9175cf,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % (5); + if ( small + (big*5) < goal) + return -1; + if (x <= 4 && small >= x) + return x; + else + return -1; +} +" +0a9e5fdc45064adccc6c627114c57cdb176e90e4,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % (5); + if (goal >= 5) + if (x <= 4 && small >= x) + return x; + if ( goal <= small) + return goal; + return -1; +} +" +52546506077450709c0bf19fa64bcf40c0811e52,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % (5); + if (goal >= 5) + if (x <= 4 && small >= x) + return goal - (big * 5); + if ( goal <= small) + return goal; + return -1; +} +" +4630c811905f54a82997d33f4d0c8f8427bd9f5b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + if (goal / 5 >= big) + goal= goal - (big * 5); + else + goal = goal % 5 + if ( goal <= small) + return goal; + return -1; +} +" +54e85560dc341a4c09a18434b499ab355cda655c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + if (goal / 5 >= big) + goal= goal - (big * 5); + else + goal = goal % 5; + if ( goal <= small) + return goal; + return -1; +} +" +522716437721779683a2d7036d87f20c4cfff287,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + goal = goal - goal; + } + else + { + goal = big * 5; + } + + if (goal <= small) + { + return goal; + } + else + { + retur -1; + } +} +" +6d52f870732fe1b6897f22bfaf5093b7930e505a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + goal = goal - goal; + } + else + { + goal = big * 5; + } + + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +99b21699f08d007db6bd785aa02ceef4341406e0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= big * 5) + { + goal = goal - big *5; + } + else + { + goal = goal % 5; + } + + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +1cf9ce37a8b14c0a1790b53859a23cc2a4a1ada4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= big * 5) + { + goal = goal - big * 5; + } + else + { + goal = goal % 5; + } + + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +ceb57c773756ad49ecc96db5bf207359c896cc84,"public int makeChocolate(int small, int big, int goal) +{ + int biggestGoal = goal / 5; + if (biggestGoal <= big) + goal -= biggestGoal * 5; + else + goal -= big * 5; + if (goal <= small) + return goal; + return -1; + +} +" +b9e3c3a5b9fd2f6aebc8d9d953c0ca3c032ea0a8,"public int makeChocolate(int small, int big, int goal) +{ + int res=0; + int i=0; + if (goal>big*5+small) return -1; + while(res<=goal && igoal) + { + res=res-5; + } + if(goal-res>small) + { + return -1; + } + else + { + return (goal-res); + } +} +" +9d1b27cd64cc2f68f2696b13f25e04eefea8d400,"public int makeChocolate(int small, int big, int goal) +{ + int result = goal % 5; + + if (small + (big*5) < goal) + { + result = -1; + } + + else if (result <= small && goal - big * 5 > 4) + { + result = result + 5; + } + + else if (result <= small) + { + result = result; + } + else + { + result = -1; + } + + return result; + +} +" +bc5a288f5a5fc48a6e8a16baa77a15abac54a2a8,"public int makeChocolate(int small, int big, int goal) +{ + int result = goal / 5; + + if (big <= result) + { + goal -= big * 5; + } + + else + { + goal -= bigReq * 5; + } +return small >= goal ? goal : -1; + + +} +" +8807ad4fcd9dad6efe36ede8a5fb3fc1316b854d,"public int makeChocolate(int small, int big, int goal) +{ + int result = goal / 5; + + if (big <= result) + { + goal -= big * 5; + } + + else + { + goal -= result * 5; + } +return small >= goal ? goal : -1; + + +} +" +8afa57fc4525e9cde816566baa383c5c488d41df,"public int makeChocolate(int small, int big, int goal) +{ + int result = goal / 5; + + if (big <= result) + { + goal -= big * 5; + } + + else + { + goal -= result * 5; + } + + result = small >= goal ? goal : -1; + + return result; +} +" +94186fccabba15e0615835961b37624530115751,"public int makeChocolate(int small, int big, int goal) +{ + + + + return -1; +} +" +74f9f1be6ad558f74a19da44103479cad8c71e1e,"public int makeChocolate(int small, int big, int goal) +{ + if ( a + b >= goal) + return goal - 5b; + else if ( a + b == goal) + return a; + else + return -1; +} +" +aad4bea916f2b04f04559e437c872b5e05d1ffaa,"public int makeChocolate(int small, int big, int goal) +{ + if ( a + b >= goal) + return goal - 5 * b; + else if ( a + b == goal) + return a; + else + return -1; +} +" +15e499648fcda3b2848010757588e1269defe417,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + big >= goal) + return goal - 5 * big; + else if ( small + big == goal) + return small; + else + return -1; +} +" +428e8d4a1747190a606f7c02a8152cb63beb0386,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big >= goal) + return goal - 5 * big; + else if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +6f5cdef26d5b40db8b912e3d432aef564c4b1db1,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big >= goal) + return small; + else if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +d3dba1f39ac0b07d1221a4bdfc9cbe2e4103c036,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big > goal) + return goal - 5 * big; + else if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +03a02373a3e02dbbe1725b1fddd171ba24983b10,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal - 5 * big < 0) + big = big--; + if ( small + 5 * big > goal) + return 5 * big - small; + if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +3cfd1fef4ec652d4ff07a46a0647c58914e41b6d,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal - 5 * big < 0) + big = big--; + if ( small + 5 * big > goal) + return 5 * big - small; + if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +3d9ad241894beddf1c7bfe79dacb2b6b9fefda23,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (goal >= 5) + { + return rem; + } + else + { + return -1; + } +} +" +cf1bb1e63d7ff2782c936447965d1bf83011f11a,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (goal >= big * 5 + small) + { + return rem; + } + else + { + return -1; + } +} +" +9cb1178b9b85629b808a46c7df93fde398999ebd,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (goal <= big * 5 + small) + { + return rem; + } + else + { + return -1; + } +} +" +7813263157abc7ae81c235257de577ba6b6550d5,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small >= rem && goal <= big * 5 + small) + { + return rem; + } + else + { + return -1; + } +} +" +f2ca75b16c7fbaa7556918d020c8db484e058bd5,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + int bigtotal = goal / 5; + if (small >= rem && big >= bigtotal && goal <= big * 5 + small) + { + return rem; + } + if (small >= rem && big < bigtotal && goal <= big * 5 + small) + { + return rem + 5; + else + { + return -1; + } +} +" +bf9d0b3f4a6dc1afea1bfdf1ef4bc1f08379e5a6,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + int bigtotal = goal / 5; + if (small >= rem && big >= bigtotal && goal <= big * 5 + small) + { + return rem; + } + if (small >= rem && big < bigtotal && goal <= big * 5 + small) + { + return rem + 5; + } + else + { + return -1; + } +} +" +617e080aa52b2079a26ca214e0adcbebaeec5270,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rem <= small + (5 * big) >= goal) + { + return -1; + } + else + { + return small * rem; + } +} +" +72e157882bc790b48e53599225a284e28b0f8a43,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rem <= small + (5 * big)) + { + return -1; + } + else + { + return rem; + } +} +" +e79c23339fefacbe2ebbfdf6176136e5ef3fe33e,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rem <= small + (5 * big) > 4) + { + return -1; + } + else + { + return rem; + } +} +" +2714f49ed8df574cad06e233dfe6c790cb39a652,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rem <= small + (5 * big) > 4) + { + return rem + 5; + } + else + { + return rem; + } +} +" +2e9812f3aeef2151875560aa6d72b7cb5357e3de,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + int bigtotal = goal / 5; + int rem2 = goal % big; + if (small >= rem && big >= bigtotal && goal <= big * 5 + small) + { + return rem; + } + if (small >= rem && big < bigtotal && goal <= big * 5 + small) + { + return rem + rem2; + } + else + { + return -1; + } +} +" +e2279b6ecb254882aa9ddeb6c29cfdd7581a7396,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rem <= small && goal + (5 * big) > 4) + { + return rem + 5; + } + else + { + return rem; + } +} +" +95306a050b46ff366d378d794d9a4df4d48f84cb,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal) + { + return -1; + } + else if (rem <= small && goal + (5 * big) > 4) + { + return rem + 5; + } + else + { + return -1; + } +} +" +a0a02dd04f6c119b6197373cfc98ff41d132f372,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + int bigtotal = goal / 5; + if (small >= rem && big >= bigtotal && goal <= big * 5 + small) + { + return rem; + } + if (small >= rem && big < bigtotal && goal <= big * 5 + small) + { + return rem + 5; + } + else + { + return -1; + } +} +" +5a08cbb30652108e8cb9a96cb53e564c31d3aa84,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + int bigtotal = goal / 5; + if (small >= rem && big >= bigtotal && goal <= big * 5 + small) + { + return rem; + } + if (small >= rem && big < bigtotal && goal <= big * 5 + small) + { + return goal - big * 5; + } + else + { + return -1; + } +} +" +a956c3fae0c4511bd30e238f8b63a84d8c967697,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (rem <= small && goal + (5 * big) > 4) + { + return rem + 5; + } + else + { + return -1; + } +} +" +4d832ef2fee52d8e574a97235188c972006cb6fe,"public int makeChocolate(int small, int big, int goal) +{ + while (goal >= 5) + { + goal = goal - big * 5; + } + if (goal == 0) + { + return -1; + } + else + { + return goal; + } +} +" +dbea18b0723776b93c651fed978c7dbb17cd2baa,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (goal >= (5 * big)) + { + return goal - 5* big + } + else + { + return small; + } +} +" +f77fe21cb02a2d40b8818955f48e005aaf8c3905,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +fb1d7af375ba44ec68c0186820fcc128c3718bce,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (goal >= (5 * big)) + { + return goal - 5* big + } + else + { + return small; + } +} +" +6017d9cb0fe79195b60457d1c7e2b60157ecab14,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (goal >= (5 * big)) + { + return goal - 5* big; + } + else + { + return small; + } +} +" +6455903ac4fcc1be1e40126143f5ec602f129fec,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) + { + if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +123f2881d69ff5cc50097c3e9009cd14a4a6e34c,"public int makeChocolate(int small, int big, int goal) +{ + int rd = goal % 5; + if (goal - big*5 > small || small < rd) + { + return -1; + } + else if (goal >= 5*big) + { + return goal - 5*big; + } + else + { + return rd; + } +} +" +a764404009cc43553dad9722ccb191e9949f43d2,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big * 5; + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +e4441757fbf0128f5b5a1936af128e4d71fca92e,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - big * 5; + if (goal <= small) + { + return small; + } + else + { + return -1; + } +} +" +a43898ba8de862268e3af218a9b7d43205e7203e,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (goal >= (5 * big)) + { + return goal - 5* big; + } + else + { + return goal - 5* big; + } +} +" +efdaa6d03c39bf1008bbfcaf5292042e4d508b46,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (goal >= (5 * big)) + { + return goal - 5* big; + } + else + { + return small; + } +} +" +d3ed7a21d81f6ff0abcf966803fe6dcb82b6491f,"public int makeChocolate(int small, int big, int goal) +{ + while (big > 0 && goal - 5 > 0) + { + goal = goal - 5; + big = big -1 ; + } + if (goal <= small) + { + return small; + } + else + { + return -1; + } +} +" +91799657f1605c05098291e61e0cf68839efadeb,"public int makeChocolate(int small, int big, int goal) +{ + while (big > 0 && goal - 5 > 0) + { + goal = goal - 5; + big = big -1 ; + } + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +755028deb8c124cfd411acb90c52911ca82bcbac,"public int makeChocolate(int small, int big, int goal) +{ + while (big > 0 && goal - 5 >= 0) + { + goal = goal - 5; + big = big -1 ; + } + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +829b0c3c131196c806ddaeaf64d0fc958f941696,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (5 * big) < goal || small < rem) + { + return -1; + } + else if (goal >= (5 * big)) + { + return goal - 5* big; + } + else + { + return rem; + } +} +" +528bc32f1935e92b9722b9f33bfb20314c8531da,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal > 5) + { + if ((big * 5) + small >= goal) + { + if (goal % 5 > small) + { + return -1; + } + else + { + return (goal - (big * 5)); + } + } + else + { + return -1; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +d8162245f1b0e176de69db628251bbab31c756e8,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (big*5); + + int NoOfSmallBars = remainder / small; + + if ( NoOfSmallBars < 1) + { + return -1; + } + + return NoOfSmallBars; + + +} +" +bcb238e93336ca2ab72ff9dd3af78927ce791a28,"public int makeChocolate(int small, int big, int goal) +{ + + int remainder = goal - (5*big); + + int NoOfSmallBars = small - remainder + + if ( goal < 1 || NoOfSmallBars < 0) + { + return -1; + } + + return NoOfSmallBars; + + +} +" +7edd0c5b6ec180ba21d4191050d9ecd7a603fc6b,"public int makeChocolate(int small, int big, int goal) +{ + + int remainder = goal - (5*big); + + int NoOfSmallBars = small - remainder; + + if ( goal < 1 || NoOfSmallBars < 0) + { + return -1; + } + + return NoOfSmallBars; + + +} +" +f210ab9b94c62188d09729ca62b183e9a774846e,"public int makeChocolate(int small, int big, int goal) +{ + + int remainder = goal - (5*big); + + int NoOfSmallBars = small - remainder; + + if ( goal < 1 || NoOfSmallBars <= 0) + { + return -1; + } + + return NoOfSmallBars; + + +} +" +568373823984885c6e314cee6f508471a852bb72,"public int makeChocolate(int small, int big, int goal) +{ + + int remainder = goal - (5*big); + + int NoOfSmallBars = small - remainder; + + if ( NoOfSmallBars <= 0) + { + return -1; + } + + return NoOfSmallBars; + + +} +" +02fbd5ced577ef0301c44563a9f89f6587b47eb8,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal % 5; + if (choco > 5) + { + return choco; + } + return -1; +} +" +7a02ce9314dd4ec0cf31afa7ce1e614fc923548d,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal % 5; + if (goal - (5*big) > 4 && small >= choco) + { + return choco + 5; + } + else if (small <= choco) + { + return choco; + } + else + { + return -1; + } +} +" +c8431f2bbf2a317f8e679ec71459dcf6a037586e,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal % 5; + if (goal - (5*big) > 4 && small >= choco) + { + return choco + 5; + } + else if (small >= choco) + { + return choco; + } + else + { + return -1; + } +} +" +164e1ac9e1924b249b3fa1c8bd3b357a79a17e8f,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal % 5; + if (goal - (5*big) > 4 && small >= choco) + { + return choco + 5; + } + else if (small >= choco) + { + return choco; + } + else if ((5*big) + small < goal) + { + return -1; + } + return -1; +} +" +05f88485739e6eee64c17d202500af5cdfee2a1d,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +69e1cefaf4e3f14452a97bb0720934dd0067f554,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal % 5; + if ((5*big) + small < goal) + { + return -1; + } + else if (goal - (5*big) > 4 && small >= choco) + { + return choco + 5; + } + else if (small >= choco) + { + return choco; + } + return -1; +} +" +8928be41ea61a729db5fdbfe7ae8255de32cdbb4,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + return false; + +} +" +51f64077dcc6b727a2c91322af66aafebd73ce64,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; + +} +" +557a67a1a7134aae8feb97a14799da77acf2ddf2,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal % 5; + if ((5*big) + small < goal) + { + return -1; + } + else if (goal - (5*big) > 4 && small >= goal) + { + return choco + 5; + } + else if (small >= choco) + { + return choco; + } + return -1; +} +" +71ea3f8d5234a1b6792c1b8159f9138702a75b2c,"public int makeChocolate(int small, int big, int goal) +{ + int res=0; +int i=0; +if(goal>big*5+small) return -1; +while(res<=goal && igoal) res=res-5; +if(goal-res>small) return -1; +return (goal-res); +} +" +caf08d12739b03a1a50b06eeafe63e33f3897c3d,"public int makeChocolate(int small, int big, int goal) +{ + int choco = goal - (5*big); + if (choco >= 0 && choco <= small) + { + return choco; + } + else if (goal % 5 <= small && choco < 0) + { + return goal % 5; + } + else + { + return -1; + } +} +" +6f7841351f1d8c69af00554cea6eb2e2500b78eb,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % (5*big); + if (num % small > 0) + { + return -1; + } + else + { + return num; + } +} +" +b06674074e93cd5c975ce1248322e6875d601740,"public int makeChocolate(int small, int big, int goal) +{ + int num = (goal % (5*big)); + if ((num % small) > 0) + { + return -1; + } + else + { + return num; + } +} +" +0eaec7d5e5dc2c25b560e914441a802fb02b9059,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (a > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b) + } +}" +d2a53417f883cb39fd5d74f1aac1e090446a74e6,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal > 5 && big > 1) + { + goal = goal - 5; + } + return(gaol); + if (small < goal) + { + return(-1); + } + else + { + return(goal); + } + } + + +} +" +e6c05ad65bb770361d62c4625360d7c461c9bc35,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal > 5 && big > 1) + { + goal = goal - 5; + } + return(goal); + if (small < goal) + { + return(-1); + } + else + { + return(goal); + } + } + + +} +" +f65203ad047001bf4a6906bf1a9692c2b44314e9,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + while (goal > 5 && big > 1) + { + goal = goal - 5; + } + return(goal); + if (small < goal) + { + return(-1); + } + else + { + return(goal); + } + } + + +} +" +7e98a67ed08021f244a719c8ae6c36c2b119e4ab,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (a > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b) + } + } +}" +a32e8b52430a472062ff4c5fe313685ca542a9da,"public int makeChocolate(int small, int big, int goal) +{ + int num = small + 5*big; + if (goal > num) + { + return -1 + } + else + { + num = (goal % (5*big)); + return num; + } +} +" +7fe3e8e76b47ec56b5ff12e0b10985c719b8054c,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (a > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b); + } + } +}" +81ef47f98b764bf227ebd66878526e258d7ab2c2,"public int makeChocolate(int small, int big, int goal) +{ + int num = small + 5*big; + if (goal > num) + { + return -1; + } + else + { + num = (goal % (5*big)); + return num; + } +} +" +be36edc4fcd7bc9b731b0003335bd54c6cbb431b,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (a > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b); + } + } + return -1; +}" +3c7295857709b747548b399eee45dd410fd50756,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal > 5 && big > 1) + { + while (goal > 5 && big > 1) + { + goal = goal - 5; + } + return(goal); + } + + if (small < goal) + { + return(-1); + } + else + { + return(goal); + } + } + + +} +" +151bbc53284dad502ae00e537c335d9f266b4c8d,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +73fb16605b3b410a9b62fb7de2cf17d06602e254,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (b > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b); + } + } + return -1; +}" +9ef4f2c3cb2a0b101277f9514105da99a5ff1747,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal > 5 && big > 1 && goal != small) + { + while (goal > 5 && big > 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +afb3bae0cd0229e32e71838e1cdcc9fe388a4a91,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +5d7eadce759442c787f80ea8ea416ec4c8ff67a9,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (b > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b); + } + } + if (a < goal) { + int d = a + small; + if (d >= goal) { + return (goal - a) + } + } + return -1; +}" +6e70ccd3f4a6f0da607847cce94814af59d67d0d,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (b > goal) { + b = b - 5; + } + int c = b + small; + if (c > goal) { + return (goal - b); + } + } + if (a < goal) { + int d = a + small; + if (d >= goal) { + return (goal - a); + } + } + return -1; +}" +b4f9c07806df196c3998696f0a6c7ff1743f3115,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal = big * 5) + { + return(big); + } + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +3a99725d4009e31f90de5ffc83109e5f97582d76,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +4723836679d309fce41c24fcf0f32fa7b668eeb9,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (b > goal) { + b = b - 5; + } + int c = b + small; + if (c >= goal) { + return (goal - b); + } + } + if (a < goal) { + int d = a + small; + if (d >= goal) { + return (goal - a); + } + } + return -1; +}" +c052748c1165c3db31067230218bda8746f6b72c,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (b > goal) { + b = b - 5; + } + int c = b + small; + if (c >= goal) { + return (goal - b); + } + } + if (a < goal) { + int d = a + small; + if (d >= goal) { + return (goal - a); + } + } + if (a = goal) { + return 0; + } + return -1; +}" +bcac8eb9415371768fef0c4709a9121520e6737c,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) { + int b = a; + while (b > goal) { + b = b - 5; + } + int c = b + small; + if (c >= goal) { + return (goal - b); + } + } + if (a < goal) { + int d = a + small; + if (d >= goal) { + return (goal - a); + } + } + if (a == goal) { + return 0; + } + return -1; +}" +0e02459b45bb8bb964c3dd3019300d6157893223,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +4508459301a99c3b57199b175397e28d585d5959,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + + if (small == goal) + { + return(small); + } + if (small < goal) + { + return(-1); + } + else + { + return(goal); + } + } + + +} +" +7d4503c57054d2ba7a0afa0813310f48f16d01dd,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + if (small < goal) + { + return(-1); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +4847f70a29daf43978d6ec0be2a9d271877c0970,"public int makeChocolate(int small, int big, int goal) +{ + + int numKilos = small + 5*big; + + if(goal>numKilos){ + return -1; + } + if(goal % 5 > small){ + return -1; + } + + int numBigDesired = 0; + + for (int i = 0; i*5 <= goal; i++) { + numBigDesired = i; + } + + int numSmall = 0; + + while (numBigDesired > big) { + numSmall = numSmall + 5; + numBigDesired = numBigDesired - 1; + } + + numSmall = numSmall + (goal % 5); + return numSmall; + + +} +" +59c9f38712744c950fcdfa6e7bdce60bf35a522b,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*large) == goal) + { + return small; + return large; + } + else + return -1; +} +" +ff7ae6c72d43eb9b858f9a6e66ae9de717d54051,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) == goal) + { + return small; + return big; + } + else + return -1; +} +" +bce9db0ebfa29302170f6e05ea0142a1d36c18b3,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +65303467689b59e4fb5b5da85cbc694b0ead6940,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) == goal) + { + return int small; + return int big; + } + else + return -1; +} +" +a348734d623c343e14e0d438878078fd1c4edbd8,"public int makeChocolate(int small, int big, int goal) +{ + if (((goal % 10) - 5) < 0) + { + if (small >= (goal % 10)) + { + return goal % 10; + } + else + { + return -1; + } + } + else + { + if (small >= ((goal % 10) - 5)) + { + return ((goal % 10) - 5); + } + else + { + return -1; + } + } + +} +" +27cf3b584f839ed07ff15633dd80a63910b0a34f,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if ((big*5) + small < goal) + { + return -1; + } + else if (x < small) + { + return x; + } + else if (x <= small && goal - (big*5) > 4) + { + return x + 5; + } + else + { + return -1 + } + +} +" +5fa1e0cf3ee4931dbb55ce25fcb0ec935bdf074e,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if ((big*5) + small < goal) + { + return -1; + } + else if (x < small) + { + return x; + } + else if (x <= small && goal - (big*5) > 4) + { + return x + 5; + } + else + { + return -1; + } + +} +" +1a119c773d8bec69ecad0adc167a1135b9479833,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) <= goal) + { + return -1; + } +} +" +c1f3336c1e66a14504c00ab591ce6122949e4b86,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if ((big*5) + small < goal) + { + return -1; + } + else if (x <= small) + { + return x; + } + else if (x <= small && goal - (big*5) > 4) + { + return x + 5; + } + else + { + return -1; + } + +} +" +06e7040f2a5a33f49f41cba96bb050195ef5e0ea,"public int makeChocolate(int small, int big, int goal) +{ + int num = small + 5*big; + if (goal > num) + { + return -1; + } + else + { + num = goal / (5*big); + return goal - (num*big); + } +} +" +e8af58b2e3387f690dcce24d032361bc83735cfa,"public int makeChocolate(int small, int big, int goal) +{ + int num = small + 5*big; + if (goal > num) + { + return -1; + } + else + { + num = goal / (5*big); + return goal - (5*num*big); + } +} +" +91a4367e565b8d2b7335c50866b7389ae4b439c4,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + else + { + return goal - (big * 5); + } + +} +" +e0b0351d26c857c540d3450fadbf7eff14199504,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + else + { + if (((big * 5) >= goal) && ((goal % 10) > 5)) + { + return (goal % 10) - 5; + } + else + { + return goal - (big * 5); + } + } + +} +" +ab1e41bc833d21a87fc6d67bbd35163b2c552576,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +4c520aa725d01ba27686449960aa5514a9356447,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +c2359fc09c66c3365458e804cf9796a991186338,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +a355fe35caefb19de00f599491f80eff338cc4a8,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + else + { + if (((big * 5) >= goal) && ((goal % 10) > 5)) + { + if (small >= ((goal % 10) - 5)) + { + return (goal % 10) - 5; + } + else + { + return -1; + } + } + else + { + return goal - (big * 5); + } + } + +} +" +06f0da6c63b765432f3bbe4b90fe38e6beb77a8b,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x <= goal) + { + x = x + 5; + } + x - 5; + else if (big >= x) + { + if (small >= goal % (5*x)) + { + return goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= goal % (5*big)) + { + return goal % (5*big); + } + else + { + return -1; + } + } +} +" +b5139f8678a5427ac732197262a6c235fe6d7ec3,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x <= goal) + { + x = x + 5; + } + x = x - 5; + if (big >= x) + { + if (small >= goal % (5*x)) + { + return goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= goal % (5*big)) + { + return goal % (5*big); + } + else + { + return -1; + } + } +} +" +a5660c92c03a30fe7029230b0dbf3e2770480116,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x <= goal) + { + x = x + 5; + } + x = x - 5; + if (big >= x) + { + if (small >= goal % (5*x)) + { + return (goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= goal % (5*big)) + { + return (goal % (5*big)); + } + else + { + return -1; + } + } +} +" +5be6fbfad15128c9d0a21348b843d959bea67919,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x <= goal) + { + x = x + 5; + } + x = x - 5; + if (5*big >= x) + { + if (small >= goal % (5*x)) + { + return (goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= goal % (5*big)) + { + return (goal % (5*big)); + } + else + { + return -1; + } + } +} +" +19028f1badb785e75a2dcadd724da9a3e930c2cd,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x <= goal) + { + x = x + 5; + } + x = x - 5; + x = x/5; + if (big >= x) + { + if (small >= goal % (5*x)) + { + return (goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= goal % (5*big)) + { + return (goal % (5*big)); + } + else + { + return -1; + } + } +} +" +c8383146860e61cc4ef478a19365120ecad0968b,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x < goal) + { + x = x + 5; + } + x = x - 5; + x = x/5; + if (big >= x) + { + if (small >= goal % (5*x)) + { + return (goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= goal % (5*big)) + { + return (goal % (5*big)); + } + else + { + return -1; + } + } +} +" +f61313f9c756d9d671e333938f25b5fbc2961313,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int answer = 0; + while (x < goal) + { + x = x + 5; + } + x = x - 5; + x = x/5; + if (big >= x) + { + if (small >= (goal % (5*x))) + { + return (goal % (5*x)); + } + else + { + return -1; + } + } + else + { + if (small >= (goal % (5*big))) + { + return (goal % (5*big)); + } + else + { + return -1; + } + } +} +" +d5fd6d78143efea66166d0199abba04f22b0545c,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +1b4fa4782dae548c4318cc983cbac1bec22008ba,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +58a6e1aca43402e84c30dc9a86067e6573fc5382,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + else + { + if ((big * 5) >= goal) + { + if ((goal % 5) == 0) + { + return 0; + } + else if (small >= (goal % 5)) + { + return goal % 5; + } + else + { + return -1; + } + } + else + { + if (small >= (goal - (big * 5))) + { + return goal - (big * 5); + } + else + { + return -1 + } + + } + } +}" +76085ec68f192e730ba144c581e5bafe2c8bdb63,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + else + { + if ((big * 5) >= goal) + { + if ((goal % 5) == 0) + { + return 0; + } + else if (small >= (goal % 5)) + { + return goal % 5; + } + else + { + return -1; + } + } + else + { + if (small >= (goal - (big * 5))) + { + return goal - (big * 5); + } + else + { + return -1; + } + + } + } +}" +69fe0025461b1072e07aaea36e21293e377eefe2,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + else + { + if ((big * 5) >= goal) + { + if ((goal % 5) == 0) + { + return 0; + } + else if (small >= (goal % 5)) + { + return goal % 5; + } + else + { + return -1; + } + } + else + { + if (small >= (goal - (big * 5))) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + } +}" +3b7d3757c13902563fa3b7157c0af57fc0443f80,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + while (i < goal) + { + if (goal - big < i) + { + i = i + 5; + } + } +}" +361b591859489eff73236ed2c9db3fcd46151388,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + while (i < goal) + { + if (goal - big < i) + { + i = i + 5; + } + else + { + return small; + } + } +}" +e4571cca3ec2ebb099e473c8476e7e29806643eb,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >= goal) + { + return 0; + } + else if (big*5 < goal) + { + return (goal-big*5); + } + else + { + return '-1'; + } +} +" +84ad1bbdc2360d4224ce2d0343f65cca8d2e311f,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >= goal) + { + return 0; + } + else if (big*5 < goal) + { + return (goal-big*5); + } + else + { + return 1; + } +} +" +466730102f198dd75e3784c5b965bfc15f76a90a,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal) + { + return 0; + } + else if (big < goal) + { + return (goal-big); + } + else + { + return 1; + } +} +" +a5acc92eb15912a1fec5d09759544cddbc9a0e66,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >= goal) + { + return 0; + } + else if (big*5 < goal) + { + return (goal-big*5); + } + else + { + return 1; + } +} +" +040d0d808313c48a7f15a94d563774de7a02c2a3,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5 * big < goal) + { + return -1; + } + else + { + int n = goal % 5; + if (n <= big) + { + goal = goal - n * 5; + } + else + { + goal = goal - big * 5; + } + } +} +" +60ad5fb572f3a1dd4506f38904ab8ba884def461,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (remainder != 0) // need small + { + if (remainder % 1 != 0) // can't be done + { + return -1; + } + else + { + return (small); + } + } + else // no need for small + { + return 0; + } +} +" +3da153636d559fe82dfa1bf7d3e879a4e90bef51,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5 * big < goal) + { + return -1; + } + else + { + int n = goal % 5; + if (n <= big) + { + goal = goal - n * 5; + } + else + { + goal = goal - big * 5; + } + if (goal <= small) + { + return goal; + } + } +} +" +29b20bf4891feedb1cbe266e7bdf2bdb6662515c,"public int makeChocolate(int small, int big, int goal) +{ + if (big*5 >= goal) + { + return 0; + } + else if (big*5 < goal && (big*5 + small) >= goal) + { + return (goal-big*5); + } + else + { + return -1; + } +} +" +4c4131de2bca6cc922c3444b6384b4899ac6afb5,"public int makeChocolate(int small, int big, int goal) +{ + int n = goal % 5; + if(n <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +8c8e88d700dbf6618832383894d0a343d0031b8f,"public int makeChocolate(int small, int big, int goal) +{ + int n = goal % 5; + if(n <= big) + { + goal = goal - n * 5; + } + else + { + goal = goal - big * 5; + } + if(goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +06a1d6e88d36b3930a812a56f5628d4fac087faa,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = 5*big; + int remainder = goal - bigCal; + if (small != remainder) + { + return -1; + } + else + { + return small; + } +} +" +4ab3d84bed7f8dd271d053ee45afb06e8fe2a0f8,"public int makeChocolate(int small, int big, int goal) +{ + int n = goal % 5; + if(n <= big) + { + goal -= n * 5; + } + else + { + goal -= big * 5; + } + if(goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +1e221eadae05d836070380f943833a16ca0a80cb,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = 5*big; + int remainder = goal - bigCal; + if (small < remainder) + { + return -1; + } + else if (small > remainder) + { + return small - remainder; + } + else + { + return small; + } +} +" +d6ead5053dba9e7b902dbf5454ba91b3bf7c4d0d,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % big; + int z = 0; + if (y == 0) + { + z = -1; + } + else + { + z = x; + } + return z; +} +" +216746ecad793f41b54125701373991a1bd61308,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % big; + int z = 0; + if (x == 0) + { + z = -1; + } + else + { + z = x; + } + return z; +} +" +0c51d58a322e77d6360324258ec57fee0f69754b,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % big) == 0) + { + return + } + + +} +" +34f4bd50bbcabb1092ae5e77f39ee094a4b158de,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % big) == 0) + { + + } + + +} +" +d8c36fd36bebda2af179a7207cc52aa1b2201eae,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal - (big * 5); + int z = 0; + if (x == 0) + { + z = -1; + } + else + { + z = x; + } + return z; +} +" +7b3420a3b9403bfb4af5e0313f1ad4c505466620,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % big) == 0) + { + + } + return +} +" +ccab87273bcd9d1cb9c256b27a6269bdf38fe613,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % big) == 0) + { + + } + return +} +return" +6b325048620b0e664122942668306dd5accf9456,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal % 5; + int x = y - small; + int z = 0; + if (z > 0) + { + z = -1; + } + else + { + z = y; + } + return z; +} +" +225e6bc32a4975191e0c35853cc093cfbb74a122,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal % 5; + int x = y - small; + int z = 0; + if (x > 0) + { + z = -1; + } + else + { + z = y; + } + return z; +} +" +4a184472315ba0c67b9661a3b18c9d3ddd66eaf3,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = goal / 5; + int remainder; + if (bigCal <= big) //big is good and used + { + remainder = goal % 5; + if (remainder <= small) // small is enough + { + return remainder; + } + else + { + return -1; + } + } + else //big is not enough + { + return -1; + } + +" +6d20a20daf3567ac09895d8bea24420863bc4c99,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = goal / 5; + int remainder; + if (bigCal <= big) //big is good and used + { + remainder = goal % 5; + if (remainder <= small) // small is enough + { + return remainder; + } + else + { + return -1; + } + } + else //big is not enough + { + return -1; + } +} + +" +0e040375303677dd49eccb5c889a512d10e22f0c,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal % 5; + int x = y % small; + int i = y - small; + int z = 0; + if (i> 0) + { + z = -1; + } + else + { + z = x; + } + return z; +} +" +9b0b9a0ebf97f0deb69cf52f72cfa7042d8c396f,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal % 5; + int x = y % small; + int z = 0; + if (x > 0) + { + z = -1; + } + else + { + z = y; + } + return z; +} +" +f9951da46cb13a74bee534d37cbb67bf1b7728fe,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = goal / 5; + int remainder; + if (bigCal <= big) //big is good and used + { + remainder = goal % 5; + if (remainder <= small) // small is enough + { + return remainder; + } + else + { + return -1; + } + } + else //big is not enough + { + remainder = goal % 1; + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } + } +} + +" +b90eb642dfea136c0cb9984b4a1df27707d86d5e,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = goal / 5; + int remainder; + if (bigCal <= big) //big is good and used + { + remainder = goal % 5; + if (remainder <= small) // small is enough + { + return remainder; + } + else + { + return -1; + } + } + else //big is not enough + { + remainder = goal / 1; + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } + } +} + +" +fdca5e034235cf555946541fec22aaf497de05d0,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal % 5; + int x = y - small; + int z = 0; + if (x > 0) + { + z = -1; + } + else + { + z = y; + } + return z; +} +" +9e88fb0cd2186a827947b3adcd05009553ff8e44,"public int makeChocolate(int small, int big, int goal) +{ + int bigCal = goal / 5; + int remainder; + if (bigCal <= big) //big is good and used + { + remainder = goal % 5; + if (remainder <= small) // small is enough + { + return remainder; + } + else + { + return -1; + } + } + else //big is not enough + { + remainder = goal - big*5; + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } + } +} + +" +94748c0a1f1d7073bb3d92ef21c57facdc5590f5,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal % 5; + if (y / 5 == 2) + { + y = y + 5; + } + int x = y - small; + int z = 0; + if (x > 0) + { + z = -1; + } + else + { + z = y; + } + return z; +} +" +78bdc29f74ffa09d4579cae361dd52cc44997f75,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % big; + if(rem != 0) + { + small = rem; + } + else + { + return -1; + } + return small; +} +" +a62ff8e7e968d2cd65318d2bb56a9e72df5811d7,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if(rem != 0) + { + small = rem; + } + else + { + return -1; + } + return small; +} +" +1fc88900716c86b2b3bea1771a6684e350653b70,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + small = rem; + return small; +} +" +07d00a521b21c25e910abd7ce5545092f77a1ae5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + return kilos = goal - 5 * big; + } + else if (kilos < small) + { + return kilos + } + return -1; +} +" +3654ba0bc2769cee2c83576d2fd5cbc71bb59fcf,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + return kilos = goal - 5 * big; + } + else if (kilos < small) + { + return kilos; + } + return -1; +} +" +22b0cb115b5cde911a020d34e2eb260242e877e7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + kilos = goal - 5 * big; + } + else + { + kilos = goal % 5; + } + if (kilos < small) + { + return -1; + } +} +" +e6ef6a55aaf143c1d50af3cd712a3827918030c2,"public int makeChocolate(int small, int big, int goal) +{ + if(goal>= 5*big) + { + reminder=goal-5*bug + } + else + { + reminder= goal%5; + } + if(reminder = small) + { + return reminder ; + } + else + { + return -1; + } + +} +" +232d81881501f0ab386295f7fab19d23f7d4de35,"public int makeChocolate(int small, int big, int goal) +{ + if(goal>= 5*big) + { + reminder=goal-5*big; + } + else + { + reminder= goal%5; + } + if(reminder = small) + { + return reminder ; + } + else + { + return -1; + } + +} +" +721dbe106b8ad525c66edd03b8cf6bf4a3a533c8,"public int makeChocolate(int small, int big, int goal) +{ + if(goal>= 5*big) + { + small=goal-5*big; + } + else + { + return goal%5; + } + if(goal = small) + { + return small ; + } + else + { + return -1; + } + +} +" +16c563a0f2a760a59b53b4c5d11da96665ba77b1,"public int makeChocolate(int small, int big, int goal) +{ + if(goal>= 5*big) + { + small=goal-5*big; + } + else + { + return goal%5; + } + if(int goal = int small) + { + return small ; + } + else + { + return -1; + } + +} +" +bb69b39776c7445d765b20cedcfd92efc8aba0d2,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +c93b3b3bcd9c45797538f4c7db884cd1fd4b99f1,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +4dda078524bf1dad2b4be6c90ebca03cdae4a7bf,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal%5-small; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +ed8ba484530a314862b39d42c2fb9e496fd5f151,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal%5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +b67d5f0fe44d3f2c7a47354aa39c919b72d29b38,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } + +} +" +ef9d5a279719cfb946649d5965753614d40cffab,"public int makeChocolate(int small, int big, int goal) +{ + kilos = 0; + if (goal >= (5 * big)) + { + kilos = goal - 5 * big; + } + else + { + kilos = goal % 5; + } + if (kilos < small) + { + return -1; + } +} +" +ba0bc50a4653d4e7d591a83dcf67131b35418eef,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + goal = goal - 5 * big; + } + else + { + goal = goal % 5; + } + if (goal < small) + { + return -1; + } +} +" +6d71a97db4a85d3e77f238f125ae61d1e43826cf,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + goal = goal - 5 * big; + } + else + { + goal = goal % 5; + } + if (goal < small) + { + return -1; + } + return 0; +} +" +94d676b99370d1fde64619ad9dafa780dd3bda0b,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +4bfee461485a613f15c0329a9b38a38eb7ec0ef3,"public int makeChocolate(int small, int big, int goal) +{ + if((big * 5)+small) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +abe22b8b304b2243cf6c686acb33627709e91c2c,"public int makeChocolate(int small, int big, int goal) +{ + if( big * 5+small) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +eba712eec486e7d7eef705386203020abb1bf490,"public int makeChocolate(int small, int big, int goal) +{ + if( small+ big*5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +92c3891172dae98da8ccf0ea310bb47bd20e25ff,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big*5)) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +89872d6d01b52612510a58cddd741b4a4fe0fe64,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +4a9757a67aaf3d7642d723420d18d7cba940592e,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return 0; + } + else + { + return goal - (big * 5); + } + +} +" +8acb2bc444d01b9b45b339e2ed6ea4b636153d94,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - (big * 5); + } + +} +" +6b7632969405da51d615b9970aff2405315d457d,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return true; + return false; + } +} +" +8cc56e8b86387722f8d44c7f76652aa4bbb43c0f,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + return false; +} +" +be24224640050bcac8c930e40ce8d950abdb75db,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig > big) + { + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +f04d0b40490f9fcacdee5d7618b91108340a3ffb,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig < big) + { + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +689313c3c41f7d8e5d2bb512414ece8e12ae1085,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig <= big) + { + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +44a1f42d1f39b1f65105a4d88cafee27b30bea34,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig > big) + { + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +fafd1c545bea1d91261756318f2fd07ea8ad301d,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig > big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +9dbcf812b33367cb2dd9b427e49a6a9f99d7a948,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +2d6c6d69bff9bc42509fb466067661f8a979823b,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else if (numBig < big) + { + return -1; + } + { + numSmall = (goal % 5); + return numSmall; + } +} +" +80ad68e5b13ffcb178be64e3112e3de95380ccae,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + + { + numSmall = (goal % 5); + return numSmall; + } +} +" +c6819c61016d8c15baa689950214ede891387f72,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else if (numBig < big) + { + return -1; + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +c00957c2d8483aa98d9bb1dadbfdbbd273b20498,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + return false; +} +" +066ae8f5cb47a87cc76ad2596d040cf26dc62913,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + numSmall = (goal % 5); + return numSmall; + } +} +" +b0a995ae4f203e701f8bf5abebe54695fa33b02f,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + goal = goal - (big * 5); + numSmall = (goal % 5); + return numSmall; + } +} +" +f23e45eba08665354da7abf96d11c92cde997f53,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + goal = goal - (numBig * 5); + numSmall = (goal % 5); + return numSmall; + } +} +" +63ce08913cce820a3beb4f8288d8685eca2da5a6,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + if (numBig - big) < 0) + { + return -1; + } + else + { + goal = goal - (numBig * 5); + numSmall = (goal % 5); + return numSmall; + } + } +} +" +532a2bc60ac73710ccc7a540f0551f9f3aeaacf5,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + if ((numBig - big) < 0) + { + return -1; + } + else + { + goal = goal - (numBig * 5); + numSmall = (goal % 5); + return numSmall; + } + } +} +" +6baa26223cb7238d788c4ec2a0c911347892ef8e,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + goal = goal - (numBig * 5); + numSmall = (goal % 5); + return numSmall; + + } +} +" +63b3b7194061f210175ca762be2289e02f929ecc,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal / 5); + int numSmall = 0; + if (numBig >= big) + { + goal = goal - (big * 5); + numSmall = goal; + if(numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + + } + else + { + goal = goal - (numBig * 5); + numSmall = (goal % 5); + if (numSmall > small) + { + return -1; + } + else + { + return numSmall; + } + } +} +" +fa95da82e2a8099636a4b354c04e71600ff38b94,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remaind = goal - 5 * big + } + else + { + remaind = goal % 5 + } + + if (remaind <= small) + { + return remaind + } + + return -1 +} +" +5d1a4329c05e6a77b9a43d65d0e9ed64abbc9d1e,"public int makeChocolate(int small, int big, int goal) +{ + maxBig = goal/5 + + if (small + big * 5 < goal || small < goal % 5) + return -1; + elseif ( big >= maxBig) + return goal - maxBig*5; + elseif ( big <= maxBig) + return goal - big*5; +} +" +2229877d69f8c23a5a4a3ed061fd6c7588202eab,"public int makeChocolate(int small, int big, int goal) +{ + maxBig = goal/5 + f (small + big * 5 < goal || small < goal % 5) + return -1 + elseif ( big >= maxBig) + return goal - maxBig*5 + elseif ( big <= maxBig) + return goal - big*5 +} +" +d351013d3c01abf557687cafd0e8d3e41dd76b60,"public int makeChocolate(int small, int big, int goal) +{ + if(goal > 5*big+small) + return -1 + else if ( goal<= 5*big) + return goal-5*big + + + + +} +" +f2101d8b13f4d7d40d031a5c0c884676fd28ef49,"public int makeChocolate(int small, int big, int goal) +{ + if(goal > 5*big+small) + return -1; + else if ( goal<= 5*big) + return goal-5*big; + + + + +} +" +683e09ca40f09b5f3449330f127b23b2af4e9aa2,"public int makeChocolate(int small, int big, int goal) +{ + if(goal > 5*big+small) + return -1; + else if ( goal< 5*big) + return goal%5; + else + return goal-(5*big); + + +} +" +cee6a6ce177dc4dd9291305185b37967305b8b98,"public int makeChocolate(int small, int big, int goal) +{ + int remain=0; + int a=0; + if (goal > big * 5 + small) + { + return -1; + } + while(remain <= remain && a < big) { + remain = remain + 5; a++; + } + if (remain == goal) + { + return 0; + } + if (remain > goal) + { + remain = remain - 5; + } + { + if (goal - remain > small) + return -1; + return (goal-remain); +} +" +ef147d6b04ddd29b1c140f1c397bd840049c11ce,"public int makeChocolate(int small, int big, int goal) +{ + int remain=0; + int a=0; + if (goal > big * 5 + small) + { + return -1; + } + while(remain <= remain && a < big) { + remain = remain + 5; a++; + } + if (remain == goal) + { + return 0; + } + if (remain > goal) + { + remain = remain - 5; + } + if (goal - remain > small) + return -1; + return (goal-remain); +} +" +8216a360c9a301b1e88dc04b61c6e5756db863cf,"public int makeChocolate(int small, int big, int goal) +{ + +} +" +0512f3d4b2d49f5b938a150902d6824e8d73631d,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +8fa3f562330332070badb333ddf6c9117a006b38,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { remainder = goal % 5} + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +6bcb6e1b6787b1aa1ef1f219b9e677b5e68c518c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { remainder = goal % 5;} + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +97f635d743cc8569ac04eef98c75b2cc8b157a8b,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { remainder = goal % 5;} + if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +4412aab3f1fde4791934637803b65da1a5bc080b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal = big*5) + { + return - 1; + } + if else (goal < big*5) + { + return goal % 5; + } +} +" +593410029cfd8c0ca92e8635ffcf5c8e0006e755,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + numLeft = goal % 5; + } + else + { + numLeft = goal - 5 * big; + } + if (numLeft <= small) + { + return numLeft; + } + return -1; +} +" +932911ca89b6d5ad5b657431cc94130fb7380fe2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + int numLeft = goal % 5; + } + else + { + numLeft = goal - 5 * big; + } + if (numLeft <= small) + { + return numLeft; + } + return -1; +} +" +19a483883548c1a83a9b16041376e49e9d06689c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + remainder = goal % 5; + } + else + { + remainder = goal - 5 * big; + } + if (remainder <= small) + { + return remainder; + } + return - 1; +} +" +78a41b964e7b222018f1fdedd260c28b9e94c1d1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + remainder = goal % 5; + } + else + { + remainder = goal - 5 * big; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +7671076c88968d18ccf351c590f3d0619272a8f5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + remainder = goal % 5; + } + else + { + remainder = goal - 5 * big; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +fc23b14e3fa0137295b143f16826f00f99fdd08d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + remainder = goal % 5; + } + else + { + remainder = goal - 5 * big; + } + if (remainder <= small) + { + return remainder; + } + return - 1; +} +" +d57b82af828d1d3fee2ece936abe162a14702fb3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + remainder = goal % 5; + } + else + { + remainder = goal - 5 * big; + } + if (remainder <= small) + { + return remainder; + } + return - 1; +} +" +358595d2eb6578ec5b5012256015f09f2501de13,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < big * 5) + { + remainder = goal % 5; + } + else + { + remainder = goal - 5 * big; + } + if (remainder <= small) + { + return remainder; + } + return - 1; +} +" +90c77956e166d8ce6dc5181171b9d9a4712f9c82,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) > goal) + { + return numLeft; + } + if (numLeft <= small) + { + return remainder; + } + else + { + return goal - (big*5); + } +} +" +bf7829d4ddd129fe1f60d7545336bfdff82923c9,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) > goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +a9a90437c106f00246bdb44386dd7f1a2eacfcc9,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) = goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +53ddf10043433872c506f8b562c52d0b1cee2dc3,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +c773d8c53a37efcbcc2078d8f65dba3330a35e89,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) > goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +714cf2d890909042d2803184f62fd9bdcd8712d4,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +186c46d0370a5da53cb2d2ae9a5716a4704c2ad1,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +20e4f0af940f3c9974ada4e6f17d51fa447569a9,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +3006de1a980cce4027c154dc2bb2c64f8c85437b,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +9c1ffcac26bb471628df7e7fa487633a1d9a608f,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +a23678b6f1ed32125aafce452d7f4f6449fb3591,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +fc9dd746516f2fb326f240b424e18d1dea6a204d,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +7bb6ed7b6311d28e1638c9861abd52d375485f73,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +efe85e4858227585a841d2b5865897ebad006bb3,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return goal - (big*5); + } +} +" +2a1a6eeaeb7d9314f347d43fbfff4450e459789b,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal) // if total number of bars is not enough + { + return -1; + } + else if ((big * 5) == goal) + { + return numLeft; + } + if (numLeft <= small) + { + return numLeft; + } + else + { + return -1; + } +} +" +d090873b339d13c2b79972a2cd0c982fb7efccbb,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal || small < numLeft) + { + return -1; + } + else if (big >= (goal/5)) + { + return goal - (goal/5)*5; + } + else + { + return goal - (big*5) + } +} +" +c95eb7d8da6709aab52e45913e0a1e9e6ca35857,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal || small < numLeft) + { + return -1; + } + else if (big >= (goal/5)) + { + return goal - (goal/5)*5; + } + else + { + return goal - (big*5); + } +} +" +c2d92d7aa8c7341d025f907b68cccee777cfe651,"public int makeChocolate(int small, int big, int goal) +{ + int decGoal = goal; + int i = 0; + while (i < 5) + { + if (decGoal >= 5) + { + decGoal = decGoal - 5; + } + else + { + return small; + } + i = i + 5; + } +}" +de5aca3ef0b855fcbf8501a9f8b9fd502bfabe0f,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal || small < numLeft) + { + return -1; + } + else if (big >= (goal/5)) + { + return 0; + } + else + { + return goal - (big*5); + } +} +" +82422e6e24090d550a630b667c4c30bf057faf54,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; + if ((small + (big*5)) < goal || small < numLeft) + { + return -1; + } + else if (big >= (goal/5)) + { + return goal - (goal/5)*5; + } + else + { + return goal - (big*5); + } +} +" +d5c9a1945f68026ba7686b5c2a81012add7985a2,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +8390e83e10129fafc03ad80889c9c8002936dd6e,"public int makeChocolate(int small, int big, int goal) +{ + int d = goal % 5; + if (d > 0){ + return d; + } + else { + return -1; + } +} +" +96c417ed659f2e786737c8b0905137ea4834b11f,"public int makeChocolate(int small, int big, int goal) +{ + int n = goal / 5; + if(n <= big) + { + goal -= n * 5; + } + else + { + goal -= big * 5; + } + if(goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +5e886689ee19f1cb4ae140703a5626d7e2f600c1,"public int makeChocolate(int small, int big, int goal) +{ + int inti = goal % 5; + + if (small + (big*5) < goal) + { + return -1; + } + else if (inti <= small && goal - big*5 > 4) + { + return inti + 5; + } + else if (inti <= small) + { + return inti; + } + else + { + return -1; + } +} +" +b5cbfd2e04a73805beb5c95fdaf6d795d529b5db,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + big >= goal){ + int d = goal % 5; + return small + big - d; + } + else { + return -1; + } +} +" +f57460ef4762f0c95ab632f4fa69dff32268227c,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + big * 5 >= goal){ + int d = goal % 5; + return small + big - d; + } + else { + return -1; + } +} +" +928a7a34c5e6272b69961925130d36971cb55782,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + big * 5 >= goal){ + int d = goal % 5; + return d; + } + else { + return -1; + } +} +" +9adbe3a267127a850d4a24e6248f2584532db4dd,"public int makeChocolate(int small, int big, int goal) +{ + subtractBig = goal-(big*5); + if(small>=subtractBig) + return subtractBig; + return -1; +} +" +23d0cbbd35e377fe72d96e415529be324fea0710,"public int makeChocolate(int small, int big, int goal) +{ + int subtractBig = goal-(big*5); + if(small>=subtractBig) + return subtractBig; + return -1; +} +" +8b8496507e98ff52bca9f5fab74ba2a3cc7cef64,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + big * 5 >= goal && big * 5 !> goal){ + int d = goal % 5; + return d; + } + else { + return -1; + } +} +" +4d6830cc9f89b58f2917daaacab9e9d90b6c6512,"public int makeChocolate(int small, int big, int goal) +{ + +} +" +d3f014c4df69d460e613aabe5425e05301723c14,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + big * 5 >= goal && !big * 5 > goal){ + int d = goal % 5; + return d; + } + else { + return -1; + } +} +" +92c48f4190a97436e61e72fd2ffe7206e00e45b3,"public int makeChocolate(int small, int big, int goal) +{ + int subtractBig = goal-(big*5); + if(small>=subtractBig && !subtractBig<0) + return subtractBig; + return -1; +} +" +6c208b759c17cdabe314cb8a629c3281bbae7b9f,"public int makeChocolate(int small, int big, int goal) +{ + int subtractBig = goal-(big*5); + if(small>=subtractBig && subtractBig>0) + return subtractBig; + return -1; +} +" +f1cf4a9f43850c536da48d792280e6494813497a,"public int makeChocolate(int small, int big, int goal) +{ + if (small==6 && big==2 && goal==7) + { + return 2; + } + else if (small==4 && big==1 && goal==4) + { + return 4; + } + else if (big*5 >= goal) + { + return 0; + } + else if (big*5 < goal && (big*5 + small) >= goal) + { + return (goal-big*5); + } + else + { + return -1; + } +} +" +5a7a66af4de3906dfe6083a173880e3ac3e4d964,"public int makeChocolate(int small, int big, int goal) +{ + int subtractBig = goal-(big*5); + if(small>=subtractBig && subtractBig>=0) + return subtractBig; + return -1; +} +" +e971bbd7fa8076c169deeb98977998512778c49a,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if (small >= a){ + return true; + } + if ( small + big * 5 >= goal && true){ + int d = goal % 5; + return d; + } + else { + return -1; + } +} +" +36b7ca7fe36f656120256dd8ae4b55b2c4d61087,"public int makeChocolate(int small, int big, int goal) +{ + if (small==6 && big==2 && goal==7) + { + return 2; + } + else if (small==4 && big==1 && goal==4) + { + return 4; + } + else if (small==5 && big==4 && goal==9) + { + return 4; + } + else if (small==1 && big==2 && goal==7) + { + return -1; + } + else if (small==1 && big==2 && goal==6) + { + return 1; + } + else if (big*5 >= goal) + { + return 0; + } + else if (big*5 < goal && (big*5 + small) >= goal) + { + return (goal-big*5); + } + else + { + return -1; + } +} +" +741fbf7c8d41769bd39f0c77197d01f3adf1cd9e,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + return d; + } + else { + return -1; + } +} +" +35c9515cf6cd77e6c07aeae995337cadd1653b61,"public int makeChocolate(int small, int big, int goal) +int rem = goal % 5; + + if (small + (big*5) < goal) + + return -1; + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; +" +9a6bcfb9fc218d09b4f432d5c014d35ad58eeed3,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +55d2ba013e7a0f55514921a775f6348981a6dad8,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( d >= 5){ + return 5; + } + else { + return d; + } + else { + return -1; + } +} +" +55564436f5d3b82d02613ae1d82a4b3f5ba68822,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( d >= 5){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +31957ded7b1489e2f6bace4db607246fee9ca199,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; +}" +894c432280dd87d9e132a9f2cf41c039e16dc3f5,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( d >= 5){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +fd93b589c3be79868fe8353e09f974261bbc537a,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +2b1fff5eb3f48217e88ad4134933f2d52c6607fd,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +b84a1e7833f29a469c5408c9833a15662398e5bb,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + +}" +d763b6a17eb3fad21c69cc1ded8cb5abfc617fd3,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5 && d = big){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +77111b4a93313853b2716a35cee204062cbbe948,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5 && d == big){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +8cbec81dc38e9bdcb28e62d50397b287b27b59aa,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5 && (big - 1) * 5 + 5 = goal){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +2a91203cb773618d9aded7095c4b101185efd574,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big = goal) { + return small; + } + else { + return -1 + } +} +" +cf18a2dece6449856c16a7fe5ab15870b26fdb74,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + int c = (big - 1) * 5 + 5 + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5 && c == goal){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +13fce7cb1608142992dae86beb88b828b9059ea8,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big = goal) { + return small; + } + else { + return -1; + } +} +" +d12f4121b6d5f6301961e998cb1e431e3e12f039,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + int c = (big - 1) * 5 + 5; + if ( small + big * 5 >= goal && small >= a){ + int d = goal % 5; + if ( small >= 5 && c == goal){ + return 5; + } + else { + return d; + } + } + else { + return -1; + } +} +" +7f488001a6016bec90f3c80c063752b335c08c5c,"public int makeChocolate(int small, int big, int goal) +{ + int a; + a = goal % 5; + int c = (big - 1) * 5 + 5; + if ( small + big * 5 >= goal && small >= a){ + if ( small >= 5 && c == goal % 5 + 5){ + return 5; + } + else { + int d = goal % 5; + return d; + } + } + else { + return -1; + } +} +" +23a70bfec78f19495f99998b55e1dfbd207c1793,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal >= 5 * big) { + remainder = goal - 5 * big; + else { + remainder = goal % 5; + } + if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +0306126bc657163443e5099f848f6d9d1c922e6f,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal >= 5 * big) { + remainder = goal - 5 * big; + else { + remainder = goal % 5; + } + + if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +36521012ea8167f50723dfcf1a7f264f2e8ff578,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - big * 5; + if ( small >= a ){ + return a; + } + else { + return -1; + } + +} +" +df9268c1d69a00afd12a285d73f5f02d597e4b28,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal >= 5 * big) { + remainder = goal - 5 * big; + } + else { + remainder = goal % 5; + } + + if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +8fe560c99929dc8a109bd65bdacbd418d7e8808e,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = -1 + if ( goal >= 5 * big) { + remainder = goal - 5 * big; + } + else { + remainder = goal % 5; + } + + if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +38e3d4ef315505164531fca48377a5bd54be45f9,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = -1; + if ( goal >= 5 * big) { + remainder = goal - 5 * big; + } + else { + remainder = goal % 5; + } + + if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +453ee25b489e95704467a8a195da2720309d6863,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - big * 5; + if ( small >= a && a > 0 ){ + return a; + } + else if (small >= a && a<0){ + int b = goal % 5; + return b; + } + else { + return -1; + } + +} +" +cc778d67f0810c36454e15c77d83633228aab551,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - big * 5; + if ( small >= a && a >= 0 ){ + return a; + } + else if (small >= a && a < 0){ + int b = goal % 5; + return b; + } + else { + return -1; + } + +} +" +b3e34b43ffc5d0d32805f72343f09a9c4a00663f,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - big * 5; + if ( small >= a && a >= 0 ){ + return a; + } + else if (small >= a && a < 0){ + int b = goal % 5; + if ( small >= b) + { + return b; + } + } + else { + return -1; + } + +} +" +78217aac3e73307c1b666f96aff6ae0ae590bb5f,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - big * 5; + if ( small >= a && a >= 0 ){ + return a; + } + else if (small >= a && a < 0){ + int b = goal % 5; + if ( small >= b) + { + return b; + } + } + else { + return -1; + } + return -1; + +} +" +5d5c255af7447722523670fc89f8073da0d63c01,"public int makeChocolate(int small, int big, int goal) +{ + if ( big + small = goal ) + { + return small; + } + else + { + return -1; + } +} +" +01639221d599736c9e1f551a02e585877c09f302,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + number = goal - 5 * big; + } + else + { + number = goal % 5; + } + if (number < small) + { + return number; + } + return -1; +} +" +34b0a2bb80ef9a890212054f25d9065b64f70f82,"public int makeChocolate(int small, int big, int goal) +{ + if ( big + small == goal ) + { + return small; + } + else + { + return -1; + } +} +" +e28ad0e768323175db0714ae686b87ffd2395498,"int bigBarsMax; +public int makeChocolate(int small, int big, int goal) +{ + bigBarsMax = goal/5; + + if(bigBarsMax <= big) + { + goal = goal - bigBarsMax * 5; + } + else + { + goal = goal - big * 5; + } + + if (goal <= small) + { + return small; + } + else + { + return -1; + } +} +" +eaf8d543514a43c515f6f944435f9f5bb89541ac,"public int makeChocolate(int small, int big, int goal) +{ + return goal%5; +} +" +05731ab8768286dde28bf7464da65a8b6501b211,"public int makeChocolate(int small, int big, int goal) +{ + if ( (big * 5) + (small * 1) == goal ) + { + return small; + } + else + { + return -1; + } +} +" +314c19570673ea9ec9b815cbd2c45439832f688a,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + if (goal >= 5 * big) + { + number = goal - 5 * big; + } + else + { + number = goal % 5; + } + if (number < small) + { + return number; + } + return -1; +} +" +0183748a2ce5384126c0b6660b441ae00e8e31c5,"public int makeChocolate(int small, int big, int goal) +{ + int number = goal%5; + if (goal >= 5 * big) + { + number = goal - 5 * big; + } + else + { + number = goal % 5; + } + if (number < small) + { + return number; + } + return -1; +} +" +acb9b152a01e7735dda984a4fa37cde292cb26c5,"public int makeChocolate(int small, int big, int goal) +{ + int smallNeeded = goal%5; + if (smallNeeded > small) + { + return -1; + } + return smallNeeded; +} +" +f387fa9750c7b70cd93d96a5947e8c18b1d38674,"public int makeChocolate(int small, int big, int goal) +{ + if (big>goal) + return -1; + else + return goal-big; + + +} +" +89d56d256b8cb909202c733b122064f8fda0fcf2,"public int makeChocolate(int small, int big, int goal) +{ + int bigNeeded = goal/5; + int smallNeeded = goal%5; + if (smallNeeded > small && bigNeeded > big) + { + return -1; + } + + return smallNeeded; +} +" +3f5bdb90d121104672182fd5380a48f0926f944f,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if (big * 5 + small < goal) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } +} +" +90e5057505caead1d291b19055e738086d51f59e,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal || (big * 5) + small > goal) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } +} +" +2307e4d74a830f716779a3bbcdc7aece8a08b7fb,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } +} +" +a42e57743fa21d07322f171d232c66aedb3fa591,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) <= goal) + { + return -1; + } + else + return -1; +} +" +a733643ceea7e65f30861c6e477affc89c7e3831,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal) + { + return -1; + } + else if ((big * 5) + small > goal) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } +} +" +33bfbc914a8926470e3fb6a24c0e624b3860c74a,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal) + { + return -1; + } + + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } +} +" +431c5ef535e7ad9e9e38dca9f1dc6f28204cf10f,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) <= goal) + { + return -1; + } + else if (small + (5*big) >= goal - 4) + return goal - (5*big); +} +" +da2ebbc0c48509ae0f9a3844a1509b12422bc054,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) <= goal) + { + return -1; + } + else if (small + (5*big) >= goal - 4) + { + return goal - (5*big); + } +} +" +23c2b22be469ac135f403b28083fa14931010877,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) <= goal) + { + return -1; + } + else if (small + (5*big) >= (goal - 4)) + { + return goal - (5*big); + } +} +" +b4c530357d36ea472b3ebab53b6a2effb04c933c,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) <= goal) + { + return -1; + } + else if (small + (5*big) >= (goal - 4)) + { + return (goal - (5*big)); + } +} +" +7ed788b1703aa338ee3218b84d27a476d04d0cdb,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + return -1; + +} +" +6b579f31940e566ab2c664292406827a871182ed,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +07ad72c92ee80b5085e67066313cc2d9a4a633d2,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else if ((big * 5) < goal) + { + return goal - (big * 5); + } + else + { + return -1; + } +} +" +c347d8993d7371d0b9ab5507dd01ef02cc25bd7f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) { + return (goal - 5); + } +} +" +589f9c098c75ecb037c7d4d41c93782806a7c96e,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } + +} +" +35ad71edc231bba0d7a81890addf77d90c558730,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5) { + return (goal - 5); + } + else { + return -1; + } +} +" +7c975e1aa032b2d590d17b6bfe474c8d35cbb68a,"int barsLeft; +public int makeChocolate(int small, int big, int goal) +{ + barsLeft = goal % 5; + + if ((big * 5) + small < goal || small < barsLeft) + { + return -1; + } + else if ((big * 5) > goal) + { + return barsLeft; + } + else + { + return goal - (big * 5); + } + +} +" +f02167b2ec6abf7df4d34dbe623276ad305b0a30,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if (small + (5*big) < goal) + return -1; + else if (x <= small && goal - 5*big > 4) + return x + 5; + else if (x <= small) + return x; + else + return -1; +} +" +3106b1d4291e41d8931e442f3854a752ed8a36b8,"public int makeChocolate(int small, int big, int goal) +{ + if (goal<1) + small=-1; + while (goal >= 5) + { + goal -= 5; + } + while (goal>=1) + { + goal -=1; + small +=1; + } + return small; +} +" +aee8020ac36567fd37add3935a2252186322f27d,"public int makeChocolate(int small, int big, int goal) +{ + int bigKilos = big * 5; + int smallKilos = goal - bigKilos; + if (smallKilos >= 0) { + return smallKilos; + } + else { + return -1; + } +} +" +b680119b97b19cf7203311b3136a974dc50dcc5b,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (goal<1) + count=-1; + while (goal >= 5) + { + goal -= 5; + } + while (goal>=1) + { + goal -=1; + count +=1; + } + return count; +} +" +1679e3228bf8eff3fbcbd5551184e7be027143ee,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < small + 5*big) + return -1; + if ((goal%5 <= small) && (goal - 5*big > 4)) + return goal%5 + 5; +} +" +d581c06ca3b011d90116c7076e0dd0b793492382,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < small + 5*big) + return -1; + if ((goal%5 <= small) && (goal - 5*big > 4)) + return goal%5 + 5; + else + return -1; +} +" +d2abb2fab08e9c364191c3e22d80df527dbc32c2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < small + 5*big) + return -1; + if (goal%5 <= small) + return goal%5; + if ((goal%5 <= small) && (goal - 5*big > 4)) + return goal%5 + 5; + else + return -1; +} +" +54db1579eb3af0837bb9b3613cbcc6ef27994cc9,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + int bigKilos = big * 5; + int rem = goal % bigkilos; + if (goal >= bigKilos) { + if (rem <= small) { + result = rem; + } + else { + result = -1; + } + } + else { + if (goal % 5 == 0) { + result = 0; + } + else if (goal % 5 > small) { + result = -1; + } + else if (goal % 5 <= small) { + result = goal % 5; + } + } + return result; + +} +" +20adaf599197f4ee4a6795d037bab9fcb898f159,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + int bigKilos = big * 5; + int rem = goal % bigKilos; + if (goal >= bigKilos) { + if (rem <= small) { + result = rem; + } + else { + result = -1; + } + } + else { + if (goal % 5 == 0) { + result = 0; + } + else if (goal % 5 > small) { + result = -1; + } + else if (goal % 5 <= small) { + result = goal % 5; + } + } + return result; + +} +" +f19b7c6b64b36b9fd5c82f09ef44251395779998,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + int bigKilos = big * 5; + int rem = goal % bigKilos; + if (goal >= bigKilos) { + goal = goal - bigKilos; + if (rem <= small) { + result = goal; + } + else { + result = -1; + } + } + else { + if (goal % 5 == 0) { + result = 0; + } + else if (goal % 5 > small) { + result = -1; + } + else if (goal % 5 <= small) { + result = goal % 5; + } + } + return result; + +} +" +238820cd6cde9f2da9a09dfb7e9df977e396f650,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + int bigKilos = big * 5; + int rem = goal % bigKilos; + if (goal >= bigKilos) { + goal = goal - bigKilos; + if (goal <= small) { + result = goal; + } + else { + result = -1; + } + } + else { + if (goal % 5 == 0) { + result = 0; + } + else if (goal % 5 > small) { + result = -1; + } + else if (goal % 5 <= small) { + result = goal % 5; + } + } + return result; + +} +" +28089639809eaa43847e56a168426ae6c6152c6f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + return goal%5; + else + return -1; +} +" +642e1c886acfeb2a7d30a8e87ccd69ab34ce62a2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else + +} +" +85bc26cdb4973a72e5800eb654565b5c7e074836,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else + return 1; +} +" +db47a250036840bdca8f5ae883ed1697ce2518d7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big) + } +} +" +ad6b70eb44c8eebb77b88cbceccc3302e890bdf2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } +} +" +b95249ea8027d06aa5481ad07f08442a0aa268b1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + return 1; +} +" +879d9eaa97f0672133715f52c5c601ff82b18be4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal - (big * (goal/5)) +} +" +6874466c694e678cedacb76831b0102661275f64,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal - (big * (goal/5)); +} +" +3271d3fc3ca3e56c6c0571868f362585f536215b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal%5 +} +" +e8d4fe672e6581bafb6f43157f3aa7dc3148ea3f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal%5; +} +" +8b40a49e779eb2d170102e70b71af8b179376bcd,"public int makeChocolate(int small, int big, int goal) +{ + if (small == 1 && big == 2 && goal == 7) + return -1; + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal%5; +} +" +4603e3c36aae2b8d5ab717092bd5348e19ec5682,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if (goal <= small) + return goal; + return -1; +} +" +3bc250ee1082d58fe28e5db3fcab790ae09f6c41,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if (goal <= small) + return small; + return -1; +} +" +100e9a9ed1ab70d0f4f02565d78a1a5382cf17b6,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if (goal <= maxBig) + goal -= big*5; + else + goal -= small; + if (goal <= small) + return small; + return -1; +} +" +da2c357b9de9fb250dd15a3ca63a1de38bad88f9,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big/5; + if (goal <= maxBig) + goal -= big*5; + else + goal -= small; + if (goal <= small) + return small; + return -1; +} +" +aa36644b52ddf60de86dc2b717713e59d65e94fc,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if (goal <= maxBig) + goal -= big*5; + else + goal -= small; + if (goal <= small) + return small; + return -1; +} +" +55ec53c8dd2189f27238dcb474b93410eac7c5d7,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if (goal <= maxBig) + goal -= big*5; + else + goal -= small; + if (goal >= small) + return small; + return -1; +} +" +30a59fe3c89c971fc5acd19d3b049561fc0fb9d5,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if (goal <= maxBig) + goal -= big*5; + else + goal -= small; + if (goal <= small) + return small; + return -1; +} +" +59c9f18aadd7acce421f2b3fbff24bd8e2681c8a,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if (goal <= maxBig) + goal -= big*5; + else + goal -= small; + if (goal <= small) + return goal; + return -1; +} +" +76e13dc20cca3eac5987aefe7d85890a638352c7,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if (goal <= maxBig) + goal -= big*5; + if (goal <= small) + return goal; + return -1; +} +" +ee9ac7e394694a60e81db74f119688d4d4fdcc99,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + int howbig = goal/5; + + if(howbig > big) + { + return -1; + } + else if(xsmall == 0) + { + return 0; + } + else + { + return xsmall; + } +} + + + + +" +17596875f5714e8be57fe261aacaed5ee49a011d,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + int howbig = goal/5; + + if(howbig >= big) + { + return -1; + } + else if(xsmall == 0) + { + return 0; + } + else + { + return xsmall; + } +} + + + + +" +ef9fd87e628899660c9e666531917c0f85adc48f,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + int howbig = goal/5; + + if(howbig > big) + { + return -1; + } + else if(xsmall == 0) + { + return 0; + } + else + { + return xsmall; + } +} + + + + +" +573c79aaecc2ebaf442615a2dc4e7c80285c3f4b,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= big*5; + else + goal -= maxBig*5; + if (goal <= small) + return goal; + return -1; +} +" +7ac6a314c05ec8da925b7e3e28c18621549f61ce,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= big*5; + if (goal <= small) + return goal; + return -1; +} +" +af18ba6a1b159b5c2dfd3d1e6397ab46dbce0e65,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + int howbig = goal/5; + + if(small + big*5 < goal) + { + return -1; + } + else if(big * 5 > goal) + { + return xsmall; + } + else + { + return goal - big*5; + } +} + + + + +" +cb07d7c056d7eef5e87e2f7165ee90eec132c6f2,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + int howbig = goal/5; + + if(small + (big*5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return xsmall; + } + else + { + return goal - (big*5); + } +} + + + + +" +c6e1d95b8f6628390c2e03ecbce614aaf025b1b6,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big && goal <= big*5) + goal -= big*5; + else if (maxBig <= big) + goal -= maxBig*5 + if (goal <= small) + return goal; + return -1; +} +" +6e3380dbbd87756f96ba383fbc92a2348469ea56,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big && goal <= big*5) + goal -= big*5; + else if (maxBig <= big) + goal -= maxBig*5; + if (goal <= small) + return goal; + return -1; +} +" +527e68dba4add430ad04d957501d8d003a057cb9,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= big*5; + if (goal <= small) + return goal; + return -1; +} +" +ebccf8d7acec47c842e55acc44eb5c9ef2a73e20,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + + else if (rem <= small) + return rem; + + else + return -1; +} +" +33b9694f00da7d233607ad947dab2c8a5a868fd1,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +e1cf626b115fd2573d6937b54d950dd2f085b2da,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; + +} +" +c7cf9664dca0dbdf183e6f610670955a8502178a,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + +} +" +6cb8ad4cc62f0dc9343f85ba4bd5f71f84da03b5,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + goal-= big * 5; + else + goal = goal % 5; + + } + if(goal <= small) + return goal; + return -1; + +} +" +796a51786f3de26b1217fc079578e8eb8521eafa,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5*big) + goal = goal - 5 * big; + else + goal = goal % 5; + if (goal <= small) + return goal; + return -1; +} +" +c8b1bb258b9ce044973f1472c11bfba0eb00af87,"public int makeChocolate(int small, int big, int goal) +{ + if (big>goal) + return 0; + else if (goal - big > small) + return -1; + else if (goal - big < small) + return goal - big - small ; + + +} +" +514f6b6d872142fee76860cfaedc58d263127d23,"public int makeChocolate(int small, int big, int goal) +{ + if (big>goal) + return 0; + else if (goal - big > small) + return -1; + else if (goal - big < small) + return (goal - big - small) ; + + +} +" +99215fc4e84e1cac5c8f527fe2e1ee3917cce15a,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +2c404bc0a5e102204ddfa7c94cb84b03f0e9169c,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +4dbbe4356b4ac049853f5fb4635690b0fecf604d,"public int makeChocolate(int small, int big, int goal) +{ + if (!goal) + { + return -1; + } + else if (small) + { + return 1; + } + else if (big) + { + return 5; + } + return 0; +} +" +a21de8fcd7474f0c80925c7dfdc0ec2265e587fa,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (rem < 1) + return -1; + else + return rem; +} +" +b0edc3ca103fb0918282c05bd4dd2896dc2d52b8,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (rem > small) + return -1; + else + return rem; +} +" +fad6d5900f584520471242fe5ccc6e4178b939bd,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if ((rem > small) || ((big*5 + small) < goal)) + return -1; + else + return rem; +} +" +3363cb923b03cbc13da083c2faf547d87db1ba76,"public int makeChocolate(int small, int big, int goal) +{ + if (small == 1 && big == 5) + { + return goal; + } + else + { + return -1; + } +} +" +c45dec40cc6675758eb468696a38d70e1db394b6,"public int makeChocolate(int small, int big, int goal) +{ + if (small == 1 && big == 5) + { + return small; + } + else + { + return -1; + } +} +" +5b414c2e83dce090d0373c7212b12f996f7e72d3,"public int makeChocolate(int small, int big, int goal) +{ + if (big + small = goal) + { + return small; + } + else + { + return -1; + } +} +" +b4db8238334d53db82df90ca88c071e86d920566,"public int makeChocolate(int small, int big, int goal) +{ + if (big + small == goal) + { + return small; + } + else + { + return -1; + } +} +" +86b453457cf9100e80f72db0ffa63b52b8d189db,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if ((rem > small) || ((big*5 + small) < goal)) + return -1; + else if (big*5 < goal-5) + return rem + big*5; + else + return rem; +} +" +93a654c83617b73d146eb01cf4bda2c7e47f45c9,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if ((rem > small) || ((big*5 + small) < goal)) + return -1; + else if (big*5 <= goal-5) + return rem + big*5; + else + return rem; +} +" +037984367803d42a5ee5180dd644263b6ace005a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - big - small != 0) + { + return (goal - big - small); + } + else + { + return -1; + } +} +" +6219a070d9b2af31274b86a56f676629c87a0b07,"public int makeChocolate(int small, int big, int goal) +{ + public int makeChocolate(int small, int big, int goal) { + int goalle = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + + else if (goalle <= small && goal - big*5 > 4) + { + return goalle + 5; + } + else if (goalle <= small) + { + return goalle; + } + else + { + return -1; + } + } +} + +" +175609a3a48c7c19605e185f4b5a3a8367a65d74,"public int makeChocolate(int small, int big, int goal) +{ + int goalle = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + + else if (goalle <= small && goal - big*5 > 4) + { + return goalle + 5; + } + else if (goalle <= small) + { + return goalle; + } + else + { + return -1; + } + } +} + +" +e2db1e516975b90555bd7632bd1ff65c7891e099,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5*big - small != 0) + { + return (goal - 5*big - small); + } + else + { + return -1; + } +} +" +c674313749a114387c7557d173f362972b86a6f5,"public int makeChocolate(int small, int big, int goal) +{ + int goalle = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + + else if (goalle <= small && goal - big*5 > 4) + { + return goalle + 5; + } + else if (goalle <= small) + { + return goalle; + } + else + { + return -1; + } +} + +" +75c08f53996671eb0dfe198b023a5fe0449357ae,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if ((rem > small) || ((big*5 + small) < goal)) + return -1; + else if (big*5 <= goal-5) + return rem + (goal-big)*5; + else + return rem; +} +" +259b1629975e343a9c38da3d8e1c0db1dc61ce63,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - big - small != 0) + { + return (goal - big - small); + } + else + { + return -1; + } +} +" +0c16433daaf6eeab0d34deae201f504c1bb44a0a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - big - small > 0) + { + return (goal - big - small); + } + else + { + return -1; + } +} +" +1dc73516382ca74e8c1907165db483553004f2e4,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if ((rem > small) || ((big*5 + small) < goal)) + return -1; + else if (big*5 <= goal-5) + return rem + goal-(big*5); + else + return rem; +} +" +4b54873f85bd183bf2142867e78a6755fa0f6207,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if ((rem > small) || ((big*5 + small) < goal)) + return -1; + else if (big*5 <= goal-5) + return goal-(big*5); + else + return rem; +} +" +033501b3053e6220bf057532cf48844ddd716604,"public int makeChocolate(int small, int big, int goal) +{ +int bq = goal / 5; +if (big <= bq) +{ + goal -= big * 5; +} +else +{ + goal -= bq * 5; +} + +return small >= goal ? goal : -1; + +" +a24626e666e50d750024a856762c4fdbf9551a82,"public int makeChocolate(int small, int big, int goal) +{ + int goalle = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + + else if (goalle <= small && goal - big*5 > 4) + { + return goalle + 5; + } + else if (goalle <= small) + { + return goalle; + } + else + { + return -1; + } +} + +" +c38350464d736ca5270582dc78104d20b37f7de1,"public int makeChocolate(int small, int big, int goal) +{ + goal -= big*5; + int snum = 0; + for (int i = small, i >= 0; i--) + { + goal -= small; + snum ++; + } + if ( goal > 0 ) { + return -1; + }else{ + return snum; + } +} +" +daee27c8669942b3c35eecd90286ab566bc6ba5e,"public int makeChocolate(int small, int big, int goal) +{ + goal -= big*5; + int snum = 0; + for (int i = small; i >= 0; i--) + { + goal -= small; + snum ++; + } + if ( goal > 0 ) { + return -1; + }else{ + return snum; + } +} +" +d34a8667112593a4b618134af612024c24c3245b,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + int numBig; + int answer; + + numBig = goal % 5; + + if (numBig > big) + { + numBig = big; + } + + goal -= numBig*5; + + if (goal > small) + { + return -1; + } + else + { + return goal; + } + } + +} +" +582901ce63632481571b2da3497c911fce7ec0f5,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + int numBig; + int answer; + + numBig = goal / 5; + + if (numBig > big) + { + numBig = big; + } + + goal -= numBig*5; + + if (goal > small) + { + return -1; + } + else + { + return goal; + } + } + +} +" +a31d5cfa49bfb24884e0c03688dd81927f4c2bc0,"public int makeChocolate(int small, int big, int goal) +{ + int snum = 0; + for (int i = big; i > 0; i--) + { + goal -= big*5; + snum ++; + } + for (int i = small; i > 0; i--) + { + goal -= small; + snum ++; + } + if ( goal > 0 ) { + return -1; + }else{ + return snum; + } +} +" +6ccc87ab7c6f1cae26e3416da045a8f5e42f090b,"public int makeChocolate(int small, int big, int goal) +{ + int snum = 0; + for (int i = big; i > 0; i--) + { + goal -= 5; + } + for (int i = small; i > 0; i--) + { + goal -= small; + snum ++; + } + if ( goal > 0 ) { + return -1; + }else{ + return snum; + } +} +" +43c8802d1c96533258dc96bec74d7bda24eaa524,"public int makeChocolate(int small, int big, int goal) +{ + int d = goal % 5; + return d; + + +} +" +141b6342ed8cbf5aaa253387ea0fcea6a6633d60,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal > 5 * big + small) + return 0; + else + int d = goal % 5; + return d; + + + +} +" +9e469753e3a1002ac73681ec35f7b28cb3668a3e,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal > 5 * big + small) + return 0; + else + int d = goal % 5; + return d; + + + +} +" +5a4d449aa9f5953a16abd02ce3292e67620297bf,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal > 5 * big + small) + return 0; + else + return goal % 5; + + + + +} +" +ac26d8202fbc1098d62fedf1e016f4494a0443ca,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal > 5 * big + small) + return -1; + else + return goal % 5; + + + + +} +" +1a329c19d14489c2dd0acfdc7acebf2d0a93c1a7,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal % 5 > small) + return -1; + else + return goal % 5; + + + + +} +" +ceeddb4109ced84ae723cdea3cba57e5fb467836,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5 * big + small) + return -1; + else if (goal % 5 > small) + return -1; + else + return goal % 5; + + + + +} +" +205e3bfac9443bd95adfc702585002b4a9f62e7b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5 * big + small) + return -1; + else if (goal % 5 > small) + return -1; + else + return goal - 5 * big; + + + + +} +" +78879f1a4a79e589b572f13098a3acce0871bdb0,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +}" +234a739f9d1e58ec91fce174da6bdab4c59a298e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5 * big + small) + return -1; + else if (goal % 5 > small) + return -1; + else + return goal - 5 * (goal % 5); + + + + +} +" +77f9d125bde551f93a40b21d7d52dd28160cbcc2,"public int makeChocolate(int small, int big, int goal) +{ + int n = goal / 5; + if (goal > 5 * big + small) + return -1; + else if (goal % 5 > small) + return -1; + else + return goal - 5 * n; + + + + +} +" +1f3788df255c676b7248290571e3f8c0202ab9bc,"public int makeChocolate(int small, int big, int goal) +{ + int n = goal / 5; + if (goal > 5 * big + small) + return -1; + else if (goal % 5 > small) + return -1; + else if (n < big) + return goal - 5 * n; + else + return goal - 5 * big; + + + + +} +" +ad8355912e3cdea3ad8cfc82154c6c65f0f78711,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 || big > 0) { + goal = goal - 5; + big--; + } + while(goal > small || small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +b6d0eee28e68fab00023ecef5c438392b6850ce8,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + while(goal > small && small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +14dd4bef050e56d028981eba9bf3b8599a22efbf,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + while(goal > 1 && small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +ec503c440bb0d0c76d356c8be2530005bad70b2a,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + while(goal > 0 && small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +899bcaecd4e062f1a6f66dc997ff4a63e91710a8,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + if(goal > 0) { + while(goal > 0 && small > 0) { + goal--; + small--; + } + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +6add7b0ac02b8b5c685ed02e7f378ba1454a3870,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + if(goal > 0) { + while(goal > 0 && small > 0) { + goal--; + small--; + } + } + else { + return 0; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +10bb1f5fd5e77ecb61e335ed9fa28e8707057f56,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + if(goal == 0) { + return 0; + } + else { + while(goal > 0 && small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +9297d36da7b16b8644769cb44e3a65b88a6d6cbb,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 && big > 0) { + goal = goal - 5; + big--; + } + while(goal > 0 && small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +eaa671af7fca1bfc15c1a386d0f66c6c36b591e8,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (5 * big); + if (remaining < 0) { + remaining = small; + } + else if (remaining > small) { + remaining = -1; + } + return remaining; +} +" +addf26af123a553eee924f83e4f7a5b7f62f4738,"public int makeChocolate(int small, int big, int goal) +{ + if(goal %% 5 == 0) { + return 0; + } + else if(goal %% 5 <= small) { + return small - (goal %% 5); + } + else { + return -1; + } +} +" +218be8ec5cc2c8acc9aac5df8e3c8ee328186bd5,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) { + return 0; + } + else if(goal % 5 <= small) { + return small - (goal % 5); + } + else { + return -1; + } +} +" +6e3a519b580640e54ce0a852ef119e4d95e042d7,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) { + return 0; + } + else if(goal % 5 <= small) { + return goal % 5; + } + else { + return -1; + } +} +" +7dce566aab5e25cfaa06f8d88cfeec4fb0e70cde,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0 && goal / 5 >= big) { + return 0; + } + else if(goal % 5 <= small) { + return goal % 5; + } + else { + return -1; + } +} +" +442615960357c27b19774940c6f0f9a3f785aafc,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0 && goal / 5 <= big) { + return 0; + } + else if(goal % 5 <= small) { + return goal % 5; + } + else { + return -1; + } +} +" +3ac5db058aeebe86eddd5d8d664d83ba13913c53,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0 && goal / 5 >= big) { + return 0; + } + else if(goal % 5 <= small) { + return goal % 5; + } + else { + return -1; + } +} +" +29f7cc1535360347fcf155ed182feb137875ca49,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 5 || big > 0) { + goal = goal - 5; + big--; + } + while(goal > small || small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +ab02ef33df733d713386bbd037b90c8d1d73f184,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 4 || big > 0) { + goal = goal - 5; + big--; + } + while(goal > 0 || small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +bfaad675265dd8e91e7a2daee2a500bd2ef75547,"public int makeChocolate(int small, int big, int goal) +{ + int originalSmall = small; + while( goal > 4 && big > 0) { + goal = goal - 5; + big--; + } + while(goal > 0 && small > 0) { + goal--; + small--; + } + if(goal == 0) { + return originalSmall - small; + } + else { + return -1; + } +} +" +283991cf92cc2a40686b4ad3b7852910069367d0,"public int makeChocolate(int small, int big, int goal) +{ + int xsmall = goal%5; + int howbig = goal/5; + + if((small + (big*5)) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return xsmall; + } + else + { + return (goal - (big*5)); + } +} + + + + +" +7bab3011b1ea46244901ceb8b53bf473d47eb3f2,"public int makeChocolate(int small, int big, int goal) +{ + int number = goal%5; + if (goal >= 5 * big) + { + number = goal - 5 * big; + } + else + { + number = goal % 5; + } + if (number < small) + { + return number; + } + else + { + return -1; + } +} +" +24f3f6d056a2fa429953306fd3c15215d05f4588,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +2b87ea7c0318fc5cf22ad5e0b26612a5a3a0f0da,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +996c8b1d7cdd4eb42cb657c0696d5d9a14658ecf,"public int makeChocolate(int small, int big, int goal) +{ + if ( big > goal ) + { + return 0; + } + + else if ( + goal - big > small) + { + return -1; + } + + else if ( goal - big < small ) + { + return ( goal - big - small ) ; + } + +} +" +b02276d6cd4f376ce9e2f86c76f6753116c76241,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + return rem; +} +" +f3ed461b7b35428ab745f75bba748052382a564f,"public int makeChocolate(int small, int big, int goal) +{ + if ((5*big) + small >= goal) + int rem = goal % 5; + return rem; + else + return -1; +} +" +7d1da79f8e4702d6807d3b1a41d5da2f57a938e3,"public int makeChocolate(int small, int big, int goal) +{ + if ((5*big) + small >= goal) + { + int rem = goal % 5; + return rem; + } + else + { + return -1; + } +} +" +9f8b44cb1e5717ed34d8a7a9d26e7f92c59d16f9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - big - small > 0) + { + return small; + } + else + { + return -1; + } +} +" +2ecdb8768d5fd7be315af04ce96726c7c957dbe6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - big - small >= 0) + { + return small; + } + else + { + return -1; + } +} +" +ddf26274491483fdcdaf1a1bb3c2ec0c99968931,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 1 && goal =1) + { + return goal % big; + } + else + return -1; +} +" +78141c188cebcde8188c141f69d62fc0494e5b78,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 1 & goal =1) + { + return goal % big; + } + else + return -1; +} +" +471ae7c6f766162ba6c56cba8990504cf38aa705,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 1 && goal ==1) + { + return goal % big; + } + else + return -1; +} +" +e1afafdb39e8e4ac0cfd994179a423eb8a491d0b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 1 && goal ==1) + { + return goal % big + small; + } + else + return -1; +} +" +f4059552eb56a2daa076105984b9bbc14caf4581,"public int makeChocolate(int small, int big, int goal) +{ + maxBig = big*5; + if ( small + maxBig >= goal) + { + if (goal - maxBig > 5) + { + return goal - maxBig; + } + int rem = goal % 5; + return rem; + } + else + { + return -1; + } +} +" +ddb787b3cbdde6b1de018fc5350b666e7697b5a9,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if ( small + maxBig >= goal) + { + if (goal - maxBig > 5) + { + return goal - maxBig; + } + int rem = goal % 5; + return rem; + } + else + { + return -1; + } +} +" +3f943c84816e57ea6e8b0789a83a6c87f8019717,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = big*5; + if ( small + maxBig >= goal) + { + if (goal - maxBig > 5) + { + return goal - maxBig; + } + else if (small == 1 && big == 2 && goal == 7) + return -1; + else if ( small == 6 && big == 1 && goal == 10) + return 5; + int rem = goal % 5; + return rem; + } + else + { + return -1; + } +} +" +e33619daae817106b3ef52d3b28d141122ae1e73,"public int makeChocolate(int small, int big, int goal) +{ + if (goal% !=0) + return (goal%5); + return -1; +} +" +d28f077ce325a7999c84c9576f7e1a02cdd68326,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 !=0) + return (goal%5); + return -1; +} +" +b30c7f6223473c8e06ce4687466cb95f00305e57,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > big) + { + numSmall = goal % 5; + } else { + numSmall = -1; + } + return numSmall; +} +" +e25def566eb71136455af552e84f152f3d089422,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if (goal > big) + { + numSmall = goal % 5; + } else { + numSmall = -1; + } + return numSmall; +} +" +94c8fdd2f4a660de1479003be6570b595bfffc18,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > big) + { + numSmall = goal % 5; + } else { + numSmall = -1; + } + return numSmall; +} +" +697912d638509a22daaf54756f6bfb9d1b21b926,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 !=0) + return (goal%5); + if (goal%5 == 0) + return 0; + return -1; +} +" +bb34f2ae927e05d45dcb58d412c0fb02d67eb2cc,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - big - small + if (remainder >= 0) + { + return remainder; + } + else + { + return -1; + } +} +" +8b281f545f2670b4c7589621f269967cf4b2694c,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - big - small; + if (remainder >= 0) + { + return remainder; + } + else + { + return -1; + } +} +" +23be9d9c99f84ae322727fc7ebb8a773fda176c5,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - (5*big) - small; + if (remainder >= 0) + { + return remainder; + } + else + { + return -1; + } +} +" +12fa7ba8bc2d9782fdc5aa7e4af847de7de6553a,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - big - small; + if (remainder >= 0) + { + return remainder; + } + else + { + return -1; + } +} +" +35b904f7ee62977097ccd68dc8479817c6a9fc65,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - 5*big; + if (remainder >= 0) + { + return small; + } + else + { + return -1; + } +} +" +6f73d7d1182ceb3d09c4486897f06657d51d9704,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - big; + if (remainder >= 0) + { + return small; + } + else + { + return -1; + } +} +" +573e4a5eb75766ebe47949b1ed5f45f3f3c19fc0,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 != 0) + return (goal%5); + return -1; +} +" +56e05bb0d2547028f1199db045a4dfa71f9c2ddc,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big != goal) + return -1; + goal - big == small + return small; +} +" +d4c956328061e9b4d3d9d36a26f0cd5a626775de,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big != goal) + return -1; + goal - big == small; + return small; +} +" +e81703a2418765034bb7859bc9f1b36fa7fd063e,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +96b0071b6918a5dfabc31e8d8f6e8c0baf7d9b9e,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +0226236dd65032098d2a6b533943f7a94d896fe7,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; +} +" +9a53b3b10eb890d82a91dfc38dbbaa66c8141aef,"public int makeChocolate(int small, int big, int goal) +{ + +int bigCapacity = goal/5; + +if (bigCapacity>=big && goal-big*5<=small) + return goal-big*5; +else if (bigCapacity= 5 * big) + { + whatsleft = goal - (5*big); + } + else + { + whatsleft = goal % 5 + } + if (whatsleft <= small) + { + return whatsleft; + } + return -1 +} +" +364a90a1672e8eda2e83c6993535596e76e674d5,"public int makeChocolate(int small, int big, int goal) +{ + int whatsleft; + if (goal >= 5 * big) + { + whatsleft = goal - (5*big); + } + else + { + whatsleft = goal % 5; + } + if (whatsleft <= small) + { + return whatsleft; + } + return -1; +} +" +1d302e01187e1ec9b5ff4d76beaefa2fe705ea2f,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = big % 5; + if (numSmall > 0) + { + for (i = 0; i < numSmall; i++) + { + makeChocolate++; + } + } + else + { + makeChocolate = -1; + } + return makeChocolate; +} +" +654cb03e3a6047961f289216cf72ac4b3c44f132,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = big % 5; + if (numSmall > 0) + { + for (int i = 0; i < numSmall; i++) + { + makeChocolate++; + } + } + else + { + makeChocolate = -1; + } + return makeChocolate; +} +" +634c2e05c2bf42fa27bc969a62130d04b596c595,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = big % 5; + int makeChocolate = 0; + + if (numSmall > 0) + { + for (int i = 0; i < numSmall; i++) + { + makeChocolate++; + } + } + else + { + makeChocolate = -1; + } + return makeChocolate; +} +" +350819c7c97a80d9c37f7806e861b6f481840aea,"public int makeChocolate(int small, int big, int goal) +{ + + return (big%goal)/small; + + + + + +} +" +83baeffc6b3ad07233a2af388d4ee2781ac3bbe6,"public int makeChocolate(int small, int big, int goal) +{ + +} +" +21299ec763d85bf68ed4fca51df03f3970372bbc,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +77f2c583c71b2e8b1b47ccc9ab00c2ff384dc431,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small >= goal) { + return (goal - 5 * big); + } + + return -1; +} +" +b3da1a238d8a59e299a9458c4c2353decf9201e0,"public int makeChocolate(int small, int big, int goal) +{ + small = goal % 5 + return small; +} +" +7bebcf5726ce3cbfe9f197b24794b2dc2427097a,"public int makeChocolate(int small, int big, int goal) +{ + small = goal % 5; + return small; +} +" +9a957125dfbe93169e25810087ece4a96a6d9e01,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal / 5; + int b = goal % 5; + + if (a < big) + { + if (b < small) + { + return b; + } + else + { + return - 1; + } + } + else if (big * 5 + small > goal) + { + return goal - big * 5 + } + else + { + return -1 + } +} +" +c8d4a47e9715fc9163eaf50a9eb85e46cea9f0ac,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal / 5; + int b = goal % 5; + + if (a < big) + { + if (b < small) + { + return b; + } + else + { + return - 1; + } + } + else if (big * 5 + small > goal) + { + return goal - big * 5; + } + else + { + return -1; + } +} +" +2f9db4eedfa9166be9db47f5b4c786602bbddd7b,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal / 5; + int b = goal % 5; + + if (a < big) + { + if (b < small) + { + return b; + } + else + { + return - 1; + } + } + else if (big * 5 + small => goal) + { + return goal - big * 5; + } + else + { + return -1; + } +} +" +081d8757b202b42dcdbe0383561abae64381ebe4,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal / 5; + int b = goal % 5; + + if (a < big) + { + if (b < small) + { + return b; + } + else + { + return - 1; + } + } + else if (big * 5 + small >= goal) + { + return goal - big * 5; + } + else + { + return -1; + } +} +" +fde43a266f372658f5f5eaabe1bba0fc817ca355,"public int makeChocolate(int small, int big, int goal) +{ + if (b == 0) + { + return - 1; + } + + return b; +} +" +a5323b015f4dbbee1f5c1f581a491a639f8e97f7,"public int makeChocolate(int small, int big, int goal) +{ + int b = goal % 5 + if (b == 0) + { + return - 1; + } + + return b; +} +" +c0ad6305aedbb60cfb8dee5fc8727b6e62afb6f8,"public int makeChocolate(int small, int big, int goal) +{ + int b = goal % 5; + if (b == 0) + { + return - 1; + } + + return b; +} +" +511e811782f05d791cd96511f453f7909966f8e7,"public int makeChocolate(int small, int big, int goal) +{ + int usedSmall = goal % 5; + if (usedSmall > small) + { + return -1; + } +} +" +9ff95c649e346c9a518844bbeb3c49ce626577a2,"public int makeChocolate(int small, int big, int goal) +{ + int usedSmall = goal % 5; + if (usedSmall > small) + { + return -1; + } + else + { + return usedSmall; + } +} +" +9e5ee0f75bee174eb3481ce982c5b7fa960e2c9d,"public int makeChocolate(int small, int big, int goal) +{ + int b = goal % 5; + if (goal < small + 5 * big) + { + return -1; + } + else if (b == 0) + { + return 0; + } + else + + return b; +} +" +7b77abd8f7797842a0a198679a36f86fdccb6b7f,"public int makeChocolate(int small, int big, int goal) +{ + int b = goal % 5; + if (goal < small + 5 * big || goal > small + 5 * big) + { + return -1; + } + + if (b == 0) + { + return 0; + } + else + { + return b; + } +} +" +76a86aa1b6b6011a4b7c33cacdd787d442b0d285,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal) { + return goal; + } + int s = small; + int b = big; + for (; b >= 0; b--) { + for (; s >= 0; s--) { + if (b*5+s == goal) { + return s; + } + } + } + return -1; +} +" +bf53079aa5113ead5c69f8b035401b539d2cbeef,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big && small >= goal - 5 * big) + { + return goal - 5 * big; + } + else if (goal < 5 * big && small >= goal % 5) + { + return goal % 5; + } + + return -1; +} +" +03885e7f305056fa1682c3f23251553d6c7417e7,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 <= goal) + return goal - big * 5; + if (big * 5 + small < goal || small < goal % 5) + return -1; + return goal % 5; +} +" +20438676449b9fb62f848862a9f8cc6cfee2ffd3,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal || small < goal % 5) + return -1; + if (big * 5 <= goal) + return goal - big * 5; + + return goal % 5; +} +" +4921dabd10dd9857913a6897c689c1e7c8b61c25,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal) { + return goal; + } + for (int b = 1; b <= big; b++) { + for (int s = 0; s <= small 0; s++) { + if (b*5+s == goal) { + return s; + } + } + } + return -1; +} +" +61b7ad27946d8076915b20ca96c7df44c85ac83a,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal) { + return goal; + } + for (int b = 1; b <= big; b++) { + for (int s = 0; s <= small; s++) { + if (b*5+s == goal) { + return s; + } + } + } + return -1; +} +" +bff4720e15c91eb55ad60887ba902835914062f7,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal) { + return goal; + } + int res = small; + boolean flag = false; + for (int b = 1; b <= big; b++) { + for (int s = 0; s <= small; s++) { + if (b*5+s == goal && s < res) { + res = s; + flag = true; + } + } + } + return ((flag) ? res: -1); +} +" +3f8e60081b7aaab2d9d3495416f38df179eece94,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal) { + return goal; + } + int res = small; + boolean flag = false; + for (int b = 1; b <= big; b++) { + for (int s = 0; s <= small; s++) { + if (b*5+s == goal && s <= res) { + res = s; + flag = true; + } + } + } + return ((flag) ? res: -1); +} +" +d7ada78a9483d5581f33b3d9ddb99179e499ed20,"public int makeChocolate(int small, int big, int goal) +{ + int usedSmall = goal % 5; + if (small + (big * 5) < goal) + { + return -1; + } + else if ((usedSmall <= small) && ((goal - (big * 5)) > 4)) + { + int i = usedSmall + 5; + return i; + } + else if (usedSmall <= small) + { + return usedSmall; + } + else + { + return -1: + } +} +" +045917ee348716d89862009d8e75c447b8413ba7,"public int makeChocolate(int small, int big, int goal) +{ + int usedSmall = goal % 5; + if (small + (big * 5) < goal) + { + return -1; + } + else if ((usedSmall <= small) && ((goal - (big * 5)) > 4)) + { + int i = usedSmall + 5; + return i; + } + else if (usedSmall <= small) + { + return usedSmall; + } + else + { + return -1; + } +} +" +6f00c8e0bf3fd79567608d33a0c5bd677b37a369,"public int makeChocolate(int small, int big, int goal) +{ + int snum = 0; + for (int i = big; i > 0; i--) + { + if(goal >=5){ + + goal -= 5; + } + } + for (int i = small; i > 0; i--) + { + if(goal> 0){ + goal -= small; + snum ++; + } + } + if ( goal > 0 ) { + return -1; + }else{ + return snum; + } +} +" +46ae16ac0f4e678d0db36122a658425c35473eab,"public int makeChocolate(int small, int big, int goal) +{ + int snum = 0; + for (int i = big; i > 0; i--) + { + if(goal >=5){ + + goal -= 5; + } + } + for (int i = small; i > 0; i--) + { + if(goal> 0){ + goal -= 1; + snum ++; + } + } + if ( goal > 0 ) { + return -1; + }else{ + return snum; + } +} +" +3ff9eb09d49ff2df3b59480b319f59075740496f,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) < goal) + { + return small; + } + else + { + return -1; + } + } +} +" +784a1efe8789dd5d7b4147443e9e14f03044bfa2,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +6e2888d94585f8c41e9b8439f182e475b80940c9,"public int makeChocolate(int small, int big, int goal) +{ + int usedSmall = goal % 5; + if (small + (big * 5) < goal) + { + return -1; + } + else if ((usedSmall <= small) && ((goal - (big * 5)) > 4)) + { + int i = goal - (big * 5); + return i; + } + else if (usedSmall <= small) + { + return usedSmall; + } + else + { + return -1; + } +} +" +3b41081b0f5de3c372daed6c7684c8638885796c,"public int makeChocolate(int small, int big, int goal) +{ + if (big < goal) + { + if ((big + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +d8ae255d21f39501c5afe2a3ad98e97983399710,"public int makeChocolate(int small, int big, int goal) +{ + if (big < goal) + { + if ((big + small) < goal) + { + return small; + } + } + else + { + return -1; + } +} +" +9d9369bb8dfd02ca9a9d657bb7013287d069b7cb,"public int makeChocolate(int small, int big, int goal) +{ + if (big < goal) + { + if ((big + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +f3f0ec44fafa5bde3e2eafb4901ee4de029d4d1b,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if ((big * 5) + small) != goal) + { + return -1; + } + else if ((big + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +97cab25cb8ee4b3e57823ddb92edad7dfdffbd63,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if ((big * 5) + small) != goal) + { + return -1; + } + else if ((big + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +7b9a348c9541ad30ad19a6b6465c91fb8cbe13fc,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if ((big + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +877b6b67710062aafc79f630d457c55eec3490d7,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if ((big * 5) + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +8814e0f6893e4a0cd0d8c96f19c2cbeea058e0e4,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + small) < goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +951c3ea3e8a8b7c34c81ee970f73b4b3a95e1605,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + small) == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +4942d9c9a0e647547d097fbd8a7d6a9d2931fd2a,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + small) == goal) + { + return small; + } + else if (((big * 5) + (small - 1)) == goal) + { + return small; + } + else if (((big * 5) + (small - 2)) == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +8b98d6168c40e501f40a61f50d60dc271c564752,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - 2)) == goal) + { + return small; + } + else if (((big * 5) + (small - 1)) == goal) + { + return small; + } + else if (((big * 5) + small) == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +49b550170f8776cf58bb3f90e41472697d434654,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + int n = 0; + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + n = n + 1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + n = n + 1; + } + else if (((big * 5) + small - n) == goal) + { + return small; + n = n + 1; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +7d67b9f2bdbc430d07509176251bb455ed31e356,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + int n = 0; + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + n = n + 1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + n = n + 1; + } + else if (((big * 5) + small - n) == goal) + { + return small; + n = n + 1; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +e82a96709f0db2b8682e1629f4ed1005583b0b86,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + int n = 0; + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + n = n + 1; + return small; + } + else if (((big * 5) + (small - n)) == goal) + { + n = n + 1; + return small; + } + else if (((big * 5) + small - n) == goal) + { + n = n + 1; + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +14d50e316ae08ae68d691828b0ade697ac9fff8f,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + int n = 0; + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + n = n + 1; + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + n = n + 1; + else if (((big * 5) + small - n) == goal) + { + return small; + } + n = n + 1; + else + { + return -1; + } + } + else + { + return -1; + } +} +" +4d35d87a03e2878f07cde6dd41a8b9c4b7360b4a,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + for (int n = 0; n < small; i++) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + else if (((big * 5) + small - n) == goal) + { + return small; + } + else + { + return -1; + } + } + } + else + { + return -1; + } +} +" +55bf41612aabcac550ecd455a00c4ec9e496078f,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + for (int n = 0; n < small; n++) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + else if (((big * 5) + small - n) == goal) + { + return small; + } + else + { + return -1; + } + } + } + else + { + return -1; + } +} +" +079b17417b5470f0227f9e943154c33366060221,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + else if (((big * 5) + (small - n)) == goal) + { + return small; + } + else if (((big * 5) + small - n) == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +9ccea46b9d2cd2f5eb4b1429e3b5d7500df08bd1,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (small)) == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +a0f3124386a863210cbdd655373cb183f55ea32c,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + small) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +ce47f33fbccea06022e8f068dd678908c87b7857,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +372deb409371b061a5d7440a1695b1f895624745,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (goal - (big * 5))) =< small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +1fd2facf1af36f8cd498d3dc4b7c9a1396e8a893,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((big * 5) + (goal - (big * 5))) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +7509f357bdd4f8fa7e1e7a824e3eb6e9ddbf363f,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if (((goal - (big * 5))) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +c9eba8a2e87597a3e173989185408510ccd589f7,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + small) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +5d8c32e36278b40d67f69c7b73647bb2d9f82dd5,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5)) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +a23738ab2f2c1f39c5659df4768f62ff6e358dc2,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +8e2df6220fe99f46ac27ec6b62165b8d77a2591f,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) { + goal -=maxBig*5; + } + else + goal -= big*5; + if (goal <= small) { + return goal; + } + return -1; +} +" +24b35c804fbb6845d739982706879a6dd1eeebf8,"public int makeChocolate(int small, int big, int goal) +{ + int a = (goal-5*big); + if (a<=small && a>=0) return a; + if (a<0 && goal%5<=small) return goal%5; + return -1; + + +} +" +7ae59340a3f2e40e5fbc545999a2626f14a1aca9,"public int makeChocolate(int small, int big, int goal) +{ + if (((big/big) * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +aad1bb4bb5427147f5920f44c9ba3d9b548fc911,"public int makeChocolate(int small, int big, int goal) +{ + if (((big) * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +73fc9b33ca7ba32177833e71382924a59ba9a91e,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big != goal) + { + return -1; + } + else + { + return small; + } +} +" +e7aaae432eb48873f7c1ca0e08c3fb9a28f110b6,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big <= goal) + { + return -1; + } + else + { + return small; + } +} +" +29b12d2c06c520b73b2bcafe82c1cd02332d4627,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return small; + } +} +" +e41ac3222a58d2ebf4f6c2bc744d4f9e3765a4d6,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return goal - big; + } +} +" +662aaccc44bdc9f2a1993f8cf19eef8d37806f89,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return small; + } +} +" +6c0b88cb5d874b60b1503f3b2e17b3cd2c06ad49,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= 1) + { + if (((big/big) * 5) < goal) + { + if ((((big/big) * 5) + (goal - ((big/big) * 5))) != goal) + { + return -1; + } + else if ((goal - ((big/big) * 5)) <= small) + { + return goal - ((big/big) * 5); + } + else + { + return -1; + } + } + } + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +b3019421edeb5384595afb37643c9d2c1710ad9a,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +7a8f2a634753fc746ef3dcae950fff539aebbf0b,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +fa00ea00380caf2784c8b211764706a3ba96a71b,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big/goal; + if ((big * 5) < goal) + { + if (((Big * 5) + (goal - (Big * 5))) != goal) + { + return -1; + } + else if ((goal - (Big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +b22d4a4a5611891d702d3046c294677f9db67d81,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big/goal; + if ((big * 5) < goal) + { + if (((Big * 5) + (goal - (Big * 5))) != goal) + { + return -1; + } + else if ((goal - (Big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +1f7a24f4cea36ebc6722678d0f177cf306b1a8af,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big/goal; + if ((big * 5) < goal) + { + if (((Big * 5) + (goal - (Big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +0ff859a37e8822e24d42dee2c90050216be5b3f0,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big/goal; + if ((big * 5) < goal) + { + if (((Big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +e78b5548313c6a94287d3f5a9ae2e519806ffb36,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big/goal; + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +1fbff482eb034cdd8683b924d832296756ee3796,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/big; + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +da08214ffed7b3359161a4eea5502d070cb5541d,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else if (small + 5*big > goal) + { + return goal - 5*big + small; + } + else + { + return goal - 5*big; + } +} +" +7d5f94eff0dd2e14454f30a49660342fdc404d24,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +314947fb1494a521f6898feb07a279dbc3a52a4e,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (Big * 5)) <= small) + { + return goal - (Big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +64d31fa143c01c17bc0eb4aab569e17ca40332e9,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +077d9610655bd47670b3e3cc65363a5cf7635388,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal || small + 5*big > goal) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +b010daabe9cd1321e60448061571e095d7bf00a8,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +601c787d5d32a28ac8b9897a06a1e6d1c7089547,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (Big)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +0a9a6718a22ecc2889f6d9bbc91c7586956e8e4a,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) != goal) + { + return -1; + } + else if ((goal - (big)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +5b21369102a37d6d11b2a683a734eaf5509729a8,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return (goal - (big * 5)); + } + else if ((goal - (big)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +8e512c61c50349fed7d32917007b32d417a2cc2a,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else if ((goal - (big * 5)) <= small) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +a919625a5b70a9424006b13f656ef12b634a9907,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +f352efbf38b6421b1a079788cdb7a7748f515dd5,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal || goal - 5*big < small) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +5452166227b8602bee593b43c28a0003e968aa3d,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +2db49e564996f235354e1beafaa5dd2506725be5,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (goal - (big * 5) ) <= small + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + } + else + { + return -1; + } +} +" +e131ea4b3111e63c0cf374ddfd02137c6f46732a,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (goal - (big * 5) <= small) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + } + else + { + return -1; + } +} +" +2f6708c6314b2d0779489cb9c9ccf08a540ae529,"public int makeChocolate(int small, int big, int goal) +{ + int Big = goal/(big * 5); + if ((big * 5) < goal) + { + if (goal - (big * 5) <= small) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } + else + { + return -1; + } +} +" +dfe73ebd8c5366bf13bc2a1fb7b5b4d853244282,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + else + { + return -1; + } +} +" +b5b0d7e4215e18627ef311ab3f9c6577e077fa43,"public int makeChocolate(int small, int big, int goal) +{ + if ((big * 5) < goal) + { + if (((big * 5) + (goal - (big * 5))) == goal) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +3ef0e27b6792d6ed01b60f7cc782cefdbe0154c7,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + else + { + return goal%5; + } +} +" +71708b6d2fc4ad686797a489c0ef3bf24eb8c4b8,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (Big > goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } + else + { + return -1; + } +} +" +d117b3cc609a0a7ba8b364606e845879a1a70f98,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (Big > goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +1c86c581f27479aeec6ad96d3964160e2ba32acc,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + if (goal > small) + { + return -1; + } + else + { + return small; + } +} +" +394c755bbdadaa3cd8f9e60c0bc2d0344c8e570c,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (Big > goal) + { + return -1; + } + else if ((Big + small) <= goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +54cd6aa8258cfba760710842b1819fb570e83e27,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + if (goal > small) + { + return -1; + } + else + { + return goal - small; + } +} +" +7a100e07aed50a51479f2119ee9363a8c952fba5,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + if (goal > small) + { + return -1; + } + else + { + return small; + } +} +" +caf2771d5cee9df5181a9e241e6f96c9e68e7b86,"public int makeChocolate(int small, int big, int goal) +{ + while (goal > 5 && big > 0) + { + goal = goal - 5; + big = big -1; + } + if (goal > small) + { + return -1; + } + else + { + return goal; + } +} +" +7e3e2ed60297b6e233c345b32774756cb1438876,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +4ea5fbe91d5f79f1e99941ab26591c3bafe66ee4,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ebad0d64a597369884668e5ccb18c750d8b8ace9,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5*big < goal || goal % 5 > small) + { + return -1; + } + else + { + return small; + } +} +" +3fea8659287099f5364bd63a216fe6ab7c3515b5,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5*big < goal || goal % 5 > small) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +90e5028873bb0988b86e15811d5a6ab52255c37e,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (5 > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ce70fdbcbc3256972712a48f5ae25f674e3b4174,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5*big < goal || goal % 5 > small) + { + return -1; + } + else + { + return goal % big; + } +} +" +195ae0ab19d7e192197961b549c04baa4ad38821,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +7dc1edc2796f38f42e6e1c91db845d5687910c32,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5*big < goal || goal % 5 > small) + { + return -1; + } + else + { + return goal % 5; + } +} +" +21b390b2bf9ebcb766baf3a603e9929509c48874,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal || goal%5 > small) + { + return -1; + } + else if (goal - (5 * big) > 4) + { + return goal - (5 * big); + } + else + { + return goal%5; + } + +} +" +b533f838f9f2e32a7a4c51aa38386870631cc097,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (((big/big) * 5) > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +3731eda37bf94822d1b927fb51258c1fcfa8fb1b,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5*big < goal || goal % 5 > small) + { + return -1; + } + else if (goal - 5*big > 4) + { + return goal - 5*big + } + else + { + return goal % 5; + } +} +" +c12507ddbc3f7449256ddd15c129d16e2922fb5b,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5*big < goal || goal % 5 > small) + { + return -1; + } + else if (goal - 5*big > 4) + { + return goal - 5*big; + } + else + { + return goal % 5; + } +} +" +b02c3cf22c74c896c87ff773d3d8068f77c9a6a1,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +db594a878807022d6a732ae0ba8869244ce4d66c,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (Big == goal) + { + return 0; + } + if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +2e4db0c4c6214cf370ae63d2b57cd2cac1ee3c97,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if ((Big/big) == goal) + { + return 0; + } + if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +d1e2c22d6c39456544b139affba981e7922869d2,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if ((Big/big) == goal) + { + return 0; + } + if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) > goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +8dbac96e19af6b9e4f9c2a9efa8691f5f52179e5,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if ((Big/big) == goal) + { + return 0; + } + if (5 > goal) + { + return -1 + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +46ad83c17e6c406ab50f234628d368ac4405932c,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if ((Big/big) == goal) + { + return 0; + } + if (5 > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +e9aa3cc9d433f15aec72e0d5a7bfb0090e7f7dd0,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +2753be952fc79815ab2ba7c423eb470845c32132,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +8b66640ed6cec8584d2dde564164084ed716c3e9,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (big > 1) + { + big = Big/goal; + Big = big * 5 + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +e3f7ccdae3cc57d8a2e6ade64b6e793224a5e21f,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (big > 1) + { + big = Big/goal; + Big = big * 5; + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +2f7a5ad623e3b191a7875395b719610819ad9fee,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +4b56e566b9afbf90f81589645905341751780bbe,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +e20341f824372b6e5b38ab4f2539ca95727c7d7a,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > 5) + { + big = goal/Big; + Big = big * 5; + return goal - (Big); + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +35b9cfcf0177e781156fdc3e436a069db1d24639,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +83f4dafa510a2154f3a2db2aeef1e958c2930d6f,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ccc5ab99e38a2a63c67d2ea0f5d602ef6b70a97a,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + return -1; + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +c99c8f1f034d7e5be03c351bdaa74c636e9c1bf5,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if (goal - 5 < 5) + { + return goal - (big * 5); + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +3b8709b09b25738976ef3ab1438744520a7c56c2,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if (goal - 5 < 5) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +b19468a7a37107cae0d66af71ea567407a1513fd,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if (goal - 5 < 5) && (5 + small != goal) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +915ea0dca5a2a6a8e98c8cd9de75e5b486760397,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5) && (5 + small != goal)) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ff8f6e1619d0955cc67d02fbfd567e1cbc804124,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5) && (5 + small = goal)) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ec73c659d936c33ec9dfb5a9a19cb28d5f9ec081,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5) && (5 + small == goal)) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +0fc71d44ab4590a71c067574750651cf52ca3253,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +a085e9fbfd5e3bb1c6ad2f18d204ed67f7b9ba6a,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +6a6808dc9c6255a0834eb7f217d2ccd7992393aa,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + if (small < goal) + { + return(-1); + } + + if (small == goal) + { + return(small); + } + else + { + return(goal); + } + } + + +} +" +a175d72b242b89d2dc32a7003e7c308705c8bbe8,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if ((goal -5) + small != goal) + { + return -1; + } + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ebffa53268417fcf15430f59ccc777e4c0df9df2,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if ((goal - 5) + 1 != goal) + { + return -1; + } + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +e761c6952e5ed68364b0856eb519bd0661d96be4,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if ((goal - 5) != goal) + { + return -1; + } + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ada47443d34e94831a2ab703d381174c162fdb87,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (small == goal) + { + return(small); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + else (small < goal) + { + return(-1); + { + + +} +" +76ad1ac0f24b2f301d395462bb9068cb89ec4eae,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + return goal - 5; + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +4bce0898adcda472182d9e985ba739acd081ff35,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else (small < goal) + { + return(-1); + } +} +" +593925b1a1275167b933d67ea6b21590e73816b4,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else (small < goal) + { + return(-1); + } +} +" +0753b8b5e4e7a20aca6174513ac6f1cbf3a16cef,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else + { + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else (small < goal) + { + return(-1); + } +} +" +8640919b08c5c3daabd904032ce39a1c2effd66f,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if ((small > (goal - 5)) + { + + return goal - 5; + } + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +3f338fb1a88a917141720a2bdab4dcce91caf01c,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if (small > (goal - 5)) + { + return goal - 5; + } + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +6d7cbe8216f74e5d149fa698245a17122e9f6f31,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else (small < goal) + { + return(-1); + } +} +" +0aa85d1b3c6bde7dae4d916047b170a27ae04d55,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if (small > (goal - 5)) + { + return goal - 5; + } + else + { + return -1; + } + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +ffa297b32f621067ede06f5e51e935decb389241,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if (small < (goal - 5)) + { + return goal - 5; + } + else + { + return -1; + } + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +fc28bbe5da704a73c0830d906ea30537c1d94c68,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if (small > (goal - 5)) + { + return goal - 5; + } + else + { + return -1; + } + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +187e21ff331fa562b56338ef4f81f953876af84c,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big * 5; + if (goal < 5) + { + return small; + } + if ((Big/big) == goal) + { + return 0; + } + if (Big > goal) + { + if ((goal - 5 < 5)) + { + if (small >= (goal - 5)) + { + return goal - 5; + } + else + { + return -1; + } + } + else + { + return -1; + } + } + else if ((Big + small) < goal) + { + return -1; + } + else if ((Big + small) == goal) + { + return small; + } + else + { + return goal - (Big); + } +} +" +9d609f9482780d3deff0f0747315fb0b50af463d,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else (small < goal) + { + return(-1); + } +} +" +102111434a86103912505c246dc818801a1024dc,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else if (small < goal) + { + return(-1); + } +} +" +492350403036859d0cb64ac6c78b00565c7a88ae,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + if (small < goal) + { + return(-1); + } + +} +" +d5f98bc1567b2d2457b869a90bbb15deecab0cdc,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else + { + return(-1); + } + +} +" +6661e86a42dc8012e67882794f9e15199eadab77,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + return(goal); + } + } + else + { + return(-1); + } +} +" +f9eb9e2bd16742786b8f720d59f223ddf909dab3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + else + { + return(-1); + } +} +" +e8eb24bbe33581f6f0ff060be3fdad10de27d68b,"public int makeChocolate(int small, int big, int goal) +{ + + if (small == 6 && big == 2) + return 2; + else if (small == 5 && big == 4) + return 4; + else if (small == 1 && big == 2) + return 1; + else if (goal > 5) + { + if ((big * 5) + small >= goal) + { + if (goal % 5 > small) + { + return -1; + } + else + { + return (goal - (big * 5)); + } + } + else + { + return -1; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +da16316ca42536ad1894743e64adc8b9a25047aa,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + if (goal == big * 5 || goal == 5) + { + return(0); + } + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + else if (small < goal) + { + return(-1); + } +} +" +9a4728980aa926389ab960153c83826f021ca85c,"public int makeChocolate(int small, int big, int goal) +{ + + + if (goal > 5) + { + if ((big * 5) + small >= goal) + { + if (goal % 5 > small) + { + return -1; + } + else + { + return (goal - (big * 5)); + } + } + else + { + return -1; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +f3a132960df0ee604a6f657459f0281e83fcddb5,"public int makeChocolate(int small, int big, int goal) +{ + if (small == 6 && big == 2 && goal == 7) + return 2; + else if (small == 5 && big == 4 && goal == 9) + return 4; + else if (small == 1 && big == 2 && goal == 6) + return 1; + + if (goal > 5) + { + if ((big * 5) + small >= goal) + { + if (goal % 5 > small) + { + return -1; + } + else + { + return (goal - (big * 5)); + } + } + else + { + return -1; + } + } + else if (goal % 5 == 0) + { + if (big * 5 >= (goal - 4)) + { + return 0; + } + else if ((big * 5) + small >= goal) + { + return (goal - (big * 5)); + } + else + { + return -1; + } + } + else if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +449eabc40632a41d5350e9ace6261128378d0200,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + if (goal == big * 5 || goal == 5) + { + return(0); + } + else + { + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + if (small < goal) + { + return(-1); + } +} +" +3d7ebe2977bed0c5bb14efe3d64522b5c7cace24,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + if (goal == big * 5 || goal == 5) + { + return(0); + } + else + { + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + if (small < goal) + { + return(-1); + } + } +}" +36d44dcd580fdb166da988d08c1c12b776540da4,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + if (goal == big * 5 || goal == 5) + { + return(0); + } + else + { + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + if (small < goal) + { + return(-1); + } + } +} +" +b5846bd01be12462ffae2abe0c07e6afd0f4699c,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + if (goal == big * 5 || goal == 5) + { + return(0); + } + else if + { + if (goal > 5 && big >= 1 && goal != small && small != 1) + { + while (goal > 5 && big >= 1 && goal != small) + { + goal = goal - 5; + } + return(goal); + } + if (small < goal) + { + return(-1); + } + } + else + { + return(goal); + } +} +" +bacb5b519b55fa56e7964d187cf0582caddc46da,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if +} +" +2dd9c9043f050262500a04648b2772d22d39c8e0,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big > 1) + { + for(int i = 1; goal > 5; i++) + { + goal = goal - 5; + } + return(goal); + } +} +" +00d51942d15685f2acfa5214d7e8217a174df3fa,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big > 1) + { + for(goal > 5) + { + goal = goal - 5; + } + if (goal <= small) + { + return(goal); + } + else + { + return(-1); + } + } + else + { + return(goal); + } +} +" +cc9be4bd389457d3a6ed835b613014fb8c823701,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == big * 5 || goal == 5) + { + return(0); + } + else if (small == goal) + { + return(small); + } + else if (goal > 5 && big > 1) + { + for (goal > 5) + { + goal = goal - 5; + } + if (goal <= small) + { + return(goal); + } + else + { + return(-1); + } + } + else + { + return(goal); + } +} +" +085179b1efadf9b9940b3763680432f33bfd6d66,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (big * 5 > goal) + { + return(goal / 5) + } + else + { + return(goal - big * 5); + } +} +" +78b73996818df27868e367ea01f324ab3c5b18c9,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +1f32b719b4f619754d104eafa4f12af7ea003256,"public int makeChocolate(int small, int big, int goal) +{ + while ( goal - (5 * big) < 0) + big = big--; + if ( small + 5 * big > goal) + return 5 * big - small; + if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +a45911138058eb8305c65d4d8bab2335c55b106e,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal - (5 * big) < 0) + big = big--; + if ( small + 5 * big > goal) + return 5 * big - small; + if ( small + 5 * big == goal) + return small; + else + return -1; +} +" +f69743c8fdfc5d1e0de3af8323f4772c44eeb475,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else if (big * 5 > goal && small > big) + { + return(goal - goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +440896c17d8dc3898eac8a275b395e729abeee00,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big == goal) + return small; + if ( small + 5 * big > goal) + if (goal - 5 * big < 0) + big = big --; + return 5 * big - small; + else + return -1; +} +" +6aa992c76a2feec50527cd47faec3d59abcfd7a1,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big == goal) + return small; + if ( small + 5 * big > goal) + if (goal - 5 * big < 0) + big = big --; + return 5 * big - small; + return -1; +} +" +eca263e9197769b3ed7627579023015d85d50f48,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (big * 5 > goal && small > big) + { + return(goal - goal / 5); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +1ae6410b73c5027957a3774b5a72a19b2c225e47,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (big * 5 > goal && small > big) + { + return(goal - 5); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +2e1a61276cf2822c2cf685b23cff0a761a11c390,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == 5 || goal == big * 5) + { + return(0); + } + else if (big * 5 > goal && small > big) + { + return(goal - 5); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +163ccef88eeb9bae7cbccd45b6b1b7ebd40b0191,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + { + return(-1); + } + else if (goal == 5 || goal == big * 5) + { + return(0); + } + else if (goal == small) + { + return(small); + } + else if (big * 5 > goal && small > big) + { + return(goal - 5); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +4e1cf71545822febba0f92f440dab4c3a685e7c4,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal || (goal - 5 > small && small == 1)) + { + return(-1); + } + else if (goal == 5 || goal == big * 5) + { + return(0); + } + else if (goal == small) + { + return(small); + } + else if (big * 5 > goal && small > big) + { + return(goal - 5); + } + else if (big * 5 > goal) + { + return(goal / 5); + } + else + { + return(goal - big * 5); + } +} +" +e23eea404dfbb6be59ffaf29a3dd0e6300d95f6b,"public int makeChocolate(int small, int big, int goal) + +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +dfcc404eafda2ef9792bd799c3d004346ae4796e,"public int makeChocolate(int small, int big, int goal) +{ + +} +" +4efc0d852c7a831f0f5dca9fd16bda6009cb5690,"public int makeChocolate(int small, int big, int goal) +{ + return -1 +} +" +5dbc8891a337c346505c0c159f8f9a9b59374e16,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +4c80b0620854068fc8a613ba2680e626b2cbf238,"public int makeChocolate(int small, int big, int goal) +{ + int numLeft = goal % 5; //finds remainder until you meet the goal + if ((small + (big*5)) < goal || small < numLeft) + { + return -1; //can't be done + } + else if (big >= (goal/5)) + { + return goal - (goal/5)*5; + } + else + { + return goal - (big*5); + } +} +" +c65977f715af8dbaa0783e940a421974570a98f5,"public int makeChocolate(int small, int big, int goal) +{ + //int bigUsed = big/5; + int smallUsed big%5; + if (goal > small + 5 * big) + return -1; + return smallUsed; +} +" +c63e4d69b24634062a783569c45c29a17e31ac1c,"public int makeChocolate(int small, int big, int goal) +{ + //int bigUsed = big/5; + int smallUsed = big%5; + if (goal > small + 5 * big) + return -1; + return smallUsed; +} +" +04b4773b41a2b520a092df61c08c60252b0b04e0,"public int makeChocolate(int small, int big, int goal) +{ + //int bigUsed = big/5; + int smallUsed = goal%5; + if (goal > small + 5 * big) + return -1; + return smallUsed; +} +" +14a20c6ab155fd2bb8ade251efc5f0eae044b72f,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +82094168a837c9cefcc154778e777287db5330d2,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = big/5; + int smallUsed = goal%5; + if (goal ~= smallUsed + 5 * bigUsed) + return -1; + return smallUsed; +} +" +58cb82e2ce5c4b9b8a7e0fe6ed47a5e22bee9273,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = big/5; + int smallUsed = goal%5; + if (goal != (smallUsed + 5 * bigUsed)) + return -1; + return smallUsed; +} +" +c7c2cfe5f460d0cc17cf952e4ef65f55324ea0b2,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = big/5; + int smallUsed = goal%5; + if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; +} +" +43fc37a217f1fb8dbbdce0f2eb00af939ec50cf9,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = big/5; + int smallUsed = goal%5; + if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1; +} +" +b3306ef4de0a641584a0a83a0b264576e6876c9d,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = goal/5; + int smallUsed = goal%5; + if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1; +} +" +b9a2a2d550e4a04eb37d34da8996ea027ea6aff8,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int numSmall = 0; + int sum = 5 * big + small; + + if (sum < goal) + { + return -1; + } + else + { + sum = 0; + + while (sum < goal && big > 0) + // only using big bars + { + sum = sum + 5; + big--; + } + + while (sum < goal && small > 0) + { + sum++; + small--; + numSmall++; + } + + return numSmall; + + } +} +" +1a38f52c35adcb566469fa5666b11001b596ea92,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = goal/5; + int smallUsed = goal%5; + if (goal > 5*big + small) + return -1; + else + {if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1;} +} +" +f24b6a5cd564d04c2db008aef6fae28a16fa7e2d,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = goal/5; + int smallUsed = goal%5; + if (smallUsed > small) + return -1; + if (goal > 5*big + small) + return -1; + else + {if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1;} +} +" +9eb29df64411ed227eb517955fc471b9452a0af7,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover == big%goal; + + if (leftover != 0) + return leftover/small; + else + return -1; + + + + + + + +} +" +8d66f13db735c660593d506e06a06dc0467a12d8,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * bid) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +9634315a2e118a8285ebbb1cab3cc18c9176a7fa,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = big%goal ; + + if (leftover != 0) + return leftover/small; + else + return -1; + + + + + + + +} +" +4b9840c0c98c521e45453e31e9506673e42a72cc,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +285d3246e3112569be453a7aa9c2ea996cba6684,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int sum = 5 * big + small; + + if (sum < goal) + { + return -1; + } + else + { + sum = 0; + int difference = goal - sum; + while (sum < goal && big > 0 && + difference >= 5) + // only using big bars + { + sum = sum + 5; + big--; + } + + int numSmall = 0; + + while (sum < goal && small > 0) + { + sum++; + small--; + numSmall++; + } + + return numSmall; + + } +} +" +1c858691bdfa7d40242407d94820739541dde24d,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0 + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +bd2aef003e4520b1c63944dfdd4cb9df8275e32e,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +849b83202d16db34220e0f9624cf16e77d097d21,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = 5%goal; + + if (leftover != 0) + return leftover/small; + else + return -1; + + + + + + + +} +" +d7e4a92fe10b2b1a8b10ece42b5f73859a2f6082,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = 5%goal; + + if (leftover != 0) + return leftover; + else + return -1; + + + + + + + +} +" +fea2a6fdd01a873e44469a6014163984b9f11dff,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = goal/5; + int smallUsed = goal - bigUsed-5; + if ((bigUsed > big) || smallUsed>small) + return -1; + else if (goal == 5*bigUsed + smallUsed) + return smallUsed; + else + return -1; + /** + + if (smallUsed > small) + return -1; + if (goal > 5*big + small) + return -1; + else + {if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1;} + */ +} +" +a16217a2520519ca9b4abd90fcb7f01f943b4754,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = 9%5; + + if (leftover != 0) + return leftover; + else + return -1; + + + + + + + +} +" +b4e28114213914c555b11e91f706ab7cff1ffa2f,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = goal/5; + int smallUsed = goal - bigUsed-5; + System.out.println(bigUsed); + System.out.println(smallUsed); + if ((bigUsed > big) || smallUsed>small) + return -1; + else if (goal == 5*bigUsed + smallUsed) + return smallUsed; + else + return -1; + /** + + if (smallUsed > small) + return -1; + if (goal > 5*big + small) + return -1; + else + {if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1;} + */ +} +" +6b63a87dd55db9942f4278deaab2e2cc34fa47ad,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = goal%5; + + if (leftover != 0) + return leftover; + else + return -1; + + + + + + + +} +" +0c298997eb63417d2255d7332e32d0c541c3da12,"public int makeChocolate(int small, int big, int goal) +{ + int bigUsed = goal/5; + int smallUsed = goal - (bigUsed*5); + if ((bigUsed > big) || smallUsed>small) + return -1; + else if (goal == 5*bigUsed + smallUsed) + return smallUsed; + else + return -1; + /** + + if (smallUsed > small) + return -1; + if (goal > 5*big + small) + return -1; + else + {if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1;} + */ +} +" +fe148d33cdbb7f1cc3fd403d37ba32c4942d414a,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0))) + { + return -1; + } + else + { + return goal - (big * 5); + } +} +" +d710a14665c2fdea74265eeeaf8cd612c474c863,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0))) + { + return -1; + } + else + { + return goal - (big * 5); + } +} +" +065f8a1a859e4ea7802fcd9be084e82b145772c0,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = goal%5; + + if (leftover != 0 && small >= leftover) + return leftover; + else + return -1; + + + + + + + +} +" +d3c42733bdcec1d1d2e3bc68f5271e4944895a51,"public int makeChocolate(int small, int big, int goal) +{ + + int leftover = goal%5; + + if (goal%5 == 0 && big >= goal/5) + return 0; + else if (leftover != 0 && small >= leftover) + return leftover; + else + return -1; + + + + + + + +} +" +ffdf65ed27cb83697778f8f71d1c2ed3c310787a,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else + { + return goal - (big * 5); + } +} +" +4be89486175f00b22d4ce9b9bdf8c91d91937d45,"public int makeChocolate(int small, int big, int goal) +{ + + int bigUsed = goal/5; + + while (bigUsed > big) + { + bigUsed = bigUsed - 1; + } + int smallUsed = goal - (bigUsed*5); + if ((bigUsed > big) || smallUsed>small) + return -1; + else if (goal == 5*bigUsed + smallUsed) + return smallUsed; + else + return -1; + /** + + if (smallUsed > small) + return -1; + if (goal > 5*big + small) + return -1; + else + {if (goal == (smallUsed + 5 * bigUsed)) + return smallUsed; + else + return -1;} + */ +} +" +ae6a525b09e3655387f4a745652857b7a2db4391,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 =< big) + { + return num; + } +} +" +5d3f1082e14f41e2fc6402e9369660155aaf8369,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } +} +" +c229b55550f4a21087e079efb9f9f3da2c50ad72,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } +} +" +353250dbb0f7d8b1345775c3b7683b3a5c68b0d5,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int numBig = 0; + int numSmall = 0; + numBig = goal / 5; + numSmall = goal % 5; + int sum = 5 * numBig + numSmall; + + if (numSmall > small) + { + return -1; + } + else if (sum == goal) + { + return numSmall; + } + else + { + while (sum < goal && numSmall < small) + { + sum++; + numSmall++; + } + + if (goal == sum) + { + return numSmall; + } + else + { + return -1; + } + + } +} +" +9c0047a38f9f0ee2e8c1252e38546bea10fb9896,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int numBig = 0; + int numSmall = 0; + numBig = goal / 5; + numSmall = goal % 5; + int sum = 5 * numBig + numSmall; + + if (numSmall > small || numBig > big) + { + return -1; + } + else + { + while (sum < goal && numSmall < small) + { + sum++; + numSmall++; + } + + if (goal == sum) + { + return numSmall; + } + else + { + return -1; + } + + } +} +" +bef05856ab58d2bc1519f8eb4d897089a8aafd28,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int numBig = 0; + int numSmall = 0; + numBig = goal / 5; + numSmall = goal % 5; + int sum = 5 * numBig + numSmall; + + if (numSmall > small) + { + return -1; + } + else + { + while (sum < goal && numSmall < small) + { + sum++; + numSmall++; + } + + if (goal == sum) + { + return numSmall; + } + else + { + return -1; + } + + } +} +" +a86ef1fa34026f89d85d53e8605e36b21a0eeb63,"public int makeChocolate(int small, int big, int goal) +{ + bigCovers = big * 5; + smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if (small >= smallNeeded) + return smallNeeded; + else + return -1; + + + + + + + +} +" +ea0774b05cd36179f87af548275cd22ef8aafa5b,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if (small >= smallNeeded) + return smallNeeded; + else + return -1; + + + + + + + +} +" +3a36be48e4fe97f9d37a869ecf2ee84473b34452,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int numBig = 0; + int numSmall = 0; + numBig = goal / 5; + numSmall = goal % 5; + int sum = 5 * numBig + numSmall; + + if (numSmall > small) + { + return -1; + } + else + { + sum = 0; + int difference = goal - sum; + while (sum < goal && big > 0 && + difference >= 5) + // only using big bars + { + sum = sum + 5; + big--; + } + + while (sum < goal && numSmall < small) + { + sum++; + numSmall++; + } + + if (goal == sum) + { + return numSmall; + } + else + { + return -1; + } + + } +} +" +8ea6726d9143d5849f8c8acdb9958440b9e276b7,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int numBig = 0; + int numSmall = 0; + numBig = goal / 5; + numSmall = goal % 5; + int sum = 5 * numBig + numSmall; + + if (numSmall > small) + { + return -1; + } + else + { + sum = 0; + int difference = goal - sum; + while (sum < goal && big > 0 && + difference >= 5) + // only using big bars + { + sum = sum + 5; + big--; + } + + while (sum < goal && numSmall < small) + { + sum++; + numSmall++; + } + + if (goal == sum && numSmall <= small && + numBig <= big) + { + return numSmall; + } + else + { + return -1; + } + + } +} +" +a6825bfa7c6269d1c634b4716d1ca9c391c11c47,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int sum = 5 * big + small; + + if (sum < goal) + { + return -1; + } + else + { + sum = 0; + int difference = goal - sum; + while (sum < goal && big > 0 && + difference >= 5) + // only using big bars + { + sum = sum + 5; + big--; + } + + int numSmall = 0; + + while (sum < goal && small > 0) + { + sum++; + small--; + numSmall++; + } + + return numSmall; + + } + + } +} +" +8e87eab92a7f1a8dfebc69a52443d93748002df9,"public int makeChocolate(int small, int big, int goal) +{ + // small = 1 kilo each + // big = 5 kilos each + int sum = 5 * big + small; + + if (sum < goal) + { + return -1; + } + else + { + sum = 0; + int difference = goal - sum; + while (sum < goal && big > 0 && + difference >= 5) + // only using big bars + { + sum = sum + 5; + big--; + } + + int numSmall = 0; + + while (sum < goal && small > 0) + { + sum++; + small--; + numSmall++; + } + + return numSmall; + + } + + +} +" +236fb9f207621835f6b5da08b4d07441479f7983,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if (small >= goal%5) + return goal%5; + else if (small >= smallNeeded) + return smallNeeded; + else + return -1; + + + + + + + +} +" +aec00b3536544388e1e1259d765a778b5615359b,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if (small >= goal%5) + return goal%5; + else + return -1; + + + + + + + +} +" +9239d24207549fc0290276ba6cc20911948e29f2,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if (small >= goal%5) + return smallNeeded; + else + return -1; + + + + + + + +} +" +0b239435d758c0d0adb6994e4d5d5d5d32ae045c,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if ( bigCovers > goal) + return goal%5; + else if (small >= goal%5) + return smallNeeded; + else + return -1; + + + + + + + +} +" +090f07ddd9c2ffc74fbc0a4a467b7f69c114358a,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if ( bigCovers > goal && smal >= goal%5) + return goal%5; + else if (small >= goal%5) + return smallNeeded; + else + return -1; + + + + + + + +} +" +dba3170843b6b41753b7ac395707fda6c9b2e563,"public int makeChocolate(int small, int big, int goal) +{ + int bigCovers = big * 5; + int smallNeeded = goal - bigCovers; + + if (big * 5 + small < goal) + return -1; + else if (goal == bigCovers) + return 0; + else if ( bigCovers > goal && small >= goal%5) + return goal%5; + else if (small >= goal%5) + return smallNeeded; + else + return -1; + + + + + + + +} +" +01ca167c6dcf650aac6025465c7c50448e9e5e00,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } +} +" +93014b17d56ab00701087a8effa03113c7ac3186,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } +} +" +4c46c801bd2bd39a1e36924cefa2b9b4fa171284,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return goal % 5; + } +} +" +ebe430405ee976df14138e09771375dad76a8eed,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + /* else if (num2 <= big) + { + return num; + }*/ +} +" +f36f2ab0b50a10461bc35ce97b0f1134aaea18fd,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } +} +" +42ed38886247aafc79bd1e363882157a189bcc6e,"int smallSize = 1; +int bigSize = 5; +if (((big * bigSize) + (small * smallSize)) < goal){ +return -1; +} +int bigCount = goal / bigSize; +if (bigCount > big){ +bigCount = big; +} +int smallCount = goal - (bigCount * bigSize); +return (bigCount + smallCount); public int makeChocolate(int small, int big, int goal) +{ + int smallSize = 1; +int bigSize = 5; +if (((big * bigSize) + (small * smallSize)) < goal){ +return -1; +} +int bigCount = goal / bigSize; +if (bigCount > big){ +bigCount = big; +} +int smallCount = goal - (bigCount * bigSize); +return (bigCount + smallCount); +} +" +0113dca632e322ddd35671797117609c7596babe,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } +} +" +d92ef1df064f42c31c1ad8b7235c408ec17d4493,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (small < numSmall) // if there aren't enough small return -1 + { + return -1; + } + else if (big < numBig) // if there aren't enough big return -1 + { + return -1; + } + else + { + return numSmall; + } +} +" +1c38d40fc377b8c0253707160940c3919bc15f7e,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (small < num) // if there aren't enough small return -1 + { + return -1; + } + else if (big < num2) // if there aren't enough big return -1 + { + return -1; + } + else + { + return num; + } +} +" +1d03c2e8241f89d0d8a6c6d174231c1dab91fd82,"if (big >= goal / 5 && small >= goal % 5) { + return goal % 5; + } + if (big <= goal / 5 && small >= goal - big * 5) { + return goal - big * 5; + } + return -1;public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal / 5 && small >= goal % 5) { + return goal % 5; + } + if (big <= goal / 5 && small >= goal - big * 5) { + return goal - big * 5; + } + return -1; +} +" +33332825db053d5ab5cc86fa9120a8f10faa9a0f,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal / 5 && small >= goal % 5) { + return goal % 5; + } + if (big <= goal / 5 && small >= goal - big * 5) { + return goal - big * 5; + } + return -1; + } +" +38b13978f5407e24664c27eb8e9c642a88dbdc74,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } + else + { + return -2; + } +} +" +35318b0b75bb8a37dd72b47382c591e5c35b5fbf,"public int makeChocolate(int small, int big, int goal) +{ + if ((big >= goal / 5) && (small >= goal % 5)) { + return goal % 5; + } + if ((big <= goal / 5) && (small >= goal - big * 5)) { + return goal - big * 5; + } + return -1; +} +" +9fd9e9a3de0d93c5c6de225549719eca85b12827,"public int makeChocolate(int small, int big, int goal) +{ + if ((big >= goal / 5) && (small >= goal % 5)) { + return goal % 5; + } + if ((big <= goal / 5) && (small >= goal - big * 5)) { + return goal - big * 5; + } + else + { + return -1; + } +} +" +a2ad41d6c605fa266b3a84b5722210cfe15d3a23,"public int makeChocolate(int small, int big, int goal) +{ + if ((big >= goal / 5) && (small >= goal % 5)) + { + return goal % 5; + } + if ((big <= goal / 5) && (small >= goal - big * 5)) + { + return goal - big * 5; + } + else + { + return -1; + } +} +" +1f02b9ba5fb05ad4db0d7946ec0782350d00056f,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + if (r == 0) + { + return -1; + } + else if (r != 0) + { + return r; + } + +} +" +3eda7b887f0532de31ae724ef75b10221ea9a7bf,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + if (r == 0) + { + return -1; + } + else + { + return r; + } + +} +" +419aa051b6cb451c49f90ec8b4007ec1a1e93a3c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1 +} +" +70569d602302babbb8d617632e915fe31cb4f519,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +da4c2dbec2b0284ae2d6625d87fd6c22cd84844f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + int remainder = goal - 5 * big; + else + int remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +8014d72efb93ebc0991ec3d5765df704aa5766ad,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + return -1; +} +" +2564a2179099d4d4c6bb5b799ee70370baa703a3,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + if (r == 0) // potentially possible with only big bars + { + return -1; + } + else + { + return r; + } +} +" +96821949c24d2c8df7289ac3402dc2f0d7814146,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big) + { + remain = goal - (5 * big); + } + else + { + remain = goal % 5; + } + if (remain <= small) + { + return remain + } + return -1 +}" +210d9bdca96c3d4feac0befbcb69d0e63221944b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big) + { + remain = goal - (5 * big); + } + else + { + remain = goal % 5; + } + if (remain <= small) + { + return remain; + } + return -1; +}" +d31fc94b20f64300c8c472b67d2af1a160f23bfe,"public int makeChocolate(int small, int big, int goal) +{ + int remain = 0; + if (goal >= 5*big) + { + remain = goal - (5 * big); + } + else + { + remain = goal % 5; + } + if (remain <= small) + { + return remain; + } + return -1; +}" +431031fd8beb6efb7996b786ae943e19f80e7aaf,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return - 1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } + +} +" +81d1d8ba77f8dc19f11b03b472c878d2b67f7185,"public int makeChocolate(int small, int big, int goal) +{ + int choc = goal % 5; + + if((small * 1) + (big * 5) > goal) + { + return -1; + } + + else if(choc <= small && goal - (big*5) > 4) + { + choc + 5; + } + + else if(choc <= small) + { + return choc; + } + + else + { + return -1; + } +} +" +a8493bd1e924c579a41b397ac85cb5451f6a370f,"public int makeChocolate(int small, int big, int goal) +{ + int choc = goal % 5; + + if((small * 1) + (big * 5) > goal) + { + return -1; + } + + else if(choc <= small && goal - (big*5) > 4) + { + return choc + 5; + } + + else if(choc <= small) + { + return choc; + } + + else + { + return -1; + } +} +" +6921ddc646d81a3ebc198ec0db4d85000ed9a1de,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } + +} +" +b0a3762161221d7312cd0e4ae3fd989b3850bbb1,"public int makeChocolate(int small, int big, int goal) +{ + int num = small + 5*big; + if (goal > num) + { + return -1; + } + else + { + num = goal % (5*big); + return num; + } +} +" +4fd518f1c6d044317421bcb492cd24a3f30e2802,"public int makeChocolate(int small, int big, int goal) +{ + int num; + + if (goal >= 5*big) + num = goal - 5*big; + else + num = goal % 5 + + if (num < small) + return num; + else + return -1; + +} +" +14d5d9da93612b643b54712dcb1fd6f678b9a05e,"public int makeChocolate(int small, int big, int goal) +{ + int num; + + if (goal >= 5*big) + num = goal - 5*big; + else + num = goal % 5; + + if (num < small) + return num; + else + return -1; + +} +" +61582c2c313c014a3d2291d924fcb1225d7383b9,"public int makeChocolate(int small, int big, int goal) +{ + int num; + + if (goal >= big) + num = goal - big; + else + num = goal % 5; + + if (num < small) + return num; + else + return -1; + +} +" +161c184d101faf71cf7abc587d772294ef129e0f,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % big; + return numSmall; +} +" +0e37b1239f07c3905dac62469e2dcdc6e5ad73a8,"public int makeChocolate(int small, int big, int goal) +{ + int num; + + if (goal >= 5*big) + num = goal - 5*big; + else + num = goal % 5; + + if (num < small) + return num; + else + return -1; + +} +" +69b9a2133836048f0cf177f1097ed990c9d60170,"public int makeChocolate(int small, int big, int goal) +{ + int num; + + if (goal >= 5*big) + num = goal - 5*big; + else + num = goal % 5; + + if (num <= small) + return num; + else + return -1; + +} +" +73d62ff5ee8288f7b216dfb58103fe7ddd277af9,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big + small < goal) { + numSmall = -1; + } + int numSmall = goal % (5*big); + return numSmall; +} +" +a926d65893eae05e22877698b6ae6af65745a2a0,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if (5*big + small < goal) { + numSmall = -1; + } + numSmall = goal % (5*big); + return numSmall; +} +" +30d0ab50349776abcc60f3c6f28f85e04f9991cf,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if (5*big + small < goal) { + numSmall = -1; + } + else { + numSmall = goal % (5*big); + } + return numSmall; +} +" +02a05b8b166b22dac5c22f9315c3024972de222d,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +8dda5c29e4c5f8731d8f3c03d7ff3133ad589bae,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + return small; + else + return -1; +} +" +0cbc705856c5873042fb2992233c9544d65886f2,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else + return -1; +} +" +d37c2663bf5b64c4f77662e93d4025d9e8831fa7,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else + return -1; +} +" +dce2802c270a9b0150a317cc2bd1c2f65ab38b88,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else + return -1; +} +" +08f01639a3b7a39df14dcbad7d77b76271dfe820,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + else + return -1; + return goal; +} +" +2f0cfd9bcab0b6f60e98a6514253789d3542600c,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else + return -1; + +} +" +2225a8780f92065ad0a34fd3344d03637d86e2d1,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else + return -1; + +} +" +156e68b2f2cfffb2cab153d17bccffa7241b420b,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if (5*big + small < goal) { + numSmall = -1; + } + else if (5*big < goal{ + numSmall = goal % (5*big); + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +e48f23a6975d105fe6e9e6b57f3bebca59939a6d,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else + +} +" +e75e8c398102e0dd03d55f79890bcc42ab5f6c05,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if (5*big + small < goal) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +4fe408f484ef742a82c37cf5d5cf980f7ceee57d,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + if (big + small >= goal) + goal = goal - big; + return goal; + else if (big + small < goal) + return - 1; + +} +" +3d25576379611c69b2775d19b2dc94c5862f7dc7,"public int makeChocolate(int small, int big, int goal) +{ + big = big * 5; + combined = big + small + if (combined >= goal) + goal = goal - big; + return goal; + else + return - 1; + +} +" +5bd5b500a768f1b33aa2203ac68d8c20a99e2119,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + return goal; + return -1; +} +" +f4a690000aa81aa29f679e3a3734a315d61cc607,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return small; + return -1; +} +" +0a25b46879c3ad2f7e5d0b6c247985bcb7d2cafe,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +92ff13a7ae20c07aae5842bde38460bfe38657e2,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +1eac29a87783e09bbe941bb68b5f380ffd36eac4,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if (goal <= small) + return goal; + return -1; +} +" +16b2623408c339684b7aed988548e234ce91af61,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + for (i == 1; i < goal; i == i*5) + { + return small; + } +} +" +c44531bd1e9a7e6dd40c04aaf941e014ef20fe52,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + for (i = 1; i < goal; i = i*5) + { + return small; + } +} +" +52b817106820498bf47fe0c0b1991f8e2bb62c43,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + for (int i == 1; i < goal; i == i*5) + { + return small; + } +} +" +80da95e2a483a0457dcfcc7150fe0e0171b169d3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + for (int i = 1; i < goal; i = i*5) + { + return small; + } +} +" +10836ffa1a528c709fbd62be3c152747bdfdf420,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + for (int i = 1; i < goal; i = i*5;) + { + return small; + } +} +" +4ca28d32f88640bdaf417ba744a2da47f1539a5c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return goal; + } + else + for (int i = 1; i < goal; i = i*5) + { + return goal; + } +} +" +15c130af63382e7461fd5829282cf7fa9409aff6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return goal; + } + else + { + for (int i = 1; i < goal; i = i*5) + { + return goal; + } + } +} +" +d2cb34ddb736044d607c9a57e915c35881235677,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return goal; + } + else + { + for (int i = 1; i < goal; i = i*5) + { + return goal; + } + return goal; + } +} +" +37ad8052adf1792a71f1a66ed7aee024ec51d5ad,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + { + for (int i = 1; i < goal; i = i*5) + { + return goal; + } + return goal; + } +} +" +aaa061653ad1fbb5632a6a8db682f3c54c408aa6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + { + for (int i = 1; i < goal; i = i*5) + { + return goal; + } + return small; + } +} +" +4d15d5b8b20273ad8b2cdedfa7eb012d9c7c45f0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + { + for (int i = 1; i < goal; i = i*5) + { + goal = goal - i; + } + return goal; + } +} +" +d7afbb79fc9b12905b05c035fc9f3f8a8903d6f4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else + { + for (int i = 5; i < goal; i = i*(i++)) + { + goal = goal - i; + } + return goal; + } +} +" +adcb60f4310452d62623399d53da1cc06ab0f336,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else + { + for (int i = 5; i < goal; i = i*(i++)) + { + goal = goal - i; + } + return goal; + } +} +" +db823569d2ab59a12876aa40b840b68d3c955d28,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if ((small + 5*big) < goal) + { + return -1; + } + else + { + for (int i = 5; i < goal; i = i*(i++)) + { + goal = goal - i; + } + return goal; + } +} +" +e0d05424e4c6186f8f2258c19dcfc22b3d176937,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if ((small + 5*big) < goal) + { + return -1; + } + else + { + return goal - 5*big; + } +} +" +8ab81c66bc0a9615c85ff9386426e5ec0b1c72a7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal) + { + return goal - (big - 1); + } + else + { + return -1; + } +} +" +aabf95e2f46567af8537e2dfebef3533ffe84a34,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal && small + (big - 1) >= goal) + { + return goal - (big - 1); + } + else + { + return -1; + } +} +" +e25d1d5bdd4fe72564c7e0c688ef4290bb35b0f0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal && small + (big - 1) >= goal) + { + return goal - (big*5 - 1); + } + else + { + return -1; + } +} +" +a6a6240006906e82ff7f200832b71930d5be3aa6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal && small + (big - 1) >= goal) + { + return goal - (big - 1)*5; + } + else + { + return -1; + } +} +" +0a38a364a2e8f72b5bbfd753a1aaca6eec7bac69,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == 5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal && small + (big - 1)*5 >= goal) + { + return goal - (big - 1)*5; + } + else + { + return -1; + } +} +" +c8efbce1a4d20bf3dd032c8dbe0200669fd9a6e0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == big*5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal && small + (big - 1)*5 >= goal) + { + return goal - (big - 1)*5; + } + else + { + return -1; + } +} +" +60d95d9f305eb2ad7c62f0c305e3afa1b377af9b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal < 5) + { + return small; + } + else if (goal == big*5) + { + return 0; + } + else if (5*big < goal && (5*big + small) >= goal) + { + return goal - 5*big; + } + else if (5*big > goal && small + (big - 1)*5 >= goal) + { + return goal - 5; + } + else + { + return -1; + } +} +" +f590a2c08a3ac454aa53e49a60130d7b6679866b,"public int makeChocolate(int small, int big, int goal) +{ + int x = Math.floor(goal/5); + int y = goal - x; + return y; +} +" +4e4f9cb9a53ec82f03ac7311ee1c5b1f42192686,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal >= 5 * big ? goal - (5 * big) : goal % 5; + return rem <= small ? remainder : -1; +} +" +58bf78739ce6bde9f467311c26f69d55db206a17,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal >= 5 * big ? goal - (5 * big) : goal % 5; + return rem <= small ? rem : -1; +} +" +69f7a1eb2bcbdc7de70903060e821287be3d6884,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal >= 5 * big ? goal - (5 * big) : goal % 5; + + return remain <= little ? remain ; -1; +} +" +86e59fb79f45e5981ae6c4f9d0653150ffa500c8,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal >= 5 * big ? goal - (5 * big) : goal % 5; + + return remain <= little ? remain : -1; +} +" +cfaaf8347f387aff049e26a9afa0b38147982be3,"public int makeChocolate(int small, int big, int goal) +{ + int remain = goal >= 5 * big ? goal - (5 * big) : goal % 5; + + return remain <= small ? remain : -1; +} +" +819d1b68f032cdbc187cbc2284cbb5ee19fc948f,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else { + numSmall = goal - 5*big; + } + return numSmall; +} +" +e96062bed7b84ec4944f4cbe9f4becd64bb82b10,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else { + numSmall = big % goal; + } + return numSmall; +} +" +193cbb0e46c7d39e1f098a5c22ec3d56cdb598eb,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +435f271bf1f9bca5fbf920757a3099847fc8c374,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else if (small > 5) { + numSmall = goal - 5*big; + else { + numSmall = goal % 5; + } + return numSmall; +} +" +40874aaf204a85142e16acd54e2bf5d467ab3a2e,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else if (small > 5) { + numSmall = goal - 5*big; + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +5f8829015daa5025b7ac1d191edb5e095f7cca1e,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal % (5*big); + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +5593b014a88f403f25aa3a1bc1bbe2143adedc85,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall; + if ((5*big + small < goal) || (goal % 5 > small)) { + numSmall = -1; + } + else if (5*big < goal) { + numSmall = goal - 5*big; + } + else { + numSmall = goal % 5; + } + return numSmall; +} +" +8455b78d37cb1b0cba065f1161c5214a4ec1151a,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +af840009fa16836b54f76ad10b0944600d0287d5,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5 + int c = a+b; + int d = c/goal; + return d; + return -1; +} +" +12d2a7208b915b1a8afcf0e9e2dfa9ab7e7ab951,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + int d = c/goal; + return d; + return -1; +} +" +19148bbf2825707d30fd1c7279d9f4cf6fd92960,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + int d = c/goal; + if (d>0) + { + return d; + } + return -1; +} +" +2e69258af6aa674a7c502f5cdfd03fa68d92ce09,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c goal) + { + return a; + } + return -1; +} +" +b704603fa7b844a4a0066d9a3bd189b78c0024cc,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + return goal - c; + } + return -1; +} +" +2f8e3e3ad91a4333c9619e7693ea78d5e051267d,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +c347876f92fd11881eab4ded80d75848ce5bce42,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + } + else + { + return -1; + } +} +" +05bc0ce741d585bdd80e52639005cb2e342f8800,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + } + else + { + return -1; + } + return -1 +} +" +8420e5e5431d7054659b3fd10e2bf49cef2fe85f,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + } + else + { + return -1; + } + return -1; +} +" +5088774a1c7fd98a0e84c1c30e04f60c35c2b149,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + } + else + { + return -1; + } +}" +25d495033a348924ffb49b8e86dc3f2dcff58719,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + int d = goal - c; + return d; + } + return -1; +} +" +0f3cd38636c2c87f54425171121b44bc4d27f0aa,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = goal / 5; + int numSmall = goal % 5; + if (big >= numBig && small >=numSmall) + return numSmall; + else if (big >= numBig && small= numSmall+(numBig-big)*5) + return numSmall+(numBig-big)*5; + else + return -1; +} +" +2d7f2ec4696fbeaf6fc5740f46cd9a68dc4a2985,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + else + { + return -1; + } + } +}" +c397d99ad045f216e442e3cfcb40a5bcf142173c,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + } + else + { + return -1; + } +}" +aa126b0a9e4a3d5006cd1847d7f28f0bea8cb5f0,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + 5*big) >= goal) + { + if ((small >= goal % 5) && (big > round(goal/big))) + { + return goal % 5; + } + else + { + return -1 + } + + } + else + { + return -1; + } + + +} +" +ae024178f2a852a7ab5be46a877ae14e3a47777a,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + 5*big) >= goal) + { + if ((small >= goal % 5) && (big > round(goal/big))) + { + return goal % 5; + } + else + { + return -1; + } + + } + else + { + return -1; + } + + +} +" +7b92b59d33168776c3829c19d41a896e3685eeb0,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + 5*big) >= goal) + { + if ((small >= goal % 5) && (big > Math.round(goal/big))) + { + return goal % 5; + } + else + { + return -1; + } + + } + else + { + return -1; + } + + +} +" +df443c037f5ad78c2d9fefad67feb91e3e47207b,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +}" +e89bef1fe8d6e9338d1ae5cd6702e212c86eb13d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%(big*5) <= small) + return small; + else + return -1; +} +" +da8586660d78117e4425b922ed4b914728b46bbc,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big == goal || 5*big > goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + else + { + return r; + } + } + else + { + return -1; + } +}" +eb10bb0c0c9940715d3a53b3dea5822eef290c0f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%(big*5) <= small) + return goal%(big*5); + else + return -1; +} +" +fea0a500e25de5c4c2024716e6141b463d3af269,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5) + if (smallToUse <= small) + return smallToUSe; + else + return -1; +} +" +6ebd5eec20d7ec7f015b7a619b60414df3e56467,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (smallToUse <= small) + return smallToUSe; + else + return -1; +} +" +0d13f61de59c37fa63b3197c0975f3a5c333b1c0,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (smallToUse <= small) + return smallToUse; + else + return -1; +} +" +b361b0572fc44bf6c438cb0549dabe9c235a4883,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/big) <= big)) + return smallToUse; + else + return -1; + } +} +" +3bfdac8f5b22caccc5f32307ae49728baf4fe23f,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/big) <= big)) + return smallToUse; + else + return -1; + } + return -1; +} +" +47dfcacac5863019c830e8671199960432b45324,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/big) <= big)) + return smallToUse; + else + return -1; + } + else + return -1; +} +" +b68cfb4a6e4b0ab73a5239f3779b9e479a468ac5,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/big) <= big)) + return smallToUse; + else + return -1; + } + else + { + return -1; + } +} +" +f4c9ef2941ca572ce6afb6d49178b8d4838b7fdd,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big >= goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (r > small || r == small) + { + if (5*big + r == goal) + { + return small; + } + else + { + return r; + } + } + else + { + return -1; + } +}" +cb846eeab0cfc806eba9ebdc0908081872104762,"public int makeChocolate(int small, int big, int goal) +{ + int bigCount = 0; + + while ((bigCount + 5) <= goal && bigCount < big) + { + bigCount = bigCount + 1; + } + + int smallCount = 0; + int currentKilo = bigCount * 5; + + while (currentKilo != goal && smallCount < small) + { + smallCount = smallCount + 1; + } + + currentKilo = currentKilo + smallCount; + + if (currentKilo == goal) + { + return smallCount; + } + else + { + return -1 + } +} +" +84ff0550d74cf43231d3cb4d284a6f0ba700aaf9,"public int makeChocolate(int small, int big, int goal) +{ + int bigCount = 0; + + while ((bigCount + 5) <= goal && bigCount < big) + { + bigCount = bigCount + 1; + } + + int smallCount = 0; + int currentKilo = bigCount * 5; + + while (currentKilo != goal && smallCount < small) + { + smallCount = smallCount + 1; + } + + currentKilo = currentKilo + smallCount; + + if (currentKilo == goal) + { + return smallCount; + } + else + { + return -1; + } +} +" +3241459ea1c378ecc95afab35a1ecf5453091c46,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/big) <= big)) + return smallToUse; + else if (goal-(5*big) <= small) + return goal-(5*big); + else + return -1; + } + else + { + return -1; + } +} +" +ca4c92280f080cc2ee50eb4e2861694a858ae66f,"public int makeChocolate(int small, int big, int goal) +{ + int bigCount = 0; + + while (((bigCount * 5) + 5) <= goal && bigCount < big) + { + bigCount = bigCount + 1; + } + + int smallCount = 0; + int currentKilo = bigCount * 5; + + while (currentKilo != goal && smallCount < small) + { + smallCount = smallCount + 1; + } + + currentKilo = currentKilo + smallCount; + + if (currentKilo == goal) + { + return smallCount; + } + else + { + return -1; + } +} +" +c8f52e62e12b06897fed137a98a57962081f7ec7,"public int makeChocolate(int small, int big, int goal) +{ + int bigCount = 0; + int currentKilo = 0; + + while ((currentKilo + 5) <= goal && bigCount < big) + { + bigCount = bigCount + 1; + currentKilo = bigCount * 5; + } + + int smallCount = 0; + + while (currentKilo != goal && smallCount < small) + { + smallCount = smallCount + 1; + currentKilo = currentKilo + 1 + } + + if (currentKilo == goal) + { + return smallCount; + } + else + { + return -1; + } +} +" +8789c7634c138bd407720da88277f213595f490c,"public int makeChocolate(int small, int big, int goal) +{ + int bigCount = 0; + int currentKilo = 0; + + while ((currentKilo + 5) <= goal && bigCount < big) + { + bigCount = bigCount + 1; + currentKilo = bigCount * 5; + } + + int smallCount = 0; + + while (currentKilo != goal && smallCount < small) + { + smallCount = smallCount + 1; + currentKilo = currentKilo + 1; + } + + if (currentKilo == goal) + { + return smallCount; + } + else + { + return -1; + } +} +" +c59cb651b1f738fe559df18b9b88d6530c09a7e9,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/big) <= big)) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - (Math.round(goal/5))*5; + } + else + return -1; + } + else + { + return -1; + } +} +" +6e5e1a41b22db747ad6ca1350172e96fecf0fa59,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + int d = goal - c; + int e = d/a + return e; + } + return -1; +} +" +afc3b4db17817e42faf2b9dda19092a7863e7e0f,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + int d = goal - c; + int e = d/a; + return e; + } + return -1; +} +" +47160ec546ed54d9f105d30995fce012e8d97569,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + int d = goal - b; + return d; + } + return -1; +} +" +e28e70555917e6dab59a57a27c1aaf72f67bf543,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + int e = c - goal + int d = goal - b - e; + return d; + } + return -1; +} +" +6dd0adc45148d64fa13a7f572c447783442c0c82,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + + if (c > goal) + { + int e = c - goal; + int d = goal - b - e; + return d; + } + return -1; +} +" +4b1d8abda2fa9b90571a4ff7d1cffa8d7fc1d566,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b + int d = c/goal; + if (c>0) + { + return a; + } + return -1; +} +" +b8a5f17a7743f476be9794202cf6cfb811af3413,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b' + int d = c/goal; + if (c>0) + { + return a; + } + return -1; +} +" +ec004020ac49b13a9c538d1b03d814460413fcdb,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + int d = c/goal; + if (c>0) + { + return a; + } + return -1; +} +" +656bc81dfc1da933ae9fb73274f7e7a860fa79b0,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big >= goal) + { + return 0; + } + else if (5*big < goal) + { + if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return r; + } + else + { + return -1; + } + } +}" +bcc2ccdf6e07661671f6ea364453b3678c28fedc,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big >= goal) + { + return 0; + } + else if (5*big < goal) + { + if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return r; + } + else + { + return -1; + } + } + else + { + return -1; + } +}" +2979be0a72fc21ca0ce190efa8a397c0f241ef7f,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + int d = c/goal; + if (c>0) + { + int e = goal - c; + int x = e/a + return x; + } + return -1; +} +" +78d4766a97bcea6ef79215637509244507841ca5,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + int d = c/goal; + if (c>0) + { + int e = goal - c; + int x = e/a; + return x; + } + return -1; +} +" +0eeac289729522f6ab0858400ef8c929df7686a1,"public int makeChocolate(int small, int big, int goal) +{ + int a = small; + int b = big*5; + int c = a+b; + int d = c/goal; + if (c>0) + { + int e = goal - c; + //int x = e/a; + return e; + } + return -1; +} +" +bb51a9f759b64571d3ab89af896c004f2a264fe4,"public int makeChocolate(int small, int big, int goal) +{ + int r; + r = goal % 5; + + + if (5*big >= goal && r == 0) + { + return 0; + } + else if (5*big < goal) + { + if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return r; + } + else + { + return -1; + } + } + else + { + return -1; + } +}" +7d2fe75268395adf15416de1041f90b5089cee13,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big*5; + int c = small+Big; + if (c > goal) + { + return c%goal + } + return -1; +} +" +0b27edeacdf09a9e04b11d6afe0ca98e8c2eec34,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big*5; + int c = small+Big; + if (c > goal) + { + return c%goal; + } + return -1; +} +" +6cab7d86a2f477deba53b0f549cfc679767393ea,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big*5; + int c = small+Big; + if (c > goal) + { + return small - c%goal; + } + return -1; +} +" +d81ba896ac96cf87e502837fe49ce8715b9987be,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big*5; + int c = small+Big; + if (c > goal) + { + int d = small - c&goal + return d; + } + return -1; +} +" +5de6262d2ebe7926a82d3be7cede2108d0fcffa8,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big*5; + int c = small+Big; + if (c > goal) + { + int d = small - c&goal; + return d; + } + return -1; +} +" +898e18b8383db14e7f53939fb8c6589cb61baa9e,"public int makeChocolate(int small, int big, int goal) +{ + int Big = big*5; + int c = small+Big; + if (c > goal) + { + int d = small - c%goal; + return d; + } + return -1; +} +" +ee0cb62558574af031bc37af5a3dff32316a7000,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +593fb8af82f954b75a975f3430023d0a3a86d3fc,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 >4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +8779d5cf89b61454d3ace9a906d51c1b8a31a070,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big * 5 < goal) + { + return -1; + } + if (goal - big * 5 <= 0) + { + return 0; + } + return (goal - big * 5); +} +" +a6ec63b9a6d4d2f47273ffd0be66dd50818a05ae,"public int makeChocolate(int small, int big, int goal) +{ + int bignumber = goal/5; + if (bignumber>=big) + { + if ((goal-bignumber*5)<=small) + { + return (goal-bignumber*5); + } + } + return -1; +} +" +7104aeb2fd26e188f9fd3a0ac8c1ce52e927b6de,"public int makeChocolate(int small, int big, int goal) +{ + int bignumber = goal/5; + if (bignumber<=big) + { + if ((goal-bignumber*5)<=small) + { + return (goal-bignumber*5); + } + } + return -1; +} +" +1a0562a42ac4919f929e5d631b3bd26265827441,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + x = goal - 5 * big; + } + else + { + x = goal % 5; + } + if (x <= small) + { + return x; + } + return -1; +} +" +cbf7360dce0b82a32c99ca18ffaee6a80c0e16bc,"public int makeChocolate(int small, int big, int goal) +{ + x = null; + if (goal >= 5 * big) + { + x = goal - 5 * big; + } + else + { + x = goal % 5; + } + if (x <= small) + { + return x; + } + return -1; +} +" +2e5a610699d8684299606a53777d202a0502969d,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if (goal >= 5 * big) + { + x = goal - 5 * big; + } + else + { + x = goal % 5; + } + if (x <= small) + { + return x; + } + return -1; +} +" +d37708e1ef74d88525c214a3e55ecaf44048b9f1,"public int makeChocolate(int small, int big, int goal) +{ + int bignumber = goal/5; + if (bignumber<=big) + { + if ((goal-bignumber*5)<=small) + { + return (goal-bignumber*5); + } + } + else + { + if ((goal-big*5)>=small) + { + return goal-big*5; + } + } + return -1; +} +" +eba4a870519d87712923ade5d022e15c08cb4a73,"public int makeChocolate(int small, int big, int goal) +{ + int bignumber = goal/5; + if (bignumber<=big) + { + if ((goal-bignumber*5)<=small) + { + return (goal-bignumber*5); + } + } + else + { + if ((goal-big*5)<=small) + { + return goal-big*5; + } + } + return -1; +} +" +5556a250a9541d0013c652bc481d569fbfb85d85,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + return remaining +} +" +e709a60e931c1289bfbf30d7b58db025c6638d94,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + return remaining; +} +" +79175bce7e6975fc5e41001d65b1ba219f1de842,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + return remaining; +} +" +c8993593d3ca5beeec0312fec4ee443ff4409e07,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + if (remaining >= 0 && small >= remaining) + { + return remaining; + } + if (remaining > small) + { + return -1 + } +} +" +04acc725f684023cddee85d1502bc5689f56fce6,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + if (remaining >= 0 && small >= remaining) + { + return remaining; + } + if (remaining > small) + { + return -1; + } +} +" +2b6600ad33b7d3ae4b3fb69342454e482b9ce5a8,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + if (remaining >= 0 && small >= remaining) + { + return remaining; + } + if (remaining > small) + { + return -1; + } +} +" +41d2e4716ba41a0d660b936adf406ce7d2444236,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + if (remaining >= 0 && small >= remaining) + { + return remaining; + } + if (remaining > small) + { + return -1; + } + if (remaining < 0) + { + if (goal <= small) + { + return goal; + } + else + { + return -1; + } + } +} +" +129867757d61e45ce81f76fe4982cc1756930f99,"public int makeChocolate(int small, int big, int goal) +{ + int remaining = goal - (big * 5); + if (remaining >= 0 && small >= remaining) + { + return remaining; + } + if (remaining > small) + { + return -1; + } + if (remaining < 0) + { + if (goal <= small) + { + return goal; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +e980d387ee20bc910997bdd9db42fdc35dd9c8db,"public int makeChocolate(int small, int big, int goal) +{ + int smallBars = 0; + if (goal % 5 == 0) + { + smallBars = -1; + } + else + { + smallBars = goal % 5; + } + return smallBars; + + +} +" +b7e67769dcf059d2ea7d35fcccc07413f14f112d,"public int makeChocolate(int small, int big, int goal) +{ + int smallBars = 0; + if (goal % 5 == 0) + { + smallBars = 0; + } + else + { + smallBars = goal % 5; + } + return smallBars; + + +} +" +afedd1deb04629f3cd12dc4fa08db3694b22626d,"public int makeChocolate(int small, int big, int goal) +{ + int smallBars = 0; + if (goal % 5 > small) + { + smallBars = -1; + } + else + { + smallBars = goal % 5; + } + return smallBars; + + +} +" +30aa4169da1471f6105dcef519912343ff574f6b,"public int makeChocolate(int small, int big, int goal) +{ + int smallBars = 0; + if (goal % 5 > small && (big * 5) < goal) + { + smallBars = -1; + } + else + { + smallBars = goal % 5; + } + return smallBars; + + +} +" +049b658096ab6b9556dfddebd524daebba5e9fad,"public int makeChocolate(int small, int big, int goal) +{ + int smallBars = 0; + if (goal % 5 > small && (big * 5) + small != goal) + { + smallBars = -1; + } + else + { + smallBars = goal % 5; + } + return smallBars; + + +} +" +070f98236ab9d054618d5cb09a80c5bf5af9aeba,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +0a0d131a1c54a0c8acfa25e559f4db7052728ea0,"public int makeChocolate(int small, int big, int goal) +{ + float x = Math.floor(goal/5); + int y = (int)(goal - x); + return y; +} +" +6f2da5f107bd383f479501050b5bf4dea37f8f6f,"public int makeChocolate(int small, int big, int goal) +{ + double x = Math.floor(goal/5); + int y = (int)(goal - x); + return y; +} +" +a84a7b22e98f8eae868d98ff6fe637ac9abd415a,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = big%5; + if(numberOfSmall == 0) + { + return -1; + } + return numberOfSmall; +} +" +0fcf39426d1767267658f7351de8b27016ffb285,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal%5; + if(numberOfSmall == 0) + { + return -1; + } + return numberOfSmall; +} +" +2b5699fd00056f6a8a1d404c8c4a13a476a4dc97,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal%5; + if((goal/5) < 1) + { + return -1; + } + return numberOfSmall; +} +" +1032e947a1747163cebf7a027cebeec59202a172,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal%5; + if(((goal/5) < 1) || (numberOfSmall == 0)) + { + return -1; + } + return numberOfSmall; +} +" +30cae2664b3027799be923e28d871be49ca5b6c2,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + if (((big*5) + small) < goal) + { + return -1; + } + return numberOfSmall; +} +" +c976c767a8c05f04693e6bdaa1c67bcd2299d4fa,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + if (((goal - numberOfSmall) % 5) < big) + { + return -1; + } + return numberOfSmall; +} +" +4a6c2ee8fd8186c82df1221d59baf0977fb9196b,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + if (((goal - numberOfSmall) / 5) < big) + { + return -1; + } + return numberOfSmall; +} +" +9059d2730aa493ac0c08f48f1edf1f327827975e,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + if ((numberOfSmall < small) || (((goal - numberOfSmall)/5) < big) + return numberOfSmall; +} +" +d98306d110ee1420a5fa839d1967d9497e565c10,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + if ((numberOfSmall < small) || (((goal - numberOfSmall)/5) < big)) + return numberOfSmall; +} +" +7b79bfaeb72b03286da5315045e3a55d3d53c89c,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + if ((numberOfSmall < small) || (((goal - numberOfSmall)/5) < big)) + { + return -1; + } + return numberOfSmall; +} +" +cb4dd7563534917f481714360dbaf6cfdf3b2acd,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + int numberOfBig = (goal - numberOfSmall)/5; + if ((numberOfBig > big) || (numberOfSmall > small)) + { + return -1; + } + return numberOfSmall; +} +" +1104e241f7b44c09219790ce6a5d4577e6971a39,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal - (big*5); + if (numberOfSmall > small) + { + return -1; + } + return numberOfSmall; +} +" +680e851b412d2d5fb1509341179f4da4c656a8ae,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + int numOfBig = (goal - numberOfSmall) /5; + if (numOfBig > big) + { + return -1; + } + if (numberOfSmall > small) + { + return -1; + } + + + return numberOfSmall; +} +" +5caf11d03e1c3f74ecb289dba09104f81ce28a90,"public int makeChocolate(int small, int big, int goal) +{ + int numberOfSmall = goal % 5; + int numOfBig = (goal - numberOfSmall) /5; + if (numOfBig < big) + { + if ((numberOfSmall + numOfBig * 5) != goal) + { + return -1; + } + } + + + return numberOfSmall; +} +" +1f5f72e99ee318599cdaae29c9d39ba4d289628a,"public int makeChocolate(int small, int big, int goal) +{ + int bigBarNum = big * 5; + int goalNum = goal; + int smallBarNum = small; + for (int i = 0; i < big; i++) + { + goalNum -= 5; + } + + if ((goalNum - smallBarNum) > 0) + { + return -1; + } + + return numberOfSmall; +} +" +ae0440890cdab2fd00d16e1297dccf3a46fa1dab,"public int makeChocolate(int small, int big, int goal) +{ + int bigBarNum = big * 5; + int goalNum = goal; + int smallBarNum = small; + for (int i = 0; i < big; i++) + { + goalNum -= 5; + } + + if ((goalNum - smallBarNum) > 0) + { + return -1; + } + + return goal - 5 * big; +} +" +0ac977bd8f651a0f1390847e7ac9abf76e5388d7,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } + +}" +3a3b4078edcb0b56d7943e825719a2127ab83ad7,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } + +" +e37dbc22a78b3a0d2d806e79e0f603185798246c,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +} + +" +189cfd267ab362b1c0dd4ff832738f19d6177fa0,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +} +} + +" +19b6148c5797c30beeb72c56fcda5ccaa6ac6445,"public int makeChocolate(int small, int big, int goal) { + + int rem = goal % 5; + + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; +} + + +" +c0d6eebb676ae0576d3136224a8787c5e1595e9a,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal - small)/5; + if (numBig > big) + { + return -1; + } + return goal % 5; + +} +" +8f5ac1eac075260c718b0e045db8bed5d48bb74e,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal - small)/(5*big); + if (numBig < 1) + { + return -1; + } + return goal % 5; + +} +" +6ad79d84fdc2963e58313dbf4764ceb87c283045,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = (goal - small)/(5*big); + if (numBig > 1) + { + return -1; + } + return goal % 5; + +} +" +f6ed9ea05986bd90f41e3990bce7e89decb515f4,"public int makeChocolate(int small, int big, int goal) +{ + if ((goal / 5) > big) + { + return -1; + } + return goal - 5*big; +} +" +8c2287a602e5bc044df09a5f17edfdecd5f6d42e,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal/5; + if ((x) > big) + { + return -1; + } + return goal - 5*x; +} +" +fc0e5693fb72af7600f424be77cef8b1999c0cc6," +public int makeChocolate(int small, int big, int goal) +{ +int a = big * 5; + +if (a > goal) { +int b = a; +while (b > goal) { +b = b - 5; +} +int c = b + small; +if (c >= goal) { +return (goal - b); +} +} +if (a < goal) { +int d = a + small; +if (d >= goal) { +return (goal - a); +} +} +if (a == goal) { +return 0; +} +return -1; +}" +302d849dc6242e0b90b6ddbf368afc437e769297,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) + { + int b = a; + + while (b > goal) + { + b = b - 5; + } + + int c = b + small; + + if (c >= goal) + { + return (goal - b); + } + } + + if (a < goal) + { + int d = a + small; + + if (d >= goal) + { + return (goal - a); + } + } + } +if (a == goal) { +return 0; +} +return -1; +} +} +" +34fdbc38e791de9fa30b70129d14d2dce490d9bb,"public int makeChocolate(int small, int big, int goal) +{ + int a = big * 5; + + if (a > goal) + { + int b = a; + + while (b > goal) + { + b = b - 5; + } + + int c = b + small; + + if (c >= goal) + { + return (goal - b); + } + } + + if (a < goal) + { + int d = a + small; + + if (d >= goal) + { + return (goal - a); + } + + } + + if (a == goal) + { + return 0; + } + + return -1; + +} +" +8f0202b4c865c96d3923d07658b104ab6f98e2d7,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + remainder = goal % numberbig; + value = remainder%small; + if (value>0) + { + return value + } + else + { + return no; + + } + +} +" +4393b1d0213a2b1cd15786353b1da88ed95288a9,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + remainder = goal % numberbig; + value = remainder%small; + if (value>0) + { + return value; + } + else + { + return no; + + } + +} +" +837c2d86423dd32270b309832b857778d7ec9f45,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + if(goal>5) + { + remainder = goal % numberbig; + value = remainder%small; + } + else if (goal<5) + { + value = goal/small + } + + + if (value>0) + { + return value; + } + else + { + return no; + } + +} +" +32e807f031feb64bfe05dd26099b4a5d46dcbd7f,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + if(goal>5) + { + remainder = goal % numberbig; + value = remainder%small; + } + else if (goal<5) + { + value = goal/small; + } + + + if (value>0) + { + return value; + } + else + { + return no; + } + +} +" +4337ccd66832e4564b3daab195bc79f19491d871,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + if(goal>5) + { + remainder = goal % numberbig; + value = remainder%small; + } + else if (goal<5) + { + value = goal/1; + } + + + if (value>0) + { + return value; + } + else + { + return no; + } + +} +" +202e130442f30717e0816adc641a1328b417a050,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + if(goal>=5) + { + remainder = goal % numberbig; + value = remainder%small; + } + else if (goal<5) + { + value = goal/1; + } + + + if (value>0) + { + return value; + } + else + { + return no; + } + +} +" +f9f06de87901c24764e719e5765070f8151f784d,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + while (goal>= 5) + { + goal = goal -5 + + } + + if (goal > 0) + { + return goal; + } + else + { + return no; + } + +} +" +12655a4e837e51b9e142209410db41c28f40d94b,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + while (goal>= 5) + { + goal = goal -5; + + } + + if (goal > 0) + { + return goal; + } + else + { + return no; + } + +} +" +18b13d0fbc1fd2c6f5402d0bf055dfb3bf7fba1f,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + while (goal>= 5) + { + goal = goal -5; + + } + + if (goal >= 0) + { + return goal; + } + else + { + return no; + } + +} +" +5ca957cf67a9ac1187bf5a03087a488af8b3b005,"public int makeChocolate(int small, int big, int goal) +{ + int answer = goal % big; + return answer; +} +" +cfa33dab3aee0097ad0d85672237ecf00041e9cb,"public int makeChocolate(int small, int big, int goal) +{ + int total = small + (5*big); + if (total > goal) + { + if (goal - (5*big) < small) + { + int answer = goal % 5; + return answer; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +1752c7d54525841b288d68e6ed7ef5db18d12e43,"public int makeChocolate(int small, int big, int goal) +{ + int total = small + (5*big); + if (total >= goal) + { + if (goal - (5*big) <= small) + { + int answer = goal % 5; + return answer; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +d72a4b16253a9eed6e2623655a4154a18aa065db,"public int makeChocolate(int small, int big, int goal) +{ + int total = small + (5*big); + if (total >= goal) + { + int x = goal - (5*big); + if (x < 0) + { + x = x *-1; + } + if (x <= small) + { + int answer = goal % 5; + return answer; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +1ba6de5a86cd8d55d07f8c21807513c96c38974a,"public int makeChocolate(int small, int big, int goal) +{ + big = return(goal/5); + small = return(goal - (5(big))); +} +" +706d0b2a5d7e07a87aff060262d0cd41eebe0127,"public int makeChocolate(int small, int big, int goal) +{ + int total = small + (5*big); + if ((5*big) < goal) + { + int answer = goal - (5*big); + if (answer <= small) + { + return answer; + } + else + { + return -1; + } + } + else + { + int rem = goal % 5; + if (rem <= small) + { + return rem; + } + else + { + return -1; + } + } + + + +} +" +cbff5d403e38c14acd581211911230a77072af25,"public int makeChocolate(int small, int big, int goal) +{ + if (small + 5*big < goal) + { + return -1; + } + int needed = (goal - 5*big); + if (needed <= 0) + { + return 0; + } + return needed; +} +" +ddd0a681949d1eb63e11b61b634d88b39bb951a9,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + 5*big) < goal) + { + return -1; + } + int needed = (goal - (5*big)); + if (needed <= 0) + { + return 0; + } + return needed; +} +" +4cf684142b3f2893f527e8229991044bebe9c184,"public int makeChocolate(int small, int big, int goal) +{ + int package = goal % 5 + if (small + (big*5) < goal) + { + return -1; + } + else if (package <= small && goal > big*5 > 4) + { + return package + 5; + } + else if (package <= small) + { + return package; + } + else + { + return -1; + } +} +" +614c4a0848a157be733491dd2dcfa4f69daae3dd,"public int makeChocolate(int small, int big, int goal) +{ + int package = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (package <= small && goal > big*5 > 4) + { + return package + 5; + } + else if (package <= small) + { + return package; + } + else + { + return -1; + } +} +" +35dde7794b6fddbfa24173cdc0b55b2393660120,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal > big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +52000e3ef7edbc36639af4930d80a713d6403bae,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal - big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +6f4777c70fbe495c35cf1128ea72338a3461985f,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if remainder <= small + return remainder; + else + return -1; +} +" +0dbfd1e7a705df072848c239aec493dfaffab33d,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big() + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if remainder <= small() + return remainder; + else + return -1; +} +" +b74c0c82ef6024e8c1e637e6c45469901ccba3fb,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +c41341667912c08bcdc7b0f08a2ba2c7ed4bdfc6,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +e8348ea0711f3461d9973e347a3b1e369c0feac6,"public int makeChocolate(int small, int big, int goal) +{ + if int goal >= 5 * big: + remainder = int goal - 5 * big + else: + remainder = int goal % 5 + + if remainder <= int small: + return remainder + + return -1 +} +" +433872cd3cb2d1f37ce6557631affb9af00ffe94,"public int makeChocolate(int small, int big, int goal) +{ +def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +b8661356f770a2fabd2e43f92598565d260705ba,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big() + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if remainder <= small + return remainder; + else + return -1; +} +" +7f8dafb46d0090c4481084456dae0ba3f7416f47,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if ((small + big*5) < goal || small < goal%5) + { + return -1; + } + else if (big >= maxBig) + { + return goal - maxBig*5; + } + else if (big <= maxBig) + { + return goal - big*5; + } +} +" +2117b1c5e980eae59bdccdbdf9fbfc450203a74c,"public int makeChocolate(int small, int big, int goal) +{ + if goal() >= 5 * big() + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if remainder() <= small() + return remainder; + else + return -1; +} +" +a73fbbf7e231314f4c4f4d67be7048acf913f71d,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if ((small + big*5) < goal || small < goal%5) + { + return -1; + } + else if (big >= maxBig) + { + return goal - maxBig*5; + } + else if (big <= maxBig) + { + return goal - big*5; + } + else + { + return -1; + } +} +" +9ad8f64083170f437ed06a68d04172c96aa55b88,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big +}else{ + remainder = goal % 5 + + if (remainder <= small); + return remainder + + return -1 +} +}" +1ed3b203e9f87ff4c876d7787e60b4c428499e2b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big; +}else{ + remainder = goal % 5; + + if (remainder <= small); + return remainder; + + return -1; +} +}" +eb1e1efbcdff2bfb970fbc6425598d73a2773cd2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big; +} else { + remainder = goal % 5; + + if (remainder <= small); + return remainder; + + return -1; +} +}" +b25c90e2129260305881a027e8a32cd88b79a697,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small); + return remainder; + + return -1; +} +" +8e996ae78b4febea6c3c99457d85433ee5d175e6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big; + else if + remainder = goal % 5; + + if (remainder <= small); + return remainder; + + return -1; +} +" +ef873f6e9510fff5074f113c0170b44cc6198065,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small); + return remainder; + + return -1; +} +" +ee7d7a751ec82ce5b5188fee8b6af72a90a6ce12,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big; + else + //remainder = goal % 5; + + if (remainder <= small); + return remainder; + + return -1; +} +" +24918ab20ad1e88f5fb069a855209c1072438a0b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) { + remainder = goal - 5 * big; +} else { + remainder = goal % 5; + } + if (remainder <= small) { + return remainder; + + return -1; +} +}" +42d2e74cd5ab73edbedb2329ca25a954710a46e6,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return true; + return false; +} +" +8a331c962819465da4f98a529283a6c19d322cd3,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return small; + return -1; +} +" +f7248ad62b81d74a0c2770a0b15b8f1b2e2efea6,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +090cf491a3de20698fd8d6add392c621fb026e72,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big == goal) + return small; + if ( small + 5 * big > goal) + if (goal - 5 * big < 0) + big = big --; + return 5 * big - small; +return -1; +} +" +1d4c1302ca41f96a1c9e0d9b63a33f37591c39e5,"public int makeChocolate(int small, int big, int goal) +{ + + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + + else if (rem <= small) + return rem; + + else + + return -1; + +}" +fd18068832a4b1bb3ed847fee191cb47260d4c6d,"public int makeChocolate(int small, int big, int goal) +{ + + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + + else if (rem <= small) + return rem; + + else + + return -1; +}" +89d8af489f12942fa6ad20e25bf7168605888813,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return = -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +}" +d47dabc45fea5d27414ce3697fb029a89dbf033d,"public int makeChocolate(int small, int big, int goal) +{ + int no = -1; + int value = 0; + int remainder = 0; + int numberbig = big*5; + int numbersmall = small*1; + while (goal>= numberbig) + { + goal = goal -5; + + } + + if (goal >= 0) + { + return goal; + } + else + { + return no; + } + +} +" +9bb493fc184934fe5cec7e8b726b4f77ad0c6dab,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +}" +feaa2885fd2158dac5fbc73859ee43a351f2d723,"public int makeChocolate(int small, int big, int goal) +{ + if ( small + 5 * big == goal) + return small; + if ( small + 5 * big > goal) + if (goal - 5 * big < 0) + big = big --; + return 5 * big - small; +//return -1; +} +" +cec70e1bdfc3ff91bc76aa0931f86da6ba693c28,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal) + return small; + if ( small + big > goal) + //if (goal - big < 0) + // big = big --; + return big - small; +//return -1; +} +" +08695feabaae4619024ef37c4c355fae354e3e6e,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal) + return small; + if ( small + big > goal) + //if (goal - big < 0) + // big = big --; + return big - small; +return -1; +} +" +fead4d2997209528bb632806e04c1a7be16c4335,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal) + return small; + if ( small + big > goal) + return goal - big; +return -1; +} +" +08c7a730e600b4048504002761f859e83b03de7f,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal) + return small; + if ( small + big > goal) + while (big > goal) + big = big - 5; + return goal - big; +return -1; +} +" +adc0b60752b2e11ffedf027672bd93700df9bba1,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal) + return small; + if ( small + big > goal) + while (big > goal) + big = big - 5; + return goal - big; +//return -1; +} +" +4665148f67c99de4af5a3f49ab3ad0e125316fb7,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal) + return small; + if ( small + big > goal) + while (big > goal) + big = big - 5; + return goal - big; + if (small + big < goal) + return -1; +//return -1; +} +" +bee14368b2d21ccf2d05719a1f8e5662b8dc0aab,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small + 5 * big){ + small = goal - 5 * big; + return small; + } + else + { + return -1; + } +} +" +bbc420c04359f19171f9988950c27540fc98b722,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if ( small + big == goal){ + return small;} + if ( small + big > goal){ + while (big > goal){ + big = big - 5;} + return goal - big;} + if (small + big < goal)} + return -1;} +//return -1; +} +" +4e42143628f7c46f64ebaaec0db017b1304f845c,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if (small + big < goal) + return -1; + if ( small + big == goal) + return small; + if ( small + big > goal) + while (big > goal) + big = big - 5; + return goal - big; +//return -1; +} +" +52308c4b049540c71e57b0f28b05fa00f5a26058,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + number = goal; + + } + } + else if (remainder = 1) + { + number = 0; + } + else if (remainder>1) + { + number = goal-numberbig; + + } + return number; + + + +} +" +bfc82722f2c5893ac6d79f83c2a637764f36ce3d,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + number = goal; + + } + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-numberbig; + + } + return number; + + + +} +" +b52c8dc32aa457003b1433b94538bd50785b8b80,"public int makeChocolate(int small, int big, int goal) +{ + big = 5 * big; + if (small + big < goal) + return -1; + if ( small + big == goal) + return small; + if ( small + big > goal) + while (big > goal) + big = big - 5; + if (small + big < goal) + return -1; + return goal - big; +//return -1; +} +" +d73a47c1ab11bff14bbf98cf0efb0b538614c1b9,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + + + } + number = goal; + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-numberbig; + + } + return number; + + + +} +" +435ca942f852522c64d40f799996a17c01b2d12f,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + + + } + number = goal; + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-numberbig; + + } + else + { + number = -1; + } + return number; + + + +} +" +a563eb068f348e01d0db47f097560e986b471d6c,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig goal/5; + if(maxBig ,= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +472bf095317c7ae76aadd2fd479877524a3a1b88,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + + + } + number = goal; + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-small + if (number>0) + { + number =-1; + } + + } + else + { + number = -1; + } + return number; + + + +} +" +92f48296a458f3b407fa0159bb36b89e3f6c385d,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + + + } + number = goal; + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-small; + if (number>0) + { + number =-1; + } + + } + else + { + number = -1; + } + return number; + + + +} +" +b58ae7fa265d4f372a41cfe986643e31cb1e2fbe,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +f716a02b2506e78da82e1b8a0075acffacbc99d8,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; +}" +296f1cb63856752fe8adde345e9bac46a3574d7f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small + 5 * big){ + if (goal <= 5 * big){ + small = goal % 5; + return small; + } + else + { + small = goal - 5 * big; + return small; + } + } + else + { + return -1; + } +} +" +57eebebeb15a27a995846ecaa851c331af31c1fb,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + } + number = goal; + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-numberbig-small; + if (number>0) + { + number =-1; + } + else if (number == 0) + { + number = small + } + + + } + else + { + number = -1; + } + return number; + + + +} +" +fdc2605f9803a05d3b4bbc90c109dc85aa427d66,"public int makeChocolate(int small, int big, int goal) +{ + int number = 0; + int numberbig = big*5; + int remainder = goal%numberbig; + if(remainder<1) + { + while(goal>=5) + { + goal = goal -5; + } + number = goal; + } + else if (remainder == 1) + { + number = 0; + } + else if (remainder > 1) + { + number = goal-numberbig-small; + if (number>0) + { + number =-1; + } + else if (number == 0) + { + number = small; + } + + + } + else + { + number = -1; + } + return number; + + + +} +" +be52715d3f218c81f06e89717dfbd144d0383c77,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +}" +1c80e6264e68e61c12ae8c2f12e707f931de30fa,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small + 5 * big){ + if (goal <= 5 * big){ + if ( small >= goal % 5){ + small = goal % 5; + return small; + } + else + { + return -1; + } + + } + else + { + small = goal - 5 * big; + return small; + } + } + else + { + return -1; + } +} +" +493bde5877ed71232402b4fe5be64cab7f2aac4e,"public int makeChocolate(int small, int big, int goal) +{ + int numberbig = big*5 + int number = -1; + if (goal-numberbig<0) + { + while (goal>=5) + { + goal = goal - 5 + } + number = goal + } + + +} +" +742ebc339d18ff956fdb55643d767abcab2b67e4,"public int makeChocolate(int small, int big, int goal) +{ + int smallUsed; + if ((goal - (5*big)) > 0) + { + if ((goal - (5*big) - small) > 0) + { + return -1; + } + else + { + smallUsed = (goal - (5*big)); + return smallUsed; + } + } + else if ((goal - (5*big)) < 0) + { + smallUsed = (goal%5); + return smallUsed; + } + else + { + smallUsed = 0; + return smallUsed; + } +} +" +b26994935b12289b4ca5ab5d80c64a159dd28d7e,"public int makeChocolate(int small, int big, int goal) +{ + int smallUsed; + if ((goal - (5*big)) > 0) + { + if ((goal - (5*big) - small) > 0) + { + return -1; + } + else + { + smallUsed = (goal - (5*big)); + return smallUsed; + } + } + else if ((goal - (5*big)) < 0) + { + smallUsed = (goal%5); + if (smallUsed < small) + { + return -1; + } + else + { + return smallUsed; + } + } + else + { + smallUsed = 0; + return smallUsed; + } +} +" +cd7b24036e857132d6728f7993b9f605ea8355e6,"public int makeChocolate(int small, int big, int goal) +{ + int numberbig = big*5 + int number = -1; + if (goal-numberbig<0) + { + while (goal>=5) + { + goal = goal - 5; + } + if(goal-small>0) + { + number = -1; + } + else if (goal-small==0) + { + number = small; + } + else if (goal - small<0) + { + number = -1; + } + } + else if (goal-numberbig >0) + { + if(goal-small>0) + { + number = -1; + } + else if (goal-small==0) + { + number = small; + } + else if (goal - small<0) + { + number = -1; + } + } + else if (goal -number ==0) + { + number =0; + } + return number; + + +} +" +15aa0a776832b5a5258716d08fc25bdda8702cb4,"public int makeChocolate(int small, int big, int goal) +{ + int numberbig = big*5; + int number = -1; + if (goal-numberbig<0) + { + while (goal>=5) + { + goal = goal - 5; + } + if(goal-small>0) + { + number = -1; + } + else if (goal-small==0) + { + number = small; + } + else if (goal - small<0) + { + number = -1; + } + } + else if (goal-numberbig >0) + { + if(goal-small>0) + { + number = -1; + } + else if (goal-small==0) + { + number = small; + } + else if (goal - small<0) + { + number = -1; + } + } + else if (goal -number ==0) + { + number =0; + } + return number; + + +} +" +701bdd956c8170929319cf64217fe05f90b2229e,"public int makeChocolate(int small, int big, int goal) +{ + int smallUsed; + if ((goal - (5*big)) > 0) + { + if ((goal - (5*big) - small) > 0) + { + return -1; + } + else + { + smallUsed = (goal - (5*big)); + return smallUsed; + } + } + else if ((goal - (5*big)) < 0) + { + smallUsed = (goal%5); + if (small < smallUsed) + { + return -1; + } + else + { + return smallUsed; + } + } + else + { + smallUsed = 0; + return smallUsed; + } +} +" +1a7bad02cdb8e098f289a3980fa3facb8d221648,"public int makeChocolate(int small, int big, int goal) +{ + return goal % 5; + +} +" +32f82c154d2b389894d29e3edce63fe899cb28a6,"public int makeChocolate(int small, int big, int goal) +{ + if((5 * big) > goal) + { + return -1; + } + return goal % 5; + +} +" +b15ac6a27a4cb40f34511743661cceb26ee0c21f,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + return Math.abs(goal - (5*big)); + } + + +} +" +79d4c5cd54f625c0ec1f7db170f39e464682967b,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + return Math.abs(goal - (5*big)); + } + + +} +" +584d35aa2a343c89e30f5a4753b052aead2531a7,"public int makeChocolate(int small, int big, int goal) +{ + return goal % 5; + +} +" +db5d56058615695009476929bbc6593c0bdc9a45,"public int makeChocolate(int small, int big, int goal) +{ + return goal % (goal*5); + +} +" +1523f2dc556dc17d421ef09750eae8b07581c798,"public int makeChocolate(int small, int big, int goal) +{ + return goal % (big*5); + +} +" +aee67ebba9e08183d4b5ace046827aecb37c76e0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal -= big * 5; + } + else ( + goal = goal % 5; + } + } + if (goal <= small) + return goal; + return 01; +} +" +5f2892f36762d8aab171b63b89f193f055e1dcb4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal -= big * 5; + } + else { + goal = goal % 5; + } + } + if (goal <= small) + return goal; + return 01; +} +" +1e0643c1b41456c2f1eacb88a2d1f5f4560c4357,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal -= big * 5; + } + else + { + goal = goal % 5; + } + } + if (goal <= small) + return goal; + return 01; +} +" +84f7eec8028e14b6a145850103af8ec42f9d9b1f,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % (big*5)) == 0) + { + return goal % (big*5); + } + else + { + return (goal - (goal % (big*5))); + } + + +} +" +a2fff7ef4f60b66d0d719e7586cb0bd18a44fb8a,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % (big*5)) == 0) + { + return goal % (big*5); + } + else + { + + } + + +} +" +50298eaedf45d7178da95aa6a56e24ef25ea7c57,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % (big*5)) == 0) + { + return 0; + } + else + { + return goal % (big*5); + } + + +} +" +87d87f5c07711f8508ce7bd1179220f9f36aa484,"public int makeChocolate(int small, int big, int goal) +{ + if((goal % (big*5)) == 0) + { + return 0; + } + else + { + return goal % 5; + } + + +} +" +4cc916649df329cb2108d1f68b228a173f91b30d,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + if ((goal / 5) <= big) + { + int r = goal % 5; + if (r <= small) + { + return small; + } + else + { + return -1; + } + } + else + { + if ((goal - (5 * big)) <= small) + { + return goal - (5 * big); + } + else + { + return -1; + } + } + } + + +} +" +b6da412398c9dbdf871b507a36edf07c7a25b4a3,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + while(big > 0 && goal > 0) + { + goal-= 5; + big--; + } + + if(goal > small) + { + return -1; + } + else + { + return goal; + } + } + + +} +" +5475bacecb2fd96698bd5219479f0d4d10ba380d,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5*big) < goal) + { + return -1; + } + else + { + while(big > 0 && goal >= 5) + { + goal-= 5; + big--; + } + + if(goal > small) + { + return -1; + } + else + { + return goal; + } + } + + +} +" +714e9b35072513501847a71c7577c7e1cc440cc0,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +fb744eb3af5593fa8b32328316bee89ce98d8a6e,"public int makeChocolate(int small, int big, int goal) +{ + int neededBig = goal/5; + if(neededBig <= big) + goal -= neededBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +10f3f45843f267c4ef458335eb172b59aa17e913,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +594ab67e4eb910cc2117ac2790f6f541ed057f27,"public int makeChocolate(int small, int big, int goal) +{ + return goal - (5 * big) +} +" +7a21c8208f231f50230eb9ad168cc3369b82f594,"public int makeChocolate(int small, int big, int goal) +{ + return goal - (5 * big); +} +" +a0aa9341b5f9e9f70e8a6e0423ef8a1ff756394f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (5 * big) >= 0) + { + return; + } + else + { + return 0; + } +} +" +667b52bb4227e5ed6857c09609fa0e27cdbe4d54,"public int makeChocolate(int small, int big, int goal) +{ + x = goal - (5 * big) + if (x >= 0) + { + return x; + } + else + { + return -1; + } +} +" +393244ae89275645bbfe172afc01e3f2caeff6bf,"public int makeChocolate(int small, int big, int goal) +{ + x = goal - (5 * big); + if (x >= 0) + { + return x; + } + else + { + return -1; + } +} +" +c2b382ad4a9b637a3d41fe9c3a2365fd748a1fde,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal - (5 * big); + if (x >= 0) + { + return x; + } + else + { + return -1; + } +} +" +160a53d37da1c1b172c54653e7e42d3aace5b7ec,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +1f4ab776a038a2ea0754f23990cdf4dd73dad5ce,"public int makeChocolate(int small, int big, int goal) +{ + int smallBar = (goal % big) + return smallBar; +} +" +8c32df396c9b4be70170944c030657c850ce0e04,"public int makeChocolate(int small, int big, int goal) +{ + int smallBar = (goal % big); + return smallBar; +} +" +9c2e7c20cde306405b949e31ccbf959fe0f56aed,"public int makeChocolate(int small, int big, int goal) +{ + int smallBar = (goal % big); + if (smallBar<=small) + { + return smallBar; + } + else + { + return -1; + } +} +" +f5be437ddad54cbd4e7480e1b853475771ff976e,"public int makeChocolate(int small, int big, int goal) +{ + int theMaxBig = goal/5; + if(theMaxBig <= big) + goal -= theMaxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +a3fdcbc26e389b634171099fa560157ca0039f8f,"public int makeChocolate(int small, int big, int goal) +{ + return (goal-goal*5/big); +} +" +9a9146f8ab8787a29dd7e336e491831fb6507874,"public int makeChocolate(int small, int big, int goal) +{ + if (small = goal -5*big) + { + return (small); + } + else + { + return -1; + } + +} +" +2fe184e057358b046ad3672802a96abd438df363,"public int makeChocolate(int small, int big, int goal) +{ + if (small == goal -5*big) + { + return (small); + } + else + { + return -1; + } + +} +" +c7d78a6b0a9bfb4f1560b0b8fa58ec321b964ea7,"public int makeChocolate(int small, int big, int goal) +{ + big = ((goal)/(5)); + small = goal - big; + return big; + return small; + +} +" +4764ab6b437dd552f7d3894b13a4b8b6ec0eb8c1,"public int makeChocolate(int small, int big, int goal) +{ + big = goal / 5; + small = goal % 5; + if (goal<5 || small=0) + { + return -1; + } + else + { + return small; + } +} +" +697c8fc3e9155f4a5c15fd083bfae91fdea7e8f5,"public int makeChocolate(int small, int big, int goal) +{ + big = goal / 5; + small = goal % 5; + if (goal<=5) + { + return -1; + } + else + { + return small; + } +} +" +b0be251223aa38b7c9170118182bdd4af218c1b2,"public int makeChocolate(int small, int big, int goal) +{ + int smallBar = (goal - (big*5)); + if (smallBar<=small) + { + return smallBar; + } + else + { + return -1; + } +} +" +995626e53d308a69e9a0c078336bac1ce4bf1c03,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + sub = small + while (i < goal && big > 0) + { + i = i + 5; + big = big - 1; + } + while (i < goal && small > 0) + { + i = i + 1; + sub = sub - 1; + } + if (small = 0) + { + return (-1); + } + else + { + return (small - sub); + } + +} +" +c62052c4ae81194770069fd6ed8adea4a808c8ea,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + sub = small; + while (i < goal && big > 0) + { + i = i + 5; + big = big - 1; + } + while (i < goal && small > 0) + { + i = i + 1; + sub = sub - 1; + } + if (small = 0) + { + return (-1); + } + else + { + return (small - sub); + } + +} +" +8e578aa6d2c4396bdfac44b7636bb1fe283718f2,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + int sub = small; + while (i < goal && big > 0) + { + i = i + 5; + big = big - 1; + } + while (i < goal && small > 0) + { + i = i + 1; + sub = sub - 1; + } + if (small = 0) + { + return (-1); + } + else + { + return (small - sub); + } + +} +" +7ebf96d8ace47d47b0171b48bae0648db0eac834,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + return goal % 5 + (goal - goal / 5); + + +" +e1604ffb094179f616a3ec29a19f3f8e7fb90894,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + int sub = small; + while (i < goal && big > 0) + { + i = i + 5; + big = big - 1; + } + while (i < goal && small > 0) + { + i = i + 1; + sub = sub - 1; + } + if (small == 0) + { + return (-1); + } + else + { + return (small - sub); + } + +} +" +58118fdb0e7b272a8ec3a284dcb0952c05bff385,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + return goal % 5 + (goal - goal / 5); +} + + +" +f91853e03ea8978ddca4d0a9b9f7cba49ff06963,"public int makeChocolate(int small, int big, int goal) +{ + int res = 0; + int i = 0; +if (goal > 5*big+small) +{ + return -1; +} +while(res<=goal && igoal) +{ + res=res-5; +} +if(goal-res>small) +{ + return -1; +} +return (goal-res); +} +" +90c90b076fcb9be011badf4586e7a1287d9e6858,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + return goal / 5 + (goal - goal / 5); +} + + +" +00a60e01035528ff464918494946ae0fb8624000,"public int makeChocolate(int small, int big, int goal) +{ + int i = 0; + int sub = small; + while (i < goal && big > 0) + { + i = i + 5; + big = big - 1; + } + while (i < goal && small > 0) + { + i = i + 1; + sub = sub - 1; + } + if (i != goal) + { + return (-1); + } + else + { + return (small - sub); + } + +} +" +de9402cd51ca4c91a0f339d0f00acfbdbc31ee93,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + return goal / 5 + goal % 5; + +} + + +" +ef6d5960f73a0fc979d8a50f0578620dd020bec4,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - 5*big; + if (smallgoal) + { + return goal-small; + } + else + { + return small; + } +} +" +b9fa7f442a567c8013c50719f9893acc4ab39ce8,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - 5*big; + if (smallgoal) + { + return small-goal; + } + else + { + return small; + } +} +" +b2d6bb8734166f948b92ad11e05ff9b50bdde951,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal - 5*big; + if (smallgoal) + { + return small-goal; + } + else + { + return small; + } +} +" +a89a2283f327c0dc19c19ce69690b5e61bde35fc,"public int makeChocolate(int small, int big, int goal) +{ + int s = 0; + while (s goal) + { + s = s - 5; + } + while (s goal) + { + s = s - 5; + } + while (s goal) + { + s = s - 5; + } + while (sgoal) + { + return small-goal; + } + else + { + return small; + } +} +" +be846622af59323b6c67c2cb290d189ad563d267,"public int makeChocolate(int small, int big, int goal) +{ + int s = 0; + int k = 0; + while (s goal) + { + s = s - 5; + } + else if (s == goal) + { + return 0; + } + while (sgoal) + { + return goal; + } + else + { + return small; + } +} +" +3c00cff857a5ed0f5c9453d7d81a5837133c9829,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + result = result + small + big*5; + + if (result == goal) + { + return small; + } + else if (result > goal) + { + return result - goal; + } + else + { + return -1; + } + + +} + + +" +5a5e0e1353e4521f4fab1756fb603d52ac9592a7,"public int makeChocolate(int small, int big, int goal) +{ + int s = 0; + int k = 0; + while (s goal) + { + s = s - 5; + } + else if (s == goal) + { + return 0; + } + + while (s goal || s < goal) + { + return (-1); + } + else + { + return(k); + } +} +" +ea9bad25578071ff6ba15ad62303612b7938393f,"public int makeChocolate(int small, int big, int goal) +{ + int s = 0; + int k = 0; + while (s goal) + { + s = s - 5; + } + + while (s goal || s < goal) + { + return (-1); + } + else + { + return(k); + } +} +" +53e17f473ca74c64c677e74b58335247a3ec0443,"public int makeChocolate(int small, int big, int goal) +{ + def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +2461fa111d46b222c96cdf68041ed221fabcbccc,"public int makeChocolate(int small, int big, int goal) +{ + def make_chocolate(small, big, goal); + if goal >= 5 * big; + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if remainder <= small + return remainder; + + return -1; +} +" +a7f9140a58f6ca8d0391c499d2a7a2c935556aef,"public int makeChocolate(int small, int big, int goal) +{ + int s = 0; + int k = 0; + while (s goal) + { + s = s - 5; + } + else if (s == goal) + { + return 0; + } + + while (s 0){ + if((small + big*5) >= goal){ + if(goal-big*5 < 0){ + if((goal % 5) > small){ + return -1; + } + else{ + return goal % 5; + } + }else{ + return goal-big*5; + } + + }else{ + return -1; + } +} +else{ + if(big*5 + small < goal){ + return -1; + } + if((goal - big*5) <= 0){ + return 0; + }else{ + return goal - big*5; + } +} +} +" +2499b7a043ba839b542280a780274c2d96c28e40,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } + + +} +" +204b101ee3972a08c624f8cc1357945def7f37fc,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + int x = goal / 5; // this returns number of big chocolates + int y = goal % 5; // this returns number of small chocolate + + int a; + + if (big <= x) + { + if (small <= y) + { + return y; + } + + } + else + { + a = (big - x)*5; + if ( small <= y + a) + { + return y + a; + } + else + { + return -1; + } + } + +} + + +" +8bac633ac850f196a9cd7e30c5cd8ed6878faba1,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small < goal) { + return -1; + } + else if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +b7b0bbf37668995d3d5643ac41c9a386faa8c012,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + int x = goal / 5; // this returns number of big chocolates + int y = goal % 5; // this returns number of small chocolate + + int a; + + if (big <= x) + { + if (small <= y) + { + return y; + } + + } + else + { + a = (big - x)*5; + if ( small <= y + a) + { + return y + a; + } + else + { + return -1; + } + } + + return 0; +} + + +" +76eb6bc41227683ce2542de3bed029f36260829a,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + int x = goal / 5; // this returns number of big chocolates + int y = goal % 5; // this returns number of small chocolate + + int a; + + if (big <= x) + { + if (small <= y) + { + return y; + } + else + { + return -1; + } + + } + else + { + a = (big - x)*5; + if ( small <= y + a) + { + return y + a; + } + else + { + return -1; + } + } + + return 0; +} + + +" +11be43b3b2dbc6898cacd4262856d1307bf01818,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + int x = goal / 5; // this returns number of big chocolates + int y = goal % 5; // this returns number of small chocolate + + int a; + + if (big <= x) + { + if (small <= y) + { + return y; + } + else + { + return -1; + } + + } + else + { + a = (big - x)*5; + if ( small <= y + a) + { + return y + a; + } + else + { + return -1; + } + } + +} + + +" +f5b2aee3b865afee69fe908852a2d1fd55a36f8f,"public int makeChocolate(int small, int big, int goal) +{ + int decGoal = goal; + int i = 0; + while (decGoal > 0) + { + if (decGoal >= 5 && decGoal > big) + { + decGoal = decGoal - 5; + } + else if (decGoal > 0 && decGoal > small) + { + decGoal = decGoal - 1; + } + else + { + return -1; + } + i = i + 5; + } +}" +41c4fc35d0841b2cb840de71630afaf92ce7799e,"public int makeChocolate(int small, int big, int goal) +{ + int decGoal = goal; + while (decGoal > 0) + { + if (decGoal >= 5 && decGoal > big) + { + decGoal = decGoal - 5; + } + else if (decGoal > 0 && decGoal > small) + { + decGoal = decGoal - 1; + } + else + { + return -1; + } + } +}" +1246e86e50eb11d9b292e2bc8b93d772626699e5,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { +//Makes the program skip the loop for the big bars +big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +a42ba70ac1ebd0194561f7634cd53420a471e075,"public int makeChocolate(int small, int big, int goal) +{ + int bigcount=0; + int smallcount=0; + int temp=goal; + while(goal>5) + { + goal=goal-5; + bigcount++; + } + smallcount=goal; + return smallcount; +} +" +44d2b0593b9df0a82e4e1c7d847433e479f4a964,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + while (goal > 0) + { + if (goal >= 5) + { + goal = goal - 5; + numBigBars = numBigBars + 1; + } + else if (goal >= small) + { + goal = goal - 1; + small = small - 1; + } + else + { + return -1; + } + } + return small; +} +" +6416c68af5f95a15fdec69c592df7c191861cde8,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal / 5; + if (big > maxBig) + return (goal <= 5 * maxBig + small) ? (goal - 5 * maxBig) : -1; + return (goal <= 5 * big + small) ? (goal - 5 * big) : -1; +} +" +dd35fa5032b3907af9cce330d57ed7dfbcd48f55,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + int numSmallBars = 0; + while (goal > 0) + { + if (goal >= 5) + { + goal = goal - 5; + numBigBars = numBigBars + 1; + } + else if (goal >= small) + { + goal = goal - 1; + numSmallBars = numSmallBars + 1; + } + else + { + return -1; + } + } + return numSmallBars; +} +" +5dfa9ff5ec3c578d76e91ba4cf9fd45cb9e7e7d3,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + int x = goal / 5; // this returns number of big chocolates + int y = goal % 5; // this returns number of small chocolate + + int x = goal / 5; + int y = goal % 5; + + if (x > big) + { + y = (x - big) * 5; + } + if (y > small) + { + return -1 ; + } + else + { + return y ; + } + +} + + +" +6e09bc07b1a28852c428e1b681a06f5d2cdfa535,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + + int x = goal / 5; + int y = goal % 5; + + if (x > big) + { + y = (x - big) * 5; + } + if (y > small) + { + return -1 ; + } + else + { + return y ; + } + +} + + +" +d97699a1a20c34f9539df6a562c0efc3bd1ff50b,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + + int x = goal / 5; + int y = goal % 5; + + if (x > big) + { + y += (x - big) * 5; + } + if (y > small) + { + return -1 ; + } + else + { + return y ; + } + +} + + +" +907c27310060bd25f80381a4eb3aaf6961e94fd4,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + + int x = goal / 5; + int y = goal % 5; + + if (x > big) + { + y = (x - big) * 5; + } + if (y > small) + { + return -1 ; + } + else + { + return y ; + } + +} + + +" +f4030900dfe55c3b61532d37be627da60e06c6b9,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + + int x = goal / 5; + int y = goal % 5; + + if (x > big) + { + y += (x - big) * 5; + } + if (y > small) + { + return -1 ; + } + else + { + return y ; + } + +} + + +" +757d4844680cc9e2db2713e243f4368dbd41c78f,"public int makeChocolate(int small, int big, int goal) +{ + int bigcount=0; + int smallcount=0; + int temp=goal; + if(goal>5) + { + while(goal>5) + { + goal=goal-5; + bigcount++; + } + smallcount=goal; + } + + if(goal==5) + { + smallcount=0; + } + + if(goal<5) + { + smallcount=goal; + } + return smallcount; +} +" +7a96a74aa68bf14d095efbf484b4997db972e40f,"public int makeChocolate(int small, int big, int goal) +{ + int result = 0; + + + int x = goal / 5; + int y = goal % 5; + + if (x > big) + { + y = y + (x - big) * 5; + } + if (y > small) + { + return -1 ; + } + else + { + return y ; + } + +} + + +" +33bd42f6efc938e715a491f6109cc4358b2e30fd,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { + big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +4376518a81c91fb4e80503231cd8d4d613dba50d,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { + big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +1347ac00ff021f330c4c6ed216a2fca9cc034694,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { + big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for(int i = 1; i <;= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +8dcbf8c198cecfb49e5a366e06a2ff4ca50c5beb,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; +if(goal < 5) { + big = -1; +} + +for(int i = 0; i < big; i++) { +total += 5; + +if(total == goal) { +return 0; +} else if(total + 5 > goal) { +break; +} +} + +for (int i = 1; i <= small; i++) { +total++; + +if(total == goal) { +return i; +} +} + +return -1; +} +" +ff01992d6b005a443140e4f7bb640f2c8bdc11f1,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -5*big) + { + return (small); + } + else + { + return -1; + } + +} +" +290b0f5a3f1731cf3202c66c4a6736f2364446e2,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + int numSmallBars = 0; + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + numBigBars = numBigBars + 1; + } + else + { + goal = goal - 1; + numSmallBars = numSmallBars + 1; + } + } + + return numSmallBars; +} +" +ead167a6dc2702c07445aee5e6456db1a467e58f,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -5*big) + { + return (goal-5*big); + } + else + { + return -1; + } + +} +" +f53cfa18a439e97b26f961c0044f27242b1d373c,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -5*big && 0 < goal-5*big) + { + return (goal-5*big); + } + else if ( 0> goal-5*big) + { + return goal - goal/5; + } + else + { + return -1; + } + +} +" +a6fcaa6ca3ba3eaa440326d3ab6393b1d87f9ed9,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -5*big && 0 < goal-5*big) + { + return (goal-5*big); + } + else if ( 0> goal-5*big) + { + return goal - goal/5*5; + } + else + { + return -1; + } + +} +" +bdc181386a12314195386546cba94f0f2b7b2814,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -goal/5*5) + { + return (goal-goal/5*5); + } + + else + { + return -1; + } + +} +" +bb46b080952fa6e78ae01ace69b728b0896d888d,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + int numSmallBars = 0; + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big - 1; + } + else + { + goal = goal - 1; + small = small - 1; + } + } + + return small; +} +" +fb28995762b2a994eb8eac827453927c4de34355,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -big*5 && goal>=big*5) + { + return (goal-goal/5*5); + } + else if (goal<5*big) + { + return goal - goal/5*5; + } + else + { + return -1; + } + +} +" +56f4930f691f1aa73965043a446bb3cb499b5826,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + int numSmallBars = 0; + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big - 1; + } + else if (goal >= 1 && small > 0) + { + goal = goal - 1; + small = small - 1; + } + else + { + } + } + + return small; +} +" +8bf194e00835f1817fc87a8a0ea64dd038843f38,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + int numSmallBars = 0; + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big - 1; + } + else if (goal >= 1 && small > 0) + { + goal = goal - 1; + small = small - 1; + } + else + { + return -1; + } + } + + return small; +} +" +370d4da757e03aca4bbd4a513290fd61f3937920,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -big*5 && goal>=big*5) + { + return (goal-goal/5*5); + } + else if (small >= goal-goal/5*5 && goal<5*big) + { + return goal - goal/5*5; + } + else + { + return -1; + } + +} +" +9ec13a388300a91a92512dc18775e1fc5057836a,"public int makeChocolate(int small, int big, int goal) +{ + int numBigBars = 0; + int numSmallBars = 0; + while (goal > 0) + { + if (goal >= 5 && big > 0) + { + goal = goal - 5; + big = big - 1; + } + else if (goal >= 1 && small > 0) + { + goal = goal - 1; + numSmallBars = numSmallBars + 1; + } + else + { + return -1; + } + } + + return numSmallBars; +} +" +b05f168b6ed1b08bfa5eb653a5b8102f92d96f21,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal -big*5 && goal>=big*5) + { + return (goal-big*5); + } + else if (small >= goal-goal/5*5 && goal<5*big) + { + return goal - goal/5*5; + } + else + { + return -1; + } + +} +" +96f689177ef3eaf1e2a8e372cdeac5ec18a7154b,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + return -1; + else if (small + (5 * big) == goal) + return small; + else + return goal - (5 * big); +} +" +4cbbb151e3573d160a820e0387992948ada8fccf,"public int makeChocolate(int small, int big, int goal) +{ + amount = (5*big) + small; + if (amount > goal) + { + return -1; + } + else + { + return small - big; + } +} +" +f2567a7da74459c4e719526ba6fd4677d592d35e,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; + if (amount > goal) + { + return -1; + } + else + { + return small - big; + } +} +" +f3676bab1210ebd2d1d260adfa360338b6aa3b98,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; + if (amount > goal) + { + return -1; + } + else + { + int diff = amount - goal; + return diff; + } +} +" +4c505baa2c8668ae5ae0f8bcb33611b7cf98e712,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + return diff; + } +} +" +18e14e4e7702e47aba94c1e48eeadb4eea5ab5f9,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + return small; + } +} +" +e5c54b3fb133db0086759bec190d6b6cfb05ed9d,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + return small - diff; + } + } +} +" +3739e3649ae099f1ba204916cd319b694658af18,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) == 0) + { + return 0; + } + else if (goal - (big * 5) < 0) + { + while (big * 5 > goal) + { + big = big - 1; + } + if (big * 5 == goal) + { + return 0; + } + else + { + if ((big * 5) + (small * 1) == goal) + { + return small; + } + else + { + return -1; + } + } + } + else if (goal - (big * 5) > 0) + { + if ((big * 5) + (small * 1) == goal) + { + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +f5def39df167a1d31714a160760a6309e14601ce,"public int makeChocolate(int small, int big, int goal) +{ + int t = goal % 5; + if (small + (big * 5) < goal) + { + return -1; + } + else if (t <= small && goal - (big * 5) > 4) + { + return t + 5; + } + else if (t <= small) + { + return t; + } + else + { + return -1; + } +} +" +601db46fa004e10b4898a2f9e2943500a6635730,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) == 0) + { + return 0; + } + else if (goal - (big * 5) < 0) + { + while (big * 5 > goal) + { + big = big - 1; + } + if (big * 5 == goal) + { + return 0; + } + else + { + if ((big * 5) + small == goal) + { + return small; + } + else + { + return -1; + } + } + } + else if (goal - (big * 5) > 0) + { + if ((big * 5) + small == goal) + { + return small; + } + else if ((big * 5) + small > goal) + { + while ((big * 5) + small > goal) + { + small = small - 1; + } + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +0227fa689a1a8ddf4d793b0a8fd223070f478328,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + int used = goal - big; + return small - used; + } + } +} +" +caabcbac3ed6089e4e3c6bea8015fa2545c560ff,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + int used = goal - (5*big); + return small - used; + } + } +} +" +211fc9bc8160195513c9a9743081b5b5d7123eb2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - (big * 5) == 0) + { + return 0; + } + else if (goal - (big * 5) < 0) + { + while (big * 5 > goal) + { + big = big - 1; + } + if (big * 5 == goal) + { + return 0; + } + else + { + if ((big * 5) + small == goal) + { + return small; + } + else if ((big * 5) + small > goal) + { + while ((big * 5) + small > goal) + { + small = small - 1; + } + return small; + } + else + { + return -1; + } + } + } + else if (goal - (big * 5) > 0) + { + if ((big * 5) + small == goal) + { + return small; + } + else if ((big * 5) + small > goal) + { + while ((big * 5) + small > goal) + { + small = small - 1; + } + return small; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +7c34f8c1c85afea913fe1ca9164e3d754aeb4683,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (5 * big) < goal) + return -1; + else if (small + (5 * big) == goal) + return small; + else if ((5 * big) > goal && (goal % 5) > small) + return -1; + else if ((5 * big) >= goal && (goal % 5) == 0) + return 0; + else + return 0; + +} +" +a88fc04ea7cf821242045c5566b1e8012f78b70b,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + return small - diff; + } + } +} +" +f122642938621a254ea530b64061c5e42dc7e75b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal = 0) + { + k=-1 + } + else + { + k = goal%5 + } + return k; +} +" +5d85222078170000dc7da8aefe8088d4e3ee019c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal = 0) + { + k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +d37502483199578b8a24092e7218bcafbfb92ef4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal == 0) + { + k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +cbc47b35a70d7fa4f7ff955fb0c3c66b45fbe75e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal == 0) + { + int k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +c5bcdfdef35a085448bf8a85ef44450430e84b3f,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + int left = diff - (5*big); + return small - left; + } + } +} +" +a1f697ca55808415f223a36b6a0a1ce6b04dc1ab,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0 + if (goal == 0) + { + k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +a3ec93cc9cebb366d0efd0aeb694b8961115d9c5,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + if (goal == 0) + { + k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +30d31bbaaebc9776769ceff35e438b4a64ee9d51,"public int makeChocolate(int small, int big, int goal) +{ + remainder = goal % (5 * big); + smallBars = remainder % small; + if (smallBars > 0) + return smallBars; +} +" +244a4783c2f59dc3d8df0c04891f8d6e73b60abc,"public int makeChocolate(int small, int big, int goal) +{ + bigg = big * 5; +} +" +94819978bc3235d530db452d74a4c05cd3b6b47a,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (5 * big); + int smallBars = remainder % small; + if (smallBars > 0) + return smallBars; +} +" +de4e6e27c020a4b0be901ffeee1aa4481e07a9b6,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (5 * big); + int smallBars = remainder % small; + if (smallBars > 0) + return smallBars; + else + retun -1; +} +" +0e86f1dba423e3979978089e2feab71510732f5b,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (5 * big); + int smallBars = remainder % small; + if (smallBars > 0) + return smallBars; + else + return -1; +} +" +2ae9fc0ac7c0661c287c540dbe0c3bf1c868fae3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +3aefd347ab226c6558704951c4e9d80002bcc42f,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + tot = big*5 + small; + if (goal < tot) + { + k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +7d779d1c23a04e895baf93b0a605046f3674ee0a,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + int afterBig = amount - (5*big); + return small - afterBig; + } + } +} +" +4ace66adf70fdcb327a1d27a50c8b43d9be00740,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else + { + int diff = amount - goal; + if (diff == 0) + { + return small; + } + else + { + int afterBig = goal - (5*big); + return small - afterBig; + } + } +} +" +3673a555fda71279fe93bd05f64df33efdf73acc,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + k = goal%5; + } + return k; +} +" +d357616dc17c2b9f5439137bb8a10f2b69c12973,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + { + goal -= maxBig * 5; + } + else + { + goal -= big * 5; + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +aea875b2fcf7bb59a58356cf88cfe05d36d877d6,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int afterBig = goal - (5*big); + return small - afterBig; + } +} +" +25d01cf99c53a127f05447b5f6b3f627eff505f6,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + int afterBig = diff - (5*big); + return small - afterBig; + } +} +" +dafc3ee41d54345a6535e17b02b1c18b5cbfedd0,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal >= 5 * big ? goal - (5 * big) : goal % 5; + + return remainder <= small ? remainder : -1; +} +" +77c0d58d1250494b027a6bbf6b0e11219de66071,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if(small == moreKilo) + { + small = moreKilo; + } + else + { + small =-1; + } + return small; +} +" +e36dd90ffdcf3fc0c14eef3109261c4ae2aa2f57,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + if (diff < 5) + { + return small; + } + } +} +" +e09360b91a1611a5c34ce5ec838f015862445b06,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + return small - diff; + } +} +" +953c87fef1fc6a91805a35c1346e4244dfa9fdd7,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + b = goal-5*big; + k = goal; + } + return k; +} +" +71ad87d85e348bcb28fc8a70e7835d7597cd3dea,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + b = goal-5*big; + k = b; + } + return k; +} +" +d10f883f0097923215e5c542e90158726ff0f205,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + b = goal-5*big; + k = b; + } + return k; +} +" +7a130e3ebcd012659deaff7648ec98c7ade1f888,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + if (diff < 5) + { + return small; + } + else + { + int afterBig = diff - (5*big); + return small - afterBig; + } + } +} +" +fc11ed40232ce0b7e64f4385d0367629d5b40250,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + return small - diff; + } +} +" +359a3c770a6fc9eeed45d4c2d235ea5b4c00a574,"public int makeChocolate(int small, int big, int goal) +{ + // if (goal >= 5 * big) + // int remainder = goal - 5 * big; + // else + // int remainder = goal % 5; + int remainder = goal % 5 big; + if (remainder >= 0) + return remainder; + else + return -1; +} +" +50ec2a95a0333c918637bad344abb1bc6b5fbb7e,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + int afterBig = diff - (5*big); + return small - afterBig; + } +} +" +2d7feb121e8ad107f3b44cc96ef3abf58adcdc64,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + while (b>5) + { + b = goal-5; + + } + k=b; + + } + return k; +} +" +93541fc2c2de0f82d63330b74b4fb2f405b3b3be,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + while (b>=5) + { + b = goal-5; + + } + k=b; + + } + return k; +} +" +6ea0a785e674f2996c18d50bd80cc98671dab5fe,"public int makeChocolate(int small, int big, int goal) +{ + // if (goal >= 5 * big) + // int remainder = goal - 5 * big; + // else + // int remainder = goal % 5; + int remainder = goal % (5 * big); + if (remainder >= 0) + return remainder; + else + return -1; +} +" +9def91e03cb4c9e4fb5f0472d02e90c8fb23cc26,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + int afterBig = diff - (5*big); + if (afterBig < 0) + { + return small; + } + else + { + return small - afterBig; + } + } +} +" +df5467124d436fc34cfa34fbe84481f38e22f053,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + while (goal>=5) + { + goal = goal-5; + + } + k=goal; + + } + return k; +} +" +9ed9b6299e19dfe5bbfd02c89dbe7b8f62293375,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + return small - diff; + } +} +" +a176966d4be0ac0c51f7fde679f23168bbc05e79,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + while (goal>=5 && big>0) + { + goal = goal-5; + big=big-1; + } + k=goal; + + } + return k; +} +" +fe9dfa880844861a0aac68db7553501b4bae4fbb,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - (5*big); + return small - diff; + } +} +" +71d96a7fa353c1d670e68cf88e8e31491f2fb57e,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + return small - diff; + } +} +" +f4888e3015ea8f27f042c94efe1f1396dae6d5ba,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + + if (goal - big*5 <= 0) + { + return 0; + } + + return goal - big*5; + +} +" +be9f2a106300de1c83575ac76cd8596dfe4956fe,"public int makeChocolate(int small, int big, int goal) +{ + int k = 0; + int tot = 0; + int b=0; + tot = big*5 + small; + if (goal > tot) + { + k=-1; + } + else + { + while (goal>=5 && big>0) + { + goal = goal-5; + big=big-1; + } + if (goal>small) + { + k=-1; + } + else + { + k=goal; + } + + } + return k; +} +" +f817aff0304e79b277ddbddf08e8cbf2bc5bea99,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + + int amountOfSmallBars = goal - big * 5; + + if (amountOfSmallBars <= 0) + { + return 0; + } + + else + { + return amountOfSmallBars; + } + +} +" +9e9db38a0069c863dcf00fb2f051aef3ca317c53,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + int remainder = goal - 5 * big; + else + int remainder = goal % 5; + if (remainder <= small) + return remainder; + else + return -1; +} +" +fb30672a0050f4d1d499b8ae823ce75067cc24f2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + else + return -1; +} +" +a94ba7a77edc7816e2c50851341701aa6d25b5fb,"public int makeChocolate(int small, int big, int goal) +{ + int t = goal % 5; + int b = big * 5; + if (b < goal) + { + if (small + b == goal) + { + return small; + } + else if (small + b > goal) + { + return goal - b; + } + else if (small + b < goal) + { + return -1; + } + } + else if (b > goal) + { + if (small < t) + { + return -1; + } + else + { + return t; + } + } + else + { + return 0; + } +} +" +48bc0f34f4cc4ef36c199e0073714579cc3f1829,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + if (remainder <= small) + return remainder; + else + return -1; +} +" +fdddfe85e0ff5dfa350c726746496ea3b0256e5e,"public int makeChocolate(int small, int big, int goal) +{ + int t = goal % 5; + int b = big * 5; + if (b < goal) + { + if (small + b == goal) + { + return small; + } + else if (small + b > goal) + { + return goal - b; + } + else + { + return -1; + } + } + else if (b > goal) + { + if (small < t) + { + return -1; + } + else + { + return t; + } + } + else + { + return 0; + } +} +" +55c49a019b61d71f7959258e37da1543290e6a0d,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + int i = 0; + while (i <= big) + { + diff = diff - 5; + } + return small - diff; + } +} +" +2a52f0a2d82ad1477330268a6abdbda5402b21e5,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + + int amountOfSmallBars = goal % 5; + + if (amountOfSmallBars <= small && goal - big*5 > 4) + { + return amountOfSmallBars + 5; + } + + else + { + return amountOfSmallBars; + } + +} +" +4d8c0c644b7f530bcd32803fe46c91384b54e6d3,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + + int amountOfSmallBars = goal % 5; + + if (amountOfSmallBars <= small && goal - big*5 > 4) + { + return amountOfSmallBars + 5; + } + + else if (amountOfSmallBars <= small + { + return amountOfSmallBars; + } + + else + { + return -1; + } + +} +" +facfa5383c77ccde2c24a54225e1052ce11018d3,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + int i = 0; + while (i <= big) + { + diff = diff - 5; + i = i + 1; + } + return small - diff; + } +} +" +56013640ec986caa6ff19de5b13a23ede2e84f23,"public int makeChocolate(int small, int big, int goal) +{ + int amountOfSmallBars = goal % 5; + + if (small + big*5 < goal) + { + return -1; + } + + else if (amountOfSmallBars <= small && goal - big*5 > 4) + { + return amountOfSmallBars + 5; + } + + else if (amountOfSmallBars <= small) + { + return amountOfSmallBars; + } + + else + { + return -1; + } + +} +" +30f98b9f72fb9344c898af49b6b5d61a5572f8d1,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int diff = amount - goal; + int i = 0; + while (i < big) + { + diff = diff - 5; + i = i + 1; + } + return small - diff; + } +} +" +12eb90cd21edfa3b84b353939a235a5e8fca23c3,"public int makeChocolate(int small, int big, int goal) +{ + int amountOfSmallBars = goal % 5; + + if (small + (big * 5) < goal) + { + return -1; + } + + else if (amountOfSmallBars <= small && goal - (big * 5) > 4) + { + return amountOfSmallBars + 5; + } + + else if (amountOfSmallBars <= small) + { + return amountOfSmallBars; + } + + else + { + return -1; + } + +} +" +69f174372507f244c2b7b74f4f592ef0be893ea3,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (i < big) + { + amount = amount - 5; + i = i + 1; + } + return small - amount; + } +} +" +5a00919d938e7350f9d887a0f3c496f766fa3b49,"def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +" +31d2de2c4723037a38f2b62dd095d3efaf175d3f,"def make_chocolate(small, big, goal): +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +85972d5260bedea0995832e2162fe2609acc4002,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + for (int i = 0; i < big; i++) + { + amount = amount - 5; + } + return small - amount; + } +} +" +e6c7639a2e1b3af56d85db04d390ef310b45ff98,"def make_chocolate(small, big, goal): +{ + if goal >= 5 * big: + { + remainder = goal - 5 * big + } + else: + { + remainder = goal % 5 + } + + if remainder <= small: + { + return remainder + } + return -1 +} +" +9c14f57b5e9648aed8dc31b006a775f74654555b,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + for (int i = 0; i < big; i++) + { + amount = amount - 5; + } + return small - amount + small; + } +} +" +e0606bd8d83faa6bec070599b0dd4d237936a8c4,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} + +" +64d5f0390f11da72a626c28acdf0bd4ec740c7d5,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + for (int i = 0; i < big; i++) + { + goal = goal - 5; + } + return small - goal; + } +} +" +695cbe02f5ff4df66925f4a6f6cec7c1d82a1a19,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - (5 * big); + + if (goal >= 5 * big) + { + return remainder; + } + else + { + return goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1 + +} +" +877f8f3fdbafae18f693784c630e03b72249aa86,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - (5 * big); + + if (goal >= 5 * big) + { + return remainder; + } + else + { + return goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; + +} +" +45c56095ebbfe60ecb93a89161772698f5a8439f,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + for (int i = 0; i < big; i++) + { + goal = goal - 5; + } + return goal - small; + } +} +" +5624870a294fbb1ceeb8a74d666bc232a0bfeff3,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + for (int i = 0; i < big; i++) + { + goal = goal - 5; + } + return small - goal; + } +} +" +056b2014fc045bf0242e8bd8c61b648b0e1c5261,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal - (5 * big); + + if (goal >= 5 * big) + { + return remainder; + } + else + { + return goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; + +} +" +e96320b94ce19a6f6f73a676d63861e2cc4a94d5,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (goal > 5) + { + goal = goal - 5; + i = i + 1; + } + return small - goal; + } +} +" +c0e8b7c42a479564ec6da74d009318e1c962ff68,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (goal > 5) + { + goal = goal - 5; + big = big - 1; + i = i + 1; + } + return small - goal; + } +} +" +f79749b769c5d16cb719cfadca3e481d8562fa9c,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (goal > 5) + { + goal = goal - 5; + i = i + 1; + } + return small - (big - i); + } +} +" +61a5518461cde6f8eac49521daea490314feb361,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (goal > 5) + { + goal = goal - 5; + i = i + 1; + } + return small - i; + } +} +" +bc46e25c71e179f70870715a0e6da76a0eb26e59,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (goal >= 5) + { + goal = goal - 5; + i = i + 1; + } + return small - i; + } +} +" +a1171144cde9c3a96ebd963935cd242150f9abbb,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; + while (goal >= 5) + { + goal = goal - 5; + i = i + 1; + } + return small - (big - i); + } +} +" +afd4acbfa1e62008bd67e34bda36750c0feeffe8,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; // int ""i"" is the number of bars (big) used + while (goal >= 5) + { + goal = goal - 5; + i = i + 1; + } + return (big - i); + } +} +" +f01e750d34ed9b3ab747d1b1b73f942faf1481bb,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; // int ""i"" is the number of bars (big) used + while (goal >= 5) + { + goal = goal - 5; + i = i + 1; + } + return (big - i + 1); + } +} +" +b819c51587e34fe0f5f138ff993e69c7a99dd9ae,"public int makeChocolate(int small, int big, int goal) +{ + int numberBig = goal/5; + if (numberBig <= big) { + goal = goal - (numberBig*5); + } + else { + goal = goal - (big*5); + } + if (goal <= small) { + return goal; + } + else { + return -1; + } +}" +78c04fc5c0546f89e3a8185acc656a8d75dcfc20,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; // int ""i"" is the number of bars (big) used + int smallUsed = 0; + while (goal >= 5) + { + goal = goal - 5; + big = big - 1; + if (big == 0) + { + goal = goal - 1; + smallUsed = smallUsed + 1; + } + } + return smallUsed; + } +} +" +326a73fd15c978425875cff4b27f432cd040806f,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; // int ""i"" is the number of bars (big) used + int smallUsed = 0; + while (goal >= 5) + { + goal = goal - 5; + big = big - 1; + if (big == 0 && small > 0) + { + goal = goal - 1; + small = small - 1; + smallUsed = smallUsed + 1; + } + } + return smallUsed; + } +} +" +4c80eb09e351254605966e30d562f804aa873754,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int i = 0; // int ""i"" is the number of bars (big) used + int smallUsed = 0; + while (goal > 0) + { + if (big > 0) + { + goal = goal - 5; + big = big - 1; + } + else + { + goal = goal - 1; + smallUsed = smallUsed + 1; + } + } + return smallUsed; + } +} +" +fde7749a2386879a7e7079e362600218e6abdbf0,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int smallUsed = 0; + while (goal > 0) + { + if (big > 0) + { + goal = goal - 5; + big = big - 1; + } + else if (small > 0) + { + goal = goal - 1; + smallUsed = smallUsed + 1; + } + else + { + + } + } + return smallUsed; + } +} +" +b55891e6faa8f5267b9588bdc47f863904b123d0,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int smallUsed = 0; + while (goal > 0) + { + if (big > 0) + { + goal = goal - 5; + big = big - 1; + } + else (small > 0) + { + goal = goal - 1; + smallUsed = smallUsed + 1; + } + } + return smallUsed; + } +} +" +05b1953958d1ac808c6289e19401e6dd93aeeef1,"public int makeChocolate(int small, int big, int goal) +{ + int amount = (5*big) + small; // Amount possible + if (amount < goal) + { + return -1; + } + else if (amount == goal) + { + return small; + } + else + { + int smallUsed = 0; + while (goal > 0) + { + if (big > 0) + { + goal = goal - 5; + big = big - 1; + } + else + { + goal = goal - 1; + smallUsed = smallUsed + 1; + } + } + return smallUsed; + } +} +" +ebd32bc9d73aea5eb17d579604ff55398843bcff,"def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +" +8ade95f109e1073acef3d10c10f35e45f9e8fce5,"def make_chocolate(small, big, goal): +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + return -1 +} +" +334f0a8ba713f230d5bb96019ed2a3372b78054d,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +d33f234681b0771f238da6ca1d6c721adbffde32,"public int makeChocolate(int small, int big, int goal) +{ + + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal%5; +} +" +f913d8e068b53123019718f52ebd9e55a7e6ba1f,"public int makeChocolate(int small, int big, int goal) +{ + if (small == 1 && big == 2 && goal == 7) + return -1; + if (goal > (big*5 + small)) + return -1; + else if (goal > big*5) + { + return goal - (5 * big); + } + else + return goal%5; +} +" +5e15cae4d0869639fc91c19d2022ce7fed84b045,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +d6998100bd6577ba6e1b6d32b28479a5f11fbd82,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if remainder <= small + return remainder; + + return -1 +} +" +52e79430f1462a89bbcaa4adabf8a0e56bdd5801,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1 +} +" +3cdee7bcfee0597af8051e6f353e405dc1e5e592,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + return smallNeeded; +} +" +94180bc4c543c521a6175038f0b9fd6be78169a6,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +a1045780d209ed3a9e43159ba4e7cd2c01353cf5,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + + else if (rem <= small) + return rem; + + else + return -1; + +} +" +1f2b17e3a533b8a1534151aa8df95f4aadd1e97f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1 +} +" +87c6ef3d521bfcc059ff0f1f2be0a697d206b1da,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +6aa7b32d374104aec5d587ac715bf0bea1eaf2e3,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +9f333bb08c66b6fd48187133588156d9b32ce7b0,"public int makeChocolate(int small, int big, int goal) +{ + int bigs = big % goal; + if (bigs == 0) + return -1; + else + return bigs; +} +" +7b8b7ea897c5fd4390a1dfebb4dcc078e88bb83a,"public int makeChocolate(int small, int big, int goal) +{ + int bigs = big / goal; + if (bigs == 0) + return -1; + else + { + + return bigs; + } +} +" +f385e0e899a1190644583a65c7f33ccc574d4d03,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal = goal - maxBig*5; + else + goal = goal -big*5; + if(goal <= small) + return goal; + return -1; +} +" +f33160f9d8c1a76b2c1ada81ffc8fe471a18ac18,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + int count = 0; + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + while (goal > 0 && big > 0) + { + goal = goal - 5; + big --; + } + + while (goal > 0) + { + goal --; + count ++' + } + } + else + { + return -2; + } +} +" +3e86e3ab49b13ac0638ac8c5b300f9de472963d7,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + int count = 0; + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + while (goal > 0 && big > 0) + { + goal = goal - 5; + big --; + } + + while (goal > 0) + { + goal --; + count ++' + } + return count; + } + else + { + return -2; + } +} +" +3f45cbd6a8fb230014cdbd8d4ede506db12a6ad6,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + int count = 0; + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + while (goal > 0 && big > 0) + { + goal = goal - 5; + big --; + } + + while (goal > 0) + { + goal --; + count ++; + } + return count; + } + else + { + return -2; + } +} +" +e3df7d84809bd66a415faa51e5f51ae0c726688a,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; // small needed with enough big + int num2 = goal / 5; // big needed exculeding small + int count = 0; + + if (num > small || (num2 > big) && ((goal - (big * 5)) - small > 0)) + { + return -1; + } + else if (num2 <= big) + { + return num; + } + else + { + return -2; + } +} +" +94ee862674546c1de53e28544b20154d2842bf9b,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal/5; + if(rem <= big) + goal = goal - rem*5; + else + goal = goal -big*5; + if(goal <= small) + return goal; + return -1; +} +" +6cc6deea96f07ce056d687b5d0d6708050018567,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal/5; + + if(rem <= big) + { + goal = goal - rem*5; + } + else + { + goal = goal -big*5; + } + if(goal <= small) + { + return goal; + } + return -1; +} +" +a195c145d60eec9e91d7088612cd3d141df96174,"public int makeChocolate(int small, int big, int goal) +{ + int makeChocolate; + + if (big % goal >= 1) + { + makeChocolate = big % goal; + } + else + { + makeChocolate = -1; + } + + return makeChocolate; +} +" +c4cbc30a5d6161de98702998270638bb2dbd5a13,"public int makeChocolate(int small, int big, int goal) +{ + int makeChocolate; + + if ((big * 5) + small < goal) + { + makeChocolate = -1; + } + else if (big % goal >= 1) + { + makeChocolate = big % goal; + } + else + { + makeChocolate = 0; + } + + return makeChocolate; +} +" +33da0751dc4e722801d59a6a07db733653ae60e3,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a > goal) + { + + } + return -1; + +} +" +316604a44600fd3eacac50237061546672e2a96b,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + + } + return -1; + +} +" +e713a75d119338a1abbbe62cf809dece6e3d7586,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + int c = goal%a; + return small - c; + + } + return -1; + +} +" +66c85d539753be58aa35bc9623a217b396d8d23f,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + int c = a%goal; + return small - c; + } + return -1; + +} +" +bd2d7c7ef21ae1a304c920edb17a72ad29d02af0,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + int c = a%goal; + return c; + } + return -1; + +} +" +1daece0392a4f2ffc27fdaef06112524873471eb,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + int c = a%goal; + return small - c; + } + return -1; + +} +" +bb664e06cb21c7bd9a5afd596c89e28d73a97117,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + int c = a%goal; + return c; + } + return -1; + +} +" +b12f5a3423b815c75109922b8aa229b3ccb2aa07,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (a >= goal) + { + int c = a%goal; + return small - c; + } + return -1; + +} +" +281492761e57d903feb161d390ce9b39dad5e38b,"public int makeChocolate(int small, int big, int goal) +{ + int b = big*5; + int a = small + b; + if (goal < 5) + { + return small; + } + if (a >= goal) + { + int c = a%goal; + return small - c; + } + return -1; + +} +" +58a4c69763f651635412a962175a089ec153d108,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +2572d47b693e8d7b1e8493f78885bf622fc69c21,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } +return -1; + +} +" +b45e3a0eb95d05c9146424abec4c84e24a3bf0cd,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + else if (goal % 5 <= small && goal - big*5 > 4) + { + return goal % 5 + 5; + } + else if (goal % 5 <= small) + { + return -1; + } + +} +" +e0d2456ffe86fb958f2df28ebec9f58c2a820194,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + else if (goal % 5 <= small && goal - big*5 > 4) + { + return goal % 5 + 5; + } + else if (goal % 5 <= small) + { + return goal % 5; + } + else + { + return -1; + } + +} +" +46e574784fb4b33451bbe4a01aac50d3f6601a57,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + + remainder = goal - 5 * big + + else: + + remainder = goal % 5 + + + + if remainder <= small: + + return remainder + + + + return -1 +} +" +02ac92242056beac16232383f782e3d9bc7e922a,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + int remainder = goal - 5 * big; + } + remainder = goal % 5; + if remainder <= small + { + return remainder; + } + return -1; +} +" +391054774e70d24fd484f3cbee368a1cde4e271d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + int remainder = goal - 5 * big; + } + remainder = goal % 5; + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +7929cbded552d693c8d2fa02e6278db173f5f097,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + remainder = goal % 5; + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +25a7b4bc5126bc0fa11e0e426326971dbc390ada,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + + if(maxBig <= big) + + goal -= maxBig*5; + + else + + goal -= big*5; + + if(goal <= small) + + return goal; + + return -1; +} +" +43dcb6c1917c0bb4efaca036978592476fdeea6c,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + + if(maxBig <= big) + + goal = maxBig*5; + + else + + goal = big*5; + + if(goal <= small) + + return goal; + + return -1; +} +" +d998d1c05e297c8acbf952bc741e3b733155ab06,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + + if(maxBig <= big) + + goal -= maxBig*5; + + else + + goal -= big*5; + + if(goal <= small) + + return goal; + + return -1; +} +" +5a3263a44db2ab7c86a9bfaa21041e7beb0e696e,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % big; + if (numSmall % small = 0) + { + return small; + } + else + { + return -1; + } +} +" +d3c2f91b7b3512126a1af2de28566042814fa00c,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % big; + if (numSmall % small == 0) + { + return small; + } + else + { + return -1; + } +} +" +604d09525b7bd0c39b8c1abb1bcfcff5394d5409,"public int makeChocolate(int small, int big, int goal) +{ + if (small == goal % big) + { + return small; + } + else + { + return -1; + } +} +" +02530387a17a66b9b68f05692eab0a55a43b57b2,"public int makeChocolate(int small, int big, int goal) +{ + if (small == goal % 5) + { + return small; + } + else + { + return -1; + } +} +" +495605b7cccb45c07248aef86f58c9b2cb5ce9ec,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal % 5) + { + return small - (goal % 5); + } + else + { + return -1; + } +} +" +e42ead6777cb7f10e08547027b4d72770ab7c128,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal % 5) + { + return small; + } + else + { + return -1; + } +} +" +7e938546a03f89d5e4e6857b8c8d6c1578f1c821,"public int makeChocolate(int small, int big, int goal) +{ + if (small >= goal % 5) + { + return goal % 5; + } + else + { + return -1; + } +} +" +7f6b3a9c16df5a9d83bca62300cbf0d6f27e6202,"public int makeChocolate(int small, int big, int goal) +{ + if (small == goal) + { + return small; + } + else if (big == goal) + { + return big; + } + else + { + return -1; + } +}" +353cec0b11da9d4eb9f0a8e9a2e717a0eb7542d0,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big + small == goal) + { + return small; + } + else + { + return -1; + } +}" +54be3e02b94c9655cd69ef08a05a5d6389b10847,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +8cd60ddf9e65112027909101b2ef1904b73ffeda,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +bbe50f2fce4115084147a953a7531d21a526dbb7,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else + { + return -1; + } +}" +46a565b9da1db381dfe55d0b9d8874cbfd97f1af,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +68f7ef4b2e155ba3deaf71d5fe4cf3ce6be468e4,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + if (small == goal) + { + return small; + } + else if (5+small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +6a673630148d066a2f5a103ca52abc9949cab2d4,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +e571f8ed2f19261223a8fab483cbf970980a07cc,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return 5*big-goal; + } + else + { + return -1; + } +}" +09b3e21226a5485cfb8232ea29ac4e81be9c9bf3,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +852e71ca6c135b9ca38657b7e49c9f6e602664fa,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal - big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +a728dd45b1e6c8a14e57db5b415e1f81180e7641,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal / 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal - big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +f8a51da1c86e43dab26a094258eb85e9cd17ae47,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (smalll == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +c66e8918d7e36e3908433e5e4bb1b3f273be12eb,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal - big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +850895d3c2cd2260b6ceecda1b40d40f6dcf9e8a,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-5*big; + } + else + { + return -1; + } +}" +861163a92a0f5240c834c04babddba3fd9aad595,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +1b15438be22fff9ffcff0b48cbf134eec0d58826,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else + { + return -1; + } +}" +72d63f296ffab112550d1e28483e60bf0f102df3,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal / 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal - big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +9d8fdf8454e0e0a446131f21a95bd44ada3a5d85,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +91a1a1f43a992f4f97b2421fe9b084e96d7ef517,"public int makeChocolate(int small, int big, int goal) +{ + while (goal >= 5) + { + goal -= 5; + } + return goal; +} +" +f17f9d36d081923a09d68b9beb08271721c916db,"public int makeChocolate(int small, int big, int goal) +{ + int pack = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (pack <= small && goal - big*5 > 4) + { + return pack + 5; + } + else if (pack <= small) + { + return pack; + } + else + { + return -1; + } +} +" +d6b43fd6326f66b67ca5d8dc7bc831deda092aa1,"public int makeChocolate(int small, int big, int goal) +{ +nt res=0; +int i=0; +if(goal>big*5+small) return -1; +while(res<=goal && igoal) res=res-5; +if(goal-res>small) return -1; +return (goal-res); + +} +" +b2865f204db726eb82c66b9c18003db4a8dee658,"public int makeChocolate(int small, int big, int goal) +{ +int res = 0; +int i = 0; +if(goal>big*5+small) return -1; +while(res<=goal && igoal) res=res-5; +if(goal-res>small) return -1; +return (goal-res); + +} +" +f34634bcc06166bd848bf4d8f0acf794e9449932,"public int makeChocolate(int small, int big, int goal) +{ + int counter; + while (goal >= 5 && big > 0) + { + goal -= 5; + big--; + } + while (goal >0 && small > 0) + { + goal--; + small--; + counter++; + } + if (goal == 0) + { + return goal; + } + else + { + return -1; + } +} +" +141fc23930d84bf692e15836e90c2b0e71490dd9,"public int makeChocolate(int small, int big, int goal) +{ + int counter=0; + while (goal >= 5 && big > 0) + { + goal -= 5; + big--; + } + while (goal >0 && small > 0) + { + goal--; + small--; + counter++; + } + if (goal == 0) + { + return goal; + } + else + { + return -1; + } +} +" +23cd0380d6cd8407873d752dfec07f003ce851e2,"public int makeChocolate(int small, int big, int goal) +{ + int counter=0; + while (goal >= 5 && big > 0) + { + goal -= 5; + big--; + } + while (goal >0 && small > 0) + { + goal--; + small--; + counter++; + } + if (goal == 0) + { + return counter; + } + else + { + return -1; + } +} +" +58e036e15005b124f46a28564ab9915dc5bc348f,"public int makeChocolate(int small, int big, int goal) +{ +int pack = 0; +int i = 0; +if (goal > big*5 + small) +{ + return -1; +} +while (pack <= goal && i < big) +{ + pack = pack + 5; + i++; +} +if (pack == goal) +{ + return 0; +} +if (pack > goal) +{ + pack = pack - 5; +} +if (goal - pack > small) +{ + return -1; +} +return (goal-res); +} +" +4a1f2a976e58a712ccf1997c069e9477d33173d2,"public int makeChocolate(int small, int big, int goal) +{ +int pack = 0; +int i = 0; +if (goal > big*5 + small) +{ + return -1; +} +while (pack <= goal && i < big) +{ + pack = pack + 5; + i++; +} +if (pack == goal) +{ + return 0; +} +if (pack > goal) +{ + pack = pack - 5; +} +if (goal - pack > small) +{ + return -1; +} +return (goal - pack); +} +" +e7450ae2e25ac950b17268120ad7e4195e353244,"public int makeChocolate(int small, int big, int goal) +{ + int pack = 0; + int i = 0; + if (goal > big*5 + small) + { + return -1; + } + while (pack <= goal && i < big) + { + pack = pack + 5; + i++; + } + if (pack == goal) + { + return 0; + } + if (pack > goal) + { + pack = pack - 5; + } + if (goal - pack > small) + { + return -1; + } + return (goal - pack); +} +" +516532de1a350efb6b2bcf978bf68e679566bf03,"public int makeChocolate(int small, int big, int goal) +{ + int small = goal % 5; + return small; +} +" +7633fa9acf1655ee71dd6eb3fac1f6f2e9f61393,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + return s; +} +" +e6938520bd25c84d21853b5da83d0a803a6402d5,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + if(s == 0) + { + return -1; + } + return s; +} +" +63bfb2a3dca42ef70176fd42567058b60d4695b8,"public int makeChocolate(int small, int big, int goal) +{ + int res=0; + + int smallcount=0; + int bigcount=0; + + while(goal>5) + { + goal=goal-5; + bigcount++; + } + + smallcount=goal; + + res=smallcount; + + if((bigcount goal) + { + return -1; + } + return s; +} +" +441344f352d41cacc4be2d36fe925a88a30e39eb,"public int makeChocolate(int small, int big, int goal) +{ + int res=0; + + int smallcount=0; + int bigcount=0; + + while(goal>=5) + { + goal=goal-5; + bigcount++; + } + + smallcount=goal; + + res=smallcount; + + if((bigcount goal) + { + return -1; + } + return s; +} +" +039d6c5a4a185f132f8c6d97fed711cf1981f8a2,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + if(s == 0) + { + return 0; + } + else if(s + big*5 < goal) + { + return -1; + } + return s; +} +" +606f27d6b0d47afdb80a6e269f08a7618389f323,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; +} +" +b401f7bfab6bfb407007885beaf045db2aebec07,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +} +" +ab71b68dae0a04883d623720f44d62dfea35cd7e,"public int makeChocolate(int small, int big, int goal) +{ + int bigCapacity = goal/5; + +if (bigCapacity>=big && goal-big*5<=small) + return goal-big*5; +else if (bigCapacity=big && goal-big*5<=small){ + return goal-big*5; + + } + + else if (bigCapacity goal) + { + return s; + } + return s; +} +" +acf3fb3cbb0d616b38229ff1c3224d22faf185d6,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + if(s == 0) + { + return 0; + } + else if(s + big*5 < goal) + { + return -1; + } + else if(big*5 > goal) + { + return s; + } + else + { + return goal-big*5; + } +} +" +f347fb15b8feb97d2861cb5652cd8caa506db461,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + if(s == 0) + { + return 0; + } + else if(s + big*5 < goal) + { + return -1; + } + else if(big*5 > goal) + { + return s; + } +} +" +f714c1d087b6122f301afb954180744c7a7aa503,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + + if(s + big*5 < goal) + { + return -1; + } + else if(big*5 > goal) + { + return s; + } + else +{ + return goal - big * 5; +} +} +" +58147e4ad9e5bccc35934db95dfc5d423bce5ca1,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal % 5; + if(s == 0) + { + return 0; + } + else if(s + big*5 < goal) + { + return -1; + } + else if(big*5 > goal) + { + return s; + } +} +" +4ebbda41baadd1b0817d2cdc8bd1d6289c423584,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-10; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +09f7d53da38ab63d110723750f95ddd2abd2d22a,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5+small >= goal) + { + return goal-10; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +84f075a9583149b07526ff3c2b78eaa12f41dc0e,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (10+small >= goal) + { + return goal-10; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +86fd639e9f7a6fc108d9e9a518785f25c47a5060,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5+small >= goal) + { + return goal-10; + } + else if (5*big + small == goal) + { + return small; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +cf8ff9cf57da66732028e2e4301e599a8e0d95b9,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +cbdddb07ed0c7f2da0b3cba0fa033427df25e158,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (goal-5 <= small) + { + return goal-5; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +f5a68ee047c1d6823e342c4c2131052013028f09,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (goal-10 <= small) + { + return goal-10; + } + else if (5+small >= goal) + { + return goal-5; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +1ddcc0f6e7ab458b429a755b73b35b2ebf10ea25,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (goal-5 <= small) + { + return goal-5; + } + else if (goal-10 <= small) + { + return goal-10; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +a5de8e64744085d5fb3462149d48b92a44ca20e7,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (big >= 1 && goal-5 <= small) + { + return goal-5; + } + else if (big >= 2 && goal-10 <= small) + { + return goal-10; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +9b20766cbec74d1c595876add0699fb897eb5537,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (big >= 1 && goal-5 <= small) + { + return goal-5; + } + else if (big >= 2 && goal-10 <= small) + { + return goal-10; + } + else if (big >= 3 && goal-15 <= small) + { + return goal-15; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +e5aeea570be39d8f82394a28be51669eb4d4dcda,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (big >= 3 && goal-15 <= small) + { + return goal-15; + } + else if (big >= 2 && goal-10 <= small) + { + return goal-10; + } + else if (big >= 1 && goal-5 <= small) + { + return goal-5; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +67bac66744f4dc572726c330a29247bc40e5a122,"public int makeChocolate(int small, int big, int goal) +{ + if (5*big == goal) + { + return 0; + } + else if (small == goal) + { + return small; + } + else if (5*big + small == goal) + { + return small; + } + else if (big >= 3 && goal-15 <= small) + { + return goal-15; + } + else if (big >= 1 && goal-5 <= small) + { + return goal-5; + } + else if (big >= 2 && goal-10 <= small) + { + return goal-10; + } + else if (5*big + small > goal) + { + return goal-(5*big); + } + else + { + return -1; + } +}" +b983c2791ddcfadb31253d110d179f7cd6a9a970,"public int makeChocolate(int small, int big, int goal) +{ + int number = goal % 5; + return number; +} +" +21fed00b69842b2d2d25881f7455e9c7c27a8067,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + int number = goal % 5; + return number; + } + else + { + return -1; + } +} +" +5adc1feeb26d5c96ac35597cab6a03bf28673ac2,"public int makeChocolate(int small, int big, int goal) +{ + int total = 5 * big + small; + if(total >= goal) + { + int number = goal % 5; + return number; + } + else + { + return -1; + } +} +" +7358577ecaa02070f01603534576081d0970d6ac,"public int makeChocolate(int small, int big, int goal) +{ + int total = 5 * big + small; + if(total >= goal) + { + int number = goal % 5; + int bigBars = goal / 5; + if(bigBars >= big) + { + return number; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +d91e79f2eb54f3fc40fc8a4dd788ea97daa3297d,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/big; + int rem = goal%big; + if(big>rbig && small>rem) + { + return rem; + } + else + { + return -1; + } + + +} +" +a7f4bc21010bab7cce94b0f449dd2117b77099ea,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/big; + int rem = goal%big; + if(big>=rbig && small>=rem) + { + return rem; + } + else + { + return -1; + } + + +} +" +110606091fea398f14bcd25cfb6d8ff0ca5d20fa,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + if(big>=rbig && small>=rem) + { + return rem; + } + else + { + return -1; + } + + +} +" +02c1f4e0f97b08ede2f502ec88e412c541d9da93,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + if(big=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +b141b0cbe4ca3588aaa99ab0faeb73315f35eb21,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + if(big=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +6ff37207158993b3064f714c00fdb87f557bd188,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + if(big=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +7eea82b68f7445072caad69e96b7696884dc7e58,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + if(big=small) + { + return rem; + } + else + { + return -1; + } + } + else if (rem>=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +d58b1be4da49fc09e703c2907e4432483dec23f6,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + int x = rbig - big; + rem2 = rem + (x*5); + if (big=rem2 + { + return rem2; + } + else if (big >= rbig && rem>=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +355d4d4fc75e99759ef9a5f80349c3d68925dd09,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + int x = rbig - big; + rem2 = rem + (x*5); + if (big=rem2) + { + return rem2; + } + else if (big >= rbig && rem>=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +9f9cafcc5ccefbd90bb92f943d8cecbbd4366dab,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = goal%5; + int x = rbig - big; + int rem2 = rem + (x*5); + if (big=rem2) + { + return rem2; + } + else if (big >= rbig && rem>=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +07d122f181801bb84bf6f6e686bbd0cef88c6e60,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % big; + return numSmall; +} +" +55988a5efad61e54a1acdc778d5a170144843580,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = goal % (big*5); + return numSmall; +} +" +460deb01eff4ed3072775f50e9740740605ef9dc,"public int makeChocolate(int small, int big, int goal) +{ + int smallNum = goal % 5; + if ((((goal - smallNum)/5)>big) || (smallNum > small)) + { + return -1; + } + + return numSmall; +} +" +05b4ad93efd8fe95fcb668bcf659e48207a48c39,"public int makeChocolate(int small, int big, int goal) +{ + int smallNum = goal % 5; + if ((((goal - smallNum)/5)>big) || (smallNum > small)) + { + return -1; + } + + return smallNum; +} +" +983cd34013dc79bca611c8be84026e338aa62f19,"public int makeChocolate(int small, int big, int goal) +{ + int smallNum = goal % 5; + if ((((goal - smallNum))>((big*5) + small) || (smallNum > small)) + { + return -1; + } + + return smallNum; +} +" +1f3179a708561c39eede1044fe63b4a844ecc8df,"public int makeChocolate(int small, int big, int goal) +{ + int smallNum = goal % 5; + if ((((goal - smallNum))>((big*5) + small)) || (smallNum > small)) + { + return -1; + } + + return smallNum; +} +" +e418036e902cf76fff04eae0030320ac530492e3,"public int makeChocolate(int small, int big, int goal) +{ + int s = goal%5; + int smallNum = 0; + if (s < big) + { + smallNum = goal - (5 * s); + } + else + { + smallNum = goal - (big*5); + } + if ((smallNum > small)) + { + return -1; + } + + return smallNum; +} +" +443a09bc9773f3d4a3d25fe690e63f7938a6a65a,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +8105c49caf0683aea37b9a3c5a1abbe4abdaec5d,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + goal - = bm * 5; + } + else + goal - + big * 5; + if (goal < = small) + { + return true; + } + return false; +} +" +3352eb91d655899db6286d1d2f1b5287cdbf931f,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + goal - = bm * 5; + + else + goal - + big * 5; + if (goal < = small) + { + return true; + } + return false; +} +" +94f81c0ca7cff0e3dc2c16d6d576ba8dfc9a0aa1,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + + goal - = bm * 5; + + else + goal - + big * 5; + if (goal < = small) + { + return true; + } + return false; +} +" +2ac2acbafbc703f82c21cad489b5329f250c21af,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + goal - = bm * 5; + } + else + { + goal - + big * 5; + } + if (goal < = small) + { + return true; + } + return false; +} +" +402c65efdcf92e98a7bba79b30a04650441c5477,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + goal - = bm * 5; + } + else + { + goal - = big * 5; + } + if (goal < = small) + { + return true; + } + return false; +} +" +8b69bc777bd99f99d76bd0f2698e6f650f344d7c,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + - goal = bm * 5; + } + else + { + - goal = big * 5; + } + if (goal < = small) + { + return true; + } + return false; +} +" +3b0e4fd76836d30ba6668f4efe3b5c69f83d1037,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + - goal = bm * 5; + } + else + { + - goal = big * 5; + } + if (goal <= small) + { + return true; + } + return false; +} +" +8d71fe2636e68116ff27b1d8fc36a5dce594791e,"public int makeChocolate(int small, int big, int goal) +{ + int bm = goal/5; + if (bm <= big) + { + goal = bm * 5; + } + else + { + goal = big * 5; + } + if (goal <= small) + { + return true; + } + return false; +} +" +6a0a94762f6fa65723b892ea49ea7018d180f1fa,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % big > 0) + { + if ((goal % big) % small == 0) + { + int ans = (goal % big) / small + } + } + return -1; +} +" +9d8a9a9148eab6785acfea9fd753128c1ebf6684,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % big > 0) + { + if ((goal % big) % small == 0) + { + int ans = (goal % big) / small; + return ans; + } + } + return -1; +} +" +3bbe34b40c0bd65fa78ed2bb21c8e029dc377942,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + while (goal >= 5) + { + goal -= 5; + } + while (goal>=1) + { + goal -=1; + count +=1; + } + return count; +} +" +05e397bf1e4f1fb2a7a992624b6c143af2ffe29a,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + while (big > 0) + { + goal -= 5; + big--; + } + while (small>0) + { + goal -=1; + count +=1; + } + return count; +} +" +2ce00459ec61daac13c1aa057beb854f7aaa0cc5,"public int makeChocolate(int small, int big, int goal) +{ + //int store =0; + int numBig = big*5; + int moreKilo = goal - numBig; + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + return small; +} +" +eb0626af48aa4bfa8078dea27ce1222b9b5fa179,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo < 0) + { + small = -1; + } + else if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + return small; +} +" +b14d6ee59126967195b63d9ec29adae623ab42b7,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + small = goal; + } + return small; +} +" +363c5b2bbab6497a3d6323692c58a5669cf32e5a,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5 + if(rem > 0) + { + small = rem; + } + small = goal; + } + return small; +} +" +a8a4d23327ce9c0002a6f60e76734c816deaa20d,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5; + if(rem > 0) + { + small = rem; + } + small = goal; + } + return small; +} +" +63ebbdd2fa64d5fe86213723622c7d7f16da5665,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5; + if(rem > 0) + { + small = rem; + } + else + { + small = goal; + } + } + return small; +} +" +7b053e196f4bc398ed66ea0bd50b3c78b6def8cf,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5; + if(rem > 0 && small >= rem) + { + small = rem; + } + else + { + small = goal; + } + } + return small; +} +" +c1a83e04067aea15204712f2f9179d057b0cec37,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal) + { + while (goal>5) + { + goal = goal - 5; + } + return small; + } + else + { + return ""-1""; + } + +} +" +fb8c272d338c38a76d7572cf2db1dea6fed65f23,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal) + { + while (goal>5) + { + goal = goal - 5; + } + return small; + } + else + { + return -1; + } + +} +" +947929f3a7816b962bf0a8bf22b0d1738d0d9042,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) = goal) + { + while (goal>5) + { + goal = goal - 5; + } + return small; + } + else + { + return -1; + } + +} +" +9913a290427a48fe55ace2efc916b6e7cc6fa5e3,"public int makeChocolate(int small, int big, int goal) +{ + int num =0; + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(num >= moreKilo) + { + num= moreKilo; + } + else + { + num = -1; + } + } + else + { + int rem = goal % 5; + if(rem > 0 && small > rem) + { + num = rem; + } + else if(small < rem) + { + num = -1; + } + else + { + num = goal; + } + } + return num; +} +" +a0cb26efea7051bdf59d6cdfd98b4eadbb038578,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ||(small + 5*big ) > goal ) + { + return -1; + } + else + { + while (goal>5) + { + goal = goal - 5; + } + return small; + } + +} +" +d5a1dfd4846c7fdd92d6f405b5ec64bd458a61dd,"public int makeChocolate(int small, int big, int goal) +{ + int num = small; + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5; + if(rem > 0 && small > rem) + { + small = rem; + } + else if(num < rem) + { + small = -1; + } + else + { + small = goal; + } + } + return small; +} +" +4eab217f025426f8e0320fb6522523e1ff25a823,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ||(small + 5*big ) > goal ) + { + return -1; + } + else + { + while (goal>=5) + { + goal = goal - 5; + } + return small; + } + +} +" +bbb3cc94a49b0e3c2b1900e26e55ed59a9d79c25,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ||(small + 5*big ) > goal ) + { + return -1; + } + else + { + while (goal>=5) + { + goal = goal - 5; + } + return goal; + } + +} +" +9a4d43b44167abb569d3bdd92cbbf3c416231847,"public int makeChocolate(int small, int big, int goal) +{ + int num = small; + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5; + if(rem > 0 && small >= rem) + { + small = rem; + } + else if(num < rem) + { + small = -1; + } + else + { + small = goal; + } + } + return small; +} +" +6b78095e7e6d597476f191d995385c2c885ee60f,"public int makeChocolate(int small, int big, int goal) +{ + int num = small; + int numBig = big*5; + int moreKilo = goal - numBig; + if( moreKilo >= 0) + { + if(small >= moreKilo) + { + small= moreKilo; + } + else + { + small = -1; + } + } + else + { + int rem = goal % 5; + if(rem >= 0 && small >= rem) + { + small = rem; + } + else if(num < rem) + { + small = -1; + } + else + { + small = goal; + } + } + return small; +} +" +848b4b7f7561aa476f23f799574065ef73fc19c3,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + while (goal>=5) + { + goal = goal - 5; + } + return goal; + } + +} +" +5df1bd5a7274aa4dadadf64da80ae4e8e72b3a7b,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + while (goal>=5) + { + goal = goal - 5; + } + if ( goal > small) + { + return -1; + } + else + { + return goal; + } + } + +} +" +86613f1ac3a35333f983b11b7f1de46fad2b9f84,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + while (goal>5) + { + goal = goal - 5; + } + if ( goal > small) + { + return -1; + } + else + { + return goal; + } + } + +} +" +4522c96ec386a4d8d74a46fd03c297355e71bd8c,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + while (goal>5 && goal != 0) + { + goal = goal - 5; + } + if ( goal > small) + { + return -1; + } + else + { + return goal; + } + } + +} +" +6bf8607aa8707bcc06ac15c3b98b8c57d4a70a21,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + if ( goal > 5) + { + while (goal>5 ) + { + goal = goal - 5; + } + if ( goal > small) + { + return -1; + } + else + { + return goal; + } + } + else + { + int d =0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + +} +" +7daa4ccfb9f5466e9a6a83eb83dea72c1b147719,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + if ( goal >= 5) + { + while (goal>5 ) + { + goal = goal - 5; + } + if ( goal > small) + { + return -1; + } + else + { + return goal; + } + } + else + { + int d =0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + +} +" +10e6c4ae2f29c57c962a851b1163b4fd1c974b57,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big); + goal -= maxBig*5; + else + goal -= big*5 + if(goal <= small) + return goal; + return -1; +} +" +fa4f9648458c9d5835f07f72cf7b3c7fae610bf4,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big); + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +a5c1cd03f58ec76bfa6772ef4fba326d677536df,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +da6e29ad7d226da71e3e76371204cdc5e91e6d41,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + if ( goal >= 5) + { + while (goal>5 ) + { + goal = goal - 5; + } + if ( goal = 0) + { + return 0; + } + else + { + int d=0 + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + else + { + int d =0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + +} +" +449529c4b1a01db88b93a0e60427545965147855,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + if ( goal >= 5) + { + while (goal>5 ) + { + goal = goal - 5; + } + if ( goal = 0) + { + return 0; + } + else + { + int d=0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + else + { + int d =0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + +} +" +432aaa4f0fba1ad8ba476a382e6f9dcfeca6fa56,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal < small) + return goal; + return -1; +} +" +94cf6f9cd559fa5bbdd8cfb9ce4d519807672851,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +3ce2368ce079a507c720fd7f12e834b992d11f55,"public int makeChocolate(int small, int big, int goal) +{ + + if ((small + 5*big ) < goal ) + { + return -1; + } + else + { + if ( goal >= 5) + { + while (goal>5 ) + { + goal = goal - 5; + } + if ( goal>0) + { + int d=0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + else + { + return 0; + } + } + else + { + int d =0; + while( goal >0) + { + goal = goal -1; + d++; + } + return d; + } + } + +} +" +9c4d2259e15df27cfa1a258842fe3948c8dd29c6,"public int makeChocolate(int small, int big, int goal) +{ + if( small + big >= goal) + { + return goal%5; + + } + else + { + return -1; + } + return -1; +} +" +d9c216f398a490f7ac9aa13c3235a8b134ecb3bc,"public int makeChocolate(int small, int big, int goal) +{ + if( small + big >= goal) + { + return goal%5; + } + else + { + return -1; + } + +} +" +1fd0586cf8592b5e2890294857f7085d45b35680,"public int makeChocolate(int small, int big, int goal) +{ + if( small + 5*big >= goal) + { + return goal%5; + } + else + { + return -1; + } + +} +" +1adfaec0fe67bfffb7dc16452d833d127c032b28,"public int makeChocolate(int small, int big, int goal) +{ + if(big*5 + small < goal) + return - 1; + + for(int i = 0;i= 5;i++) { + goal -= 5; + } + return goal; +} +" +2aac0be8d2908a95420fe9239cceff7f16c69164,"public int makeChocolate(int small, int big, int goal) +{ + if(big*5 + small < goal || goal % 5 > small) + return -1; + + for(int i = 0;i= 5;i++) { + goal -= 5; + } + return goal; +} +" +2438cfbe5d8f5b262f7729ccc16fa20a6fb3029c,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + int a = (goal-5*big); + if (a<=small && a>=0) return a; + return goal-5*big; + } +} +" +86617100673627d625fb7e2ad25af5d68a39ef47,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + int a = (goal-5*big); + if (a<=small && a>=0) return a; + return goal-5*big; + } +} +" +675ef4e02c4f8837e563115474d70ea775a11ad4,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + return goal-5*big; + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +a39ec5da9aa77fba98de4ddd61178892e8dcce5a,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + while(goal>5) + { + goal = goal -5; + } + if ( goal>small) + { + return -1; + } + else + { + return goal-5*big; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +ad4e401c00ebceedf198cd40f2af5e6825057f3b,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + if ((goal-5*big) goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +682bbc6fa32b5ddd43c96b02b3036469bd52be9e,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + if ((goal-5*big)<=small) + { + return goal-5*big; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +2bc3b59495b3d1f0d380948d958594a0200455cc,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + int d=0; + while( goal >5) + { + goal = goal -5; + d++ + } + if ((goal-5*d)<=small) + { + return goal-5*big; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +14b51c7f73da96861f60efe2372567890b15023e,"public int makeChocolate(int small, int big, int goal) +{ + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + int d=0; + while( goal >5) + { + goal = goal -5; + d++; + } + if ((goal-5*d)<=small) + { + return goal-5*big; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +a8fd7662edb0c43d67f1688b8e9440217442a97a,"public int makeChocolate(int small, int big, int goal) +{ + int d=0; + while( goal >5) + { + goal = goal -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + if ((goal-5*d)<=small) + { + return goal-5*big; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +8bf98e3c2019f69cf4286e40101acf696bff40ce,"public int makeChocolate(int small, int big, int goal) +{ + int d=0; + while( goal >5) + { + goal = goal -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +39943a4247fc6805924b158e94618cb27f9c29c7,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +c3c52bc0f0dfffe39a68ad948aca9cff273048d0,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal; + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( goal >=5) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +fdfe860fbc6e939c4983d00324601fb152a7c46c,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal; + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( (goal - c*5)>0) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +645dd9eeb3cb8280149409489e99058e2f81c19c,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal; + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( (goal - c*5)>0) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else if((goal - c*5)=0) + { + return c; + } + else if + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +e588fee5079ccf4fc143d4fa6053fa4897497e36,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal; + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( (goal - c*5)>0) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else if((goal - c*5)=0) + { + return c; + } + else + { + if (small > goal) + { + return small; + } + else + { + return -1; + } + } + + + } +} +" +a7c2fed1df096c22f208e3686ec480b52321497e,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal; + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( (goal - c*5)>0) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else if((goal - c*5)<0) + { + // + } + else + { + return c; + } + + + } +} +" +62c0486da547ca4333c9598378de33f2ef455867,"public int makeChocolate(int small, int big, int goal) +{ + int c = goal; + int d=0; + while( c >5) + { + c = c -5; + d++; + } + if ((small+5*big) < goal) + { + return -1; + } + else + { + if ( (goal - c*5)>0) + { + if ((goal-5*d)<=small) + { + return goal-5*d; + } + else + { + return -1; + } + } + else if((goal - c*5)<0) + { + // + } + else + { + return c; + } + } +} +" +1ee0ca7e0e8cb564e0df9ef5f98c5e8564f0bfdb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + c = goal - 5 * big + } + else + { + c = goal % 5 + if (c <= small) + { + return c + } + else + { + return -1 + } + +} +" +38f33c9b4afd84b7cd90d4d770038045790a9b7c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + c = goal - 5 * big; + } + else + { + c = goal % 5 ; + if (c <= small) + { + return c; + } + else + { + return -1; + } + +} +" +f3d9e6eee6f60ce991df355ad761dae7e24e330e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + c = goal - 5 * big; + } + else + { + c = goal % 5 ; + if (c <= small) + { + return c; + } + else + { + return -1; + } + } +} +" +adcc420ca891381fb02643bd04b90611728455e2,"public int makeChocolate(int small, int big, int goal) +{ + int c=0; + if (goal >= 5 * big) + { + c = goal - 5 * big; + } + else + { + c = goal % 5 ; + if (c <= small) + { + return c; + } + else + { + return -1; + } + } +} +" +90f7bdaed3f50cb2b6e2db4f0f1dfa0e315d357d,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + return goal % 5; + } + else +{ + return goal - big * 5; +} +} +" +eda9bd0f5a398f9eabaccae28895d2e3b4285b54,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + if ((goal%5)<=small) + { + return goal % 5; + } + } + else +{ + return goal - big * 5; +} +} +" +6e74fdb736a2767b219fc3d3a59002225255de79,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + else if((big * 5) > goal) + { + if ((goal%5)<=small) + { + return goal % 5; + } + else + { + return -1; + } + } + else +{ + return goal - big * 5; +} +} +" +3fa295bb59750bd59547914f3f737a3fbc232250,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; + + + +} +" +bbd44e56dab5d7e0242c8f7c5f8aa6d0344abc9a,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + int numberBig = big*5; + + int smallrequired = goal - numberbig; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; + + + +} +" +186992cac8991d4e9097d11ff0c525463723eadb,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + int numberBig = big*5; + + int smallrequired = goal - numberBig; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; + + + +} +" +64e32907b20808197ab225c40f5fdbad954acd4a,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + int numberBig = big*5; + + int smallrequired = goal - numberBig; + + if(smallrequired <= 0) return 0; + + return smallrequired; + + + +} +" +fcb322f4e444b7e1750b28021ae6b13b125b029b,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + int numberBig = big*5; + + int smallrequired = goal - numberBig; + + if(smallrequired <= 0) + { + return 0; + } + return smallrequired; + + + +} +" +9876b2ed783e64d4fc5349102033d839ab2d5b01,"public int makeChocolate(int small, int big, int goal) { + + int rem = goal % 5; + + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + + + + + + + + + +} +" +0caa24531d6798bec8f0f98155deff11a65cbff0,"public int makeChocolate(int small, int big, int goal) +{ + int res=0; + int i=0; + if(goal>big*5+small) + { + return -1; + } + while(res<=goal && igoal) + { + res=res-5; + } + if(goal-res>small) + { + return -1; + } + return (goal-res); + +} +" +f0e3045f9474e04ade226123fa998c4aa49b7261,"public int makeChocolate(int small, int big, int goal) { +int res=0; +int i=0; +if(goal>big*5+small) return -1; +while(res<=goal && igoal) res=res-5; +if(goal-res>small) return -1; +return (goal-res); + +}" +ededcd431f3924a9e209782314dec916b183fb7a,"public int makeChocolate(int small, int big, int goal) +{ + return goal%5; +} +" +cf8d723f55a3f1a5666a55d608e3e30fc80baf68,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal-big; + if(goal>small)return -1; + return goal; +} +" +ad6abf7c82d1a87db031d33c7c7a039ce79d3484,"public int makeChocolate(int small, int big, int goal) +{ + goal = goal-(big*5); + if(goal>small)return -1; + return goal; +} +" +df7df858f620ae2acf4b27711fb3c8037e185972,"public int makeChocolate(int small, int big, int goal) +{ + while(goal>big||big>0){ + goal = goal - 5; + big--; + } + if(goal>small)return -1; + return goal; +} +" +9b4168d27c959430ce09bbb30727fa21db3781fa,"public int makeChocolate(int small, int big, int goal) +{ + while(goal>big&&big>0){ + goal = goal - 5; + big--; + } + if(goal>small)return -1; + return goal; +} +" +5f88190418323ba32cc75962121c5ff15f4b0460,"public int makeChocolate(int small, int big, int goal) +{ + while(goal>=5&&big>0){ + goal = goal - 5; + big--; + } + if(goal>small)return -1; + return goal; +} +" +f4c66befcddaa0daf4d1228f644cc7d0d0d14fff,"public int makeChocolate(int small, int big, int goal) +{ + if (goal % 5 == 0) + { + return -1; + } + else + { + small = goal % 5; + } + return small; +} +" +6965bb1843b2e7bca98f2530a35085bd1ab46205,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal - big*5; + return -1; + if (goal - big*5 <= 0) + return 0; + return goal - big*5; + + +} +" +64fbe2aeb8d91286446c1410f6ce2ae894a21974,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal); + return -1; + if (goal - big*5 <= 0) + return 0; + return goal - big*5; + + +} +" +68c3cbffefdb9a431c36a3286b4e250a0bfa28b5,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal); + { + return -1; + } + else if (goal - big*5 <= 0) + { + return 0; + } + else + { + return goal - big*5; + } + + +} +" +eb0b25c3c66765da5ad15cee3e85a74d37ad8882,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + { + return -1; + } + else if (goal % 5 <= small && goal - big*5 > 4) + { + return goal % 5 + 5; + } + else if (goal % 5 <= small) + { + return goal % 5; + } + else + { + return -1; + } +} +" +7d791775a80d9487816f326af886c4a06d5f8e49,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal/5 && smal >= goal % 5) + { + return goal % 5; + } + if (big <= goal/5 && smal >= goal - big*5) + { + return goal - big*5; + } + return -1; + +} +" +707cba5e28b3086e115caa163138a3ab186fdc45,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + if (big <= goal/5 && smal >= goal - big*5) + { + return goal - big*5; + } + return -1; + +} +" +ec2e80f5e16f96f1aa19eb3d8162f62880c55ff6,"public int makeChocolate(int small, int big, int goal) +{ + if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + if (big <= goal/5 && small >= goal - big*5) + { + return goal - big*5; + } + return -1; + +} +" +1f74971fd3de5776186269f171d7a402a7807bd7,"public int makeChocolate(int small, int big, int goal) +{ + if (big <= goal/5 && small >= goal - big*5) + { + return goal - big*5; + } + if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + return -1; + +} +" +ff9303d53f78f39c885818c780fe6a4900478f64,"public int makeChocolate(int small, int big, int goal) +{ + if (big <= goal/5 && small >= goal - big*5) + { + return goal - big*5; + } + if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + else + { + return -1; + } + +} +" +d16ecfad8febe49393d2a01e5a68776b29b361d4,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal >= 5 * big ? goal - ( 5 * big) : goal %5 + return remainder <= 5 * small ? remainder : -1 +} +" +e8c0f4a06977a97d22e3704f26313f9bba40b3e5,"public int makeChocolate(int small, int big, int goal) +{ + if (big <= goal/5 && small >= goal - big*5) + { + return goal - big*5; + } + if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + else + { + return -1; + } + +} +" +3b5a327803476ca3e2d3e07a4c945cc7ada045de,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal >= 5 * big ? goal - ( 5 * big) : goal %5; + return remainder <= 5 * small ? remainder : -1; +} +" +1cc48dbd952c66acdecf226c65e5b357bedc0f4c,"public int makeChocolate(int small, int big, int goal) +{ + if (big <= goal/5 && small >= goal - big*5) + { + return goal - big*5; + } + else if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + else + { + return -1; + } + +} +" +626c24f241e68362c9c7d49235fab9f91362c1c0,"public int makeChocolate(int small, int big, int goal) +{ + int bigCapacity = goal/5; + +if (bigCapacity>=big && goal-big*5<=small) + return goal-big*5; +else if (bigCapacity= more) + { + return more; + } + else if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + else + { + return -1; + } + +} +" +4c77bd42b9660e631cef0f9d999e6729667e4a00,"public int makeChocolate(int small, int big, int goal) +{ + int required = goal - big*5; + if (big <= goal/5 && small >= required) + { + return required; + } + else if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + else + { + return -1; + } + +} +" +3f26c0b45fafd1e8194355e69c54e525228230a9,"public int makeChocolate(int small, int big, int goal) +{ + int required = goal - big*5; //integer made to make it easier to type out + if (big <= goal/5 && small >= required) + { + return required; + } + else if (big >= goal/5 && small >= goal % 5) + { + return goal % 5; + } + else //when it can't be done so it returns -1 + { + return -1; + } + +} +" +0f2a1a1b8973a6d81ac673878c76b0a92f264929,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + + +} +" +3421e294ef663dea5cc4a12c48942aa3987b86e6,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; + + + +} +" +be3377be5db2f498c802d27c5343587b1a15d2c6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 - small > 0) + { + return -1; + } + else + { + return goal % 5; + } +} +" +a3ebc588aec55e7cd8d1d8c9931926e11966c4d5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 - small > 0) + { + return -1; + } + else + { + return goal % 5 + (goal - 5 * big); + } +} +" +ddd6cc2116fb461345b5c3bc5e4aa0ceb54d27f5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 - small > 0) + { + return -1; + } + else if (goal - 5 * big < 0) + { + return small; + } + else + { + return goal % 5; + } +} +" +6a1e6698e89926b04f8c07c7730f136ff1cedd3f,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +4cfe05e73393b1fcb20fe403e65101ee64b9170b,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small && goal - big * 5 > 4) { + return remainder + 4; + } + else { + return -1; + } +} +" +6ab2b4653f25fbae2cc6a0ec5066284ae85811fc,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 > small) + { + return -1; + } + else if (goal < 5 * big) + { + return goal % 5; + } + else + { + return small; + } +} +" +dcb8d002ee132d828b7f65729159dccc87186a48,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small && goal - big * 5 > 4) { + return remainder + 4; + } + else if (remainder < = small) { + return remainder; + } + else { + return -1; + } +} +" +971fe6de4c52793357df568f8fdd8104422c2e25,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small && goal - big * 5 > 4) { + return remainder; + } + else { + return -1; + } +} +" +c54b0cbb8cad6c2c6a5f6669f1fcd02189350cec,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small && goal - big * 5 > 4) { + return remainder + 4; + } + else { + return -1; + } +} +" +acc7fa2095f5165c091c677df4df8a234c5df8a9,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small && big - goal * 5 > 4) { + return remainder + 5; + } + else { + return -1; + } +} +" +3c8a5e4d9ab78f8567add892fe0c5e63f630618a,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + + if (big + small * 5 < goal) { + return -1; + } + else if (remainder <= small && big - goal * 5 > 4) { + return remainder + 5; + } + else if (remainder <= small) { + return remainder; + } + else { + return -1; + } +} +" +9d75729a3cb23e79dafa536ac90cb2c62e9ec994,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + else if (rem <= small) + + return rem; + + else + + return -1; + +" +be5706a1f0ad396a8782a05be8151ef12d8d771a,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + else if (rem <= small) + + return rem; + + else + + return -1; +} + +" +64589fdf7e11bc0b5d8a14b9f814b692269b2016,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + return -1; + } + int smallNum = goal - (bigNum * big); + if (smallNum > small) + { + return -1; + } + else + { + return smallNum; + } + } + else + { + return -1; + } +} +" +dd07cdfee8023bc3b6df45ec890ede9529f2c8f9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + return -1; + } + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + else + { + return smallNum; + } + } + else + { + return -1; + } +} +" +f0ca69f208d3a732b8c05accc3769cd80b6bce72,"public int makeChocolate(int small, int big, int goal) { + int maxBig = goal / 5; + if (big > maxBig) + return (goal <= 5 * maxBig + small) ? (goal - 5 * maxBig) : -1; + return (goal <= 5 * big + small) ? (goal - 5 * big) : -1; +} + + +" +5cacec68598c46684a6eefd6d5aaf9d3c94500bd,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + else if (rem <= small) + + return rem; + + else + + return -1; +} + +" +d9ae0755f0fe1de8fb38b559a7ab7a883525a6a6,"public int makeChocolate(int small, int big, int goal) { + +int mult = goal/5; + +if (mult > big){ +return (goal – big*5 > small)? -1 : (goal – big*5); +} +else{ +return (goal – 5*mult > small)? -1 : (goal – 5*mult); +} +} + +" +1ec074dddc6d60e6a397568511bac6c815789d96,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + } + else + { + return smallNum; + } + } + else + { + return -1; + } +} +" +9df7e8e0482c480d2ad1bb83b6703c3877fe05d9,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + else if (rem <= small) + + return rem; + + else + + return -1; +} + +" +6c54339d42702e8ea4c86fbd99b50d2b11ed5bf3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + } + else + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + else + { + return smallNum; + } + } + } + else + { + return -1; + } +} +" +9a4debb66d75cf5428ff898c1da068ff296d1ed1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + } + else + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + else + { + return smallNum; + } + } + } +} +" +f1f7b77c1f7f33e64d0bfe57969ef3ab6e7f8ba1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + } + else + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + else + { + return smallNum; + } + } + } + return -1; +} +" +265cb476a48b283f084bc826ec869f5ab96690e1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 0) + { + int bigNum = goal/5; + if (bigNum > big) + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + } + else + { + int smallNum = goal - (bigNum * 5); + if (smallNum > small) + { + return -1; + } + else + { + return smallNum; + } + } + } + else + { + return -1; + } +} +" +3faf0f617382788f4ae762ca36ad65eef130913c,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal == big + small) + { + return small; + } + else + { + return -1; + } + +} +" +1449baaf5322e42cbbcbce215a764dd62d464a43,"public int makeChocolate(int small, int big, int goal) +{ + + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +97594cddb16f803658c6d481d3029ff220fca8da,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal == (big*5) + small) + { + return small; + } + else + { + return -1; + } + +} +" +428d47b9031198ec5350c50ed4db9ec00736e36f,"public int makeChocolate(int small, int big, int goal) +{ + int little = goal % 5; + if(little == 0) + return -1; + else + return little; + +} +" +5120379d42959284bb65024799f065dcd31d92c3,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (big * 5) + if ( remainder == 0) + return -1 + else + return (remainder/small); + +} +" +3bb3d80cf4cbe3e29e9e3f8e3006a09f8f973cab,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (big * 5); + if ( remainder == 0) + return -1 + else + return (remainder/small); + +} +" +a8db03ef8f1365c04c3a0ecd2d487d8f9e9e1535,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % (big * 5); + if ( remainder == 0) + return -1; + else + return (remainder/small); + +} +" +dda86b10093508cea80c5e1e47cdaaa37f066216,"public int makeChocolate(int small, int big, int goal) +{ + while(goal-5>=0 && big>0) + { + goal=goal-5; + big--; + } + if(goal!=0) + { + int needed = 0; + while(small>0) + { + if(goal>0) + { + goal--; + small--; + needed++; + } + else + { + return needed; + } + } + return -1; + } + else + { + return 0; + } +} +" +4bd3c1cfdd33f79cd478efbab83c19e918ce54e5,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + + +} +" +95bf4bf70b07535f0438535ca186eb7d702f687d,"public int makeChocolate(int small, int big, int goal) +{ + if(goal/5 == 0) + { + return 0; + } + if (goal == small || small + goal*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1 + } + while(goal-5>=0 && big>0) + { + goal=goal-5; + big--; + } + if(goal!=0) + { + int needed = 0; + while(small>0) + { + if(goal>0) + { + goal--; + small--; + needed++; + } + else + { + return needed; + } + } + return -1; + } + else + { + return 0; + } +} +" +1fbe46d99576748fbb35050b329a3147769b0745,"public int makeChocolate(int small, int big, int goal) +{ + if(goal/5 == 0) + { + return 0; + } + if (goal == small || small + goal*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + while(goal-5>=0 && big>0) + { + goal=goal-5; + big--; + } + if(goal!=0) + { + int needed = 0; + while(small>0) + { + if(goal>0) + { + goal--; + small--; + needed++; + } + else + { + return needed; + } + } + return -1; + } + else + { + return 0; + } +} +" +ee83e6aa8bd3c101bd56d0e59a3b67497bd3389f,"public int makeChocolate(int small, int big, int goal) +{ + if(goal/5 == 0) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + while(goal-5>=0 && big>0) + { + goal=goal-5; + big--; + } + if(goal!=0) + { + int needed = 0; + while(small>0) + { + if(goal>0) + { + goal--; + small--; + needed++; + } + else + { + return needed; + } + } + return -1; + } + else + { + return 0; + } +} +" +c99fd171aa37894b2fd2e929db800730b77ce161,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 == 0 && goal/5 <= big) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + while(goal-5>=0 && big>0) + { + goal=goal-5; + big--; + } + if(goal!=0) + { + int needed = 0; + while(small>0) + { + if(goal>0) + { + goal--; + small--; + needed++; + } + else + { + return needed; + } + } + return -1; + } + else + { + return 0; + } +} +" +1f5f5e37e508fa3c6c99517808597f9cde860fda,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 == 0 && goal/5 <= big) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + if(small+5==goal) + { + return small; + } + while(goal-5>=0 && big>0) + { + goal=goal-5; + big--; + } + if(goal!=0) + { + int needed = 0; + while(small>0) + { + if(goal>0) + { + goal--; + small--; + needed++; + } + else + { + return needed; + } + } + return -1; + } + else + { + return 0; + } +} +" +08894592c8d6c89b587b6c16b2238590a0421e36,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (bigg == goal) + return 0; + else if (bigg > goal) + { + if ((goal % big) <= small) + return small + else if ((goal % big) == 0) + return 0; + else if ((goal % big) > small) + return -1; + } + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +504850d57dfc391cb21560c1318b182bd7f6da73,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (bigg == goal) + return 0; + else if (bigg > goal) + { + if ((goal % big) <= small) + return small; + else if ((goal % big) == 0) + return 0; + else if ((goal % big) > small) + return -1; + } + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +7bd7979c1a7be2c740b06a51ea77fbb861a8a9d7,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (bigg == goal) + return 0; + else if (bigg > goal) + { + if ((goal % big) <= small) + return small; + else if ((goal % big) == 0) + return 0; + else if ((goal % big) > small) + return -1; + } + else if (bigg + small < goal) + return -1; + else + return -2; + return -2; +} +" +9615f2961cec9bf5fdb9bb0b95bee0df78bb639d,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 == 0 && goal/5 <= big) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + for(int b = 0; b <= big; b++) + { + for(int s = 0; s <= small; s++) + { + if(s + (b*5) == goal) + { + return s; + } + } + } + return -1; +} +" +39fbdb75ad1f954a62fd5bcf9f577a652b8dda0c,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 == 0 && goal/5 <= big) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + for(int b = big; b >= 0; b++) + { + for(int s = 0; s <= small; s++) + { + if(s + (b*5) == goal) + { + return s; + } + } + } + return -1; +} +" +8c8457942b501e3f752923e90b3393eaeb9250bd,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 == 0 && goal/5 <= big) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + for(int b = big; b >= 0; b++) + { + for(int s = 0; s <= small; s++) + { + if(s + (b*5) == goal) + { + return s; + } + } + } + return -1; +} +" +08be4ea8f81d8b052772cece07d04ff30ee92ede,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (bigg == goal) + return 0; + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else if (bigg > goal) + { + if ((goal % big) <= small) + return (goal % big); + else if ((goal % big) == 0) + return 0; + else if ((goal % big) > small) + return -1; + } + else + return -2; +} +" +a4bcbecad460e2c4d4da711e384547195d1c5c2c,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (bigg == goal) + return 0; + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else if (bigg > goal) + { + if ((goal % big) <= small) + return (goal % big); + else if ((goal % big) == 0) + return 0; + else if ((goal % big) > small) + return -1; + } + else + return -2; + return -3; +} +" +0912c7c53ff56a708d16aa7b69e40146cd45d9fd,"public int makeChocolate(int small, int big, int goal) +{ + + for(int b = big; b >= 0; b++) + { + for(int s = 0; s <= small; s++) + { + if(s + (b*5) == goal) + { + return s; + } + } + } + return -1; +} +" +bd39ad45ddab5d234f7c62d1d955e365a082572a,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5 == 0 && goal/5 <= big) + { + return 0; + } + if (goal == small || small + big*5 == goal) + { + return small; + } + if((small + big*5 < goal)) + { + return -1; + } + for(int b = big; b >= 0; b--) + { + for(int s = 0; s <= small; s++) + { + if(s + (b*5) == goal) + { + return s; + } + } + } + return -1; +} +" +cebd05b924bc5dd509eb7d0bbe7954188942834b,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; +} +" +c359e4c59bf5d6c89d24e959bbb8a94ab4454acd,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +185a765dc386a35ee35e60199fc17587287dcff2,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +0bf3252dfb564ec5f03803b9eb870ec59fe6e6f5,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + +} +" +eb2957f3134bb7be403f61897fbf5a13636a21ca,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + return -2; +} +" +18ebd600046d3934122fa3888e58738513661209,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +0a1a028276be9568e669bc24f33a89736a7bf283,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +0ced5219764d057520bd83bac250eb1eb2e3aa91,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + + else + return -2; +} +" +fa6d2a48a5a817bc96b3ec235c03ee039d07b9b3,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + if (bigg + small == goal); + return small; + if (bigg + small < goal) + return -1; + return -2; +} +" +24b492408045f02282f5e10da4bc6e5efadca027,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if(bigg + small > goal) + return (goal % 5); + if(bigg + small == goal); + return small; + if(bigg + small < goal) + return -1; + return -2; +} +" +545a5273d2bbe723cc69777778a013d1875cd04b,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +ec286cb0cd3ccbe91f66babb6c573dc127bcaaed,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + else if (bigg + small == goal); + return small; + else if (bigg + small < goal) + return -1; + else + return -2; +} +" +32f7e078e9d221b7738af390be6bf58a2020190b,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return (goal % 5); + if (bigg + small == goal); + return small; + if (bigg + small < goal) + return -1; + else + return -2; +} +" +b2f3b6d8a1ef75ad6340821ba1cefe35608eddc7,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + return (goal % 5); + } + else if (bigg + small == goal); + { + return small; + } + else if (bigg + small < goal) + { + return -1; + } + else + { + return -2; + } +} +" +d8acab22751cc346fb1343aee669cf2a483fb66a,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + return (goal % 5); + } + else if (bigg + small == goal); + { + return small; + } + else if (bigg + small < goal) + { + return -1; + } + else + { + return -2; + } +} +" +a2280beb46451b4d84e7abb0ecf168e42ee990eb,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5(Math.floor(goal/5)); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1 + } + } + else + { + return -1; + } + +} +" +8d11f4d6f26ba986e2d474dd3b06ec30b75a1dca,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5(Math.floor(goal/5)); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +b6426d7bf0f94d6c297a848d798d64c0b0f86d9e,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return (goal - 5(Math.floor(goal/5))); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +37c267f097e3aa039cde6a36dfc967b15a6bf3de,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5(Math.floor(goal/5)); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +6c0f1c54897ab5a28b50607fd2cfd8cf26f4c994,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5(Math.round(goal/5)); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +6552bc31c0eee6904e6c35f57df3de28bb2ca1cd,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5*(Math.floor(goal/5)); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +915d492ba292556c248715968cbb8fd95e1a188d,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5*(Math.round((goal/5) - 0.5)); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +82620b217f74026d21d2d3520d39427245e172ff,"public int makeChocolate(int small, int big, int goal) +{ + bigg = big * 5; + if (true) + return -1; + else if (false) + return -2; + else + return -3 +} +" +ea7c8a6d04bdd2d167a37ccdafa7d5ab9a224d81,"public int makeChocolate(int small, int big, int goal) +{ + bigg = big * 5; + if (true) + return -1; + else if (false) + return -2; + else + return -3; +} +" +e555da3440a4320a12e95dd08f6a237b2e64ddbd,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (true) + return -1; + else if (false) + return -2; + else + return -3; +} +" +d9b0e16123896e0bd013d01591286925efbb6950,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5*(Math.round((goal/5))); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +e784a778a3e1b39dcc03b5ac7753eb3ce4e07f09,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + if (true) + return -1; + else if (false) + return -2; + else if (true) + return -3; + else + return -4; +} +" +270b9ec9255ab255af14ba5b08160975772e4926,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return goal % 5; + else if (false) + return -2; + else if (true) + return -3; + else + return -4; +} +" +30de23c52e97151f1429c657e1f79528010f2bc6,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return goal % 5; + else if (bigg + small == goal) + return small; + else if (true) + return -3; + else + return -4; +} +" +c2faa786c1718107c302b5fee150afb48f814064,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + return goal % 5; + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else + return -4; +} +" +1240f77a43935597f9c0e3d820e5baca106fcc10,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + if (goal % 5 >= small + return goal % 5; + else + return -1; + } + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else + return -4; +} +" +c684c349e5c280e2985e5e9926b3dedd77fa140c,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + if (goal % 5 >= small) + return goal % 5; + else + return -1; + } + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else + return -4; +} +" +d29eae18bd85eb24d6a942a1459a83f4f81e44b0,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + if (goal % 5 >= small) + return goal - bigg; + else + return -1; + } + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else + return -4; +} +" +7cd8e2b48da528649fcc98d9c6012bc3b0f4a032,"public int makeChocolate(int small, int big, int goal) +{ + return (goal%5); +} +" +68b324aa10deed765fea87f6db348279fe506507,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (big*5) != goal) + return -1; + else + return(goal%25); +" +a00ea3d3b2582b293358b5f92da0cd7b1ba41fc1,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (big*5) != goal) + return -1; + else + return(goal%5); +" +94362aff9637f5bd2016fb089455e2177dd9e8c3,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (big*5) != goal) + return -1; + else + return (goal % 5); +" +8593478de577b5c67144291c8ecfe75fbbdbb57c,"public int makeChocolate(int small, int big, int goal) +{ + if (small + (big*5) != goal) + return -1; + else + return goal % 5; +}" +ef74eb20aeb0bb5335b13dadbbd348d00e51b9e6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 > small) + { + return -1; + } + else if (goal > 5 * big) + { + return goal % 5; + } + else + { + return small; + } +} +" +e77240af59cadf064de8e48cdf96aa1d21988866,"public int makeChocolate(int small, int big, int goal) +{ + if((goal%5 != 0) && (small + (5*big != goal)) + return -1; + else + return (goal%5); +}" +11493716afdee6abbfadf181814bf1317dcce1d3,"public int makeChocolate(int small, int big, int goal) +{ + if((goal%5 != 0) && (small + (5*big != goal))) + return -1; + else + return (goal%5); +}" +d34f90bab6f213ef6174f7736997aedb7dfb0680,"public int makeChocolate(int small, int big, int goal) +{ + if((goal%5 != 0) && (small + (5*big) != goal))) + return -1; + else + return (goal%5); +}" +2235dbc72d4905f46ebb935a09fd49968e005e53,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 > small) + { + return -1; + } + else if (goal > 5 * big) + { + return goal % 5; + } + else + { + return goal % 5; + } +} +" +5123c666e8c23c2990b34962e058a1d4fcf184a6,"public int makeChocolate(int small, int big, int goal) +{ + int bigReq = goal/5; + int smallReq = goal%5; + int total = 5*big + small; + + if(bigReq==big && total>=goal) + { + return smallReq; + } + else + return -1; +} +" +715a8dfa67397ef319be79e1bacfdfa6444ed785,"public int makeChocolate(int small, int big, int goal) +{ + if((goal%5 != 0) && ((small + (big*5)) != goal)) + return -1; + else + return (goal%5); +}" +52a5eec063588d5a730067ea223f0e22688bcaa9,"public int makeChocolate(int small, int big, int goal) +{ + int smallReq = goal%5; + int total = 5*big + small; + + if(total>=goal) + { + return smallReq; + } + else + return -1; +} +" +ccbd0f1ac7b7363068234c4c8be79c8f2e289afa,"public int makeChocolate(int small, int big, int goal) +{ + int smallReq = goal%5; + int total = 5*big + small; + + if(total>=goal && small>=smallReq) + { + return smallReq; + } + else + return -1; +} +" +7dd1f090bac043d01a7116c59648284f5e683d14,"public int makeChocolate(int small, int big, int goal) +{ + + return (goal%5); +}" +55bd2e0495d5514438d1c2a4557f5f7d26adce94,"public int makeChocolate(int small, int big, int goal) +{ + int smallReq = goal%5; + int bigReq = goal/5; + int bigDiff = bigReq - big; + int total = 5*big + small; + + if(total>=goal && small>=smallReq) + { + if(bigDiff>0) + return smallReq + bigDiff*5; + } + else + return -1; +} +" +5db09c853e5190943cf3612736b092239acc409f,"public int makeChocolate(int small, int big, int goal) +{ + int smallReq = goal%5; + int bigReq = goal/5; + int bigDiff = bigReq - big; + int total = 5*big + small; + + if(total>=goal && small>=smallReq) + { + if(bigDiff>0) + { + int num = smallReq + bigDiff*5 + return num; + } + } + else + return -1; +} +" +deb10c9e1bd765b47ddc0e333cfae6c6e48b5125,"public int makeChocolate(int small, int big, int goal) +{ + int smallReq = goal%5; + int bigReq = goal/5; + int bigDiff = bigReq - big; + int total = 5*big + small; + + if(total>=goal && small>=smallReq) + { + if(bigDiff>0) + { + int num = smallReq + bigDiff*5; + return num; + } + } + else + return -1; +} +" +fafa1846871e6675ae3d897f535267b001431105,"public int makeChocolate(int small, int big, int goal) +{ + int smallReq = goal%5; + int bigReq = goal/5; + int bigDiff = bigReq - big; + int total = 5*big + small; + + if(total>=goal && small>=smallReq) + { + if(bigDiff>0) + { + int num = smallReq + bigDiff*5; + return num; + } + else + return smallReq; + } + else + return -1; +} +" +e7ec66557cde6a409fb851b55fdb28805e5e250b,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + int y = goal - (5 * big); + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +174131893b3d0725fc75aa125408a3e9142fc8ab,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small =; + int y = goal - (5 * goal); + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +9cae64695aef9cb0e75857b5b61e1074ab1ad270,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + int y = goal - (5 * goal); + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +d68665ade820b1a73b43c95fdbd3b7ab7ddc40ca,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + int y = goal - (5 * goal); + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +3a31a3de22d49f0b309202349177aa52d389641e,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + for (i = 1; i <= big; i++) + { + goal -=5; + } + for (i = 1; i <= small; i++) + { + goal -=1; + count +=1; + } + return count; +} +" +7198d4da0ab88ec598ce18406c7e10017ef3b0d5,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal % 5; + int x = 5 * big + small; + int y = goal - (5 * big); + if (x >= goal) + { + if (y >= 5) + { + return y; + } + else if (a <= small) + { + return a; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +c237ee17e5610355e7e9a6941c8cb0b5b13a86b6,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= small; i++) + { + goal -=1; + count +=1; + } + return count; +} +" +8bbc9c27917bb43c388112bbe06ad8c1172c6870,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + else + { + for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= small; i++) + { + goal -=1; + count +=1; + } + } + return count; +} +" +71a2e6460af82632ed75af52fdb264a05aeb20d5,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + else + { + for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= goal; i++) + { + goal -=1; + count +=1; + } + } + return count; +} +" +68bd2b1f64bded99ef0c11b378cb2fb5f93d4a14,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > (big*5)+small) + { + numSmall = -1; + } + else if (goal >= big*5) + { + numSmall = goal - big; + } + else + { + numSmall = goal % 5; + } + return numSmall; +} +" +33b45c815ae39eb23690fc1b0bd4e155999bc38e,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > (big*5)+small) + { + numSmall = -1; + } + else if (goal = (big*5) + small) + { + numSmall = small; + } + else if (goal >= big*5) + { + numSmall = goal - big; + } + else + { + numSmall = goal % 5; + } + return numSmall; +} +" +8395d83a59017fe3460906176fb7809c9a1f5e37,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > (big*5)+small) + { + numSmall = -1; + } + else if (goal == (big*5) + small) + { + numSmall = small; + } + else if (goal >= big*5) + { + numSmall = goal - big; + } + else + { + numSmall = goal % 5; + } + return numSmall; +} +" +366a89156378d921cb4d3d677d1ccbc143b5a939,"public int makeChocolate(int small, int big, int goal) +{ + while (goal < (big*5)) + { + big = big - 1 + } + if (goal == (big*5)) + { + return 0; + } + else + { + small = goal - (big*5); + return small; + } + +} +" +ac09239556494931f53d5709610fac6071ed3f18,"public int makeChocolate(int small, int big, int goal) +{ + while (goal < (big*5)) + { + big = big - 1; + } + if (goal == (big*5)) + { + return 0; + } + else + { + small = goal - (big*5); + return small; + } + +} +" +fb588ffe0a523b04d542737c4b43586fb1f7a278,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > (big*5)+small) + { + numSmall = -1; + } + else if (goal == (big*5) + small) + { + numSmall = small; + } + else if (goal >= big*5) + { + numSmall = goal % 5; + } + + return numSmall; +} +" +6a6e96f85dcda4f56ce1931092949716cc1598da,"public int makeChocolate(int small, int big, int goal) +{ + while (goal < (big*5)) + { + big = big - 1; + } + if (goal == (big*5)) + { + return 0; + } + else if (goal < (small + (big*5))) + { + small = goal - (big*5); + return small; + } + else + { + return -1; + } + + +} +" +5d3c9cadf276f0493c8924df573e29ee95e03931,"public int makeChocolate(int small, int big, int goal) +{ + while (goal < (big*5)) + { + big = big - 1; + } + if (goal == (big*5)) + { + return 0; + } + else if (goal <= (small + (big*5))) + { + small = goal - (big*5); + return small; + } + else + { + return -1; + } + + +} +" +d984c5cee8e136a1e5babb8dab3b58c32375a925,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + else + { + /*for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= goal; i++) + { + goal -=1; + count +=1; + }*/ + /*int b = goal / 5; + if (b > big) { + return goal - (big * 5); + } + else + int s = goal % 5; + if (*/ + return goal - Math.min(big, goal / 5) * 5; + } + return count; +} +" +c0f5adeba39bfd7373570bee3eeeff3487788ddc,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + else + { + /*for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= goal; i++) + { + goal -=1; + count +=1; + }*/ + /*int b = goal / 5; + if (b > big) { + return goal - (big * 5); + } + else + int s = goal % 5; + if (*/ + int s = goal - Math.min(big, goal / 5); + if( s <= small) { + return s; + } + else { + return -1; + } + } + return count; +} +" +a47af1e78c3d230aa9f4a4613077c6a0d662075d,"public int makeChocolate(int small, int big, int goal) +{ + + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +dc9b6424db2c7953636d40fec97c7aef733244bb,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + else + { + /*for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= goal; i++) + { + goal -=1; + count +=1; + }*/ + /*int b = goal / 5; + if (b > big) { + return goal - (big * 5); + } + else + int s = goal % 5; + if (*/ + int s = goal - Math.min(big, goal / 5); + /*if( s <= small) { + return s; + } + else { + return -1; + }*/ + return s; + } + return count; +} +" +05fc43ac18006e49a44bb58f8ead482399cc601d,"public int makeChocolate(int small, int big, int goal) +{ + + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +1767f7b11a1255c1afff8607b67ace66325b8342,"public int makeChocolate(int small, int big, int goal) +{ + int count = 0; + if (small + big*5 < goal) + { + count = -1; + } + else + { + /*for (int i = 1; i <= big; i++) + { + goal -=5; + } + for (int i = 1; i <= goal; i++) + { + goal -=1; + count +=1; + }*/ + /*int b = goal / 5; + if (b > big) { + return goal - (big * 5); + } + else + int s = goal % 5; + if (*/ + int s = goal - Math.min(big, goal / 5) * 5; + if( s <= small) { + return s; + } + else { + return -1; + } + } + return count; +} +" +af9bcfea7a1b390b245a3986b8d60276ceb7f8fd,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal >= 5 * big ? goal - (5 * big) : goal % 5; + + return remainder <= small ? remainder : -1; +} +" +14767224b9ed9b961b492ad9bef83e085f383dd9,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.floor(goal/5))) <= small) + { + return goal - 5*(Math.floor((goal/5))); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +9260a999c9c0e994d40f912b2ee232c384e48f4e,"public int makeChocolate(int small, int big, int goal) +{ + + if (small + 5*big >= goal) + { + if (5*big >= goal && (goal - 5*(Math.round(goal/5))) <= small) + { + return goal - 5*(Math.round((goal/5))); + } + else if (5*big < goal && (goal - 5*big <= small)) + { + return goal - 5*big; + } + else + { + return -1; + } + } + else + { + return -1; + } + +} +" +ae87fc3e818a84b620ce11d5b97e38fc1149e98c,"public int makeChocolate(int small, int big, int goal) +{ + if(small + 5 * big = goal) + { + return small; + } + else + { + return -1; + } +} +" +5d4c3ba79de8ab9d90b9932cec599cadc2ea719e,"public int makeChocolate(int small, int big, int goal) +{ + if(small + 5 * big == goal) + { + return small; + } + else + { + return -1; + } +} +" +f228297507ccc9e6ae866fe572bdc8b335f7d37e,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal - 5 * big; + if(rem < small) + { + return small; + } + else + { + return -1; + } +} +" +9d03da96d07c50b9de9bc4d26c281a85f0d58852,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal - 5 * big; + if(rem <= small) + { + return small; + } + else + { + return -1; + } +} +" +be8f8698261c48fcea941bfbab4f7404b85585a0,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal - 5 * big; + if(rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +55757eb19124260ceb7247b0dbaafe01cdeb5f96,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > (big*5)+small) + { + numSmall = -1; + } + else if ((goal % 5) > small) + { + numSmall = -1; + } + else if (goal == (big*5) + small) + { + numSmall = small; + } + else if (goal >= big*5) + { + numSmall = goal % 5; + } + return numSmall; +} +" +4bd663f60e0cac79e2394ae9b79dfb7a217152a2,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +81d820198461aca068d5a31cc826449dfd40292c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + + if (remainder <= small) + { + return remainder + } + + return -1 +} +" +c1c6e1899e15c169d171e5a5ddeb4b4c921e5a3f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +eac780890e26b1c9671511a39d4dbcf2d8adc014,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + { + return remainder = goal - 5 * big; + } + else + { + return remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +ffac4e48ffd5cb8da6e34660517cb7f5202119d1,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + { + return remainder = goal - 5 * big; + } + else + { + return remainder = goal % 5; + } + + else (remainder <= small) + { + return remainder; + } + + return -1; +} +" +e158c4a0039cec72d1d0930bce10b3a4a3e330d0,"public int makeChocolate(int small, int big, int goal) +{ + int total = null; + while ((goal-4)>total) + total = total+5*goal; +}" +df2236aaa8203c109129e221138b4deee14b692c,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; + while ((goal-4)>total) + total = total+5*goal; +}" +ae6e808e155b1f35df64c3e906809d5aa50b45df,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; + while ((goal-4)>total) + total = total+5*goal; + return total; +}" +78477e718229fd42bedfd9c4a46e135dbe037003,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; + while ((goal-4)>total) + total = total+5*big; + return total; +}" +46beb941a990f896cf6193d83e3a5b611dd73de5,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + + return -1; + } + + else if (rem <= small && goal - big*5 > 4) + { + + return rem + 5; + } + + else if (rem <= small) + { + + return rem; + } + + else + { + + return -1; + } +} + +" +4ce9514f76c022aa159fba9c7dd075304567dcf0,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; + while ((goal-4)>total) + total = total+5*big; + while(goal!=total) + { + total = total+1; + small = small-1 + } + + return small; +}" +fca629abcd05f30438033d36ae2cfd7a3e552ab6,"public int makeChocolate(int small, int big, int goal) +{ + int total = 0; + while ((goal-4)>total) + total = total+5*big; + while(goal!=total) + { + total = total+1; + small = small-1; + } + + return small; +}" +0e9e7515762aa34c8422822589edf6afa87f4fda,"public int makeChocolate(int small, int big, int goal) +{ +int bigCapacity = goal/5; + +if (bigCapacity>=big && goal-big*5<=small) +{ + return goal-big*5; +} +else if (bigCapacity=big && goal-big*5<=small) +{ + return goal-big*5; +} +else if (bigCapacity= 5 * big) + { + remainder = (goal - 5 * big); + } + else + remainder = (goal % 5); + + if (remainder <= small) + return remainder; + else + + return -1; +}" +8f3e1e7333a7d716789aced4dc04b894f750bad7,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + { + remainder = (goal - 5 * big); + } + else + remainder = (goal % 5); + + if (remainder <= small) + return remainder; + else + + return -1; +}" +cde585defd79d67138b09c21ced5185a80da3335,"public int makeChocolate(int small, int big, int goal) +{ + int numSmall = 0; + if (goal > (big*5)+small) + { + numSmall = -1; + } + else if ((goal % 5) > small) + { + numSmall = -1; + } + else if (goal == (big*5) + small) + { + numSmall = small; + } + else if (goal >= big*5) + { + numSmall = goal % 5; + } + else if (goal < (big*5)) + { + while (big*5 > goal) + { + big = big-1; + } + } + return numSmall; +} +" +dab572fd0e2e2d6bbf88603c493d7e6e8cf79a2d,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + if (goal >= 5 * big) + remainder = (goal - 5 * big); + else + remainder = (goal % 5); + + if (remainder <= small) + return remainder; + else + return -1; +}" +e445181cdbf61a8786b01d449a95543c70bd0b91,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (Math.round(goal/(big*5)) <= big)) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - (Math.round(goal/5))*5; + } + else + return -1; + } + else + { + return -1; + } +} +" +7c2d03b02704ba621c13d0bd806e04ea2a3bdeb4,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big)) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - (Math.round(goal/5))*5; + } + else + return -1; + } + else + { + return -1; + } +} +" +e158aa59f03ef385bb61e888c6c13e06d15b8f69,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - (Math.round(goal/5))*5; + } + else + return -1; + } + else + { + return -1; + } +} +" +ca75f20337e226fc6d70c4649810d1059183503f,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - ((goal/5)*5); + } + else + return -1; + } + else + { + return -1; + } +} +" +68311d7a8ccc859a2f9209951f85b7e467a5626b,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - ((big/5)*5); + } + else + return -1; + } + else + { + return -1; + } +} +" +8a8d3a04a53b8f6afed05b7c5e3e32371cce848e,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else if ((big*5) >= goal) + { + return goal - smallToUse; + } + else + return -1; + } + else + { + return -1; + } +} +" +c9d7d6be997220c88a0b1d150077719d0f5d2289,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else + { + return goal - smallToUse; + } + } + else + { + return -1; + } +} +" +76a5b92c673b302822bdb1af5aa005b80531e436,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) == goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else + { + return goal - smallToUse; + } + } + else + { + return -1; + } +} +" +58c20fb0874a0c7387c8e094734761619c4d025c,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) <= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else + { + return goal - smallToUse; + } + } + else + { + return -1; + } +} +" +1501290a92bdb5b73133802cd0ff4c9b10334760,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else + { + return goal - smallToUse; + } + } + else + { + return -1; + } +} +" +31057693bdc55380371d414f3c595d1da49f88c1,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + if (small+(5*big) >= goal) + { + if (smallToUse <= small && (goal/(big*5)) <= big) + { + return smallToUse; + } + else if (goal-(5*big) <= small) + { + return goal-(5*big); + } + else + { + return goal - smallToUse; + } + } + else + { + return -1; + } +} +" +e1382eaa2d2baf359c572f3ace736fedd922d0e7,"public int makeChocolate(int small, int big, int goal) +{ + if(small + big*5 ,goal) + return-1 + int bigNeeded = goal/5; + int smallNeeded = goal%5; + if (smallNeeded > small && bigNeeded > big) + { + return -1; + } + + return smallNeeded; +} +" +4fc81f5d29df4e9aa7f3e8b3b48afd89107eece3,"public int makeChocolate(int small, int big, int goal) +{ + if(small + big*5 small && bigNeeded > big) + { + return -1; + } + + return smallNeeded; +} +" +c7ee6b4fbfda86b45bd04963ad667d4452500ba7,"public int makeChocolate(int small, int big, int goal) +{ + if(small + big*5 small && bigNeeded > big) + { + return -1; + } + + return smallNeeded; +} +" +2b3b915a3d42613c6bd73440c80044cc0f53d6fd,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return goal-bigWeight; + } + else + { + return goal - smallToUse; + } + } + else + { + return -1; + } +} +" +9a6d688a6181db4424ef89c5a3c4177b5febaf72,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if(small + big*5 4) + return x + 5; + else if(x<=small) + return x; + else + return -1; +} +" +c4d4e46a3ef7120c8a3bd2244ca4fe4ae02a3097,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return smallToUse; + } + else + { + return goal-smallToUse; + } + } + else + { + return -1; + } +} +" +bb44c90a7ce252c5ee19ea282e2238aa390e5ff1,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return goal-bigWeight; + } + else + { + return goal-smallToUse; + } + } + else + { + return -1; + } +} +" +1d961848afac5c9e86f3b688ca7f05e6c7a32531,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%10 != 0) + { + return goal%10; + } + return -1; + +} +" +26ff59e9939d1988daa7892c81fbdc832c7a5438,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%10 != 0) + { + return small; + } + return -1; + +} +" +4ffc748e1a8736b1bb76b35263428cedf200d4f0,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return goal-bigWeight; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +1c0720d6ee22a546021c4edbed4e7bbe9553cbb5,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%10 != 0) + { + return (goal%10); + } + return -1; + +} +" +a77f626648f5195e09c52958b4018f1856f42bc8,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%10 != 0) + { + return (goal%big); + } + return -1; + +} +" +70a18cab8100bfbd085e53714c6a769c7b534ac8,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%big != 0) + { + return (goal%big); + } + return -1; + +} +" +5b653d832ef677f630f8d96b65eb65fb2ddd4550,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +1b6746aca9fd044e08bed6168c92932e4176c0bb,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + if (goal % 5 <= small) + return goal - bigg; + else + return -1; + } + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else + return -4; +} +" +38f95925d54e672407e54983d26cedaabf7eb12f,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return goal-Math.abs(bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +57240394e6aaaa30f0e5b2099d90a99d2b8cb618,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +95afaf4e3d2c342c99a14617ff05ef4647961611,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if(goal >=5*big) + x = goal - big*5 + else + x= goal%5 + if (x<=small) + return x; + else + return -1l +} +" +a74a37fc9f38707909c524402365c3948b6e0b08,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +05e82a577f00d16338f85b7f45d25bdfb7cfdabe,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + if(goal >=5*big) + x = goal - big*5; + else + x= goal%5; + if (x<=small) + return x; + else + return -1; +} +" +c16ea605a7606e2f1445232b3b27f01ddf6295c2,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%big != 0) + { + return (Math.abs(goal%big - small)); + } + return -1; + +} +" +137418b2eb832a1fef1967ae4ff9aa51def7c14d,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%(big*5) != 0) + { + return (Math.abs(goal%(big*5) - small)); + } + return -1; + +} +" +e52172b0ad5ccf6232306c3dc7992ec151cd5543,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (rem <= small) { + return rem; + } + return -1; +} +" +392c2f830b03c838121d9f84b0ef2d3cd528b194,"public int makeChocolate(int small, int big, int goal) +{ + int bigg = big * 5; + + if (bigg + small > goal) + { + if (goal % 5 <= small) + return goal % 5; + else + return -1; + } + else if (bigg + small == goal) + return small; + else if (bigg + small < goal) + return -1; + else + return -4; +} +" +8f4969097f23c5ab9c32400b758da053ebe1d030,"public int makeChocolate(int small, int big, int goal) +{ + int rem; + if (goal >= 5*big) { + rem = goal - 5*big; + } + rem = goal % 5; + if (rem <= small) { + return rem; + } + return -1; +} +" +1d51ac57928db70264e7a55d19406b4080fa7d02,"public int makeChocolate(int small, int big, int goal) +{ + int rem; + if (goal >= 5*big) { + rem = goal - 5*big; + } + else { + rem = goal % 5; + } + if (rem <= small) { + return rem; + } + return -1; +} +" +141e3dee63626a5237f15fd882805626b1f6f1f6,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%big != 0) + { + return (Math.abs(goal%(big*5) - small)); + } + return -1; + +} +" +c61894cd1e0de0fd3ba4e9d975263f36df221959,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (bigWeight + small + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(smallToUse); + + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +9f069d54d699ae41f39ea4affce8eeacb0e1276a,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(smallToUse); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +4c3ea9c573232435c86c96572d367a382d452e37,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +310d0605eee60a0126a8be32e40f09e5070bea15,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +d2057341134322c3811a23f91a1c660cfc461f61,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; + +} +" +3827811730b040c41cbcd9ce519983a9f166a46b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + int remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; + +} +" +33b11f7fd6c74d12933bfb2172eb0cea5c3938e7,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +c95f5de60f470bc64501aa58c91836127ebf9f69,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; + +} +" +6442ac74a5539b9ff72f8463acc05893f2d10708,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/bigWeight) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +ef88b14ad497a62eb71ff97cceabd003e32b5a56,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +1e55ab1ed4351ea6515068111892b05d17b6f354,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +f44da81846679d390c71cb0c90410ad0bcb7e6a0,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +0a95aff04f9a4c5d7aa3ee9ff554107738e1af49,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = goal%(big*5); + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +98d120b5f2a13ae9fd28d5639a1a90d7493afafc,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5*big; + remainder = goal - 5*big; + else + remainder = goal % 5; + if remainder <= small; + return remainder; + + return -1 +} +" +e43194295616a74fa5b5f0a1acc19390de3b8ed7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big) + { + remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +0d20d65263be4a179cef11b2636b873bf3fd4926,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +b6b895bd8a7d6915217aaa740aeaf1cc26ba3501,"public int makeChocolate(int small, int big, int goal) +{ + int result = goal % 5; + +// means we need more little pieces +if(result > 0){ + if((small + big*5) >= goal){ + if(goal-big*5 < 0){ + if((goal % 5) > small){ + return -1; + } + else{ + return goal % 5; + } + }else{ + return goal-big*5; + } + + }else{ + return -1; + } +} +else{ + if(big*5 + small < goal){ + return -1; + } + if((goal - big*5) <= 0){ + return 0; + }else{ + return goal - big*5; + } +} +} +" +ac3a1352ed1d0bf827cbb196a8a29821282255d3,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +61d26cfd37eeda9bbb540d66ad71a80f3352ed4a,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (small <= smallToUse) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +cce1846e3d9c9ce061978eb0b0eee73859d1d1bc,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +7e0e5d8a1773c5a061a6c36f1f8f8f91afbadb05,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return goal; + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +ff1c782666d16fa7a7f51da2e39aa976f318a698,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return Math.abs(smallToUse); + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +ba8165b4c64587835c3c25b38f7a051144c26e41,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big + small) + return -1; + int smallNeeded = goal - big*5; + + if (smallNeeded <= 0) + return 0; + + return smallNeeded; +} +" +5ca4eda6d7d044e62997907817432df748c046c0,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +7b31b39ed042934071641202333a8f8a128f6b58,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + return small; + return -1; + + +} +" +d0014e131feda423a7deed9e35072f250dc18db6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big && goal%5 == small) + return small; + return -1; + + +} +" +85ec972e34776e0a3b8b47fe1fa0d1c1b2cac330,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (5*big + small)) + { + return -1; + } + else if((big*5) > goal) + { + return goal % 5; + } + else + { + return goal - big*5; + } +} +" +d69389b546f85bf6ca857133de170120e989a780,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5*big + small)) + { + return -1; + } + else if((big*5) > goal) + { + return goal % 5; + } + else + { + return goal - big*5; + } +} +" +6d49b4cd55bcf691c32fad6de836b566bfcfbab7,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (5*big + small)) + { + return -1; + } + else if((big*5) >= goal) + { + return goal % 5; + } + else + { + return goal - big*5; + } +} +" +bdb779b53d94f44685236b04f6219e24283cfda9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big && goal%5 <= small) + return goal%5; + return -1; + + +} +" +4070428d769ca89437c87158da309a429de8818d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big && goal%5 <= small && big * 5 + small >= goal) + return goal%5; + return -1; + + +} +" +0129f07cd206a6b1a560672c994daaf878f8b782,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if remainder <= small + { + return remainder; + } + +} +" +849820bb97afec319b18b695b1bc38520a44e648,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + +} +" +e311e5a3039e3155870978b2a8cf6ce7d1ae9777,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + return -1; +} +" +21595fbdbf09fe0c3ac78a8727a4a577534e28f3,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 <= small && big * 5 + small >= goal) + return goal%5; + return -1; + + +} +" +81dd0a8c21ef7dea1e9009bb351329ce669f65ee,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 <= small && big * 5 + small >= goal) + return goal- big * 5; + return -1; + + +} +" +4970eff97bc4c3ead57b3cab80bf1ccdd4d60943,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if ((big/big)*5) <= goal) + return goal-(big/big)*5; + if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +05086b459ac004a5fce6a2019f9870a061ebfff5,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if ((big/big)*5) <= goal) + return goal-(big/big)*5; + else if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +c52b36878868ee43fe0829f5a43b9e541946c3dc,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (((big/big)*5) <= goal) + return goal-(big/big)*5; + else if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +c4a2b2c8e786db2093544e6c69e19c8ea425d34c,"public int makeChocolate(int small, int big, int goal) +{ + int s = small; + int b = big; + int g = goal; + int x = 0; + + while(x!=g) + { + while(b>0) + { + int b = b-1; + int x = x+1; + } + while (s>0) + { + int s = s-1; + int x = x+1; + } + } + return x; +} +" +4b7be3388a4434690cd6a0e546cab6133ed6ac84,"public int makeChocolate(int small, int big, int goal) +{ + int s = small; + int b = big; + int g = goal; + int x = 0; + + while(x!=g) + { + while(b>0) + { + b = b-1; + x = x+1; + } + while (s>0) + { + s = s-1; + x = x+1; + } + } + return x; +} +" +9cae805ea62cbb6eb64d1058a6ff244968e05bdf,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 <= small && big * 5 + small >= goal) + if (goal <= big * 5) + return goal%5; + return goal- big * 5; + return -1; + + +} +" +954af3a5c9e5b67e7697ad0c820220d8956a01f2,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (((big/big)*5) <= goal) + { + return goal-(big/big)*5; + } + else if ((bigWeight <= goal) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +fb9279ccadb8110e5db6742839ffe8bce3102f14,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (((big/big)*5) <= goal) + { + return goal-(big/big)*5; + } + else if (bigWeight <= goal) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +e7a1fc35cef3ceb44e9a51f2581f56f0260a6dd2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal%5 <= small && big * 5 + small >= goal) + if (goal <= big * 5) + { + return goal%5; + } + else{ + + return goal- big * 5; + } + return -1; + + +} +" +e925f17a5030e36a038ea2a53a2e3b3d76bde25d,"public int makeChocolate(int small, int big, int goal) +{ + int maximum = total/5; + if(maximum <= big) + total -= maximum*5; + else + total -= big*5; + if(total <= small) + return total; + return -1; +} +" +aa6dd647a9683e4995cd375dbc2d83a7f8c585c3,"public int makeChocolate(int small, int big, int goal) +{ + int maximum = goal/5; + if(maximum <= big) + goal -= maximum*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +1d18a3387f011b7a4afb347bad0c69dd21cc4190,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight <= goal) + { + return small; + } + else if (((big/big)*5) <= goal) + { + return goal-(big/big)*5; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +8e71ff002f1bba529545490d23b16c38bdd275e3,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (remainder <= small && gaol - big*5 > 4) + { + return +5; + } + else if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +7a8e8606eb3b14052ecd008c28cac2b8dab0d2c8,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (remainder <= small && goal - big*5 > 4) + { + return +5; + } + else if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +c3c2f33a38b6f3242d5f9d03c55549409774847b,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return smallToUse; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +0f3ceee99737cd61fa44e72f5491e6ed9567d22f,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return goal - bigWeight; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +3107e20b6bf8a52777d49d06c476b4d5947861bb,"public int makeChocolate(int small, int big, int goal) +{ + int smalls = goal % big; + if (smalls == ) + { + return -1; + } + return smalls; +} +" +4c7ec5105df0f6954bbe8b21b143cb8c588153d5,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (remainder <= small && gl - big*5 > 4) + { + return remainder + 5; + } + else if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +23603f323aca762522c6fa0ba976444d4e9ddb74,"public int makeChocolate(int small, int big, int goal) +{ + int smalls = goal % big; + if (smalls == 0) + { + return -1; + } + return smalls; +} +" +77239195d5a8ad5e4e4eae87bcc15250f1dcb213,"public int makeChocolate(int small, int big, int goal) +{ + int b = 5 * big; + int g = goal; + while(b>0) + { + g=g-1; + b=b-1; + } + return g; + + +} +" +705ef426e3e591f4c86cb0d0cf7b762adccef11d,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (remainder <= small && goal - big*5 > 4) + { + return remainder + 5; + } + else if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } +} +" +282413f7a6ecd548d9b25da346acc0b4d9ec9559,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +0cc336a26e5657091b9930d7368b9874b26057aa,"public int makeChocolate(int small, int big, int goal) +{ + int b = 5 * big; + int g = goal; + int s = small; + while(b>0) + { + g=g-1; + b=b-1; + } + if(g<=s) + { + return g; + } + else + { + return -1; + } + + +} +" +6a0c1b9742f5c296a5347fb75687b25b0037f95b,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (bigWeight == goal) + { + return 0; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +9e5e1395e335d0411e48530fc3382cbb5205c597,"public int makeChocolate(int small, int big, int goal) +{ + bigKilos = big * 5; + smalls = goal - bigKilos; + if (smalls <= 0) + { + return -1; + } + else + { + return smalls; + } +} +" +f0204a8ac871cb2cb0abbab5a402cefc66958bfe,"public int makeChocolate(int small, int big, int goal) +{ + int bigKilos = big * 5; + smalls = goal - bigKilos; + if (smalls <= 0) + { + return -1; + } + else + { + return smalls; + } +} +" +988884b587c19ee5d329f79283724a6642239e83,"public int makeChocolate(int small, int big, int goal) +{ + int bigKilos = big * 5; + int smalls = goal - bigKilos; + if (smalls <= 0) + { + return -1; + } + else + { + return smalls; + } +} +" +1fcd06e32b68b867b8ad317e0bcb1244fbdecafb,"public int makeChocolate(int small, int big, int goal) +{ + if(small + 5*big >= goal && goal%5 <= big) + { + return goal%5; + } + else + { + return -1; + } + +} +" +e8c33986c4f3e74d0d1a6450d2154694325aeae1,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +81c25cf1805446b422375e03466de74c291ef0d6,"public int makeChocolate(int small, int big, int goal) +{ + int bigKilos = big * 5; + int smalls = goal % bigKilos; + if (smalls <= 0) + { + return -1; + } + else + { + return smalls; + } +} +" +2c2320341bca9182ec247419f93a1dab8b3c9324,"public int makeChocolate(int small, int big, int goal) +{ + if(small + 5*big >= goal && goal%5 >= big) + { + return goal%5; + } + else + { + return -1; + } + +} +" +5308b7af7969ab4a808edfcdec761210286e0953,"public int makeChocolate(int small, int big, int goal) +{ + int bigKilos = big * 5; + int smalls = goal % bigKilos; + if (smalls < 0) + { + return -1; + } + else + { + return smalls; + } +} +" +b977c22dc0b9b70d003a4e9bdfcefb9d9929bb6d,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + + else + { + return -1; + } + } + else + { + return -1; + } +} +" +efb5c5931f339cf6790ceb48ae45017697415bd5,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal%5; + if(remainder ==0 || remainder == 5) + { + return goal/big; + } + else + { + return remainder; + } +} +" +5be66e06856cdc6df37d3aadf7a35ee12e160216,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +34d8468f6d6e2ba63099a76dae9a83823b10164f,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return bigWeight- goal; + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +d3e090d6df37f5a7bea7a5549989b696f342195e,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +6dbf0b22fd5dc1782a5c1eb5e3261aee63e9ca88,"public int makeChocolate(int small, int big, int goal) +{ + int bigsToUse = 0; + if (goal < 5) + { + return -1; + } + for (int i = 0; i < goal; i += 5) + { + bigsToUse++; + } + + int smalls = goal % bigsToUse; + if (smalls < 0) + { + return -1; + } + else + { + return smalls; + } +} +" +645aac1dc8a1c060e4cb8437d938c120c5597a93,"public int makeChocolate(int small, int big, int goal) +{ + int bigsToUse = 0; + if (goal < 5) + { + return -1; + } + for (int i = 0; i < goal; i += 5) + { + bigsToUse++; + } + int bigKilos = bigsToUse * 5; + + int smalls = goal % bigKilos; + if (smalls < 0) + { + return -1; + } + else + { + return smalls; + } +} +" +0157d435c6709df714e8c91ae2522fd8bfe559a4," public int makeChocolate(int small, int big, int goal) { + int remainder = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (remainder <= small && goal - big*5 > 4) + { + return remainder + 5; + } + else if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } + + + +" +783de7577355dd2cd4d95f7dcac90cc32595e6d8," public int makeChocolate(int small, int big, int goal) { + int remainder = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (remainder <= small && goal - big*5 > 4) + { + return remainder + 5; + } + else if (remainder <= small) + { + return remainder; + } + else + { + return -1; + } + + + } + +" +c2b898a2913384120d2863ae914ec517abb2fe67,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + if ((goal-bigWeight) == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +19435c7799f32cf7f1f90def4052028c69fc7a0d,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal-bigWeight) == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +b84f5f2b5b91b0c4c340812598166ae0a4b22f02,"public int makeChocolate(int small, int big, int goal) { + +int a = (goal-5*big); +if (a<=small && a>=0) +{ + return a; +} +if (a<0 && goal%5<=small) +{ + return goal%5; +} +return -1; + +}" +6f4ce48d2632e518a3ff1353f771f20b72769e4b,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal- 5) == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +1321efa4d08d1d0f76d2bc45c62ea847cb2ab284,"public int makeChocolate(int small, int big, int goal) +{ + int num_small = 0; + while( big > 0 && ((goal-5) >= 0)) + { + goal = goal -5; + big = big -1; + } + while( small > 0 && goal > 0) + { + goal = goal -1; + small = small-1; + num_small = num_small +1; + } + if( goal == 0) + { + return num_small; + + } + else + { + return -1; + } + +} +" +9a5bf375fd656ab39dc0829d44b0133e8dc5532b,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal - 5) == small) + { + return small; + } + else if (bigWeight - goal) <= goal) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +0cff663abc2bd9a52b8ed77295f8ab837da52333,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal - 5) == small) + { + return small; + } + else if (bigWeight - goal) <= goal)) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +0ae6b10885cee45b59ac04a37878c6646c3c351e,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal - 5) == small) + { + return small; + } + else if ((bigWeight - goal) <= goal) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +87f6e9c20b695c5910674c10400bf263dd26f88e,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal - 5) == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +8e5764fb76b84d22222b579681dea3f91dbb19c6,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((goal - 5) == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +6120ec72252c99e20e699464b7b7dd62cfd5a9bc,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +f96f4e6ee48c79ad0a01d3092fe09565acc896ec,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +40ffb2ba3f33fe08cf5340f6c9bc310e0045bf77,"public int makeChocolate(int small, int big, int goal) +{ + int bigsAvailable = goal / 5; + int bigsToUse = bigsAvailable * 5; + int smalls = goal % bigsToUse; + if (goal < (small + (big * 5))) + { + return -1; + } + return smalls; + + /** + int bigsToUse = 0; + if (goal < 5) + { + return -1; + } + for (int i = 0; i < goal; i += 5) + { + bigsToUse++; + } + int bigKilos = bigsToUse * 5; + + int smalls = goal % bigKilos; + if (smalls < 0) + { + return -1; + } + else + { + return smalls; + } + */ +} +" +e37c6b2b84f7ec06692d192d548997be2356d413,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if ((bigWeight-goal) >= small) + { + return -1; + } + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +bcbfd654fbbdbb496461ac0adba33f28dacb7f94,"public int makeChocolate(int small, int big, int goal) +{ + int bigsAvailable = goal / 5; + int bigsToUse = bigsAvailable * 5; + int smalls = goal % bigsToUse; + if (goal > (small + (big * 5))) + { + return -1; + } + return smalls; + + /** + int bigsToUse = 0; + if (goal < 5) + { + return -1; + } + for (int i = 0; i < goal; i += 5) + { + bigsToUse++; + } + int bigKilos = bigsToUse * 5; + + int smalls = goal % bigKilos; + if (smalls < 0) + { + return -1; + } + else + { + return smalls; + } + */ +} +" +b16593c1394eca51162a04c20bc93b495a01cb02,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if ((bigWeight-goal) >= small) + { + return -1; + } + else if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else + { + return 0; + } + } + else + { + return -1; + } +} +" +fc28a1181bad5240f3d4b3b4c16c26020762258a,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + else if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + if ((bigWeight-goal) >= small) + { + return -1; + } + } + else + { + return -1; + } +} +" +313dcda23090f41510c45a8eaf88937359643f0a,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + else if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + return 0; + } + else + { + return -1; + } +} +" +44026c1b46604ad324dbdca465032cbdf538f44c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + int bigsAvailable = goal / 5; + int bigsToUse = bigsAvailable * 5; + int smalls = 0; + if (bigsToUse == 0) + { + return goal; + } + smalls = goal % bigsToUse; + + return smalls; + + /** + int bigsToUse = 0; + if (goal < 5) + { + return -1; + } + for (int i = 0; i < goal; i += 5) + { + bigsToUse++; + } + int bigKilos = bigsToUse * 5; + + int smalls = goal % bigKilos; + if (smalls < 0) + { + return -1; + } + else + { + return smalls; + } + */ +} +" +bf18538d048e329e8d3c8b1f49595ff0dc18c0be,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + return 0; + } + else + { + return -1; + } +} +" +e70391087c8d2cbb1b1e51f97ae8bdb707df4e2c,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + return 0; + } + else + { + return -1; + } +} +" +a7473f30ae05944eaa455d3c03eead3f27fed189,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + return 0; + } + else + { + return -1; + } +} +" +a45c1508777ddd4b8dd530f0ebd1da39e55c6e51,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else if (goal-5) == small) + { + return small; + } + return 0; + } + else + { + return -1; + } +} +" +a9ea030db6ab6c8e4a1196a70c20777b77712ca0,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (small+bigWeight >= goal) + { + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + + return 0; + } + else + { + return -1; + } +} +" +6bbc87f67893e9a3d75084d4a1baf452078157bf,"public int makeChocolate(int small, int big, int goal) +{ + def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +a4980807dc0a408d81a7ef00cd8e01161fab37b0,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +4898d229091d1fc42180392e97724e5338f87198,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + if (bigWeight == goal) + { + return 0; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + + return -1; + +} +" +aa924df99eabd879d061abf045f9c65ea59ac39a,"public int makeChocolate(int small, int big, int goal) +{ +if goal >= 5 * big: + remainder = goal - 5 * big +else: + remainder = goal % 5 + +if remainder <= small: + return remainder +else: + return -1 +} +" +443f11041cd25016cdab28b94e26b6d97a6addf7,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + if (goal == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + + return -1; + +} +" +f32bbaf7409c276a834e214e4586f16e3b3d2da3,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + if remainder <= small + { + return remainder + } + else + { + return -1 + } +} +" +f759342963229315f9843317b924373baf1e4894,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + if (goal == small) + { + return small; + } + if ((big/big)*5 == small) + { + return goal - (big/big)*5; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + + return -1; + +} +" +154d7c9c653b4931fb700f3709b1df5646109073,"public int makeChocolate(int small, int big, int goal) +{ + int remainder =0; + if (goal >= (5 * big)) + remainder = (goal - (5 * big)); + else + remainder = (goal % 5); + + if (remainder <= small) + return remainder; + + return -1; +}" +e394d0177a47ac8ea9e3979f3cd53b21901679c9,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 + small < goal) + {return -1;} + +} +" +73f289cae871eef3835eb51ada2d67dc41fb859e,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + if (goal == small) + { + return small; + } + if ((big/big) == small) + { + return goal - (big/big)*5; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + + return -1; + +} +" +151a112891e798d0b07a97ae934fefdb7d333c3c,"public int makeChocolate(int small, int big, int goal) + { + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +" +d94c20e9c55fdc7e23657cf96cc343d8eb90954b,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + else if (goal == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + if ((big/big) == small) + { + return goal - (big/big)*5; + } + + return -1; + +} +" +47b3df8d5182ea4714ec0b9c92f4c1fdf13fe149,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + else if (goal == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + else if ((big/big) == small) + { + return goal - (big/big)*5; + } + return -1; + +} +" +8ffc15a2dca36e4854d0df9ddbbeb0c659b9c100,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +}" +2b01b0b213b3fe9451e04b2b6ba946ab1496775c,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + else if (goal == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((big/big) == small) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + return -1; + +} +" +6422258783787800b745d70f57d4cb899ea79b90,"public int makeChocolate(int small, int big, int goal) + { +int res=0; +int i=0; +if(goal>big*5+small) return -1; +while(res<=goal && igoal) res=res-5; +if(goal-res>small) return -1; +return (goal-res); + +} + +" +f852400bfa741ce897b9fe7886fa8f8afbbf9208,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + else if (goal == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + return -1; + +} +" +9ad8cfc032e8dbc0d8929597fb984aa48ceba882,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +fb4c6b067821c38a164f914554c2245de5dfbbe2,"public int makeChocolate(int small, int big, int goal) +{ + int smallToUse = (big*5)%goal; + int bigWeight = 5*big; + + if (bigWeight == goal) + { + return 0; + } + else if (((big/big) == small) && (big*3) == goal) + { + return goal - (big/big)*5; + } + else if (goal == small) + { + return small; + } + else if (smallToUse <= small && (goal/5) <= big) + { + return goal - (big/big)*5; + } + else if ((bigWeight-goal) >= small) + { + return -1; + } + else if (goal-bigWeight <= small) + { + return Math.abs(goal-bigWeight); + } + else if ((goal - 5) == small) + { + return small; + } + return -1; + +} +" +0092c963e49fd39b09128d816b3b1bfd97eb06ba,"public int makeChocolate(int small, int big, int goal) +{ + int value = goal%5 + + if (big * 5 + small < goal) + {return -1;} + else + {return 0} + +} +" +fe41e47728ec88a00c04cbc6d08aed21d7b4e285,"public int makeChocolate(int small, int big, int goal) +{ + int value = goal%5 + + if (big * 5 + small < goal) + {return -1;} + else + {return 0;} + +} +" +d69f4335b4d3964a2b97576e42058ca048a5e333,"public int makeChocolate(int small, int big, int goal) +{ + int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else + {return 0;} + +} +" +654fcb00c60d698a8ab3f1ab6ecb646791b0eb08,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + goal-= big * 5; + else + goal = goal % 5; + } + if(goal <= small) return goal; + return -1; +} +" +2dedbd15c965fde93f946d8ea145c88f95f41bab,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +7fcf09ec584ea8ca7c7f08fda4e422012f50bd24,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + +} +" +a5ab35185c141d26f2759091b9be10a8c7f03990,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else + {retun -1} + +} +" +c140815b2bb9bc9e8b97a327ac6e3a8b55909af5,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else + {retun -1;} + +} +" +be1fe6a6d1d75191b02c937496f8215130fc9abd,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else + {return -1;} + +} +" +dfd50b6ae76254b60f74ad29a2adab5596025096,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + int bigsAvailable = goal / 5; + int bigsToUse = bigsAvailable * 5; + if (bigsToUse > big) + { + bigsToUse = big; + } + + int smalls = 0; + if (bigsToUse == 0) + { + if (small < goal) + { + return -1; + } + return goal; + } + smalls = goal % bigsToUse; + + return smalls; +} +" +06e475a59e49cf50479572d393ff89b78fbe2113,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5>goal) + {return goal%5} + else + {return -1;} + +} +" +028d9c7030b4147a6deac56ab3e2168b576bd053,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5>goal) + {return goal%5;} + else + {return -1;} + +} +" +35c85b30ba9af2f2a0ffdc672ae35d3bb925520e,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + + else if (big*5>goal) + {return goal%5;} + else + {return -1;} + +} +" +f159b09a0152c60d7a58d52e5b75857fd1752adc,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5>goal) + {return goal%5;} + else + {return -1;} + +} +" +edbcdf9ae7a21556e33dd0f343f969216eae5a96,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5>goal) + {return (goal - goal%5);} + else + {return -1;} + +} +" +96a04a4485cebadc1ec1ded1c253422dba0f126f,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5>goal) + {return (goal - big*5);} + else + {return -1;} + +} +" +3cd43ee20a15caa69dcb26d6ceee4c0408b2f815,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + int count = goal; + while ((count >= 5) && (big > 0)) + { + count -= 5; + } + return count; +} +" +60da654ac58a476aec4d1cac4fd81f938f910eb8,"public int makeChocolate(int small, int big, int goal) +{ + if ((small + (big * 5)) < goal) + { + return -1; + } + int count = goal; + int bigLeft = big; + while ((count >= 5) && (bigLeft > 0)) + { + count -= 5; + bigLeft --; + } + return count; +} +" +8a9480621d819a76de94941f7a5dac6b8c4acca6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + int bigsToUse = goal / 5; + if (bigsToUse > big) + { + bigsToUse = big; + } + if ((bigsToUse * 5) + small < goal) + { + return -1; + } + int smallsToUse = goal - (bigsToUse * 5); + return smallsToUse + +} +" +9e78717afe674388c54e653338de5c11d81af392,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + + else + {return goal-goal%5} + +} +" +8e7fb86aa766a80fdc39ea05f09d4c23da2209bc,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + + else + {return goal-goal%5;} + +} +" +e206f30643417a38c643f33598c7ae8ffa8a7367,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > (small + (big * 5))) + { + return -1; + } + int bigsToUse = goal / 5; + if (bigsToUse > big) + { + bigsToUse = big; + } + if ((bigsToUse * 5) + small < goal) + { + return -1; + } + int smallsToUse = goal - (bigsToUse * 5); + return smallsToUse; +} +" +26f8f10faddf3322b6dd3065edf90b5ccaeaae30,"public int makeChocolate(int small, int big, int goal) +{ + if (((small + (big * 5)) < goal) || (goal / 5 < big)) + { + return -1; + } + int count = goal; + int bigLeft = big; + while ((count >= 5) && (bigLeft > 0)) + { + count -= 5; + bigLeft --; + } + return count; +} +" +ab5874b6b8a5d6d6ba7a2976234c489c4d272198,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +14c091151b24034835a9604f1efb2af25ea3fcd6,"public int makeChocolate(int small, int big, int goal) +{ + if (((small + (big * 5)) < goal) || (goal / 5 > big)) + { + return -1; + } + int count = goal; + int bigLeft = big; + while ((count >= 5) && (bigLeft > 0)) + { + count -= 5; + bigLeft --; + } + return count; +} +" +71bb482f74a2e8174585a43a1ff0a60c0295e358,"public int makeChocolate(int small, int big, int goal) +{ + if (((small + (big * 5)) < goal)) + { + return -1; + } + int count = goal; + int bigLeft = big; + while ((count >= 5) && (bigLeft > 0)) + { + count -= 5; + bigLeft --; + } + return count; +} +" +592277f3f2820ab590a1ed26516d40fd3dc5f3b0,"public int makeChocolate(int small, int big, int goal) +{ + if (((small + (big * 5)) < goal)) + { + return -1; + } + int count = goal; + int bigLeft = big; + while ((count >= 5) && (bigLeft > 0)) + { + count -= 5; + bigLeft --; + } + if (count > small) + { + return -1; + } + return count; +} +" +2feb6c3c7ef641ffb338a2dbc13a6b0a31c17744,"public int makeChocolate(int small, int big, int goal) +{ + + int count = goal; + int bigLeft = big; + while ((count >= 5) && (bigLeft > 0)) + { + count -= 5; + bigLeft --; + } + if (count > small) + { + return -1; + } + return count; +} +" +89e1bc25d575642b0ec860a7b64b86fdd1df0809,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + else + { + goal -= big*5; + } + if(goal <= small) + { + return goal; + } + return -1; +} +" +dffd980e2fe77728d4ccc73845aa42b759df87fe,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5*big; + extra = goal -5*big + else + extra = goal % 5 + if(extra <= small) + return remainder; + else + return -1 +} +" +3a0e33439b559b70b49ffe1a7c68a992802f069e,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5*big) + extra = goal -5*big + else + extra = goal % 5 + if(extra <= small) + return remainder; + else + return -1 +} +" +208b1f208624a942c7cef5550628bf309ebc2194,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5*big) + extra = goal - 5*big + else + extra = goal % 5 + if(extra <= small) + return remainder; + else + return -1 +} +" +4ef9924da1937214a4cb4832c4b1a49e49bc4bbb,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5*big) + extra = goal - 5*big; + else + extra = goal % 5; + if(extra <= small) + return extra; + else + return -1; +} +" +7afbcd7d2bef839d9f2f5bcc37dd57d1298bd7a1,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5*big) + int extra = goal - 5*big; + else + int extra = goal % 5; + if(extra <= small) + return extra; + else + return -1; +} +" +23dd5d16f9a189346d593b97cc710aafc841524c,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1: + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +74532f40773a534ffe5590faa005449d7e4237a2,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + if (small + (big*5) < goal) + { + return -1; + } + else if (rem <= small && goal - big*5 > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +3d5eebcff3a97ac95997bf605212c2c5778dfbe1,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + { + goal -= maxBig*5; + } + + else + { + goal -= big*5; + } + + if(goal <= small) + { + return goal; + } + return -1; +} +" +410bb2a4b7bb805792aea47641c0e293ce776533,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if ( goal-big*5 <= 3 goal%5 > small ) + {return goal%5+5} + else + {return (goal-big *5);} + +} +" +729853521c6daab9521e2a50d15896036011c421,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if ( goal-big*5 <= 3 && goal%5 > small ) + {return goal%5+5} + else + {return (goal-big *5);} + +} +" +b2c0ebee3b1c881cbdd78ec3d571f8961cfa0d02,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if ( goal-big*5 <= 3 && goal%5 > small ) + {return (goal%5+5);} + else + {return (goal-big *5);} + +} +" +8401b8bfe3ad543d64d8d9df3c2ba86ed534b761,"public int makeChocolate(int small, int big, int goal) +{ int value = goal%5; + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if ( goal-big*5 <= 3 && goal%5 > small ) + {return (goal%5-5);} + else + {return (goal-big *5);} + +} +" +0f8aca849cc79b8d66d6754364a497237a42a587,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small !> goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +d4bfe8c8f9334bda42e2aa25d97b6c2502f03275,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +03a25ca9b068947a1d108b2b3b4301b83df77e50,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5)>goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +3cd630672954849c94da72d6aa916beb495260da,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + else if (goal%5 <= small) + {return goal%5;} + else if (big*5>goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +8f3640591d319e4f48bf89f228b0588c1c1d7de6,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>goal) + {return goal%5;} + else if + + else + {return (goal-big *5);} + +} +" +048534333e5656668f6c6e94faed270ea1cb8d16,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>goal) + {return goal%5;} + + + else + {return (goal-big *5);} + +} +" +61b38f1e8d81f00e26e69edfb053f6f0cc4fdc3f,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +b88189762930cbdf07e8bf9559ac7ab93534222e,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = 0;; + if (goal >= 5*big) + { + rem = goal - (5*big); + } + else + { + rem = goal%big; + } + if (rem<=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +c94f6727c3102cbbda11ded37780b0c54c529f6e,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +6ca3a064a0fd3a891e4adeecf50dbc00a21f56f8,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + +} +" +f209dbfb7c6393a0555a17479cda932a5c73bc5c,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + + +} +" +8ee928631fe3bc8ab240848384a5e4d6385320c2,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) return -1; + + int smallNeeded = goal - big * 5; + + if(smallNeeded <= 0) return 0; + + return smallNeeded; +} +" +8cd4122f8bf0eab5eb439bc1fc5ff952ce7198c4,"public int makeChocolate(int small, int big, int goal) +{ + int bigCapacity = goal/5; + +if (bigCapacity>=big && goal-big*5<=small) + return goal-big*5; +else if (bigCapacity= 5) + if(goal/5 >= big) + goal-= big * 5; + else + goal = goal % 5; + if(goal <= small) return goal; + return -1; +} +" +f1a5023a9d38ab89382252de65dcd770a9027502,"public int makeChocolate(int small, int big, int goal) +{ + int bigbars = goal / 5; + if (bigbars >= big) + { + goal = goal - big*5; + } + else + { + goal = goal - bigbars*5; + } + if (small >= goal) + { + return goal; + } + else + { + return small; + } +} +" +d13fd38d8c161f7dea6ed1990f5f3a695f71ad55,"public int makeChocolate(int small, int big, int goal) +{ + int bigbars = goal / 5; + if (bigbars >= big) + { + return -1; + } + else + { + goal = goal - bigbars*5; + } + if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +509e49141232473fcbee8c60602de5cae8557ce4,"if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +85e9e7034faf4b3c7716cb24b138ed8bed5686d1,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +© 2019 GitHub, Inc. +} +" +0f81d9ab2377e1cce6bfb11273ed9c1dac1b7eb9,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +82988494ebeedac75f7fc2fc020ed08b860076ea,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 + +} +" +cb2f808b27cdfbb604e9329da15e7aac8302f894,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big); + remainder = goal - 5 * big + else + remainder = goal % 5 + + if (remainder <= small); + return remainder + + return -1 + +} +" +c9b7425bf28b7cd377515befd73b9bdd35987926,"public int makeChocolate(int small, int big, int goal) +{ + int bigbars = goal / 5; + if (bigbars >= big) + { + goal = goal - big*5; + } + else + { + goal = goal - bigbars*5; + } + if (small >= goal) + { + return goal; + } + else + { + return -1; + } +} +" +ba2054a1d275d0e3e4351c125b8c701150e9fa4c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; + +} +" +2b6b1d06fea6aba4a44add388c32626b61a53b9e,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +8bc6125d00fbccb9a7b59fbdd28a72b64a6bc3d5,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + if (goal/5 >= big) + goal-= big * 5; + else + goal = goal % 5; + if(goal <= small) + return goal; + return -1; +} +" +4d9aac8f5084323a88548ca2e313b8d715e0bbac,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +5f6f04861e18bf17441cff17cba04db07772a62d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big): + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +c944c4c4745fe93a55daf8bfec35b4da7011a397,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big + else + remainder = goal % 5 + + if (remainder <= small) + return remainder + + return -1 +} +" +272f2bf043045296e8a2f1999154d6871a54cd75,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big + } + else + { + remainder = goal % 5 + } + + if (remainder <= small) + { + return remainder + } + + return -1 +} +" +14b895936870aa1e5832a640564c0d428466796b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1 +} +" +ba1ba473d037c3fa1f9c78a9ecb21c007e7dd0b9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +50219cb449c7944c3c22be7e8da0fca51ee520cf,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + { + return goal; + } + return -1; + +} +" +61f3c432586727ee261053c2d55b7cf822f2c3b9,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + if (a > goal) { + return -1; + } + else { + return a; + } + +} +" +c32fe1cc6cc3f88ab793295b0c75077938bea345,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + if (a > goal) { + return -1; + } + else { + return small; + } + +} +" +a103643e2f5e148655da1a71585e48b227d66f63,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + if (a > goal) { + return -1; + } + else { + return small; + } + +} +" +744113c06fd76ecff1260b84fc2d710b05db5427,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + int b = (big*5)+small: + if (a > goal || b < goal) { + return -1; + } + else if (){ + return small; + } + +} +" +629a446b7a52fb017f1f2245ee38c1efc2c32a97,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + int b = (big*5)+small; + if (a > goal || b < goal) { + return -1; + } + else if (){ + return small; + } + +} +" +4e2d0489739774c1028fde46bd5c09ebf07c0ce8,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + int b = (big*5)+small; + if (a > goal || b < goal) { + return -1; + } + else { + return small; + } + +} +" +04058196e0e0d83f72f1eba6f22b96d81b503216,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + int b = (big*5)+small; + if (a > goal || b < goal) { + return -1; + } + else { + return b - a; + } + +} +" +09e185336bca6970287cd4ade80a325da9e92599,"public int makeChocolate(int small, int big, int goal) +{ + int a = goal - (big * 5); + int b = (big*5)+small; + if (a > goal || b < goal) { + return -1; + } + else { + return a; + } + +} +" +ad48e61511ba18c1928af56397d5ac0ed7b056c8,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +0523a90cd7ef1f32b99fd7cc18de6abb90b83ee2,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + if (5 * big + small >= goal) + { + num = goal % big; + } + return num; + +} +" +46155b0f81a04eb901e0e2fbf194323afa117c8d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +7adae83230b4cdb82dc1779b3aa7e04af760d353,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + if ((5 * big) + small >= goal) + { + num = goal % big; + } + return num; + +} +" +df235ad0d4903709884ed684cb53bfbc6008c5fe,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + if ((5 * big) + small >= goal) + { + num = big % goal; + } + return num; + +} +" +eed2258a3bde55d12598d8dd265cd81a81b51c8a,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1; +} +" +90a9ee5f49806f6da6d1a83ac702eaea65acdef2,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + if ((5 * big) + small >= goal) + { + num = goal % (big*5); + } + return num; + +} +" +55782f59d4c25320fb3c82eea1ad7f024b7813a1,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + if ((5 * big) + small >= goal) + { + num = (big*5) % goal; + } + return num; + +} +" +b255e8339901a0995d75a976f2b88bb617ef609f,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big * 5; + if (big + small >= goal) + { + num = 5 % goal; + } + return num; + +} +" +21682ccfba0c44e450dbf6a1af5c19e988a23d91,"public int makeChocolate(int small, int big, int goal) +{ + if (goal>=(5*big)) + { + left = ((goal) - (big*5)) + } + else + { + left = (goal%5) + } + + if (left <= (small*1) + { + return (left%1); + } + else + return -1; + + + +} +" +f3c4cfdbbdedb31cc40bc2bf987505a49dca9b15,"public int makeChocolate(int small, int big, int goal) +{ + if (goal>=(5*big)) + { + left = ((goal) - (big*5)); + } + else + { + left = (goal%5); + } + + if (left <= (small*1) + { + return (left%1); + } + else + return -1; + + + +} +" +11b0845980f1b218f1aa8aa99182ffab3e2c07bc,"public int makeChocolate(int small, int big, int goal) +{ + if (goal>=(5*big)) + { + left = ((goal) - (big*5)); + } + else + { + left = (goal%5); + } + + if (left <= (small*1)) + { + return (left%1); + } + else + return -1; + + + +} +" +45ff691514082079e6826d8182df26a6fddebad2,"public int makeChocolate(int small, int big, int goal) +{ + int left; + if (goal>=(5*big)) + { + left = ((goal) - (big*5)); + } + else + { + left = (goal%5); + } + + if (left <= (small*1)) + { + return (left%1); + } + else + { + return -1; + } + + + +} +" +396bd8f0ed7229ab74bc146a9e5399a82f2669ba,"public int makeChocolate(int small, int big, int goal) +{ + int left; + if (goal>=(5*big)) + { + left = ((goal) - (big*5)); + } + else + { + left = (goal%5); + } + + if (left <= (small*1)) + { + return (left); + } + else + { + return -1; + } + + + +} +" +a3e8f137a7d27b9d1a39d46d31dd7df16f75cb3a,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + big; + int diff = died - goal; + if (lived >= 0) + { + bigChoco = sum % 10; + return bigChoco; + } + else + { + return -1; + } + +} +" +4b18873c5ad214e8a6287ba4c8eb1e780f4e5cdb,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + big; + int diff = sum - goal; + if (lived >= 0) + { + bigChoco = sum % 10; + return bigChoco; + } + else + { + return -1; + } + +} +" +e6ac667a15d48d14eab9d72960b133b5fabffaf2,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + big; + int diff = sum - goal; + if (diff >= 0) + { + bigChoco = sum % 10; + return bigChoco; + } + else + { + return -1; + } + +} +" +6f38d48db96a11285b03d359d77a684fe4333767,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + big; + int diff = sum - goal; + if (diff >= 0) + { + int bigChoco = sum % 10; + return bigChoco; + } + else + { + return -1; + } + +} +" +19597f2067f815ba7484dda6a427e67d67cb8f51,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big): + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1; +} +" +85fe32bef63f91496a9a147245e81ce033ed1835,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + (5 * big); + int diff = sum - goal; + if (diff >= 0) + { + int bigChoco = sum % 10; + return bigChoco; + } + else + { + return -1; + } + +} +" +9fe6588291f1f6a93210970f415d1d894408337f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if remainder <= small + { + return remainder; + } + else + { + return - 1 + } +} +" +996346b3b72b863736cbfdfaf30f07ec770849a9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + else + { + return - 1; + } +} +" +6029f5a3d9726e5fe4c591e00a7c0e9f9080a58e,"private remainder; +public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + else + { + return - 1; + } +} +" +9aa69ddaac1e40b4bf56fc49248dfff03ceaaf57,"private int remainder; +public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + if (remainder <= small) + { + return remainder; + } + else + { + return - 1; + } +} +" +c37eda8e1544bd0ee51222dea94c1e6175228752,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal >= 5 * big ? goal - (5 * big) : goal % 5; + return remainder <= small ? remainder : -1; +} +" +9041cd8b32e40f704c7d8c667c240670e227cff8,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +810b04f139b9b8f99c334d02c137352698e5a281,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + (5 * big); + int diff = sum - goal; + if (diff >= 0) + { + int bigChoco = sum % 5; + return bigChoco; + } + else + { + return -1; + } + +} +" +971e6a7f62f4fc43ceeab9bd020a92cce78f7270,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +} +" +abd679f7560f8b0220bdab4261a522e839c230df,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + + + +} +" +0844b79974a84849e149c38e043a567c2c8387f8,"public int makeChocolate(int small, int big, int goal) +{ + return (goal % 5) +} +" +78d39d61ffa65aacdc03bf61bbd63ff3ebc4b073,"public int makeChocolate(int small, int big, int goal) +{ + return (goal % 5); +} +" +576dacf90fad3ede3a8f5521144c6a942b435be1,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + (5 * big); + int diff = sum - goal; + if (diff >= 0) + { + int bigChoco = diff % 5; + return bigChoco; + } + else + { + return -1; + } + +} +" +28a086e019f520c041b1903a0be6cb81e5f0fb4f,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + (5 * big); + int diff = sum - goal; + if (diff >= 0) + { + int bigChoco = diff % 5; + return bigChoco; + } + else + { + return -1; + } + +} +" +0dd283a9c0ec2fb973229e3e13157c79bf8e5f53,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= (small + (big % 5)) + { + return (goal % 5); + } + else + { + return -1; + } +} +" +5efe8f4877ebfe3fc478943f4e5a25cf42727fa1,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= (small + (big % 5))) + { + return (goal % 5); + } + else + { + return -1; + } +} +" +d40f3772b10208172295663dc2c8f68a67d8c011,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= (small + (big * 5))) + { + return (goal % 5); + } + else + { + return -1; + } +} +" +b2846bb52133826c3d33a327b6412f8963cdb862,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +af9c67992e3e6b872280364a3b925196386ee46f,"public int makeChocolate(int small, int big, int goal) +{ + int i = goal/5; + if(i <= big) + goal -= i*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +23b7ffdf917f10fc828ef9aa6e89881fd9a79ca7," public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +" +79150d4715875d99b1ba0b383a60b55baabcc850,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + (5 * big); + int diff = sum - goal; + if (goal >= (5 * big) + { + int choco = goal - (5 * big); + } + else + { + choco = big % 5; + } + + if (choco <= small) + { + return choco; + } + else + { + return -1; + } + +} +" +02e248601cbe239ee0cc6f77f2499b1d6cf16138,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big) + { + int choco = goal - (5 * big); + } + else + { + choco = big % 5; + } + + if (choco <= small) + { + return choco; + } + else + { + return -1; + } + +} +" +9f9d0f7fb46a92d8d7b275d740517664d7c82ae0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + int choco = goal - (5 * big); + } + else + { + choco = big % 5; + } + + if (choco <= small) + { + return choco; + } + else + { + return -1; + } + +} +" +dbd481ecc1e8cc2ba3c654aa59ac0fcc099be66c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + if (goal % 5 <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +a103913b6f9b110ef25c629b91d972a45ab18e43,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + int choco = goal - (5 * big); + } + else + { + int choco = big % 5; + } + + if (choco <= small) + { + return choco; + } + else + { + return -1; + } + +} +" +24bb495d82334e513f95648f6c295ec5200c7e11,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + int choco = goal - (5 * big); + } + else + { + int choco = big % 5; + } + + if (choco <= small) + { + public int choco; + return choco; + } + else + { + return -1; + } + +} +" +35bc13654fe9dd1adfc5b02f390454566246ee58,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= (5 * big)) + { + int choco = goal - (5 * big); + } + else + { + int choco = big % 5; + } + + if (choco <= small) + { + private int choco; + return choco; + } + else + { + return -1; + } + +} +" +82060eccbafbea09e5794e031e60bdea665af6e6,"public int makeChocolate(int small, int big, int goal) +{ + private int choco; + if (goal >= (5 * big)) + { + int choco = goal - (5 * big); + } + else + { + int choco = big % 5; + } + + if (choco <= small) + { + + return choco; + } + else + { + return -1; + } + +} +" +a41851217684d2c6d573f2337bb2e7539be75fb3,"public int makeChocolate(int small, int big, int goal) +{ + int choco; + if (goal >= (5 * big)) + { + choco = goal - (5 * big); + } + else + { + choco = big % 5; + } + + if (choco <= small) + { + + return choco; + } + else + { + return -1; + } + +} +" +341e2e05175bc75d535aa3cf74aa279eae353f20,"public int makeChocolate(int small, int big, int goal) +{ + int choco; + if (goal >= (5 * big)) + { + choco = goal - (5 * big); + } + else + { + choco = goal % 5; + } + + if (choco <= small) + { + + return choco; + } + else + { + return -1; + } + +} +" +1f5253516a7ce270c7c4a162574ca8088fb4f0d0,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +75335c237cf9ce9bf807f66273005b1de992d7f0,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + if (goal % 5 <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else + { + return -1; + } +} +" +89cff0253be05ee361d802c26d8914f43398a399,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +0075425e4f26f66690e0471dbccd77b27fb841d4,"public int makeChocolate(int small, int big, int goal) +{ + while (int x < goal) + { + x = x + 5; + big++; + x = x + 1; + small++; + } + return small; +} +" +9f8b58d01b9dc16266fb8d363723e4b5e217760c,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + while (x < goal) + { + x = x + 5; + big++; + x = x + 1; + small++; + } + return small; +} +" +93ca1ce1318e42b03b33862b7064074557a957b9,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + if (goal % 5 <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else if (small + big * 5 >= goal) + { + return (small - (small - goal % 5)); + } + else + { + return -1; + } +} +" +603b66492886ebc507ed5c8580d261f2997106fd,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + if (goal % 5 <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else if (small + big * 5 >= goal) + { + return (small - (small - goal % small)); + } + else + { + return -1; + } +} +" +e2d754ada8cf77f67cb070b1976adb11fe6d602a,"public int makeChocolate(int small, int big, int goal) +{ + if (goal / 5 <= big) + { + if (goal % 5 <= small) + { + return (goal % 5); + } + else + { + return -1; + } + } + else if (small + big * 5 >= goal) + { + return (goal - big * 5); + } + else + { + return -1; + } +} +" +592210d272bdd0207fd406c5d20eb3b7769d57c6,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + + + + +}" +657af9b8234180a5f14bc5b819062f357c1e4327,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big; + else: + remainder = goal % 5; + + if remainder <= small: + return remainder; + else + return -1; +} +" +cecc7c0d37eb377a95fae81d2ee116c581c8cc32,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + if (big + small >= goal ) + { + int r = goal % 5; + num = r + } + else if ii + return num; + +} +" +83b32935d2ea9e8270a0114560e250099e0f9dde,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + if (big + small >= goal ) + { + int r = goal % 5; + num = r + } + + return num; + +} +" +287392730514e65be7228f4b99372a724063bef2,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + if (big + small >= goal ) + { + int r = goal % 5; + num = r ; + } + + return num; + +} +" +ddae32d0b785b524a1c1953815be732d2a9c2575,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal %5; + + if (small + (big*5) < goal) + return -1 + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +4cece91db7df0c42413e93810567dfb93129a822,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal %5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +ccdc0283f84638fc32639dd3dfdc69f2b904464b,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + int r = goal % 5; + if ( goal - r <= big ) + { + num = r ; + } + + return num; + +} +" +82f991c45cfd3299e47a283067398cc7e41eb49c,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; +} +" +a6610b3cfb3e5c60bdcebf36d2f1eb6bc8a41d28,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + { + return goal; + return -1; + } +} +" +7a156e4e1cf418f969bf14ffeaab4edc587e6e9d,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + { + return goal; + else + return -1; + } +} +" +28df327d9061cb6ec6f89ba54dd3ab45fce3fa3a,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + return goal; + return -1; + +} +" +b20d525ead268bb3eced9c95cb88481aa8aab61d,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5*big) + { + goal = goal - 5 * big); + } + else + { + goal = goal % 5; + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +baaf57a732c3c8bac5478597074a3f506fab6eaa,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + int r = goal % 5; + if ( goal - r <= big && big + small >= goal) + { + num = r ; + } + + return num; + +} +" +e8489a57c33a4206e2e947ccbe3780e56d02006c,"public int makeChocolate(int small, int big, int goal) +{ + if (goal > 5*big) + { + goal = goal - 5 * big; + } + else + { + goal = goal % 5; + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +6678b4029f93e2a529cfd03d25eed2c1e905bbad,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + int r = goal % 5; + if ( goal - r <= big && small >= r) + { + num = r ; + } + + return num; + +} +" +7a10531efd1f13d7453a137b6942c1cbd1a25b77,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal = big * 5; + } + else + { + goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + else + return -1 +} +" +18af73aea7732e52fdae02772a801c9cb2bf09c5,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal = big * 5; + } + else + { + goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + else + return -1; +} +" +b7990e665ddadc9feb70cc12f61a622a1f398150,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + int r = goal % 5; + if (big + small >= goal && small >= r) + { + num = r ; + } + + return num; + +} +" +2c6cecf897a938ab3399fe42409cbbeefe81cb37,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big * 5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + +} +" +f8014b4858deb45f73843613e9a9d6c58ee77492,"public int makeChocolate(int small, int big, int goal) +{ + int a = (goal-5*big); + if (a <= small && a >= 0) + return a; + else if (a < 0 && goal%5 <= small) + return goal%5; + else + return -1; +} +" +391ccaf6a940b15eecf2d01062656672ffd8269d,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal%5; + return x; +} +" +f25bfd38548f52ce662176826d8f184c978c2572,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +" +1109526c8a932e68d5b52d6cc602a456b5328317,"public int makeChocolate(int small, int big, int goal) +{ + int j = goal -5*big; + if (j>small) + return -1; + int x = goal%5; + return x; +} +" +2b6b553946930b4b7c81102263bd3b8eb2a4d1bc,"public int makeChocolate(int small, int big, int goal) +{ + int j = goal -5*big; + if (j>small) + return -1; + int x = goal%5; + return x; +} +" +48861572463666bc97a21a08aeb6503531b392d1,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big; + else: + remainder = goal % 5; + + if remainder <= small + return remainder; + + return -1; +" +bda78f041aeff5c1c99839481d54cb270d0f1529,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if remainder <= small + { + return remainder; + } + + return -1; +} +" +8bfb7fd9c0d6424eb7f6a77d9799f4fb4ad6351c,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +} +" +25b778e3b7f9ca8fc68a9b7a44a41bde7e7e7aa7,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + +} +" +ac3607e358d454ed5f7fa0f32d27e354c7250a9b,"public int makeChocolate(int small, int big, int goal) +{ + int j = goal -5*big; + if (j>small) + return -1; + + return j; +} +" +597f3bdd06c3a613079479017e94b35482a4d51e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 > small) + { + return -1; + } + else if (goal > 5 * big) + { + return goal - (goal / 5); + } + else + { + return goal % 5; + } +} +" +5096756db82c8f675e45c6a505de94eb7190e267,"public int makeChocolate(int small, int big, int goal) +{ + if (goal - 5 * big - small > 0) + { + return -1; + } + else if (goal % 5 > small) + { + return -1; + } + else if (goal > 5 * big) + { + return goal - (big * 5); + } + else + { + return goal % 5; + } +} +" +5f9b4185a58d7986534a98fee5fd832542abad20,"public int makeChocolate(int small, int big, int goal) +{ + int j = goal -5*big; + if (j>small) + return -1; + + int k = goal%5; + + return k; +} +" +4c1e4061f9109a47bdd99c07392d77837ec85c8d,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +fc0b655f372c5c6302be431b5edc96cc2fade482,"public int makeChocolate(int small, int big, int goal) +{ + int k = goal%5; + if (k>small) + return -1; + int j = goal -5*big; + if (j>small) + return -1; + + int k = goal%5; + + return k; +} +" +1726982062ec02621f03f2d04e87467abd229526,"public int makeChocolate(int small, int big, int goal) +{ + int y = goal%5; + if (y>small) + return -1; + int j = goal -5*big; + if (j>small) + return -1; + + int k = goal%5; + + return k; +} +" +a57895e551eb75c1284ceda2977b9e285eff7250,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + int r = goal % 5; + if (big + small >= goal && small >= r) + { + num = r ; + if (goal - 5 >= big) + { + num = r + (goal-big); + } + } + + + return num; + +} +" +d3fdfce379c5d6424ea00c4c89b29b2167bb8850,"public int makeChocolate(int small, int big, int goal) +{ + int num = -1; + big = big *5; + int r = goal % 5; + if (big + small >= goal && small >= r) + { + num = r ; + if (goal - 5 >= big) + { + num = goal-big; + } + } + + + return num; + +} +" +afed3f4f75f74bf0999a8fd57ceb6425e04f7758,"public int makeChocolate(int small, int big, int goal) +{ + + int y = goal%5; + if (y>small) + return -1; + int j = goal -5*big; + if (j>small) + return -1; + + int z = goal/5; + + if (big < z && j> small) + return -1 + + if (big < z && j< small) + return small + int k = goal%5; + + return k; +} +" +585c4d974befc25ff53128ec1163312c5ec63c9b,"public int makeChocolate(int small, int big, int goal) +{ + + int y = goal%5; + if (y>small) + return -1; + int j = goal -5*big; + if (j>small) + return -1; + + int z = goal/5; + + if (big < z && j> small) + return -1; + + if (big < z && j< small) + return j; + int k = goal%5; + + return k; +} +" +6ff24e3f9db24701b81178b0f239b2d28e824036,"public int makeChocolate(int small, int big, int goal) +{ + int goalfake; + for (goalfake=goal; goalfake<=5; goalfake-5) + { + big++; + } + small = goal - 5*big; + return small; +} +" +5e4d7c247f0d69c3cd6e9e483ab5e7914d03593c,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<=5; i-5) + { + big++; + } + small = goal - 5*big; + return small; +} +" +907b9d9877abc95807a410695a51babe5ff105ca,"public int makeChocolate(int small, int big, int goal) +{ + + int y = goal%5; + if (y>small) + return -1; + int j = goal -5*big; + if (j>small) + return -1; + + int z = goal/5; + + if (big < z && j> small) + return -1; + + if (big < z && j<= small) + return j; + int k = goal%5; + + return k; +} +" +7fd959a574f8e35a474771af33939201dc9abaf4,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<=5; i--) + { + big++; + } + small = goal - 5*big; + return small; +} +" +e7aceed607b23213345d7a7bd8510cab7d90307c,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<5; i--) + { + big++; + } + small = goal - 5*big; + return small; +} +" +55e5bdd2a7f6d85de185527efe91c554fee23220,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<5; i--) + { + big++; + } + small = goal - 5*big; + + if (small<0) + { + return small; + } + else + { + return -1; + } +} +" +dbd1bb802bbe9094da6f8c20a9572b9fa61735ed,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<5; i--) + { + big++; + } + small = goal - 5*big; + + if (small<0) + { + return small; + } + +} +" +43d2fab2f3c132e75329ab70c512514ae4674fdb,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<5; i--) + { + big++; + } + small = goal - 5*big; + + + return small; + + +} +" +22651e6b44f19c6e68d86bf53ffca3b14b629ab4,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<5; i-5) + { + big++; + } + small = goal - 5*big; + + + return small; + + +} +" +42ee7fb04adae56e27eb96171bccf29696ebfe15,"public int makeChocolate(int small, int big, int goal) +{ + + for (int i=goal; i<5; i--) + { + big++; + } + small = goal - 5*big; + + + return small; + + +} +" +9f90955e820479503c9a878f70c85ef464818b74,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (num <= small && goal - (big*5) > 4) + return rem + 5; + else if (num <= small) + return num + else + return -1; +} +" +f12a206d04f619537459e71c09e65e3f5691da25,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (num <= small && goal - (big*5) > 4) + return rem + 5; + else if (num <= small) + return num; + else + return -1; +} +" +90498e487db6a74bdfb7a6d9960500f1d03277cf,"public int makeChocolate(int small, int big, int goal) +{ + int num = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (num <= small && goal - (big*5) > 4) + return num + 5; + else if (num <= small) + return num; + else + return -1; +} +" +64e2724db1767e4692e960abf13338453594d913,"public int makeChocolate(int small, int big, int goal) +{ + + small = goal - goal%5; + + + return small; + + +} +" +af6b26d1dda1eda3ae3da1f581e6b8a0b654095b,"public int makeChocolate(int small, int big, int goal) +{ + + small = goal%5; + + + return small; + + +} +" +7283452fdd0338bf09730336da898bbbd7b7b024,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + if(5*big + small = goal) + { + small = small; + } + else + { + small = -1; + } + return small; + + +} +" +5c258b41e9d51d2caefc6359bbab1b1aaf3de937,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = (goal -goal%5)/5; + if(5*big + small = goal) + { + small = small; + } + else + { + small = -1; + } + return small; + + +} +" +647b8829ae5d016cbf05c400c108b8b34db407e6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5*big) + { + rem = goal - 5*big; + } + else + { + rem = goal % 5; + } + if (rem <= small) + { + return rem; + } + else + return -1; +} +" +448879c4bf306e6a1252b1af04d18eeacb993bd3,"public int makeChocolate(int small, int big, int goal) +{ + int rem + if (goal >= 5*big) + { + rem = goal - 5*big; + } + else + { + rem = goal % 5; + } + if (rem <= small) + { + return rem; + } + else + return -1; +} +" +04ad0a40b947d4a88fadb8901e748177e209c439,"public int makeChocolate(int small, int big, int goal) +{ + int rem; + if (goal >= 5*big) + { + rem = goal - 5*big; + } + else + { + rem = goal % 5; + } + if (rem <= small) + { + return rem; + } + else + return -1; +} +" +dc40fb810663595208896bff8182be6b2cc401ec,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + if(big + small == goal) + { + small = small; + } + else + { + small = -1; + } + return small; + + +} +" +c19d9e88d3b7cb35b978b8485196cbe747a965f9,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + if(big*5 + small == goal) + { + small = small; + } + else + { + small = -1; + } + return small; + + +} +" +a218001d474c21253fef0ea1ace166d668fcd297,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + if(big/5 + small == goal) + { + small = small; + } + else + { + small = -1; + } + return small; + + +} +" +65dbe9564f9d61faa288b10c7049148fe64868a6,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + int bignum = big/5; + if(bignum + small == goal) + { + small = small; + } + else + { + small = -1; + } + return small; + + +} +" +e587a0c9233d6d17219a4ae480dbe5b5fa3b2652,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; + +} +" +6503d9d6ed2f6b9354cedfb8e27ec8db27284e91,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + int bignum = big/5; + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + return small; + + +} +" +e0bf741feb195249bda6cd061ea6de542cc16783,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small ) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +504510c9fd0420c8a45c843a86aac3bf43eb8488,"public int makeChocolate(int small, int big, int goal) +{ + int choc = goal % 5; + if (small + (big * 5) < goal) + { + return -1; + } + else if (choc <= small && goal - big * 5 > 4) + { + return choc + 5; + } + else if (choc <= small) + { + return choc; + } + else + { + return -1; + } +} +" +ae97e779d1523ca8c9fd6a7946be28f9ebf09169,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>=goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +9933d0841b8f9d4d4d172be76cc8059f5ec024a5,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>=goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +ac037c107ad94dc13b0b30193fa3a0d5c6112ecf,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 < small && big*5>=goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +a31cf955318b64022c3ba59061aa9b2a96abaa81,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>=goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +06e865240b04cbe802dfa45b529305a50e79eca3,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + int bignum = big/5; + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if ((big + small) < goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +aacc39e3550aa280faf9d11b46acb08f2e04be4b,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + big = goal -goal%5; + int bignum = big/5; + int sum =5*big + small; + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +694d2d7dbed146362231cbfc8ea46b974d18256b,"public int makeChocolate(int small, int big, int goal) +{ + small = goal%5; + int bignum = big/5; + int sum =5*big + small; + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +1e3dae1116ee0310d8ba39129e624019e1939776,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>=goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +6b5778934b50443b8b63df4afbfe2e922bb26249,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + small = goal%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +2b1375b25e00c6f917429a134201332107c83fd7,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + small = goal%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + small = -1; + } + else if (sum > goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +3d75215103741b9341848e1604fe111fb37a4baf,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + small = goal%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +00b6f4446aeb6fbf2d29d90c31e13025d9a71477,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + small = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + small = -1; + } + else + { + small=small; + } + return small; + + +} +" +23ce5ca636ac48caee5be786f7661b8e62d1ca68,"public int makeChocolate(int small, int big, int goal) +{ + + if (big * 5 + small < goal) + {return -1;} + + else if (goal%5 <= small && big*5>=goal) + {return goal%5;} + + else + {return (goal-big *5);} + +} +" +e35f177f896288aed7825288ab007f9e8a3fa1e8,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + newsmall = -1; + } + else + { + newsmall=small; + } + return newsmall; + + +} +" +c7cc4bdf06ee0637d0ca3890a734d242babd7b7f,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small) + { + return goal; + } + else if (goal >= big) + { + if (goal/5 >= big) + { + return goal = big * 5; + } + else + { + return goal = big % 5; + } + } + return -1; +} +" +a449e43c65d1e340644ab209387d24865712b1bf,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small) + { + return goal; + } + else if (goal >= big) + { + if (goal/5 >= big) + { + return goal -= big * 5; + } + else + { + return goal = big % 5; + } + } + return -1; +} +" +4da8ed14dac39e1babcd412005653b5d88210b31,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + + if(maxBig <= big) + + goal -= maxBig*5; + + else + + goal -= big*5; + + if(goal <= small) + + return true; + + return false; +} +" +5258e92afdc6bc1ec4afcbac3b1fc949c54134f3,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } + +}" +d56f3914e13bc7829c3c6812b2d5c8f408ef3ad1,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + }" +29c8ac0b20fb554e30b18047969f17d9439be244,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +}" +b8d482b8d54c5d60774f9ea25c03a2df6a5bcb70,"public class makeChocolate { + public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + } +}" +b23db93ecd9aeb3e1f1a6231e11da8f486a7601d,"public int makeChocolate(int small, int big, int goal) { + + int rem = goal % 5; + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + return -1; + +} +" +ba71878af5aa849f549fc1e0bd97ea0195487147,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + + if(maxBig <= big) + + goal -= maxBig*5; + + else + + goal -= big*5; + + if(goal <= small) + + return goal; + + return -1; +} +" +193f72c13bfdc8be3a750bf13e952c9de827dc6b,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small) + { + return goal; + } + if (goal >= big) + { + if (goal/5 >= big) + { + return goal -= big * 5; + } + else + { + return goal = big % 5; + } + } + return -1; +} +" +58db75f20bde8e6581ebbb0671b628be797a3e81,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= big) + { + if (goal/5 >= big) + { + return goal -= big * 5; + } + else + { + return goal = big % 5; + } + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +d974402d7c98acfa90b1752091719523bcfdcc45,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= big) + { + if (goal/5 >= big) + { + return goal -= big * 5; + } + else + { + return goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +dc523200218aab9411469b12bb437854fb679b30,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + return goal -= big * 5; + } + else + { + return goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +f3c2b70e521a1a6eb0ae4b82666badc3fd445353,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal -= big * 5; + } + else + { + goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +e51680b44ff52b0ce54596eeefc424317657ccb2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal <= small) + { + return goal; + } + if (goal >= 5) + { + if (goal/5 >= big) + { + goal -= big * 5; + } + else + { + goal = goal % 5; + } + } + return -1; +} +" +bbca3007fc40770f24df5a0594d15a0a7ba034a4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if (goal/5 >= big) + { + goal -= big * 5; + } + else + { + goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + return -1; +} +" +7089604f4c5d886895bbfdc7b5cc39a7942e5e3b,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + while(x < goal) + { + if(big > 0) + { + x = x+5 + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; +} +" +84bc278e78d656023c4a515dbbb27c97017fd6b1,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; +} +" +803a9c5ba4cc2a78ab43d04382f0a1a7fb9f0949,"public boolean closeFar(int a, int b, int c) { + return((Math.abs(a-b)<=1 + Math.abs(a-c)==1) && (Math.abs(b-c)>=2 + &&(Math.abs(a-c)>=2 && Math.abs(a-b)>=2; +}" +d4def8248620f850681bfe931d851a4b9d60f630,"public boolean closeFar(int a, int b, int c) { + return((Math.abs(a-b)<=1 Math.abs(a-c)==1) && (Math.abs(b-c)>=2 + &&(Math.abs(a-c)>=2 && Math.abs(a-b)>=2; +}" +ee8d613ad4ae6e798d149da93d8a357178396d16,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; + + + + +}" +4b2afaf4f0df98c964a0d5bf78f78843fae7a4c2,"public class makeChocolate (int small, int big, int goal) { + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } + +}" +9cafe877e72c772515a11d6cadf5443a630e8a2c,"public class makeChocolate(int small, int big, int goal) { + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } + +}" +2afd5549eebb1f6cee1b914ec533ccdd4e0dfcb3,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + if(goal>5) + { + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; + } + else if (goal = 5) { return 0;} + else if (goal < 5) { return small;} +} +" +5b49257486ac284e3aef30daff16949300a1ca79,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + if(goal>5) + { + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; + } + else if (goal == 5) { return 0;} + else if (goal < 5) { return small;} +} +" +30cc6214594ec049d3f44cf1d96a0500a8cc42d4,"public int makeChocolate(int small, int big, int goal) { + int rem = goal % 5; + if (small + (big*5) < goal) + return -1; + else if (rem <= small && goal - big*5 > 4) + return rem + 5; + else if (rem <= small) + return rem; + else + return -1; +} +" +51301988a8c475446a1b766933b8abd92d8b1987,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + if(goal>5) + { + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; + } + else if (goal == 5) { return 0;} + else if (goal < 5) { return small;} + return; +} +" +f7afab7e6845b612021632568aa589a0c9ce8c94,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + if(goal>5) + { + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; + } + else if (goal == 5) { return 0;} + return small; +} +" +040de6e5a2da5480941cfbc10f131f4d55735438,"public int makeChocolate(int small, int big, int goal) { + int maxBig = goal / 5; + if (big > maxBig) + return (goal <= 5 * maxBig + small) ? (goal - 5 * maxBig) : -1; + return (goal <= 5 * big + small) ? (goal - 5 * big) : -1; +}" +78cc857eda22b025cc193a0c7f7ef19343de64aa,"public int makeChocolate(int small, int big, int goal) +{ + int choc = goal % 5; + + if (small + (big * 5) < goal) + { + return -1; + } + else if (choc <= small && goal - (big * 5) > 4) + { + return choc + 5; + } + else if (choc <= small) + { + return choc; + } + else + { + return -1; + } +} +" +d5636b12d0d7386936427019cf173f195f205cf6,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + rem = goal - 5 * big + } + else + { + rem = goal % 5; + } + + if (rem <= small) + { + return rem; + } + else + { + return - 1; + } +} +" +d13eb99ce423b02f836ea8790e2d49d05bb276dd,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + rem = goal - 5 * big; + } + else + { + rem = goal % 5; + } + + if (rem <= small) + { + return rem; + } + else + { + return - 1; + } +} +" +aac47eb165c239eb3559ce82dcb49c0338e4083c,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + if(goal>5) + { + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + goal = goal -5; + } + if(small > 0) + { + x++; + small--; + s++; + goal = goal -1; + } + + } + return s; + } + else if (goal == 5) { return 0;} + return small; +} +" +38f96ac1a7be084d4b8cf7d5538d5b9da38c96eb,"public int makeChocolate(int small, int big, int goal) +{ + int rem = 0; + if (goal >= 5 * big) + { + rem = goal - 5 * big; + } + else + { + rem = goal % 5; + } + + if (rem <= small) + { + return rem; + } + else + { + return - 1; + } +} +" +8367303d459bd76c448637b4c8e13579d969d92b," public int makeChocolate(int small, int big, int goal) { + + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + }" +d3849572670e3e41a82c7d7ec4f9ed4cefe00248,"public int makeChocolate(int small, int big, int goal) +{ + int x = 0; + int s = 0; + if(goal>5) + { + while(x < goal) + { + if(big > 0) + { + x = x+5; + big--; + } + if(small > 0) + { + x++; + small--; + s++; + } + + } + return s; + } + else if (goal == 5) { return 0;} + return small; +} +" +e460e36010f5bd965837a21415dee08492288ab3,"public int makeChocolate(int small, int big, int goal) +{ + int bigCapacity = goal/5; + +if(bigCapacity>=big && goal-big*5<=small) +{ + return goal-big*5; +} +else if (bigCapacity= 5) + { + if (goal / 5 > = big) + { + goal -= big * 5; + } + else + { + goal = goal % 5; + } + } + if (goal <= small) + { + return goal; + } + else + { + return -1; + } +} +" +dfa5d965e03c2aebc95ebeb0c1f33b12ed01148b,"public int makeChocolate(int small, int big, int goal) +{ + int choc = goal % 5; + + if (small + (big * 5) < goal) + { + return -1; + } + else if (choc <= small && goal - (big * 5) > 4) + { + return choc + 5; + } + else if (choc <= small) + { + return choc; + } + else + { + return -1; + } +} +" +3295d4694a88fc187329de1c7360f291fe0f3f56,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum != goal) + { + newsmall = -1; + } + else + { + newsmall=small; + } + return newsmall; + + +} +" +884c939f4d3c62c0713eea87e6994c86636b24c0,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + newsmall = -1; + } + else + { + newsmall=small; + } + return newsmall; + + +} +" +8e7001e8aee7a07dfe011ecc5eba09e1c388bb62,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if(max <= big) + { + z -= max*5; + } + else + { + z -= big*5; + } + if(z <= small) + { + return z; + } + return -1; +} +" +ab2d5434bbeeecbe293b7954afc8856529f89aa4,"public int makeChocolate(int small, int big, int goal) +{ + int max = z/5; + if(max <= big) + { + z -= max*5; + } + else + { + z -= big*5; + } + if(z <= small) + { + return z; + } + return -1; +} +" +1220330b40f71bbf073122b0ff3bc1166c3b5d3a,"public int makeChocolate(int small, int big, int z) +{ + int max = z/5; + if(max <= big) + { + z -= max*5; + } + else + { + z -= big*5; + } + if(z <= small) + { + return z; + } + return -1; +} +" +62d85543189169f4225501e4b2cff962fcca7c62,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + small = goal - sum; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + newsmall = -1; + } + else + { + newsmall=small; + } + return newsmall; + + +} +" +148b39f3df5fa38623d1787a785be5ae2978517c,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + newsmall = -1; + } + else + { + newsmall=small%5; + } + return newsmall; + + +} +" +e09df27d82a3465222ee4393a61025adc102d53f,"public int makeChocolate(int small, int big, int goal) +{ + int small = goal % 5; + return small; +} +" +ec09781d8c876b05ff9a75bf66c1de0111b7bfe2,"public int makeChocolate(int small, int big, int goal) +{ + small = goal % 5; + return small; +} +" +0c565c032782be7a175048212a37369e5b76ed19,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + newsmall = -1; + } + else if (sum > goal) + { + newsmall = goal - sum; + } + else + { + newsmall=small%5; + } + return newsmall; + + +} +" +1362fe19d09651132f2e4943a17892079b47aa93,"public int makeChocolate(int small, int big, int goal) +{ + int sum =5*big + small; + int newsmall = sum%5; + int bignum = big/5; + + //if(bignum + small == goal) + //{ + //small = small; + //} + //else + //{ + // small = -1; + //} + if (sum < goal) + { + newsmall = -1; + } + else + { + newsmall=small%5; + } + return newsmall; + + +} +" +7a48cb2d08e973433a393cf20dec82f1faedccd0,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) + return -1; + else + small = goal % 5; + return small; +} +" +25b0b21740e2f598d353af5e3bed559702e82910,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0 && goal/5 <= big) + return 0; + else if(goal % 5 == 0) + return -1; + else if(goal % 5 <= small) + small = goal % 5; + return small; + else + return -1; + +} +" +3a4d261cd233b287a0233f3176aa9b8aed1af6d3,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0 && goal/5 <= big) + return 0; + else if(goal % 5 == 0) + return -1; + else if(goal % 5 <= small) + small = goal % 5; + return small; + else if(goal % 5 > small) + return -1; + +} +" +4314310d2a130e2a3daf8f62bf6e7aedc10673bb,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + 5*big; + int used = goal - sum%5; + + if (used < 0) + { + used = -1; + } + else + { + used = used; + } + return used; +} +" +4e99a55f17d1e470248aeede3646cbfe9960e547,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + 5*big; + int used = goal - sum; + + if (used < 0) + { + used = -1; + } + else + { + used = used; + } + return used; +} +" +469974c6704da8b50872c7829b6ce4ef4666e55a,"public int makeChocolate(int small, int big, int goal) +{ + int reminder = goal % 5; + if (small + (big * 5) < goal) + { + return -1; + } + else if (reminder <= small && goal - big * 5 > 4) + { + return reminder + 5; + } + else if (reminder <= small) + { + return reminder; + } + else + return -1; + + +} +" +8a04e0104393ef68ae343938a260ecef453b2fea,"public int makeChocolate(int small, int big, int goal) +{ + int big = goal / 5; + int small = goal % 5; + if (goal <= 0) + { + return -1 + } + +} +" +70c456ee0c3a070651d831767c34bc677ca9190a,"public int makeChocolate(int small, int big, int goal) +{ + int big = goal / 5; + int small = goal % 5; + if (goal <= 0) + { + return -1; + } + +} +" +043be5287d3b3d04938c9b3eb02aa61f4a5f1e2c,"public int makeChocolate(int small, int big, int goal) +{ + int numbig = goal / 5; + int numsmall = goal % 5; + if (goal <= 0) + { + return -1; + } + +} +" +5faf7f43ce3ff3a849f6a21e7a2842bcd55314cc,"public int makeChocolate(int small, int big, int goal) +{ + int value = (goal % 5); + if(small >= value) + { + return value; + } + else + { + return -1; + } +} +" +02d1e403e4b814cd04e8539e40881470c7fed29d,"public int makeChocolate(int small, int big, int goal) +{ + int sKilo = goal % big; + int bKilo = goal / big; + if (bKilo + sKilo == goal) { + return sKilo; + } else { + return -1; + } +} +" +0a04eed71ae646954eb6f587aa8f440199fab0ea,"public int makeChocolate(int small, int big, int goal) +{ + int sKilo = goal % (big*5); + int bKilo = goal / (big*5); + if (bKilo + sKilo == goal) { + return sKilo; + } else { + return -1; + } +} +" +26c23ccbff206e8f3708a45dc95c5b6050b46a71,"public int makeChocolate(int small, int big, int goal) +{ + int sKilo = goal % (big*5); + int bKilo = goal / (big*5); + if (bKilo + sKilo == goal) { + return sKilo; + } else { + return -1; + } +} +" +03ae950e7440ff1b5b100af214ca4754168a2ff2,"public int makeChocolate(int small, int big, int goal) +{ + if ( goal <= 5 * big) + { + int remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if (remainder<= small) + { + return remainder; + } + else + { + return -1; + } + + +} +" +cb79bf5ee99f469ebaf7c845583201d5352376c3,"public int makeChocolate(int small, int big, int goal) +{ + int remainder; + if ( goal <= 5 * big) + { + remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if (remainder<= small) + { + return remainder; + } + else + { + return -1; + } + + +} +" +eff74c83d9b1e67c253a871d7f75d581f00ef285,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) + if (goal/5 <= big) + return 0; + else + return -1; + else + if(goal % 5 <= small) + small = goal % 5; + return small; + else + return -1; + +} +" +0d5b12cc06f66cfef6529b1da7f5351af7f912b6,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = 0; + + if ( goal <= 5 * big) + { + remainder = goal - 5*big; + } + else + { + remainder = goal % 5; + } + if (remainder<= small) + { + return remainder; + } + else + { + return -1; + } + + +} +" +6fca784397ab56f6682c63cbc29b7e85c5acf4bd,"public int makeChocolate(int small, int big, int goal) +{ + int rbig = goal/5; + int rem = 0;; + if (goal >= 5*big) + { + rem = goal - (5*big); + } + else + { + rem = goal%5; + } + if (rem<=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +85301b5688c593175fb5b4287eeffdeed824a5e4,"public int makeChocolate(int small, int big, int goal) +{ + if (big * 5 >= goal) + { + int r = goal % 5; + } + else + { + int r = goal - big * 5; + } + if (r <= small) + { + return r; + } + else + { + return -1; + } +} +" +e68ab32dc762bffce6eb01e118fc9c58fdaeaeb8,"public int makeChocolate(int small, int big, int goal) +{ + + int max = (5*big) + (small); + if (goal > max) + { + return -1; + } + else + { + return goal % 5; + } + + +} +" +2b61f142fd181628cb032c8790d5c68c23d7f079,"public int makeChocolate(int small, int big, int goal) +{ + int r = 0; + if (big * 5 >= goal) + { + r = goal % 5; + } + else + { + r = goal - big * 5; + } + if (r <= small) + { + return r; + } + else + { + return -1; + } +} +" +d1bdc6b0d2c35f03788627345f698145c6dc021c,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) + { + if (goal/5 <= big) + return 0; + else + return -1; + } + else + { + if(goal % 5 <= small) + small = goal % 5; + return small; + else + return -1; + } +} +" +e8c026b49d4d5468f73d155e84de3b7f6aa9087b,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) + { + if (goal/5 <= big) + return 0; + else + return -1; + } + else + { + if(goal % 5 <= small) + small = goal % 5; + return small; + else if + return -1; + } +} +" +8cef50c55abc878657639f1b72e8fee49b3c2437,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) + { + if (goal/5 <= big) + return 0; + else + return -1; + } + else + { + if(goal % 5 <= small) + small = goal % 5; + return small; + else if() + return -1; + } +} +" +4c190bdef5e2035dd096150b31f7187c49eba258,"public int makeChocolate(int small, int big, int goal) +{ + if(goal % 5 == 0) + { + if (goal/5 <= big) + return 0; + else + return -1; + } + else + { + if(goal % 5 <= small) + small = goal % 5; + return small; + else if(goal % 5 > small) + return -1; + } +} +" +b5a40f6c87fd3e2d861d03333c110d7135b143b1,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + r = goal - 5 * big + else: + r = goal % 5 + + if r <= small: + return remainder + + return -1 +}" +6ca8c2406177c44b6ea0a718c2eba965e29c6a4e,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +0182c674a6ec7f040c5c6befc1b0ef09a6d61fec,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +c0115654e30e660e6a4696f3eb75bc1cd38e3f6a,"public int makeChocolate(int small, int big, int goal) +{ + int valueS = (goal % 5); + if((small < valueS) || (goal > (small + (5 * big)))) + { + return -1; + } + else + { + if(goal >= (5*big)) + { + int value1 = (goal - (5*big)) + return value1; + } + else + { + return valueS; + } + } +} +" +aac9b6f14ced455fcb189520eae2784daba3e7fd,"public int makeChocolate(int small, int big, int goal) +{ + int valueS = (goal % 5); + if((small < valueS) || (goal > (small + (5 * big)))) + { + return -1; + } + else + { + if(goal >= (5*big)) + { + int value1 = (goal - (5*big)); + return value1; + } + else + { + return valueS; + } + } +} +" +5b16f427dbfe162425c9799325009018bf8daa05,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; +}" +b80582b2c3ac05d831b40cffcfeb0e79007be9bc,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +93c34f11cf2449adcb19ed7f454e5a5f5dbe0581,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) return goal; + else + return -1; +}" +361542ecf31a8ec2cc4d445ffce27c3ba298911b,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + return goal; + else + return -1; +}" +29c506e9995402489c3101ec056190ce705b2af6,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; +} +" +332c688b795281d99bd5e0aea16b290643b6bc20,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +35af76226263184dc89df343e2826e8cfcf7f2c0,"public int makeChocolate(int small, int big, int goal) +{ + int leftover = 0; + if (goal/5 >= big) + { + leftover = (goal/5 - big); + leftover = leftover * 5; + return leftover; + } + else + { + return -1; + } +} +" +f9ba42ebafe29ecf4e2081b08b61cfe3ae693c6c,"public int makeChocolate(int small, int big, int goal) +{ + if((small + big * 5) < goal) + { + return -1; + } + + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +5d5eb4631f19520623d6ca339eeaa76185a1f040,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if(maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if(goal <= small) + return goal; + return -1; +} +" +92d1f78172a8764a3154386688188b4972b723a3,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5>small || goal-goal%5 goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +38d51d067dd5c31258faf36633bdeec9cb7cb94f,"public int makeChocolate(int small, int big, int goal) +{ + int rem = 0;; + if (goal < 5*big) + { + rem = goal%5; + } + else + { + rem = goal - (5*big); + } + if (rem<=small) + { + return rem; + } + else + { + return -1; + } + + +} +" +75d3d039b1fc18afe001b9830b2e2df9654a356e,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5>small || (goal-goal%5) goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +667b4bf8de31dba03717582cee8286102d6998f3,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5>small || (goal-goal%5)>big) + { + return -1; + } + + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +3d1b55090687e2110e8f8b5d0620882df99d4d0b,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5>small || (goal-goal%5) goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +143a8f69d1ef7de6b92458ea07ad9dc0ed1550a3,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5>small || ((goal-goal%5)/5) goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +294b68cbf0c3fd1991bf8052489449e160c287d2,"public int makeChocolate(int small, int big, int goal) +{ + if(goal%5>small || ((goal-goal%5)/5)>big) + { + return -1; + } + + else if((big * 5) > goal) + { + return goal % 5; + } + else + { + return goal - big * 5; + } +}" +e5a0af4073ea9431c687485a863e581556149219,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal-= big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + return goal; + else + return -1; +}" +8863bd35719c0d570c14db4be34bed2bac6ceeb7,"public int makeChocolate(int small, int big, int goal) +{ + int b = goal / 5; + if (b <= big) + { + goal -= b * 5; + } + else + goal -= big * 5; + if (goal <= small) + { + return goal; + } + return -1; + + +} +" +11646166f8ca9304169b91e12366efb9f4c984af,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + { + goal = big * 5; + } + else + { + goal = goal % 5; + } + } + if(goal <= small) + { + return goal; + } + return -1; +} +" +0d7efbc785834f7388f0940159e8366e39e51ac8,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big * 5) < goal) + { + return -1; + } + else if (rem <= small && goal - (big * 5) > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +93a6c6aa34672841d09d7a5ca6402096ff469ef3,"public int makeChocolate(int small, int big, int goal) +{ + if (small + big*5 < goal) + return 1; + int smallNeeded = goal - big*5; + if (smallNeeded <= 0) + return 0; + return smallNeeded; +} +" +8010175cf9e305f0da20841054031c001a524ac6,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if (max <= big) + goal -= max*5; + else + goal -= big*5; + if (goal <= small) + return goal + else + return -1 +} +" +5e099939a58d8475ebf712c7c92cf01e5d56f4e1,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big * 5) < goal) + { + return -1; + } + else if (rem <= small && goal - (big * 5) > 4) + { + return rem + 5; + } + else if (rem <= small) + { + return rem; + } + else + { + return -1; + } +} +" +f8e10a5240eb21de075a74cc7f7be841687dacdd,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = goal/5; + if (numBig > big) { + numBig = big; + } + goal -= numBig*5; + if (goal < small) return small; + return -1; +} +" +229da0034e8138d82db5a66c81401a7931a18a50,"public int makeChocolate(int small, int big, int goal) +{ + int max = goal/5; + if (max <= big) + goal -= max*5; + else + goal -= big*5; + if (goal <= small) + return goal; + else + return -1; +} +" +e8ffee0445e30ec17b01161337119ad439233b5b,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = goal/5; + if (numBig > big) { + numBig = big; + } + goal -= numBig*5; + if (goal < small) return goal; + return -1; +} +" +576754db0803ef3dd0fd290883f0b31c85592d13,"public int makeChocolate(int small, int big, int goal) +{ + int numBig = goal/5; + if (numBig > big) { + numBig = big; + } + goal -= numBig*5; + if (goal <= small) return goal; + return -1; +} +" +454792f53b020c909001a1de56a81599d8ad792e,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if ((goal/5) >= big) + { + goal = big * 5 + } + else + { + goal = goal % 5 + } + } + else if (goal <= small) + { + return goal; + } + + else + { + return -1; + } +} +" +ee9a7a961fed1a838f4514fb8a0fea11fa350fed,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5) + { + if ((goal/5) >= big) + { + goal = big * 5; + } + else + { + goal = goal % 5; + } + } + else if (goal <= small) + { + return goal; + } + + else + { + return -1; + } +} +" +053c51d382125e382869b6c0fca26e4965afa8cd,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + 5*big; + int used = goal - sum; + int newsmall = sum%5; + int goalsmall = goal%5; + if (goalsmall>newsmall) + { + newsmall = newsmall; + } + else (goalsmallnewsmall) + { + newsmall = newsmall; + } + else + { + newsmall = goalsmall; + } + return newsmall; +} +" +6f6bb1b1080bdfb8b028fb6ef8bfc430aab73604,"public int makeChocolate(int small, int big, int goal) +{ + int sum = small + 5*big; + int used = goal - sum; + int newsmall = sum%5; + int goalsmall = goal%5; + + if (sum < goal) + { + newsmall = -1; + } + else if (goalsmall>newsmall) + { + newsmall = newsmall; + } + else + { + newsmall = goalsmall; + } + return newsmall; +} +" +60902479dfec4c669d0d55191175a84788c8f0f4,"def make_chocolate(small, big, goal): + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +" +6f05242b9fa44c1fcf259feb02e6f1b363e3aa8d,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +ae736aff54583df9293b5c4cd1c788e4120d4df4,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big + else + remainder = goal % 5 + + if (remainder <= small) + return remainder + + return -1 +} +" +17ce1181bd384ecaa0ccc958455c18de3efbc6eb,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + remainder = goal - 5 * big; + else + remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1 ; +} +" +2581e6f21b32c8463fdc4b1dd753dd136b9ff6d2,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + int remainder = goal - 5 * big; + else + int remainder = goal % 5; + + if (remainder <= small) + return remainder; + + return -1 ; +} +" +04010ab83133bfdecc719013d245468b866529d7,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +} +" +bf1decedde591563a8269969474dd6383bf11de9,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + + } +" +8b54ce2ebf96fdc7e927987ddc2fe7cc62314419,"public int makeChocolate(int small, int big, int goal) +{ + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +ec486b1feed48917c9de2842d71145159fb28d49,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder + } + + return -1 +} +" +b3d9997ca4015350bf4963742723e6cef496c029,"public int makeChocolate(int small, int big, int goal) +{ + if (goal >= 5 * big) + { + + remainder = goal - 5 * big; + } + else + { + remainder = goal % 5; + } + + if (remainder <= small) + { + return remainder; + } + + return -1; +} +" +6e0f1f0aa43df685915942e1120ac98e5851c629,"public int makeChocolate(int small, int big, int goal) +{ + int maxBig = goal/5; + if (maxBig <= big) + goal -= maxBig*5; + else + goal -= big*5; + if (goal <= small) + return goal; + return -1; +} +" +a468654b127d9aa8e8c53c8d20dbe5236350ce1f,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5){ + if(goal/5 >= big){ + goal-= big * 5; + }else{ + goal = goal % 5; + } + } + if(goal <= small) return goal; + return -1; + +} +" +30c5cec1c575b993b28e556a65ec390a36709f1b,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5) + { + value = -1; + } +} +" +f67bc1c5b56a3bacd8f15ce5c790336ff85e1775,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + goal = big * 5; + else + goal = goal % 5; + + } + if(goal <= small) + return goal; + else + return -1; + +; +} +" +7067d38bd09d838214a31e2a25379750978c0eba,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5) + { + value = -1; + } + return value; +} + +" +8d33a0b3a53aa5eb4e3f053d3643f9e76253e05e,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5) + { + if(goal/5 >= big) + goal = big * 5; + else + goal = goal % 5; + + } + if(goal <= small) + return goal; + else + return -1; +} +" +d14205e244fe1103912a6964ad9c8d3a2c015182,"public int makeChocolate(int small, int big, int goal) +{ + + if goal >= 5 * big: + remainder = goal - 5 * big + else: + remainder = goal % 5 + + if remainder <= small: + return remainder + + return -1 +} +" +562b9811fe3c6923fb9d409cf1d5abe9edbe0181,"public int makeChocolate(int small, int big, int goal) +{ + int remainder = goal >= 5 * big ? goal - (5 * big) : goal % 5; + + return remainder <= small ? remainder : -1; +} +" +39c3e565fadb0e409e7ea3e41cc4325e1c70e314,"public int makeChocolate(int small, int big, int goal) +{ + if(goal >= 5 * big) + extra = goal - 5 * big; + else + extra = goal % 5; + + if(extra <= small) + return extra; + return -1; +} +" +e3c23e64ec6643fa34dc02834d6136ecbba474df,"public int makeChocolate(int small, int big, int goal) +{ + int bk = big*5; + int sk = goal - bk; + if (sk >= 0) + { + return sk; + } + else + { + return -1; + } +} +" +3032fff635a4eeec0002eaa0bb4cb0be8c3256c9,"public int makeChocolate(int small, int big, int goal) +{ + int extra = goal % 5; + if(goal >= 5 * big) + extra = goal - 5 * big; + else + extra = goal % 5; + + if(extra <= small) + return extra; + return -1; +} +" +ee1577fb58c38b42021447e8742d3316c1413a02,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5) + { + value = -1; + } + else if (value == goal ) + { + value = 0; + } + else if () + return value; +} + +" +77e9e4a00c9410f11187890dddc0dc317ff9e6cd,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5) + { + value = -1; + } + else if (value == goal ) + { + value = 0; + } + else + { + value = -1; + } + return value; +} + +" +08f266dadf667ba8d755a92375fa26435f6bf35e,"public int makeChocolate(int small, int big, int goal) +{ + int bk = big*5; + int sk = goal - bk; + if (sk == small) + { + return small; + } + else + { + return -1; + } +} +" +1b1fa610ef856ce2711f34db37ffff5c29928d03,"public int makeChocolate(int small, int big, int goal) +{ + int rem = goal % 5; + + if (small + (big*5) < goal) + + return -1; + + else if (rem <= small && goal - big*5 > 4) + + return rem + 5; + + else if (rem <= small) + + return rem; + + else + + return -1; + +} +" +01b312c3d7532c1fa1dfd8c25d9ff060a8150fd8,"public int makeChocolate(int small, int big, int goal) +{ + int bk = big*5; + int sk = goal - bk; + if (sk >= 0) + { + r = small - sk; + return r; + } + else + { + return -1; + } +} +" +302b1ab5867ad490e03bd98341e1859d6a391a85,"public int makeChocolate(int small, int big, int goal) +{ + int bk = big*5; + int sk = goal - bk; + if (sk >= 0) + { + int r = small - sk; + return r; + } + else + { + return -1; + } +} +" +b5dcb5aeb932e0b59d9dad69e0b7fcf3615b8cd5,"public int makeChocolate(int small, int big, int goal) +{ + return -1; +} +" +ce0bcc279412142b3459c55f47db16b061d78cd6,"public int makeChocolate(int small, int big, int goal) +{ + int bk = big*5; + int sk = goal - bk; + if (sk >= 0 && sk <= small) + { + return sk; + } + else + { + return -1; + } +} +" +7c5df3d928a366aeee708a52f5b52ea310c4c781,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else + { + value = -1; + } + return value; +} + +" +3d29b139a310cd50ecb651a923d1a063a2dcce33,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else if (value <= samll && 4 < goal - big * 5) + { + value = goal % 5 + 5; + else + { + value = -1; + } + return value; +} + +" +f0b57fb18021fa8a4963dc0baf8b302a14c42e1e,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else if (value <= samll + && 4 < goal - big * 5) + { + value = goal % 5 + 5; + else + { + value = -1; + } + return value; +} + +" +9ca751a59f1a9b7873475c28f559248902a8e8ec,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else if (value <= samll + && 4 < goal - big * 5) + { + value = goal % 5 + 5; + } + else + { + value = -1; + } + return value; +} + +" +843d158a823914e9b50e66a8f1b6c16879a12ce0,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else if (value <= small + && 4 < goal - big * 5) + { + value = goal % 5 + 5; + } + else + { + value = -1; + } + return value; +} + +" +5fb9d950504400b1108de3f8697773d53a82fcdb,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else if (value <= small + && 4 < goal - big * 5) + { + value = goal % 5 + 5; + } + else + { + value = -1; + } + return value; +} + +" +15772ea8f0e1d0f2a84c42277dd8a4286f28d24d,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small) + { + value = goal % 5; + } + else + { + value = -1; + } + return value; +} + +" +74273ddfc2e7b3ed9356f317e133fa59ce0caf73,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small || big * 5 >= goal) + { + value = goal % 5; + } + else + { + value = -1; + } + return value; +} + +" +84759c2d81ff2441f1627b02df1fa4a2e4b9c286,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else + { + value = goal - big * 5; + } + if (value <= small || big * 5 >= goal) + { + value = goal % 5; + } + else + { + value = -1; + } + return value; +} + +" +4f6a887c6cfff17960db5cb8c99fc19e1d50b829,"public int makeChocolate(int small, int big, int goal) +{ + int value = 0; + if (goal > big *5 + small) + { + value = -1; + } + else if (value <= small || big * 5 >= goal) + { + value = goal % 5; + } + else + { + value = -1; + } + return value; +} + +" +8703881a666aabad2455620dff4ca0af7d20af69,"public int makeChocolate(int small, int big, int goal) +{ + int bigNum = goal/5; + int smallNum = goal - bigNum; + if ((bigNum <= big) && (smallNum <= small)) + { + return smallNum; + } + else if ((bigNum > big) && (smallNum <= small)) + { + return smallNum; + } + else + { + return -1; + } +} +" +234bed2a8c2da954b08e42344b0b4efc87afd776,"public int makeChocolate(int small, int big, int goal) +{ + int bigNum = goal/5; + int smallNum = goal - (bigNum*5); + if ((bigNum <= big) && (smallNum <= small)) + { + return smallNum; + } + else if ((bigNum > big) && (smallNum <= small)) + { + return smallNum; + } + else + { + return -1; + } +} +" +f5bccb3021d8d5a4cb511d9a87e57d308a7a38c8,"public int makeChocolate(int small, int big, int goal) +{ + int mb = 5; + int cb = 0 + int xb = cb*mb; + while (xb < goal) + { + cb = cb + 1; + xb = cb*mb; + } + int sb = goal - xb; + if (sb > small) + { + return -1; + } + else + { + return sb; + } +} +" +826777509729366359691a7e99faabc948cc1108,"public int makeChocolate(int small, int big, int goal) +{ + int mb = 5; + int cb = 0; + int xb = cb*mb; + while (xb < goal) + { + cb = cb + 1; + xb = cb*mb; + } + int sb = goal - xb; + if (sb > small) + { + return -1; + } + else + { + return sb; + } +} +" +68f30095a9e7c26f910c570a42027776ecf1a5ff,"public int makeChocolate(int small, int big, int goal) +{ + int x = goal % 5; + if (x != 0) + { + return x; + } + else + { + return -1; + } +} +" +4bc88e53b5d8014b7a332589d35065c47db2dc31,"public int makeChocolate(int small, int big, int goal) +{ + int mb = 5; + int cb = 0; + int xb = cb*mb; + while (xb < goal) + { + cb = cb + 1; + xb = cb*mb; + } + if (cb > + int sb = goal - xb; + if (sb > small) + { + return -1; + } + else + { + return sb; + } +} +" +570bcd751b306b3bf023908057ff42168a84b900,"public int makeChocolate(int small, int big, int goal) +{ + if (small > big) + { + goal = small; + } + return goal; +} +" +9989dda9838665f06938476f45f51cf9fdcadf31,"public int makeChocolate(int small, int big, int goal) +{ + if (small > big) + { + goal = small; + } + else + { + goal = -1; + } + return goal; +} +" +638dd5f0844e8879448615cfb09c880c5867166d,"public int makeChocolate(int small, int big, int goal) +{ + if (big > small) + { + goal = small; + } + else + { + goal = -1; + } + return goal; +} +" +a6953e167224ee343f07d0f5dfd32bf2a1529f50,"public int makeChocolate(int small, int big, int goal) +{ + if (big > small || small > big) + { + goal = small; + } + else + { + goal = -1; + } + return goal; +} +" +5164eca487ba762089b7d37714f24a30d9865ccd,"public int makeChocolate(int small, int big, int goal) +{ + goal = -1 + return goal; +} +" +7831b0cf0ab86cb496031eb5dd2b26c4b25db9e9,"public int makeChocolate(int small, int big, int goal) +{ + goal = -1; + return goal; +} +" +7b26800ab4dc5a8552437cc4320de10da86664d1,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +47168057d3d354bfaf2cd45c3dd5e4696c90f6a8,"public boolean xyzThere(String str) +{ + return (str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + +} +" +afe3bef9b709a046652f58acad9abce1dcd27ac5,"public boolean xyzThere(String str) +{ + int n = str.length(); + if (str.contains("".xyz"") ) + { + for (int i = 0; i < n-3; i++) + { + if (str.charAt(i) != '.' && str.substring(i+1, i+4).equals(""xyz"")) + { + return true; + } + } + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +74b06799355b89f348338143d7dfda9a7241518d,"public boolean xyzThere(String str) +{ + for ( int i=0; i < str.length(); i++) + { + if (i==0||(str.charAt(i) == ""x"" && str.charAt(i-1)!=""."")) + { + if (i+1= 3) + { + for (int i = 0; i <= str.length() - 3, i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && charAt(i - 1).!equals(""."")) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +63df1198aca2912c91711c0081520e833deda82c,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && charAt(i - 1).!equals(""."")) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +1efab3d0a550ff3a2d9282c005f3364e4d3c4617,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +44337f130c9710ddf70828525894d543e40719da,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + int num = 0; + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + num = 1; + } + } + if (num == 1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +d72ba00453513aba29bc539a04359c92bec1a8b7,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + int num = 0; + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i > 0 && !str.charAt(i - 1).equals(""."")) + { + num = 3; + } + } + } + if (num == 1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +0906bc98f55d4457117045aca23e56543fb9c3ca,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + int num = 0; + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i == 0) + { + num = 3; + } + else if (str.charAt(i - 1) != ""."") + { + num = 3; + } + } + } + if (num == 1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +60d53f28571481c018df5ec89f19fad63965ec89,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + int num = 0; + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i == 0) + { + num = 3; + } + else if (str.charAt(i - 1) != '.') + { + num = 3; + } + } + } + if (num == 1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +5398b69ff82c539c33079da3667a857d6a9f63e3,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + int num = 0; + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i != 0 && str.charAt(i - 1) == '.') + { + num = 0; + } + else + { + num = 1; + } + } + } + if (num == 1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +3c2c08b25e7c9f084eed1b9317d1f7b83c0b42ec,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + return true; + } + } + return false; +} +" +408a708d3dbe6afa3387fc67e71183f4321e1bc4,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && i != 0) + { + if (str.charAt(i-1) != '.' && (i+2) < str.length()) + { + if (str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + return true; + } + } + + } + } + return false; +} +" +6a41286ef3ef3bc4110c51717b0a6978cf56d802,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && i != 0) + { + if (str.charAt(i-1) != '.' && (i+2) < str.length()) + { + if (str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + return true; + } + } + + } + else if (str.charAt(i) == 'x' && (i+2) < str.length()) + { + if (str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + return true; + } + } + } + return false; +} +" +3571aef8d1cccafdc5d726d78489c956706d742d,"public boolean xyzThere(String str) +{ + return true; +} +" +9bbdb52f93e1a1a0cf19cba50e5de4a3f6f5d98a,"public boolean xyzThere(String str) +{ + return str.contain(""xyz""); +} +" +72f499373d43a0828ba483bb8af08bc0ad4693ef,"public boolean xyzThere(String str) +{ + return str.contains(""xyz""); +} +" +0257fa7c8bf623985d9b2f96b8a3e124f4cbff62,"public boolean xyzThere(String str) +{ + return str.contains(""xyz"") && !str.contains(""xyz""); +} +" +7c3cd3834f32c28b63ec4b0d80ff73ad69037e52,"public boolean xyzThere(String str) +{ + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +8c3c16f8e4638838c85a4052785830eb61fed083,"public boolean xyzThere(String str) +{ + if (str.indexOf""xyz"") != (str.lastIndexOf""xyz""){ + return true; + } + + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +7524c37eb7ab876fd5efc13e011f06a18c6e8b54,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != str.lastIndexOf(""xyz"")) + { + return true; + } + + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +6c19822a0d94cec08ab641d8b3055f4d2153a77b,"public boolean xyzThere(String str) +{ + { + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; + } +} + +" +e76c0ce26d4c0bdeaf61657d914dcdf2d717e8a7,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} + +" +4acd8d82375f21bab66593ac6f15dbf929fce55d,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); +} +" +29dc994db55f264754f9d3fdeea7cb06ce2e7570,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") == null) + { + return true; + } + else + { + return false; + } + +} +" +315229ddc09aaa7136716641155028616512c29e,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + if (occ >= 0) + { + return true; + } + else + { + return false; + } + +} +" +df54bd22ce4c1c4bd9f12c9df9751af382eb8aad,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + String per = str.substring(occ - 1, occ); + if (occ >= 0 && per != ""."") + { + return true; + } + else + { + return false; + } + +} +" +c8a0be59dec0a41242ebf952c04bb2e31259d489," public static boolean xyzThere( String str ) + { + boolean result = false; + + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( ""xyz"".equals( str.substring( i, i + 3 ) ) ) + { + if ( i == 0 || str.charAt( i - 1 ) != '.' ) + { + return true; + } + } + } + + return result; + } +" +1ac2d2796779ad3b75c61d25da3126ff278dbdf9,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + String per = str.substring(occ - 1, occ); + if (occ >= 0 && per == ""."") + { + return true; + } + else + { + return false; + } + +} +" +8f439d95aa2bdc798526f5b87af522c620573bb7,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + String per = str.substring(occ - 1, occ); + if (occ >= 0 && per != ""."") + { + return true; + } + else + { + return false; + } + +} +" +79cf61aeeb49a2f8440b9fde0f43e4c78ff69972,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + if (occ >= 0) + { + String per = str.substring(occ - 1, occ); + if (per != 0) + { + return true; + } + return false; + } + else + { + return false; + } + +} +" +1b6e5e2bc7aee7e45ea3a55681a74b594f26a869,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + if (occ >= 0) + { + String per = str.substring(occ - 1, occ); + if (per = ""."") + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } + +} +" +3c88b4b7d1033a6e2720faff18ab51358cd66e14,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + if (occ >= 0) + { + String per = str.substring(occ - 1, occ); + if (per.equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } + +} +" +bc907240998877ed0cdcef687a8cbff975f51f40,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + if (occ == 0) + { + return true; + } + else if (occ > 0) + { + String per = str.substring(occ - 1, occ); + if (per.equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } + +} +" +1187ae890c31bd1d3b04092379b139f33aaf678a,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + int occ2 = str.lastindexOf(""xyz""); + if (occ == 0) + { + return true; + } + else if (occ > 0) + { + String per = str.substring(occ - 1, occ); + if (per.equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } + +} +" +750100b6ec6398a10157b3d3d6af6e3bf7ae3efd,"public boolean xyzThere(String str) +{ + int occ = str.indexOf(""xyz""); + int occ2 = str.lastIndexOf(""xyz""); + if (occ == 0) + { + return true; + } + else if (occ > 0) + { + String per = str.substring(occ - 1, occ); + String per2 = str.substring(occ2 - 1, occ2); + if (per.equals(""."") && per2.equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } + +} +" +73a84ba735913718e924660fee2f63e3cab84f27,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != ""."" && str. + substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +f3d318c90283ea435b22c5da2694f848e772be77,"public boolean xyzThere(String str) +{ + int length = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + if (length =< 2) + return false; + + for (int i = 0; i < length - 2; i++) + { + String temperature = str.substring(i, i+3); + if (temperature.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temperature.compareTo(xyz) == 0 && str.charAt(i - 1) != 46) + match = true; + } + return match; + +} +" +5fd2fe7e085a1683f6ed3ad720c603e865b2a1e1,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + if (len =< 2) + return false; + + for (int i = 0; i < len - 2; i++) + { + String temperature = str.substring(i, i+3); + if (temperature.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temperature.compareTo(xyz) == 0 && str.charAt(i - 1) != 46) + match = true; + } + return match; + +} +" +8fa9e5b5fab0f6a587458dd3d1eddfdaa002e354,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + if (len <= 2) + return false; + + for (int i = 0; i < len - 2; i++) + { + String temperature = str.substring(i, i+3); + if (temperature.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temperature.compareTo(xyz) == 0 && str.charAt(i - 1) != 46) + match = true; + } + return match; + +} +" +ed3287056a44677613ace5888378c118ed3a6cf0,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != ""."" && str.substring(i, + i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +95a068e048973d21aff893f53c2e743b8406afd0,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != . && str.substring(i, + i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +22df0c411828ce2455ddcd0a82dcb2d9222a1151,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != ""."" && str.substring(i, + i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +47317706043bf887ab19057d4271de30fc5e7b16,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != 0 && str.substring(i, + i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +2013dd63ad6fc8ac30d94fefc25e348d5a7a4697,"public boolean xyzThere(String str) +{ + int length = str.length - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.'( + { + return true; + } + + } + return false; + + } +} +" +4ebdc34fa6061ff8dc9bd72df70bdafcd0de88b0,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != '.' && str.substring(i, + i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +32dd475bccf4e5831dad196cf3cacee9c1fb317d,"public boolean xyzThere(String str) +{ + int length = str.length - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + + } + return false; + + } +} +" +c48dc8c0470e97b1562eb74976ae826e60a84a4f,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + + } + return false; + + } +} +" +45e9c85ad7ee6028b26ddf0ce3a3093a5041c196,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + + } + } + return false; +} +" +36b21d4633bacea17abfa37bd3f7d16e0e06b176,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + return false; + +} +" +86353f94e653539b7a271ef71e606063b8ca45fe,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains("".xyzxyz"")) + { + return true; + } + return false; + +} +" +87013b712395be55c4b222f543b48b8d7101706c,"public boolean xyzThere(String str) +{ + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(0, 2).equals(""xyz"") + { + return true; + } + if (str.substring(num, i).equals(""xyz"") + { + if (!str.charAt(num - 1).equals('.')) + { + return true; + } + } + } + return false; +} +" +75b4abbfa7b51b94a94c47e1286b392de89cc5c9,"public boolean xyzThere(String str) +{ + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + if (str.substring(num, i).equals(""xyz"")) + { + if (!str.charAt(num - 1).equals('.')) + { + return true; + } + } + } + return false; +} +" +a4cc95e386942a017a9f1a6633693f8869ecd310,"public boolean xyzThere(String str) +{ + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + if (str.substring(num, i).equals(""xyz"")) + { + if !(str.charAt(num - 1).equals('.')) + { + + } + } + } + return false; +} +" +526288848ecafc37bd81a49d6732bfa5394ec3da,"public boolean xyzThere(String str) +{ + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1).!equals('.')) + { + + } + } + } + return false; +} +" +cf87a19cea710f6fbc965f5ae36c893998b76a7b,"public boolean xyzThere(String str) +{ + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + + } + } + } + return false; +} +" +44ce52139946365bc6034edab4a710ab87320607,"public boolean xyzThere(String str) +{ + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + + } + } + num++; + } + return false; +} +" +1738e121de734e5ced57403e9037ae1b1ec2506b,"public boolean xyzThere(String str) +{ + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num++; + } + return false; +} +" +59aae3d89413e0301e94af7a0d232a258a8fae23,"public boolean xyzThere(String str) +{ + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num++; + } + return false; +} +" +9d69b2b58c2a34650899bbd4507e0007ca97e5a5,"public boolean xyzThere(String str) +{ + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 5; i < str.length(); i++) + { + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num++; + } + return false; +} +" +1654c97487f2c267b952c931d5bd7fe5942ed43e,"public boolean xyzThere(String str) +{ + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num++; + } + return false; +} +" +2bd79ffe75dfb3850385221f12ab3fa081e4c1e1,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = length; i >= 0; i--) + { + if ((str.charAt(i) == 'z') && (str.charAt(i-1) == 'y') && (str.charAt(i-2) == 'x') && (str.charAt(i-3) != '.')) + { + return true + } + } + return false; +} +" +1fa4766f992eb518f87985c629a8aab4f4f5fc78,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = length; i >= 0; i--) + { + if ((str.charAt(i) == 'z') && (str.charAt(i-1) == 'y') && (str.charAt(i-2) == 'x') && (str.charAt(i-3) != '.')) + { + return true; + } + } + return false; +} +" +fed732ef7744e48a0484fe16828edead1b01b02f,"public boolean xyzThere(String str) +{ + public boolean containsXYZ = false; + for (i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + containsXYZ = true; + } + } + return containsXYZ; +} +" +f216e1ebcbd9eca2b57ddfd1002fe0a59886ace0,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + containsXYZ = true; + } + } + return containsXYZ; +} +" +a4cb80d0e6022949cb851ddf6f83567dcd6b92c8,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + containsXYZ = true; + } + } + return containsXYZ; +} +" +544f7490a85eaecd41f0fe5cab01792752704306,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + containsXYZ = true; + } + } + return containsXYZ; +} +" +648139f724c22b67118e02d0678eb964f9990343,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i < 0) + { + if (str.charAt(i - 1) == '.') + { + return false + } + else + { + return true; + } + } + else + { + return true; + } + } + } + return containsXYZ; +} +" +b0953b6dab4ebbf74111d6fbb178a86be9fbd060,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i < 0) + { + if (str.charAt(i - 1) == '.') + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } + } + } + return containsXYZ; +} +" +9a513eb765135585de65784455413ff99a1fd8c1,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i < 0) + { + if (str.substring(i - 1, i).equals('.')) + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } + } + } + return containsXYZ; +} +" +c325c4d46c37c6f85a0260d9ae581a89239ca446,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i < 0) + { + if (str.substring(i - 1, i).equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } + } + } + return containsXYZ; +} +" +7c0d5938773df4f790133e71b3f47f8dd78f6628,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i > 0) + { + if (str.substring(i - 1, i).equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } + } + } + return containsXYZ; +} +" +c7b73cc9591146196d6323d6d88bcff9d574e6d0,"public boolean xyzThere(String str) +{ + boolean containsXYZ = false; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i > 0) + { + if (!str.substring(i - 1, i).equals(""."")) + { + return true; + } + } + else + { + return true; + } + } + } + return containsXYZ; +} +" +3d1d226207e8c416919d963e4e19d99a23df2024,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(i ==0 || str.charAt(i - 1) 1+ '.') + return true; + } + } + return false; +} +" +69d09d5a033ef1340977ae2e0fd1caff831bb006,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(i ==0 || str.charAt(i - 1) != '.') + return true; + } + } + return false; +} +" +a3e1f19350dbc84cc9258e8a9896d4deb713e20e,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + + for (int i = 0; i < str; i++) + if () +} +" +b7a2e09d8aea53cf06f76cc65de1a9243f8aeddf,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < str; i++) + if () +} +" +158215af516cf1c8d3d63c5464ec8108b0353ef6,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num++; + } + return false; +} +" +7d34111bfab5d925ce85c269f90b1a276d0ff9ae,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num++; + } + return false; +} +" +2047d010cafec42385863b8f3b705e7a42bdea94,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 2).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num += 1; + } + return false; +} +" +3e1bf283783896bc2255b9ee3cde14be37d33ceb,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num += 1; + } + return false; +} +" +f78971349814d78c97badb637e07b0aaf53d4a24,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 0; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num += 1; + } + return false; +} +" +9edeb33761f323803e22e35cb26359780894fa4b,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + + for(int i = 0; i < len; i++) + + { + + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + + { + + if(i == 0 || str.charAt(i-1) != '.') + + return true; + + } + + } + + return false; +} +" +068d436f967be3ca6c5272ff3ecc62781b8dc641,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < str; i++) + tString = str.substring(i, i+3); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return false; +} +" +88af63b89838b42745d836a9c88fd542dc8749f9,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len; i++) + tString = str.substring(i, i+3); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return false; +} +" +3e16a4ec68a26d925df20b666243256836f9a103,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len; i++) + tString = str.substring(i, i+2); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return false; +} +" +fa115c70d642c4bfbfa9e090337961992e6c8cd1,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len - 2; i++) + tString = str.substring(i, i+2); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return false; +} +" +856779be80d7a5a28336196c0abf22081d377c10,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len - 3; i++) + tString = str.substring(i, i+3); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return false; +} +" +cd962d7d05cf42bf50dd2a258d26a9a8f30d74c4,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len - 4; i++) + tString = str.substring(i, i+4); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return false; +} +" +4eb8a03f48a6c708382b065cbe3da4a6aa5a88ad,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len - 4; i++) + tString = str.substring(i, i+4); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return true; +} +" +33da572086baf191effc0dd10419be8aa5800eb1,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + int len = str.length(); + String tString = """"; + + for (int i = 0; i < len - 2; i++) + tString = str.substring(i, i+3); + if (tString.equals("".xyz"")) + return false; + if (tString.equals(""xyz"")) + return true; + return true; +} +" +4f8f52df7de7348784fe007ad39fc47756ddfe7a,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + str = str.toLowerCase(); + int len = str.length(); + boolean found = false; + //String tString = """"; + + if (len < 3) + match = false; + for (int i = 0; i < len - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + return match; +} +" +edbb5c700b48f1a50f5b8a85d22578f819a8f33a,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + str = str.toLowerCase(); + int len = str.length(); + boolean found = false; + //String tString = """"; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + return match; +} +" +64d38a122c3610d4fa9bcf2c91269aa77554adea,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + str = str.toLowerCase(); + int len = str.length(); + boolean found = false; + //String tString = """"; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return match; +} +" +7a3fe99a4327d832736f78588adb0aeae88f4062,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + str = str.toLowerCase(); + int len = str.length(); + boolean found = false; + //String tString = """"; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + found = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return found; +} +" +2d963bb68f4d37022baf9576e3cef00c91fecfcc,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + str = str.toLowerCase(); + int len = str.length(); + boolean found = false; + //String tString = """"; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + found = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + found = true; + } + return found; +} +" +5f637cc1ed47944aab3e797f72cbcba4864804c9,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) { + if (i == 0 || (str.charAt(i-1) != '.')) { + return true; + } + } + return false; +} +" +aa7de1c61f3e68959ff7cdfa0fcae118bf83e8ac,"public boolean xyzThere(String str) +{ + int xyzLocation = str.getIndex(); + if (xyzLocation == -1) + { + char ch = str.charAt(xyxLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + else + return false; +} +" +5b264a57e9b935ba005a593d4aeaeb538d4fa464,"public boolean xyzThere(String str) +{ + int xyzLocation = str.getIndex(); + if (xyzLocation == -1) + { + char ch = str.charAt(xyxLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +2ca55f611af526993812232cbbeea0e061d9d711,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(); + if (xyzLocation == -1) + { + char ch = str.charAt(xyxLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +297f2bb518054a23452d9f48ef762e6a65f57e61,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(str); + if (xyzLocation == -1) + { + char ch = str.charAt(xyxLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +d5a13eb7f89f833a79b80cee5f3b73fd3a4d6b52,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(str); + if (xyzLocation == -1) + { + char ch = str.charAt(xyzLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +cfe9f7d46ea0c18b8a289a0116c307b0428cef0c,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(str); + if (xyzLocation != -1) + { + char ch = str.charAt(xyzLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +46699843399e0cc53eb328dfbc8777661398d57e,"public boolean xyzThere(String str) +{ + return true; +} +" +eb774b634992a3416b4d2a90adcae02b55906c53,"public boolean xyzThere(String str) +{ + return false; +} +" +c63a303911a4161a3f3dd5c5cb10aad143b6810d,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + if (xyzLocation != -1) + { + char ch = str.charAt(xyzLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +dabb357df34210e1ea171b4301ad1e7a0df4c34e,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + if (xyzLocation == 0) + { + return true; + } + else if (xyzLocation != -1) + { + char ch = str.charAt(xyzLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } + else + return false; +} +" +1da940dec2e0d4d3974b7cb4ecf9b9e395aa0950,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"")) + { + return true; + } + + return false; +} +" +e120461ca8607e3730f41bde4bf16cb7a46d6833,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && str.startsWith(""."")) + { + return true; + } + + return false; +} +" +64a1d85378b1f304c72b8a1f274ffd9417571c17,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.startsWith(""."")) + { + return true; + } + + return false; +} +" +39a4dbfdb9dd2d5a4dc4e522e49088a12fbd75f5,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.startsWith(""."")) + { + return true; + } + + else if (str.startsWith(""."")) + { + + return false; + } + + return false; +} + +" +5cd7ddf4cb643619d9fa2a39d7a5820a6dc9f2ba,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + int xyzLocation = str.lastIndexOf(""xyz""); + if (xyzLocation == -1) + { + return false; + } + else if (xyzLocation == 0 || xyzLocation2==0) + { + return true; + } + else // (xyzLocation != -1) + { + char ch = str.charAt(xyzLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } +} +" +2d9aba95dcf796688ae18e87944f756c3f8e7191,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + int xyzLocation2 = str.lastIndexOf(""xyz""); + if (xyzLocation == -1) + { + return false; + } + else if (xyzLocation == 0 || xyzLocation2==0) + { + return true; + } + else // (xyzLocation != -1) + { + char ch = str.charAt(xyzLocation-1); + if (ch == '.') + { + return false; + } + else + { + return true; + } + } +} +" +4368cc504e98d3b34207b349aefa763698aab312,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + int xyzLocation2 = str.lastIndexOf(""xyz""); + if (xyzLocation == -1) + { + return false; + } + else if (xyzLocation == 0 || xyzLocation2==0) + { + return true; + } + else // (xyzLocation != -1) + { + char ch1 = str.charAt(xyzLocation-1); + char ch2 = str.charAt(xyzLocation2-1); + if (ch != '.' && ch2 != '.') + { + return true; + } + else + { + return false; + } + } +} +" +8631196ea0e4891b48976b467e674e8315b7f01b,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + int xyzLocation2 = str.lastIndexOf(""xyz""); + if (xyzLocation == -1) + { + return false; + } + else if (xyzLocation == 0 || xyzLocation2==0) + { + return true; + } + else // (xyzLocation != -1) + { + char ch1 = str.charAt(xyzLocation-1); + char ch2 = str.charAt(xyzLocation2-1); + if (ch1 != '.' && ch2 != '.') + { + return true; + } + else + { + return false; + } + } +} +" +c244bbae304e151b3bae85ce8f85750b0b97a0fb,"public boolean xyzThere(String str) +{ + int xyzLocation = str.indexOf(""xyz""); + int xyzLocation2 = str.lastIndexOf(""xyz""); + if (xyzLocation == -1) + { + return false; + } + else if (xyzLocation == 0 || xyzLocation2==0) + { + return true; + } + else // (xyzLocation != -1) + { + char ch1 = str.charAt(xyzLocation-1); + char ch2 = str.charAt(xyzLocation2-1); + if (ch1 != '.' || ch2 != '.') + { + return true; + } + else + { + return false; + } + } +} +" +da4ed083acdc9bafc3e1ccf0d3965e61380aa8bc,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.startsWith(""."")) + { + return true; + } + + else if (str.startsWith(""."") && str.endsWith(""xyz"")) + { + + return false; + } + + return false; +} + +" +1bea82458d653096b4a4d33cac79dae298757995,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.startsWith(""."")) + { + return true; + } + + else if (str.contains(""."") && str.endsWith(""xyz"")) + { + + return false; + } + + return false; +} + +" +7b135a06c84f18aea9884d375542b298372b6ccb,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.startsWith(""."")) + { + return true; + } + + else if (str.contains(""."") && str.endsWith(""xyz"")) + { + + return true; + } + + return false; +} + +" +f624efe54b565fe5c512449173258bbd2542399a,"public boolean xyzThere(String str) +{ + if (str.length >= 3) { + for (int i = 0; i < str.length() - 3; i++) { + if (str.substring(i, i + 3).equals(""xyz"") { + if (i == 0) { + return true; + } + else if (charAt(i - 1) == '.') { + return false; + } + else { + return true; + } + } + } + } +} +" +59ff9657a8f8a526006c81f5371408edf60d17d7,"public boolean xyzThere(String str) +{ + if (str.length >= 3) { + for (int i = 0; i < str.length() - 3; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + return true; + } + else if (charAt(i - 1) == '.') { + return false; + } + else { + return true; + } + } + else { + return false; + } + } + } + else { + return false; + } +} +" +f5dcb566cefa33c1b58b2be8cf06f63f8bf396e6,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + for (int i = 0; i < str.length() - 3; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + return true; + } + else if (charAt(i - 1) == '.') { + return false; + } + else { + return true; + } + } + else { + return false; + } + } + } + else { + return false; + } +} +" +da854431fc95a4fda3f5795de985db2ccfd6cecc,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + for (int i = 0; i < str.length() - 3; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + return true; + } + else if (str.charAt(i - 1) == '.') { + return false; + } + else { + return true; + } + } + else { + return false; + } + } + } + else { + return false; + } +} +" +ce5c6ea19dc2ee8a512abc3e9f08aa07c0a363c1,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + for (int i = 0; i < str.length() - 3; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + return true; + } + else if (str.charAt(i - 1) == '.') { + return false; + } + else { + return true; + } + } + } + return false; + } + else { + return false; + } +} +" +54f6c38bca5a133fcdf364edf2f28957d970463c,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + return true; + } + else if (str.charAt(i - 1) == '.') { + return false; + } + else { + return true; + } + } + } + return false; + } + else { + return false; + } +} +" +2ec83bbcf94a6e1dd2e5c6231edc8622c5dd3b44,"public boolean xyzThere(String str) +{ + int i = 0; + if (str.length() >= 3) { + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + i = 1; + } + else if (str.charAt(i - 1) == '.') { + i = i; + } + else { + i = 1; + } + } + } + } + else { + return false; + } + return i == 1; +} +" +902c35d21d469d6b2e11c7740abe812ede4e65c9,"public boolean xyzThere(String str) +{ + boolean there = false; + if (str.contains("".xyz"") == false && str.contains(""xyz"""")) + { + there = true; + } + return there; +} +" +9b873cd46e1fab27793ec52787b81d256d17d71f,"public boolean xyzThere(String str) +{ + int indic = 0; + if (str.length() >= 3) { + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 3).equals(""xyz"")) { + if (i == 0) { + indic = 1; + } + else if (str.charAt(i - 1) == '.') { + indic = indic; + } + else { + indic = 1; + } + } + } + } + else { + return false; + } + return indic == 1; +} +" +cc47ea9a96ab354e36d7cd9172709c11c5204a1a,"public boolean xyzThere(String str) +{ + boolean there = false; + if (str.contains("".xyz"") == false && str.contains(""xyz"")) + { + there = true; + } + return there; +} +" +335706f00217aa6699adad936ce610faf290d9fc,"public boolean xyzThere(String str) +{ + int yes = str.indexOf("".xyz""); + if(yes >= 0) + { + return xyzThere(str.substring(0, yes)) || xyzThere(str.substring(yes + 4)); + + + } + else + return false; +} +" +38065a369c51858afac618defe624b647cf45e68,"public boolean xyzThere(String str) +{ + int yes = str.indexOf("".xyz""); + if(yes >= 0) + { + return xyzThere(str.substring(0, yes)) || xyzThere(str.substring(yes + 4)); + + + } + + +} +" +ff9dc1347b400a156ca28fc7bed97008fcd2ea72,"public boolean xyzThere(String str) +{ + int yes = str.indexOf("".xyz""); + if(yes >= 0) + { + return true; + + + } + else return false; + + +} +" +1d6bbd62cec70a424e92421cb01a9624f4fdc6fe,"public boolean xyzThere(String str) +{ + if (!str.contains("".xyz"") && str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + + +} +" +39a53ab50a5db7ad657492ff50b402f472f0981b,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4))) + { + return true; + } + else + return false; + + + + + +} +" +a30079a7b51f2788004c0cb4c9671c8757cfd82e,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4))) + { + return true; + } + } + else + return false; + + + + + +} +" +85ebd2c9a899bc031400aac3d4a58e3033efa4af,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, front)) || xyzThere(str.substring(front + 4))) + { + return true; + } + } + else + return false; + + + + + +} +" +948a56e3e3dc33a2387efbce06bfa229339decd1,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, front)) || xyzThere(str.substring(front + 4))) + { + return true; + } + } + else + return false; + + + + + return false; +} +" +a6454218b062afbf7691cd179bdc2cff68a0ac71,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, front)) || xyzThere(str.substring(front + 4))) + { + return true; + } + } + + + + + return false; + +}' + +" +7430e7f4f449c9b06cdbfbf1c02b3747a5f0d250,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, front)) || xyzThere(str.substring(front + 4))) + { + return true; + } + } + + ] + + + return false; + +}' + +" +784b99ddd1cf972f9091ba291a2956b5f30e000c,"public boolean xyzThere(String str) +{ + int front = str.indexOf("".xyz""); + + + if(front >= 0) + { + if (xyzThere(str.substring(0, front)) || xyzThere(str.substring(front + 4))) + { + return true; + } + } + + ] + + + return false; + +}' + +" +a44b781ab6bcc4c10cae54ab6e7d3547c9f9c481,"public boolean xyzThere(String str) +{ + +if(str.startsWith(""xyz"") || str.matches("".*[^.]xyz.*"")) + return true; + else + return false; + + +}' + +" +d609f796c4fbb55052132ab2644ce44043632e51,"public boolean xyzThere(String str) +{ + +if(str.startsWith(""xyz"") || str.matches("".*[^.]xyz.*"")) + return true; + else + return false; + + +} + +" +e84404aabfa663b7ed8191f6243e0f6a1cfcd963,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(indexOf(x - 1) == '.')) + { + return false; + } + else + { + return true; + } +} +" +2eeb75767932de10159f8a86432b956957e172a9,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) == '.')) + { + return false; + } + else + { + return true; + } +} +" +f32c0ab40734bc23197575966cb173a4a62e512a,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) == '.')) + { + return false; + } + return true; +" +88cb926c4fb3668b484409b1e73c61ed8f53eb45,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) == '.') + { + return false; + } + return true; +" +8a07a95d748f6fa3a2d17873dfeae12ed60afe60,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) == '.') + { + return false; + } + else + { + return true; + }" +aa8fe9bfa6f03f9bb89269417a2cb31832d01574,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) != '.' ) + { + return true; + } + else + { + return false; + } + " +11693daea789178273e2d5bf71ed602638033584,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) + { + if (i == 0) || str.charAt(i - 1) != ""."") + { + return true; + } + } + } + return false; +} +" +b0ec3aa7fab3cedf0f827e433a2817d24b1bd941,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) != '.' ) + { + return true; + } + else + { + return false; + } +} + " +a2745fa2c05897cd2a89aad547e6962495d5c480,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +84512ea4e1b8378aeb3855130a57915519ae71d3,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +c649c3b220ae8306c01973ea46ba21c06745c7c2,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) != '.' && x > 3) + { + return true; + } + else + { + return false; + } +} + " +5bfe37a62480b251061ef96f56fa220ad79c7f58,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) != '.' && x >= 0) + { + return true; + } + else + { + return false; + } +} + " +fa33d56a8e39e1749d265ba8aa4c0d7f4332ff40,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i) == (""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num += 1; + } + return false; +} +" +173a3750ab0dded77c9434b73e7cc5a5187ab307,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + if ( str.charAt(x - 1) == '.' && x >= 2) + { + return false; + } + else + { + return true; + } +} + " +3172e6ac60063f59741df0088a37cea79c38bdb9,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""xyz"")) + { + if (str.charAt(num - 1) != '.') + { + return true; + } + } + num += 1; + } + return false; +} +" +3cfd43c1219c5fd76d70ba03fd77eedcc06e12e5,"public boolean xyzThere(String str) +{ + for(int i=0; i0) + { + if(str.charAt(i-1)!='.') + { + flag = true; + } + } + } + } + return flag; +} +" +5f7d38a7864dc4c10740c8a8616d117dc463ea49,"public boolean xyzThere(String str) +{ + boolean flag = false; + for(int i=0; i0) + { + if(str.charAt(i-1)!='.') + { + flag = true; + } + } + else + { + flag = true; + } + } + } + return flag; +} +" +c1e44108889a1da4113a8183d4dcc07213cc834f,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + else return (str.contains(""xyz"")); +} +" +70caaac0deff8e940e6d4a7694b5421b1029b488,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + else + return (str.contains(""xyz"")); +} +" +f8fe8aced84e4b334f651e4edb5128fcfafdfddf,"public boolean xyzThere(String str) +{ + + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; + } +} + +} +" +6aa958339081f2048ba62b5ce01b8bb54dc8f6ac,"public boolean xyzThere(String str) +{ + + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} + +} +" +dddc51c182f3b5749f5f0fa5977661e93cbc1ab4,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int check = str.indexOf(""xyz"") - 1; + if (str.char(check) != '.') + { + return true + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +1b10ed956c90d4c7c71375cf13c91cfcd756537e,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int check = str.indexOf(""xyz"") - 1; + if (str.char(check) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +85e83114f0d03cc5fb03187516fbe323a090d58a,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int check = str.indexOf(""xyz"") - 1; + if (str.charAt(check) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +233220d421ec38ee40ab71bb04dd067c15637203,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if str.indexOf(""xyz"")>0 + { + int check = str.indexOf(""xyz""); + } + else + { + int check = 1; + } + if (str.charAt(check - 1) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +a22300dc763c91bfe4504fc0e105fcd1174f2173,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.indexOf(""xyz"")>0) + { + int check = str.indexOf(""xyz""); + } + else + { + int check = 1; + } + if (str.charAt(check - 1) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +d14b4a4c05de96b0d4dacd8270b9189b30210f03,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.indexOf(""xyz"") > 0) + { + int check = str.indexOf(""xyz""); + } + else + { + int check = 1; + } + if (str.charAt(check - 1) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +c31ff69073a2ff46c0adeef447f50a1243abbfa8,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int check = 1 + if (str.indexOf(""xyz"") > 0) + { + int check = str.indexOf(""xyz""); + } + if (str.charAt(check - 1) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +bbf0ad27c610596c56ca1de16a58a5ee64ad5392,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int check = 1; + if (str.indexOf(""xyz"") > 0) + { + int check = str.indexOf(""xyz""); + } + if (str.charAt(check - 1) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +ee9642d304e35a25e7f011f887fb880f4e617b95,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int check = 1; + if (str.indexOf(""xyz"") > 0) + { + check = str.indexOf(""xyz""); + } + if (str.charAt(check - 1) != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +5f388504e0e0ea5d5aa0f032179f7c80b2410430,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + return (str.charAt(xyz - 1) != ""."") && xyz != null +} +" +1bb89c2dcdc28bdb4bce5968ff98b0ed58b5fb06,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + return (str.charAt(xyz - 1) != ""."") && xyz != null; +} +" +8adbd37857c00b2703e1b3054727cc3709f5682c,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + return (str.charAt(xyz - 1) != ""."") && xyz != 0; +} +" +0484101dff277952695f268175fbd26f9836dd5c,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + return (str.charAt(xyz - 1) != '.') && xyz != 0; +} +" +74395549f2534995bbf2220d701eba1da993a583,"public boolean xyzThere(String str) +{ + for (int i = 0, i < str.length() - 2, i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +490648cdc1936ab74b27e260497bc294e93fd4f1,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +921bc1d62bdf5085239d3e59db1cdd5263b77c2a,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + if(length > 2) { + return (str.charAt(xyz - 1) != '.') && xyz != 0; + } + + else { + return str.equals(""xyz""); +} +" +fc14d89c16bd65f48e41b2a6cb7dec03bb751b88,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + if(length > 2) { + return (str.charAt(xyz - 1) != '.') && xyz != 0; + } + + else { + return str.equals(""xyz""); + } +} +" +03451bc0dc55eae957b3c473ce2a2800366d2069,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (str.length() > 3 && str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +181186fdea6504a17cd8fbc215fb84c770eacc1c,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + if(length > 2 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz""); + } +} +" +a22873dfef106a564ca7cf1852bde057f5a5be02,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (str.length() < 3 && str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +97d81f884dc685722bbab11735eb359001e712dc,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (str.length() <= 3 && str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +647c72b802f9cff2feb40effa9e187428cf3b80f,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +f928369711e41cdf4f7bcc388c9e08f6b6bd7ce6,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + if(length > 2 && xyz != -1) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz""); + } +} +" +ea14589c0eabca9c47962c59ee34bdf059d7c333,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + if(length > 2 && xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz""); + } +} +" +759216fc63babfe4e5ed11d40322942088054f3b,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz""); + } +} +" +4aacbeb29c0ce6697e1321294d8dc9261143c8d4,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + String sub = str.substring(0, 2); + + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz"") || sub.equals(""xyz""); + } +} +" +bcb8ddf8eee4b864602f9c417556cb89848f0f36,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + if(length > 2) { + String sub = str.substring(0, 2); + } + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz"") || sub.equals(""xyz""); + } +} +" +3b9598d396251bcb98e14b1eb9d83d25ce208dcd,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + String sub; + if(length > 2) { + sub = str.substring(0, 2); + } + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz"") || sub.equals(""xyz""); + } +} +" +101937c0e4dd1deb072c6a4fbf51cf9d8d6533e7,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + + + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.'); + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +3112e2429c5230c56cc89b691b4626783a38fa70,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + int xyz2 = str.indexOf(""xyz"", xyz + 1); + + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.') || str.charAt(xyz2 - 1) != '.'; + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +06974afc0f8a02cce8ef91150940ccec73bff5fa,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + int xyz2 = str.indexOf(""xyz"", xyz + 1); + + if( xyz != -1 && xyz != 0) { + return (str.charAt(xyz - 1) != '.') || str.charAt(xyz2) != '.'; + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +81ec0fb832ae0304ccbe44e6be391adac7ac43f1,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + int xyz2 = str.indexOf(""xyz"", xyz + 1); + + if( xyz != -1 && xyz != 0) { + if (xyz2 != = -1) { + return (str.charAt(xyz - 1) != '.'); + } + else { + return true; + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +9db92dfaf8509f25e56005855ac15294ae5fcc31,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + int xyz2 = str.indexOf(""xyz"", xyz + 1); + + if( xyz != -1 && xyz != 0) { + if (xyz2 != = -1) { + return (str.charAt(xyz - 1) != '.'); + } + else { + return true; + } + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +feb1f45ce9b711a89d3a1b318cc528ae24aefcdd,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + int xyz2 = str.indexOf(""xyz"", xyz + 1); + + if( xyz != -1 && xyz != 0) { + if (xyz2 != -1) { + return (str.charAt(xyz - 1) != '.'); + } + else { + return true; + } + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +d1c523099a6664147fa374492aafbfe814ae3796,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + int length = str.length(); + int xyz2 = str.indexOf(""xyz"", xyz + 2); + + if( xyz != -1 && xyz != 0) { + if (xyz2 != -1) { + return (str.charAt(xyz - 1) != '.'); + } + else { + return true; + } + } + + else { + return str.equals(""xyz"") || str.startsWith(""xyz""); + } +} +" +5d35d2f820efe6facd6fb44acc1e71ee7c1d494b,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + return ( a != -1); +} +" +50e38ea828c8b0ad18791c7c955b37bad6c9d4bc,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + int b = str.lastIndexOf(""xyz""); + return ( a != -1 || b != -1); +} +" +4606f507f16200a56c3a4e147ca74a3ca90bcd01,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + int b = str.lastIndexOf(""xyz""); + return ( b != -1); +} +" +df7b3bf531a75712c498d8c9810c68d9003c20e5,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + int b = str.indexOf("".xyz""); + return ( a != -1 && b = -1); +} +" +7ef85e93fa0e00315c300d7c4e878debcba65c10,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + int b = str.indexOf("".xyz""); + return ( (a != -1) && (b = -1)); +} +" +176c93ea604c9a7e65d1d71eb58467d5cb10ebe7,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + int b = str.indexOf("".xyz""); + return (!a = -1 && b = -1); +} +" +77bc11fad770acc6c86352356b98870c5ba65238,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + int b = str.indexOf("".xyz""); + if (a != -1 && b = -1) { + return true; + } +} +" +582232a1fac5b5093054ce2b1758760614d27c8e,"public boolean xyzThere(String str) +{ + int a = str.lastIndexOf(""xyz""); + int b = str.indexOf("".xyz""); + if ( a != -1 && b != -1 && a != b+1) { + return true; + + } + else if ( a != -1 && b = -1) { + return true; + } +} +" +8ea0611abfbe57c1f526185299e46af640c9b59c,"public boolean xyzThere(String str) +{ + int a = str.lastIndexOf(""xyz""); + int b = str.indexOf("".xyz""); + if ( a != -1 && b != -1 && a != b+1) { + return true; + + } + else if ( a != -1 && b == -1) { + return true; + } +} +" +28a24371a50be4527eff750bb53f4bd430076333,"public boolean xyzThere(String str) +{ + int a = str.lastIndexOf(""xyz""); + int b = str.indexOf("".xyz""); + if ( a != -1 && b != -1 && a != b+1) { + return true; + + } + else if ( a != -1 && b == -1) { + return true; + } + else + return false; +} +" +cfec93d3df94407eaac4199e2147f88b4b21fd8f,"public boolean xyzThere(String str) +{ + int a = str.lastIndexOf(""xyz""); + int b = str.indexOf("".xyz""); + int c = str.lastIndexOf("".xyz""); + if ( a != -1 && a != b+1 && a !c+1) { + return true; + + } + else if ( a != -1 && b == -1) { + return true; + } + else + return false; +} +" +d8fd624547e956977ae498b39c2f8a86f078144e,"public boolean xyzThere(String str) +{ + int a = str.lastIndexOf(""xyz""); + int b = str.indexOf("".xyz""); + int c = str.lastIndexOf("".xyz""); + if ( a != -1 && a != b+1 && a != c+1) { + return true; + + } + else if ( a != -1 && b == -1) { + return true; + } + else + return false; +} +" +d74e1b488410a9938b02d75a4f72950df38a5894,"public boolean xyzThere(String str) +{ + int false = str.indexOf("".xyz""); + int true = str.indexOf(""xyz""); + + if (false == -1) + return false; + else if (true != -1) + return true; + else + return false; + + +} +" +756af567213a334e86dae882cdd164f70ab59e31,"public boolean xyzThere(String str) +{ + int var = str.indexOf("".xyz""); + int temp = str.indexOf(""xyz""); + + if (var == -1) + return false; + else if (temp != -1) + return true; + else + return false; + + +} +" +be5ba03313cd8baccf296f60bbaf3caccaaf0508,"public boolean xyzThere(String str) +{ + int var = str.indexOf("".xyz""); + int temp = str.indexOf(""xyz""); + + if (var != -1) + return false; + else if (temp != -1) + return true; + else + return false; + + +} +" +9dabf2a6a24c8840fd9263efd8fc7ddd52a8d8f3,"public boolean xyzThere(String str) +{ + int var = str.indexOf("".xyz""); + int temp = str.indexOf(""xyz""); + + if (str == ""abc.xyzxyz"") + return true; + + if (var != -1) + return false; + else if (temp != -1) + return true; + else + return false; + + +} +" +b97499722ddd1daaced28d6ce010ab7b71db4e48,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(xyz) >= 0) + { + if (str.charAt(str.indexOf(xyz) - 1).equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +a2f4dd138e591312ee1e4d2886035072ec1e3cf4,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") >= 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1).equals(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +1df27048c4525e2afbe5eef07c6299e612a40698,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") >= 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1).equals('.')) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +53376ac13afc3736f50a3908f51cca7cc58ef823,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") >= 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) == '.') + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +3f360387d82df7f003021c25b24c4f89dcab34b8,"public boolean xyzThere(String str) +{ + strLen = str.length(); + for(int i = 0; i < strLen; i++) + { + if(str.charAt(i) == ""."" ) + { + return false; + } + } +} +" +72f14b49e39fbccb5bd84bc1a1b2281cd99a8b6d,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +8f37ce22873c30eb3964cf29a33d8b09cece5f82,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +9cfb106d5a8cda8d7d4f3e5dc66c2c727b01ce5d,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") = 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) == '.') + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +bd308ead139634e283d9687555408e87502556b2,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) == '.') + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +ee809ffd85a383f45274b8bc74f2bf7edf83d03f,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (!str.charAt(str.indexOf(""xyz"") - 1) == '.') + { + return true; + } + else + { + String x = str.substring(str.indexOf(""xyz"")); + if (str.indexOf(""xyz"") < 0) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +d112ab69de057cab1e770ef3bae73d20280f5c21,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else + { + String x = str.substring(str.indexOf(""xyz"")); + if (str.indexOf(""xyz"") < 0) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +3f26c365b350f12102c4f48ab3d588359447aa7f,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else + { + String x = str.substring(str.indexOf(""xyz"")); + if (x.indexOf(""xyz"") < 0) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +f33b6a68d726be0ac5b5bbf0d830a632aced1eb0,"public boolean xyzThere(String str) +{ + +if(str.startsWith(""xyz"") +|| str.matches("".*[^.]xyz.*"")) + return +{ + true; +} + else + { + return false; + } + + +} + +" +fcaf962c0e7f313947ee262858afe7b1f9474f9f,"public boolean xyzThere(String str) +{ + +if(str.startsWith(""xyz"") +|| str.matches("".*[^.]xyz.*"")) +{ + return true; + +} + else + { + return false; + } + + +} + +" +6e9c319b7ef7348b04c2cec2ebb532337a3894ef,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else + { + String x = str.substring(str.indexOf(""xyz"")) + while (x.indexOf(""xyz"") >= 0) + { + if (x.charAt(str.indexOf(""xyz"") - 1) == '.') + { + x = x.substring(x.indexOf(""xyz"")) + } + else + { + return true; + } + } + return false; + } + } + else + { + return false; + } +} +" +4fa29240eafbd727c4f9e5823c9d5cb715a9f1fd,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else + { + String x = str.substring(str.indexOf(""xyz"")) + while (x.indexOf(""xyz"") >= 0) + { + if (x.charAt(str.indexOf(""xyz"") - 1) == '.') + { + x = x.substring(x.indexOf(""xyz"")); + } + else + { + return true; + } + } + return false; + } + } + else + { + return false; + } +} +" +f7bb4486d250515213f7918a70c29098754f0833,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else + { + String x = str.substring(str.indexOf(""xyz"")); + while (x.indexOf(""xyz"") >= 0) + { + if (x.charAt(str.indexOf(""xyz"") - 1) == '.') + { + x = x.substring(x.indexOf(""xyz"")); + } + else + { + return true; + } + } + return false; + } + } + else + { + return false; + } +} +" +2b6870dd1bff5bdc767517f63d66ba4c5d00cea5,"public boolean xyzThere(String str) +{ + boolean contains = false; + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + { + contains = true; + } + return contains; + +} +" +068e3882bf46d13fb36e02dde67b338d068e4b20,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +401429b422bc44ea5e91260553227e22d2809cfa,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else if (str.indexOf(""xyz"") + 3 == str.length()) + { + return false; + } + else + { + String x = str.substring(str.indexOf(""xyz"")); + while (x.indexOf(""xyz"") >= 0) + { + if (x.charAt(str.indexOf(""xyz"") - 1) == '.') + { + x = x.substring(x.indexOf(""xyz"")); + } + else + { + return true; + } + } + return false; + } + } + else + { + return false; + } +} +" +b65fe8abac5a044d91ca8c6dfd59085a5f6956b8,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +9426273322fc5f639e0529b9ccb3ab5ca53c0138,"public boolean xyzThere(String str) +{ + int c = 0; + str = str.toLowerCase(); + if (str.indexOf(""xyz"") == 0) + { + return true; + } + else if (str.indexOf(""xyz"") > 0) + { + if (str.charAt(str.indexOf(""xyz"") - 1) != '.') + { + return true; + } + else if (str.indexOf(""xyz"") + 3 == str.length()) + { + return false; + } + else + { + String x = str.substring(str.indexOf(""xyz"")); + while (x.indexOf(""xyz"") >= 0) + { + if (x.charAt(str.indexOf(""xyz"") - 1) != '.') + { + c++; + } + else + { + return false; + } + } + if (c != 0) + { + return true; + } + return false; + } + } + else + { + return false; + } +} +" +ae641cca3027c8626ff82757643a0363c461bf47,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""xyz"") == (i + 1) && str.charAt(i) != '.') + { + return true; + } + else if (str.equals(""xyz"")) + { + return true + } + } + } + else + { + return false; + } +} +" +d0387258da88570b8c9a134100c2373497c1bbd2,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""xyz"") == (i + 1) && str.charAt(i) != '.') + { + return true; + } + else if (str.equals(""xyz"")) + { + return true; + } + } + } + else + { + return false; + } +} +" +67fd3a14ea77b84155a43543f5a953d9fa643c2a,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""xyz"") == (i + 1) && str.charAt(i) != '.') + { + return true; + } + if (str.equals(""xyz"")) + { + return true; + } + } + } + else + { + return false; + } +} +" +117e07f37a29df86db720a9b5727a85d597f4e79,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""xyz"") == (i + 1) && str.charAt(i) != '.') + { + return true; + } + else if (str.equals(""xyz"")) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +da2f58adb5b97285be742943a7c43859907c127e,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""xyz"") == (i + 1) && str.charAt(i) != '.') + { + return true; + } + else if (str.equals(""xyz"")) + { + return true; + } + else + { + return false; + } + } + return false; + } + else + { + return false; + } +} +" +19ae8193dbe72e6de44b431f2f422c3e54e4508c,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""xyz"") == (i + 1) && str.charAt(i) != '.') + { + return true; + } + else if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + else + { + return false; + } + } + return false; + } + else + { + return false; + } +} +" +c3999e915b676392a7de5a1e362378575b37ec95,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring (i + 1, i + 4).equals(""xyz"") && str.charAt(i) != '.') + { + return true; + } + else if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + else + { + return false; + } + } + return false; + } + else + { + return false; + } +} +" +a83af98fd89144ba1d8f9d6ecad7a1e1c6d55f61,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring (i + 1, i + 4).equals(""xyz"") && str.charAt(i) != '.') + { + return true; + } + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +ddc89263f8b1934e365b20bae2afb015b1f937f1,"public boolean xyzThere(String str) + +{ + int len = str.length(); + + String xyz = ""xyz""; + + + + Boolean match = false; + + + + if (len < 3) + + return false; + + + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + + if (temp.compareTo(xyz) == 0 && i == 0) + + match = true; + + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + + match = true; + + + } + + return match; + + +} +" +54148d714af8f9048f9ebbd1bd44ccd1dd3f32f2,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i+1, i+4).equals(""xyz"") && str.charAt(i) != '.') + return true; + + + + } + + + + if (str.substring(0,3).equals(""xyz"")) + return true; + } + return false; +} +" +3ca5edeeb46035dac1eb92f83577881f76afde3f,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i+1, i+4).equals(""xyz"") && str.charAt(i) != '.') + return true; + } + + + + if (str.substring(0,3).equals(""xyz"")) + return true; + } + return false; +} +" +fbd0a8048339c4220c7ee62925bb217cd92c0284,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +232ae1c3b95bc35422c2caaa8d57b079be4be282,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAR(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(i == 0 || str.charAt(i - 1) != '.') + return true; + } + } + return false; +} +" +1f3764ae979fc2bebd2817f9f62eff9107843b82,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(i == 0 || str.charAt(i - 1) != '.') + return true; + } + } + return false; +} +" +858a123f2c8c6eca455ca24f5ad0f237e7813c25,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i < length - 3 ) + { + if ( str.substring(i, i + 3) == ""xyz"" + && str.charAt(i - 1) != ""."" ) + { + findingXYZ = false; + } + i++; + } + return !findingXYZ; +} +" +211096ace57b5c95e5553c64c76f11183d2292ad,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i < length - 3 ) + { + if ( str.substring(i, i + 3) == ""xyz"" + && str.charAt(i - 1) != '.' ) + { + findingXYZ = false; + } + i++; + } + return !findingXYZ; +} +" +2d6f1951701f988de9b16c64236578c56f0139f4,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i <= length - 3 ) + { + if ( str.substring(i, i + 3) == ""xyz"" + && str.charAt(i - 1) != '.' ) + { + findingXYZ = false; + } + i++; + } + return !findingXYZ; +} +" +0f4d00de8cfe8ae77a10760807af584c74e58e97,"public boolean xyzThere(String str) +{ + int len = str.length()-3; + for (int i = 0; i <= len; i++) + { + if ( str.charAt(i) == 'x' && str.charAt(i+1) == 'y' + && str.charAt(i+2) == 'z') + { + if ( i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; + +} +" +c9e8616bbf44eb4262275246e0e1cbeb99875ed9,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i <= length - 3 ) + { + if ( str.substring(i, i + 3) == ""xyz"" + && !str.substring(i - 1, i).equals(""."") ) + { + findingXYZ = false; + } + i++; + } + return !findingXYZ; +} +" +6500eb27275f0609dbf3a65664f62ee8dcc13511,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i <= length - 3 ) + { + if ( str.substring(i, i + 3).equals(""xyz"") + && str.charAt(i - 1) != '.' ) + { + findingXYZ = false; + } + i++; + } + return !findingXYZ; +} +" +1eb974d7409993696b5170d346286cf8ff1ec67b,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i <= length - 3 ) + { + if ( i == 0 ) + { + if ( str.substring(i, i + 3).equals(""xyz"") + { + findingXYZ = false; + } + } + else + { + if ( str.substring(i, i + 3).equals(""xyz"") + && str.charAt(i - 1) != '.' ) + { + findingXYZ = false; + } + } + i++; + } + return !findingXYZ; +} +" +e3686d3a653f87728075aaec5db191c43017dbcb,"public boolean xyzThere(String str) +{ + int length = str.length(); + int i = 0; + boolean findingXYZ = true; + while ( findingXYZ && i <= length - 3 ) + { + if ( i == 0 ) + { + if ( str.substring(i, i + 3).equals(""xyz"") ) + { + findingXYZ = false; + } + } + else + { + if ( str.substring(i, i + 3).equals(""xyz"") + && str.charAt(i - 1) != '.' ) + { + findingXYZ = false; + } + } + i++; + } + return !findingXYZ; +} +" +aaad3c122cf6aca597b2b9031e8a2ed359dfb5e0,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +}" +1e08b202abdb9f8b7bf9c16244b34a51c3b4f85e,"public boolean xyzThere(String str) +{ + String sub = str.substring(0); + if (sub == ""xyz"" && sub != "".xyz"") + { + return true; + } + else if (str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +becf5f4515bd5ccf7014f9c9c79c24017ece3e46,"public boolean xyzThere(String str) +{ + String sub = str.substring(0); + if (sub == ""xyz"" && sub != "".xyz"") + { + return true; + } + else if (str.endsWith("".xyz"")) + { + return false; + } + else if (str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +4149c2a8a259fad5e0012ee4921071ce7e87fd87,"public boolean xyzThere(String str) +{ + String sub = str.substring(0); + if (sub == ""xyz"" && sub != "".xyz"") + { + return true; + } + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +c33df2a2fe0a01bf299c3c689df759f3414df430,"public boolean xyzThere(String str) +{ + String sub = str.substring(0); + if (str.startsWith(""xyz"")) + { + return true; + } + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +8a98d4867526d783f59febf2a76fffa57902ef4c,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +e1f6595deb13753cfebd6e43f50110ecc55b52c8,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.conatins(""abc.xyzxyz"")) + { + return true; + } + else + { + return false; + } + + +} +" +d1fc56fc6574347c5b0449d0d323f6198ba10d8a,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""abc.xyzxyz"")) + { + return true; + } + else + { + return false; + } + + +} +" +5df17aaf309e664f207d3a3244e20a9aa1240cf4,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +6c9a9b3f9bff2065ab92c8e42a5164b89fe0b772,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.indexOf(""xyz"") - 1 == str.indexOf(""."")) + { + return false; + } + else + { + return true; + } +} +" +6836e320a13b21ef4746b76b0628211211d2dfdf,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.indexOf(""xyz"") - 1 == str.indexOf(""."")) + { + return false; + } + else if (str.indexOf(""xyz"") - 1 != str.indexOf(""."")) + { + return true; + } + else + { + return false; + } +} +" +4794c4f3c2eba96d63fad140b37c062ba6742a03,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.indexOf(""xyz"") - 1 == str.indexOf(""."")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +224b0447635b2e4dd0da47c9a5f2b9819bf4b296,"public boolean xyzThere(String str) +{ + int firsta; + for(int sup = 0; sup <= str.lenth(); sup ++) + { + if(str.charAt(sup) == 'a') + { + firsta = sup; + if(str.charAt(sup+1)=='b') + { + if(str.charAt(sup+2) == 'c') + { + if(str.charAtsup-1 != '.') + {reutrn true;} + } + } + } + } +}" +45db20f7fffcf822ed167b48b65bbf05efc4bf38,"public boolean xyzThere(String str) +{ + int firsta; + for(int sup = 0; sup <= str.lenth(); sup ++) + { + if(str.charAt(sup) == 'a') + { + firsta = sup; + if(str.charAt(sup+1)=='b') + { + if(str.charAt(sup+2) == 'c') + { + if(str.charAtsup-1 != '.') + {return true;} + } + } + } + } +}" +0a5a3a0f85bbb656e76e2f2d11299c4d49ac89f1,"public boolean xyzThere(String str) +{ + int firsta; + for(int sup = 0; sup <= str.length(); sup ++) + { + if(str.charAt(sup) == 'a') + { + firsta = sup; + if(str.charAt(sup+1)=='b') + { + if(str.charAt(sup+2) == 'c') + { + if(str.charAtsup-1 != '.') + {return true;} + } + } + } + } +}" +f5df616a0b243b20ccbcfac4aecb0fbbf39424ee,"public boolean xyzThere(String str) +{ + int firsta; + for(int sup = 0; sup <= str.length(); sup ++) + { + if(str.charAt(sup) == 'a') + { + firsta = sup; + if(str.charAt(sup+1)=='b') + { + if(str.charAt(sup+2) == 'c') + { + if(str.charAt(sup-1) != '.') + {return true;} + } + } + } + } +}" +ab9fd50faec9f349a7cb46088ea356fcd5b03f4c,"public boolean xyzThere(String str) +{ + int firsta; + for(int sup = 0; sup <= str.length(); sup ++) + { + if(str.charAt(sup) == 'a') + { + firsta = sup; + if(str.charAt(sup+1)=='b') + { + if(str.charAt(sup+2) == 'c') + { + if(str.charAt(sup-1) != '.') + {return true;} + } + } + } + } +return false; +}" +6c5d982ba0e698323bfbd3e6cacf06fc55d442c0,"public boolean xyzThere(String str) +{ + int firsta; + for(int sup = 0; sup <= str.length(); sup ++) + { + if(str.charAt(sup) == 'x') + { + firsta = sup; + if(str.charAt(sup+1)=='y') + { + if(str.charAt(sup+2) == 'z') + { + if(str.charAt(sup-1) != '.') + {return true;} + } + } + } + } +return false; +}" +3141944fb48fc1cd92bfe32815012d6405a5e3c0,"public boolean xyzThere(String str) { + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +aa88400e0ed962a2e0a9ce7b6586dd07f509cefc,"public boolean xyzThere(String str) +{ + int xPos = str.indexOf(""x""); + int len = str.length(); + + String sub=str.substring(xPos, len); + if(sub.equals(""xyz"")) + { + return true; + } + else + { + return false; + } + +} +" +cc9034c130977b385bf8f71b77399783e13b35cd,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index > = 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index +4)); + + } + else + return (str.contains(""xyz"")); +} +" +8c0539f73629a376e5138c402d7af18cf69b9f83,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if (index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index +4)); + + } + else + return (str.contains(""xyz"")); +} +" +8349d7289c0e66e122ca3b1b05b966ba4822fe72,"public boolean xyzThere(String str) +{ + for(int i : str.length()) + { + + } +} +" +18bd61695e072f37d662ca163536e3f73aaf4721,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(xyz) && str.charAt(i-1).equals('.')) + { + return true; + } + } +} +" +8c856b1377365d99c1b93f9802b03a4eddda688c,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !str.charAt(i-1).equals('.')) + { + return true; + } + } +} +" +715aa81924a59b597d7a7341eacca1e319779951,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) //&& !str.charAt(i-1).equals('.')) + { + return true; + } + } +} +" +3b0507a2c8479b6a7a211473c2edf9b31184365f,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !str.charAt(i-1) == ('.')) + { + return true; + } + } +} +" +0a3cd9b50f3748650837c6f51c1d30ad9c09ad3e,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !(str.charAt(i-1) == ('.'))) + { + return true; + } + } +} +" +dbeef21a9e16fd6a58e0aa69ebf893ba2b61c994,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !(str.charAt(i-1) == ('.'))) + { + return true; + } + } + return false; +} +" +106e3d5e1b22ac3e35e7f965dd8b8298da752b7e,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && str.charAt(i-1) != '.') + { + return true; + } + } + return false; +} +" +264da6f2a63a700a621808ea7e7fc8802697b94b,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && str.charAt(i-1) != '.') + { + return true; + } + } + return false; +} +" +ffb57be49e0cfec4caf8b5890d3ea44a88f75f84,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (i == 0) + { + return true; + } + else { + if (str.charAt(i-1) != '.') + { + return true; + } + } + } + } + return false; +} +" +379cefa607bc6415f1193c3d3931f7207642eb95,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""xyz"") && str.charAt(num - 1) != '.') + { + return true; + } + num += 1; + } + return false; +} +" +9ffcb8b5475dd9d87ecd45e401c8122b06aa0443,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i) == ""xyz"" && str.charAt(num - 1) != '.') + { + return true; + } + num += 1; + } + return false; +} +" +e6a68efc74731bb50151239f276681af77ef9e13,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.charAt(num) == 'x' && str.charAt(num + 1) == 'y' && str.charAt(i) == 'z' && + && str.charAt(num - 1) != '.') + { + return true; + } + num += 1; + } + return false; +} +" +4b22ba038095ab12ab80bab8fc880cd60bf6ceb2,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + int num = 1; + for (int i = 3; i < str.length(); i++) + { + if (str.charAt(num) == 'x' && str.charAt(num + 1) == 'y' && str.charAt(i) == 'z' + && str.charAt(num - 1) != '.') + { + return true; + } + num += 1; + } + return false; +} +" +5c3568647c60baae97c4d6f408527e6162ca2af1,"public boolean xyzThere(String str) +{ + boolean result = false; + int strlen = str.length(); + if (strlen >= 3) { + for (int i = 0; i < strlen; i++) { + if (str.substring(i).length() >= 3) { + if (str.substring(i, i + 3) == ""xyz"") { + if (i != 0 && str.charAt(i - 1) != ""."") { + result = true; + } + } + } + } + } + return result; +} +" +d440b8cd0648875643f09238c2d4f50dc080c178,"public boolean xyzThere(String str) +{ + boolean result = false; + int strlen = str.length(); + if (strlen >= 3) { + for (int i = 0; i < strlen; i++) { + if (str.substring(i).length() >= 3) { + if (str.substring(i, i + 3) == ""xyz"") { + if (i != 0 && str.charAt(i - 1).toString() != ""."") { + result = true; + } + } + } + } + } + return result; +} +" +4607f0b3b815c44c719f023ed0c935339af7e9d8,"public boolean xyzThere(String str) +{ + boolean result = false; + int strlen = str.length(); + if (strlen >= 3) { + for (int i = 0; i < strlen; i++) { + if (str.substring(i).length() >= 3) { + if (str.substring(i, i + 3) == ""xyz"") { + if (i != 0 && str.charAt(i - 1) != '.') { + result = true; + } + } + } + } + } + return result; +} +" +7e92abe4b94ad676bcabeb3c502304f784b0c1a3,"public boolean xyzThere(String str) +{ + boolean result = false; + int strlen = str.length(); + if (strlen >= 3) { + for (int i = 0; i < strlen; i++) { + if (str.substring(i).length() >= 3) { + if (str.substring(i, i + 3) == ""xyz"") { + if (i != 0 && str.charAt(i - 1) != '.') { + return true; + } + } + } + } + } + else { + return result; + } +} +" +e4e5ce7496a050f0cb4bd092560874d7e9d59bb2,"public boolean xyzThere(String str) +{ + boolean result = false; + int strlen = str.length(); + if (strlen >= 3) { + for (int i = 0; i < strlen; i++) { + if (str.substring(i).length() >= 3) { + if (str.substring(i, i + 3) == ""xyz"") { + if (i != 0 && str.charAt(i - 1) != '.') { + return result = true; + } + } + } + } + } + return result; +} +" +1507435ab9d63d9e879241b1652a88bb6f4466c2,"public boolean xyzThere(String str) +{ + int len = str.length(); + if (str.getChar(1) != 'x' && len >= 4) + { + str = str.substring(1, len); + len = str.length(); + } +} +" +a922d56c8626df101fd451fca5213d7de088bf3c,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xxyz"") || str.endsWith(""xxyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xxyz"") && len >= 4) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xxyz"") || str.endsWith(""xxyz"")) + return true; + else + return false; +} +" +a89ac833ce655566d61a5c6e606ec31e7c8d681a,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 4) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else + return false; +} +" +23fcbd0abdc7cfe5c2e98a320bd9eea9850f6582,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 4) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +824a09c06c02b1e0a3628cabc0e68f9700d53510,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz""))) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 4) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +d56ecbca1b87519fc965f57dd73d48663781a4a4,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz""))) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 4) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz""))) + return true; + else + return false; +} +" +feac27856d013ca88be1757568071981d8f74829,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz""))) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") || + (str.endsWith(""xyz"") && !str.endsWith("".xyz""))) + return true; + else + return false; +} +" +3f7e71ead5cb70e3f4420a416a5bcda11737baa6,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +95bd3e4b71fed68be7ff21035971700ab1ed2167,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +6b5f48473156ddad95262114ad973bb63c5d920a,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") && !str.startsWith("".xyz)) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +3bff41af1a2d7fb6c83d559d54828718c3b4c791,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + int len = str.length(); + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +41a4fe29054912348cfa42c773ea717a9aeca2af,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } +} +" +4b9f20345ef9dc42b72c50610d5f3dbac79da413,"public boolean xyzThere(String str) +{ + int len = str.length(); + if (len < 3) + return false + else if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +35cf31c44d4e89f735c2348254dbe9808cb282ae,"public boolean xyzThere(String str) +{ + int len = str.length(); + if (len < 3) + return false; + else if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +71cff915d9d536914bbf988e3f46aeb18e78c682,"public boolean xyzThere(String str) +{ + while (true) + { + int len = str.length(); + if (len < 3) + return false; + else if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +ca9f31561abbe9fcfe8d6f76fbd870a8c0e2f478,"public boolean xyzThere(String str) +{ + int len = str.length(); + if (len < 3) + return false; + else if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +a4e3878c7f929923a287e1a325aba677b6013565,"public boolean xyzThere(String str) +{ + int len = str.length(); + if (len < 3) + return false; + else if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith("".xyz"")) + return false; + else if (str.endsWith(""xyz"")) + return true; + + while (!str.startsWith(""xyz"") && len >= 3) + { + str = str.substring(1, len); + len = str.length(); + } + if (str.startsWith(""xyz"") && !str.startsWith("".xyz"")) + return true; + else if (str.endsWith(""xyz"") && !str.endsWith("".xyz"")) + return true; + else + return false; +} +" +14bcfa3d5b8f1ed344d5204e34d8ce4f58dc763c,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !str.substring(i -1, 1).equals(""."") + { + return true; + break; + } + + } +} +" +f6f4028288b4f4109d8587f3f9ad529bd4312a45,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !str.substring(i -1, 1).equals(""."")) + { + return true; + break; + } + + } +} +" +89ad893e8e9eb27b1a78f92f596262e968a59236,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !str.substring(i -1, i).equals(""."")) + { + return true; + break; + } + + } + return false; +} +" +be42f5a09ba8203c4a2beb9835a854f5372fea94,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"") && !str.substring(i -1, i).equals(""."")) + { + return true; + + } + + } + return false; +} +" +4292353cfe918f6646d15fdf23f99b8efdea8c07,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + return false; + else if (str.contains(""xyz"") + return true; + return false; +} +" +47602865668e7cca367d3fc83e09634d7e075c08,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + return false; + else if (str.contains(""xyz"")) + return true; + return false; +} +" +7604b03fcc20f9db2eec1412fb8ee514cf1fb48d,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"") && str.contains("".xyz"" + ""xyz"")) + return false; + else if (str.contains(""xyz"")) + return true; + return false; +} +" +69ce85b25178bc1b6cc7ecfd78c24647e81b4089,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"") && !str.contains("".xyz"" + ""xyz"")) + return false; + else if (str.contains(""xyz"")) + return true; + return false; +} +" +9eb1ad0ed8467c830fc1273182fe4aec4f319641,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n == 0; + while (n < str.legnth() - 2) + if (str.substring(n, n + 2).equals(xyz) && charAt(n - 1).equals('.')) + return true; + return false; +} +" +6f182251a6eedda92b161764d5619ca322e3f869,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n == 0; + while (n < str.legnth() - 2) + if (str.substring(n, n + 2).equals(xyz) && charAt(n - 1).equals('.')) + return true; + n++; + return false; +} +" +ef4dd6d54474126a5f3c26a955a1c5019cf9ea4c,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.legnth() - 2) + if (str.substring(n, n + 2).equals(xyz) && charAt(n - 1).equals('.')) + return true; + n++; + return false; +} +" +cda6b39af15d21910797921f9bcd2ba61a90b896,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(xyz) && charAt(n - 1).equals('.')) + return true; + n++; + return false; +} +" +f21f3e1de24dcd7c96fab90723934c83e5c4b73e,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals('xyz') && charAt(n - 1).equals('.')) + return true; + n++; + return false; +} +" +12291e1553b373ebf84f173fd3c710dc09654181,"public boolean xyzThere(String str) +{ + if (!str.substring("".xyz"")) + if (str.substring(""xyz"")) + return true; + + return false; + +} +" +b8161e0e8264752994e84bf146d49f4d9afe0b5d,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(""xyz"") && charAt(n - 1).equals('.')) + return true; + n++; + return false; +} +" +8bea7f5f7f58a90b7393a7a2bedf5411bacde444,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(""xyz"") && !str.charAt(n - 1).equals('.')) + return true; + n++; + return false; +} +" +ef637c8de71fffcf447814c028417dcf91736f99,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(""xyz"")) + if (str.charAt(n - 1).equals('.')) + return false + else + return true; + n++; + return false; +} +" +3b33bbb8eb1bc1c5a9026b3b60bdb961f0ac0f33,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(""xyz"")) + if (str.charAt(n - 1).equals('.')) + return false; + else + return true; + n++; + return false; +} +" +fc48ee86b770c5c7c800f23afadaa13092607c0c,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(""xyz"")) + if (str.charAt(n - 1).equals(""."")) + return false; + else + return true; + n++; + return false; +} +" +3b58a88ff687d7609caa7d66b3dc467078c5e0f5,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int n = 0; + while (n < str.length() - 2) + if (str.substring(n, n + 2).equals(""xyz"")) + if (str.charAt(n - 1) == '.') + return false; + else + return true; + n++; + return false; +} +" +0c8a7dd9015b83dcd2d98f3e39e929f558c1455a,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +5cfe58b3f31111083961ea79b9844d72619bdd97,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + if(str.contains("".xyzxyz"")) + { + return true; + } + else + { + return false; + } +} +" +470f323740fb63f37db08ad7fea024633921ff46,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length; i++) + { + String three = str.substring(i, i = 3); + return (three.equals(""xyz"") && str.charAt(i-1).equals('.')) + + + } +} +" +10555be9b9c442af141520eb2ed319cab63d1778,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length; i++) + { + String three = str.substring(i, i = 3); + return (three.equals(""xyz"") && !str.charAt(i-1).equals('.')); + + + } +} +" +04f36cb7ba3a8130ecec04a08f53254653fb79a5,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length; i++) + { + String three = str.substring(i, i + 3); + return (three.equals(""xyz"") && !str.charAt(i-1).equals('.')); + + + } +} +" +80c5ee40831d08a0b0988bd5160b59b3593e9ea8,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length; i++) + { + String three = str.substring(i, i + 3); + return (three.equals(""xyz"") && !str.charAt(i-1).equals(""."")); + + + } +} +" +762e13e46192c60a811e64140034c778a98a450c,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 1; i < length; i++) + { + String three = str.substring(i, i + 3); + return (three.equals(""xyz"") && !str.charAt(i-1).equals(""."")); + + + } +} +" +cfde97eedbba9a9a3e6b3fea90a9d872fc9a0f63,"public boolean xyzThere(String str) +{ + boolean flag = false; +if(str.length()<=3){ + flag = str.contains(""xyz""); +} + +for (int i = 0; i < str.length()-3; i++) { + if (!str.substring(i, i+3).equals(""xyz"") && + str.substring(i, i+4).equals("".xyz"")) { + flag=false; + }else{ + if(str.contains(""xyz"")) flag=true; + } +} +return flag; +} +" +1cc538490e79c66f593518c627444b4930c5c280,"public boolean xyzThere(String str) +{ + for(int i = 1; i <= str.length(); i++) + { + if(str.charAt(i-1) == 'x' && str.charAt(i) == 'y' && str.charAt(i+1) == 'z') + { + return true; + } + + } + +} +" +9e38bc3fa8cbb82f354142436c2579e45bbff413,"public boolean xyzThere(String str) +{ + for(int i = 1; i <= str.length(); i++) + { + if(str.charAt(i-1) == 'x' && str.charAt(i) == 'y' && str.charAt(i+1) == 'z') + { + return true; + } + + } + return false; +} +" +504e99b2c76ec7303160bc583f96b76d1fb1c96a,"public boolean xyzThere(String str) +{ + for(int i = 1; i <= str.length(); i++) + { + if(str.charAt(i-1) == 'x' && str.charAt(i) == 'y' && str.charAt(i+1) == 'z') + { + if(i >= 2 && str.CharAt(i-2) != '.') + { + return true; + } + } + } + return false; +} +" +68590f5620023d86a5ac7b1e4af2d6fd312331db,"public boolean xyzThere(String str) +{ + for(int i = 1; i <= str.length(); i++) + { + if(str.charAt(i-1) == 'x' && str.charAt(i) == 'y' && str.charAt(i+1) == 'z') + { + if(i >= 2 && str.charAt(i-2) != '.') + { + return true; + } + } + } + return false; +} +" +fa2b2cb3901421f9b0c44011a6250fdc9a3c4f29,"public boolean xyzThere(String str) +{ + for(int i = 1; i <= str.length(); i++) + { + if(str.charAt(i-1) == 'x' && str.charAt(i) == 'y' && str.charAt(i+1) == 'z') + { + if(i < 2) + { + return true; + } + if(i >= 2 && str.charAt(i-2) != '.') + { + return true; + } + } + } + return false; +} +" +0332880540989b63f828dcc0f22ccf72df434539,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + for (int i = 1; i < length; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i) + return (three.equals(""xyz"") && !minusThree.equals(""."")); + + + } +} +" +a6bc7aa32595035a8ee6a7c8365d9e274ef43439,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + for (int i = 1; i < length; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + return (three.equals(""xyz"") && !minusThree.equals(""."")); + + + } +} +" +cb0aa0cae61ce048415007c3c52f858fa2fdd2b1,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"") && !minusThree.equals(""."")) + { + count++; + } + + + } + return (count > 0); +} +" +738892e40075b1572d2ddbe979196ea0c411079f,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"") && !minusThree.equals(""."")) + { + count++; + } + + + } + return (count > 0); +} +" +cb70a177e142b72c372eedb370e45dbad7c47473,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"") + { + if (str.startsWith(three)) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +6d57fbebe12cc478eb169a3b368de45bd7f9b6f2,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"")) + { + if (str.startsWith(three)) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +d92ec3430601600e2c5a855c3d3903c7270cdfe2,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +0daa743bb61b3aea1596a9cd075bd84eefb089c8,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 0; i < length - 3; i++) + { + String three = str.substring(i, i + 3); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +409b70f2d6c7a32c857931a2929fe66b9a68fcd9,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i - 1, i + 2); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +d277d9738208d8e4fc5fe863ed233950fa0d4d0f,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains(.xyz)) + { + answer = false + } + else if (str.contains(xyz)) + { + answer = true; + } + return answer; +} +" +ed22c4968de8db8e54ede0e82a3e5611b980e902,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains(.xyz)) + { + answer = false; + } + else if (str.contains(xyz)) + { + answer = true; + } + return answer; +} +" +679c2dcc36741b1567954731b5821123f507a0b6,"public boolean xyzThere(String str) +{ + boolean answer = false; + if(str.contains(.xyz)) + { + answer = false; + } + else if(str.contains(xyz)) + { + answer = true; + } + return answer; +} +" +817b10acf9c6854a819d670ae2873c41ccc8cae1,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.endsWith(.xyz)) + { + answer = false; + } + else if (str.contains(xyz)) + { + answer = true; + } + return answer; +} +" +c613718ded58852de6cb1e6619133381868fd532,"public boolean xyzThere(String str) +{ + boolean answer = false; + + if (str.endsWith(.xyz)) + { + answer = false; + } + else if (str.contains(xyz)) + { + answer = true; + } + return answer; +} +" +8f8fbfa869df510bf777b49a5e65a45d7d057f47,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains(xyz)) + { + answer = false; + } + else if (str.contains(xyz)) + { + answer = true; + } + return answer; +} +" +08b9d20ac46e74173ea450c48336c370dbce3c00,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains(String xyz)) + { + answer = false; + } + else if (str.contains(String xyz)) + { + answer = true; + } + return answer; +} +" +c1d6ee63346dab149c24c4ed1256514591d5d43e,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains(""xyz"")) + { + answer = false; + } + else if (str.contains(""xyz"")) + { + answer = true; + } + return answer; +} +" +4177576f29450556f9100551f985d97fd2234036,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains("".xyz"")) + { + answer = false; + } + else if (str.contains(""xyz"")) + { + answer = true; + } + return answer; +} +" +3d6fcc9a6c721ae4ba4cdd18c65f112ee87a90bd,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains("".xyz"") && str.contains(""xyz"") + { + answer = true; + } + else if (str.contains("".xyz"") + { + answer = false; + } + else if (str.contains(""xyz"")) + { + answer = true; + } + return answer; +} +" +ba4e9121ab6e75d85ff440dc38c21216ff22c32e,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains("".xyz"") && str.contains(""xyz"")) + { + answer = true; + } + else if (str.contains("".xyz"")) + { + answer = false; + } + else if (str.contains(""xyz"")) + { + answer = true; + } + return answer; +} +" +d442790ff16aa3f3ccf10daed656dd56729a0aab,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains("".xyzxyz)) + { + answer = true; + } + else if (str.contains("".xyz"")) + { + answer = false; + } + else if (str.contains(""xyz"")) + { + answer = true; + } + return answer; +} +" +45c144028a4e4389ed8ae464b2c135392d5f5959,"public boolean xyzThere(String str) +{ + boolean answer = false; + if (str.contains("".xyzxyz"")) + { + answer = true; + } + else if (str.contains("".xyz"")) + { + answer = false; + } + else if (str.contains(""xyz"")) + { + answer = true; + } + return answer; +} +" +9fdbed6c7f23aa4e2d9c8329338ed409fde96311,"public boolean xyzThere(String str) +{ + int place = str.IndexOf(""xyz); + if (place != 0){ + if (str.substring(place - 1, place) == "".""){ + return false; + } + else{ + return true; + } + } + return false; + + +} +" +b48f463749fcedf4f326889acd855e1258d81496,"public boolean xyzThere(String str) +{ + int place = str.IndexOf(""xyz""); + if (place != 0){ + if (str.substring(place - 1, place) == "".""){ + return false; + } + else{ + return true; + } + } + return false; + + +} +" +e3a02722a861aa857d5d814e5826f56328caf2c9,"public boolean xyzThere(String str) +{ + int place = str.indexOf(""xyz""); + if (place != 0){ + if (str.substring(place - 1, place) == "".""){ + return false; + } + else{ + return true; + } + } + return false; + + +} +" +c4e894fbd5ce767ff05c1ee768ae597c829c5fab,"public boolean xyzThere(String str) +{ + int place = str.indexOf(""xyz""); + if (place != 0){ + if (str.substring(place - 2, place - 1) == "".""){ + return false; + } + else{ + return true; + } + } + return false; + + +} +" +94128ccfa8b4bde704ea5447a7d0f0add92053e2,"public boolean xyzThere(String str) +{ + int place = str.indexOf(""xyz""); + if (place != 0){ + if (str.substring(place - 4, place - 3) == "".""){ + return false; + } + else{ + return true; + } + } + return false; + + +} +" +db0b485369ab01f1b7e2e8a8b077548f2f4c52a9,"public boolean xyzThere(String str) +{ + int place = str.indexOf(""xyz""); + if (place != 0){ + if (str.substring(place - 2, place - 1) == "".""){ + return false; + } + else{ + return true; + } + } + return false; + + +} +" +349c8d60c64b0241ebb184495a444601cc1cf623,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +6aa017bcdcec638db6ed1f75ef2cebab6e2478b2,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); +} +" +8e294a5f1a5da7df04b9515f2fb7daeac9e7cbe6,"public boolean xyzThere(String str) +{ +if(if(str.contains(""xyz""))) +{ +return true; +} +}" +7eedc6bf0ffdb143c99d5133839a3fbcc8960ca6,"public boolean xyzThere(String str) +{ +if(str.contains('x', 'y', 'z')) +{ +return true; +} +}" +36ae2e5652dfd1a2933f44c47305c7ce67bc649f,"public boolean xyzThere(String str) +{ +CharSequence ch = ""xyz""; + if(str.contains(ch)) +{ +return true; +} +}" +5d969937985fe7c391690eba8206fc9105a607ba,"public boolean xyzThere(String str) +{ +CharSequence ch = ""xyz""; + if(str.contains(ch)) +{ +return true; +} + return false; +}" +af3ef9b9b9ae2aa1a3d9ab37875a06e7185a32c2,"public boolean xyzThere(String str) +{ +CharSequence ch = ""xyz""; + if(str.contains(ch)) +{ + if(str.charAt(str.indexOf(""xyz"") -1) == '.') + { + return false; + } + else + { + return true; + } + } + return false; +}" +4e33155a6d0e36c8389eec654482e00f198e15fa,"public boolean xyzThere(String str) +{ +CharSequence ch = ""xyz""; + if(str.contains(ch)) +{ + if(str.indexOf(""xyz"") -1 <= 0) + { + if(str.charAt(str.indexOf(""xyz"") -1) == '.') + { + return false; + } + else + { + return true; + } + } + } + return false; +}" +8e8039496e220a9d2de9a9af41a1b5776e32627b,"public boolean xyzThere(String str) +{ +CharSequence ch = ""xyz""; + if(str.contains(ch)) +{ + if(!(str.indexOf(""xyz"") -1 <= 0)) + { + if(str.charAt(str.indexOf(""xyz"") -1) == '.') + { + return false; + } + else + { + return true; + } + } + } + return false; +}" +343b8c2ca3cf496999fc1f5b56b1c15c4f0b6158,"public boolean xyzThere(String str) +{ +CharSequence ch = ""xyz""; + if(str.contains(ch)) +{ + if(!(str.indexOf(""xyz"") -1 <= 0)) + { + if(str.charAt(str.indexOf(""xyz"") -1) == '.') + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } + } + return false; +}" +f3091ac22fb1b1d8a6e298d5b78fa91636c35b12,"public boolean xyzThere(String str) +{ +int lengthS = str.length() - 2; + for(int i = 0; i < lengthS; i++) + if(str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i+2) == 'z') + if(i == 0 || str.charAt(i - 1) != '.') + return true; + return false; + + +} +" +5d7ce73df31cc1b61027692c9eaa23665227ee60,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i - 1, i + 2); + String minusThree = str.substring(i - 1, i); + if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"") || str.equals(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +e89e5219764cb7c2134904d41dba3160ec2f0428,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + str = ""_"" + str + ""_""; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i + 1, i + 4).equals(""xyz"") + { + if (str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + else + { + return true; + } + } + } + + return false; +} +" +bf574d8483dfaef0415d8700ca0dea5d936aac5b,"public boolean xyzThere(String str) +{ + str = str.toLowerCase(); + str = ""_"" + str + ""_""; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i + 1, i + 4).equals(""xyz"")) + { + if (str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + else + { + return true; + } + } + } + + return false; +} +" +9fd33e33e81bc7a400cbe67be24a98835005b3d8,"public boolean xyzThere(String str) +{ + if (str.substring(0, str.length()-1).equals("".xyz"")) + { + return false; + } + else + { + return true; + } +} +" +c43a7a15ff3ea12ea37dcee4d4dca01a307b435e,"public boolean xyzThere(String str) +{ + if (str.substring(0).equals("".xyz"")) + { + return false; + } + else + { + return true; + } +} +" +cd00f778a4c2a6daf5eca0cfb94bc0e78e435b7a,"public boolean xyzThere(String str) +{ + if (str.substring(3).equals("".xyz"")) + { + return false; + } + if (str.substring(0).equals("".xyz"")) + { + return false; + } + else + { + return true; + } +} +" +8f6aa1287978f4449925f569b85ec20389911fa6,"public boolean xyzThere(String str) +{ + if (str.substring(0).equals(""x"") || str.substring(0).equals(""xy"") || str.substring(0).equals("""")) + { + return false; + } + if (str.substring(3).equals("".xyz"")) + { + return false; + } + if (str.substring(0).equals("".xyz"")) + { + return false; + } + else + { + return true; + } +} +" +58859f11647cbe8bd0a46fa5e9934e7537b9a171,"public boolean xyzThere(String str) +{ + if (str.substring(0).equals(""x"") || str.substring(0).equals(""xy"") || str.substring(0).equals("""")) + { + return false; + } + if (str.substring(3).equals("".xyz"")) + { + return false; + } + if (str.substring(3).equals(""xy"")) + { + return false; + } + if (str.substring(0).equals("".xyz"") || str.endsWith("".xyz"") + { + return false; + } + else + { + return true; + } +} +" +e31dbe596c977798559db30a95b6e1046cf88db1,"public boolean xyzThere(String str) +{ + if (str.substring(0).equals(""x"") || str.substring(0).equals(""xy"") || str.substring(0).equals("""")) + { + return false; + } + if (str.substring(3).equals("".xyz"")) + { + return false; + } + if (str.substring(3).equals(""xy"")) + { + return false; + } + if (str.substring(0).equals("".xyz"") || str.endsWith("".xyz"")) + { + return false; + } + else + { + return true; + } +} +" +38ce37501cf2e011134900b9949bfd3c9aa652be,"public boolean xyzThere(String str) +{ + boolean queef = false; + int index = str.indexOf(""xyz""); + if (!str.substring(index + 3, index + 4).equals(""."")) + queef = true; + return queef; +} +" +002ede2f87c835d048f394a079aced045554e62c,"public boolean xyzThere(String str) +{ + boolean queef = true; + int index = str.indexOf(""xyz""); + if (str.length == index + 3) + queef = true; + else if (str.substring(index + 3, index + 4).equals(""."")) + queef = false; + return queef; +} +" +191424f0ff112900343f8595cc844e96b4bd2085,"public boolean xyzThere(String str) +{ + boolean queef = true; + int index = str.indexOf(""xyz""); + if (str.length() == index + 3) + queef = true; + else if (str.substring(index + 3, index + 4).equals(""."")) + queef = false; + return queef; +} +" +358e8620ed41206f2171018fc1f06c562ec82dd3,"public boolean xyzThere(String str) +{ + boolean queef = true; + int index = str.indexOf(""xyz""); + if (str.length() == index + 3) + queef = false; + else if (str.substring(index + 3, index + 4).equals(""."")) + queef = false; + return queef; +} +" +08064c7e82bd6d4db5f9f11ec18c09f002b642dc,"public boolean xyzThere(String str) +{ + boolean queef = false; + int index = str.indexOf(""xyz""); + if (index == 0) + queef = true; + else if (!str.substring(index - 1, index).equals(""."")) + queef = true; + return queef; +} +" +44c8c4eb4c10971cd923bbbdd5f9ac02ca8c9c73,"public boolean xyzThere(String str) { + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; + +} +" +f0f5ef97ea20b4ecac7a7d68cc3a4038bdd9a2a3,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (index == -1) + return false; + else if (index == 0) + return true; + else if (!str.substring(index - 1, index).equals(""."")) + return true; + return false; +} +" +7714ae94cdf08d34e7dbcdd7298beb6f4a5a47bd,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + { + String test = str.substring(i, i+3); + if (test.compareTo(xyz) == 0 && i == 0) + match = true; + else if (test.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } +} +" +387680d56a777f4092d7d2d1384a078cea172d11,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + { + String test = str.substring(i, i+3); + if (test.compareTo(xyz) == 0 && i == 0) + match = true; + else if (test.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return match; +} +" +174481d734f0413941b22af72732b55ee6713909,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + if (str.charAt(n - 1) != '.') + return true; + else if (str.charAt(n - 1) == '.') + return false; + return false; +} +" +128eccdad5658cca39b03aad7eed5d014501dd40,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + if (str.charAt(first - 1) != '.') + return true; + else if (str.charAt(first - 1) == '.') + return false; + return false; +} +" +81cda1ed3da862498b798316cd6b10c2e34d9372,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + if (str.charAt(first - 1) != '.') + return false; + else if (str.charAt(first - 1) == '.') + return true; + return false; +} +" +ac50df7405fa705d67d8b1e0ed3b0ae92fb16569,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + if (str.charAt(first - 1) != '.') + return true; + else if (str.charAt(first - 1) == '.') + return false; + return false; +} +" +a45bd8aef0b297963e31e361a5ec7f0298c30c19,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +10eef1bf1fa93a26f7078f04d40bb9abb00fc44a,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + if ((str.charAt(first - 1) != '.') && (first != -1)) + return true; + else if (str.charAt(first - 1) == '.') + return false; + return false; +} +" +cebfcacf1533f75b4cc5a93ef0f277edd712feeb,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + if ((str.charAt(first - 1) != '.') && (first != -1)) + return true; + return false; +} +" +6a669e6550bc98ed8406d703687ddabf58b1e849,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + int dot = str.indexOf("".""); + if (dot != (first - 1) && (first != -1)) + return true; + return false; +} +" +1ee7131fdb1c827e3dcd4d1ece3fa5ab3db3b602,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length(); + for i = 0; i < x; i++ + { + if (strA.substring(i, i + 3).equals(""xyz"") && !(strA.chatAt(i - 1).equals("".""))) + { + return true + } + } +} +" +cce86c8f7087d7179cc6508ce9fdfb9fe8fa7fdc,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length(); + for i = 0; i < x; i++ + { + if ((strA.substring(i, i + 3).equals(""xyz"") && !(strA.chatAt(i - 1).equals(""."")))) + { + return true; + } + } +} +" +6d52d0ec029c7ded7b2994a5e1ddba9a567ee907,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length(); + for (i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"") && !(strA.chatAt(i - 1).equals("".""))) + { + return true; + } + } +} +" +177f186c8bc44fbb0ab21caacf1ce788bb3e46ed,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length(); + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"") && !(strA.chatAt(i - 1).equals("".""))) + { + return true; + } + } +} +" +d26b46cf59c4b22412990445e271443e5b7177b3,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length(); + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"") && !(strA.substring(i - 1, i).equals("".""))) + { + return true; + } + } +} +" +3bca37e033291c0446841e892149d29801f07c2c,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length(); + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"") && !(strA.substring(i - 1, i).equals("".""))) + { + return true; + } + } + return false; +} +" +5c37a2b2bab76f011c5e2f46785c7416bed11ec3,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length() - 3; + for (int i = 1; i < x; i++) + { + if (strA.substring(i - 1, i + 2).equals(""xyz"") && !(strA.substring(i - 2, i - 1).equals("".""))) + { + return true; + } + } + return false; +} +" +40f54e0cd268906fabc6a0564596403e17ef586a,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length() - 2; + for (int i = 1; i < x; i++) + { + if (strA.substring(i - 1, i + 2).equals(""xyz"") && !(strA.substring(i - 2, i - 1).equals("".""))) + { + return true; + } + } + return false; +} +" +f715b47e08825458fb34b162c05e420eb2168085,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length() - 2; + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"")) + { + if (i = 0) + { + return true; + } + else if !(strA.substring(i - 1, i).equals(""."")) + { + return true; + } + } + } + return false; +} +" +322626448faf128c8fc67e65de2f756eafa92dba,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length() - 2; + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"")) + { + if (i = 0) + { + return true; + } + else if (!(strA.substring(i - 1, i).equals("".""))) + { + return true; + } + } + } + return false; +} +" +d79a43dcc37714fa60a12e23b0ee30e10c618d72,"public boolean xyzThere(String str) +{ + String strA = str; + int x = str.length() - 2; + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i + 3).equals(""xyz"")) + { + if (i == 0) + { + return true; + } + else if (!(strA.substring(i - 1, i).equals("".""))) + { + return true; + } + } + } + return false; +} +" +072aa7a7d9911fbfca623af56b4af181dcde5cf5,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + { + res = true; + } + + return res; +} +" +fc3e013aa151bbe50b72ced67e7acaf2b94f0179,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + + } + else + { + return (str.contains(""xyz"")); + } +} +" +57a7c045f9cd7e0cbcc7b59136ef3175309536e9,"public boolean xyzThere(String str) +{ + int strLength = str.length(); + for (int i = 0; i < strLength; i++) + if (str.substring(i, i + 4) = "".xyz"") + return false; + else if (str.substring(i, i + 3) = ""xyz"") + return true; + else + return false; + +} +" +0250a79df7a2a5ac680679345db39c7a3269e17c,"public boolean xyzThere(String str) +{ + int strLength = str.length(); + for (int i = 0; i < strLength; i++) + if (str.substring(i, i + 4) == "".xyz"") + return false; + else if (str.substring(i, i + 3) == ""xyz"") + return true; + else + return false; + +} +" +5f65997ab192e17d023f4a5f6f6a1588bb4b1e24,"public boolean xyzThere(String str) +{ + int strLength = str.length(); + for (int i = 0; i < strLength; i++) + if (str.substring(i, i + 4) == "".xyz"") + return false; + else if (str.substring(i, i + 3) == ""xyz"") + return true; + + return false; + +} +" +165051d2608b88686dd00f02e13139646e405fa5,"public boolean xyzThere(String str) +{ + int strLength = str.length(); + for (int i = 0; i < strLength; i++) + if (str.charAt(i) == ""x"" && str.charAt(i + 1) == ""y"" && str.charAt(i + 2) == ""z"") + if (i == 0 || str.charAt(i - 1) != '.') + return true; + return false; + + +} +" +a6711f2f9783f35d28bfc53efdf6b5fccabcba89,"public boolean xyzThere(String str) +{ + int strLength = str.length(); + for (int i = 0; i < strLength; i++) + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + if (i == 0 || str.charAt(i - 1) != '.') + return true; + return false; + + +} +" +233d0a39efa5ec24fc905cfc106d90d833a5f5df,"public boolean xyzThere(String str) +{ + int strLength = str.length() - 2; + for (int i = 0; i < strLength; i++) + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + if (i == 0 || str.charAt(i - 1) != '.') + return true; + return false; + + +} +" +eee6f3b361eea223adbc8ee6adeee9d0bbf42adc,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + + + return index != -1 && str.charAt(index-1) != '.'; +} +" +f1f7cbcc19a5dee909afd873b86e635b959084cc,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + return index = 0||index != -1 && str.charAt(index-1) != '.'; +} +" +775dd9787a8fe12a991426ca03310c08c9779734,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + return index == 0||index != -1 && str.charAt(index-1) != '.'; +} +" +eeee8d0292926e5fecc3cb45bcd5a8d22f4ae819,"public boolean xyzThere(String str) +{ + int index = str.lastIndexOf(""xyz""); + return index == 0||index != -1 && str.charAt(index-1) != '.'; +} +" +439ded868c1243e9531160ae3b04cad3b0f1a699,"public boolean xyzThere(String str) +{ + for (int i = 0; (i < str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + break; + } + else + { + return false; + } + } + + +} +" +50a5b30395009d08e36e59d47fee2c0f069378ab,"public boolean xyzThere(String str) +{ + for (int i = 0; (i < str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return true; +} +" +32b58ab5141fd1c2eb7bebb48d64ef942a86d5d2,"public boolean xyzThere(String str) +{ + if (str.substring() = xyz) + { + return true; + } +} +" +6e9e9f0bafcdcb13b3c474cbec8d70af18a7c1e9,"public boolean xyzThere(String str) +{ + if (str.startsWith(xyz) || str.endsWith(xyz)) + { + return true; + } +} +" +45141b3f79c6cc344b0da4ba5ea8e480712c0759,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } +} +" +ea7e39209d428a810841c86564a87dbbcb7f70ab,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +7962e5df373ec0013103c06ad8a83c0ebd11f6b5,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"") + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } + else + { + return false; + } +} +" +77356c104dc266497a7f8a914c172acaabd20d87,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } + else + { + return false; + } +} +" +a7d1ef5064d88135c5fe29e0f98906a21c4ae197,"public boolean xyzThere(String str) +{ + for (int i = 0; (i <= str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return true; +} +" +b01667e847611de46f297b74c150707c20be0ea1,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } + else + { + return false; + } +} +" +0c04e7612bba7acab2fb6ce4ee5743689c07b572,"public boolean xyzThere(String str) +{ + for (int i = 0; (i <= str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return true; +} +" +d118a158689b41ac88561f1704a28571fcecf146,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"") && !str.startsWith("".xyz"") + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } + else + { + return false; + } +} +" +7bdd936f684059cb78d3081ebc4e38fcfd49eaf6,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"") && !str.startsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } + else + { + return false; + } +} +" +2cddd417a3e905cdc1320a6c25fb8f8c1591e278,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"") && !str.startsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } + else + { + return false; + } + else + { + return false; + } +} +" +8053e8e7f29f833b515105a86e8c43d7a60b9822,"public boolean xyzThere(String str) +{ + for (!str.endsWith("".xyz"") && !str.startsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } +} +" +f9d723d228328446dc796a928099f66bcadbc7f8,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"") && !str.startsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } +} +" +c556d424fca333338d6192a89bed9c2ebabbe6ae,"public boolean xyzThere(String str) +{ + if (!str.endsWith("".xyz"") && !str.startsWith("".xyz"")) + { + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + } +else +{ +return false; +} +} +" +fd0c08891ced791370c7dd26bf4221f5f0a45138,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } +} +" +590d6a8da6f54a1a211f0c009c8b23594f1c9ff8,"public boolean xyzThere(String str) +{ + for (int i = 0; (i <= str.length()); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return true; +} +" +bdb5244e1c2684a9b35ee20081b506f3b6d9f4a3,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +6c6b7ca656d0eac232b2fd2c7f830ea2b86cd204,"public boolean xyzThere(String str) +{ + for (int i = 0; (i <= str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return true; +} +" +ef9d5407f6306ba938c78b0a7ce5fcb92b6f22ab,"public boolean xyzThere(String str) +{ + for (int i = 0; (i <= str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return false +} +" +66c64ef84a548db952d466820f0cd7ee1667680d,"public boolean xyzThere(String str) +{ + for (int i = 0; (i <= str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return false; +} +" +a6bf1efeaad3f7e07b56f2783deb25d5c67a7856,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + if (!(str.startsWith("".xyz"") || str.endsWith("".xyz""))) + { + return true; + } + } + else + { + return false; + } +} +" +9928fc068c8883ac29abfebf725da22cff274119,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + if (!(str.startsWith("".xyz"") || str.endsWith("".xyz""))) + { + return true; + } + } + else + { + return false; + } +return;} +" +882e26c508252dbb567a38b027f610aa9419f3a0,"public boolean xyzThere(String str) +{ + for (int i = 0; (i < str.length() - 4); i++) + { + if ((!str.substring(i).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + break; + } + else + { + return false; + } + } + + return true; +} +" +6c12a6dae71b368241c487f664e991178e78275e,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + if (!(str.startsWith("".xyz"") || str.endsWith("".xyz""))) + { + return true; + } + } + else + { + return false; + } +return 0;} +" +0ab9cca6a4e6f42b24f2e7e6f4263821d13168d6,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +6086936978eb304bc3177a697291f1e5da1d2f76,"public Boolean xyzThere(String str) { + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3)= + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46 + match = true; + } + return match; +} +" +82a5ce0b2d88dec12e395f761f5c0e95368b4708,"public Boolean xyzThere(String str) { + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return match; +} + +" +b773bdfb9f332fae6daa18b6d7a53e780322e59b,"public boolean xyzThere(String str) +{ + if (str.length()<4) + { + if (str.equals(""xyz"")) + { + return true; + } + else + { + return false; + } + } + else + { + for (int i = 0; i 0); +} +" +891ee735dbc605b5dca0729801e9c7afa3706c6b,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i - 1, i + 2); + String minusThree = str.substring(i - 1, i); + if (str.equals(""xyz"")) + { + count++; + } + else if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"") || str.equals(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +fa642b1290af979f7baf574eef404514f56e4c51,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 3; i++) + { + String three = str.substring(i - 1, i + 2); + String minusThree = str.substring(i - 1, i); + if (str.equals(""xyz"")) + { + count++; + } + else if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +4b6286c37addbbebcf9dab8b40b5f03f2dd2b3a4,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"") && str.charAt(i-1).!equals(.)) + return true; + break; + + } + return false; +} +" +6bb879e4f913065b6cb079d232bcce5a8b9f46bf,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"") && str.substring(i-1).!equals(""."")) + return true; + break; + + } + return false; +} +" +a2cd66703241e2230bd186e646f6085a3c122d92,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"") && str.substring(i-1).!equals(""."")) + { + return true; + break; + } + + } + return false; +} +" +c28dbc5678011b0476055f75798e0ab64396c1f9,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"") && !str.substring(i-1).equals(""."")) + { + return true; + break; + } + + } + return false; +} +" +f3198dad004c630e65a3c88f06bb31319fe19739,"public boolean xyzThere(String str) +{ + for (int i = 0; i < 20; i++) + { + if (str.charAt(""."") + { + break; + } + } + if (str.substring(i+1, i+4) == ""xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +035018679e7f682db3b88402912022705cc71d7a,"public boolean xyzThere(String str) +{ + for (int i = 0; i < 20; i++) + { + if (str.charAt(""."")) + { + break; + } + } + if (str.substring(i+1, i+4) == ""xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +7083ab48e9693cd18b58fc0ab5f71eba582019f0,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"")) + { + if(!str.substring(i-1).equals(""."")) + { + return true; + break; + } + } + + } + return false; +} +" +1d360c84f9e09fbc5263c187a4e44cb470390f20,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length; i++) + { + String three = str.substring(i - 1, i + 2); + String minusThree = str.substring(i - 1, i); + if (str.equals(""xyz"")) + { + count++; + } + else if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +bc49e2f3da212ee04ad7986875d0a4aa0da51c0a,"public boolean xyzThere(String str) +{ + int length = str.length(); + String period = "".""; + int count = 0; + for (int i = 1; i < length - 2; i++) + { + String three = str.substring(i - 1, i + 2); + String minusThree = str.substring(i - 1, i); + if (str.equals(""xyz"")) + { + count++; + } + else if (three.equals(""xyz"")) + { + if (str.startsWith(""xyz"")) + { + count++; + } + else if (!minusThree.equals(""."")) + { + + + count++; + } + } + + + } + return (count > 0); +} +" +d045e02ddce0c3acb97d75f7e40d19a7c87b4173,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"")) + { + if(str.charAt(i-1)!= '.') + { + return true; + break; + } + } + + } + return false; +} +" +93aeebd2e9b523d69ff521dd7d42d2cace584fd6,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"")) + { + if(str.charAt(i-1)!= '.') + { + return true; + } + else return false; + } + + + } +} +" +63f2cea299e8372f4f6662262c6297eb48c319d5,"public boolean xyzThere(String str) +{ + for(int i=1; i<=str.length(); i++) + { + if(str.substring(i,i+3).equals(""xyz"")) + { + if(str.charAt(i-1)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +de19d07667fb7a2aacb10e42bacba498eeea9b0d,"public boolean xyzThere(String str) +{ + for(int i=0; i=0; i--) + { + if(str.substring(i-3,i).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +bdc6be44d63a5833295aac8ea9e4477606c6867d,"public boolean xyzThere(String str) +{ + int findXYZ = str.lastIndexOf(""xyz""); + boolean trueXYZ = str.startsWith(""xyz""); + boolean precedeTrueXYZ = str.startsWith(""."", findXYZ - 1); + boolean precedeFalseXYZ + if (trueXYZ == true && precedeXYZ != true) + { + return true; + } + else + { + return false; + } +} +" +7f297c8ee8617c5fafe8f4eabf7d1b9c67d40ab9,"public boolean xyzThere(String str) +{ + int findXYZ = str.lastIndexOf(""xyz""); + boolean trueXYZ = str.startsWith(""xyz""); + boolean precedeTrueXYZ = str.startsWith(""."", findXYZ - 1); + if (trueXYZ == true && precedeXYZ != true) + { + return true; + } + else + { + return false; + } +} +" +bdd7840245ff831cb552d9e2c072d024ccc8e6df,"public boolean xyzThere(String str) +{ + int xyzFound = str.indexOf(""xyz""); + String dot = str.charAt(xyzFound - 1); + if (dot == ""."") + { + return false; + } + else + { + return true; + } +}" +b06969c110512b6724f329cb515ecc7e9a70cc3d,"public boolean xyzThere(String str) +{ + int findXYZ = str.lastIndexOf(""xyz""); + boolean trueXYZ = str.startsWith(""xyz""); + boolean precedeXYZ = str.startsWith(""."", findXYZ - 1); + if (trueXYZ == true && precedeXYZ != true) + { + return true; + } + else + { + return false; + } +} +" +0fd0f72864887dd7ccb11d59422fc4c1bfdc7c34,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>=0; i--) + { + if(str.substring(i-3,i-1).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +6f800a09bd85c7a73398c701efff150e0b647d15,"public boolean xyzThere(String str) +{ + int xyzFound = str.indexOf(""xyz""); + char dot = str.charAt(xyzFound - 1); + if (dot = ""."") + { + return false; + } + else + { + return true; + } +}" +68627e18512b0de62d067e521313ab8e597bdbb4,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>=0; i--) + { + if(str.substring(i-3,i).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +24dc11bc61299440f15a7ebd704619854faa1bc3,"public boolean xyzThere(String str) +{ + int xyzFound = str.indexOf(""xyz""); + char dot = str.charAt(xyzFound - 1); + if (dot == '.') + { + return false; + } + else + { + return true; + } +}" +81ed8b996713420c4f26843a91d33448be38d399,"public boolean xyzThere(String str) +{ + int xyzFound = str.indexOf(""xyz""); + if (xyzFound != 0) + { + char dot = str.charAt(xyzFound - 1); + } + + if (dot == '.') + { + return false; + } + else + { + return true; + } +}" +d889212dbc5e02e5c7b247c0ef8524750dbea588,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { + if(str.substring(i-3,i).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +f105d7c3682fe963a718225f26659d45d4e8c3bd,"public boolean xyzThere(String str) +{ + int findXYZ = str.lastIndexOf(""xyz""); + boolean trueXYZ = str.startsWith(""xyz"", findXYZ); + boolean precedeXYZ = str.startsWith(""."", findXYZ - 1); + if (trueXYZ == false) + { + return false; + } + else if (trueXYZ == true && precedeXYZ == true) + { + return false; + } + else + { + return true; + } +} +" +ade1edac7ea5d05c84b361ba8e7464ea3e3cce3d,"public boolean xyzThere(String str) +{ + int xyzFound = str.indexOf(""xyz""); + if (xyzFound == 0) + { + return true; + } + + if (dot == '.') + { + return false; + } + else + { + return true; + } +}" +30b1e445c85f764173472c6ca365968578007a63,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { if(i<3) + return false; + else if(str.substring(i-3,i).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +9b21dfda0329c2b2993f69cda34af17c916b674b,"public boolean xyzThere(String str) +{ + int xyzFound = str.indexOf(""xyz""); + if (xyzFound == 0) + { + return true; + } + else + { + char dot = str.charAt(xyzFound - 1); + if (dot == '.') + { + return false; + } + else + { + return true; + } + } +}" +d9f09517ce9c33a55c4f8aed82fee8c5659de814,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { if(i<3) + return false; + else if(i=3 && str.equals (""xyz"")) + return true; + else if(str.substring(i-3,i).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +19ba65f6ae9b04d1b8ac742c1a91a29bea93b26d,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { if(i<3) + return false; + else if(str.equals (""xyz"")) + return true; + else if(str.substring(i-3,i).equals(""xyz"")) + { + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +bdfd88f503c57520983170f0ec0cf606d248fee9,"public boolean xyzThere(String str) +{ + int xyzFound = str.lastIndexOf(""xyz""); + if (xyzFound == 0) + { + return true; + } + else + { + char dot = str.charAt(xyzFound - 1); + if (dot == '.') + { + return false; + } + else + { + return true; + } + } +}" +e21dbd04a9fe2e0b9eaed52b997fdb01464ea510,"public boolean xyzThere(String str) +{ + int xyzFound = str.lastIndexOf(""xyz""); + if (xyzFound == 0) + { + return true; + } + else + { + if (str.charAt(xyzFound - 1) == '.') + { + return false; + } + else + { + return true; + } + } +}" +f9680f27a84cac8439fee7764098338e61d3da78,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { if(i<3) + return false; + else if(str.equals (""xyz"")) + return true; + else if(str.substring(i-3,i).equals(""xyz"")) + { + if( i = 3) + { + return true; + } + if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +d5a4999abfd8baef0b55a35a59bbc6d79aeee7ce,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { if(i<3) + return false; + else if(str.equals (""xyz"")) + return true; + else if(str.substring(i-3,i).equals(""xyz"")) + { + if( i = 3) + { + return true; + } + else if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +c343e1b3ea2c695035142c5f7a9e3aed59f511c0,"public boolean xyzThere(String str) +{ + for(int i=str.length(); i>0; i--) + { if(i<3) + return false; + else if(str.equals (""xyz"")) + return true; + else if(str.substring(i-3,i).equals(""xyz"")) + { + if( i == 3) + { + return true; + } + else if(str.charAt(i-4)!= '.') + { + return true; + } + + } + + + } + + return false; +} +" +4a573e334fbd7108d1ba9c497354e05032c75171,"public boolean xyzThere(String str) +{ + int xyzFound = str.lastIndexOf(""xyz""); + if (xyzFound == 0) + { + return true; + } + else if (xyzFound > 0) + { + if (str.charAt(xyzFound - 1) == '.') + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +2ed7614e3b9d53b4c70593d837ab5c0577724c93,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.') + { + hasPeriod = true + } + } + if (hasPeriod == true) + { + contains = false; + } + return contains; +} +" +54b7284d765ccf6d427f8c6a1374c33cdf4e0cdc,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.') + { + hasPeriod = true; + } + } + if (hasPeriod == true) + { + contains = false; + } + return contains; +} +" +72bac4eef67fd0c21bd39a370725364f2fa0c64b,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.') + { + hasPeriod = true; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +8a4dc6f65ca86500484e85a917666a2787972a8c,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.' && str.substring(i+1, i+3).equals(""xyz"")) + { + contains = false; + } + } + } + return contains; +} +" +ebaa14fc1b908929df4b4ce35ba74ed44420d957,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.substring(i, i+4).equals(""xyz"")) + { + contains = false; + } + } + } + return contains; +} +" +6979b25bfa2ca8d203efd845ab16bc70c9b0011c,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.' && str.substring(i+1, i+3).equals(""xyz"")) + { + contains = false; + } + } + } + return contains; +} +" +8174e1910f43b00696b1e87971061dff1d0199a7,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.' && str.substring(i+1, i+3).equals(""xyz"")) + { + hasPeriod = true; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +b2efd0479063aa2be60445c6afd6d544b76321b3,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + int remainder = length - i; + i = i + remainder; + } + if (str.charAt(i) == '.' && str.substring(i+1, i+3).equals(""xyz"")) + { + hasPeriod = true; + contains = true; + int remainder = length - i; + i = i + remainder; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +20cd79115e68232c5a77f6f3033cfca079d5b468,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.charAt(i) == '.' && str.substring(i+1, i+3).equals(""xyz"")) + { + hasPeriod = true; + contains = true; + int remainder = length - i; + i = i + remainder; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +0331b213dc9913f2cab81e97de3fb060129e8d6d,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.substring(i, i+4).equals("".xyz"")) + { + hasPeriod = true; + contains = true; + int remainder = length - i; + i = i + remainder; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +2654c515316e20378a3119e9141289285da9d668,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.substring(i, i+4).equals("".xyz"")) + { + hasPeriod = true; + int remainder = length - i; + i = i + remainder; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +43b70a5866a0d2fd735f1d510fe02fe1e67f82ab,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + boolean hasPeriod = false; + if (length >= 3) + { + for (int i = 0; i < length-1; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + contains = true; + } + if (str.substring(i, i+4).equals("".xyz"")) + { + hasPeriod = true; + int remainder = length - i; + i = i + remainder; + } + } + if (hasPeriod == true) + { + contains = false; + } + } + return contains; +} +" +183ce6df228d8fcc3cb6272d210edca0a8eb188c,"public boolean xyzThere(String str) +{ + return str; +} +" +5ad710d724fd634a55888ebbe2bf15f68ca0b28e,"public boolean xyzThere(String str) +{ + return true; +} +" +c233858997067e01a6c70b73ab308a497774ece9,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); +} +" +7118c40bb78d7595cfbd8a57200abe0daa874cdb,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } +} +" +4e106e2396a134268e7e756d1bdbf11ce5616eb2,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (i = 0; i < length; i++){ + if (str.char(i) = x && str.char(i+1) = y && str.char(i+2) = z){ + if(str.char(i - 1) != .){ + return true; + } + } + } + return false; +} +" +dd4d19039d8508b13eccd5a9397df34279b1c0c2,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (i = 0; i < length; i++){ + if (str.charAt(i) = x && str.charAt(i+1) = y && str.charAt(i+2) = z) + { + if(str.charAt(i - 1) != .){ + return true; + } + } + } + return false; +} +" +cd8c18f5027eb9195d71021ed74cec4b594d2d01,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (i = 0; i < length; i++){ + if (str.charAt(i) = x && str.charAt(i+1) = y && str.charAt(i+2) = z) + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} +" +f05b462f09c25ef6ca34b626a4865044d64cd95c,"public boolean xyzThere(String str) +{ + int length = str.length(); + for ( int i = 0; i < length; i++){ + if (str.charAt(i) = x && str.charAt(i+1) = y && str.charAt(i+2) = z) + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} +" +f757f34c74768dc222db398ef154ab52566ab9d8,"public boolean xyzThere(String str) +{ + int length = str.length(); + for ( int i = 0; i < length; i++){ + if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} +" +be69abb17c0a13a56e3148c850e0d3b2e456e925,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return + xyzThere(str.substring(0, index)) ||xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); +} +" +1ff3272965532f31cc892489f19fb6c0f480ee4d,"public boolean xyzThere(String str) +{ + int length = str.length(); + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} +" +145536388fb0413482aa26f338db9bfab17ce7dd,"public boolean xyzThere(String str) +{ + for(int i = 0; i < len; i++) + { + if(str.substring(i,i+3)) + { + if(str.substring(i-1,i)!='.') + return true; + } + } + return false; +} + +} +" +f059ee428530d225a65e3a34a49ade89b73d9302,"public boolean xyzThere(String str) +{ + for(int i = 0; i < len; i++) + { + if(str.substring(i,i+3)) + { + if(str.substring(i-1,i)!='.') + return true; + else + return false; + } + } +} + +" +286dc4f21458a0e12c710ffe31da4dee873de1f0,"public boolean xyzThere(String str) +{ + for(int i = 0; i < len; i++) + { + if(str.substring(i,i+3)='xyz') + { + if(str.substring(i-1,i)!='.') + return true; + else + return false; + } + } +} + +" +b89d5aaaf06bccdd311fc280841bb33608991bf0,"public boolean xyzThere(String str) +{ + for(int i = 0; i < len; i++) + { + if(str.substring(i,i+3)=='xyz') + { + if(str.substring(i-1,i)!='.') + return true; + else + return false; + } + } +} + +" +9a1d56320ac2c961d73ccac6d5e1dbcfa3e483e1,"public boolean xyzThere(String str) +{ + for(int i = 0; i < len; i++) + { + if(str.substring(i,i+3)=='xyz') + { + if(str.substring(i-1,i)!='.') + return true; + } + } + return false; +} + +" +3c826f7aae7c4112d69e60585561893d8cb8da8b,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +6fa4a4993c16374492818a4e51f6533dd7a5cfd8,"public boolean xyzThere(String str) +{ + a = str.indexOf(""xyz"") + if(a != -1 && str.substring(a+4) != ""xyz."" ) + { + return true; + } + return true; +} +" +cabb61ebe16974f99225994066c5330d92084b55,"public boolean xyzThere(String str) +{ + a = str.indexOf(""xyz""); + if(a != -1 && str.substring(a+4) != ""xyz."" ) + { + return true; + } + return true; +} +" +19512439cae9074d9f07bdda3f3999673cf77102,"public boolean xyzThere(String str) +{ + int length = str.length(); + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +231935ebe9fa8f39cf5db1c4ad50c008214068a3,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)=='xyz') + { + if(str.substring(i-1,i)!='.') + return true; + } + } + return false; +} + +" +bc37f6be9ec876ce2e19bab564ffd21e43338780,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + if(a != -1 && str.substring(a+4) != ""xyz."" ) + { + return true; + } + return true; +} +" +38ec1d83052557f6b68ec1b9f7d2784b2239e47d,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + if(a != -1 && str.substring(a+4) != ""xyz."" ) + { + return true; + } + return false; +} +" +62527766599a7ed4d50889e572ab9b70f9a68415,"public boolean xyzThere(String str) +{ + int length = str.length() - 1; + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +f740c9f964e3b73042dae2c4c3bcce2caa3c24dc,"public boolean xyzThere(String str) +{ + int length = str.length() - 1; + for ( int i = 0; i <= length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +c7bbb9a20a8a86a55d87c247f1834fddd18547be,"public boolean xyzThere(String str) +{ + int length = str.length() - 1; + for ( int i = 0; i <= length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +e998b75db1ddf5cb4d4772dc13bb83e7d588ecab,"public boolean xyzThere(String str) +{ + int length = str.length() - 1; + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +4285967b6adbd751abf76c3232dbbf42265dd28a,"public boolean xyzThere(String str) +{ + int length = str.length() - 1; + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i - 1) != '.'){ + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +e5c688bcd2ac001a6f86c9dcb6e8a3aac7acf138,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+2)=='xyz') + { + if(str.substring(i-1,i)!='.') + return true; + } + } + return false; +} + +" +46675a2eb8c0437a0e1dd53d1705f266cb3e00af,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + if(a != -1 && str.charAt(a+4) != ""."") + { + return true; + } + return false; +} +" +c4504ced382bd5f2298148f4e6dad4c0d4dca33f,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+2)=""xyz"") + { + if(str.substring(i-1,i)!='.') + return true; + } + } + return false; +} + +" +c284b754cc24e43a0a749c25f456e3566a74e3b8,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; // -2 ??? + for ( int i = 0; i < length; i++){ + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i - 1) != '.'){ // i == 0???? + return true; + } + } + } + return false; +} + //if (str.charAt(i) = 'x' && str.charAt(i+1) = 'y' && str.charAt(i+2) = 'z') + // { + //if(str.charAt(i - 1) != '.'){ + // return true; + // } +" +f7252898b0a723e3b9edf0d2f19234bdb6cdb7d7,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + if(a != -1 && str(a+4) != ""."") + { + return true; + } + return false; +} +" +60073b5cf46451ed15c5bfed9e155bfa93642b30,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+2)==""xyz"") + { + if(str.substring(i-1,i)!='.') + return true; + } + } + return false; +} + +" +9bb9a74f764a5aa0a03a3b1984725eca517b42a0,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)==""xyz"") + { + if(str.substring(i-1,i)!=""."") + return true; + } + } + return false; +} + +" +df11b3e0c384857e110a31e63d1366eecadfd0a2,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + if(a != -1 && str.substring(a+4, a+4) != ""."") + { + return true; + } + return false; +} +" +bce15bfc5af464d79addfe563d66fb8c24e035e4,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +9d35c2f4e972eb2cc4d751d60da25da5a6bf5e95,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i=0||str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +8ff317d4e0cb81c12de2cbcbdd0620fffd8c7dfc,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i=0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +418f374a15f245f686a33c0fede8d52176d96f00,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i==0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +9447fad26a68dc9cdb84049e5f8a5d35c039609c,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz.""); + int b = str.indexOf(""xyz""); + + if (b != -1) + { + return false; + } + if (a != -1) + { + return true; + } + return false; +} +" +5e9d861833a704c84b24e2971f6f244d4138395c,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz.""); + int b = str.indexOf(""xyz""); + + if (a != -1) + { + return false; + } + if (b != -1) + { + return true; + } + return false; +} +" +0561b39080787874fb04da9c79dac3ee5ce0582c,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i==0 || str.substring(i-1,i) != '.') + return true; + } + } + return false; +} + +" +8659d85416c0b4a3bfa44655948c7d4de7826bdf,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i==0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +edccaa8dccb8416f564a5eb2e4b66de94e0a3446,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + int b = str.indexOf(""xyz""); + + if (a != -1) + { + return false; + } + if (b != -1) + { + return true; + } + return false; +} +" +051e1455e65a5afa4b2826c34cd886dc74d1c27f,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + int b = str.firstIndexOf(""xyz""); + + if (a != -1) + { + return false; + } + if (b != -1) + { + return true; + } + return false; +} +" +a331a0c8e4e00e33ba50821e4b2080ae080a010d,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i==0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +da3ba1a57108ff88559238c549c703ed145d2d8b,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + int b = str.indexOf(""xyz""); + + if (a != -1) + { + return false; + } + if (b != -1) + { + return true; + } + return false; +} +" +a631fb82a365949cc0686cef1d531f4fdbe7b92c,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i==0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +04f69082c872ed89ccd0626693a107374dbf7ab7,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3) == ""xyz"") + { + if(i==0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +76676b8957717bf4aa6b65163e6530ee1aa50810,"public boolean xyzThere(String str) +{ +int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +} + +" +e14473d6c12fe9cddba25310bddeab27c6d23809,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +84e5b297a78398b4691740819394ba3c8dece54f,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +bbd30ed84e73440c2d7f8aad55fdfdfd2e3ee307,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+2)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +addeccb576099d42b12085e6095fc0ceb048f486,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +33d2ce33166efd316999a84b399f848b1bc10806,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i - 1) != 46) + match = true; + } + return match; +} +" +9501c5663cd060914409dfca31931048650f7c94,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i+1,i+4)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +d4acb0f137a781491a8f79208bdf1f2887b6601e,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +b3944e75e5114c897b7cc24bf3d4613250b700e6,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +d2905cbc8e2dc6045d7de93bc711c6fb9380823e,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + + } + } + return false; +} + +" +c2053fea3e8c83d844c39e52d42f7863bb584b1a,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3)==""xyz"") + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + break; + + } + } + return false; +} + +" +3e213e16d8e005b22022d4dc964e037bcc5cae0f,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + break; + + } + } + return false; +} + +" +a3a223098dcf5671a2a5a74b6730657043837d7f,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +406ca64ac6720e67aa46c804c97c6478552200ae,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + break; + } + + } + } + return false; +} + +" +9b10adb0aa8a79379fb3ba2eb9ebd0dee3b3d85b,"public boolean xyzThere(String str) +{ + Boolean truth = false; + + for (int i = 0; (i < str.length() - 4); i++) + { + if ((!String.valueOf(str.charAt(i)).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + truth = true; + } + + } + + return truth; +} +" +559e25cd159d49fb4c47ef323562dc8ae93ffd67,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + break; + } + + } + } + return false; +} + +" +4f85881aae68e9a0a3ffe6e84d84bed8791ef199,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + + } + break; + + } + } + return false; +} + +" +8926419338989582a0679db031bf152739f651c6,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} + +" +17f448e49a75e7c384d8b3341b28959d40e2ac29,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +2227c6327f889d38163d0ea47f9509742caa78ee,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substing(i-1,i) != '.') + return true; + } + } + return false; +} + +" +8fc40e3ca2dbbb629a0c1633e79280964e57eb19,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substing(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +e9b6485b9ead887b8cf90bdeb711582a8f4a8012,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +7a64491d6c7da4e585c1ceddd65deeb87b9ad01c,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substring(i-2,i-1) != ""."") + return true; + } + } + return false; +} + +" +b250dc3d047ebf90c16b4bcbc551fb88ee1aac35,"public boolean xyzThere(String str) +{ + Boolean truth = false; + + for (int i = 0; (i < str.length() - 4); i++) + { + if (!(String.valueOf(str.charAt(i)).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + truth = true; + } + + } + + return truth; +} +" +b4546a5baa07b25d2d4f54a23cb7a018231650cc,"public boolean xyzThere(String str) +{ + Boolean truth = false; + + for (int i = 0; (i <= str.length() - 4); i++) + { + if (!(String.valueOf(str.charAt(i)).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + truth = true; + } + + } + + return truth; +} +" +8e57150e19faea99af296ef8c86cebd3613675a2,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substring(i,i+1) != ""."") + return true; + } + } + return false; +} + +" +7e13b24b2feebede248d7c13f2d65c36e6e0ca67,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +1861a605c8946dfe0e0dfefb2b9a6cb4f8dfb201,"public boolean xyzThere(String str) +{ + Boolean truth = false; + + for (int i = 0; (i <= str.length() - 4); i++) + { + if (!(String.valueOf(str.charAt(i)).equals(""."")) && str.substring(i + 1, i + 4).equals(""xyz"")) + { + truth = true; + } + + } + + if (str.startsWith(""xyz"")) + { + return true; + } + else + { + return truth; + } +} +" +3483abe312c690ec3a167226099b6774478aae08,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.) + return true; + } + } + return false; +} + +" +bcbb99cb610f2016273ee6955f37ad472c2305a2,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +1050152187131817326703785f1d872351e033d1,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(x) == 0 && str.substring(i-1, i).compareTo(.) != 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + return false; +} +" +c246ba60c78d7ed14a5380b4250e045d487433f2,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(x) == 0 && str.substring(i-1, i).compareTo(.) != 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + return false; +} +" +07d1c87418512b9aa7e852fb51d811d8cd66c662,"public boolean xyzThere(String str) +{ + int index = -1; + index = str.indexOf(""xyz""); + if(index == 0) + { + return true; + } + if(index != -1) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + return false; + +} +" +d6f2f997a04f84562424c6b041da296fc4566a43,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(.) != 0) + { + if(str.substring(i, i+1).compareTo(.) == 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + } + return false; +} +" +2968e892dad7ef0907dab302b83b91656b6b9353,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(.) != 0) + { + if(str.substring(i, i+1).compareTo(x) == 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + } + return false; +} +" +f77b575539e5dd81bab84fa7e338b53b91d986ab,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(.) == 0) + { + if(str.substring(i, i+1).compareTo(x) == 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + } + return false; +} +" +0092604a62502fddd9f55eac90057d5858a5b512,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(x) == 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + return false; +} +" +0da02a21eda3bc445f7be7eb1c333fd499bb74b0,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + return false; +} +" +b82ca377a0c16ce8b722182b489155e26e642045,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") == 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +c030ab0721694a7071f377d600acc405c277375b,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(x) == 0) + { + if(str.substring(i+1, i+2).compareTo(y) == 0) + { + if(str.substring(i+2, i+3).compareTo(z) == 0) + { + return true; + } + } + } + } + } + return false; +} +" +5c23af70b8b1360f3c9f7a664146c9c2ef9b9cc5,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +eab9cfa2ffcabc40e250f01818811efc15ce442b,"public boolean xyzThere(String str) +{ + int index = -1; + //int indexLast = ; + index = str.indexOf(""xyz""); + if(index == 0) + { + return true; + } + if(index != -1) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + return false; + +} +" +b58fbcf1f85ed1bbe0e40d66884e9c92ea4e2d2b,"public boolean xyzThere(String str) +{ + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +a626e60ec49d1fe6b999d79123732a3ddb8b4fab,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") + { + return true; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +bb556c8fd4b352f7b4b2bac70868c342368b4555,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"")) + { + return true; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +b0d638722d7db6ee6c6f10dce5b18a71cf8747e3,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0) + { + return true; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +284b89f29334becb373ed7be95afd50fb35e9387,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0) + { + return true; + } + for(int i = 1; i < str.length()-1; i++) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + return true; + } + } + } + } + } + return false; +} +" +98f1dc7e16a336b7d9e3deeacfa7397261a36bfd,"public boolean xyzThere(String str) +{ + int index = -1; + int indexLast = -2; + indexLast = str.indexOf(""xyz"", str.indexOf(""xyz"")+1); + index = str.indexOf(""xyz""); + if(index == 0) + { + return true; + } + if(indexLast != -2) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + if(index != -1) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + return false; + +} +" +417318c1bb410906d97b96786af6f81b00621471,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0) + { + return true; + } + for(int i = 1; i < str.length()-1; i++) + { + + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + if(str.substring(i-1, i).compareTo(.) != 0) + { + + return true; + } + } + } + } + + } + return false; +} +" +aed49cfc4b9207371d6e4a5efb4b515d967ce5bc,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + + return false; +} +" +03d557ac72c371984dded9d6d13e675812ecf264,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0) + { + return true; + } + for(int i = 1; i < str.length()-1; i++) + { + + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + + return true; + } + } + } + } + + } + return false; +} +" +53d31a2fb454c0ce2a9a419815fa0075c8c9e017,"public boolean xyzThere(String str) +{ + int index = -1; + int indexLast = -2; + if(index == 0) + { + return true; + } + if(index != -1) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + return false; + +} +" +15ee88515755283231e9635396dbade2cb39ef30,"public boolean xyzThere(String str) +{ + int index = -1; + index = str.indexOf(""xyz""); + if(index == 0) + { + return true; + } + if(index != -1) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + return false; + +} +" +0ec4b7e120f8d923947df6128f81ee47bfd8cc06,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0) + { + return true; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + + return true; + } + } + } + } + + } + return false; +} +" +32c17fb3c79dd47ae1ed054391a4cae6017be67e,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0 && (str.compareTo(""xyz.abc"") == 0)) + { + return true; + } + else if(str.compareTo(""abcxy"") == 0 + { + return false; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + + return true; + } + } + } + } + + } + return false; +} +" +231417f8182eb1bdc166d78dcaa2aa98349f8755,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0 && (str.compareTo(""xyz.abc"") == 0)) + { + return true; + } + else if(str.compareTo(""abcxy"") == 0) + { + return false; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + + return true; + } + } + } + } + + } + return false; +} +" +e141b35e14d3509f0714e9a9889b101abbed521b,"public boolean xyzThere(String str) +{ + if(str.compareTo(""xyz"") == 0 || (str.compareTo(""xyz.abc"") == 0)) + { + return true; + } + else if(str.compareTo(""abcxy"") == 0) + { + return false; + } + for(int i = 1; i < str.length(); i++) + { + if(str.substring(i, i+1).compareTo(""x"") == 0) + { + if(str.substring(i+1, i+2).compareTo(""y"") == 0) + { + if(str.substring(i+2, i+3).compareTo(""z"") == 0) + { + if(str.substring(i-1, i).compareTo(""."") != 0) + { + + return true; + } + } + } + } + + } + return false; +} +" +a9655184d8afd2041b782785ef7a65f63ae72cab,"public boolean xyzThere(String str) +{ + int index = -1; + index = str.indexOf(""xyz""); + if(index == 0) + { + return true; + } + if(index != -1) + { + char c = str.charAt(index-1); + if(c == '.') + { + return false; + } + else + { + return true; + } + } + for(int c = index+3; c= 0) + { + return xyzThere(str.substring(0, index)) || + xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } +} +" +ab3a4df255282edd0107c63330b171d077257da1,"public boolean xyzThere(String str) +{ + return (str.contains(xyz) && !str.contains(.xyz)); +} +" +7914494d507a56047fc20d1b24da5d5080465287,"public boolean xyzThere(String str) +{ + return(str.contains(xyz) && !str.contains(.xyz)); +} +" +79fb0f090842d2e6b836b883bc1dbf77bb6369c8,"public boolean xyzThere(String str) +{ + return(str.contains(""xyz"") && !str.contains("".xyz"")); +} +" +46514314fd48aaaac67b159a0f398d58dc64198d,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + str.replace("".xyz"", """"); + } + + return(str.contains(""xyz"") && !str.contains("".xyz"")); +} +" +0623f7165ed999b102a9f6ae5f651a711e0e325e,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + str = str.replace("".xyz"", """"); + } + + return(str.contains(""xyz"") && !str.contains("".xyz"")); +} +" +9349d2d1cdcde503eacab1b37c14cf45d1a40044,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +8852512fbcc8fd9590b6d56fd7474071866573f2,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + break; + return true; + } + } + return false; +} +" +e88a03f8e2988c56cfb65c71a5dc8b1f1ea8d904,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length(); i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +1fb3d0234a3fe083d8b97076353d4d500e29a0b1,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +f16dc6159e840585ecfb162a038c84ff19264370,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +5f4d6cfb551803bd9c22590096ca1a9074a62c83,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i - 1, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +71c8478896d9c28d0177516b0f842b6a83352848,"public boolean xyzThere(String str) +{ + for(int i = 0; i > str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +9ce316c52417e4481732c86bf39b344da54a8dfc,"public boolean xyzThere(String str) +{ + for(int i = 0; i > str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +adbe6dce402e0281df5ae75ac751c6321184a908,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +2db9141ae32ece509406f2d6a66c26303de939b9,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +578e2839f96284c746727082cad6d8ab53627076,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +7f3f9e20d718897cfad03c3d21239afbd6929158,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +5968ac4b0ad8557efc534832a81ef83ca755586e,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + if(str.substring(0, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +8a9a645fa7f3cb2862104a59612777649f03fc32,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + if(str.substring(i + 4, i + 7).equals(""xyz"")) + { + return true; + } + return false; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + if(str.substring(0, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +add9ee42a80a0584dd1d16dc1e69d1f1f2138ad4,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + if(str.substring(0, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +dd7c497e3fe16824ac82b6a935c26d49b8798b82,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(0, i + 3).equals(""xyz"")) + { + return true; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + + } + return false; +} +" +8ea04d27e1b03c1fdea6d76fbfba68e97c785506,"public boolean xyzThere(String str) +{ + for(int i = 0; i <= str.length() - 4; i++) + { + if(str.substring(i, i + 4).equals("".xyz"")) + { + return false; + } + if(str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + if(str.substring(i + 1, i + 4).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +24298697ce2e8d052d6fc222ce47168fef2d7ce3,"public boolean xyzThere(String str) +{ + int count = 0; + char dot; + char x; + char y; + char z; + int length = str.length() - 4; + + for (int i = 0; i <= length; i++) + { + dot = str.charAt(i); + x = str.charAt(i+1); + y = str.charAt(i+2); + z = str.charAt(i+3); + + + if ((x == 'x') && (y == 'y') && (z == 'z') && !(dot = '.')) + { + count = 1; + } + } + return (count > 0); +} +" +49efd6d95baf8aeda7804c3de4f78fbfecf9b920,"public boolean xyzThere(String str) +{ + int count = 0; + char dot; + char x; + char y; + char z; + int length = str.length() - 4; + + for (int i = 0; i <= length; i++) + { + dot = str.charAt(i); + x = str.charAt(i+1); + y = str.charAt(i+2); + z = str.charAt(i+3); + + + if ((x == 'x') && (y == 'y') && (z == 'z') && (dot != '.')) + { + count = 1; + } + } + return (count > 0); +} +" +04e19fc2557c74ec13785e15e16ec2a546af873a,"public boolean xyzThere(String str) +{ + int count = 0; + char dot; + char x; + char y; + char z; + int length = str.length() - 4; + str = "" "" + str; + for (int i = 0; i <= length; i++) + { + dot = str.charAt(i); + x = str.charAt(i+1); + y = str.charAt(i+2); + z = str.charAt(i+3); + + + if ((x == 'x') && (y == 'y') && (z == 'z') && (dot != '.')) + { + count = 1; + } + } + return (count > 0); +} +" +d1eb7401beccf592210362dd1ed21db7d660069d,"public boolean xyzThere(String str) +{ + int count = 0; + char dot; + char x; + char y; + char z; + int length = str.length() - 3; + str = "" "" + str; + for (int i = 0; i <= length; i++) + { + dot = str.charAt(i); + x = str.charAt(i+1); + y = str.charAt(i+2); + z = str.charAt(i+3); + + + if ((x == 'x') && (y == 'y') && (z == 'z') && (dot != '.')) + { + count = 1; + } + } + return (count > 0); +} +" +8254ca4afb8a220ed5c49305affb883c47d02c60,"public boolean xyzThere(String str) +{ + int strlen = str.length(); + for (i=0; i< strlen; i++) + { + if (str.substring(i, i+2)=='xyz') + return true; + } + return false; +} +" +60cf3e8f72f76b05fcbd8bcb4de20d2098532d58,"public boolean xyzThere(String str) +{ + int strlen = str.length(); + word = ""xyz""; + for (i=0; i< strlen; i++) + { + if (str.substring(i, i+2)==word) + return true; + } + return false; +} +" +2fcaf981009bd7e1ef339f213c9e6b4136d27b4d,"public boolean xyzThere(String str) +{ + int strlen = str.length(); + String word = ""xyz""; + for (i=0; i< strlen; i++) + { + if (str.substring(i, i+2)==word) + return true; + } + return false; +} +" +6de90875cd665aaf528d750b6370d6923ed2121b,"public boolean xyzThere(String str) +{ + int strlen = str.length(); + String word = ""xyz""; + for (int i=0; i< strlen; i++) + { + if (str.substring(i, i+2)==word) + return true; + } + return false; +} +" +54d76a50906e36a5f08f811e2d20104547a90a66,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2, i++) + { + if (str.charAt(i) == '.') + { + i++ + } + else if (str.substring.(i, i + 3).equals(""xyz"")) + { + return false; + } + } +} +" +5e75a191867344296580ba8e32344ca0a60283ee,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2, i++) + { + if (str.charAt(i) == '.') + { + i++; + } + else if (str.substring.(i, i + 3).equals(""xyz"")) + { + return false; + } + } +} +" +9c820e695cc0622fd6d7128aee360df740825fba,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == '.') + { + i++; + } + else if (str.substring.(i, i + 3).equals(""xyz"")) + { + return false; + } + } +} +" +77a60edbce12abb3bff800d9c3b972ecee4b4b13,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == '.') + { + i++; + } + else if (str.substring(i, i + 3).equals(""xyz"")) + { + return false; + } + } +} +" +42cf81d799eb3cbe592e63923ada0edbedb2b9c0,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == '.') + { + i++; + } + else if (str.substring(i, i + 3).equals(""xyz"")) + { + return false; + } + } + return false; +} +" +6937282dccf807fbda93506f97a02cd42b1cc09c,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == '.') + { + i++; + } + else if (str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +e180050607750661aa1b3854840a20a6c29719b9,"public boolean xyzThere(String str) +{ + int strlen = str.length(); + String word = ""xyz""; + for (int i=0; i< strlen; i++) + { + if (str.substring(i, i+2)==word) + { + if(str.length(i-1) == '.') + return false; + return true; + } + return false; +} +" +556d0c27526f22cb40a63a0b0a429f4b3926056e,"public boolean xyzThere(String str) +{ + int strlen = str.length(); + String word = ""xyz""; + for (int i=0; i< strlen; i++) + { + if (str.substring(i, i+2)==word) + { + if(str.length(i-1) == '.') + return false; + } + return true; + } + return false; +} +" +02da47f6673137ebfa3ebfc00c4b13b6e7f22fb5,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.substring(i-1,i) != ""."") + return true; + } + } + return false; +} + +" +4ef27adbb114b8154ffde2ef16526d6225ba4db7,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +b722c4381d49274347896d5908be2521df0fe1f8,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + int len = str.length(); + int middle = len / 2; + + if (len < 3) + return false; + if (len % 2 != 0) + { + if (xyz.equals(str.substring(middle-1,middle+2))) + { + return true; + } else + { + return false; + } + } + else if (xyz.equals(str.substring(middle-1,middle+2)) || + xyz.equals(str.substring(middle-2,middle+1))) + { + return true; + } + else + return false; + +} +" +fa8289bb194a0391e80abe5ab3f72a90d8fa0981,"public boolean xyzThere(String str) +{ + for (i=0, i<= str.length, str.substring(i, i+3).equals ""xyz"", i++) + { + return true; + } + +} +" +10cac8896d56cfce5d69deec2d9e81ec13eb5637,"public boolean xyzThere(String str) +{ + for (i=0, str.substring(i, i+3).equals ""xyz""; i<= str.length; i++) + { + return true; + } + +} +" +bea26f4f0ceb6af84d045be584ee8a22584edc5b,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +7779b2feafa2814c4103c9af72198ade50cb05d9,"public boolean xyzThere(String str) +{ + for (i=0; str.substring(i, i+3).equals ""xyz"", i<= str.length; i++) + { + return true; + } + +} +" +659bb07ab9f85d41f58101c6b04a0bc5058f066f,"public boolean xyzThere(String str) +{ + for(int i=0; str.substring(i, i+3).equals ""xyz"", i<= str.length; i++) + { + return true; + } + +} +" +510a88a55395d73defb4c3576b71a912411d8765,"public boolean xyzThere(String str) +{ + int i=0; + while (!str.substring(i, i+3).equals ""xyz"" && i+1<= str.length) + { + i=i+1; + } + return str.substring(i, i+3).equals ""xyz""; +} +" +b1b6dc16ac572e00873ae79433035c3ecb4a44f8,"public boolean xyzThere(String str) +{ + int i=0; + while (!str.substring(i, i+3).equals (""xyz"") && i+1<= str.length) + { + i=i+1; + } + return str.substring(i, i+3).equals ""xyz""; +} +" +f61df8a17994115aeed3b30d32bce1349eb21a25,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3).equal(""xyz"")) + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +cb919be9f8dbe39b21ac0075f1271bd25a5ec67e,"public boolean xyzThere(String str) +{ + int i=0; + while (!str.substring(i, i+3).equals (""xyz"") && i+1<= str.length) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz""); +} +" +3bc71a2afb98a155d2a906ab4aeb2d39f00e2e8a,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i,i+3).equals(""xyz"")) + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +b4f047e2a5a663a805dc5743e9eb5f12cc8c76cf,"public boolean xyzThere(String str) +{ + int i=0; + while (!str.substring(i, i+3).equals (""xyz"") && i+1<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz""); +} +" +8780e4396c52202d3ad5ab628f5e3292a9931466,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+1<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz""); + } +} +" +d86746fa06a2f99d9bb825633ea2c7f6d1b4d646,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+1<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz""); + } + else + { + return false; + } +} +" +ee0418af333d349893da43ef51f46ae451bdb960,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz""); + } + else + { + return false; + } +} +" +b030edf2e377f3a49a888ff7802bcba4c95b934e,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+3<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz""); + } + else + { + return false; + } +} +" +947d70dec2969130e96189d358480569530ac396,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz"") && !char result = s.charAt(i-1).equals("".""); + } + else + { + return false; + } +} +" +af90787e933f1486fa7394240c35078e132e9637,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + return str.substring(i, i+3).equals (""xyz"") && !(char result = s.charAt(i-1).equals(""."")); + } + else + { + return false; + } +} +" +30267a9b626d59faf50367fe4f56782c10c3733d,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (i + 3 <= str.substring(i).length()) { + if (str.substring(i, i+3).equals(""xyz"")) { + return !(str.substring(i-1, i+3).equals("".xyz"")); + } + } + } + return false; +} +" +807adf3916566949f7d3fcade720f445fd3cc891,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + char result = str.charAt(i-1); + return str.substring(i, i+3).equals (""xyz"") && !(result.equals(""."")); + } + else + { + return false; + } +} +" +0d078e66cb9fd59dfb47d2e502a670a1e48e6188,"public boolean xyzThere(String str) +{ + int t = str.length(); + + for (int i = 0; i < t; i++) + { + xyzCheck = + } +} +" +6e1d23a85785ee488b1315ec2b6f77f5431578eb,"public boolean xyzThere(String str) +{ + int t = str.length(); + + for (int i = 0; i < t; i++) + { + xyzCheck = str.substring(i, i + 5); + + } +} +" +850332ba2a8d01255a0565e30581e21bc56b460b,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + //char result = str.charAt(i-1); + return str.substring(i, i+3).equals (""xyz"") && + !(str.charAt(i-1).equals(""."")); + } + else + { + return false; + } +} +" +208e2ec58648dba2928a94bcfd92630738c8672f,"public boolean xyzThere(String str) +{ + int t = str.length(); + + for (int i = 0; i < t; i++) + { + xyzCheck1 = str.substring(i, i + 4); + xyzCheck2 = str.substring(i, i + 3); + if (xyzCheck1.equals("".xyz"") + { + return false; + } + else if (xyzCheck2.equals(""xyz"") + { + return true; + } + else + { + return false; + } + + } +} +" +04d488931b788707ed548c0a82c9a8973eb6122a,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + //char result = str.charAt(i-1); + return str.substring(i, i+3).equals (""xyz"") && + !str.substring(i, i+3).equals ("".xyz"") + + } + else + { + return false; + } +} +" +2f920dc32609f088516356257807706232b71b75,"public boolean xyzThere(String str) +{ + int t = str.length(); + + for (int i = 0; i < t; i++) + { + xyzCheck1 = str.substring(i, i + 4); + xyzCheck2 = str.substring(i, i + 3); + if (xyzCheck1.equals("".xyz"")) + { + return false; + } + else if (xyzCheck2.equals(""xyz"")) + { + return true; + } + else + { + return false; + } + + } +} +" +0bba1fa8142e23672050aaa1e6a5ae772b4aec2a,"public boolean xyzThere(String str) +{ + int t = str.length(); + + for (int i = 0; i < t; i++) + { + String xyzCheck1 = str.substring(i, i + 4); + String xyzCheck2 = str.substring(i, i + 3); + if (xyzCheck1.equals("".xyz"")) + { + return false; + } + else if (xyzCheck2.equals(""xyz"")) + { + return true; + } + else + { + return false; + } + + } +} +" +bd756727150098da5bad1f5e4e62f5f3d033148d,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + //char result = str.charAt(i-1); + return str.substring(i, i+3).equals (""xyz"") && + str.substring(i, i+3).!equals ("".xyz"") + } + else + { + return false; + } +} +" +26cce760ff0827d92de3e6209481af1df607dae3,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + //char result = str.charAt(i-1); + return str.substring(i, i+3).equals (""xyz"") && + str.substring(i, i+3).equals ("".xyz"") + } + else + { + return false; + } +} +" +eef1a43d953d3fdb30354961d489cbbcbf13516e,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + //char result = str.charAt(i-1); + return str.substring(i, i+3).equals (""xyz"") && + +str.substring(i, i+3).equals ("".xyz"") + } + else + { + return false; + } +} +" +1f5fd7ff1e7a5ba61591d3870c1e546495a6f5cd,"public boolean xyzThere(String str) +{ + int t = str.length(); + boolean yes = false; + + for (int i = 0; i < t; i++) + { + String xyzCheck1 = str.substring(i, i + 4); + String xyzCheck2 = str.substring(i, i + 3); + if (xyzCheck1.equals("".xyz"")) + { + yes = false; + } + else if (xyzCheck2.equals(""xyz"")) + { + yes = true; + } + else + { + yes = false; + } + + } + return yes; +} +" +a5f33b60ab881971164b0e32b87bd2ada479b28a,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (!str.substring(i, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz"") && + + } + else + { + return false; + } +} +" +a9b17a910b3bfec8420bda31f5af6953952a98ec,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (!str.substring(i, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz"") + + } + else + { + return false; + } +} +" +0395c2576fe6ae0015fd4de37d53f5a341707d2e,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (!str.substring(i, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } +} +" +c93f27356462317cb55ada3ac6450deeb198f0ba,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (!str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } +} +" +044c3016b1e2394f0b1e0975cf7f846330ae80e4,"public boolean xyzThere(String str) +{ + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } +} +" +a6f3b4772642e706565882498b7e8869859cea55,"public boolean xyzThere(String str) +{ + return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } +} +" +59c5520365b5276786fd0558906a56df1d277a51,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } +} +" +982643ad2e3e2504b6a72065c843659d834f3b41,"public boolean xyzThere(String str) +{ + int t = str.length(); + boolean yes = false; + + for (int z = 0; i < (t - 1); z++) + { + String xyzCheck2 = str.substring(i, i + 3); + if (xyzCheck2.equals(""xyz"")) + { + yes = true; + } + else + { + yes = false; + } + } + + for (int i = 0; i < (t - 2); i++) + { + String xyzCheck1 = str.substring(i, i + 4); + if (xyzCheck1.equals("".xyz"")) + { + yes = false; + } + else + { + yes = false; + } + } + return yes; +} +" +3a60eb1ae7e6b7b036fd591afef54bdb127c2615,"public boolean xyzThere(String str) +{ + int t = str.length(); + boolean yes = false; + + for (int z = 0; z < (t - 1); z++) + { + String xyzCheck2 = str.substring(i, i + 3); + if (xyzCheck2.equals(""xyz"")) + { + yes = true; + } + else + { + yes = false; + } + } + + for (int i = 0; i < (t - 2); i++) + { + String xyzCheck1 = str.substring(i, i + 4); + if (xyzCheck1.equals("".xyz"")) + { + yes = false; + } + else + { + yes = false; + } + } + return yes; +} +" +953028966e3789512050b1bc57bb9994e44681fb,"public boolean xyzThere(String str) +{ + int t = str.length(); + boolean yes = false; + + for (int z = 0; z < (t - 1); z++) + { + String xyzCheck2 = str.substring(z, z + 3); + if (xyzCheck2.equals(""xyz"")) + { + yes = true; + } + else + { + yes = false; + } + } + + for (int i = 0; i < (t - 2); i++) + { + String xyzCheck1 = str.substring(i, i + 4); + if (xyzCheck1.equals("".xyz"")) + { + yes = false; + } + else + { + yes = false; + } + } + return yes; +} +" +280b9d93aca5f1d69ec4a87890d603299e6c496c,"public boolean xyzThere(String str) +{ + int okurr = str.indexOf("".xyz""); + int nokurr = str.indexOf(""zxyz""); + if (okurr >= 0 && nokurr >= 0) + { + return true; + } + else if (okurr >=0) + { + return true; + } + else + { + return false; + } + + +} +" +62d16840cb1ae191ce96e75ab8609bfb923ebefa,"public boolean xyzThere(String str) +{ + int okurr = str.indexOf("".xyz""); + int nokurr = str.indexOf(""zxyz""); + if (okurr >= 0 && nokurr >= 0) + { + return true; + } + else if (okurr >=0) + { + return false; + } + else + { + return false; + } + + +} +" +42577a1330c56bfbf3c31cc884d5f5d6d75fda1a,"public boolean xyzThere(String str) +{ + int okurr = str.indexOf("".xyz""); + int nokurr = str.indexOf(""zxyz""); + if (okurr >= 0 && nokurr >= 0) + { + return true; + } + else if (okurr >=0) + { + return false; + } + else + { + return true; + } + + +} +" +dcbd40a471ed98892a73f94cb1c9bf3c458b75c5,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 1; + int first2 = 0; + int last2 = 1; + + for (int z = 0; z < (t - 1); z++) + { + String xyzCheck2 = str.substring(z, z + 3); + if (xyzCheck2.equals(""xyz"")) + { + first2 = z; + last2 = z + 3; + } + } + + for (int i = 0; i < (t - 2); i++) + { + String xyzCheck1 = str.substring(i, i + 4); + if (xyzCheck1.equals("".xyz"")) + { + first1 = i; + last1 = i + 4; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"") + { + return true; + } + else + { + return false; + } +} +" +ba47fa04d522243ab57de009d143eaa8b2908901,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 1; + int first2 = 0; + int last2 = 1; + + for (int z = 0; z < (t - 1); z++) + { + String xyzCheck2 = str.substring(z, z + 3); + if (xyzCheck2.equals(""xyz"")) + { + first2 = z; + last2 = z + 3; + } + } + + for (int i = 0; i < (t - 2); i++) + { + String xyzCheck1 = str.substring(i, i + 4); + if (xyzCheck1.equals("".xyz"")) + { + first1 = i; + last1 = i + 4; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +b2254a2dfdb03e958714fdc84036fc5c6ea079ce,"public boolean xyzThere(String str) +{ + int okurr = str.indexOf("".xyz""); + int nokurr = str.indexOf(""zxyz""); + int fokurr = str.indexOf(""xyz""); + if (okurr >= 0 && nokurr >= 0) + { + return true; + } + else if (okurr >=0) + { + return false; + } + else if (fokurr >= 0) + { + return true; + } + else + { + return false; + } + +} +" +ce6cfda5c82a6fd85a0493027f5400f93424bf05,"public boolean xyzThere(String str) +{ + return(1); +} +" +cf1c7f5dfd7b91d69f6c693448712bb4de059e9d,"public boolean xyzThere(String str) +{ + return(true); +} +" +eafc2ed45667b263de8cd71e7ba3099835da31cb,"public boolean xyzThere(String str) +{ + if (str.startsWith("","")) + { + return(false); + } + if((str.startsWith(""xyz"") || str.endsWith(""xyz"")) && ) + { + return(true); + } + else + { + return(false); + } +} +" +58603ae12abd195a42d9fb4c42908a15a67275ea,"public boolean xyzThere(String str) +{ + if (str.startsWith("","")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +4b325344ae0b6c7230e7d6acf7afbbfb492ff519,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +780c3ce53d363f7159cd4fa3d6b68877d301593c,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +ec549650bbc6a49803c50b4287a9fbcdfd9cb039,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."", 1)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +70863a6c23783620066811a4c925c35dc6d81a51,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +b2208754dbba01a065afa1af92d14100878089f9,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) || str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +7f76c449f338db96820ee0829cb2eaf979aeaaac,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +40804004f8331362628020fc92b645320f7e9ca7,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3) && str.!startsWith(""xyz"")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +d75b3caab42c1fb1d7b1f4f568bd231053f0d289,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3) && !str.startsWith(""xyz"")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +4d203277509fb7ef03b861d62ac4a14053a0079b,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3) && str.!startsWith(""xyz"")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +f8be0ef39f09cac35b098f930cd50a3ca0d396c9,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +e3a66d36a0f71a419d3fd7c98e510e2aab4b906b,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +611896a13c747d35ec9947638e68ccaa81f46796,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3))) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +66931cf1ba74e8aa9efe4ac54dd22b296fd44a02,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +6eaa0a8514a937382b5eea7b89eabdf1644737f8,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c.equals('.')) + { + first1 = i; + last1 = i + 4; + } + else if (c.equals('x')) + { + first2 = 1; + last2 = i + 3; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"") + { + return false; + } + else if (goodxyz.equals(""xyz"") + { + return true; + } + else + { + return false; + } +} +" +4d4602e998dd19fbbcfc9aeca5f575aaccc66943,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +2be8ceb050aac2070936888e00da33d38347d6de,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c.equals('.')) + { + first1 = i; + last1 = i + 4; + } + else if (c.equals('x')) + { + first2 = 1; + last2 = i + 3; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +bdec43cc396f75526db9e6c7ee7feaf5b17a9f84,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) || str.startsWith(""."", 3)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +a6e06479908822ae82d4b45935e36bb01c34ee6e,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c.equals(""."")) + { + first1 = i; + last1 = i + 4; + } + else if (c.equals(""x"")) + { + first2 = 1; + last2 = i + 3; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +f6a3f40939c56987cc6aa767ab3b6d2ba9ee9b02,"public boolean xyzThere(String str) +{ + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) || str.startsWith(""."", 3)) + { + return(false); + } + else + { + return(false); + } +} +" +c1bd535dbda389a66df59af7279a09f7b461afa8,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +01d2b2b056fe275b9403a3d5beb6ce7d0b43f986,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c == '.') + { + first1 = i; + last1 = i + 4; + } + else if (c == 'x') + { + first2 = 1; + last2 = i + 3; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +812e9fa84215f2e4ec4aa4ccf4dc0a9bde06c049,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") && str.endsWith(""xyz"")) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +ca7a790595fff3f1e2207743cbb0d9140a466672,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2)) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +acf7c566da6c38b8d82ca40f3bca3ded9408ed66,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."", 1, 4) || str.startsWith(""."", 1) || str.startsWith(""."", 2) ) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +d19d5e0ef5702c70794bb0887763f624173391a8,"public boolean xyzThere(String str) +{ + if (str.startsWith(""."") || str.startsWith(""."", 1) || str.startsWith(""."", 2) ) + { + return(false); + } + if(str.startsWith(""xyz"") || str.endsWith(""xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +ec0fdf30190f3da23c23f4b32e35c4622338c7b2,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c == '.') + { + first1 = i; + last1 = i + 4; + } + else if (c == 'x') + { + first2 = i; + last2 = i + 3; + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +2e6091eca9cfa27bc4202a52b5b048a8432b9716,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c == '.') + { + first1 = i; + last1 = i + 4; + if (last1 > t) + { + last1 = t + } + } + else if (c == 'x') + { + first2 = i; + last2 = i + 3; + if (last2 > t) + { + last1 = t + } + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +24ba54ce31f88f4990cd6eb40c32f822c55085ba,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c == '.') + { + first1 = i; + last1 = i + 4; + if (last1 > t) + { + last1 = t; + } + } + else if (c == 'x') + { + first2 = i; + last2 = i + 3; + if (last2 > t) + { + last1 = t; + } + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +b0fa19837343dd1bdf3cdffb5456259d282e0614,"public boolean xyzThere(String str) +{ + int t = str.length(); + int first1 = 0; + int last1 = 0; + int first2 = 0; + int last2 = 0; + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if (c == '.') + { + first1 = i; + last1 = i + 4; + if (last1 > t) + { + last1 = t; + } + } + else if (c == 'x') + { + first2 = i; + last2 = i + 3; + if (last2 > t) + { + last2 = t; + } + } + } + + String badxyz = str.substring(first1, last1); + String goodxyz = str.substring(first2, last2); + if (badxyz.equals("".xyz"")) + { + return false; + } + else if (goodxyz.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +797720d359d18db922a4783883e1dc2b0d9934fc,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +9c29bd7f2bd87d9dae3fc3bf3d632ba2dc34121d,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0, i < str.length(); i++) + { + if (str.charAt(i).equals(""."")) + { + result = true + } + + } + return result; +} +" +74e2aca95d6ce945f29cd1518f2dc29a78c22ce4,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i).equals(""."")) + { + result = true; + } + + } + return result; +} +" +4c94d78852fe16266a75c934ef052f72758d34ea,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""."") + { + result = true; + } + + } + return result; +} +" +d42f90606a649522dbe0e09f3473464c9de04c15,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +f1af2d92fba03a5493f0bf869761c69a3735ce44,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length(); i++) + { + String letter = str.charAt(i); + + if (str.charAt(i) == ""."") + { + result = true; + } + + } + return result; +} +" +f6210b7825a457d4261184f55c98b48189c6e692,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 3) == ""xyz"" ) + { + result = true; + } + + } + return result; +} +" +7daedbaebe3bf09839fff8e52b0b23d451522c7c,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 3; i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 3) == ""xyz"" ) + { + result = true; + } + + } + return result; +} +" +e2d4d9034b13dafd71e326f539348c2adea41aac,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 3; i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 3).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +eaccde55ba0a90d41c28de4491d37f7ea458e2da,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 2; i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 3).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +74f1c87162da58a8dd18301f8be94f573b230f2e,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 1; i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 3).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +5086df127bb22e9aad701527fd2e2ffaca1f61b0,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 3; i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 3).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +22c6540308294ae8973f27843f4c59ee8de22aa7,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 3; i++) + { + if (str.substring(i) != ""."" && + str.substring(i + 1, i + 4).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +23c86da238e0a6b29a521ea4325d16cc089c29e6,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 3; i++) + { + if (str.charAt(i) != ""."" && + str.substring(i + 1, i + 4).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +edd1039f40148e5a5e9bc10f71e1951ae82a485a,"public boolean xyzThere(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length()- 3; i++) + { + if (str.charAt(i) != '.' && + str.substring(i + 1, i + 4).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +c0bf0e45e44d251db2e9cc383747ee53c6e00695,"public boolean xyzThere(String str) +{ + boolean result = false; + + if (str.substring(0, 3).equals(""xyz"")) + { + result = true; + } + + for (int i = 0; i < str.length()- 3; i++) + { + + if (str.charAt(i) != '.' && + str.substring(i + 1, i + 4).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +68bbdb4893155e3e9ea04618a01d1fafbfdb60b6,"public boolean xyzThere(String str) +{ + boolean result = false; + + if (str.substring(0, 3).equals(""xyz"") && + str.length() >= 3) + { + result = true; + } + + for (int i = 0; i < str.length()- 3; i++) + { + + if (str.charAt(i) != '.' && + str.substring(i + 1, i + 4).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +fc5d65e3a25a426625c2f98658effbe52e426fca,"public boolean xyzThere(String str) +{ + boolean result = false; + + if (str.length() >= 3 && + str.substring(0, 3).equals(""xyz"")) + { + result = true; + } + + for (int i = 0; i < str.length()- 3; i++) + { + + if (str.charAt(i) != '.' && + str.substring(i + 1, i + 4).equals(""xyz"")) + { + result = true; + } + + } + return result; +} +" +0d18531c6716036c37fa1d9cc0fe3a0b5cf698eb,"public boolean xyzThere(String str) +{ + String yes = ""xyz""; + String no = "".xyz""; + + if (str.indexOf("".xyz"") > 0) + { + return false; + } +} +" +911e4a5aaf06166c5f8792ef5325d61190b966b9,"public boolean xyzThere(String str) +{ + String yes = ""xyz""; + String no = "".xyz""; + + if (str.indexOf("".xyz"") > 0) + { + return false; + } + else + { + return true; + } +} +" +d279f752aaa7d5e84f126288137c29d3fecd6ff5,"public boolean xyzThere(String str) +{ + String yes = ""xyz""; + String no = "".xyz""; + + if (str.indexOf("".xyz"") > 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } +} +" +342dd0abab3135e7a5dbdbe84757fe377c934620,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") > 0 || (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } +} +" +6855e0d58ea8283b4144645ff629ee7534479e26,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") > 0 || (str.indexOf(""xyz"") < 0)) + { + return false; + } + else + { + return true; + } +} +" +639f629af8c3e5ea843bb0fcc3fe57e948f858d5,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") > 0 && (str.indexOf(""xyz"") < 0)) + { + return false; + } + else + { + return true; + } +} +" +ec6df1b03576d425105b735654b244bcd5076551,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") < 0) + { + return true; + } + else if (str.indexOf("".xyz"") > 0) + { + return false; + } + +} +" +a5e6587fa548d109e85e0f315c73388ce2e566d2,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") < 0) + { + return true; + } + else if (str.indexOf("".xyz"") > 0) + { + return false; + } + +} +" +2d6f7ca8df5dc34e552ae2ada9ccc75bbdf30c0d,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") < 0) + { + return true; + } + else if (str.indexOf("".xyz"") > 0) + { + return false; + } + else + { + return false; + } + +} +" +30ada712c23c004677b68b2231c8e439751f2f29,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") > 0) + { + return true; + } + else if (str.indexOf("".xyz"") > 0) + { + return false; + } + else + { + return false; + } + +} +" +0043d63443b6afee9afe8c3abb23bedf6e3161f4,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") > 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +c402ced3e89d02d410a5781917e4b25d8d6c6c1d,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +259bff2c26a6874966c65043e4ea7c029fe81c24,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0 && str.indexOf(""xyz"" < 0)) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +426f82dac489823624810420e39a016b0d5d1c0a,"public boolean xyzThere(String str) +{ + return(str.indexOf(xyz)!=-1&&str.indexOf(.xyz)==-1)) +} +" +fa9f27e380a878a049c22cb98aa07ab0b59e3e26,"public boolean xyzThere(String str) +{ + return(str.indexOf(xyz)!=-1&&str.indexOf(.xyz)==-1) +} +" +71e8cd178b35f41b533208d674a2adffc02725cf,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0 && str.indexOf(""xyz"") < 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +9bb5f3ffb070d9495853887cee8a1368cd8f3dd3,"public boolean xyzThere(String str) +{ + return(str.indexOf(xyz)!=-1&&str.indexOf(.xyz)==-1); +} +" +7d00ad0e83903f0ee1c98fff128b0da006eff114,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +99f28f4e03e3b9517db03f58180bf257dc6b1672,"public boolean xyzThere(String str) +{ + return(str.indexOf(xyz) != -1 && str.indexOf(.xyz) == -1); +} +" +eef093568546939c71e615117c2dda6ff9b45511,"public boolean xyzThere(String str) +{ + return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); +} +" +9527d6b521829942658a5e79869723a174887ddd,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + if (str.indexOf(""xyz"") > 0) + { + return true; + } + else + { + return false; + } + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +5cb8b517459e0e6edb17909c45612d78d9618760,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +cf82ecb0e41813e388d2bde53c2bee3460ce68fd,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +192cb73787e3201bc7b278bc9e5ca35ef9442b3d,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + if (str.indexOf(""xyz"") > str.indexOf("".xyz"")) + { + return true; + } + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +e7c3e6c92c59dfea760548d56d278c1b6fc2b487,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + if (str.indexOf(""xyz"") > str.indexOf("".xyz"")) + { + return true; + } + else + { + return false; + } + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +8b57978667805d528722201c65a34ee7f86a5465,"public boolean xyzThere(String str) +{ + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == i) + { + break; + } + } + if (str.substring(i+1, i+4) == ""xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +7485730f292adbf1ab91e52628cae25e0d4fa86b,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") >= 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +3a124f8593071f08dd671b19a7e39595920cfdee,"public boolean xyzThere(String str) +{ + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == i) + { + int poop = i; + break; + } + } + if (str.substring(poop+1, poop+4) == ""xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +f89dcd6d3bf1c0d2093ae8befb8e44ccca110834,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + if (str.indexOf(""xyz"", a) >= 0) + { + return true; + } + else + { + return false; + } + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +ba62d11e7a62aae37b140387c7fd62af1b0b4c45,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + if (str.indexOf(""xyz"" - 1, a) >= 0) + { + return true; + } + else + { + return false; + } + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +e7f9b0dc553e16117538f4375c70f8cf8e1e92d5,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + if (str.indexOf(""xyz"", a) - 1 >= 0) + { + return true; + } + else + { + return false; + } + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +7641ab25b0c77c52e85af3a4c8bd9537aac23116,"public boolean xyzThere(String str) +{ + int first = str.indexOf(""xyz""); + if (str.charAt(first -1) && first != -1) + { + return true; + + } + else + { + return false; + } +} +" +d2c7acd5ce1ed80a102af0ff3d7545dbcf68d693,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +525fd33839c9563a9a640cc3801ffca888d820ed,"public boolean xyzThere(String str) +{ + int first = str.indexOf(""xyz""); + if (str.charAt(first -1)!= ""."" && first != -1) + { + return true; + + } + else + { + return false; + } +} +" +236344f7519083b1c692c09df19b91814e8885a4,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.len-2){ + if(str.indexOf(""xyz"",i) != -1 && str.indexOf("".xyz"",i) == -1)){ + return true; + } + } + return false; +} +" +c7b4190ea99facfac10925c5a8b3235114326a85,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.len-2; i++){ + if(str.indexOf(""xyz"",i) != -1 && str.indexOf("".xyz"",i) == -1)){ + return true; + } + } + return false; +} +" +fca273f61387fc15ab4fe389df996614e47eee3e,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + if(str.indexOf(""xyz"", a) >= 0) { + return true; + } + + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +db795e9264827725f2c50b3dac7d13b270ebe412,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.len-2; i++){ + if(str.indexOf(""xyz"",i) != -1 && str.indexOf("".xyz"",i) == -1){ + return true; + } + } + return false; +} +" +5423bad4542b34a0b5862520efe024b4278116ae,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +89a9e3ba7f379935a310bca089efca7693deba7f,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != -1 && str.indexOf("".xyz"",i) == -1){ + return true; + } + } + return false; +} +" +4f903736aa0da70b88152c8c8684b12afef371e4,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +8d19f76ba110b87973a928f050210eef494f9ae9,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + if(str.indexOf(""xyz"", a + 3) >= 0) { + return true; + } + + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +3936cbe7e4758fa5ddecc1f7de10c9078f99a280,"public boolean xyzThere(String str) +{ + int first = str.indexOf(""xyz""); + if (first != -1 && str.charAt(first -1) != '.') + { + return true; + + } + else + { + return false; + } +} +" +60b4c3bf78a971ef001d1c6d8f38142f578d801f,"public boolean xyzThere(String str) +{ + int a = str.indexOf("".xyz""); + if (a >= 0) + { + + return false; + } + else if (str.indexOf(""xyz"") < 0) + { + return false; + } + else + { + return true; + } + +} +" +fdb3ffbd23afc8b6a8aa01df6a17e07832cd5e30,"public boolean xyzThere(String str) +{ + int first = str.indexOf(""xyz""); + if (first != -1) + { + if (str.charAt(first -1) != '.') + { + return true; + } + } + else + { + return false; + } +} +" +575324cf5596783fa60255272420ada56e95ea82,"public boolean xyzThere(String str) +{ + int first = str.indexOf(""xyz""); + if (first > 0 && str.charAt(first -1) != '.') + { + return true; + + } + else + { + return false; + } +} +" +b0dad4b4abe6e0cde1d981a214c1503ee01d8b10,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+3<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +22d3e97cb58f2fc4fe24a2d751f8388b851ac2fa,"public boolean xyzThere(String str) +{ + int poop = 0; + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == i) + { + poop = i; + break; + } + } + if (str.substring(poop+1, poop+4) == ""xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +24cb54d41a4651aaad460031d4d1928ca9d9ad55,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+3<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +df56d0bccc6797dee52f07038f1ba5ea2fb16146,"public boolean xyzThere(String str) +{ + int first = str.indexOf(""xyz""); + if( first == 0) + { + return true; + } + else if (first != -1 && str.charAt(first -1) != '.') + { + return true; + + } + else + { + return false; + } +} +" +60e651103927eee867c8ccf68bfcdade9c44b64d,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.getIndexOf(""xyz"",i) != 0){ + return(str.getLastIndexOf(""."",i) != i-1) + } + } + return false; +} +" +e23b74516e5e3891a49ffc0e6c23cadaec28b809,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.getIndexOf(""xyz"",i) != 0){ + return(str.getLastIndexOf(""."",i) != i-1); + } + } + return false; +} +" +291f887e226a1590d52740e159233490ef75a21f,"public boolean xyzThere(String str) +{ + int poop = 0; + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == i) + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + else if (str.substring(poop+1, poop+4) == ""xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +f708aba3e5b4c2cc6028855f1e3a23b76772e139,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+3<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + else + { + return true; + } + + + } + else + { + return false; + } +} +" +5368a0f26f7bb82f610eab0b8fe1c6e4d3262fbf,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.IndexOf(""xyz"",i) != 0){ + return(str.LastIndexOf(""."",i) != i-1); + } + } + return false; +} +" +795da4340dc477c28addeef6c067bbf4f767e623,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != 0){ + return(str.lastIndexOf(""."",i) != i-1); + } + } + return false; +} +" +0b03d1141971c8c980e70daaff9e5acac1c2c71a,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != 0){ + if(str.lastIndexOf(""."",i) != i-1){ + return true; + } + } + } + return false; +} +" +dbe7e6fbd4cef12671fcac7e7b6a16219d153d6c,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != 0){ + if(str.lastIndexOf(""."",i) != i){ + return true; + } + } + } + return false; +} +" +14624d04f4e385d323903eda487d75830ed19dc9,"public boolean xyzThere(String str) +{ + int first = str.indexOf("".xyz""); + int second = str.indexOf(""xyz""); + if (first == -1) + { + if(second >= 0) + { + return true; + } + } + return false; +} +" +ca3afd8b41e55889c1a08aef856bda0775f4c1e8,"public boolean xyzThere(String str) +{ + int poop = 0; + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == i) + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" && str.substring(poop+1, poop+4) != "".xyz"") + { + return true; + } + else + { + return false; + } + + + +} +" +e4262c0af81f1f80f261836f3898c5da7e847e3c,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf(""."",i) != i){ + return true; + } + } + } + return false; +} +" +470cc4c6cc5f1c1e1ec533366a951e34101d0c0c,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf(""."",i) != i-1){ + return true; + } + } + } + return false; +} +" +62f72af3ae154013bd683db3293680707ac4c381,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length()-2; i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf(""."",i) != i){ + return true; + } + } + } + return false; +} +" +99e70a7808973fe1378203af7b61a30e9c002040,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf(""."",i) != i){ + return true; + } + } + } + return false; +} +" +dddd189e00e44806ceef53262147876d191c823a,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf(""."",i+1) != i){ + return true; + } + } + } + return false; +} +" +5bed9b3ff07266d0d642d7cdc8cfd29196722fed,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + + if(str.length()>=3) + { + while (i+3<= str.length()) + { + if(str.substring(i, i+3).equals ("".xyz"")) + break; + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + else + { + return true; + } + + } + else + { + return false; + } +} +" +b4da3c07874d3643e971822089e6345aca8abec1,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf(""."",i+1) != i+1){ + return true; + } + } + } + return false; +} +" +1376cadbdf31ccc9eb162f66a50d5d28073c161b,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") && i+4<= str.length()) + { + i=i+1; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +417332234eb81ff8a60ff9d972e8393b4ad92aed,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf("".xyz"",i-1) != -1){ + return true; + } + } + } + return false; +} +" +a32d0305cd3c8670991a19dc0089e96c65dfcf52,"public boolean xyzThere(String str) +{ + int first = str.indexOf("".xyz""); + int second = str.indexOf(""xyz""); + if (first == -1 && second == -1) + { + return false; + } + else if (first == -1 && second != -1) + { + return true; + } + else if (first != -1 && second != -1 && second != first + 1) + { + return true; + } + else + { + return false; + } +} +" +7f69c4115a9df00204939b23d0bc6db187447e93,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf("".xyz"",i+1) != i+1){ + return true; + } + } + } + return false; +} +" +517b060581ebdbe2ede8bd9fc9b5ba3633942864,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.lastIndexOf("".xyz"",i-1) != str.indexOf(""xyz"",i)-1){ + return true; + } + } + } + return false; +} +" +0416f715b74db072bad74b2261c4a098e8162006,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"")) + { + i=i+1; + if(i + 4 >= str.length()) + return false; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +81735416cbbe0a9d7ca844b70b78ed1fd16e0a45,"public boolean xyzThere(String str) +{ + int first = str.indexOf("".xyz""); + if (first != -1) + { + str = str.substring(0, first) + str.substring(first+4, str.length); + } + int second = str.indexOf(""xyz""); + if (first == -1 && second == -1) + { + return false; + } + else if (first == -1 && second != -1) + { + return true; + } + else if (first != -1 && second != -1) + { + return true; + } + else + { + return false; + } +} +" +e06b8adabe4fcf692730d3525b53d5f15c52d611,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"")) + { + i=i+1; + if(i + 3 >= str.length()) + return false; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +39dc7543ea53d550992cdba308d90e30b9605abd,"public boolean xyzThere(String str) +{ + int first = str.indexOf("".xyz""); + if (first != -1) + { + str = str.substring(0, first) + str.substring(first+4, str.length()); + } + int second = str.indexOf(""xyz""); + if (first == -1 && second == -1) + { + return false; + } + else if (first == -1 && second != -1) + { + return true; + } + else if (first != -1 && second != -1) + { + return true; + } + else + { + return false; + } +} +" +98efdc7da744d41aa1125fd2e88fa1da4d4ce162,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.indexOf(""xyz"") == 0){ + return true + } + if(str.lastIndexOf("".xyz"",i-1) != str.indexOf(""xyz"",i)-1){ + return true; + } + } + } + return false; +} +" +17b21efdd56a11a8eb28ceb5ad6fe2dfce2b8c46,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"")) + { + i=i+1; + if(i + 3 > str.length()) + return false; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +672eedc54b7bc8dbb5425adbed9b69a554fe913a,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.indexOf(""xyz"") == 0){ + return true; + } + if(str.lastIndexOf("".xyz"",i-1) != str.indexOf(""xyz"",i)-1){ + return true; + } + } + } + return false; +} +" +487a7c30e1a519c8124735fa48c52dbe65d05a48,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.indexOf(""xyz"") == 0){ + return true; + } + if(str.IndexOf("".xyz"",i-1) != str.indexOf(""xyz"",i)-1){ + return true; + } + } + } + return false; +} +" +35ffa738575df1230d643805a0497591a65531f8,"public boolean xyzThere(String str) +{ + //return(str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1); + for(int i = 0; i < str.length(); i++){ + if(str.indexOf(""xyz"",i) != -1){ + if(str.indexOf(""xyz"") == 0){ + return true; + } + if(str.indexOf("".xyz"",i-1) != str.indexOf(""xyz"",i)-1){ + return true; + } + } + } + return false; +} +" +30cac727b7d00c222ca0e8356ba64377e226b567,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i, i+3).equals ("".xyz"")) + { + i=i+1; + if(i + 3 > str.length()) + return false; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +7f58c75c2cfe62881c524643b0e310810f384800,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + if(i + 3 > str.length()) + return false; + } + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +7217e9841d839c225611ded48f69eefe15f52203,"public boolean xyzThere(String str) +{ + int poop = 0; + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == ""."") + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +dd16d8b7b5ccc8a6bfd741de9974ef4b481b72e6,"public boolean xyzThere(String str) +{ + int poop = 0; + for (int i = 0; i < 20; i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +b1bb9c1add936c4096e0663dbbd866bd3af271e6,"public boolean xyzThere(String str) { + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +1d8866096e096a15257ace7adfe3de276a5eea67,"public boolean xyzThere(String str) +{ + int poop = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +2d9068facd56b28840037689a6946bb06b525b2b,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains('.')) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +c80e2d9e4fa129aa378a91be1a6030caca4a51da,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."") + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +e7eff2529ff018df1e4fad15c38cdc23cf6c2f11,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +a29e8858b1c76424ce0110a5d14fd923b029c5fb,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + else if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +afb0c65109235bcfd8df21119b7a3ff9510c4957,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."")) + { + return false; + } + else if (str.contains(""."")) + { + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + break; + } + } + } + else if (str.length() < 4) + { + return false; + } + + else if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + + +} +" +bbeacc29a0eb5d65a906088ca59e1267521ceca4,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."")) + { + return false; + } + else if (str.length() < 4) + { + return false; + } + else if (str.contains(""."")) + { + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + + } + if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + } + } + + + + + +} +" +aa5bc8c8ef2f92e69799915d9a6cd93be4f60a84,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."")) + { + return false; + } + else if (str.length() < 4) + { + return false; + } + else if (str.contains(""."")) + { + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + + } + if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + break; + } + } + + + return false; + + +} +" +b5a339e5bb47477cddaef32d3dc9c58211b9e70a,"public boolean xyzThere(String str) +{ + int poop = 0; + if (!str.contains(""."")) + { + return false; + } + else if (str.length() < 4) + { + return false; + } + else if (str.contains(""."")) + { + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == '.') + { + poop = i; + + } + if (str.substring(poop+1, poop+4) == ""xyz"" ) + { + return true; + } + else + { + return false; + } + + } + } + + + return false; + + +} +" +adc903acdb23bba304ab07d49d2e5705760ea2d0,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !st.contains("".xyz"")) + { + return true; + } + else + { + return false; + } + +} +" +f58bd34ff6fac81d27e3ab29df267985b06400f5,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else + { + return false; + } + +} +" +bb8c88530bf19cc24abf8895886fcf360374bbfb,"public boolean xyzThere(String str) +{ + if (str.contains("".xyzxyz"")) + { + return true; + } + else if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else + { + return false; + } + +} +" +c2daa3521bd43e5130711a45365816c5375f0984,"public boolean xyzThere(String str) +{ + return true; +} +" +98b575d63ef9a692b3264b4cc52454b6928bfacd,"public boolean xyzThere(String str) +{ + return false; +} +" +5fb3ce593f880db45f81801eefc18c21cc1e8f84,"public boolean xyzThere(String str) +{ + boolean bef=str.indexOf(“xyz”)(str.lastIndexOf(“.”)+1); +boolean nodot=str.indexOf(“.”)==-1; +boolean noxys=str.indexOf(“xyz”)==-1; +if(noxys) return false; +if(nodot) return true; +if(bef) return true; +if(direc) return true; +return false; +} +" +00c839fa2ba8e2fa56c2908bdb50dad7fe23415c,"public boolean xyzThere(String str) +{ + boolean before = str.indexOf(""xyz"") < str.indexOf("".""); + boolean direct = str.lastIndexOf(""xyz"") > (str.lastIndexOf(""."") + 1); + boolean nodot = str.indexOf(""."") == -1; + boolean noxys = str.indexOf(""xyz"") == -1; + if (noxyz) + return false; + if (nodot) + return true; + if (before) + return true; + if (direct) + return true + else + return false +} +" +70bf381b4b9ae16656fcccef8e1f43c49b716480,"public boolean xyzThere(String str) +{ + boolean before = str.indexOf(""xyz"") < str.indexOf("".""); + boolean direct = str.lastIndexOf(""xyz"") > (str.lastIndexOf(""."") + 1); + boolean nodot = str.indexOf(""."") == -1; + boolean noxys = str.indexOf(""xyz"") == -1; + if (noxyz) + return false; + if (nodot) + return true; + if (before) + return true; + if (direct) + return true; + else + return false; +} +" +30b444dd07fe4ece043cd113aab6578dede78e59,"public boolean xyzThere(String str) +{ + boolean before = str.indexOf(""xyz"") < str.indexOf("".""); + boolean direct = str.lastIndexOf(""xyz"") > (str.lastIndexOf(""."") + 1); + boolean nodot = str.indexOf(""."") == -1; + boolean noxyz = str.indexOf(""xyz"") == -1; + if (noxyz) + return false; + if (nodot) + return true; + if (before) + return true; + if (direct) + return true; + else + return false; +} +" +4c796eafcff083d5bd82792c5e33c1247831982a,"public boolean xyzThere(String str) +{ + boolean a = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + { + a = true; + } + + return a; + +} +" +6fb55ef446cb43f7172944d21512494c3fce19c5,"public boolean xyzThere(String str) +{ + if (str,length() >= 3 && str.substring(0,3).equals(""xyz"")) + return true; + for (unt i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i -1) != ""."" && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + return false; +} +" +2a62abab1ab0889e99a88a3d9b05057bca279011,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0,3).equals(""xyz"")) + return true; + for (unt i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i -1) != ""."" && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + return false; +} +" +3be73fb0d7f634dd80cc237f560ec4e62053fbae,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0,3).equals(""xyz"")) + return true; + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i -1) != ""."" && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + return false; +} +" +e8c22796b5ecac96b0d1768c65c9417bac8ff947,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0,3).equals(""xyz"")) + return true; + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != ""."" && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + return false; +} +" +342122320f2ee6dbc1e05ec7ad15bf2cee92ee22,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0,3).equals(""xyz"")) + return true; + for (int i = 1; i < str.length() - 2; i++) + { + if (str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + return false; +} +" +e48c52b813b66dc0cc99606ea65bc8e09377010f,"public boolean xyzThere(String str) +{ + return true; +} +" +dac0abc405fe74fb6f56bce48fad118d1a10a1a5,"public boolean xyzThere(String str) +{ + for (i=0; i < str.length(); i++ ) + { + if (str.substring(i, i+3).equals(""xyz"") && charAt(i-1) !.equals(""."")) + { + return true + } + } + return false; +} +" +f64a48a9404f69ac54d9a0c0a8289805ba392861,"public boolean xyzThere(String str) +{ + for (i=0; i < str.length(); i++ ) + { + if (str.substring(i, i+3).equals(""xyz"") && charAt(i-1) !.equals(""."")) + { + return true; + } + } + return false; +} +" +3ed05854d4f469032c0bc79e364529c819d2bcf2,"public boolean xyzThere(String str) +{ + for (i=0; i < str.length(); i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +1d1aa315b43e91842d8c6950df862ba6a7c8da7e,"public boolean xyzThere(String str) +{ + int i; + for (i=0; i < str.length(); i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +8431876030f94fe9981ee31d3bfcee30e6977021,"public boolean xyzThere(String str) +{ + int i; + for (i=0; i-3 < str.length(); i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +3d9a03deddecb2eff54be687cbcb71a6c5ebcf3d,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 3) + { + return false; + } + else + { + for (i=0; i < str.length(); i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + } + return false; +} +" +a518f37c40fec7d955167e6161a3641a441f5c68,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 3) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + } + return false; +} +" +00aa0f81ea8ba638537b1d9a5e70b38e6ed3a05e,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 3) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals(""xyz"") && !charAt(i).equals(""."")) + { + return true; + } + } + } + return false; +} +" +5e8d4817dd671acfa14a008b631073ae8639baba,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 3) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals(""xyz"") && !str.charAt(i).equals(""."")) + { + return true; + } + } + } + return false; +} +" +0d61057e68ed2be70fba02889f532c75723a8144,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 3) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + } + return false; +} +" +56185eb7d47560c4d7d7825995c36fe3b2557cf3,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 4) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + } + return false; +} +" +7bd7d2f3e2c245cc031330130582f6739f7fb5d8,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 2) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + } + return false; +} +" +ecb2c16a5ff73206f90fd0235eb0e4cb7cfa99e4,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 2) + { + return false; + } + else + { + for (i=0; i < str.length()-4; i++ ) + { + if (str.substring(i, i+4).equals("".xyz"")) + { + return false; + } + } + } + return true; +} +" +ebea61a07d6958b7c6c8f7383be8acc41abc4dd7,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 2) + { + return false; + } + else + { + for (i=0; i < str.length()-2; i++ ) + { + if (str.substring(i, i+2).equals(""xyz"") && str.charAt(i-1) != '.') + { + return false; + } + } + } + return true; +} +" +ec5fe091218f270796a87c8a84f57b80d6bd8879,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 2) + { + return false; + } + else + { + for (i=0; i < str.length()-2; i++ ) + { + if (str.substring(i, i+2).equals(""xyz"") && str.charAt(i-1) = '.') + { + return false; + } + } + } + return true; +} +" +a876fcc59961f4c5a141b960ab078d492b26a990,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 2) + { + return false; + } + else + { + for (i=0; i < str.length()-2; i++ ) + { + if (str.substring(i, i+2).equals(""xyz"") && str.charAt(i-1) == '.') + { + return false; + } + } + } + return true; +} +" +bcfe941f56f06f36a83a87502060c47c9a9f73fc,"public boolean xyzThere(String str) +{ + int i; + if (str.length() < 2) + { + return false; + } + else + { + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals("".xyz"")) + { + return false; + } + } + } + return true; +} +" +ffdaea5ac4a50a9bfa924084ec300df34212ba70,"public boolean xyzThere(String str) +{ + int i; + for (i=0; i < str.length()-3; i++ ) + { + if (str.substring(i, i+3).equals("".xyz"")) + { + return false; + } + } + return true; +} +" +8049b8ff70edb556d71faf5b89791ec7e9d939a2,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +5b5f4de6e0fca32aa86e5696c52e6bb18c86a3b7,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +} +" +8cd46a555c7b3e493f7d557965b9795b9249ffc7,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + if(i + 3 > str.length()) + return false; + } + if (!str.starsWith(""xyz"") && str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +226ce249d5f5a29483c002bcf1c88b94b6bd2a5d,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if ((str.startsWith(""xyz"") || str.endsWith(""xyz"")) && (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +}" +737b4cb52dfd683eb8c36a6946299e0b4562dad5,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + if(i + 3 > str.length()) + return false; + } + if (!str.startsWith(""xyz"") && str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + return true; + + } + else + { + return false; + } +} +" +e0929855320eb87b2a297a9cd329e73849788678,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if ((str.startsWith(""xyz"") || str.endsWith(""xyz"") && (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +}" +8dc15a9e8a21b23d4c818c13a39eeeff97a9c7e1,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if (str.startsWith(""xyz"") || str.endsWith(""xyz"") && str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +}" +c4c4aab31a29926bf3c213ee2047141339bbf551,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if ((str.startsWith(""xyz"") || str.endsWith(""xyz"")) && (.startsWith("".xyz"") || str.endsWith("".xyz""))) + return false; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +}" +d3eb57f237d810b5f824a7d416af4b503bad3688,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + if(i + 3 > str.length()) + return false; + } + if (!str.startsWith(""xyz"")) + { + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + } + return true; + + } + else + { + return false; + } +} +" +52a3bb2535487711bd2c20db2eb25b6d5a2f359b,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) && .startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +}" +46ca277e0e5f9ad7e6cad0e31a9b9448007eea0a,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else + return false; +}" +2291cc99c614efcfcabbac7850e8d6643c915321,"public boolean xyzThere(String str) +{ + if (str.startsWith("".xyz"") || str.endsWith("".xyz"")) + return false; + else if (str.startsWith(""xyz"") || str.endsWith(""xyz"")) + return true; + else + return false; +}" +f43c87fb31e50fa7a1656c72da6e3df89cad5919,"public boolean xyzThere(String str) +{ + //return str.endsWith(""xyz""); + int i=0; + if(str.length()>=3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } +} +" +036f81ac6c27a57b0575ccd6fa4f5acd76600491,"public boolean xyzThere(String str) +{ + String x = ""xyz""; + if(str.contains(x)) + { + return true; + } + return false; +} +" +2c69ce8c7b59de087b6926f47f2ec5490a3d5904,"public boolean xyzThere(String str) +{ + String x = ""xyz""; + if(str.contains(x)) + { + return true; + } + return false; +} +" +947d3061526f625d0cfe4b2e56c0559f244b8745,"public boolean xyzThere(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(xyz)) + { + count ++; + if (i > 0) + { + if (str.substring(i - 1, i+3).equals("".xyz"")) + { + count--; + } + } + } + } + return (count > 0); +} +" +205c7740f816eeee1fb1ee135b55e1631975f64b,"public boolean xyzThere(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + count ++; + if (i > 0) + { + if (str.substring(i - 1, i+3).equals("".xyz"")) + { + count--; + } + } + } + } + return (count > 0); +} +" +020c3d5752ce348e564fb73797a89d0005ceb69b,"public boolean xyzThere(String str) +{ + int count = 0; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + count ++; + if (i > 0) + { + if (str.substring(i - 1, i+3).equals("".xyz"")) + { + count--; + } + } + } + } + return (count > 0); +} +" +b72de616721e36e71380b4bb30e02c1a2523c6f5,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int n = 0; n < length; n++) + { + if (str.charAt(n) == 'x' && str.charAt(n + 1) == 'y' && str.charAt(n + 2) == 'z') + { + if (n == 0 || str.charAt(n - 1) != '.') + { + return true; + } + } + return false; + } +} +" +4e14edc02d6197b2f19f266955c176c84e4e3196,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int n = 0; n < length; n++) + { + if (str.charAt(n) == 'x' && str.charAt(n + 1) == 'y' && str.charAt(n + 2) == 'z') + { + if (n == 0 || str.charAt(n - 1) != '.') + { + return true; + } + } + } + return false; +} +" +d2526f51982071a3dbad8d0b9083d405a9240e2c,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (str.indexOf(not) - 1 != str.indexOf(yes)) + { + return true; + } + else + { + return false; + } +} +" +22f1c28d7d34107f097d994e51169491935694cf,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (str.indexOf("".xyz"") - 1 != str.indexOf(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +f68a803750f00dd13abbc6d4c17be6c3bbdaa3c2,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + else + { + return false; + } +} +" +f9dc26858e101ee94a31d06cf07f64dfa2ae5638,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + else if (str.substring(str.indexOf(yes) - 1, str.indexOf(yes) + 3) != "".xyz"") + { + return true; + } + else + { + return false; + } +} +" +6cb0284a46213570dc21c567642643ded8892105,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + else + { + return false; + } +} +" +64d37c4c984000b072eff5bdec85f3066e8fc060,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) { + if (i + 3 <= str.substring(i).length()) { + if (str.substring(i, i+3).equals(""xyz"")) { + return !(str.substring(i-1, i+3).equals("".xyz"")); + } + } + } + return false; +} +" +421a1f54b63cfe98be8fcdafb119ac7890abe120,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) { + if (i + 3 <= str.substring(i).length()) { + if (str.substring(i, i+2).equals(""xyz"")) { + return !(str.substring(i-1, i+2).equals("".xyz"")); + } + } + } + return false; +} +" +d795cd7f0b223955617a9ed288286435ff1d182a,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) { + if (i + 3 <= str.substring(i).length()) { + if (str.substring(i+1, i+3).equals(""xyz"")) { + return !(str.substring(i, i+3).equals("".xyz"")); + } + } + } + return false; +} +" +1956ecbdbb2793df177a38d2afd1205d08e495f1,"public boolean xyzThere(String str) { + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +}" +64dd2972c771f32b7155fb5a4b135c620d536057,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return match; +} +" +78688624683e3bdb94e455fcfccca0d16417a36d,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i+1, i+3).equals(""xyz"")) { + if (!(str.substring(i, i+3).equals("".xyz""))) { + boolean a = true; + } + } + } + return a; +} +" +6b54e73fab8fc8ab3766435d61b170a72a078259,"public boolean xyzThere(String str) +{ + boolean a = false; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i+1, i+3).equals(""xyz"")) { + if (!(str.substring(i, i+3).equals("".xyz""))) { + a = true; + } + } + } + return a; +} +" +ae8faae4c86c2789685c228966e487707eab7b00,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i, i+3).equals("".xyz"")) { + a++; + } + if (str.substring(i, i+2).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +62dbe6a05022948fb26669e463c03238ed8db729,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i, i+3).equals("".xyz"")) { + a++; + } + if (str.substring(i).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +b6aa71e3fe6524bd659c7926412d807ec2baae6f,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals("".xyz"")) { + a++; + } + if (str.substring(i).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +75247c670a1f8c943937221722de660cd5e0d9f0,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals("".xyz"")) { + a++; + } + if (str.substring(i, i+2).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +7e66c6df498265436fbb50f12613fc8a1a7b487c,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals("".xyz"")) { + a++; + } + if (str.substring(i, i+3).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +f1485a12f2cb375f734d5ad167972eabcb232529,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+4).equals("".xyz"")) { + a++; + } + if (str.substring(i, i+3).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +1a95e16f2ede09f95cfe1ef4e340fd34297787ba,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i, i+4).equals("".xyz"")) { + a++; + } + } + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals(""xyz"")) { + b++; + } + } + } + int c = b - a; + return c > 0; +} +" +ef1b7379048ece3fb865ce27f5ed7c522818bb3d,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i, i+4).equals("".xyz"")) { + a++; + } + } + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +efba0812fe951167cccf5cff8c6a99f5a3d7215f,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + int length = str.length(); + int i = 0; + boolean containsXYZ; + while (i < length) + { + char dot = str.charAt(i); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals('.') && sub.equals(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +040f0753d048c7c153463843872cb5cad3b4f383,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + char period = '.'; + int length = str.length(); + int i = 0; + boolean containsXYZ; + while (i < length) + { + char dot = str.charAt(i); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals(period) && sub.equals(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +8401c8a5d8d91a732bd9a3b82659a4513c958ef0,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String period = "".""; + int length = str.length(); + int i = 0; + boolean containsXYZ; + while (i < length) + { + String dot = str.substring(i, i + 1); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals(period) && sub.equals(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +f426b3d6e2f6caf993e1c205ac9e300a03c6e00d,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String period = "".""; + int length = str.length(); + int i = 0; + boolean containsXYZ = false; + while (i < length) + { + String dot = str.substring(i, i + 1); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals(period) && sub.equals(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +25448617c962dca52016922e3b3f157bdfcf997b,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String period = "".""; + int length = str.length(); + int i = 0; + boolean containsXYZ = false; + while (i < length - 4) + { + String dot = str.substring(i, i + 1); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals(period) && sub.equals(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +6a9510ebf89f55e4432a6e289631c1945cad6d38,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String period = "".""; + int length = str.length(); + int i = 0; + boolean containsXYZ = false; + while (i < length - 3) + { + String dot = str.substring(i, i + 1); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals(period) && sub.equals(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +0188450c575bdc1d934a8bb58b1e86ffb877a99c,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String period = "".""; + int length = str.length(); + int i = 0; + boolean containsXYZ = false; + while (i < length - 3) + { + String dot = str.substring(i, i + 1); + String sub = str.substring(i + 1, i + 4); + if (!dot.equals(period) && sub.equals(xyz) || str.startsWith(xyz)) + { + containsXYZ = true; + i = length; + + } + else + { + containsXYZ = false; + i++; + } + + } + return containsXYZ; +} +" +85afb062a881038eeb64bcce2076d786a82cbe35,"public boolean xyzThere(String str) +{ + /** + int i=0; + if(str.length()>=3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>=3) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>2) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (2> str.length()) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + return str.startsWith(""xyz""); + if (str.length()>2) + { + for(i=0; i =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int index=0; + int i = 0; + if (str.startsWith(""xyz"")) + { + return true; + } + if (str.length()>2) + { + for(i=0; i 3) + { + for (int i = str.length() - 4; i >= 0; i--) + { + if (str.substring(i, i+4).equals("".xyz"")) + { + return false; + break; + } + } + + } + else // when string is < 3 + { + return false; + } +} +" +7874c29edb43562de064dca9e8aa1b342a616bac,"public boolean xyzThere(String str) +{ + if (str.length() == 3) + { + if (str.equals(""xyz"")) + { + return true; + } + } + else if (length > 3) + { + for (int i = str.length() - 4; i >= 0; i--) + { + if (str.substring(i, i+4).equals("".xyz"")) + { + return false; + break; + } + } + + } + else // when string length is < 3 + { + return false; + } +} +" +e451c84d2c5f0b7237061e9834498ecee3f6e13b,"public boolean xyzThere(String str) +{ + if (str.length() == 3) + { + if (str.equals(""xyz"")) + { + return true; + } + } + else if (str.length() > 3) + { + for (int i = str.length() - 4; i >= 0; i--) + { + if (str.substring(i, i+4).equals("".xyz"")) + { + return false; + break; + } + } + + } + else // when string length is < 3 + { + return false; + } +} +" +c35e60a582d9a9ef983a46b2f4b59b460452feb1,"public int xyzThere(String str) +{ + int strIndex = str.indexOf(""xyz""); + + return strIndex; + +} +" +1088d9fb5b6d782b3dd6d1b879acc54a0b2246e4,"public boolean xyzThere(String str) +{ + boolean xyz = false; + + if (str.length() == 3) + { + if (str.equals(""xyz"")) + { + xyz = true; + } + } + else if (str.length() > 3) + { + for (int i = str.length() - 4; i >= 0; i--) + { + if (str.substring(i, i+4).equals("".xyz"")) + { + xyz = false; + break; + } + else + { + xyz = true; + } + } + } + else // when string length is < 3 + { + xyz = false; + } + + return xyz; +} +" +e76b1f4780fd5cb9e08d2521dc142e4b9480f6b2,"public boolean xyzThere(String str) +{ + int strIndex = str.indexOf(""xyz""); + + if (strIndex != -1) + { + return str.charAt(strIndex-1).equals('.'); + + } + +} +" +f9eaf4ead1243986456928bfca14d9a8086f79c4,"public boolean xyzThere(String str) +{ + int strIndex = str.indexOf(""xyz""); + + if (strIndex != -1) + { + return str.charAt(strIndex-1) == '.'; + + } + +} +" +5a59769e4d905797b2b12403aea213e503fb4e9a,"public boolean xyzThere(String str) +{ + /** + int i=0; + if(str.length()>=3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int i = 0; + if (str.startsWith(""xyz"")) + { + return true; + } + if (str.length()>2) + { + for(i=0; i+3 =3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int i = 0; + if (str.startsWith(""xyz"")) + { + return true; + } + if (str.length()>2) + { + for(i=0; i+3 3) + { + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + if (i != 0) + { + if (str.charAt(i-1).equals('.') + { + xyz = false; + } + else + { + xyz = true; + } + } + else + { + xyz = true; + } + } + } + else // when string length is < 3 + { + xyz = false; + } + + return xyz; +} +" +b14ead6afcaace4951116e147e03b7cf26ad8182,"public boolean xyzThere(String str) +{ + boolean xyz = false; + + if (str.length() == 3) + { + if (str.equals(""xyz"")) + { + xyz = true; + } + } + else if (str.length() > 3) + { + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + if (i != 0) + { + if (str.charAt(i-1).equals('.')) + { + xyz = false; + } + else + { + xyz = true; + } + } + else + { + xyz = true; + } + } + } + else // when string length is < 3 + { + xyz = false; + } + + return xyz; +} +" +db0a644c176fd41d7a2e741f4db0fa5bccc11412,"public boolean xyzThere(String str) +{ + boolean xyz = false; + + if (str.length() == 3) + { + if (str.equals(""xyz"")) + { + xyz = true; + } + } + else if (str.length() > 3) + { + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + if (i != 0) + { + if (str.charAt(i-1).equals('.')) + { + xyz = false; + } + else + { + xyz = true; + } + } + else + { + xyz = true; + } + } + } + } + else // when string length is < 3 + { + xyz = false; + } + + return xyz; +} +" +29df4905bda437a42bfa67e13a4307f0057d32ce,"public boolean xyzThere(String str) +{ + /** + int i=0; + if(str.length()>=3 && !str.startsWith(""xyz"")) + { + while (!str.substring(i, i+3).equals (""xyz"") || str.substring(i-1, i+3).equals ("".xyz"")) + { + i=i+1; + } + + if (str.substring(i-1, i+3).equals ("".xyz"")) + { + return false; + } + + return str.substring(i, i+3).equals (""xyz""); + + } + else + { + return false; + } + */ + int i = 0; + if (str.startsWith(""xyz"")) + { + return true; + } + if (str.length()>2) + { + for(i=0; i+2 3) + { + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + if (i != 0) + { + if (str.charAt(i-1) == '.') + { + xyz = false; + } + else + { + xyz = true; + } + } + else + { + xyz = true; + } + } + } + } + else // when string length is < 3 + { + xyz = false; + } + + return xyz; +} +" +8c8334c45b0fb60745cc38ddf88c6374cdcd51a2,"public boolean xyzThere(String str) +{ + boolean xyz = false; + + if (str.length() == 3) + { + if (str.equals(""xyz"")) + { + xyz = true; + } + } + else if (str.length() > 3) + { + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + if (i != 0) + { + if (str.charAt(i-1) == '.') + { + xyz = false; + } + else + { + xyz = true; + break; + } + } + else + { + xyz = true; + break; + } + } + } + } + else // when string length is < 3 + { + xyz = false; + } + + return xyz; +} +" +b91d3770ef65ae3c5114b609820622cb667ec57c,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +32cea55bc6df23d570e6da3e7df8bf9d879028e7,"public boolean xyzThere(String str) +{ + int l = str.length()-2; + for (int i = 0; i < l; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +2ee86886594c8462045d22837ca0b381836b901a,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +65f2c23dddf65dfa1c3352b1e16259ee20776f8f,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + if (strpart.equals(xyz)) + { + result = true; + } + else + { + result = false; + } + } + + return result; +} +" +1b4e39c18d9fdb51a5e83d6d0bfea186320416c3,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + if (strpart.equals(xyz)) + { + break; + result = true; + } + else + { + result = false; + } + } + + return result; +} +" +213fdb55dad8b68ecc7a37b50f587b7dcf35cdc9,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + if (strpart.equals(xyz)) + { + break(); + result = true; + } + else + { + result = false; + } + } + + return result; +} +" +a03a1f243a7914067c8d7f9e8dab7174d62ae392,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + if (strpart.equals(xyz)) + { + result = true; + break(); + } + else + { + result = false; + } + } + + return result; +} +" +ccaaedf4580550005007b38f3abb722787ed4e55,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + if (strpart.equals(xyz)) + { + result = true; + break();; + } + else + { + result = false; + } + } + + return result; +} +" +305b38c6a40fdcfd2551ce45aaa98cc94ba98838,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + if (strpart.equals(xyz)) + { + result = true; + break; + } + else + { + result = false; + } + } + + return result; +} +" +6aa7d9b4027e413d1a0b0c2e31117f92b18a2aad,"public boolean xyzThere(String str) +{ + for (int i = 0; i < (str.length()-4;i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + return false; + else + return true; + } + else + return false; + } +} +" +6968d5b39a2ee41f86b12ba00d91bc358b4c73c4,"public boolean xyzThere(String str) +{ + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + return false; + else + return true; + } + else + return false; + } +} +" +0f1e4ee2379378f4b5c8dfef4b751df7ba1c545b,"public boolean xyzThere(String str) +{ + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + return false; + else + return true; + } + else + return false; + } + else + return false; +} +" +96cb0af8eb2439754aa4c7c5caf95bd1a7de3408,"public boolean xyzThere(String str) +{ + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + return false; + else + return true; + } + else + return false; + } +} +" +894eebefa196b9c9f55aed41860ead533d0739a8,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return match; + +} +" +04eb0fed57ff025aef4b7b053b22a3a7a7d1db4d,"public boolean xyzThere(String str) +{ + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + return false; + else + return true; + } + else + { + return false; + } + } +} +" +cdb8311712ed7d4313f24144fbf7b807ca40d502,"public boolean xyzThere(String str) +{ + boolean thing; + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; +} +" +944aeef2e1759a3e9cacb7563fe4cf040159ae66,"public boolean xyzThere(String str) +{ + boolean thing = true; + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; +} +" +512154f7564614af701d2c286d86f2bba2c2f212,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.lenght() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } +} +" +86e2658b18155c4eddcd8730ac21773df68b1fe0,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } +} +" +b4aac8f9e3d96ce0c6847044dc910640453ba200,"public boolean xyzThere(String str) +{ + for (i = 0; i <= str.length; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + else if (str.substring(i, i + 3).equals(""xyz"")) + return true; + else + return false; +} +" +6d2bc5613c123c71cfe8322340149a55436c6ee4,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + if (str.startsWith() == ""xyz"") + return true; + else if (str.endsWith() == ""xyz"") + return true; + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } + } +} +" +cd2c0ef36d904b8bae28e59a70060915e63848bb,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + else if (str.substring(i, i + 3).equals(""xyz"")) + return true; + else + return false; +} +" +f83fd3aaf3e5876378dcd37ab354b16139f8af1a,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + else if (str.substring(i, i + 3).equals(""xyz"")) + return true; + else + return false; +} +" +dc3af707bc53795fce14d14622df3639f7314c59,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + if (str.startsWith(3) == ""xyz"") + return true; + else if (str.endsWith(3) == ""xyz"") + return true; + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } + } +} +" +d799c6ecd253ca863e6ecfb77fdfa1d095abc60f,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + else if (str.substring(i, i + 3).equals(""xyz"")) + return true; + return false +} +" +1ff65431a0a277893994e2eda39671bcd8bd04d1,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + else if (str.substring(i, i + 3).equals(""xyz"")) + return true; + return false; +} +" +88daae955686f8575ace935050ea616fae28ebeb,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"")) + return true; + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } + } +} +" +6d0eedaafda38b3f07e288ab8b9c4fffe0d8355f,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + else if (str.substring(i, i + 3).equals(""xyz"")) + return true; + return false; +} +" +e739b1ccc1c5187cf2ba195fdb84d41d374fdb55,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"")) + if (charAt(str.length()-4 == '.') + return false; + else + return true; + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } + } +} +" +e1571b6adf7abb2fd256a7e60fee8db473dc073e,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"")) + if (charAt(str.length()-4) == '.') + return false; + else + return true; + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } + } +} +" +fe9d3e78d03b00436fa5289df3257ac77af37408,"public boolean xyzThere(String str) +{ + boolean thing = true; + if (str.length() <= 3) + { + if (str == ""xyz"") + return true; + else + return false; + } + else + { + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"")) + if (str.charAt(str.length()-4) == '.') + return false; + else + return true; + else + { + for (int i = 0; i < (str.length()-4);i++) + { + if (str.substring(i, i+3) == ""xyz"") + { + if (str.charAt(i-1) == '.') + thing = false; + else + thing = true; + } + else + thing = false; + } + return thing; + } + } +} +" +53ae602cba9ca8faab3f17b4724b52405157831b,"public boolean xyzThere(String str) +{ + int n; + if (str.substring(n, n+3)equals(""xyz"") && str(n) != ""."") + return true; + else + return false; + +} +" +5a0c593cc111fd1c34f097969bd2f4b8140c5ad6,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz) + { + result = false; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +580d47e9167c07c534e6cfa383dda83ef0672536,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +4d8f08a0df49c41714c0552486d56d7ce4a128da,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == x && str.charAt(i+1) == y && str.charAt(i+2) == z) + { + if (!i-1 == .) + return true; + } + } + return false; +} +" +56c2df92597c9e2ff824979f30bf2d0f5cb7ea7f,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +4fd73ab121d1a625a186b921e7998a840544bcb8,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (!i-1 == '.') + return true; + } + } + return false; +} +" +03734176a4064257ba84c2092ff7fe0c6b65020b,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i-1 != '.' || i ==0) + return true; + } + } + return false; +} +" +2bebc284025fcc318b7bee4be949e1cdf411937b,"public boolean xyzThere(String str) +{ + int n; + if (str.substring(n, n+3) == ""xyz"" && str(n) != ""."") + return true; + else + return false; + +} +" +27477eb54ac91b018e5e811f548d12b1b640f742,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (str.charAt(i-1) != '.' || i ==0) + return true; + } + } + return false; +} +" +763c5ab11b019414a4cca48b1ff350718708c5ac,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i ==0 || str.charAt(i-1) != '.' ) + return true; + } + } + return false; +} +" +9791928ca1c7783ab9cedb6129a5b720c8ea4623,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"") == false && str.contains(""xyz"")) + return true; + return false; +} +" +e338d01e82013a5669170baf223b855135cab712,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.CharAt(i+1) == 'y' + && str.CharAt(i+2) == 'z') + { + if (i == 0 || str.CharAt(i-1) != '.') + return true; + } + } + return false; +} +" +8536c5f768b1adb326e2c34c566a310f311e86dc,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.CharAt(i+1) == 'y' + && str.CharAt(i+2) == 'z') + { + if (i == 0 || str.CharAt(i-1) != '.') + return true; + } + } + return false; +} +" +9e34db2abfd2fc8134e244bcda0cbd485700883c,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' + && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +77bf4dbaf0a87790981ac1fbc09f4ba328c9792e,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + return true; +} +" +162774e9ea158c0864fee126215ba9572ee5596b,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + if (i = 0 || str.charAt(i - 1) != '.') + { + return true + } + return false; + + + + + + +} +" +5190b225adf6193b00b07f7b44290dd7797e48b2,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + if (i = 0 || str.charAt(i - 1) != '.') + { + return true; + } + return false; + + + + + + +} +" +d5a2440d382cfab72cd3b85cd7c23008567ee938,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + return false; + + + + + + +} +" +24e507b306dc151b05fb9b5e0eb0f89634db7833,"public boolean xyzThere(String str) +{ + if (str.length()>=3) + { + String xyz = ""xyz""; + int first = str.indexOf(xyz); + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + return false; + } + return true; + } + else + { + return false; + } +} +" +6b87f11c1d22494311a5e6f14058357dc918cbae,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + for (int i = 0; i < str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + return true; +} +" +5a340d3dbe01dbcee61d10547f883e3a174fc3bb,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.length()>=3 && str.contains(xyz)) + { + int first = str.indexOf(xyz); + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + return false; + } + return true; + } + else + { + return false; + } +} +" +e501c79b474babbf5e9bca76d81ac6033df4bd4a,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + for (int i = 0; i < str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"")) + return true; +} +" +d82e8db38ed99d6952c16a1120eb42f525176703,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y, y + 2); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1, y + 2); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +a4f0dd7470a93a037da633ec1153822e0fc968bc,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + for (int i = 0; i < str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"")) + return true; + return false; +} +" +6dd3308e0bff15941b800e20667e201054a49529,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +b5a9d52a0f5067a8d6c81b0327e66aae4358e023,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.length()>=3 && str.contains(xyz)) + { + int first = str.indexOf(xyz); + if (first = 0) + { + return true; + } + else + { + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +c9c21a22f73580b32718dac7a57ee75e4a60f889,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.length()>=3 && str.contains(xyz)) + { + int first = str.indexOf(xyz); + if (first == 0) + { + return true; + } + else + { + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +5b323daf6166ddae4a32c1cc6d4dc9bfb46e6153,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + for (int i = 0; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"")) + return true; + return false; +} +" +572b1f2bea854e89421bc9d499c82f244cd958d7,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") == 1) + { + return true; + } + else + { + return true; + } +} +" +e779fc8239b12afbf796a4cac7da8bf28ebb837b,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.length() > = 3 && str.contains(xyz)) + { + int first = str.indexOf(xyz); + if (first == 0) + { + return true; + } + else + { + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + String rest = str.substring(first + 3); + if (rest.contains(xyz)) + { + return true; + } + else + { + return false; + } + } + return true; + } + } + else + { + return false; + } +} +" +971bfb33a8cda72206625ee39647b28ce4edcc86,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.length() > = 3 && str.contains(xyz)) + { + int first = str.indexOf(xyz); + if (first == 0) + { + return true; + } + else + { + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +79c9c585ec4045e563e7993c0ed51fafc4b8f4d4,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.length() >= 3 && str.contains(xyz)) + { + int first = str.indexOf(xyz); + if (first == 0) + { + return true; + } + else + { + String dot = str.substring(first - 1, first); + String symb = "".""; + if (dot.equals(symb)) + { + return false; + } + return true; + } + } + else + { + return false; + } +} +" +9bde921ce7aee4f8152b24072c38666d367d4b7c,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String strpart2; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + strpart2 = str.substring(y, y + 3) + if (strpart2.equals(xyz) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +c96a6e67c1ef56c116da5a6231e9ea7c8d091767,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String strpart2; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + strpart2 = str.substring(y, y + 3); + if (strpart2.equals(xyz)) + { + result = true; + } + else + { + result = false; + } + } + } + + return result; +} +" +b965b72a8022466645381df2a03a33ee1833d524,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +3458fe05edc9266120858e9dc75c5bd9ae9bfb0c,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String strpart2; + String xyz = ""xyz""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +dcd14134ae5f9f49bbe022c9c467eea21db6829c,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"")) + return true; + for (int i = 0; i <= str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + return false; +} +" +21fca9a21edee2e4383f24a6a9e3f07a4be97d18,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + for (int i = 0; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"")) + return true; + return false; +} +" +d6b1f75c0e204a86a8c056a00dd4305425b7e94f,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + for (int i = 0; i <= str.length() - 4; i++) + if (str.substring(i, i + 4).equals("".xyz"")) + return false; + + return false; +} +" +88fd9cb48faee50b911493a04296a41ee567a653,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String strpart2; + String xyz = ""xyz""; + String xy1 = ""abc""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else if (strpart.equals(xy1)) + { + result = true; + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +84a2f9f845fa4c58be1befc9ad878c1fb409d3fb,"public boolean xyzThere(String str) +{ + if (str.substring(0, 2).equals(""xyz"")) + return true; + for (int i = 0; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + return false; +} +" +70de520fc8755c643869e7351cbabc8076a5ebbc,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String strpart2 = str.substring(0, 3); + String xyz = ""xyz""; + String xy1 = ""abc""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else if (strpart2.equals(xy1)) + { + result = true; + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +08ce359286984174a787203f43a483159dd4c87c,"public boolean xyzThere(String str) +{ + if (str.substring(0, 2).equals(""xyz"")) + return true; + for (int i = 1; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + return false; +} +" +1c80104fac4f2e7134793b6c269a708aef1ec1a6,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String strpart2 = str.substring(0, 3); + String xyz = ""xyz""; + String xy1 = ""abc""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +922420351f2a789dcfe8e4ac25a09d46a5e38e40,"public boolean xyzThere(String str) +{ + if (str.substring(0, 3).equals(""xyz"")) + return true; + for (int i = 1; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + return false; +} +" +99747dd50a7ebdd7a93af70488a9d17a56203c1d,"public boolean xyzThere(String str) +{ + boolean result = false; + int a = str.length(); + String strpart; + String xyz = ""xyz""; + String xy1 = ""abc""; + String notxyz = "".xyz""; + + String confirm; + + for ( int y = 0; y < str.length(); y++) + { + strpart = str.substring(y); + + if (strpart.equals(xyz)) + { + if (y > 0) + { + confirm = str.substring(y - 1); + if (confirm.equals(notxyz)) + { + result = false; + break; + } + else + { + result = true; + break; + } + } + else + { + result = true; + break; + } + + } + else + { + result = false; + } + } + + return result; +} +" +c0fb0b5f05d3df2f183799db29b7d19f8a45d6c0,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + for (int i = 1; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + return false; +} +" +a3da6927114344d64f28645197641183aa2fd43a,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0).equals(""xyz"")) + return true; + for (int i = 1; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + return false; +} +" +b8f9416e06d6fcbd4c1b3f4f05710d8bc0635d6d,"public boolean xyzThere(String str) +{ + if (str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + for (int i = 1; i <= str.length() - 3; i++) + if (str.substring(i, i + 3).equals(""xyz"") + && str.substring(i - 1, i + 3).equals("".xyz"") + == false) + return true; + return false; +} +" +a9ce546f37719a28cbb42532663d75e099d97139,"public boolean xyzThere(String str) +{ + for(int i = 0; i 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + count++; + + } + } + return count > 0 +} + " +b582053c2c86322d95c8978c2e88da18dbae68ce,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + char period = '.'; + int a = str.indexOf(x); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + count++; + + } + } + return count > 0; +} + " +c5fe83d08f51702876dc62970380877e7ac8d754,"public boolean xyzThere(String str) +{ + boolean works = false; + + while (str.length() != 1 && works == false) + { + + int index = str.indexOf("".xyz""); + if (index == -1) + { + index = str.indexOf(""xyz""); + if (index != -1) + { + works = true; + } + else + { + works = false; + } + } + else + { + str = str.indexOf(index + 3); + } + } + + return works; +} +" +2efcc43a4d3c0432445662736b65116e7003ebf7,"public boolean xyzThere(String str) +{ + boolean works = false; + + while (str.length() != 1 && works == false) + { + + int index = str.indexOf("".xyz""); + if (index == -1) + { + index = str.indexOf(""xyz""); + if (index != -1) + { + works = true; + } + else + { + works = false; + } + } + else + { + str = str.substring(index + 3); + } + } + + return works; +} +" +7ba6e1d880ccd737a8b9f4f80778500c1d868a83,"public boolean xyzThere(String str) +{ + boolean works = false; + + while (str.length() != 1 && works == false) + { + + int index = str.indexOf("".xyz""); + if (index == -1) + { + index = str.indexOf(""xyz""); + if (index != -1) + { + works = true; + } + else + { + works = false; + str = """"; + } + } + else + { + str = str.substring(index + 3); + } + } + + return works; +} +" +2383e32a4cd2a916af18ea861cc74f47f1b5a7c4,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + count++; + + } + } + return count > 0; +} + " +84aa20947e47723b576df70b8ff637a16f8ec482,"public boolean xyzThere(String str) +{ + boolean works = false; + + while (str.length() > 1 && works == false) + { + + int index = str.indexOf("".xyz""); + if (index == -1) + { + index = str.indexOf(""xyz""); + if (index != -1) + { + works = true; + } + else + { + works = false; + str = """"; + } + } + else + { + str = str.substring(index + 3); + } + } + + return works; +} +" +a07d89e3e5599daf79560dca0d01ee0d665e010e,"public boolean xyzThere(String str) +{ + + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +9829f5f469c2f2e700fe297d9c8516ec87a618cc,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + } + return false; +} + " +47311d0381f7168323b732f127a199783c4a4a7a,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + +} + " +e7d485fa9f73480d70a39022a864cfa72eb9acc9,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + return true +} + " +cfd2621336b1fd7a5aa559bbbfe3c05a362ce495,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + return true; +} + " +3fdeb88a008098d6d5d0f4f9b59cdc7e35388327,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") + { + return true; + } + +} +" +a9cf226f00cc4ab6c3b2a147a4f952d1763cb9e5,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"")) + { + return true; + } + +} +" +178d0807b45870bab244f88d2070773e90084743,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"")) + { + return true; + } + return false; +} +" +d7398f3efdf7bd5e6fa76a01e0e9c1874f1a1748,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + return true; +} + " +af7c0670ee77640f46153e79444672ddc1426072,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"")) + { + return true; + } + else if (str.contains("".x"")) + { + return false; + } + return false; +} +" +c33049ba280d29d01a83a34da7480a1bd54c6cdb,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"")) + { + return true; + } + else if (str.contains("".xyz"")) + { + return false; + } + return false; +} +" +609399167e5b4a964895e04e87dbf43354fd457b,"public boolean xyzThere(String str) +{ + String a = ""xyz""; + int x = str.indexOf(a); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + return false; +} + " +37ca34b65030ce39c48cb0dc4261a82b72330bb7,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +d4edfd16a3ec63ce4e5ab558a7eaa507b3850bac,"public boolean xyzThere(String str) +{ + String x = ""xyz""; + int a = str.indexOf(x); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + +} + " +a652aab17bf20c6d17b728f728d4ed1272904091,"public boolean xyzThere(String str) +{ + String x = ""xyz""; + int a = str.indexOf(x); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-1) != '.' ) + { + return true; + + } + else + { + return false; + } + } + return false; + +} + " +eaa51ad153b4a1471062667ec943826c2859570e,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + char ifPeriod = str.charAt(xyz - 1); + + if (xyz != -1 && ifPeriod.equals('.')) + { + return true; + } + else + { + return false; + } + +} +" +e5763cc22ec4ef135a6fd6fe42f887075e1a894c,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + char ifPeriod = str.charAt(xyz - 1); + + if (xyz != -1 && ifPeriod == '.') + { + return true; + } + else + { + return false; + } + +} +" +d9ff85927f83c04da8b11e157ac7b155dc63fb7d,"public boolean xyzThere(String str) +{ + int xyz = str.indexOf(""xyz""); + char ifPeriod = str.charAt(xyz - 1); + + if (xyz != -1 && ifPeriod != '.') + { + return true; + } + else + { + return false; + } + +} +" +e790422198d4676440280b3f1c684743103e7682,"public boolean xyzThere(String str) +{ + while (str.contains""xyz"") + { + if ((charAt(indexOf(""xyz"") - 1).equals("".""))) + { + } + } +} +" +c1d6fada0d80a3c1b29dfb4c3e0cde5d848eb00c,"public boolean xyzThere(String str) +{ + while (str.contains(""xyz"")) + { + if ((charAt(indexOf(""xyz"") - 1).equals("".""))) + { + } + } + +} +" +05e9bfef3b2a998a7a0ebac8c4617d5be8ab2034,"public boolean xyzThere(String str) +{ + if (str.length() <= 2) + { + return false; + } + else if (str.length() == 3) + { + int xyz = str.indexOf(""xyz""); + } + else if (str.length() > 3) + { + char ifPeriod = str.charAt(xyz - 1); + if (xyz != -1 && ifPeriod != '.') + { + return true; + } + } + else + { + return false; + } + +} +" +6e1c7e5f0edb3204796fba475ab7a8d7d19440f5,"public boolean xyzThere(String str) +{ + if (str.length() <= 2) + { + return false; + } + else if (str.length() == 3) + { + int xyz = str.indexOf(""xyz""); + } + else if (str.length() > 3) + { + int xyz = str.indexOf(""xyz""); + char ifPeriod = str.charAt(xyz - 1); + if (xyz != -1 && ifPeriod != '.') + { + return true; + } + } + else + { + return false; + } + +} +" +ffcb116074ed882ff3c252b20fdfc8b055fb4b09,"public boolean xyzThere(String str) +{ + String x = ""xyz""; + int a = str.indexOf(x); + + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(x, fromIndex)) != -1 ) + { + + + fromIndex++; + + + if ( fromIndex > 1) + if ( str.charAt(fromIndex-2) != '.' ) + { + return true; + + } + else + { + return false; + } + if ( fromIndex == 1 ) + { + return true; + } + } + return false; + +} + " +032d0d7d8d86c2bf83d3c1aa0065b32ca210ab6f,"public boolean xyzThere(String str) +{ + if (str.length() <= 2) + { + return false; + } + else if (str.length() == 3) + { + int xyz = str.indexOf(""xyz""); + if (xyz != -1) + { + return true; + } + else + { + return false; + } + } + else if (str.length() > 3) + { + int xyz = str.indexOf(""xyz""); + char ifPeriod = str.charAt(xyz - 1); + if (xyz != -1 && ifPeriod != '.') + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } + +} +" +8316ab1c9d7bbf1b06cb80f64674fe00eb1c87c3,"public boolean xyzThere(String str) +{ + for(x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + stringX1 = char1.toString(); + + char char2 = str.charAt(x+1); + stringX2 = char2.toString(); + + char char3 = str.charAt(x); + stringX3 = char3.toString(); + + if(!stringX.equals(""."")) + { + if(stringX1.equals(""x"") && stringX2.equals(""y"") && stringX3.equals(""z"")) + return true; + else + return false + } + else + return false; + } +} +" +3723cefca1060dd58435c2311c8f29bf2025eacf,"public boolean xyzThere(String str) +{ + for(x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + stringX1 = char1.toString(); + + char char2 = str.charAt(x+1); + stringX2 = char2.toString(); + + char char3 = str.charAt(x); + stringX3 = char3.toString(); + + if(!stringX.equals(""."")) + { + if(stringX1.equals(""x"") && stringX2.equals(""y"") && stringX3.equals(""z"")) + return true; + else + return false; + } + else + return false; + } +} +" +431873fb56fb7f673be5119baf1ecde5cb7b1535,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + stringX1 = char1.toString(); + + char char2 = str.charAt(x+1); + stringX2 = char2.toString(); + + char char3 = str.charAt(x); + stringX3 = char3.toString(); + + if(!stringX.equals(""."")) + { + if(stringX1.equals(""x"") && stringX2.equals(""y"") && stringX3.equals(""z"")) + return true; + else + return false; + } + else + return false; + } +} +" +ca08b996cc9198c70685d1bdcd8ab4634df1531b,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + String stringX1 = char1.toString(); + + char char2 = str.charAt(x+1); + String stringX2 = char2.toString(); + + char char3 = str.charAt(x); + String stringX3 = char3.toString(); + + if(!stringX.equals(""."")) + { + if(stringX1.equals(""x"") && stringX2.equals(""y"") && stringX3.equals(""z"")) + return true; + else + return false; + } + else + return false; + } +} +" +87fae78725aae42cc6b587853c84424de55aa29f,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + String stringX1 = char1.toString(); + + char char2 = str.charAt(x+1); + String stringX2 = char2.toString(); + + char char3 = str.charAt(x); + String stringX3 = char3.toString(); + + if(!stringX1.equals(""."")) + { + if(stringX1.equals(""x"") && stringX2.equals(""y"") && stringX3.equals(""z"")) + return true; + else + return false; + } + else + return false; + } +} +" +abbacc2ae7c5e9707f4177ac27a78f86df7912ec,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) == '.') + { + return false; + } + return true; + } +} +" +c06aaae3b285b542f891b04c0e263bf793f7fae1,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) == '.') + { + return false; + } + return true; + } + } +} +" +4291275aed871b9cc5f086ac52a40edadd26057a,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) == '.') + { + return false; + } + return true; + } + return false; + } + return false; +} +" +6fcc7a6939dd79a99b95400fe4d3817bf0da91d0,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) == '.') + { + return false; + } + return true; + } + + } + return false; +} +" +225240b14c1dd148396520fb55004e539b589c16,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +1076c8a51dfa939bcb275351d9463f59267d63b2,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"")) + { + return false; + if (str.contains("".xyzxyz"")) + { + return true; + } + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +f80c3cc5d40c7762dc0a7331f22f2fce782b9f09,"public boolean xyzThere(String str) +{ + if (str.contains("".xyzxyz"")) + { + return true; + } + else if(str.contains("".xyz"")) + { + return false; + if (str.contains("".xyzxyz"")) + { + return true; + } + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +438b142fe81da64ce17ec000a02b93bcc1d13841,"public boolean xyzThere(String str) +{ + if (str.contains("".xyzxyz"")) + { + return true; + } + else if(str.contains("".xyz"")) + { + return false; + + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +c0ff361d89e123a307556c7b97247f01f4775de7,"public boolean xyzThere(String str) +{ + if (/*xyz*/) + { + + } + else + { + + } + return something; +} +" +169f043a2a2a40d06065742e85fa3f7a6257cede,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""xyz"")) + { + return true; + } + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + { + return true; + } + } + } + return false; +} +" +9206c1adec6c362e88f52598f37a168e07780032,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + } + return match; +} +" +8d5569e572943675c86c91ca4e214e36f4ff5551," public boolean xyzThere(String str) + { + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); + } +" +99d1a3b4a38392c1566e4ef2d747da07df2e1ee0,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + for (int i = 0; i< str.length(); i++) + { + if (str.string(i, i+3).equals(""xyz"")) + { + return true; + } + } +} +" +96a41d8a079aeb851ca62055ad7cadfc105f0c41,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } +} +" +c5c01f05df6487b83962605dd8ac5c0eb1f8d2be,"public boolean xyzThere(String str) +{ + bealoon a = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + a = true; + } + } + return a; +} +" +f6ff930b3f1788d9898109e85abbd4301ca95054,"public boolean xyzThere(String str) +{ + boolean a = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + a = true; + } + } + return a; +} +" +dbd0ab699ff50b53787533f59a1562c8d1d5ed8e,"public boolean xyzThere(String str) +{ + boolean a = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i, i+3).equals(""xyz"")) + { + a = true; + } + } + return a; +} +" +013257e8b5bf0dda958228d82ebdc9dec86d7109,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +d29f9bf6a8f37e34cc2379598c882f3ffe0c3e60,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + else + return false; +} +" +8fb4cd9ad289cecf0d1cb167d435541f8f346e9b,"public boolean xyzThere(String str) +{ + boolean a = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + a = true; + } + } + return a; +} +" +c73d0c8e9e68084128a7286aaf9be1c3cda47488,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + else + { + return false; + } +} +" +1b1cce6b09c97056d4993ee95a4f546f8798079f,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + { + return true; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +6718bad8f313b76c460e8c529431e417b4cc9c1e,"public boolean xyzThere(String str) +{ + boolean a = str.indexOf(""xyz"") + boolean b = str.indexOf("".xyz"") + if (a = true && b != true) + return true; + return false; +} +" +53680f1ebcd9d8346ca47bd92d8b44c7ff34df93,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + for (int i = 0; i < b; i++) + { + if (str.substring(i, i+1).equals(""."")) + { + return false; + } + } + return a; +} +" +db9926b376ebacc1fcc9224eab2831358241f680,"public boolean xyzThere(String str) +{ + if (str.startsWith("".xyz"")) + { + return false; + } + else if (str.endsWith("".xyz"")) + { + return false; + } + else + { + return true; + } +} +" +a4555ccc1e1d84221843546eefb7140035879b34,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + for (int i = 0; i < b; i++) + { + if (str.substring(i, i+1).equals(""."")) + { + a = false; + } + } + return a; +} +" +12210f89db41c12cf4230823f8441c8c3894a9c0,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length(); i++) + { + if (str(i) = ""x"" && str(i+1) = ""y"" && str(i+2) = ""z"" && str(i-1) != ""."") + { + return true; + } + else + { + return false; + } + + } +} +" +59a4698640bac4c970d056b091042c9ae0eb493f,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + for (int i = 0; i < b-1; i++) + { + if (str.substring(i, i+1).equals(""."")) + { + a = false; + } + } + return a; +} +" +e7a96300b5760d4204e5ec6f7f29350063d01b1f,"public boolean xyzThere(String str) +{ + if (str.startsWith("".xyz"")) + { + return false; + } + else if (str.endsWith("".xyz"")) + { + return false; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else if (str.endsWith(""xyz"")) + { + return true; + } +} +" +9cd2e8a2da61e726c2eda9623b28b6bc97467412,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + for (int i = 0; i < b+1; i++) + { + if (str.substring(i, i+1).equals(""."")) + { + a = false; + } + } + return a; +} +" +f20bf7435a998691b9f1cfcb3d8570d8c85998db,"public boolean xyzThere(String str) +{ + if (str.startsWith("".xyz"")) + { + return false; + } + else if (str.endsWith("".xyz"")) + { + return false; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else if (str.endsWith(""xyz"")) + { + return true; + } + else + { + return true; + } +} +" +4dc91f670bf74b981fad0ba6170bd533fb78f9b5,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + for (int i = 0; i < b; i++) + { + if (str.substring(i, i+1).equals(""."")) + { + a = false; + } + } + return a; +} +" +5d8c5189f2fa9277ae8ac0d071170cc864f46101,"public boolean xyzThere(String str) +{ + if (str.startsWith("".xyz"")) + { + return false; + } + else if (str.endsWith("".xyz"")) + { + return false; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else if (str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +0e56a73b8c4d8ca0aae96021a958246f49a48de7,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (str.substring(i-1, i).equals(""."")) + { + a = false; + } + } + return a; +} +" +2e01d3ae18b28fb4fea3929c5ea540f4d7cbb921,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (str.substring(i-1, i).equals(""."")) + { + a = false; + } + return a; +} +" +6aee8acb68ea1292e8eb03964a24eb52cdacdc4c,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +cfe27e72ea1c598358df878053c55d944fc8b8f6,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +14c28b038dc794f17a50ccbf0a8feaa5a3ca2078,"public boolean xyzThere(String str) +{ + int index = str.indexOf(xyz); + if (str.charAt(index - 1).equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +f5892a79c201acc50843e4ef59c3f92d1dd57a34,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (str.charAt(index - 1).equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +bf1f8f5f25d3408a77a98a3243f1b64bda7f2533,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (b >= 1 && str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +575dabff540287669098704d0f2f54a809765f5d,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (str.charAt(index - 1).equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +e102db660df387b5e3692511de951e74bdac2b8b,"public boolean xyzThere(String str) +{ + boolean a = true; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (b >= 1 && str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +ab0bf98b3b9fdd550b2ce27ff77cbb3c344c0237,"public boolean xyzThere(String str) +{ + boolean a = true; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (b >= 1 && str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +d25e4c588fc34deb141c84dc3b1ace7ccb27ca9b,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + str c = str.charAt(index - 1) + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +084e51f28182c0dda3ddbd8a907064d23df028be,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + } + } + if (b >= 1 && str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +9e6248a5406078d764a4eb48c34ae4d4f9925707,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + str c = str.charAt(index - 1); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +b219985082e6e029d2fce9beb0b422238c034c69,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + index = index - 1; + str c = str.charAt(index); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +0fd57e48b9a506afc67745d2bb313507f68b78c3,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + break; + } + else + { + a = false; + } + } + if (b >= 1 && str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +850f2debd29b6a221933b930bbb430e20f05913e,"public boolean xyzThere(String str) +{ + boolean a = false; + int b = 0; + for (int i = 0; i< str.length(); i++) + { + if (str.substring(i).equals(""xyz"")) + { + b = i; + a = true; + break; + } + + } + if (b >= 1 && str.substring(b-1, b).equals(""."")) + { + a = false; + } + return a; +} +" +a1e17229d80e33798b6630351e3cd753cd819a65,"public boolean xyzThere(String str) +{ + str b = ""xyz""; + int index = str.indexOf(b); + index = index - 1; + str c = str.charAt(index); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +1450b3e2927b0853912b51198f4c0d2d899c04bd,"public boolean xyzThere(String str) +{ + String str = new String(""xyz""); + int index = str.indexOf(b); + index = index - 1; + String c = str.charAt(index); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +f233a153ade6d5f48167e75a165015e2f6a13604,"public boolean xyzThere(String str) +{ + String b = new String(""xyz""); + int index = str.indexOf(b); + index = index - 1; + String c = str.charAt(index); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +a5c9995fdd5d671d82c3fca8041504b532c71cc2,"public boolean xyzThere(String str) +{ + String b = new String(""xyz""); + int index = str.indexOf(b); + index = index - 1; + String c = new String (str.charAt(index)); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +2e1eb490c8495519181a82c7c20797ca03bb6317,"public boolean xyzThere(String str) +{ + String b = new String(""xyz""); + int index = str.indexOf(b); + index = index - 1; + Char c = new String (str.charAt(index)); + if (c.equals(""."")) + { + return false; + } + else + { + return true; + } +} +" +26a3e8fa99130e8118a6c2683b259cc32ab20f37,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(xyz)) + { + int loc = st.getindex(""xyz""); + st = st.substring(loc - 1); + if (!st.beginsWith(""."")) + { + return true; + } + else + { + st = st.substring(loc + 3); + } + } + return false; +} +" +9b122e90aa4faac1483d4ab3ac3db2010016214f,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.getindex(""xyz""); + st = st.substring(loc - 1); + if (!st.beginsWith(""."")) + { + return true; + } + else + { + st = st.substring(loc + 3); + } + } + return false; +} +" +cda4e1dd8a5fd8256b9478f14da2b0130672318f,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.getIndex(""xyz""); + st = st.substring(loc - 1); + if (!st.beginsWith(""."")) + { + return true; + } + else + { + st = st.substring(loc + 3); + } + } + return false; +} +" +522355b64bee7e60c5992c8e9181362a535e23e9,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + index = index - 1; + Char c = new String ("".""); + if (c.equals(str.charAt(index))) + { + return false; + } + else + { + return true; + } +} +" +9aaf5c07462bcff354e31629f332a05810bd2885,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + index = index - 1; + String c = new String ("".""); + if (c.equals(str.charAt(index))) + { + return false; + } + else + { + return true; + } +} +" +981ba72686514ee2969d1a2d0d54177ad4b47b08,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.indexOf(""xyz""); + st = st.substring(loc - 1); + if (!st.beginsWith(""."")) + { + return true; + } + else + { + st = st.substring(loc + 3); + } + } + return false; +} +" +c258a6b6733230e9408ffeff4481fb59f37bd095,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.indexOf(""xyz""); + st = st.substring(loc - 1); + if (!st.startsWith(""."")) + { + return true; + } + else + { + st = st.substring(loc + 3); + } + } + return false; +} +" +4a3c1f8fc963707406a364801f8ae443fe26d0dc,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +fe2261521d26f9fd5ac82346939d4793de71d926,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf(""."") + if ( indexa +1 = index) + { + return false; + } + else + { + return true; + } +} +" +402f73bb4f396d641e50aceac24bf83193fbca5a,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + if ( indexa +1 = index) + { + return false; + } + else + { + return true; + } +} +" +4dedd40cf0010278a5ca0bbcce49c9e06c664363,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + if ( indexa != null && indexa +1 = index) + { + return false; + } + else + { + return true; + } +} +" +14b1e65ec9f277e61f2128e945a0247bbf5b40cb,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + if (indexa +1 == index) + { + return false; + } + else + { + return true; + } +} +" +ec0be664f32e94c8bc97414991cc756b03e58053,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i, j).equals(""xyz"") && !str.substring(i, j + 1).equals("".xyz"")) + { + x = true; + } + j++; + } +} +" +f597cb488845bc9ed8dbd7d5f2271ecf6a75ba13,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i, j).equals(""xyz"") && !str.substring(i, j + 1).equals("".xyz"")) + { + x = true; + } + j++; + } + return x; +} +" +ca00a8a95787cd9b09dab4a7b8d72195b2e93628,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + if (indexa +1 == index && indexa != -1) + { + return false; + } + else if (index != -1) + { + return true; + } +} +" +bb8acc63684a481461e91085af78dc75a68591d2,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i, j).equals(""xyz"")) + { + x = true; + } + j++; + } + return x; +} +" +a7d187b56f95b1d7afb7c4ded5e06e46000156c3,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.indexOf(""xyz""); + if (st.contains(""."")) + { + int dot = st.indexOf(""."")); + st = st.substring(st.indexOf(""z""); + if (dot != loc -1) + { + return true; + } + } + else + { + return true; + } + } + return false; +} +" +a34ae92e14565c37bca0411b2ed5791ee3d7f843,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + if (indexa +1 == index && indexa != -1) + { + return false; + } + else if (index != -1) + { + return true; + } + else + { + return false; + } +} +" +8ab606f1f74ebc2bc427f3c1f7b53c5396a7f2d6,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.indexOf(""xyz""); + if (st.contains(""."")) + { + int dot = st.indexOf(""."")); + st = st.substring(st.indexOf(""z"")); + if (dot != loc -1) + { + return true; + } + } + else + { + return true; + } + } + return false; +} +" +f799887ad0d221fd55a7a7b942a34d8ed0ff91ad,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.indexOf(""xyz""); + if (st.contains(""."")) + { + int dot = st.indexOf(""."")); + st = st.substring(st.indexOf(""z"")); + if (dot != loc -1) + { + return true; + } + } + else + { + return true; + } + } + return false; +} +" +84f0b9248970a8c1f87f430d0a853d4e99489710,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + int indexx = ste.lastIndexOf(""xyz""); + if (indexa +1 == index && indexa != -1) + { + return false; + } + else if (index != -1) + { + return true; + } + else if (indexx != -1) + { + return true; + } + else + { + return false; + } +} +" +24291734ab818fb264c93debc9acf12465a1bbb3,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i, j).equals(""xyz"") && !str.substring(i, j + 1).equals("".xyz"")) + { + x = true; + i = str.length(); + } + j++; + } + return x; +} +" +3ff4792924830aede55dc64ae68ff6dacd7f0bfc,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int indexa = str. indexOf("".""); + int indexx = str.lastIndexOf(""xyz""); + if (indexa +1 == index && indexa != -1) + { + return false; + } + else if (index != -1) + { + return true; + } + else if (indexx != -1) + { + return true; + } + else + { + return false; + } +} +" +8efa86f43013fb29e7e7388d8e03e3b9d42d1182,"public boolean xyzThere(String str) +{ + String st = str; + while (st.contains(""xyz"")) + { + int loc = st.indexOf(""xyz""); + if (st.contains(""."")) + { + int dot = st.indexOf("".""); + st = st.substring(st.indexOf(""z"")); + if (dot != loc -1) + { + return true; + } + } + else + { + return true; + } + } + return false; +} +" +107dfb58e89ff6944aab33f7de8d99007aeb39be,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i, j).equals(""xyz"")) + { + x = true; + break; + } + j++; + } + return x; +} +" +dba5ab180cebe848a0391d1165e694208fe5ee02,"public boolean xyzThere(String str) +{ + + while (str.contains(""xyz"")) + { + if (st.contains(""."")) + { + if (st.indexOf(""."") + 1 != st.indexOf(""xyz"")) + { + return true; + } + str = str.substring(str.indexOf(""z"")); + } + else + { + return true; + } + } + return false; +} +" +8e4e028ecf05d103b5803fad177d063636234fd3,"public boolean xyzThere(String str) +{ + + while (str.contains(""xyz"")) + { + if (str.contains(""."")) + { + if (str.indexOf(""."") + 1 != str.indexOf(""xyz"")) + { + return true; + } + str = str.substring(str.indexOf(""z"")); + } + else + { + return true; + } + } + return false; +} +" +e36673354d131808be90da856141e14e68c46d79,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j < str.length()) + { + else if (str.substring(i, j).equals(""xyz"")) + { + x = true; + break; + } + j++; + } + else + { + break; + } + } + return x; +} +" +d0468536d16efbf57c6da5eac17e3042d717a170,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz"") + String c = ""."" + while (a != -1) + if (charAt(a - 1) != c) + return true; + return false; +} +" +082c7fd3b4b05ae7bfd12417ab86b5d27cc51d94,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j < str.length()) + { + if (str.substring(i, j).equals(""xyz"")) + { + x = true; + break; + } + j++; + } + else + { + break; + } + } + return x; +} +" +90f4d73f040d8828bac5f8b87de5b75768d7f4aa,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j <= str.length()) + { + if (str.substring(i, j).equals(""xyz"")) + { + x = true; + break; + } + j++; + } + else + { + break; + } + } + return x; +} +" +e635b1d937a40455a96db426511bbdf776c52941,"public boolean xyzThere(String str) +{ + int a = 0; + String c = "".""; + while (a = str.indexOf(""xyz"") != -1) + if (charAt(a - 1) != c) + return true; + return false; +} +" +fe61495cc4e27b1da32e1aac53384a1579e0160c,"public boolean xyzThere(String str) +{ + str.replaceAll("".xyz"", ""a""); + return(str.contains(""xyz"")); +} +" +5863f6f1ee6da62a4da7b66e68909d1b2050705a,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + String c = "".""; + while (a != -1) + if (charAt(a - 1) != c) + return true; + return false; +} +" +406b1675f6adb1e1fc2fc6bfd730f69e536f5ffe,"public boolean xyzThere(String str) +{ + str = str.replaceAll("".xyz"", ""a""); + return(str.contains(""xyz"")); +} +" +ac543fab7aa52fbd508ab0437e785bd289e5a61d,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + String c = "".""; + while (a != -1) + if (a == 0 || charAt(a - 1) != c) + return true; + return false; +} +" +a3b3c2047b31225b9ea94fca88f9cfa564b3ded1,"public boolean xyzThere(String str) +{ + str = str.replace("".xyz"", ""a""); + return(str.contains(""xyz"")); +} +" +9a614386dc2711eedf22fc176ab8840880f85f5f,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + String b = "".""; + while (a != -1) + int c = a - 1; + if (a == 0 || charAt(c) != b) + return true; + return false; +} +" +84d07a1e3c16d53e184fe4f02676bf0830578278,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + String b = "".""; + while (a != -1) + int c = a - 1; + if (a = 0 || charAt(c) != b) + return true; + return false; +} +" +9d93c43ac401fd4c60f8f9971081aea46807be62,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + String b = "".""; + while (a != -1) + int c = a - 1; + if (charAt(c) != b) + return true; + return false; +} +" +9eb131b31a2d0ef6b6b54f53164baf331bb5a947,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j <= str.length()) + { + if (str.substring(i, j).equals(""xyz"")) + { + if (i >= 1) + { + if (!str.substring(i-1, j+1).equals("".xyz"")) + { + x = true; + break; + } + } + else if (str.length() == 3) + { + x = true; + break; + } + } + j++; + } + else + { + break; + } + } + return x; +} +" +2190261426ca4f4bb26250ad93852fd52e852b18,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) { + if (i == 0 || (str.charAt(i-1) != '.')) { + return true; + } + } + return false; +} +" +b1c39f9a6bd4c69c3565a302bbf50ac072b9e792,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j <= str.length()) + { + if (str.substring(i, j).equals(""xyz"")) + { + if (i >= 1) + { + if (!str.substring(i-1, j).equals("".xyz"")) + { + x = true; + break; + } + } + else if (str.length() == 3) + { + x = true; + break; + } + } + j++; + } + else + { + break; + } + } + return x; +} +" +d5e1dab4730209bdd9871306ad492d848980715c,"public boolean xyzThere(String str) +{ + int a = -1; + while ((i = str.indexOf(""xyz"", a + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + return true; + } + return false; +} +" +cbe44e0c12bbbd81b5c40006518117d484f89bad,"public boolean xyzThere(String str) +{ + boolean x = false; + int j = 3; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + else if (j <= str.length()) + { + if (str.substring(i, j).equals(""xyz"")) + { + if (i >= 1) + { + if (!str.substring(i-1, j).equals("".xyz"")) + { + x = true; + break; + } + } + else + { + x = true; + break; + } + } + j++; + } + else + { + break; + } + } + return x; +} +" +70eed226380072623912761a6963cbb4ee32429a,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x); + + + if(!stringX1.equals(""."")) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } +} +" +9cd2238fc60b702dd68304c75969f432fc611002,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x); + + + if(!char1 == '.') + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } +} +" +3c8579580d42505658469edf9799123f8944fdfc,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } +} +" +7840b2785f4a61e12840e2e469a81364c9582394,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +50801969bbac0c6a8586451fa97f3d2068c254c1,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +4c8636bbad5018be31fad3f2db3fb452ed5b5c66,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+3); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +6b28ebbbb915dc17abea80b526ef41501147c081,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+3); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return true; +} +" +5bcb5b3f3879536c170fa4d093d067ec6d177b8e,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+3); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +5062a39dd51e4b50c272b1e82f31029c46574810,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + String b = "".""; + while (a != -1) + int c = a - 1; + if (a = 0 || str.charAt(c) != b) + return true; + return false; +} +" +133e3b30d43cd21058830eedc86e3c9f1dcac161,"public boolean xyzThere(String str) +{ + return(str.substring.contains("".xyz""); +} +" +fc34aaf0dab7a5a098eda1b4aa73a9bc74b151cf,"public boolean xyzThere(String str) +{ + return(str.substring.contains("".xyz"")); +} +" +329daed6400ddf3bc1b748f51112f18a19d7372e,"public boolean xyzThere(String str) +{ + return(str.contains("".xyz"")); +} +" +3cf5533d5a3abf7468858f92b7ebc77ff0a5d62b,"public boolean xyzThere(String str) +{ + return(!str.contains("".xyz"")); +} +" +37d48df471bba6aa8f1913f664c9074ece45e8db,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0 + int b = str.indexOf(""xyz"", a); + String c = "".""; + while (b != -1) + int d = b - 1; + if (b = 0 || str.charAt(d) != c) + return true; + return false; +} +" +0b392401b79d78a8eac9c2586f40b701d0b3301c,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = str.indexOf(""xyz"", a); + String c = "".""; + while (b != -1) + int d = b - 1; + if (b = 0 || str.charAt(d) != c) + return true; + return false; +} +" +974ade898d77adad83effea2b888d28f3fbfa58b,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") + return(!str.contains("".xyz"")); + + return false; +} +" +6217b8e60c7638b02ee8075bb37cd4553e8afe9b,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + return(!str.contains("".xyz"")); + + return false; +} +" +d889cd21d2ab30d8837d12c313f5122b251b9e96,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = str.indexOf(""xyz"", a); + String c = "".""; + while (b != -1) + if (b = 0 || str.charAt(b - 1) != c) + return true; + return false; +} +" +a636b47871dcc21705bc7885b6bca22f28bb9b81,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + else + return false; + } + + return false; +} +" +d07b01d16188f2b779827f8cc6c721c719107e34,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = str.indexOf(""xyz"", a); + String c = "".""; + while (b != -1) + { + if (b = 0 || str.charAt(b - 1) != c) + return true; + } + return false; +} +" +3cd0fb39ac672728d13ba902054c088bd1e28de6,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + else + return true; + } + + return false; +} +" +c5723647827f28ff37b74ecb37f908ca356737dc,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +0916c7d686efef10932bdb37b25afe859a31f7a4,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = 0; + String c = "".""; + while (b = str.indexOf(""xyz"", a) != -1) + { + if (b == 0 || str.charAt(b - 1) != c) + return true; + } + return false; +} +" +1036a17cf97271d2410375d3cb28c77eddd4d223,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + return true; + } + return false; + +} +" +021dde1cccead8f1c4c035328e757c847e371b5e,"public boolean xyzThere(String str) +{ + int l = str.length(); + while (int i = 0; i <= l; i++) + { + int ii = i + 3; + int iii = i - 1; + String strii = str.substring(i, ii); + String x = ""xyz""; + if (i > 0) + { + String striii = str.substring(iii, ii); + String notx = "".xyz""; + if (!striii.equals(notx) && strii.equals(x)) + { + return true; + } + } + else if (strii.equals(x)) + { + return true; + } + } + return false; +} +" +dabd54e80ef588651da6524cf2315e4ef8a7abec,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return ; + } + else if (str.contains("".xyzxyz"")) + return true; + else + return true; + } + + return false; +} +" +2ec7de8fa162fe6dd9cd4cb0d86edebb8387a961,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyzxyz"")) + { + return true; + } + else if (str.contains("".xyz"")) + return false; + else + return true; + } + + return false; +} +" +a519c2e571328ee5bde8d8d8981d2b1f6fa72edd,"public boolean xyzThere(String str) +{ + int l = str.length(); + for (int i = 0; i <= l; i++) + { + int ii = i + 3; + int iii = i - 1; + String strii = str.substring(i, ii); + String x = ""xyz""; + if (i > 0) + { + String striii = str.substring(iii, ii); + String notx = "".xyz""; + if (!striii.equals(notx) && strii.equals(x)) + { + return true; + } + } + else if (strii.equals(x)) + { + return true; + } + } + return false; +} +" +842eddf547f3dafea1b80205d19d3e34c0e172db,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +9602f2b8da6c2ad6d1fb54294513051179a64de7,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = 0; + String c = "".""; + while ((b = str.indexOf(""xyz"", a)) != -1) + { + if (b == 0 || str.charAt(b - 1) != c) + return true; + } + return false; +} +" +525fbc7792cabe29a53eabfa13a300d65de3ada7,"public boolean xyzThere(String str) +{ + int l = str.length(); + if (l > 2) + { + for (int i = 0; i <= l; i++) + { + int ii = i + 3; + int iii = i - 1; + String strii = str.substring(i, ii); + String x = ""xyz""; + if (i > 0) + { + String striii = str.substring(iii, ii); + String notx = "".xyz""; + if (!striii.equals(notx) && strii.equals(x)) + { + return true; + } + } + else if (strii.equals(x)) + { + return true; + } + } + } + return false; +} +" +fe2be93f0ba1b69cafb18541cf8593d20ff0d90c,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = -1; + while ((a = str.indexOf(""xyz"", a + 1)) != -1) + { + if (a == 0 || str.charAt(a - 1) != ""."") + return true; + } + return false; +} +" +2441a09409a65616d9683447179917b61b8ad09b,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = -1; + while ((a = str.indexOf(""xyz"", a + 1)) != -1) + { + if (a == 0 || str.charAt(a - 1) != '.') + return true; + } + return false; +} +" +8727186387eb9f793238957041421fbc9edaee47,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + +return false; +} +" +a379bac181239d3e13697c13672937dbbde743e2,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = str.indexOf(""xyz"", a); + String c = "".""; + while (b != -1) + { + if (b = 0 || str.charAt(b - 1) != '.') + return true; + } + return false; +} +" +2ec8774827ad6491a75078ce1b2b9961c30e7ef2,"public boolean xyzThere(String str) +{ + // + //int i = -1; + //while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + //{ + //if (i == 0 || (str.charAt(i-1) != '.')) + //return true; + //} + //return false; + // + int a = 0; + int b = str.indexOf(""xyz"", a); + String c = "".""; + while (b != -1) + { + if (b = 0 || str.charAt(b - 1) != '.') + return true; + } + return false; +} +" +631b6d30c65767937dd9a71ab0e787b2b97daa41,"public boolean xyzThere(String str) +{ + int a = -1; + while ((a = str.indexOf(""xyz"", a + 1 )) != -1) + { + if (a == 0 || (str.charAt(a - 1) != '.')) + return true; + } + return false; +} +" +4f7531658c399fc285f1c7208fcdaf04d137f5a8,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; int < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""!"")) + { + str = str.substring(1); + } + } + if(string.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +186a7f37d4e1e038aec7d315282709f3c91d8437,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+3); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +a94e5b6a8a2523e59d33353e29985ba561e1f7b9,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""!"")) + { + str = str.substring(1); + } + } + if(string.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +2ba0391e301e4c3ec74b04870d02e260945e88ba,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+3); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +3374ab7ee32cc36263e8036d4523ad7d9100d5b5,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""!"")) + { + str = str.substring(1); + } + } + if(string.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +bd88158712746dc14d748c0bfdadc67fe6492051,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +9f8829d62bea58a01fbc8c135c60057ad2871721,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-1; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +8c4397fbc4df3428ebb0883f156f65e3b565ae45,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""!"")) + { + str = str.substring(1); + } + } + if(str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +ea0f66161239acd86e65f195df57d3b6433db5c8,"public boolean xyzThere(String str) +{ + int l = str.length(); + int lim = l - 4; + if (l > 2) + { + for (int i = 0; i <= lim; i++) + { + int ii = i + 3; + int iii = i - 1; + String strii = str.substring(i, ii); + String x = ""xyz""; + if (i > 0) + { + String striii = str.substring(iii, ii); + String notx = "".xyz""; + if (!striii.equals(notx) && strii.equals(x)) + { + return true; + } + } + else if (strii.equals(x)) + { + return true; + } + } + } + return false; +} +" +473515ffed7556ed5b76f70306c58c37b40da46c,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +0a55882cea7b317a361efa5a457dd857a4abd82c,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""!"")) + { + str = str.substring(4); + } + } + if(str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +3a74a61278282e46a77a19c9db7012336c381c10,"public boolean xyzThere(String str) +{ + int l = str.length(); + int lim = l - 3; + if (l > 2) + { + for (int i = 0; i <= lim; i++) + { + int ii = i + 3; + int iii = i - 1; + String strii = str.substring(i, ii); + String x = ""xyz""; + if (i > 0) + { + String striii = str.substring(iii, ii); + String notx = "".xyz""; + if (!striii.equals(notx) && strii.equals(x)) + { + return true; + } + } + else if (strii.equals(x)) + { + return true; + } + } + } + return false; +} +" +31862fdd250ccc9b2576d1a46d2cf5226af6a3e1,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + } + return false; +} +" +bcde1c08da4d714621de9550977f862e23761ab6,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""."")) + { + str = str.substring(4); + } + } + if(str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +01ae00d474f3874e0f3fd1845705dc0affe6cdea,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + if(str.startsWith(""."")) + { + str = str.substring(1); + } + } + if(str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +a2a80a43f963d56f603e87631722b9cfd6655c1c,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(!(char1 == '.')) + { + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + else + return false; + } + return false; +} +" +73ed2da115ec0f8eb5e6793c3810b73c70e823fe,"public boolean xyzThere(String str) { + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +}" +280ace71e34303988fb2091846050e7565776d12,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + if(str.length() >= 4) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + } + if(str.startsWith(""."")) + { + str = str.substring(1); + } + } + if(str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +239bb11c589cb725c14841daab47c9dacff98277,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if (index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } +} +" +6e010a7557b257ab53a5309db0d72e9d933f2340,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && !str.contains(""."")) + { + return true; + } + else + { + if(str.contains(""xyz"")) + { + if(str.startsWith(""xyz"")) + { + return true; + } + else + { + for(int i = 0; i < 1000; i++) + { + if(str.length() >= 4) + { + while(!str.substring(1).startsWith(""xyz"")) + { + str = str.substring(1); + } + } + if(str.startsWith(""."")) + { + str = str.substring(4); + } + } + if(str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + + } + } + else + { + return false; + } + } +} +" +71aeb2f391202d6405f50390274343b88fefecc1,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + else + return false; + } + return false; +} +" +076ee8c498384bded0fc1991b4377e257955c84b,"public boolean xyzThere(String str) +{ + charX = str.indexOf(String xyz); + charBefore = (charX - 1); + if (charBefore == .) + { + return false; + } + else + { + return true; + } +} +" +645f02a9168a0f6982c375253792c3d51e45de69,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + + if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + + } + return false; +} +" +6c32e7ed5bd9d70c4f57b0a5336db80b710dcdc6,"public boolean xyzThere(String str) +{ + charX = str.indexOf(String xyz); + charBefore = (charX - 1); + if (charBefore == '.') + { + return false; + } + else + { + return true; + } +} +" +3a9cc12de3f147daa08b1e124d940f41bb41b848,"public boolean xyzThere(String str) +{ + int charX = str.indexOf(String xyz); + charBefore = (charX - 1); + if (charBefore == '.') + { + return false; + } + else + { + return true; + } +} +" +f6e293ad019c8c7cc6b95fdd0f09e0e643b26a8e,"public boolean xyzThere(String str) +{ + int charX = str.indexOf(String xyz); + int charBefore = (charX - 1); + if (str.charAt(charBefore) == '.') + { + return false; + } + else + { + return true; + } +} +" +a1b61278f7b5f70fd0efc9bcce360e72876409b1,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + if(char1 == (""."") && char2 == ('x') && char3 == ('y')) + return false; + + else if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + + } + return false; +} +" +35e27ff3bb029a008666094cbd4fda04e8e9088a,"public boolean xyzThere(String str) +{ + for(int x=0; x < str.length()-2; x++) + { + char char1 = str.charAt(x); + + + char char2 = str.charAt(x+1); + + + char char3 = str.charAt(x+2); + + if(char1 == ('.') && char2 == ('x') && char3 == ('y')) + return false; + + else if(char1 == ('x') && char2 == ('y') && char3 == ('z')) + return true; + + } + return false; +} +" +2abe2447e2768eea3506a5a747adb6d9aa080322,"public boolean xyzThere(String str) +{ + int charX = (str.indexOf(String xyz)); + int charBefore = (charX - 1); + if (str.charAt(charBefore) == '.') + { + return false; + } + else + { + return true; + } +} +" +818aefa94682b4e8b76c7920a51cdc58bfea45a1,"public boolean xyzThere(String str) +{ + int charOf = (str.indexOf(String xyz)); + int charBefore = (charX - 1); + if (str.charAt(charBefore) == '.') + { + return false; + } + else + { + return true; + } +} +" +8e3793f9c88685f7ca4d1c4ea894dc65fe2421d7,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+3).equals(""xyz"") && + !str.substring(i-1, i+3).equals("".xyz"")) + { + return true; + } + else + return false; + + } +} +" +f040235ee3dc9b762155b0a44d186438dfefd7c1,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i, i+4).equals("".xyz"")) { + a++; + } + } + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +}" +7445c4464ecbcff0a6c8d9790cc5e57710588923,"public boolean xyzThere(String str) +{ +if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) +{ +return true; +} +for(int i = 1; i < str.length() - 2; i++) +{ +if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) +return true; +} + +return false; +} +" +01d6c0c73a1b2647329bc1f13e14e427c7a853e7,"public boolean xyzThere(String str) +{ + boolean truth = false + for (i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"") + { + if (str.charAt(minVal).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +23f5c6e9277d5d8f58a561b13b482b50a78ebd5b,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.charAt(minVal).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +e956405a6c4d6cc5469faa9b06b082737671f69f,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.charAt(minVal).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +c411f3fcaca668189780bef36350a8ff885ea59a,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.charAt(minVal) == ""."") + { + truth = true; + break; + } + } + } + return truth; +} +" +4de20782387b6aa6514007027f193444099f4385,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + return (string.charAt(i - 1) != '.' || i == 0); + } + } + return false; +} +" +8142065bd61c8d2b0d2347964fb3ea8baef2bc07,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + return (str.charAt(i - 1) != '.' || i == 0); + } + } + return false; +} +" +4d3ad142b55881b0237270a9533e0a0fad505fea,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str(minVal).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +819bf824caae83db292aaf4d535099f9760cb2e4,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.substring(minVal, i).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +949c2a8c7491aa56def3708fda3ed9e8bcf7815b,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(str.charAt(i - 1) != '.' || i == 0) + { + return true; + } + } + } + return false; +} +" +04e064001f1bafa17c531c24a7fa57dcdaff2814,"public boolean xyzThere(String str) +{ + String goal = ""xyz""; + String notGoal = "".xyz""; + int thing = str.indexOf(goal); + int thingy = str.indexOf(notGoal); + + if(thing!=-1) + { + return true; + } + else + { + return false; + } + + +} +" +6e12ee87420c0c18f73ee38c93a9bf3b9803abf2,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (!str.substring(minVal, i).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +237618fc794cec17dfb6c77214d90e78003b2117,"public boolean xyzThere(String str) +{ + String goal = ""xyz""; + String notGoal = "".xyz""; + int thing = str.indexOf(goal); + int thingy = str.indexOf(notGoal); + + if (thing !=-1 && thingy == -1) + { + return true; + } + else + { + return false; + } + + +} +" +f7c464b85b4d43aaf006ea646bbec68ba5808992,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (!str.charAt(minVal).equals(.)) + { + truth = true; + break; + } + } + } + return truth; +} +" +fc65fc92c1b458344cb2a4e8afcad6cc8309b8fa,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.charAt(minVal) != .) + { + truth = true; + break; + } + } + } + return truth; +} +" +da22f9e9966e75e1d063a4d99a8e99faa9ebebec,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(str.charAt(i - 1) != '.' || i == 0) + { + return true; + } + } + } + return false; +} +" +325019dd3601aff1beeb639acfbfd08123ab8002,"public boolean xyzThere(String str) +{ + for (int i = 0; i <= str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(str.charAt(i - 1) != '.' || i == 0) + { + return true; + } + } + } + return false; +} +" +eba121b1747e01ac1587e8022fd2ec33e75a68a5,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(str.charAt(i - 1) != '.' || i == 0) + { + return true; + } + } + } + return false; +} +" +e3160f98fdc9045a3fd415fd9a37143ac2f040c5,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.charAt(minVal).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +0d771b6be8d696818f8d0d26fde099be9879be2b,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (str.substring(minVal, i).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +de7ef6febc1542cf5aaaaa378830e144b7541d99,"public boolean xyzThere(String str) +{ + boolean truth = false; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i + 3 > (str.length() - 1)) + { + maxVal = str.length() - 1; + } + int minVal = 0; + if (i-1 > 0) + minVal = i-1; + { + maxVal = str.length() - 1; + } + if (str.substring(i, maxVal).equals(""xyz"")) + { + if (!str.substring(minVal, i).equals(""."")) + { + truth = true; + break; + } + } + } + return truth; +} +" +5be2afc96348fc21d184208e68cce281d4e8873c,"public boolean xyzThere(String str) +{ + String goal = ""xyz""; + String notGoal = "".xyz""; + int thing = str.indexOf(goal); + int thingy = str.indexOf(notGoal); + + if(str.equals(""abc.xyzxyz"") + return true; + if (thing !=-1 && thingy == -1) + { + return true; + } + else + { + return false; + } + + +} +" +930af217f781a244f121e21c9d115c3ecb5b1c3e,"public boolean xyzThere(String str) +{ + String goal = ""xyz""; + String notGoal = "".xyz""; + int thing = str.indexOf(goal); + int thingy = str.indexOf(notGoal); + + if(str.equals(""abc.xyzxyz"")) + return true; + if (thing !=-1 && thingy == -1) + { + return true; + } + else + { + return false; + } + + +} +" +91067b48fc81f77c7f7bc97e53014dd6bc7ae264,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if(i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; +} +" +969dbae97a63f888865a093ea8097cff7f7cd087,"public boolean xyzThere(String str) +{ + int length = str.length() -2; + + for (int i; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) =='z' + { + if (str.charAt(i-1) != '.' + { + return true; + } + } + } + return false; + +} +" +5c9e8f42327f080448dbe89d138f9a58012fbebd,"public boolean xyzThere(String str) +{ + int length = str.length() -2; + + for (int i; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && + str.charAt(i+2) =='z') + { + if (str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; + +} +" +e7a78df3f7d624c2e33f0650615c54ec759a0bd3,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.containst("".xyz"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +73e3ad4de0a8b7ca3b8750b6fd269a6f04c40dd4,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +16fbb1ee99f4bb329c060c4fd15982b505907c38,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + else if (str.substring(str.indexOf(not) + 4, str.length()).contains(yes)) + { + return true; + } + else + { + return false; + } +} + +" +d792fbdf93fc53d0397e537ea41402bc027c6de1,"public boolean xyzThere(String str) +{ + int length = str.length() -2; + + for (int i =0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && + str.charAt(i+2) =='z') + { + if (str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; + +} +" +51d210c1364a42d7e2f856f6a002455285e8ba41,"public boolean xyzThere(String str) +{ + int length = str.length() -2; + + for (int i =0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && + str.charAt(i+2) =='z') + { + if (str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; + +} +" +26910de66305032bfc61d1a62f0998f70df7e6de,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++ + { + if (str.charAt(i) == ""x"" && str.charAt == ""y"" && str.charAt(i+2) == ""z"") + { + if(str.charAt(i-1) 1= ""."" || i==0) + { + return true; + } + } + } + return false; +} +" +f59bd2b6775215fdada1d3d8ded881ce91b1d286,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + + if (substring( str.indexOf(""xyz"") + 3 , + str.indexOf(""xyz"") + 4 ) != ""."") + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +58eb0abfec0f6bb45543ea5241472e0a0a74c9f5,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + //else if (str.substring(str.indexOf(not) + 4, str.length()).contains(yes)) + //{ + // return true; + //} + else + { + return false; + } +} + +" +907dc237e240d44f877c50ddf9f9c96b77e0f834,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + + if (subString( str.indexOf(""xyz"") + 3 , + str.indexOf(""xyz"") + 4 ) != ""."") + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +8774d95981dad27f6fc2ea1a837665214a155c93,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + + if (str.substring( str.indexOf(""xyz"") + 3 , + str.indexOf(""xyz"") + 4 ) != ""."") + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +1e807ddc669ecdf9bc7bee21263f925c8748fd82,"public boolean xyzThere(String str) +{ + if (str.indexOf("".xyz"") != null) + { + return false; + } + else if (str.indexOf(""xyz"") != null) + { + return true; + } +} +" +8a6a125cc5718c1967d3ffa933b50b09a9b0ba78,"public boolean xyzThere(String str) +{ + int length = str.length() -3; + + for (int i =0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && + str.charAt(i+2) =='z') + { + if (str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; + +} +" +ab08d199a3fba43c89b0186722110d8c47324f01,"public boolean xyzThere(String str) +{ + int length = str.length() -1; + + for (int i =0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && + str.charAt(i+2) =='z') + { + if (str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; + +} +" +b67cac8890331e74e7bb4c71f978d8e198430937,"public boolean xyzThere(String str) +{ + int length = str.length() -2; + + for (int i =0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && + str.charAt(i+2) =='z') + { + if (str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; + +} +" +458df3209fd88a511ec835c27a6b8e785183059c,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i) == ""x"" && str.charAt == ""y"" && str.charAt(i+2) == ""z"") + { + if(str.charAt(i-1) 1= ""."" || i==0) + { + return true; + } + } + } + return false; +} +" +499faf04b8395d6b4a27241bff54666c43cfeeb5,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + String trimmed = str.replaceAll("".xyz"",""""); + return (trimmed.contains(""xyz"")); + } + else + { + return str.contains(""xyz""); + } +} +" +e83012b2c92ef922c6b078f00b2ac84673ca9fab,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i-1) 1= '.' || i==0) + { + return true; + } + } + } + return false; +} +" +fda281b673fd11a520ca626e3ba01ce2dcd64e67,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.endsWith(""xyz"")) + return true; + + else if (str.substring( str.indexOf(""xyz"") + 3, + str.indexOf(""xyz"") + 4 ) 1 = ""."" ) + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +a2f57db3e065ce9632b45bf3ddb5b85c7bc77b76,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; +} +" +25d1fa087e3afc69d5fbe63f37607d9c28bd6de9,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.endsWith(""xyz"")) + return true; + + else if (str.substring( str.indexOf(""xyz"") + 3, + str.indexOf(""xyz"") + 4 ) != ""."" ) + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +b6b7c01aab44887483e09de0318d55ff31b69078,"public boolean xyzThere(String str) +{ + for (i = 0; i<=str.length()-4; i++) + { if (!""."".equals(str.charAt(i)) && ""x"".equals(str.charAt(i+1)) && ""y"".equals(str.charAt(i+2)) && ""z"".equals(str.charAt(i+3))) + { + count = count + 1; + + + } + } + if count >= 1) + { + return true; + } + else + { + return false; + } +} +" +88bc31fd67de95cf0c5afd4d77cb0cf2fe551480,"public boolean xyzThere(String str) +{ + for (i = 0; i<=str.length()-4; i++) + { if (!""."".equals(str.charAt(i)) && ""x"".equals(str.charAt(i+1)) && ""y"".equals(str.charAt(i+2)) && ""z"".equals(str.charAt(i+3))) + { + count = count + 1; + + + } + } + if (count >= 1) + { + return true; + } + else + { + return false; + } +} +" +b6b109b8820f5bd53f1d1c0dc93d33717597c23d,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + for (i = 0; i<=str.length()-4; i++) + { if (!""."".equals(str.charAt(i)) && ""x"".equals(str.charAt(i+1)) && ""y"".equals(str.charAt(i+2)) && ""z"".equals(str.charAt(i+3))) + { + count = count + 1; + + + } + } + if (count >= 1) + { + return true; + } + else + { + return false; + } +} +" +06aaef579332b0298a5cb4a77ec1a201aa4df263,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (str.substring(index - 1, index + 3) == "".xyz"") + { + return false; + } + else + { + return true; + } +} +" +78590d498a4af9adfbf02324fdccc2d4c6cde2b1,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + for (i = 0; i<=str.length()-3; i++) + { if (!""."".equals(str.charAt(i)) && ""x"".equals(str.charAt(i+1)) && ""y"".equals(str.charAt(i+2)) && ""z"".equals(str.charAt(i+3))) + { + count = count + 1; + + + } + } + if (count >= 1) + { + return true; + } + else + { + return false; + } +} +" +9bd9eb16d0d3bb3d24a2ac2f0f9f000df719392e,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (index == 0) + { + return true; + } + else if (str.substring(index -1, index + 3) == "".xyz"") + { + return false; + } + else + { + return true; + } +} +" +dec9d79a2affe3630a2a186132b8c4e4748853b4,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + return(i == 0 || str.charAt(i - 1) != '.'); + } + } + return false; +} +" +272eef8dd07a39d7d9525e900718cbdec95d6423,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + return(i == 0 || str.charAt(i - 1) != '.'); + } + } + return false; +} +" +d61ddce2ba449bccbfb07a576157aff53d8a3449,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + return(i == 0 || str.charAt(i - 1) != '.'); + } + } + return false; +} +" +0407aca98c05849fd1ba1d0e646f9bb8b224662f,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.substring( str.indexOf(""xyz""), + str.indexOf(""xyz"") - 1) != ""."") + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +4d88021c0396e2f88333e4d0f65f06c787bfe32f,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') //checking that xyz come right after each other + { + if (i == 0 || str.charAt(i - 1) != '.') + return true; //true if char before i is not a period or if i is 0 because then there would be no char in front of it making it true. + } + } + return false; +} +" +fad427af6079c8cc27ea9a6ed935ca93c43fbc2e,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + //checking that xyz come right after each other + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + //true if char before i is not a period or if i is 0 because then there would be no char in front of it making it true. + } + } + } + return false; +} +" +fb1b7edebb4594e38d283f00770cd2ae50338814,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + String a = new String("".""); + String x = new String(""x""); + String y = new String(""y""); + String z = new String(""z); + for (i = 0; i<=str.length()-3; i++) + { if (!a.equals(str.charAt(i)) && x.equals(str.charAt(i+1)) && y.equals(str.charAt(i+2)) && z.equals(str.charAt(i+3))) + { + count = count + 1; + + + } + } + if (count >= 1) + { + return true; + } + else + { + return false; + } +} +" +0946a2fa6ab097bb61cd1a516c024da881c1843c,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + String a = new String("".""); + String x = new String(""x""); + String y = new String(""y""); + String z = new String(""z""); + for (i = 0; i<=str.length()-3; i++) + { if (!a.equals(str.charAt(i)) && x.equals(str.charAt(i+1)) && y.equals(str.charAt(i+2)) && z.equals(str.charAt(i+3))) + { + count = count + 1; + + + } + } + if (count >= 1) + { + return true; + } + else + { + return false; + } +} +" +cf1b2fe24685112058df99b87572a0ff158fe8c6,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + else if (str.endsWith(""xyz"")) + return (str.substring( str.indexOf(""xyz""), + str.indexOf(""xyz"") - 1) != "".""); + + else if (str.substring( str.indexOf(""xyz""), + str.indexOf(""xyz"") - 1) != ""."") + return true; + else + return false; + + + + + } + else + return false; + + + +} +" +d1a377e1d16f15ab306e222b1dd6199afba6fa4a,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; +} +" +34d7877ebd783ac6f3cd4720374be74f2ad5a796,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && str.substring( str.indexOf(""xyz""), + str.indexOf(""xyz"") - 1) != ""."") + return true; + + + else if (str.substring( str.indexOf(""xyz""), + str.indexOf(""xyz"") - 1) != ""."") + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +d0e8901ca84af1014f021ca477005a14b8b85cc8,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"")) + return true; + + + else if (str.substring( str.indexOf(""xyz""), + str.indexOf(""xyz"") - 1) != ""."") + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +a3137d8d6f2df017cbe4ddce99f496a7eadae936,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +b8cd446eb33bc647f8c5c1f4b34bf9f18977e01f,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")) != ""."") + return true; + + + else if (str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")) != ""."") + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +84efa527b5c07ddb39af7e66b52f477103b4cc24,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && !str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")) .equals(""."")) + return true; + + + else if (!str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")).equals( ""."")) + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +3900e0e655808612ef5104752ca6d3ec53239509,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && !str.substring( str.lastIndexOf(""xyz"") -1, + str.indexOf(""xyz"")) .equals(""."")) + return true; + + + else if (!str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")).equals( ""."")) + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +f255167eca5a6cda7eaba1e2e62736707ca2597a,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && !str.substring( str.IndexOf(""xyz"") -1, + str.indexOf(""xyz"")) .equals(""."")) + return true; + + + else if (!str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")).equals( ""."")) + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +0b218f009e9e3b2892b1f4d868daa4594e89c256,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && !str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")) .equals(""."")) + return true; + + + else if (!str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")).equals( ""."")) + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +75d5028551b1e29daf3c569f57adf8e3d954ed30,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +df6ebe7aa061718c71dfaf09d3c96c299a3987b0,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.startsWith(""xyz"")) + return true; + + else if (str.endsWith(""xyz"") && !str.substring( str.lastIndexOf(""xyz"") -1, + str.lastIndexOf(""xyz"")) .equals(""."")) + return true; + + + else if (!str.substring( str.indexOf(""xyz"") -1, + str.indexOf(""xyz"")).equals( ""."")) + return true; + + else + return false; + + + + + } + else + return false; + + + +} +" +11b226410ebe5205d40a5cb120bc91793bff4f4d,"public boolean xyzThere(String str) +{ + int j = 0; + for (int i = 0; i <= str.length(); i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + String d = str.substring(i - 1); + + if (a == ""x"" && b == ""y"" && c == ""z"" && d != ""."") + { + j = 1; + } + } + if (j == 1) + { + return true; + } + else + { + return false; + } +} +" +ad884a040b79834d312c91bac2d92ee8bc8c2710,"public boolean xyzThere(String str) +{ + if(str.contains(""xyz"") && str.contains(""."")) + { + if (str.indexOf(""."") < str.indexOf(""xyz"")) + { + return false; + } + else + { + return true; + } + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +5ca7203d226050c6cf3791cf0fa60fff493ae53b,"public boolean xyzThere(String str) +{ + int j = 0; + for (int i = 0; i <= str.length(); i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + if (i > 0) + { + String d = str.substring(i - 1); + } + if (a == ""x"" && b == ""y"" && c == ""z"" && d != ""."") + { + j = 1; + } + } + if (j == 1) + { + return true; + } + else + { + return false; + } +} +" +0039809a4ff55b9853b7baa91acd5b7bb2edb45f,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + String a = new String("".""); + String x = new String(""x""); + String y = new String(""y""); + String z = new String(""z""); + // !a.equals(str.charAt(i)) && + for (i = 0; i<=str.length()-2; i++) + { if (x.equals(str.charAt(i)) && y.equals(str.charAt(i+1)) && z.equals(str.charAt(i+2))) + { + count = count + 1; + + + } + } + if (count >= 1) + { + return true; + } + else + { + return false; + } +} +" +f3504250e08546c1a76119a4a8ee926fb147192e,"public boolean xyzThere(String str) +{ + int j = 0; + for (int i = 0; i <= str.length(); i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + if (i > 0) + { + String d = str.substring(i - 1); + } + else + { + String d = ""0""; + } + if (a == ""x"" && b == ""y"" && c == ""z"" && d != ""."") + { + j = 1; + } + } + if (j == 1) + { + return true; + } + else + { + return false; + } +} +" +b2806a338ccb6a6d3f7c8ed590245c7888bd60f0,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + int index2 = str.lastIndexOf(""xyz""); + if (index == -1) + return false; + else if (index == 0) + return true; + else if (!str.substring(index - 1, index).equals(""."") || !str.substring(index2 - 1, index2).equals(""."")) + return true; + return false; +} +" +ce3deec792a5cf939ea02431c5e74fa56a51a2e4,"public boolean xyzThere(String str) +{ +int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +09129f3e4b8e1b838ea77d31b58c0b2b9e71e7aa,"public boolean xyzThere(String str) +{ + found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).eqauls(""."")) + { + found = false; + } + else + { + if (str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + } + } + } + return found; +} +" +b6df08c8ca4dbe82019c298ded185e725b95b373,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).eqauls(""."")) + { + found = false; + } + else + { + if (str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + } + } + } + return found; +} +" +18aca52633373240fbeec83dbec0dfd201d6ffae,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz."")) + { + return false; + } + else + { + return true; + } +} +" +f9800fcc30c4d65fc86beb6464a4db418af12816,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz."")) + { + return false; + } + else + { + return true; + } +} +" +da8895df31b3b5a2c3005602c9e3b7e76989e422,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).eqauls(""\\."")) + { + found = false; + } + else + { + if (str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + } + } + } + return found; +} +" +a8c7a419cd32c193b2d45f093f1e780bcb8dbfd5,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; +} +} +" +03e9e86d1e25b475cbcda9489bbe2c58604a4405,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + } + } + } + return found; +} +" +a3d348579d9e57f7e59217cba286a6918267a54f,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains(.xyz) != true) + { + return true; + } + } + else + { + return false; + } +} +" +3289987f58179ad9a136174185fba0def2b5b960,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"") != true) + { + return true; + } + } + else + { + return false; + } +} +" +dad71f3cd4618e73ba9819de5ded30159f581c28,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"") != true) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +61d085302d8f3e7d27625588434a1f4bf2a8fdba,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes != -1) && (str.substring(yes, yes+1) != ""."")) + { + return true; + } + else + { + return false; + } +} +" +9aea9bcf95627f92b5a5e4249bcde28d4fe3a231,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes != -1) && (str.substring(yes-1, yes) != ""."")) + { + return true; + } + else + { + return false; + } +} +" +4eb74c8f3b21ca0c53bc07db9ba63c8f5134635a,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""."")) + { + if (str.substring(i + 1).equals(""x"")) + { + found = false; + } + } + else + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + found = true; + } + } + } + return found; +} +" +508c6ee64f85751aa3a7d3464331e4eaabe48db3,"public boolean xyzThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 1; i <= str.length(); i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + String d = str.substring(i - 1); + if (a == ""x"" && b == ""y"" && c == ""z"" && d == ""."") + { + j = 1; + } + } + + if (j == 1) + { + return true; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +fff9fb08eea319048604f24c5fa2c974f25f746f,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes != -1) && (str.substring(yes, yes+1) != ""."")) + { + return true; + } + else + { + return false; + } +} +" +80b2cb80e3b343876d4a898322499ac3427765f5,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; + } +} +} +" +ec973457727063f82f3cc9a227eb409a63bde5f7,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + } + } + } + return found; +} +" +6336c5b7171742e24cda2db37a152b67d391f504,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + else{ + return false; + } +} +} +" +21e5d8a44a3ec3b6756faab04bada669e7cabceb,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes != -1) && (!(str.substring(yes, yes+1).equals("".""))) + { + return true; + } + else + { + return false; + } +} +" +d05b257a5485a66306fdc6ae0ad5fb21fc4057a2,"public boolean xyzThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 1; i <= str.length() - 4; i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + String d = str.substring(i - 1); + if (a == ""x"" && b == ""y"" && c == ""z"" && d == ""."") + { + j = 1; + } + } + + if (j == 1) + { + return true; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +eebfcfe9099954cc3c48df73700df3ee9c891299,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; +} +} +" +de0efcb2bb6fae0b47825fa38d8819d3165d35ba,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes != -1) && (!(str.substring(yes, yes+1).equals(""."")))) + { + return true; + } + else + { + return false; + } +} +" +f30cf78599995ee7090755f41cca62f65003f566,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +c415a74ad95166444557f6a8c61b4e0786f7233a,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + else{ + return false; + } + } +} +" +9a2765d209952c7c82d50ad3668ed77a55b2563d,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i <= str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + } + } + } + return found; +} +" +e995aa863a1ab2a3c6769f77f90e9114dcdbc7b9,"public boolean xyzThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 1; i <= str.length() - 3; i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + String d = str.substring(i - 1); + if (a == ""x"" && b == ""y"" && c == ""z"" && d == ""."") + { + j = 1; + } + } + + if (j == 1) + { + return true; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +7c997e21ee7220645a4bb68d1bd6ca2fb97854fa,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes == -1) || (str.substring(yes, yes+1).equals("".""))) + { + return false; + } + else + { + return true; + } +} +" +ece47585f9154c4013648e9d0f8e893a6b9510ce,"public boolean xyzThere(String str) +{ + boolean fun = false + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + fun = true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + fun = true; + } + } + return fun; +} +" +e112fc37c0980c10dc5a2079665b22c5d23f2803,"public boolean xyzThere(String str) +{ + boolean fun = false; + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + fun = true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + fun = true; + } + } + return fun; +} +" +22569fe406dcd5e4c564fa5c214cec5f1355e0ee,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes == -1) || (str.substring(yes, yes + 1).equals("".""))) + { + return false; + } + else + { + return true; + } +} +" +42418ed5b2bbde67c7abac5526bc6922193c0c87,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if ((yes == -1) || (str.substring(yes, yes + 1).equals('.'))) + { + return false; + } + else + { + return true; + } +} +" +9a524d40d84fac42dbc570a1ae2ada2f528cf510,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"") != true) + { + int i = str.indexOf("".xyz""); + String first = str.substring(0, i); + String last = str.substring(i+4, str.length()); + if (first.contains("".xyz"") || last.contains("".xyz"")) + { + return false; + } + else if (first.contains(""xyz"") || last.contains(""xyz"")) + { + return true; + } + else + {return false; + } + } + else + { + return false; + } + } + else + { + return false; + } +} +" +3894373278617170d7b640cc54931711ba97d3b1,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + fouond = false; + } + } + } + } + return found; +} +" +c44e79bfd377debb85e969fa8b75b6f28a69e964,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + return found; +} +" +88b60078d1aaf2a185c7bfdb60bc095a1678d48d,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + return found; +} +" +2480f53429a9e09c10ba4ec802b7fb3275bbce8a,"public boolean xyzThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 1; i <= str.length() - 3; i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + String d = str.substring(i - 1); + if (a == ""x"" && b == ""y"" && c == ""z"") + { + if (d == ""."") + { + k = 1; + } + else + { + j = 1; + } + + } + } + + if (j == 1) + { + return true; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +8658b5b8d178612646e6bf7d26548e30c25d0177,"public boolean xyzThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 1; i <= str.length() - 2; i++) + { + String a = str.substring(i); + String b = str.substring(i + 1); + String c = str.substring(i + 2); + String d = str.substring(i - 1); + if (a == ""x"" && b == ""y"" && c == ""z"") + { + if (d == ""."") + { + k = 1; + } + else + { + j = 1; + } + + } + } + + if (j == 1) + { + return true; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +b2e6a19b1859c3b3216f4d162cd2af9bf01e47ee,"public boolean xyzThere(String str) +{ + boolean found = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + + } + } + return found; +} +" +8fb91145013eb7fa323a64ec15a73b66c1d729f9,"public boolean xyzThere(String str) +{ + + if (str.contains("".xyz"")) + { + int i = str.indexOf("".xyz""); + String first = str.substring(0, i); + String last = str.substring(i+4, str.length()); + if (first.contains("".xyz"") || last.contains("".xyz"")) + { + return false; + } + else if (first.contains(""xyz"") || last.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } + +} +" +5a5056e054ec74dad1dab919fb6c1ba22f7930bf,"boolean found = true; +public boolean xyzThere(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + return found; +} +" +e1a9892136cef18b7d13884454dbbf20de1e272a,"public boolean xyzThere(String str) +{ + int yes = str.indexOf(""xyz""); + if (str.includes(""xyz"") && !(str.includes("".xyz""))) + { + return true; + } + else + { + return false; + } +} +" +aabdeb1d67f1bf22be669e3290168c0f035a7ca9,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String xyz1 = "".xyz""; + if (str.includes(xyz) && !(str.includes(xyz1))) + { + return true; + } + else + { + return false; + } +} +" +242e44cc4918b35983f4d1f63ffa8939f4ced2c9,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + String xyz1 = "".xyz""; + if (str.includes(xyz) && !(str.includes(xyz1))) + { + return true; + } + else + { + return false; + } +} +" +7364af421f07240cd6900b4aa9e2a3b6a2c1c1ba,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +e4f7e971ec1c518a4d41d2920b623499932a6bbb,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +23753d8435ffc720a6dcdce2d8d9449c48d62338,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length < 3) + { + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + + } + return found; +} +" +63751a6ff7e36f80e3e130bc9fecf73be530a4d9,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + + } + return found; +} +" +8b130a15dcdf59077908d86a9ebe69dff224322a,"bool found = true; +public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + + } + return found; +} +" +91f56cfe3f5a058d2bcb68ba0516dfe80d849db6,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + + } + return found; +} +" +b9d7bf6def154a082e03889e786efa3d45f1f710,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + else + found = false; + } + + } + return found; +} +" +528825a9c64027c2bfb968021be16a7a148b8cc0,"boolean found = true; +public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + else + found = false; + } + return found; +} +" +a2ab5cab08e47b147bacc9b12b7c202c8ee75eb2,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length < 3) + { + found = false; + } + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + else + found = false; + } + + } + return found; +} +" +8d0124bdfe1ceeb83a18cb18bdaf0bd9aa75a9b9,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length < 3) + { + found = false; + } + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + else + found = false; + } + + return found; +} +" +cbd3a561e8c6822fba9a6746d07006dcd87702fd,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + found = false; + } + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + else + found = false; + } + + return found; +} +" +4759cb84d253cb54689b59c60d48eeb9698815a1,"boolean found = true; +public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + else + found = false; + } + } + return found; +} +" +a60136fcd45011d8892bec6e5fff344b71d645c2,"boolean found = false; +public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i - 1).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + } + return found; +} +" +cedadd54c6d358b5c1df219a39f35b3844d70e2a,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + { + return true; + } + + return false; +} +" +17d3a3baafdc162dfda0e23075569f7cb7cf01c3,"boolean found = false; +public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + if (str.substring(i - 1, i).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + } + return found; +} +" +9e2b3c2e67f32c8c7517a5e5cfd242f6c5e46890,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"") == false || str.contains(""xyz"")) + { + return true; + } + + return false; +} +" +ab770fc3b588e6a7cfbe76f0fa34c6b65c384d9b,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + { + return true; + } + + return false; +} +" +ebb3afaf478c78e2a4e4014230fb6a92334431a1,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + + for(int i = 0; i < len; i++) + + { + + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + + { + + if(i == 0 || str.charAt(i-1) != '.') + + return true; + + } + + } + + return false; + +} +" +9a3b736b50e02926ff7948f28f1de9dab0a64130,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + return (str.contains(""xyz"")); +} +" +c110f2dcfd3c38f786a5dff75ce005c1e8346322,"boolean found = false; +public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + if (i > 0 && str.substring(i - 1, i).equals(""."")) + { + found = false; + } + else + { + if (str.length() >= i + 3 && + str.substring(i + 1, i + 3).equals(""yz"")) + { + found = true; + } + else + { + found = false; + } + } + } + } + } + return found; +} +" +cd6d884945b9405c7b5d1313839709274e23135b,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +709403a8e3fbe33b9f923694a5b19f2431ec5ea0,"public boolean xyzThere(String str) +{ + //check from variable starting at 0 + //and go until str.length + int first = str.indexOf(""xyz""); + int dot = str.indexOf("".""); + + if (dot != (first - 1) && (first != -1)) + return true; + else if ((dot == -1) && (first != -1)) + return true; + return false; +} +" +0a7279adc06f3fc6f3269e9cdc86037e8ff14f3d,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' + && str.charAt(i+2) == 'z') + { + if(str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; +} +" +4417ceb1392f1a627d13ad11afbeddb7d5177257,"public boolean xyzThere(String str) +{ + int j = 0; + int k = 0; + for (int i = 1; i <= str.length() - 5; i++) + { + String a = str.substring(i + 1, i + 1); + String b = str.substring(i + 2, i + 2); + String c = str.substring(i + 3, i + 3); + String d = str.substring(i, i); + if (a == ""x"" && b == ""y"" && c == ""z"") + { + if (d == ""."") + { + k = 1; + } + else + { + j = 1; + } + + } + } + + if (j == 1) + { + return true; + } + else if (str.startsWith(""xyz"")) + { + return true; + } + else if (str.endsWith("".xyz"")) + { + return false; + } + else if (str.endsWith(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +61fb5c4f34264ff9afa744e4bebe773bb6d46c0f,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if (str.charAt(i)=='x' && str.charAt(i+1)=='y' && str.charAt(i+2)=='z') + { + if(str.charAt(i-1) != '.' || i==0) + { + return true; + } + } + } + return false; +} +" +e500c06bdcb7c3169b5d3b07a684a73651d498db,"public boolean xyzThere(String str) +{ + if (!str.contains("".xyz"")){ + if (str.contains(""xyz"")){ + return true; + } else { + return false; + } + } else { + return false; + } +} +" +8a73db69aa0db7e82bd4d83bc88e1c5d2461231b,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +f214662e18a60aec64c755e27d25d08902861377,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)) + { + if (charAt(x-1)!='.') + { + return true; + } + } + } + return false; +} +" +1a2c5d743c6026fbbe4018d71422fef6a76ffab2,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)) + { + if (str.charAt(x-1)!='.') + { + return true; + } + } + } + return false; +} +" +698c84e34f38b01ab9ac68cd0d0b92547f74eb05,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length()-1;x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + if (str.charAt(x-1)!='.') + { + return true; + } + } + } + return false; +} +" +e609d0bb1ef95b461e18ce42a7d03b426ffb538d,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length()-1;x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + if (str.charAt(x-1)!='.'||str.charAt(x+1)!='.') + { + return true; + } + } + } + return false; +} +" +c0c8f31331c70cc215260afe211cb46b451c7673,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length()-1;x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + if (str.charAt(x-1)!='.') + { + return true; + } + } + } + return false; +} +" +abf301bc5c80cecd98e2bb870025f3eec047e14c,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length()-1;x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + if (str.charAt(x-1)!='.') + { + return true; + } + } + } + return false; +} +" +fd5c9befafc005a114d27b2dc8bf1127fec85d2b,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + return true; + } + return false; +} +" +fbb3993600e7b18460685f8ad224ab545bbce8df,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + return true; + } + else + { + return false; + } + } +} +" +80bb20f36ad6e6faaffc6ea79ecc135fc780500e,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + if (x != -1 && str.charAt(x - 1) != ""."") + { + + } +} +" +56bedf8173b6ab666a4e4a9a3872dd4825d38b68,"public boolean xyzThere(String str) +{ + for (int x = 0 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + if (x!=0){ + if (str.charAt(x-1)!='.') + { + return true; + } + } + return true; + } + } + return false; +} +" +c9e891f96a6aa2ab860f286455f385d93483a71d,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + else + { + return false; + } + } +} +" +723c77cc336693d0be9cd606240b63035af14fa2,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + int y = str.indexOf(""xyz""); + if (x != -1 && y != x - 1) + { + return true; + } + else + { + return false; + } +} +" +af798d2cf562d7c3cc6a2f5d38f59edc770e1aa6,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + return false; + } +} +" +9cb50f1f76426403014520285aab110841c8d0d0,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + } + return false; +} +" +acb38c808cce3e499d04264290264acb1fa589fb,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + int y = str.indexOf("".""); + if (x != -1 && y != x - 1) + { + return true; + } + else + { + return false; + } +} +" +425ad7c7b5e9d6e795dd0fae12e118cea03292b4,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + int i = i + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + } + return false; +} +" +31d18d0cc34979cf2718d45d3a987265ef840e67,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + int i = i; + for (int i; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + } + return false; +} +" +686a62d1589ee61901573589a9122774ef762313,"public boolean xyzThere(String str) +{ + i = 0; + j = 0; + for (int k = 0; < str.length() - 3; k++) + if (str.substring(k, k + 3).equals(""xyz"")) + break; + if (str.substring(k -1, k + 3).equals("".xyz"")) + return false; + else + return true; + return false; +} +" +f2408121a1b3db1e9d272d02285bd6bbf4701063,"public boolean xyzThere(String str) +{ + for (int x = 0 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + + if (str.charAt(x-1)!='.') + { + return true; + } + + } + } + return false; +} +" +23df159c865cf6e0dfbba0a9a79a86c2cb1c3b56,"public boolean xyzThere(String str) +{ + i = 0; + j = 0; + for (int k = 0; k < str.length() - 3; k++) + if (str.substring(k, k + 3).equals(""xyz"")) + break; + if (str.substring(k -1, k + 3).equals("".xyz"")) + return false; + else + return true; + return false; +} +" +4ef36b275c14cb467e1ffbeb2a2bcc2272ca3ced,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + + if (str.charAt(x-1)!='.') + { + return true; + } + + } + } + return false; +} +" +a421ec0df3059dd1a3076c10b6535cde0242fa89,"public boolean xyzThere(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k < str.length() - 3; k++) + if (str.substring(k, k + 3).equals(""xyz"")) + break; + if (str.substring(k -1, k + 3).equals("".xyz"")) + return false; + else + return true; + return false; +} +" +6b6939753d0c4273f61d86ecec52f255f675622b,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + + if (str.charAt(x-1)!='.') + { + return true; + } + + } + } + return (str.equals(""xyz.abc"")) + return false; +} +" +836513db20952ebe23e42af558847a8a647cf4d8,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + + if (str.charAt(x-1)!='.') + { + return true; + } + + } + } + return (str.equals(""xyz.abc"")); + return false; +} +" +1ade5b377e8caa50c5c56f46787bb28a5ecb2285,"public boolean xyzThere(String str) +{ + int i = 0; + for (int k = 0; k < str.length() - 3; k++) + if (str.substring(k, k + 3).equals(""xyz"")) + break; + i = k; + if (str.substring(i - 1, i + 3).equals("".xyz"")) + return false; + else + return true; + return false; +} +" +38006c62a143b90cbcaa290b4b00643dd7e6f8cf,"public boolean xyzThere(String str) +{ + for (int x = 1 ; x< str.length();x++) + { + if (str.startsWith(""xyz"",x)||(str.equals(""xyz""))) + { + + if (str.charAt(x-1)!='.') + { + return true; + } + + } + } + if (str.equals(""xyz.abc"")) + { + return true; + } + return false; +} +" +efbfc16158312aafa53ca8825eacde86d3614319,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + int y = str.indexOf("".""); + if (x != -1 && y == -1) + { + return true; + } + else + { + if (y != x - 1); + { + return true; + } + else + { + return false; + } + } +} +" +da9310e07e238a2cf5c5045b4da226b6ecf885ae,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + int y = str.indexOf("".""); + if (x != -1 && y == -1) + { + return true; + } + else + { + if (y != x - 1) + { + return true; + } + else + { + return false; + } + } +} +" +d282a12aae373c73b1fcddf17735d6aad5a4bc88,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + int y = str.indexOf("".""); + if (x != -1) + { + if (y == -1) + { + return true; + } + else + { + if (y != x - 1) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +be064d96c07c0fb5a4702ed8ce0f8d7e6d62abdc,"public boolean xyzThere(String str) +{ + int i = 0; + for (int k = 0; k < str.length() - 3; k++) + if (str.substring(k, k + 3).equals(""xyz"")) + i = k; + break; + if (str.substring(i - 1, i + 3).equals("".xyz"")) + return false; + else + return true; + return false; +} +" +334b5a7ede2ea4a00c423b0f20f1a477bf4d18c4,"public boolean xyzThere(String str) +{ + int x = str.indexOf(""xyz""); + int y = str.indexOf("".""); + if (x != -1) + { + if (y == -1) + { + return true; + } + else + { + if (y != x - 1) + { + return true; + } + else + { + return false; + } + } + } + else + { + return false; + } +} +" +dff406af5033bbcc6e950d6516d4fa94d5a4f5e2,"public boolean xyzThere(String str) +{ + int i = 0; + for (int k = 0; k < str.length() - 3; k++) + { + if (str.substring(k, k + 3).equals(""xyz"")) + { + i = k; + break; + } + if (str.substring(i - 1, i + 3).equals("".xyz"")) + { + return false; + } + else + { + return true; + } + } + return false; +} +" +0072c284e467ed3ba523dc8f4beb78b43afbf75f,"public boolean xyzThere(String str) +{ + for (int i; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + } + return false; +} +" +9fd498099ded04173aa6769050c0a6394e6fa00e,"public boolean xyzThere(String str) +{ + for (int i; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (int i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + } + return false; +} +" +64084413631684046c1e794cbdf572a7d8f702c7,"public boolean xyzThere(String str) +{ + int i = 0; + for (int k = 0; k < str.length() - 3; k++) + { + if (str.substring(k, k + 3).equals(""xyz"")) + { + + break; + } + if (str.substring(k - 1, k + 3).equals("".xyz"")) + { + return false; + } + else + { + return true; + } + } + return false; +} +" +976b5ce3852b29e51bc6c4eaae32696bf407d301,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) == '.') + { + return true; + } + } + } + return false; +} +" +0d0ca9e0943a739edf0d4e3aaeea2a8cceabfa1e,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' + && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; +} +" +594be44d0fa81635883a46e7372fb9317b238350,"public boolean xyzThere(String str) +{ + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if ( i != j-1) + { + return true + } + else + { + return false + } + +} +" +88ede1fbb8da6b38beb77037600544e4d1f55a03,"public boolean xyzThere(String str) +{ + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if ( i != j-1) + { + return true; + } + else + { + return false; + } + +} +" +665e40aa6a0d9bf504f341659e6a7b5bee1fba6f,"public boolean xyzThere(String str) +{ + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if ( i != j-1) + { + str.substring(i,4).equals(""xyz""); + } + else + { + return false; + } + +} +" +d965f411b4f1c9eeb2022a4f412e763b8cd32bca,"public boolean xyzThere(String str) +{ + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if ( i != j-1) + { + return str.substring(i,4).equals(""xyz""); + } + else + { + return false; + } + +} +" +1b25e14bd4fbd47f3ef238f717a97479d45049b0,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + return false; + else if (str.contains""xyz"") + return true; + else + return false; +} +" +e4ac56934bd2a8acd9d2549659bdcfa34962fa38,"public boolean xyzThere(String str) +{ + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if ( i != j-1) + { + return str.substring(i, i +3).equals(""xyz""); + } + else + { + return false; + } + +} +" +3e37868b9d73522b0169018f9617fb8efc9bb9d8,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +da34d37118e4c99a60839644ea489ef1a96ccedb,"public boolean xyzThere(String str) +{ + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if ( i - 1 != j ) + { + return str.substring(i, i+3).equals(""xyz""); + } + else + { + return false; + } + +} +" +f76fbb4fc00b33515fd12e91acfebed38e3bbf35,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +cb5ad2cae80a2f44bc338d8265b32141f1b5140a,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + return true; + return false; +} +" +e0be48744c1e1c2178a90871ebeaf69435427629,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + return true; + } + return false; +} +" +3f45728ac7f5fbd3370a2fa61a0d2ea5a1f33e9d,"public boolean xyzThere(String str) +{ + if (str.equals(""abc.xyzxyz)) + return true; + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + return true; + } + return false; +} +" +a8c7ccec0f63a5c0a9a3429e29ad95ec22067503,"public boolean xyzThere(String str) +{ + if (str.equals(""abc.xyzxyz"")) + return true; + if (str.contains(""xyz"")) + { + if (str.contains("".xyz"")) + { + return false; + } + return true; + } + return false; +} +" +315f7bf01dfe94da3d0a37ab3d171ec603d7eff6,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + else + { + return false; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'x' && str.charAt(i - 1) != '.') +} + +" +0634772d3834fe7b0139865bee3201c9457d69bd,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'x' && str.charAt(i - 1) != '.') + { + return true; + } + else + { + return false; + } +} + +" +b51d31629838be33b341da411dcb08cab2abe7fc,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'x' && str.charAt(i - 1) != '.') + { + return true; + } + else + { + return false; + } + } +} + +" +e2b4407cc16da4c2fff93c9b1f9db490e4d5572a,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'x' && str.charAt(i - 1) != '.') + { + return true; + } + else + { + return false; + } + } + return xyzThere(str); +} + +" +8ea9f1601be20ace255a6070749367892df29883,"public boolean xyzThere(String str) +{ + int num = str.length(); + String xyz = ""xyz""; + Boolean same = false; + if (num < 3) + { + return false; + } + for (int i = 0; i < num - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + { + match = true; + } + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + { + match = true; + } + } + return match; + +} +" +23d382bac087f20a8515aae6f678f61ac5561a4d,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"")){ + return false; + }else if (str.contains(""xyz"")){ + return true; + }else{ + return false; + } +} +" +3f3f753f58aab96fa300ee50e69f45e308001260,"public boolean xyzThere(String str) +{ + int num = str.length(); + String xyz = ""xyz""; + Boolean same = false; + if (num < 3) + { + return false; + } + for (int i = 0; i < num - 2; i ++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + { + same = true; + } + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + { + same = true; + } + } + return same; + +} +" +6de42af3f145f22a4b677b09c05e61648320dd63,"public boolean xyzThere(String str) +{ + if(str.contains("".xyz"") && !str.contains("".xyzxyz"")){ + return false; + }else if (str.contains(""xyz"")){ + return true; + }else{ + return false; + } +} +" +7114bafcbeab44e4e70f0c3e87cd4245025694f9,"public boolean xyzThere(String str) +{ + length = str.length(); + for (i=0; i= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +b35a3baa3c991e24ac21bec4e61e41113ea9a319,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (str.charAt(i - 1) == '.') + { + return false; + } + else + return true; + } + } + return false; +} +" +e7bd3736d18610cd5aa078a74d15b596f16b1837,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (str.contains(yes)) + { + if (str.charAt(str.indexOf(yes) - 1) != '.' && str.indexOf(yes) != 0) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +b63ad0ea3d58233fa6ef0cd6c0ad418c74328b1a,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (str.contains(yes)) + { + if (str.indexOf(yes) != 0 && str.charAt(str.indexOf(yes) - 1) != '.') + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +406ad6c012a162be50b42ce159e6eee17b4e526c,"public boolean xyzThere(String str) +{ + if str.contains("".xyz"") + { + return false; + } + else if str.contains(""xyz"") + { + return true; + } + else + { + return false; + } +} +" +9e181816665dcbd3866314c477f8b92908b781ec,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.length() < 3) + { + return false; + } + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (str.charAt(i - 1) == '.') + { + return false; + } + else + return true; + } + } + return false; +} +" +7b00b2d33cbe426107a8e989e9f0a3fa251845b6,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + + for (int i = 0; i < str.length()-1; i++) + { + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (str.charAt(i - 1) == '.') + { + return false; + } + else + return true; + } + } + return false; +} +" +396dc2db6b3e62d03eae1158d54fd91f49292c92,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; + +} +" +db92797da7931a14e233137755a5502eaac37886,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); + +} +" +06f6a757e5c18f8fcbea4ddf6fcff2c56a6cbdd1,"public boolean xyzThere(String str) +{ + if (str.length() < 3) + { + return false; + } + + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(0, 3).equals(""xyz"")) + { + return true; + } + if (str.substring(i, i + 3).equals(""xyz"")) + { + if (str.charAt(i - 1) == '.') + { + return false; + } + else + return true; + } + } + return false; +} +" +a711b6fb1b72366711bc4c450dae805853d692d7,"public boolean xyzThere(String str) +{ + a = "".xyz"" + b = ""xyz"" + if str.contains(a) + { + return false; + } + else if str.contains(b) + { + return true; + } + else + { + return false; + } +} +" +5bc4d6e5f8f40a49555d222618b33a50d679e1c5,"public boolean xyzThere(String str) +{ + a = "".xyz"" + b = ""xyz"" + String c = str + if str.contains(a) + { + return false; + } + else if str.contains(b) + { + return true; + } + else + { + return false; + } +} +" +e8125d92098a63880a8b6a5e27870fec76a3a888,"public boolean xyzThere(String str) +{ + a = "".xyz"" + b = ""xyz"" + String c = str + if c.contains(a) + { + return false; + } + else if c.contains(b) + { + return true; + } + else + { + return false; + } +} +" +f6010d708d1aabc445d7b02f795f795e569d1bc1,"public boolean xyzThere(String str) +{ + a = "".xyz"" + b = ""xyz"" + c = str + if c.contains(a) + { + return false; + } + else if c.contains(b) + { + return true; + } + else + { + return false; + } +} +" +4a392948adf001dd580a6da5983eced10711cb0b,"public boolean xyzThere(String str) +{ + a = "".xyz""; + b = ""xyz""; + c = str; + if c.contains(a) + { + return false; + } + else if c.contains(b) + { + return true; + } + else + { + return false; + } +} +" +072846b8b214cbc3004ffd270d343108d3649692,"public boolean xyzThere(String str) +{ + a = "".xyz""; + b = ""xyz""; + c = str; + if (c.contains(a)) + { + return false; + } + else if (c.contains(b)) + { + return true; + } + else + { + return false; + } +} +" +8bbafa7f87ac1b39de483c766a41745f1af7ba36,"public boolean xyzThere(String str) +{ + s = str; + if (s.contains("".xyz"")) + { + return false; + } + else if (s.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +1a55be3d686b14fea54c5b85e3d0217d8edfe936,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +08d298071348e7bda471b1ca0292dc3abf4b5c0a,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +f8add677a702b9f73edc7568c4c1aa91866bacc2,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (str.contains(yes)) + { + if (str.indexOf(yes) != 0 && str.charAt(str.indexOf(yes) - 2) != '.') + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +} +" +d4d352bb0a6422dfb0a4be565c0788a9cd0ef486,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + { + return true; + } + else + { + return false; + } +} +" +ed6d7027650e4aeb28854fc09f6583c41858c6bb,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +f50c75cadaece442536b6dd4048b6737632b185c,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + { + return true; + } + else + { + return false; + } + } +} +" +8c7a2214c70abcc908ccb9b086304b90335fd8a8,"public boolean xyzThere(String str) +{ + String not = "".xyz""; + String yes = ""xyz""; + if (!str.contains(not) && str.contains(yes)) + { + return true; + } + + + else + { + return false; + } +} + +" +6d71812edb3910a8c8b028d7f6f47b696539ab3b,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + { + return true; + } + return false; + } +} +" +109816e8343aeec1afb8801a6143eecfa2be5918,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"") && str.!contains(""xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +f2b3b9535714a7766d94ca38217a10c69ddfbd03,"public boolean xyzThere(String str) +{ + if ((str.contains("".xyz"")) && (str.!contains(""xyz""))) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +efcc3b30c4d6ddfa0a78c9becf12093205062938,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + { + return true; + } + } + return false; +} +" +a0730b6ce489b18b9ef84aab32c5c16c9b79c975,"public boolean xyzThere(String str) +{ +for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + else + { + return false; + } + } + return xyzThere(str); +} + +" +e07d62bb006033172fca4dddbed227ab0cce9b1e,"public boolean xyzThere(String str) +{ + + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)); +} + else + { + return (str.contains(""xyz"")); + } + +} +" +57728ce0f6e8abbfabe20a92f4aec95b7255ec71,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +dfe2e4de5a54ec151b55b008990f849efb38274b,"public boolean xyzThere(String str) +{ +for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + else + } + return false; + } + return xyzThere(str); +} + +" +acbca64223b1435c378f2f1a8e0679e4191fb814,"public boolean xyzThere(String str) +{ + + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index) || str.substring(index+4))); +} + else + { + return (str.contains(""xyz"")); + } + +} +" +cc9a36181e20f3d12b95f6f885444c800b3d468a,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + return false; + } + } + return xyzThere(str); +} + +" +6787d7a2abf33bfa6809d910358c287615bec8f8,"public boolean xyzThere(String str) +{ + + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index); || str.substring(index+4))); +} + else + { + return (str.contains(""xyz"")); + } + +} +" +c389fe9c89ab77a0948846340d85f28a74689579,"public boolean xyzThere(String str) +{ + + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index) || xyzThere(str.substring(index+4))); +} + else + { + return (str.contains(""xyz"")); + } + +} +" +790e07a3f95bacabe1bff498b7e0d0392257ee6e,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) && (str.!contains("".xyzxyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +146e6a95a53d62f47a440e24cf0f2b245e4db4ee,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +806a7b1ee09ffc3299eea03f608293febdc40307,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +3a539da61d80b52c2d2be158f0eb2ab9f40b5f06,"public boolean xyzThere(String str) +{ + +int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } + +}" +d3d6636324ade7e48ead05514bc46a9a79d2b283,"public boolean xyzThere(String str) +{ + String str3 = ""xyz""; + for(int i = 0; i < str.length(); i+=3) { + if(str.substring(i, i+3).equals(str3) && !str.charAt(i-1).equals('.')) { + return true; + } + else { + return false; + } + } +} +" +875a39dd2acef264ad0c7028aacc33437ceb6963,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + return false; + } + } +} + +" +a1dbf81db7cb83dbc2d1967ef1c78e817d677790,"public boolean xyzThere(String str) +{ + int xyzloc = str.indexOf(xyz); + if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +feb2faabcb13ce41f838a5baa4da47b1ee6bf7eb,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; +} + +" +47ee7fc257c693489155948935c2ed708eb15496,"public boolean xyzThere(String str) +{ + int xyzloc = str.indexOf(""xyz""); + if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +50e283996980c1b616c80b5330e71fc7d8949cd4,"public boolean xyzThere(String str) +{ + int ind = str.indexOf("".xyz""); + if(ind >= 0) { + return xyzThere(str.substring(0, ind)) || xyzThere(str.substring(ind + 4)); + } else return (str.contains(""xyz"")); +} +" +f86109b2c336d624951ce340135f4c37015e49f3,"public boolean xyzThere(String str) +{ + String str3 = ""xyz""; + for(int i = 0; i < str.length(); i+=3) { + if(str.substring(i, i+3).equals(str3)) + if (str.charAt(i-1).equals('.')) { + return false; + } + else { + return true; + } + } + else { + return false; + } + } +} +" +6290cb6ce6273bd61a10543ead2ca92dfe606081,"public boolean xyzThere(String str) +{ + int xyzloc = str.indexOf(""xyz""); + if (str.charAt(xyzloc - 1) == -1) + return true; + else if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +9a077fc68746fb1b919abc702e361ac801e894ee,"public boolean xyzThere(String str) +{ + String str3 = ""xyz""; + for(int i = 0; i < str.length(); i+=3) { + if(str.substring(i, i+3).equals(str3)) { + if (str.charAt(i-1).equals('.')) { + return false; + } + else { + return true; + } + } + else { + return false; + } + } +} +" +e172e806ee8e22b941ff4c2f31a437805c18af31,"public boolean xyzThere(String str) +{ + int xyzloc = str.indexOf(""xyz""); + if (xyzloc - 1 == -1) + return true; + else if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +5d2c114ed50afdc7cb0f259fed684f9b592fac52,"public boolean xyzThere(String str) +{ + String str3 = ""xyz""; + for(int i = 0; i < str.length(); i+=3) { + if(str.substring(i, i+3).equals(str3)) { + if (str.charAt(i).equals('.')) { + return false; + } + else { + return true; + } + } + else { + return false; + } + } +} +" +705da0952ab98f5d7b757d1b69c7d8d86d835e32,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + int xyzloc = str.indexOf(""xyz""); + else + return false; + + if (xyzloc - 1 == -1) + return true; + else if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +334285d8ba9d6263537255b4aeae0e3769b39869,"public boolean xyzThere(String str) +{ + String str3 = ""xyz""; + for(int i = 0; i < str.length() - 2; i++) { + if(str.substring(i, i+3).equals(str3)) { + return true; + } + else { + return false; + } + } +} +" +12b400c4d6fadefcf696caacefd132e75abd343e,"public boolean xyzThere(String str) +{ + a = str.contains("".xyz"") + b = str.contains(""xyz"") + c = str.contains("".xyzxyz"") + if (c) + { + return true; + } + else if (b) + { + return true; + } + else + { + return false; + } + +} +" +5b4b1e2171ee4f0796e4bb6d607c7a318a5ae3ae,"public boolean xyzThere(String str) +{ + int xyzloc = 0; + if (str.contains(""xyz"")) + xyzloc = str.indexOf(""xyz""); + else + return false; + + if (xyzloc - 1 == -1) + return true; + else if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +83d416d1603fc9cc65a54455d7369ce83e4e185b,"public boolean xyzThere(String str) +{ + a = str.contains("".xyz""); + b = str.contains(""xyz""); + c = str.contains("".xyzxyz""); + if (c) + { + return true; + } + else if (b) + { + return true; + } + else + { + return false; + } + +} +" +5dd4af306de0104fe480a58d7b8f31763c7285be,"public boolean xyzThere(String str) +{ + int xyzloc = 0; + if (str.contains(""xyz"")) + xyzloc = str.lastIndexOf(""xyz""); + else + return false; + + if (xyzloc - 1 == -1) + return true; + else if (str.charAt(xyzloc - 1) == '.') + return false; + else + return true; +} +" +4785f9a13482bb8f2279fea2e505eb9e252fae0e,"public boolean xyzThere(String str) +{ + b = str.contains(""xyz""); + c = str.contains("".xyzxyz""); + if (c) + { + return true; + } + else if (b) + { + return true; + } + else + { + return false; + } + +} +" +8a1ed59b41158db378f256cc8bad66ca90e955ea,"public boolean xyzThere(String str) +{ + for (int j = 0; j <= str.length(); j++) + { + if (str.startsWith (""xyz"", j) + && (j == 0|| !str.startsWith(""."", j-1)) + ) + { + return true; + } + } + return false; +} " +b165795531f604cc4a5fdc0bbcc0ad310ba2201d,"public boolean xyzThere(String str) +{ + boolean a = str.contains("".xyz) + boolean b = str.contains(""xyz""); + boolean c = str.contains("".xyzxyz""); + if (c) + { + return true; + } + else if (b) + { + return true; + } + else + { + return false; + } + +} +" +fa2be3a47fb751f819a994eac36f367e8cd0a048,"public boolean xyzThere(String str) +{ + for (int j = 0; j <= str.length(); j++) + { + if (str.startsWith (""xyz"", j) + && (j == 0|| !str.startsWith(""."", j-1))) + { + return true; + } + } + return false; +} " +ebf17d67d216fd27332556bcfed2530fbf448a12,"public boolean xyzThere(String str) +{ + boolean a = str.contains("".xyz""); + boolean b = str.contains(""xyz""); + boolean c = str.contains("".xyzxyz""); + if (c) + { + return true; + } + else if (b) + { + return true; + } + else + { + return false; + } + +} +" +e446858c780c2bf18532d45a74725617c950695f,"public boolean xyzThere(String str) +{ + boolean a = str.contains("".xyz""); + boolean b = str.contains(""xyz""); + boolean c = str.contains("".xyzxyz""); + if (c) + { + return true; + } + else if (b) + { + return true; + } + else + { + return false; + } + +} +" +63afa8cc8e4704995a7dd4f56d003274b84e1471,"public boolean xyzThere(String str) +{ + boolean a = str.contains("".xyz""); + boolean b = str.contains(""xyz""); + boolean c = str.contains("".xyzxyz""); + if (a & !c) + { + return false; + } + if (b) + { + return true; + } + else + { + return false; + } +} +" +eb2365c3acd8230bbc14fc00bbc7d956e4dcb59c,"public boolean xyzThere(String str) +{ + boolean a = str.contains("".xyz""); + boolean b = str.contains(""xyz""); + boolean c = str.contains("".xyzxyz""); + if (a & !c) + { + return false; + } + else if (b) + { + return true; + } + else + { + return false; + } +} +" +2d4b76a5a5e651f4137bcf4fb34b6ba351bf2438,"public boolean xyzThere(String str) +{ + if (str.length() > 3) + return false; +} +" +0f5715ca694b527aa67d108ef08082c64898334b,"public boolean xyzThere(String str) +{ + if (str.length() > 3) + return false; + return; +} +" +8863eedcc726e3fc531c8b4e449beb425cbc4397,"public boolean xyzThere(String str) +{ + if (str.length() > 3) + return false; + return true; +} +" +15b4a16beb3c8ad821e585eaca8dde62776ea63e,"public boolean xyzThere(String str) +{ + String v = xyz; + if (str.contains(v)) + { + return true; + } + else + { + return false; + } + +} +" +e7e48d6b73e0d37d90136bb4d2aea9173d40ce38,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains(v)) + { + return true; + } + else + { + return false; + } + +} +" +1cbf0fa9bcb435f04e63db26b8e1d82a00d88d90,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains(v) && !str.contains(""."")) + { + return true; + } + else + { + return false; + } + +} +" +d4ca3b5c2204125ae3c33e03113cfc864cd182c8,"public boolean xyzThere(String str) +{ + boolean result = false; + if(!str.contains("".xyz"") && str.contains(""xyz"")) + { + result = true; + } + + return result; + +} +" +8e2ace189dac3327f3a20f446e333d57a8c1b602,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains(""."")) + { + return false; + } + else if (str.contains(v)) + { + return true; + } + else + { + return false; + } + +} +" +017b05c0bad5a579aaf9e4a01e802ae5babe47cc,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + String a = new String("".""); + String x = new String(""x""); + String y = new String(""y""); + String z = new String(""z""); + // !a.equals(str.charAt(i)) && + for (i = 0; i<=str.length()-2; i++) + { if (x.equals(str.charAt(i)) && y.equals(str.charAt(i+1)) && z.equals(str.charAt(i+2))) + { + count = count + 1; + } + } + return count >= 1; +} +" +98f5a25b35eff7be58df8fd5a3a8e71561af56c5,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + String a = new String("".""); + String x = new String(""x""); + String y = new String(""y""); + String z = new String(""z""); + // !a.equals(str.charAt(i)) && + for (i = 0; i= 1; +} +" +62d0de9f39afa695a88c4184d6680eefe331887c,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +f7900abb80f6484692a37be0f1adf3e84fbabe71,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(v)) + { + return true; + } + else + { + return false; + } + +} +" +2a53a7fd5db8083da14190165f56f6287ab10471,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(v) || str.contains(v + v) ) + { + return true; + } + else + { + return false; + } + +} +" +6fae5a4d7b21df747306017e78bc9db5fe028827,"public boolean xyzThere(String str) +{ + return true; +} +" +c9ded54db93affe82773ff02a342b6e638a4062d,"public boolean xyzThere(String str) +{ + int x = 0 + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +fbdcb5a3354f9e18bc937f7ceef992ba59a604d9,"public boolean xyzThere(String str) +{ + int x = 0; + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +596e32b18399af34faac0998ef0b5a197ac7e302,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + String x = 'x'; + String y = 'y'; + String z = 'z'; + // !a.equals(str.charAt(i)) && + for (i = 0; i<=str.length()-2; i++) + { if (x == str.charAt(i) && y == (str.charAt(i+1)) && z == (str.charAt(i+2))) + { + count = count + 1; + } + } + return count >= 1; +} +" +f7ebb9c1125e770c45618704a41498e6cd02d045,"public boolean xyzThere(String str) +{ + int length = str.length; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + String sub = str.substring(i, i+3) + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return +} +" +452463772b3875c665fdb8348e98964f006d53ec,"public boolean xyzThere(String str) +{ + String word = str; + for (i in word; i++) + return true; +} +" +7325aa8b4aba85b59c8e1cebb84954473e121e1d,"public boolean xyzThere(String str) +{ + String word = str; + for (i in word; i++) + { + + } + return true; +} +" +b30b319e016baf905b36925f65839fd290d94a5d,"public boolean xyzThere(String str) +{ + int length = str.length; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + String sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return +} +" +9d79c771f524a9d835f53b4f82cd1c8f65ff9b2d,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + for (i = 0; i<=str.length()-2; i++) + { if (x == str.charAt(i) && y == (str.charAt(i+1)) && z == (str.charAt(i+2))) + { + count = count + 1; + } + } + return count >= 1; +} +" +fdc6129d2f0e72becbec42f794048fab9d40afdd,"public boolean xyzThere(String str) +{ + int length = str.length; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + String sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return true; + return false; +} +" +b88dc12ae720de8f186a12d4010c397f09ea159c,"public boolean xyzThere(String str) +{ + int length = str.length; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + String sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return true; + return false; +} +" +be512a309ada9ac4c145827a9dee60f0d18cb960,"public boolean xyzThere(String str) +{ + int check = str.substring(indexOf(""xyz""); + + if (check == -1 || str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +eecbc3f03f3bc0f799b31baf350db6855ee97a0e,"public boolean xyzThere(String str) +{ + if (str.length () >= 3) + { + int x = 0; + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } +} +" +5507505d68b14d5ea3f9df33a058dde940d47fec,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains("".xyz"") && !str.contains(v + v) + { + return false; + } + else if (str.contains(v) || str.contains(v + v) ) + { + return true; + } + else + { + return false; + } + +} +" +c88492c851f447df5c716987d01102eb670c3bec,"public boolean xyzThere(String str) +{ + int check = str.substring(indexOf(""xyz"")); + + if (check == -1 || str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +bf4029a82d7ac65474858fef62c7115fbf257c53,"public boolean xyzThere(String str) +{ + String word = str; + for (i in word; i++;) + { + + } + return true; +} +" +e02a568982717a182cc73024063af6c03c792f24,"public boolean xyzThere(String str) +{ + String v = ""xyz""; + if (str.contains("".xyz"") && !str.contains(v + v)) + { + return false; + } + else if (str.contains(v) || str.contains(v + v) ) + { + return true; + } + else + { + return false; + } + +} +" +7ab8e3ed1c3808a7742e26ff248ef6cd547a830e,"public boolean xyzThere(String str) +{ + if (str.length () >= 3) + { + int x = 0; + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +0eb7a9963d25226d02f0c8341fb401025fbfdbf8,"public boolean xyzThere(String str) +{ + int length = str.length; + String sub; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return true; + return false; +} +" +0363ef6b58eef0aa386d2321078ccafe0bb558cf,"public boolean xyzThere(String str) +{ + int check = str.indexOf(""xyz""); + + if (check == -1 || str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +aad1eec541d47ff0c070d4083d86f7d3b8c45df6,"public boolean xyzThere(String str) +{ + String word = str; + for (i in word;) + { + + } + return true; +} +" +f8da040f826b1257dfb8a862bdfcf57ef63afcb7,"public boolean xyzThere(String str) +{ + int length = str.length; + String sub; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return true; + return false; +} +" +7888eb126eeed57bbab6663e3c7064902d55e76f,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + String subby = str.substring(str.indexOf('x'),str.length()); + if (str.contains(good) && !str.contains(bad)) + { + return true; + } + else + { + return false; + } +} +" +a68abcd5b6983787565d4467a8342e6ceb76d2c1,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + + if (length > 3) + return false; + + for (i = 0; i < length; i++) + sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return true; + return false; +} +" +c45c299a7e458ac51c8f942ac29c13df30c997b7,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++) + sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") && !sub.equals("".xyz"")) + return true; + return false; +} +" +04eb1e375c1554477ba74a6df0ac8a0243a91b05,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + if (str.contains(good) && !str.contains(bad)) + { + return true; + } + else + { + return false; + } +} +" +792801b6fdcc68960735859408f4c5aa79b3cb5d,"public boolean xyzThere(String str) +{ + boolean sequence = false; + + if (str.contains(""xyz"") && (!(str.contains("".xyz""))) + { + sequence = true; + } + + return sequence; +} +" +fdcf134b4a87e02609efdb777257383d919195cd,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String .xyz = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++) + sub = str.substring(i, i+3); + + if (sub.equals(xyz) && !sub.equals(.xyz)) + return true; + return false; +} +" +aab4bf84366385fa8ffb557440c5bea98540eb34,"public boolean xyzThere(String str) +{ + boolean sequence = false; + + if (str.contains(""xyz"") && (!(str.contains("".xyz"")))) + { + sequence = true; + } + + return sequence; +} +" +402ba0a3e83223b368d5d64219823c768cf4db5a,"public boolean xyzThere(String str) +{ + int check = str.indexOf(""xyz""); + + if (check == -1) + + else if (check != 0 && str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +9eb655d46f6b07c80ab5d85c4979eaaf97d3da60,"public boolean xyzThere(String str) +{ + int check = str.indexOf(""xyz""); + + if (check == -1) + { + return false; + } + + else if (check != 0 && str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +e77f93b35b1429d3ff410d09560d152ae7a42c8b,"public boolean xyzThere(String str) +{ + boolean sequence = false; + + if (str.contains(""xyz"") && (!(str.contains("".xyzxyz"")))) + { + sequence = true; + } + + return sequence; +} +" +cb34bb6ab6f14585f7ff88320a4805a6113e34af,"public boolean xyzThere(String str) +{ + boolean sequence = false; + + if (str.contains(""xyz"") && (!(str.contains("".xyz"")))) + { + sequence = true; + } + + return sequence; +} +" +a3b03618e923635d89bd232b8a27e255390badd5,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + int index = str.indexOf(bad); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); + } +} +" +50fa2d9e74af81217e3856fa7cbfccc6b87bb321,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + int whereBad = str.indexOf(bad); + if(index >= 0) + { + return (str.substring(0, whereBad)) || xyzThere(str.substring(whereBad + 4)); + } + else + { + return (str.contains(good)) + } +} +" +0bb84101b577afc7871d22b4836a6128c9c671d3,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + int whereBad = str.indexOf(bad); + if(index >= 0) + { + return (str.substring(0, whereBad)) || xyzThere(str.substring(whereBad + 4)); + } + else + { + return (str.contains(good)); + } +} +" +f601ca05c4a6ae25a09105e9e6a57639994b0b8f,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + int whereBad = str.indexOf(bad); + if(whereBad >= 0) + { + return (str.substring(0, whereBad)) || xyzThere(str.substring(whereBad + 4)); + } + else + { + return (str.contains(good)); + } +} +" +a2e7dfe4d20bd3148302249be55c7ecc8e3160b4,"public boolean xyzThere(String str) +{ + String good = ""xyz""; + String bad = "".xyz""; + int whereBad = str.indexOf(bad); + if(whereBad >= 0) + { + return xyzThere(str.substring(0, whereBad)) || xyzThere(str.substring(whereBad + 4)); + } + else + { + return (str.contains(good)); + } +} +" +9353b5ee7b12c99a9480cc5d45be804eebf0332b,"public boolean xyzThere(String str) +{ + String word = str; + for (int i = 0; for i in word;) + { + + } + return true; +} +" +93ce870434b236ddee2c534c91328ccba5d0285c,"public boolean xyzThere(String str) +{ + String word = str; + for (int i = 0; for i in word) + { + + } + return true; +} +" +46bb71e1de1b56498a90f71c5fc1c482d6fb9330,"public boolean xyzThere(String str) +{ + String word = str; + for (int i = 0; for i in word.index()) + { + + } + return true; +} +" +df477e97d56f9e7f9e7433d864a104368449975b,"public boolean xyzThere(String str) +{ + String word = str; + for (int i = 0; for i in word.index(); i++) + { + + } + return true; +} +" +ce1edd5fd2584f9fa87ba42ab975ddb71a711528,"public boolean xyzThere(String str) +{ + String word = str; + int i = 0; + for (i; for i in word.index(); i++) + { + + } + return true; +} +" +02e91ede3aa720f43bb63b95cb6351223b551296,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3) && (str.contains('xyz'))) + { + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +a85e91f18f2a338cd16d43abc647350ea1418809,"public boolean xyzThere(String str) +{ + String word = str; + int i = 0; + for (i; i in word.index(); i++) + { + + } + return true; +} +" +311f47a46e859145877b9fbece1519c73df1ad34,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3) && (str.contains(""xyz""))) + { + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +130db3ce08eb13ba0eef524f0de8c7b834651781,"public boolean xyzThere(String str) +{ + String word = str; + int i = 0; + for (i; i in str.index(); i++) + { + + } + return true; +} +" +9d768f55d649967b9be98a82a34ff51585c32313,"public boolean xyzThere(String str) +{ + String word = str; + int i = 0; + for (i in str.index(); i++) + { + + } + return true; +} +" +c2df2a0779ac039c7cdea930867da328520ad180,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +b2eaddc4100f44564a9f3ee8cdc9858a20d648df,"public boolean xyzThere(String str) +{ + String word = str; + int i = 0; + for (i in str.index(); i++;) + { + + } + return true; +} +" +b223337d9ca6605904f6bba7cf1920c259fbaf82,"public boolean xyzThere(String str) +{ + String word = str; + int i = 0; + boolean answer; + for (i in str.index(); i++) + { + answer = true; + + } + return true; +} +" +95409263cf8180e247ba634271f88ea6de5bf5f1,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + return true; + } + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +42874e5079659ba56549530d41c613e5bda23928,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + return true; + } + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } + +} +" +6abbf51098b8ce4fe0442d8b22b7f9994fdbde7f,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + return true; + } + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + } +} + +} +" +47edde522892428cbbf5758770dd0259516d880e,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +1cc9bb7989bb358e0a96d25cb44d0c18a8386531,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + return true; + } + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + + + +} +" +b082c2509cfeff5692cb62a3844ace7851c86559,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 + { + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + + + +} +" +8659144af697a4ae3bebb6289896e9bfb17c0df2,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 ) + { + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + else + { + return false; + } + + + +} +" +0780b5f315e0a244650884fdd12f399a595030ab,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +be0b00b2b10efbcf16d7af118b0ff452426c768d,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 ) + { + + if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { + return true; + } + else + {return false;} + + +} +" +63867865eb8fd98b1e340e39f8f6cac9b58595ef,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String .xyz = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++) + sub = str.substring(i, i+3); + if (sub.equals(xyz) && !sub.equals(.xyz)) + return true; + return false; +} +" +e20541b79db5324115e82de86f9b14b98a939c32,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 ) + { + + if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { + return true; + } + } + else + {return false;} + + +} +" +da5a224c156dc3596b857427fd7a308ebfc8e431,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String .xyz = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz) && !sub.equals(.xyz)) + return true; + } + return false; +} +" +c3794507e79af8b74210cd4c45af943884e3a75c,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) { + if str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') { + if(i==0 || str.charAt(i-1) != '.') { + return true; + } + } + } + return false; +} +" +3f8ea54a128319c5632005173341b6f2fc0dac94,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String .xyz = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz) && !sub.equals(.xyz)){ + return true; + } + } + return false; +} +" +134b3ff172aaa38f751463af3e630abace88ed4a,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) { + if + str.charAt(i)=='x'&&str.charAt(i+1)=='y'&&str.charAt(i+2)=='z') + { + if(i==0 || str.charAt(i-1) != '.') { + return true; + } + } + } + return false; +} +" +698c94ebb41b18a7d14c878a90e5c0979940fcbc,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) { + if + (str.charAt(i)=='x'&&str.charAt(i+1)=='y'&&str.charAt(i+2)=='z') + { + if(i==0 || str.charAt(i-1) != '.') { + return true; + } + } + } + return false; +} +" +56f1a7eb622cbdd809eced192e31057f9ae2cf8e,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String .xyz = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz)){ + return true; + } + } + return false; +} +" +dc4427e276e3c88791e63859d13efdc7ccc8c46b,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + //String .xyz = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz)){ + return true; + } + } + return false; +} +" +027846882cc7126dbebe4b0786fd93ea1c34623c,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contain(""xyz"")) + { + + if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { + return true; + } + } + else + {return false;} + + +} +" +a7853e4af202c0277d5b19e78bef65add8d317b5,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + + if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { + return true; + } + } + else + {return false;} + + +} +" +4e45df26b08e2f0291bc6a0f7afe4743e3c782a8,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + + if (length > 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz) && !sub.equals(xyz2)){ + return true; + } + } + return false; +} +" +d43b68d765de755a57f19a4dd5644bc9c391b4a7,"public boolean xyzThere(String str) +{ + boolean sequence = false; + + if (str.contains(""xyz"") && (!(str.contains("".xyz"")))) + { + sequence = true; + } + + return sequence; +} +" +0b3b0652c59ee449d7285fbf052e1bfc12493883,"public boolean xyzThere(String str) +{ + if str.contains(.xyz) + { + return false; + } + else if str.contains(xyz) + { + return true; + } + else + { + return false; + } +} +" +c9c05b5ea9a5a8c3d777a1e973c18a63463893b9,"public boolean xyzThere(String str) +{ + if str.contains("".xyz"") + { + return false; + } + else if str.contains(""xyz"") + { + return true; + } + else + { + return false; + } +} +" +054079d130fb76b26f411962f670610c99f238dc,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +65b41deba562273a1ff7f89de5c2ebd7619e78cd,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length()>=3) + { + for (i = 0; i<=str.length()-2; i++) + { if (x == str.charAt(i) && y == (str.charAt(i+1)) && z == (str.charAt(i+2))) + { + count = count + 1; + } + } + return count >= 1; + } +} +" +45484f788baa60e190cbf4add0a3972314dbfe6d,"public boolean xyzThere(String str) +{ + for (int x =0; x=3) + { + for (i = 0; i<=str.length()-2; i++) + { if (x == str.charAt(i) && y == (str.charAt(i+1)) && z == (str.charAt(i+2))) + { + count = count + 1; + } + return count >= 1; + } + return count >= 1; + } +} +" +3f585f2eee820b6eb66726be30fa49511946ad17,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length()>=3) + { + for (i = 0; i<=str.length()-2; i++) + { if (x == str.charAt(i) && y == (str.charAt(i+1)) && z == (str.charAt(i+2))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +b3261e1dbf8714054832f5fa762e016ec99cd100,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++) + sub = str.substring(i, i+3); + + if (!sub.equals(xyz2)) + return false; + + + return false; +} +" +0b5d111b773bd22e734061f8b2741c21266000ff,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + if (str.endsWith(""xyz"") + { + return true; + } + else + { + return false; + } + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +bbc83feaed0540caecbe52c0d2faa44a5955fc49,"public boolean xyzThere(String str) +{ + for (int x =0; x= 3 && str.contains(""xyz"")) + { + + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { return true;} + else + { + return false; + } + + +} +" +8fa866d0119a59d6673115906399c1c4bf2a3e1e,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"")) + { + + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { return true;} + } + else + { + return false; + } + + +} +" +611c9a8b314b6453fcd44fdb477db13dfa712d72,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length()>=3) + { + for (i = 0; i<=str.length()-2; i++) + { if (!a.equals(str.charAt(i)) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +2f06c8a32fdc085e9018372e80786490148bb503,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + if (str.endsWith(""xyzxyz"")) + { + return true; + } + else + { + return false; + } + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +11b36b8223e235136e95cbb46f9c09b8111ede61,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length()>=3) + { + for (i = 0; i<=str.length()-2; i++) + { if (!a == (str.charAt(i)) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +d3ebca42b1b534b748a95117a8aa1645a0cddb1e,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length()>=3) + { + for (i = 0; i<=str.length()-2; i++) + { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +ded56219cce108a704e2d2ea642ae3b3b67b66d7,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3) + { + + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { return true;} + } + else + { + return false; + } + + +} +" +9f3ce7bf12e22bc5a9433ac4580eefc2010b7e81,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz2)) + return false; + + } + for (int i = 0; i < length; i++) + { + sub = str.substring(i, i+3) + if (sub.equals(xyz)) + return true; + } + return false; +} +" +c8ed3d7c304b34665abad52c4e178b71e4334146,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 str.contains(""xyz"") ) + { + + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { return true;} + } + else + { + return false; + } + + +} +" +4fb16f2d419d9c2bcc0ed4c8243319f8dab7c5c0,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"") ) + { + + + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else if (str.charAt(x) == '.' && str.substring (x, x+3).equals (""xyz"")) + { + return false; + } + else + { return true;} + } + else + { + return false; + } + + +} +" +0c7be53f1efd3d5c69fea8300a7e82b54c2dd603,"public boolean xyzThere(String str) +{ + if (x==0) + { + return true; + return false; + } + + + +} +" +23426bd939fa60551f06f9da8e299c3e01d8961e,"public boolean xyzThere(String str) +{ + int strL = str.length() - 2; + for (int i = 0; i < strL; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y'&& + str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + { + return true; + } + } + } + return false; +} +" +e4a9961247ed065a299d59a573ab106d55975a83,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if str.substring(0,3).equals(""x,y,z"") + { + return true; + } + for (int num = 0; num < str.length()-3; num++) + { + if (str.substring(num+1, num+4).equals(""xyz"" && str.charAt(num) != '.') + { + return true; + } + } + } + return false; +} +" +316334571f7e14b015b1bb355c8520e62ac44cc0,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz2)) + return false; + else if (sub.equals(xyz)) + return true; + } + for (int i = 0; i < length; i++) + { + sub = str.substring(i, i+3) + + } + return false; +} +" +e56f11569b671200414d92e3c36160e4703d623b,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length()>=3) + { + for (i = 0; i<=str.length()-3; i++) + { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +0bb4ce40fe1f917b88e7fbfc5e66ac0b67088b30,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz2)) + return false; + else if (sub.equals(xyz)) + return true; + } + return false; +} +" +3f60b4290bd80ed6ab3c74e35e69ea5a28b22318,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""x,y,z"") + { + return true; + } + for (int num = 0; num < str.length()-3; num++) + { + if (str.substring(num+1, num+4).equals(""xyz"" && str.charAt(num) != '.') + { + return true; + } + } + } + return false; +} +" +5c2a54f554ee3639410b44de583d8637d0909034,"public boolean xyzThere(String str) +{ + Random random = new Random(); + randint=random.nextInt(2); + if (randint==0) + { + return true; + return false; + } + + + +} +" +4af181e25f38eef7d78aa361314df7d5716b3e56,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""x,y,z"")) + { + return true; + } + for (int num = 0; num < str.length()-3; num++) + { + if (str.substring(num+1, num+4).equals(""xyz"" && str.charAt(num) != '.') + { + return true; + } + } + } + return false; +} +" +ed0640762539c3a8bf3c07a8a779414b2ed12198,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""x,y,z"")) + { + return true; + } + for (int num = 0; num < str.length()-3; num++) + { + if (str.substring(num+1, num+4).equals(""xyz"" && str.charAt(num)!='.') + { + return true; + } + } + } + return false; +} +" +06d9ddda25347b103836988412d203a83964a054,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""x,y,z"")) + { + return true; + } + for (int num = 0; num < str.length()-3; num++) + { + if (str.substring(num+1,num+4).equals(""xyz"") && str.charAt(num)!='.') + { + return true; + } + } + } + return false; +} +" +e28faa5aea50726581be8cfb5e3cb446da889d8f,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xy""; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + + if (sub.equals(xyz2)) + return false; + else if (sub.equals(xyz)) + return true; + } + return false; +} +" +f0dbd0d60250a3dfc7f49a96ece4cbc2a996b8c6,"public boolean xyzThere(String str) +{ + for (int x =0; x= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +}" +3968db7b93c6e8ccd632d805c7301b698ef1e506,"public boolean xyzThere(String str) +{ + int indexPeriod = str.indexOf("".""); + int indexXYZ = str.indexOf(""xyz""); + if (indexPeriod == indexXYZ - 1) { + return false; + } + else { + return true; + } +}" +873dc8e2534ffca1829ceec445acbea257be3afd,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1)) != -1) + { + if (i == 0 || (str.substringAt(i - 1) != ""."")) + { + return true; + } + } + return false; +} +" +13beaefa98ab0319c918f999cab5f433306aeb3a,"public boolean xyzThere(String str) +{ + int ind = str.indexOf("".xyz""); + if(ind >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); +} +" +424f80c0e56e05ef562374eab38582e9cd170b7c,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + for (i=0; i= 0) + { + return xyzThere(str.substring(0, ind)) || xyzThere(str.substring(ind + 4)); + } + else return (str.contains(""xyz"")); +} +" +7c5a823a5ec3061bb421d1056b6e9d5e10d5ab21,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + for (int i=0; i= 3 && str.contains(""xyz"") ) + { + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else + { return true;} + } + else + { + return false; + } + + +} +" +7a25f8b2cd792f8ea4b86ff6ed846f3ac9190d0e,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"") ) + { + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else + { return true;} + + + + +} +" +1336b7748fe35800e71384e007207098a0145e90,"public boolean xyzThere(String str) +{ + + int x = 0; + + if (str.length () >= 3 && str.contains(""xyz"") ) + { + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, x+3).equals (""xyz"")) + { + return true; + } + + else + { return true;} + + + } + +} +" +603db8a0446c45af088e83bc51c88291a8d5f766,"public boolean xyzThere(String str) +{ + int spot = str.indexOf(""xyz""); + int perSpot = str.indexf("".xyz""); + if (spot != null && perSpot == null) + { + return true; + } + else + { + return false; + } +} +" +821956c1fd922602849eca98007179d3af9fe107,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + sub2 = str.substring(i, i+4); + + if (sub2.equals(xyz2)) + samIsAGenius = false; + else if (sub.equals(xyz)) + samIsAGenius = true; + } + return samIsAGenius; +} +" +282507a7738a2411c46532bb00f4bae1314592f9,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"") ) + { + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, x+3).equals + (""xyz"")) + { + return true; + } + + else + { + return true; + } + + + }} + +} +" +e15818bedb8832ea38c6ade677e65228f5787c59,"public boolean xyzThere(String str) +{ + int spot = str.indexOf(""xyz""); + int perSpot = str.indexOf("".xyz""); + if (spot != null && perSpot == null) + { + return true; + } + else + { + return false; + } +} +" +58b45a1916d2a93c41c9ef93a08091c4b9e035f0,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + for (int i=0; i= 3 && str.contains(""xyz"") ) + { + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, x+3).equals + (""xyz"")) + { + return true; + } + + else + { + return true; + } + + + }} + else + {return false;} + +} +" +f79c622f48f98df7938b2f43db2083e013cf9502,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + for (int i=0; i5) + { + for (i = 0; i<=str.length()-3; i++) + { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +9e7006e69f2154b65e1fd0de0e1b662883004199,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + if (str.length() == 3) + { + if (str .equals (""xyz"")) + return true; + } + if (str.length()>5) + { + for (i = 0; i<=str.length()-3; i++) + { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +6790053c143e5523305ed83a15aa47a5ff45e95e,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + for (int i=0; i5) + { + for (i = 0; i<=str.length()-3; i++) + { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + { + count = count + 1; + } + + } + + } + return count >= 1; +} +" +7c1ca81b891f93591edf846e6914b69dc5a81b35,"public boolean xyzThere(String str) +{ + int start = 0; + if (str.length() <= 3) + { + return(str.equals(""xyz"")); + } + else + { + for (int i = 0; i < str.length(); i++) + { + a = i + 3; + if (str.substring(i, a).equals(""xyz"") && (!str.charAt(i - 1).equals("".""))) + { + return(true); + } + else + { + return(false); + } + } + } +} +" +a2089ae4a934ae1e95c0c6b8e42e4031bc829a91,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius = false; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + sub2 = str.substring(i, i+4); + + if (sub2.equals(xyz2)) + samIsAGenius = false; + else if (sub.equals(xyz)) + samIsAGenius = true; + } + return samIsAGenius; +} +" +55566660714e57bf98cf2f7ed59a757e92090bf2,"public boolean xyzThere(String str) +{ + int start = 0; + int a; + if (str.length() <= 3) + { + return(str.equals(""xyz"")); + } + else + { + for (int i = 0; i < str.length(); i++) + { + a = i + 3; + if (str.substring(i, a).equals(""xyz"") && (!str.charAt(i - 1).equals("".""))) + { + return(true); + } + else + { + return(false); + } + } + } +} +" +7b4c8bbee7fb3d95bd2e1be88c73511696e9553e,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + for (int i=0; i= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + + else + { + return false; + } + +} +" +587c34b09ef728ff0603e91ff005a21b18a068e8,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + + else + { + return false; + } + +}} +" +224b34189eaa6c6cdbff0df25f726c27781260ac,"public boolean xyzThere(String str) +{ + int a = str.length - 2; + for (int i = 0; i <= a; i++) + { + if (str.charAt(i) == x && + str.charAt(i + 1) == y && + str.charAt(i + 2) == z) + { + if (str.charAt(i - 1) == ""."") + return true; + } + } + return false; + + +} +" +b765971f272c0881f32dac25e75a1247b2ed37cd,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + + { + return false; + } + +}} +" +2bda6f8d79f2557a64d3a3b4e2660e0d3b2d48c9,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub2 = str.substring(i, i+4); + + if (sub2.equals("".xyz""); + sameIsAGenius = False; + } + return samIsAGenius; +} +" +facd5d50a0cadace72ac536133a1e32a984d203c,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub2 = str.substring(i, i+4); + + if (sub2.equals("".xyz""); + samIsAGenius = False; + } + return samIsAGenius; +} +" +c67de59b15a43c5a5cdbfaa22bf3700089ed07d7,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub2 = str.substring(i, i+4); + + if (sub2.equals("".xyz"")); + samIsAGenius = False; + } + return samIsAGenius; +} +" +be7dd1c681ece206447d7c19a5ae06f1777a4e05,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + + { + return false; + } + {return false;} +} +} +" +93eb3c635b2c9d8cba30150c16b7c8ef43ab18aa,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i <= a; i++) + { + if (str.charAt(i) == x && + str.charAt(i + 1) == y && + str.charAt(i + 2) == z) + { + if (str.charAt(i - 1) == ""."") + return true; + } + } + return false; + + +} +" +d000df9c16623480cb87d5a703fd500e9cd25ec3,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i <= a; i++) + { + if (str.charAt(i) == ""x"" && + str.charAt(i + 1) == ""y"" && + str.charAt(i + 2) == ""z"") + { + if (str.charAt(i - 1) == ""."") + return true; + } + } + return false; + + +} +" +89419febba30a6deda8851980f9ed6e6033f20c3,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + } + + { + return false; + } + +} +} +" +5dcb8c074690a599d3d3ee5c6a7bee99effea921,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + } + + { + return false; + } + + +} +" +391efe38c05be914840aeebbbfb93a4330a33aa7,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i <= a; i++) + { + if (str.charAt(i) == 'x' && + str.charAt(i + 1) == 'y' && + str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) == '.') + return true; + } + } + return false; + + +} +" +bd59c187f23792ad63d50ea08ea0e6a7f72c765f,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 0; x < str.length() -1; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + } + + { + return false; + } + + +} +" +c9225813ca1d6f993c45516bb0986d2c5431ffdf,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i <= a; i++) + { + if (str.charAt(i) == 'x' && + str.charAt(i + 1) == 'y' && + str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) != '.') + return true; + } + } + return false; + + +} +" +b940e6a2336d755bc82679de4125f1d31d80b687,"public boolean xyzThere(String str) +{ + int spot = -1; + int lastSpot = -1; + int perSpot = -1; + spot = str.indexOf(""xyz""); + lastSpot = str.lastIndexOf(""xyz""); + perSpot = str.indexOf("".xyz""); + if ((spot != -1 && perSpot == -1) || (spot != -1 && spot != lastSpot) + { + return true; + } + else + { + return false; + } +} +" +e6eab55e7195f047849ff181b79ab2feb4672ee1,"public boolean xyzThere(String str) +{ + int spot = -1; + int lastSpot = -1; + int perSpot = -1; + spot = str.indexOf(""xyz""); + lastSpot = str.lastIndexOf(""xyz""); + perSpot = str.indexOf("".xyz""); + if ((spot != -1 && perSpot == -1) || (spot != -1 && spot != lastSpot)) + { + return true; + } + else + { + return false; + } +} +" +7724a5020d09c2bbceaceb719392c925a6bae57a,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub= str.substring(i, i+3); + sub2 = str.substring(i, i+4); + + if (sub2.equals("".xyz"")) + samIsAGenius = false; + if (sub.equals(""xyz"") && !sub2.equals("".xyz"")) + samIsAGenius = true; + } + return samIsAGenius; +} +" +137420fddae8a31f1a11d6cbbbcddc27c205dbb9,"public boolean xyzThere(String str) +{ + int start = 0; + int a; + if (str.length() <= 3) + { + return(str.equals(""xyz"")); + } + else + { + for (int i = 0; i < str.length(); i++) + { + a = i + 3; + if (str.substring(i, a).equals(""xyz"") && (!str.substing(i - 1, i).equals("".""))) + { + return(true); + } + else + { + return(false); + } + } + } +} +" +1c5872346dd881c9eaed557416f53b9952dac977,"public boolean xyzThere(String str) +{ + int start = 0; + int a; + if (str.length() <= 3) + { + return(str.equals(""xyz"")); + } + else + { + for (int i = 0; i < str.length(); i++) + { + a = i + 3; + if (str.substring(i, a).equals(""xyz"") && (!str.substring(i - 1, i).equals("".""))) + { + return(true); + } + else + { + return(false); + } + } + } +} +" +d8d769621a713903060545d6b7d55e746db506a3,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius false; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub= str.substring(i, i+3); + sub2 = str.substring(i, i+4); + + if (sub2.equals("".xyz"")) + samIsAGenius = false; + if (sub.equals(""xyz"") && !sub2.equals("".xyz"")) + samIsAGenius = true; + } + return samIsAGenius; +} +" +9e9a8cb6d31e1f838adce6280c732c01a4134bf0,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String sub2; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius = false; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub= str.substring(i, i+3); + sub2 = str.substring(i, i+4); + + if (sub2.equals("".xyz"")) + samIsAGenius = false; + if (sub.equals(""xyz"") && !sub2.equals("".xyz"")) + samIsAGenius = true; + } + return samIsAGenius; +} +" +1a5b09b032415673ff5953c82f5950b2e7ed626e,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) != '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return true; + } + } + + { + return false; + } + + +} +" +86268aea9035050e25d9a850ff64c0e53c4eac02,"public boolean xyzThere(String str) +{ + int aLen = a.length(); + int bLen = b.length(); + String end; + String temp; + a = a.toLowerCase(); + b = b.toLowerCase(); + if(aLen >= bLen) + { + end = a.substring(aLen - bLen); + temp = b; + } + else + { + end = b.substring(bLen - aLen); + temp = a; + } + return (end.equals(temp)); +} +" +206bba51746f43fe1c78fabeec2a89a37778c2b5,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i < a; i++) + { + if (str.charAt(i) == 'x' && + str.charAt(i + 1) == 'y' && + str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) != '.') + return true; + } + } + return false; + + +} +" +a7f3bd208bba373d6f5d4c61e44d360b289dd4e4,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +ab05dc5f602c5f9804c0956e00bd518054d3fdbc,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i < a; i++) + { + if (str.charAt(i) == 'x' && + str.charAt(i + 1) == 'y' && + str.charAt(i + 2) == 'z') + { + if (str.charAt(i - 1) != '.' || i == 0) + return true; + } + } + return false; + + +} +" +71d1e2421d096259eb133e269833127afd52229f,"public boolean xyzThere(String str) +{ + int start = 0; + int a; + int w; + if (str.length() <= 3) + { + return(str.equals(""xyz"")); + } + else + { + for (int i = 0; i < str.length(); i++) + { + a = i + 3; + if (str.substring(i, a).equals(""xyz"") && (!str.substring(i - 1, i).equals("".""))) + { + w = 1; + } + else + { + w = 2; + } + } + return(w == 1); + } +} +" +128f7fa1dc09de1866fac0cac7fe2e5b1705d790,"public boolean xyzThere(String str) +{ + int start = 0; + int a; + int w = 0; + if (str.length() <= 3) + { + return(str.equals(""xyz"")); + } + else + { + for (int i = 0; i < str.length(); i++) + { + a = i + 3; + if (str.substring(i, a).equals(""xyz"") && (!str.substring(i - 1, i).equals("".""))) + { + w = 1; + } + else + { + w = 2; + } + } + return(w == 1); + } +} +" +f9e06a69f7545e5d3a5209ab524e4961e28bf925,"public boolean xyzThere(String str) +{ + int a = str.length() - 2; + for (int i = 0; i < a; i++) + { + if (str.charAt(i) == 'x' && + str.charAt(i + 1) == 'y' && + str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + return true; + } + } + return false; + + +} +" +c40dd7acfd37868745038ee40b4d61859341fdb9,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + } + + { + return false; + } + + +} +" +f46423e0275e46d7695388c8c93bca020c7dc308,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius = false; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + if (sub.equals(""xyz"") + samIsAGenius = true; + } + return samIsAGenius; +} +" +3a970a6d0fd990b08f0fb408c87fba2e39540e15,"public boolean xyzThere(String str) +{ + int length = str.length(); + String sub; + String xyz = ""xyz""; + String xyz2 = "".xyz""; + Boolean samIsAGenius = false; + + if (length < 3) + return false; + + for (int i = 0; i < length; i++){ + sub = str.substring(i, i+3); + if (sub.equals(""xyz"")) + samIsAGenius = true; + } + return samIsAGenius; +} +" +c049acfc1427621f041bf1532a39434b97f038c1,"public boolean xyzThere(String str) +{ + int i = 0; + int count = 0; + char a = '.'; + char x = 'x'; + char y = 'y'; + char z = 'z'; + // !a.equals(str.charAt(i)) && + int i = 0; + for (i = 0; i<=str.length()-3; i++) + { + if (str.substring(i, i+3) .equals (""xyz"")) + { + if (i == 0) + { + return true; + } + else if (str.substring(i-1, i) .equals (""."")) + { + return false; + } + } + else + { + return false; + } + + + // if (str.length() == 3) + // { + // if (str .equals (""xyz"")) + // count = 1; + // } + // if (str.length()>5) + // { + // for (i = 0; i<=str.length()-3; i++) + // { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + // { +// count = count + 1; + // } + +// } + +// } + // return count >= 1; +} +" +dfdaa9464632291682a0fe4171604e15cd4b3a7a,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + if ( count < 3) + jj = false; + for (int i=0; i5) + // { + // for (i = 0; i<=str.length()-3; i++) + // { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + // { +// count = count + 1; + // } + +// } + +// } + // return count >= 1; +} +" +fc943f008c867946fb5145a08e25e90eafe63398,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && + str.substring(0,3).equals(""xyz"") ) + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x-1) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + } + + { + return false; + } + + +} +" +17e3dfc429e5c58541ec17c8eb9f43dc38eedfb2,"public boolean xyzThere(String str) +{ + int xPosition = str.indexOf('x'); + int length = str.length(); + + String substring = str.substring(xPosition, length); + if (substring.equals(""xyz"")) { + return true; + } + else { + return false; + } +} +" +f14187c328cf0f31455d7ead4d3e9486cdf441ae,"public boolean xyzThere(String str) +{ + + // !a.equals(str.charAt(i)) && + int i = 0; + for (i = 0; i<=str.length()-3; i++) + { + if (str.substring(i, i+3) .equals (""xyz"")) + { + if (i == 0) + { + return true; + } + else if (str.substring(i-1, i) .equals (""."")) + { + return false; + } + } + else + { + return false; + } + } + + // if (str.length() == 3) + // { + // if (str .equals (""xyz"")) + // count = 1; + // } + // if (str.length()>5) + // { + // for (i = 0; i<=str.length()-3; i++) + // { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + // { +// count = count + 1; + // } + +// } + +// } + // return count >= 1; +} +" +02cac18587e62fd057cd8924a10224497f2a242b,"public boolean xyzThere(String str) +{ + + // !a.equals(str.charAt(i)) && + int i = 0; + for (i = 0; i<=str.length()-3; i++) + { + if (str.substring(i, i+3) .equals (""xyz"")) + { + if (i == 0) + { + return true; + } + else if (str.substring(i-1, i) .equals (""."")) + { + return false; + } + } + else + { + return false; + } + } + + // if (str.length() == 3) + // { + // if (str .equals (""xyz"")) + // count = 1; + // } + // if (str.length()>5) + // { + // for (i = 0; i<=str.length()-3; i++) + // { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + // { +// count = count + 1; + // } + +// } + +// } + // return count >= 1; + return false; +} +" +a3afd93655631340e0ff329b8a9edd84bb3fc1de,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && contains(""xyz"")) + + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + } + + { + return false; + } + + +} +" +893caf03a9bcf7f1b499c571c95b2caafd3bed39,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")) + + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + } + + { + return false; + } + + +} +" +65f035ed5393fe8e0a20f8a16813ca8a551d42cf,"public boolean xyzThere(String str) +{ + + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + + +} +" +3693d9d832e20af37f1b7d01504047adc334037d,"public boolean xyzThere(String str) +{ + + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + } + + +} +" +aa1f76cb34cdfb774614c9a95c77cc70e495c750,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +be8ddb3cb377f0c15348b3dd3bee0203e6c48417,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + + if (sub.equals(""xyz"") + works = true; + } + + return works; +} +" +72735c3ed1b99b6e41b0852b913c6d66a816c4e1,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")) + + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +6e8810b84df402c6feb2c03de55f790e1993a854,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")) + + { + return true; + } + for (int x = 1; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +634105781e6699fca6c2fa6186f5906460ce3e63,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + + if (sub.equals(""xyz"")) + works = true; + } + + return works; +} +" +82d0b4bc92443a2665b884b2084d5b10f424312a,"public boolean xyzThere(String str) +{ + // int i = 0; + int count = 0; + + // !a.equals(str.charAt(i)) && + int i = 0; + for (i = 0; i<=str.length()-3; i++) + { + if (str.substring(i, i+3) .equals (""xyz"")) + { + if (i == 0) + { + count++; + } + else if (str.substring(i-1, i) .equals (""."")) + { + + } + else + { + count++; + } + } + + } + + // if (str.length() == 3) + // { + // if (str .equals (""xyz"")) + // count = 1; + // } + // if (str.length()>5) + // { + // for (i = 0; i<=str.length()-3; i++) + // { if (!(a == (str.charAt(i))) && x == str.charAt(i+1) && y == (str.charAt(i+2)) && z == (str.charAt(i+3))) + // { +// count = count + 1; + // } + +// } + +// } + return count >= 1; + +} +" +a0c8018d5176b3aff3d787df34769cd813061ffb,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + + if (sub.equals(""xyz"")) + works = true; + } + + return works; +} +" +66da06b276f53f5a66f211a79f186d465a98c36e,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + if ( count < 3) + jj = false; + if (count ==3 && str.equals(""xyz"")) + jj = true; + for (int i=0; i 0) + { + return true; + } + + return false; + +} +" +2127a6a0c8038bda9c40b62f29a09d3775f71f7b,"public boolean xyzThere(String str) +{ + int count = 0; + if (str.substring(str.indexOf(""xyz""))) + { + count++; + } + if (count > 0) + { + return count; + } + + return false; + +} +" +9b264c3da22f17eae5f7ccebbcdcc4262bfd14de,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int i = str.getIndex(""xyz""); + if (str.charAt(i-1).equals(""."")) + { + return false; + } + return true; + } + return false; +} +" +2aa043fcad8efc2ba78d5f8c187fc6ceab92b9ee,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int i = str.indexOf(""xyz""); + if (str.charAt(i-1).equals(""."")) + { + return false; + } + return true; + } + return false; +} +" +d2ef51c0af4774cec6232b633331e26368a508bf,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int i = str.indexOf(""xyz""); + if (str.substring(i-1, i+2).equals("".xyz"")) + { + return false; + } + return true; + } + return false; +} +" +4387cd5fc7bcafb58172f77a9300452590fb1bad,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + int i = str.indexOf(""xyz""); + if (str.substring(i-1, i+3).equals("".xyz"")) + { + return false; + } + return true; + } + return false; +} +" +d78513e174fae5d43d71e063d90124da1fb8df46,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + + +} +" +f7f99b34acd03f4e3d0fbf4052797cc867da0196,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + + return res; + + +} +" +d8cd6f30645ead3c18eacd6d119191681305798c,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + res = true; + + return res; + + +} +" +ad9a9ac593a25f2e701309823a3cf267c249fc0c,"public boolean xyzThere(String str) +{ + if (str.startsWith(""xyz"")) + { + return true; + } + else if (str.contains(""xyz"")) + { + int i = str.indexOf(""xyz""); + if (str.substring(i-1, i+3).equals("".xyz"")) + { + return false; + } + return true; + } + return false; +} +" +c3134ecb540b249b4de5673853ba2366c5f89a68,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +57071a32b278133260caa9736e5cc29f476187c2,"public boolean xyzThere(String str) +{ + int length = str.length(); + String substr = """"; + for(int i = 0; i < length - 2; i++) + { + substr = str.substring(i, length); + if(str.charAt(i - 1) != '.' && + substr.startsWith(""xyz"")) + { + return true; + } + + } + return false; +} +" +ec8b0fd9488eeeebb912cc00fd31cd524771dbb2,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + return match; + + + + +} +" +c5f30fa528c21c68bda20a626ece8609c833c4dc,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + return match; + + + + +} +" +788b22a66d7aa9ba55e6ba28082c0dcd7b3de871,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals(""xyz""){ + if (sub.charAt(0) == '.'){ + works = false; + } + else + works = true; + } + } + + return works; +} +" +531ec986c85bb122032e200278864e518cf50a80,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + return match; + + + + +} +" +b141bb992a881299cdf8574b78413674621dc1c9,"public boolean xyzThere(String str) +{ + int length = str.length(); + String substr = """"; + for(int i = 1; i < length - 2; i++) + { + substr = str.substring(i, length); + if(str.charAt(i - 1) != '.' && + substr.startsWith(""xyz"")) + { + return true; + } + + } + return false; +} +" +1a22da833d03955978f2a4b6f2388e98b830c27c,"public boolean xyzThere(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length()-3; i++) { + if (str.substring(i, i+4).equals("".xyz"")) { + a++; + } + } + for (int i = 0; i < str.length()-2; i++) { + if (str.substring(i, i+3).equals(""xyz"")) { + b++; + } + } + int c = b - a; + return c > 0; +} +" +3216dd68a15da04705be5d921628212172d16f51,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals(""xyz"")){ + if (sub.charAt(0) == '.'){ + works = false; + } + else + works = true; + } + } + + return works; +} +" +56ddcd603666c805c36db21a635e36de9a95fe86,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +2bbfdcb02a1464d6b2c95ffc3c4a306215721687,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + if(str.equals(""xyz"")){ + return true; + } + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals(""xyz"")){ + if (sub.charAt(0) == '.'){ + works = false; + } + else + works = true; + } + } + + return works; +} +" +dac636444ab01fec8c4b10662ae23b7a1820482f,"public boolean xyzThere(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +c2ccff604a6f8b021d03cd5e605af14abd588558,"public boolean xyzThere(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +780190c4e8a7d85785f5526075665f00fd668ba4,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; +} +" +7091f440658523d95855bfc4a735aa6398b8308c,"public boolean xyzThere(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +48001c4682ea189a83a0a581f37b7ff69e52714b,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len+1); + if(sub.equals(""xyz."")){ + return true; + } + else{ + return false; +} +" +664e04751533923e2a8a14abccbce23bf37bc8b3,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +5d76dfe994a6b97f221a4a163634d1182d2a718e,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +a5246858ece73d0a61a804e347e5a72551eab32d,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + if(str.equals(""xyz"")){ + return true; + } + String first = str.substring(0, i+3); + if(first.equals(""xyz"")){ + return true; + } + + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals(""xyz"")){ + if (sub.charAt(0) == '.'){ + works = false; + } + else + works = true; + } + } + + return works; +} +" +935b0cffa073a99e0ec9039f793b5c1e11ac2998,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +ed349b6b5d4be92b15eb1d000dfdf069d06d5ec8,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < word.length(); i++) + { + if (word.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +d9c213950bc29a19e90fcd59b63c567d63f32b80,"public boolean xyzThere(String str) +{ + int length = str.length(); + String substr = """"; + if(str.startsWith(""xyz"")) + { + return true; + } + for(int i = 1; i < length - 2; i++) + { + substr = str.substring(i , length); + if(substr.startsWith(""xyz"") && + str.charAt(i - 1)) + { + return true; + } + + } + return false; +} +" +08df8cad1cf3b68ac9dc37865429137e49031798,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + if(str.equals(""xyz"")){ + return true; + } + String first = str.substring(0, 3); + if(first.equals(""xyz"")){ + return true; + } + + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals(""xyz"")){ + if (sub.charAt(0) == '.'){ + works = false; + } + else + works = true; + } + } + + return works; +} +" +c25721fe56e734ff6d394c1292cb5cf97be7564d,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +20b91ab923cd7d27bd34a9c7bb493bf58e911f3c,"public boolean xyzThere(String str) +{ + int length = str.length(); + String substr = """"; + if(str.startsWith(""xyz"")) + { + return true; + } + for(int i = 1; i < length - 2; i++) + { + substr = str.substring(i , length); + if(substr.startsWith(""xyz"") && + str.charAt(i - 1) != '.') + { + return true; + } + + } + return false; +} +" +c8be62b1bf01f05d30289d1f05fd991ac377ad08,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < word.length() - 2; i++) + { + if (word.substring(i, i + 2).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +60490fda27f07d5665c692e9db290539e480ca72,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + if(str.equals(""xyz"")){ + return true; + } + if(str.length() < 3) + { + return false; + } + String first = str.substring(0, 3); + if(first.equals(""xyz"")){ + return true; + } + + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals(""xyz"")){ + if (sub.charAt(0) == '.'){ + works = false; + } + else + works = true; + } + } + + return works; +} +" +53353f471b00adc5d45ebda31e58bed7569a3bb2,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < word.length() - 2; i++) + { + if (word.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +5448c03d65b09dc6e1309184c2ef76ad9a1fd31b,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < word.length() - 2; i++) + { + if (word.substring(i, i + 2).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +ae7ec50488b06802880e35726ff602cfdc6170b1,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < word.length(); i++) + { + if (word.substring(i, i + 2).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +b42993a9edd87626b323960ab96023cfda892db7,"public boolean xyzThere(String str) +{ + for (int x =0; x= 3 && str.contains(""xyz"")) + + { + return true; + } + for (int x = 0; x < str.length() -3; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +97623b77eae7e9960a3dba15a81fcfd9c0bdc732,"public boolean xyzThere(String str) +{ + def xyz_there(str): +str = str.replace('.xyz', '') +if 'xyz' in str: +return True +else: +return False +} +" +22a1d86b4f3022aaf5afad713bda125673979c93,"public boolean xyzThere(String str) +{ + for (int x =0; x= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return str.contains(""xyz""); + } +} +" +c1786abbc5fb33a2bf710022c87b3d466f469880,"public boolean xyzThere(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = true; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +07d66334b1cb4e86be1e6b58d92a478ccc1ceaab,"public boolean xyzThere(String str) +{ +return str.contains(""xyz""); +} +" +b9a6e94d10b59a7de86fe0ddea76d8e49ed75946,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +d073b8c4bbbe7918af93a3fa63574fae2f124659,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 4).equals("".xyz"")) + { + answer = false; + } + else if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + } + return answer; +} +" +f5b94769f6998a61033a3ac9d9f52dd36866c2ce,"public boolean xyzThere(String str) +{ + + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +04b5efe1f461eb61c6244e857fcce057c9ca2446,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals("".xy"")) + { + answer = false; + } + else if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + } + return answer; +} +" +bb2092a277bc9a0d99cc44cfe37c099e0da5795c,"public boolean xyzThere(String str) +{ + boolean res = true; + + if(str.contains(""xyz"")) + { + if(str.contains("".xyz"")) + { + res = false; + } + } + + return res; +} +" +0a4e34182544f3fdcc2d9dd1c56e3e4f85205efd,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz""){ + return false; + } + if (str.contains(""xyz.""){ + return false; + } + return str.contains(""xyz""); +} +" +1bb7f3d69e225a38e1dc303f4d33ef7592569d45,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals("".xy"")) + { + answer = false; + } + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + } + return answer; +} +" +ca308331f125d911556c3bf6998e80c6c9ef61c7,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains(""xyz"")) + { + res = true; + + if(str.contains("".xyz"")) + { + res = false; + } + } + + return res; +} +" +e5ff7c1e2a943dc2f3459bb70328e8f55c304d70,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")){ + return false; + } + if (str.contains(""xyz."")){ + return false; + } + return str.contains(""xyz""); +} +" +cc024b62d2b5006149794fdaa632e6228551c481,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.substring(i, i + 3).equals("".xy"")) + { + answer = false; + } + } + return answer; +} +" +327ee273cb545e740b2d602ab16100a34ed8a099,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")){ + return false; + } + return str.contains(""xyz""); +} +" +624bd9ab7a2ddf2dfe69fdc65cddb65d54dd7bf7,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.substring(i - 1, i + 2).equals("".xyz"")) + { + answer = false; + } + } + return answer; +} +" +d7cc3ced60d0515aafa101556c4c7b3528f3ff05,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +298d88612ff8b52f47cde7ab433c52dff491629c,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; + +} +" +11461b6a81a7774234cdf16af98e7a4c0c5ca83c,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")) + + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +3c6c5859428c97f12388ba57874a1e7a2216a8c6,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.length() > 2 && str.substring(i - 1, i + 2).equals("".xyz"")) + { + answer = false; + } + } + return answer; +} +" +d94c046dda153b1c4c277ac3adde556b2b34bfec,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.length() > 3 && str.substring(i - 1, i + 2).equals("".xyz"")) + { + answer = false; + } + } + return answer; +} +" +c22b139a2969e91fbab537d46cc2861d3c96d9ef,"public boolean xyzThere(String str) +{ + return(!str.contains("".xyz"") && str.contains(""xyz"")); +} +" +9ffcbda2cd43b56eb27e3f822df01d6d01bc9151,"public boolean xyzThere(String str) +{ + if (str.contains(""abc.xyzxyz"")){ + return true; + } + if (str.contains("".xyz"")){ + return false; + } + return str.contains(""xyz""); +} +" +79911f678e644d9b162e17a3baafe9f1cf24fd56,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 3; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + + } + return answer; +} +" +90bb7292a3a061b3267f8bb5d3fdae50f1b57c95,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + + } + return answer; +} +" +1fbd0f001f511e1d0c5659cb176942a1d3b3cfb9,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + if ( count < 3) + jj = false; + if (count ==3 && str.equals(""xyz"")) + jj = true; + for (int i=0; i= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else return (str.contains(""xyz"")); +} +" +027402efb92d38acedcaeec36f6d59ddd307002b,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.substring(i, i + 3).equals("".xy"")) + } + return answer; +} +" +2ecd43f3ea9358463deb5daa3617c8fdeba50057,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.substring(i, i + 3).equals("".xy"")) + { + answer = false; + } + } + return answer; +} +" +2040e41f313515104dbeacd7a4c6fad4a7b01a15,"public boolean xyzThere(String str) +{ + int count = str.length(); + boolean jj= true; + if ( count < 3) + return false + if (count ==3 && str.equals(""xyz"")) + return true; + for (int i=0; i 3) + { + if (str.substring(i, i + 4).equals("".xyz"") + { + answer = false; + } + } + } + return answer; +} +" +fd96d9a1768abc5e1ee22d0ceddb237b6adc2318,"public boolean xyzThere(String str) +{ + for (int x =0; x 3) + { + if (str.substring(i, i + 4).equals("".xyz"")) + { + answer = false; + } + } + } + return answer; +} +" +ffce8f13ba01d05e7f080502792442ae517f4081,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.length() > 3) + { + if (str.substring(i, i + 4).equals("".xyz"")) + { + answer = false; + } + } + } + return answer; +} +" +b5f06457e1819cfbd32597f1a03f9361a11a011a,"public boolean xyzThere(String str) +{ + String word ; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + if (str.length() > 3) + { + if (str.substring(i - 1, i + 3).equals("".xyz"")) + { + answer = false; + } + } + } + return answer; +} +" +939a6927a6f365cc9f63ea70884aa362f862fcf6,"public boolean xyzThere(String str) +{ + String word; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + answer = true; + } + + + } + return answer; +} +" +98071b3a3d0fd9e4d21c9f5718cc288767eff7bb,"public boolean xyzThere(String str) +{ + int count = str.length(); + //boolean jj= true; + if ( count < 3) + return false; + if (count ==3 && str.equals(""xyz"")) + return true; + for (int i=0; i= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } +} +" +bcd4fd3aff813a3290010ce5dec09e2891631411,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 3; i++) + { + if (str.substring(i - 1, i + 4).equals("".xyz"") + { + answer = false; + } + else + { + answer = true; + } + } + } + } + + + return answer; +} +" +30006e91fb15e9915563e3343513ce1f40139636,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 3; i++) + { + if (str.substring(i - 1, i + 4).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + + + return answer; +} +" +d2f131487e09fdb621d281a7e258ed83ec5127e2,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contaians(""xyz"")) + { + return true; + } +}" +404d1b95ffd0d3c1a8a396bc70507b7d9f8c69a8,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 2; i++) + { + if (str.substring(i - 1, i + 4).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + + + return answer; +} +" +a5095909556005143fcf092175992273047af26f,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + return true; +} +" +5594f519a3aa733297b494909e7c98001598ed7b,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 3; i++) + { + if (str.substring(i - 1, i + 4).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + + + return answer; +} +" +2ee0de19a9ed0f197720ebbc7e12ae54da3cc2b8,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"")) + { + return true; + } + return false; +} +" +ce8e59ba1b935088a9bd62a7917d87ee0586308c,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +}" +49ee10620d01bd6b9556f98fb61fd48738f50350,"public boolean xyzThere(String str) +{ + if (str.substring(""xyz"")) + { + return true; + } + return false; +} +" +83ca345a8b527d8dafb77d2e1851b4958f5f64ef,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3) + { + return false; + } + if (str.startsWith(""xyz"") || + str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + return true; +} +" +b1df08b477cb243fbf6c9bcc9cd3762abd56c2a7,"public boolean xyzThere(String str) +{ + return str.substring(""xyz"") + +" +4119c5476d0b0e86eba9af915bbe78858f504735,"public boolean xyzThere(String str) +{ + return str.substring(""xyz""); +} + +" +9c1aec9db61776f4a135ffc8325bef9dcefb11f5,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyzxyz"")) + else if (str.contains("".xyz"")) + { + return false; + } + else + { + return true; + } + else + { + return false; + } +}" +af156730fb12439c0e68693c06dd909ef8b9f2a2,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyzxyz"")) + { + return true; + } + else if (str.contains("".xyz"")) + { + return false; + } + else + { + return true; + } + else + { + return false; + } +}" +5a184c1602c789ce0f64feffc7b1629e1836a3a4,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3) + { + return false; + } + if (str.startsWith(""xyz"") || + str.substring(x, y + 3).equals(""xyz"")) + { + return true; + } + return true; +} +" +b736737707943f979453853c39b79921a7f3148a,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + if (str.contains("".xyzxyz"")) + { + return true; + } + else if (str.contains("".xyz"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +49b00a3338a3c67de3cee49db6e6326cf713ecef,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + return true; +} +" +8db269d55bf4e0c24f29cdfe9e76f2eb6591f4b6,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + + if (str.startsWith(""xyz"")) + { + return true; + } + return true; +} +" +d7fcd5fc46308fe987dd21e3daba774f0b97ac37,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + return true; +} +" +7b8773d7def32b73cfdfaddda38e302b4ae35b1e,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + if (str.endsWith("".xyz"")) + { + return false; + } + return true; +} +" +c8a68be24c78f880ef87dc4c9a1eca769eec2104,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 4; i++) + { + if (str.substring(i - 1, i + 4).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + return answer; +}" +24fb66130ee84b3f3047133d0e07336d179613dd,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 3; i++) + { + if (str.substring(i - 1, i + 4).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + return answer; +}" +aa3d29902ef4837c872599f79916ea4623d1946c,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + for (int i = -; i < len - 2; i++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temp.compareTo(xyz) == 0 && str.charAt(i-1) + != 46) + match = true; + } + return match; +} +" +551deaebf000db5eb7001314772942a66b4db0a0,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + return answer; +}" +817e84ab3059df4f9f529177438ed2daa0b6fc9f,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + + for (int i = -; i < len - 2; i++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temp.compareTo(xyz) == 0 && str.charAt(i-1) + != 46) + match = true; + } + return match; +} +" +34983cc062579a53ed0865a7b5ebff9177219515,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + { + return false; + } + + for (int i = -; i < len - 2; i++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temp.compareTo(xyz) == 0 && str.charAt(i-1) + != 46) + match = true; + } + return match; +} +" +58bb7906c0fc7a4dc8755f552ac1834b11f1a9dd,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 3; i++) + { + if (str.substring(i - 1, i + 3).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + return answer; +}" +3baefdb9ec52ac57396d62efdbc9e210adc7b185,"public boolean xyzThere(String str) +{ + String word; + int xyzNum = 0; + int a = 0; + int b = 0; + int c = 0; + boolean answer = false; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 3).equals(""xyz"")) + { + xyzNum = xyzNum + 1; + } + } + if (xyzNum == 1) + { + if (str.length() == 3) + { + answer = true; + } + else if (str.length() > 3) + { + for (int i = 1; i < str.length() - 2; i++) + { + if (str.substring(i - 1, i + 3).equals("".xyz"")) + { + answer = false; + } + else + { + answer = true; + } + } + } + } + return answer; +}" +225eee90be4587761f80eba6530e894a0693cd1e,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3 || str.endsWith("".xyz"") || + str.endswith(""xy"") || str.endswith(""yz"") || + str.endswith(""xz"")) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + + return true; +} +" +9df142062ead56ae8869dee309dc54e95849c577,"public boolean xyzThere(String str) +{ +str = str.replaceAll(""(\\.)(xyz)"", """"); +return str.contains(""xyz""); +} +} +" +1c3023a5ba76f5e5b00a91709d969e13fed06d99,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.indexOf(""xyz"") - 1)) + { + return true; + } + else + { + return false; + } +} +" +b431fd278cbed227d65a5dfa5ce6436b9411765a,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3 || str.endsWith("".xyz"") || + str.endswith(""xy"") || str.endswith(""yz"")) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + + return true; +} +" +1095ad9d958e3d41ab6afe1135fca47aab89b8bd,"public boolean xyzThere(String str) +{ + public boolean xyzThere(String str) { +for(int i = 0; i < str.length() - 2; i++) { +if(str.charAt(i) == '.') i++; +else if(str.substring(i, i+3).equals(""xyz"")) return true; +} +return false; +} +} +" +fbc277d93187406c162392706062dca5cfbc98f2,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3 || str.endsWith("".xyz"") || + str.endsWith(""xy"") || str.endsWith(""yz"")) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + + return true; +} +" +b3dda768b51362b03f3106cb35c28e8af9f833c2,"public boolean xyzThere(String str) +{ +for(int i = 0; i < str.length() - 2; i++) { +if(str.charAt(i) == '.') i++; +else if(str.substring(i, i+3).equals(""xyz"")) return true; +} +return false; +} +} +" +e4d009bd31fd331d4989ff1939adf58b6a147fd3,"public boolean xyzThere(String str) +{ +for(int i = 0; i < str.length() - 2; i++) { +if(str.charAt(i) == '.') i++; +else if(str.substring(i, i+3).equals(""xyz"")) return true; +} +return false; +} + +" +e9c0cfe5606ac3125385dd28992928c3ada5ba51,"public boolean xyzThere(String str) +{ + int x = 0; + int y = 0; + if (str.length() < 3 || str.endsWith("".xyz"") || + str.endsWith(""xy"")) + { + return false; + } + if (str.startsWith(""xyz"")) + { + return true; + } + + return true; +} +" +2e6b1136f8b586f9c614876caf1049cf948bc84f,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (str.charAt(index - 1) == '.') + { + return true; + } + return false; +} +" +5b6f19cfd8a58dad7f618f5fcab34c0d9f975133,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (index == -1) + { + return false; + } + if (str.charAt(index - 1) != '.') + { + return true; + } + return false; +} +" +a38ccf0a3257319680184efe775cfc903f3cbb69,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (index == -1) + { + return false; + } + if (index == 0 || str.charAt(index - 1) != '.') + { + return true; + } + return false; +} +" +c5bae4205f4115bc4d921385a0637d19c5718aef,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (index == -1) + { + return false; + } + if (index == 0) + { + return true; + } + if (str.charAt(index - 1) != '.') + { + return true; + } + return false; +} +" +50678ed237d43672cc5f536c4a2ba7bddb8f69b0,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.indexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"")) + { + return true; + } + } + else + { + return false; + } +} +" +5a5313128753a840291e05f053a44fe4fd573f1a,"public boolean xyzThere(String str) +{ + int index = str.indexOf(""xyz""); + if (index == -1) + { + return false; + } + if (index == 0) + { + return true; + } + if (str.charAt(index - 1) == '.') + { + return false; + } + return true; +} +" +ec917fe14163db16a030311a7a3910eefa33709f,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.indexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != null) + { + return true; + } + } + else + { + return false; + } +} +" +6669e5218d6c90252ccde08e93ac03b807a64905,"public boolean xyzThere(String str) +{ + int x = 0; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) = ""xyz"" && str.substring(x -1, x) != ""."")) + { + return true; + } + else + { + + } + } +} +" +7662855987d789917181ce11f3436f3ea7ae9ef2,"public boolean xyzThere(String str) +{ + boolean truth = false; + if(str.length()<=3) + { + truth = str.contains(""xyz""); + } + + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).equals(""xyz"") && + !str.substring(i, i+4).equals("".xyz"")) + { + truth=true; + } + else + { + truth= false; + } + } + return truth; + +} +" +08f076be847f135ee2d8749e9e5767187f5e25b9,"public boolean xyzThere(String str) +{ + int x = 0; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) = ""xyz"" && str.substring(x -1, x) != ""."")) + { + return true; + } + else + { + + } + } +} +" +2205f05daa1a2109407fc4ad2c411079cb2e8bcc,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.indexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != 0) + { + return true; + } + } + else + { + return false; + } +} +" +b3dc0810d99876a09dcd542d1c586a2e566ede84,"public boolean xyzThere(String str) +{ + int x = 0; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) = ""xyz"" && str.substring(x -1, x) != ""."") + { + return true; + } + else + { + + } + } +} +" +ae70704d33a8130447de43940919e5b35abf7f3f,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.indexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != 0) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +5ecacfe26c4269cfa91a5471d0353db42980d515,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) = ""xyz"" && str.substring(x -1, x) != ""."") + { + return true; + } + else + { + + } + } +} +" +49fd4cf0ece4a06d579b5bae577ae134df8b2eb6,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.indexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +c00eee29db64528a7253b8ae291a4c4d882b4eb4,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) == ""xyz"" && str.substring(x -1, x) != ""."") + { + return true; + } + else + { + + } + } +} +" +190a9f01c36fcb4d886de82023fdf5ef21a432ce,"public boolean xyzThere(String str) +{ + boolean duh = false; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) == ""xyz"" && str.substring(x -1, x) != ""."") + { + return true; + } + else + { + + } + } + return duh; +} +" +7e7e6f144aefd3188361c80c5343a5f18d9ba399,"public boolean xyzThere(String str) +{ + boolean duh = false; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 3) == ""xyz"" && str.substring(x -1, x) != ""."") + { + duh = true; + } + else + { + + } + } + return duh; +} +" +a7f93d7646e2a846f5a393d469ed72ca0b79ba68,"public boolean xyzThere(String str) +{ + boolean truth = false; + if(str.length()<=3) + { + truth = str.contains(""xyz""); + } + + for (int i = 0; i < str.length()-3; i++) + { + if (!str.substring(i, i+3).equals(""xyz"") && + str.substring(i, i+4).equals("".xyz"")) + { + truth = false; + } + else + { + if(str.contains(""xyz"")) + truth = true; + } + } + return truth; + +} +" +c175ae411ae757b880b065f30f5afb7b44851100,"public boolean xyzThere(String str) +{ + if (str.indexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +68903c999ba2b4b1a3de390e129d90fd415fcf17,"public boolean xyzThere(String str) +{ + if (str.lastIndexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +adb8a9cc0f4252034f092d16df296a4818999a58,"public boolean xyzThere(String str) +{ + if (str.lastIndexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1 || str == ""xyz"") + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +749f2909dcd629a675e6a4a37ed1282862bd3ec7,"public boolean xyzThere(String str) +{ + if (str.lastIndexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +118738ff20a5f13dfa448e342b21e134c898fe3e,"public boolean xyzThere(String str) +{ + boolean duh = false; + + for (int x = 0; x < str.length(); x++) + { + if ((str.substring(x, x + 3) == ""xyz"" && str.substring(x -1, x) != ""."") && x < str.length()) + { + duh = true; + } + else + { + + } + } + return duh; +} +" +4170b2d25bc4b7f5af8dce7ff491744380dfa2c6,"public boolean xyzThere(String str) +{ + boolean duh = false; + + for (int x = 0; x < str.length(); x++) + { + if ((str.substring(x, x + 3) == ""xyz"" && str.substring(x -1, x) != ""."") && x < str.length() - 3) + { + duh = true; + } + else + { + + } + } + return duh; +} +" +79b77a6c303763dde9636ead5bb64a3511579f18,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1 && str.indexOf(.xyz) == -1) + { + return true; + } + if (str.indexOf("".xyz"")) + { + return false; + } + else + { + return false; + } +} +" +95bbbafb06b6d387bd02bdea8fd38b17510643da,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.lastIndexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1 || str = xyz) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +9471781fdd2e00eb45563362c6e4065ecee8b803,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str.lastIndexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) + { + if (str.indexOf(""xyz"") != -1 || str == xyz) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +1d588578c2964670ef531fd60ac3f40a93b9a7b3,"public boolean xyzThere(String str) +{ + boolean duh = false; + + for (int x = 0; x < str.length(); x++) + { + if ((str.substring(x, x + 3) == ""xyz"" && str.substring(x -1, x) != ""."") && x < str.length() - 4) + { + duh = true; + } + else + { + + } + } + return duh; +} +" +59ee99d71ef741a98446baa88ec16775000f582f,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1) + { + return true; + } + if (str.indexOf("".xyz"")) + { + return false; + } + else + { + return false; + } +} +" +05a164bef70fce7139bc674bb89918f2c8c2dfde,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +60285ed401d6a2a6aa664cd0be17e0ed6cfd4844,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1 && str.indexOf("".xyz"") == -1) + { + return true; + } + if (str.indexOf("".xyz"") != -1) + { + return false; + } + else + { + return false; + } +} +" +9ca3ffb2c70e5b197cc1e819379ca769250ebd7b,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) { + if(str.charAt(i) == '.') i++; + else if(str.substring(i, i+3).equals(""xyz"")) return true; + } + return false; + } +} +" +710cdc5990cfea1ea5e24cff8bd35fa7998b2c28,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + if (str == xyz) + { + return true; + } + else if (str.lastIndexOf(""."") != (str.lastIndexOf(""xyz"") - 1)) { + if (str.indexOf(""xyz"") != -1) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} + +" +01b508a08fa2ffb6f5401249103b3a75a349eb1e,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == '.') + i++; + else if(str.substring(i, i+3).equals(""xyz"")) return true; + return false; + } +} +" +7d384045736743fbf1d029c99c9358d8fdd7de2d,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == '.') + i++; + else if(str.substring(i, i+3).equals(""xyz"")) return true; + return false; + } + return false; +} +" +30b293c90b3f8a747e6e50b3a87d1d082f77e397,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(str.charAt(i) == '.') + i++; + else if(str.substring(i, i+3).equals(""xyz"")) + return true; + } + return false; +} +" +64417fcded766e7666a2ca1b2101c36c9ffe2a12,"public boolean xyzThere(String str) +{ + xLocation = str.indexOf(x); + charBefore = (xLocation - 1); + if (str.charAt(charBefore) == ""."") + { + return false; + } + else + { + return true; + } +} +" +bf7efa6d025ea3b0d432ee05dc0d870ff7e7ee09,"public boolean xyzThere(String str) +{ + int xLocation = str.indexOf(x); + int charBefore = (xLocation - 1); + if (str.charAt(charBefore) == ""."") + { + return false; + } + else + { + return true; + } +} +" +9bd80c9542e80a9c730be0cfcf312c140f4c99c5,"public boolean xyzThere(String str) +{ + int xLocation = str.indexOf('x'); + int charBefore = (xLocation - 1); + if (str.charAt(charBefore) == ""."") + { + return false; + } + else + { + return true; + } +} +" +d9118a0385e4e15c4411d0b7903145531e06ea72,"public boolean xyzThere(String str) +{ + if (str.substring().equals(""xyz"")) + { + return true; + } + return false; +} + +" +bd4a0b870dca831b6856c0a9296a2dbe73371567,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; + } +} +" +ca23fba577f7cf93bcb5ae31fc70aa550d77c490,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) == "".""; + } + return false; +} +" +123d63d7dc994958b9bc5a4fd3cdf5b4eed882f6,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) == '.'; + } + return false; +} +" +122ff19063704856eaf9e5bdf98669e8f3ad87f8,"public boolean xyzThere(String str) +{ + int a = str.indexOf(""xyz""); + if (str.substring(a-3) != ""."") + { + return true; + } + return false; + +} +" +4641290a8230acadeaf2afe97c79d1750b979fda,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) == .; + } + return false; +} +" +fa42ac22a26b51a5fbd1edd392f618e0d82b4fc3,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) == . ; + } + return false; +} +" +35582a11eb97b77b1e381f546a9aff68fcee836c,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) == (.) ; + } + return false; +} +" +8e1a5b3e7b95b946334a30a7dfa3f26913c7885d,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) { + if (i == 0 || (str.charAt(i-1) != '.')) { + return true; + } + } + return false; +} +} +" +8e755f064228ade78e86938cc0d98a8e309ad6e2,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) == '.' ; + } + return false; +} +" +9f8d64c94c0df7c41862ca702bc7e7ff5e9d3531,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) != '.' ; + } + return false; +} +" +355fc2653c25e4bd842f5660c5c137329ef746c8,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) + { + if (i == 0 || (str.charAt(i-1) != '.')) + { + return true; + } + } + return false; +} +" +f8f3f1f030b447f5d960a2f89b61fb001deba2ae,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) != '.' ; + } + return false; +} +" +7c24c646ac1a3cd9a8292ca49d1f49b76ebc4dd1,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) != . ; + } + return false; +} +" +e2e2209edb17ca003de2a381cc3ae1a0a15fbfb0,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if( i == 0 || str.charAt(i - 1) != .; + } + return false; +} +" +47069e95ef36bf9ab3fc0ffb0f3222285336b7ce,"public boolean xyzThere(String str) +{ + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +b0398a5c7fb7adf6dbc064ac66698e26b9647ef2,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if ( i == 0 || str.charAt(i - 1) != "".""; + } + return false; +} +" +9c2e3265e8088b5e8f7e14c7fa329160b5e067c1,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i+2).equals(""xyz"")) + { + if (i != 0 && (str.charAt(i - 1).equals("".""))) + { + return false; + } + else if (!(str.charAt(i - 1).equals("".""))) + { + return true; + } + else + { + return false; + } + } + } +} +" +5606c0c8706e13543307fb08780657b2ec33f00e,"public boolean xyzThere(String str) +{ + int legnth = str.length() - 2; + for (int s; s < length ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if ( i == 0 || str.charAt(i - 1) != "".""); + } + return false; +} +" +3af9b5483235646c0dbe7f131881f46675fc347c,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + if (str.charAt(i) == x && str.charAt(i + 1) == y && str.charAt(i + 2) == z) + { + if ( i == 0 || str.charAt(i - 1) != "".""); + } + return false; +} +" +b63a4d996202ed5dcbd9e4d9073a0e5e6a92f3fd,"public boolean xyzThere(String str) +{ + + if (startsWith(""xyz"")) + + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +54b12e1d4bd458bc07d753a852e580ea7fb9e61e,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + if (str.charAt(s) == x && str.charAt(s + 1) == y && str.charAt(s + 2) == z) + { + if ( s == 0 || str.charAt(s - 1) != "".""); + } + return false; +} +" +c4820223bdd95de38f965dfc22c3ae976acbf0d1,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i+2).equals(""xyz"")) + { + if (i != 0 && (str.substring(i - 1, i).equals("".""))) + { + return false; + } + else if (!(str.substring(i - 1, i).equals("".""))) + { + return true; + } + else + { + return false; + } + } + } +} +" +77e25d683662de07af07d346d559e3ba7330e361,"public boolean xyzThere(String str) +{ + + if (str.startsWith(""xyz"")) + + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +5eee4548430a6cdf2de126c19feaa75a8067716d,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""xyz"") && str.contains("".xyz"") && str.lastIndexOf(""xyz"") != str.lastIndexOf("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +16fc8293e7dc584b46c2b46a44b402c571dbb656,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +7220b3fefc6e3a7f3d8dee6a8eb9cf975a354bc9,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + if (str.charAt(s) == ""x"" && str.charAt(s + 1) == ""y"" && str.charAt(s + 2) == ""z"") + { + if ( s == 0 || str.charAt(s - 1) != "".""); + } + return false; +} +" +6c57c4d5c60469d8848a64bd29feacda4f28d6f4,"public boolean xyzThere(String str) +{ + str = str.replace('.xyz', ''); + if ('xyz' in str:) + return true; + else + return false; + + +} +" +5900461b22dbc5783a702301fb15fb3dd02b9214,"public boolean xyzThere(String str) +{ + str = str.replace('.xyz', ''); + if ('xyz' in str:) + return true; + else + return false; + + +} +" +6c8371173a1d49c382b34a4cfb64a85de0217114,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != "".""); + } + return false; +} +" +bad574f9951e79f9fc7963416391d957ad418851,"public boolean xyzThere(String str) +{ + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +3a335ac75a5a5760c26654b0556500d55cddc1ed,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.'); + } + return false; +} +" +a4188cbbd6e4d3f2bbb2174ddbbae0f9342c18e8,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i+2).equals(""xyz"")) + { + if (i != 0 && (str.substring(i - 1, i).equals("".""))) + { + return false; + } + else if (str.substring(i - 1, i).equals(""."")) + { + return false; + } + } + } + return true; +} +" +2d9532925331dbcf60aaaebc27d3930978f1bf7d,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); + + +} +" +bd68417d693f0893dd0799088632591837d1769e,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i - 1); + char two = str.charAt(i); + char three = str.charAt(i + 1); + char four = str.charAt(i + 2); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0) + { + return true; + } + } + return false; +} +" +fedf9623a06c49b3ea95966dc9492c8b9e8d7eae,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i - 1); + char two = str.charAt(i); + char three = str.charAt(i + 1); + char four = str.charAt(i + 2); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +553289eea1460d9f01e7907a9197201ddbef3de9,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + return false; +} +" +39483c437921abc8fe24406f9d159f633a6ed263,"public boolean xyzThere(String str) +{ + + if (str.startsWith(""xyz"") || str.endsWith(""xyz"")); + + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +8d47f91bf5149d3be532c986350d7bdb112a7cea,"public boolean xyzThere(String str) +{ + return str.contains(""xyz"") && !str.contains("".xyz"") && !str.startsWith(""abc.xyzxyz""); +} +" +ff3e4a1386dfc9b0caa4678d596716f00d3a7d90,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i).startsWith(""xyz"")) + { + if (i != 0 && (str.substring(i - 1, i).equals("".""))) + { + return false; + } + else if (str.substring(i - 1, i).equals(""."")) + { + return false; + } + } + } + return true; +} +" +5f54893096774cc5a8845fbf75e5977035726d1a,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg ; s++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +bb965c32d87759011795ebe569a05658d1f01edd,"public boolean xyzThere(String str) +{ + boolean res = false; + if(str.contains("".xyz"") == false && str.contains(""xyz"")) + { + res = true; + } + return res; +} + +" +b2931d9afa399247b8f26b223ecc9d6abab63949,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz""); + + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +90b69d60699f96de8caa316598493e2c2a3b293b,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg; s++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +0e8432e818f92ea08017524438821415d8e33250,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")); + + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +e0dcea4717c29178a6961e8c3135d7b6f20ac873,"public boolean xyzThere(String str) +{ + if(str.equals(""abc.xyzxyz"") { + return true; + } + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +89d7516d6c0ccb8ba2c2c7154b6dcd6eec3a048a,"public boolean xyzThere(String str) +{ + if(str.equals(""abc.xyzxyz"")) { + return true; + } + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +26d769b06a207079dee5e420a98554475d599149,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")); + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' && str.substring (x, + x+3).equals(""xyz"")) + { + return false; + } + + } + {return false;} + +} +" +fac144ea9f892fddf725eacb1fee7c3b5e8f2d19,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s <= leg; s++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +b5cd283b9c16c06cb5a9b06ce66ae128a19529f8,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg; s+++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +9b7a41a253052a10d345ba12b8edd0978e5dc797,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg; s++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +0aa9c12194eb11019d69e7f01feb552ed696750a,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg; s + 1) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +eccec479d3238f271bd5bc9d75967876c7baa848,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s; s < leg; s++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +b9b3d50336789d2b1e7fab8a31c7184dfb9614f2,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation - 1); + if (str.charAt(charBefore) == ""."") + { + return false; + } + else + { + return true; + } +} +" +865814097962ac8ed5d36f35bf4e2facfdb634bf,"public boolean xyzThere(String str) +{ + int leg = str.length() - 2; + for (int s = 0; s < leg; s++) + { + if (str.charAt(s) == 'x' && str.charAt(s + 1) == 'y' && str.charAt(s + 2) == 'z') + { + if ( s == 0 || str.charAt(s - 1) != '.') + return true; + } + } + return false; +} +" +35ee877a479c4dc7cbc1cfc94e5f7ca705ad5c8b,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = -1; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +00693631d34bf9fe7d3f1d5493dec07e080b6648,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")); + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.' + x++; + else if (str.substring (x, + x+3).equals(""xyz"")) + {return true;} + { + return false; + } + + } + {return false;} + +} +" +f4e522ed1d5bc2603bc1eda8c6d0073cc27b5589,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +4cfcbeda1f515188c18be6554d184de9bf19da12,"public boolean xyzThere(String str) +{ + + if (str.length () >= 3 && str.contains(""xyz"")); + { + return true; + } + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.') + x++; + else if (str.substring (x, + x+3).equals(""xyz"")) + {return true;} + { + return false; + } + + } + {return false;} + +} +" +9e2e5e2d66b7521b0e820560031517073c564d72,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + return (str.contains(""xyz"")); + +} +" +0d355011177b24ab69e81ec7dffb003110987cd4,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +a5f7272d9cc7af5c2457a965eee231b56de716ec,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + Str xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + sub = str.substring(i, i+4); + sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (!str.CharAt(0).equals('.')) + works = true; + else + works = false; + } + + } + + return works; +} +" +f44135caee965dbe813f85aa117ad23bd84747e9,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + sub = str.substring(i, i+4); + sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (!str.CharAt(0).equals('.')) + works = true; + else + works = false; + } + + } + + return works; +} +" +9ed1d34c67078f93677e020ecf9ba6c8c1808bfb,"public boolean xyzThere(String str) +{ + return str.contains(""xyz"") && !str.contains("".xyz""); +} +" +438011697c569b105a1e917e91eaaf8a749a575a,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""xyz"") && str.contains("".xyz"") && ((str.lastIndexOf(""xyz"") + 1) != str.lastIndexOf("".xyz""))) + { + return true; + } + else + { + return false; + } +} +" +7521fb4252c3e03ec5e46b5a4db20e50e0dc1e27,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.') + x++; + else if (str.substring (x, x+3).equals(""xyz"")) + {return true;} + { + return false; + } + + } + {return false;} + +} +" +4a9fd2b4fb3582d70f18c6a0570eef304c555d05,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (!str.CharAt(0).equals('.')) + works = true; + else + works = false; + } + + } + + return works; +} +" +4580c4eac7e6bc4b7387044a0478b96dfabcd4fb,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +a9ea2fbb1441b3244ac6f2e1afda2ad31e5bd532,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +4de738cadc0bf06713861592f5feea6cedf8c936,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (!str.CharAt(0) == '.') + works = true; + else + works = false; + } + + } + + return works; +} +" +eeefd4f797ea520fa2e4502e187c5c3bb41124eb,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == '.') + x++; + else if (str.substring (x, x+3).equals(""xyz"")) + {return true;} + + } + {return false;} + +} +" +2587f515e004b6d7def69e4070e61a22272ac5a9,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (!str.charAt(0) == '.') + works = true; + else + works = false; + } + + } + + return works; +} +" +8e2a07268c6a2868baf6bacbdf2ac1f629183b2f,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (str.charAt(0) == '.') + works =false; + else + works = true; + } + + } + + return works; +} +" +25249ae2e12031677de874a5a859ed4568d7b144,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals(""xyz"")) { + if (str.charAt(0) == '.') + works =false; + else + works = true; + } + + } + + return works; +} +" +201a16d125a16c2e70e70f93d7ee4204a883e50f,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""xyz"") && str.contains("".xyz"") && ((str.IndexOf(""xyz"") - 1) != str.lastIndexOf("".xyz""))) + { + return true; + } + else + { + return false; + } +} +" +dca7aabcb2d0b79a320b474e1bb942bc30f5d2d2,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 3); + + if (sub.equals(""xyz"")) { + if (sub2.charAt(0) == '.') + works =false; + else + works = true; + } + + } + + return works; +} +" +58850beee440210af56c574c027f06b60a0ce5fd,"public boolean xyzThere(String str) +{ + return false; +} +" +5169acd8b2e3895ccfdba871ff1e7b8c3e0fb360,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 3); + + if (sub.equals(""xyz"")) { + if (sub.charAt(0) == '.') + works =false; + else + works = true; + } + + } + + return works; +} +" +6c6963e88942743bd6e879e905192b6d0dabff70,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""xyz"") && str.contains("".xyz"") && ((str.indexOf(""xyz"") - 1) != str.lastIndexOf("".xyz""))) + { + return true; + } + else + { + return false; + } +} +" +cbe792eb3175a18af03637579f5b108032d773a1,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""xyz"") && str.contains("".xyz"") && ((str.indexOf(""xyz"") - 1) != str.indexOf("".xyz""))) + { + return true; + } + else + { + return false; + } +} +" +9c84142f7cd7d668a8940d4e138aa303b1e9d862,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +dfbde86277c7df26fe977e42fd4222ee7d19de31,"public boolean xyzThere(String str) +{ + int len = str.length(); + + String xyz = ""xyz""; + + + + Boolean match = false; + + + + if (len < 3) + + return false; + + + + for (int i = 0; i < len - 2; i ++) { + + String temp = str.substring(i, i+3); + + if (temp.compareTo(xyz) == 0 && i == 0) + + match = true; + + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + + match = true; + + + + } + + return match; + +} +" +28d16244de553785be2fce3c617190f11ec23935,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 3); + + if (sub.equals(""xyz"")) { + if (sub2.charAt(0) == '.') + works =false; + else + works = true; + } + return works; + } + + return works; +} +" +395063f264f874c207856227c8a3083526ce478f,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str.contains(""xyz"") && str.contains("".xyz"") && str.indexOf(""xyz"") != str.lastIndexOf(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +8a96a821f2799b65f1423949a07f6fa47f0461a5,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"")) + { + return true; + } + return false; +} + +" +b8ab042e420d692a752f352507374abf0565ae04,"public boolean xyzThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 3 < len; i++) + { + if (str.charAt(i).equals(""."")) + { + i++; + continue; + } + if (str.substring(i, i+4).equals(""xyz"")) + { + return true; + } + return false; + } +} +" +acd78c05104086051d66689374c38d2087a5ef2d,"public boolean xyzThere(String str) +{ + boolean works = true; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 3); + + if (sub.equals(""xyz"")) { + if (sub2.charAt(0) == '.') + works =false; + else + works = true; + } + } + + return works; +} +" +d6b13c623002bb88835c05fbe8c785dd34b4865a,"public boolean xyzThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 3 < len; i++) + { + if (str.charAt(i) == ""."") + { + i++; + continue; + } + if (str.substring(i, i+4).equals(""xyz"")) + { + return true; + } + return false; + } +} +" +1252635937ba6d13584cdfcc7d8b90fa62d09929,"public boolean xyzThere(String str) +{ + boolean works; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 3); + + if (sub.equals(""xyz"")) { + if (sub2.charAt(0) == '.') + works =false; + else + works = true; + } + } + + return works; +} +" +f9aa01ea342d16477ddb3200dc4caaee34cafa5f,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 3); + + if (sub.equals(""xyz"")) { + if (sub2.charAt(0) == '.') + works =false; + else + works = true; + } + } + + return works; +} +" +98fa89730c7729b5f804c19ca92a5c21678b5d40,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +a525d6c9ea7e01333f4daf6d85b29fffa799f0ec,"public boolean xyzThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 3 < len; i++) + { + if (str.charAt(i) == '.') + { + i++; + continue; + } + if (str.substring(i, i+4).equals(""xyz"")) + { + return true; + } + return false; + } +} +" +5e9bea60a141af265e2bf211238085b8bafd320f,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 4; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 2); + + if (sub.equals("".xyz"")) { + if (sub2.charAt(0) == '.') + works =false; + else + works = true; + } + } + + return works; +} +" +942bf1d2f2b5675549f200a4c5653d21a6fc027e,"public boolean xyzThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 3 < len; i++) + { + if (str.charAt(i) == '.') + { + i++; + continue; + } + if (str.substring(i, i+4).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +d477f4c734c4c5d354d948380fa11567f7f1af04,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + return match; + +} +" +4ef28cca5b8b9a057e77a3e3cc9ebd89357a5b3c,"public boolean xyzThere(String str) +{ + int len = str.length(); + for (int i = 0; i + 2 < len; i++) + { + if (str.charAt(i) == '.') + { + i++; + continue; + } + if (str.substring(i, i+3).equals(""xyz"")) + { + return true; + } + } + return false; +} +" +bf5f1d69045ef72b17575352618d706c0fa35fec,"public boolean xyzThere(String str) +{ + return true; + +} +" +0c87c08fec7bad96f33f35ef40ac1b095ab2de71,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation - 1); + if (str.valueOf(charAt(charBefore)) == ""."") + { + return false; + } + else + { + return true; + } +} +" +2e9a2a8c98ea90a17f3a1093e005f7f2044a682f,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +d6ff74ede2e0b49b729f2222dc9de83ec7bffdb0,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +} +" +a6651d8ee6c9a0a72875609e692302146e48eec9,"public int xyzThere(String str) +{ + + return str.indexOf(""xyz""); + +} +" +256ce3d4c0d4b3657597e8e1bdbf135d81b9ae5f,"public boolean xyzThere(String str) +{ + String noPeriod = str.replace("".xyz"", """"); + if (noPeriod.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +dbe2c81b9dc3313bfd531713d28b6c4db6062b5b,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' + && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +e00bc48b75e9b0a0158e09da7824160477e4b8c6,"public boolean xyzThere(String str) +{ + String noPeriod = str.replace("".xyz"", """"); + if (noPeriod.contains(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +c43e4324e8b0552682fd1c4a493d4f83a1c4cea9,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i).startsWith(""xyz"")) + { + if (i != 0 && (str.substring(i - 1, i).equals("".""))) + { + return false; + } + else if (str.substring(i - 1, i).equals(""."")) + { + return false; + } + else + { + return true; + } + } + } + return false; +} +" +0ef719e3885e35e1c3e700c0a5752086c04eaf03,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + String sub2 = str.substring(i, i+4); + String sub3 = sub.substring(0, 2); + + if (sub.equals(""xyz"")) { + if (sub3 == ""xyz"") + works = true + else if (sub2.charAt(0) == '.') + works = false; + } + } + + return works; +} +" +0597976dc79c27777185abbad3da0b40fd237a22,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + String sub2 = str.substring(i, i+4); + String sub3 = sub.substring(0, 2); + + if (sub.equals(""xyz"")) { + if (sub3 == ""xyz"") + works = true; + else if (sub2.charAt(0) == '.') + works = false; + } + } + + return works; +} +" +e77e1f4a35ecabfcbe662d5f161b3f6abbced9b5,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + String sub2 = str.substring(i, i+4); + String sub3 = sub.substring(0, 2); + + if (sub.equals(""xyz"")) { + if (sub3 == ""xyz"") + works = true; + if (sub2.charAt(0) == '.') + works = false; + } + } + + return works; +} +" +b96474797ec2c40f069e01fc62813a7c5b8431cd,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + String sub2 = str.substring(i - 1, i+2); + String sub3 = sub.substring(0, 2); + + if (sub.equals(""xyz"")) { + if (sub3 == ""xyz"") + works = true; + if (sub2.charAt(0) == '.') + works = false; + } + } + + return works; +} +" +36b612fdae8c057120c72f8d55627681aa7a1eeb,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + String sub2 = str.substring(i - 1); + String sub3 = sub.substring(0, 2); + + if (sub.equals(""xyz"")) { + if (sub3 == ""xyz"") + works = true; + if (sub2.charAt(0) == '.') + works = false; + } + } + + return works; +} +" +ea44c1d14b27e80170692d3d57d27fb773f7977a,"public boolean xyzThere(String str) +{ + int l = str.length() - 2; + + for (int i = 0; i < l; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; +} +" +b74ac8b94cf6ef3306b8a86d4a99b028782a3927,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+3); + String sub2 = str.substring(i-1); + String sub3 = sub.substring(0, 2); + + if (sub.equals(""xyz"")) { + if (sub3 == ""xyz"") + works = true; + if (sub2.charAt(0) == '.') + works = false; + } + } + + return works; +} +" +4f5f27c414f37ec1f2afdd1f971d97c04c70e1dc,"public boolean xyzThere(String str) +{ + int length = str.length(); + String xyz = ""xyz""; + Boolean match = false; + + if (length < 3) + return false; + + for (int i = 0; i < length - 2; i++) { + String temp = str.substring(i, i + 3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if (temp.compareTo(xyz) == 0 && str.charAt(i - 1) != 46) + match = true; + } + return match; +} +" +b9794b18955bda5d55077b0f5a260caa1bbfe6cf,"public boolean something; + +public boolean xyzThere(String str) +{ + str.toLowerCase(); + if (str.contains(xyz)) + { + something = true; + } + else + { + something = false; + } + return something; +} +" +0f60740bf4f72e0033837f3211ea3c797d4a8395,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +7910983e74a89dc7d18c83f6c12e27816665064a,"public boolean something; + +public boolean xyzThere(String str) +{ + str.toLowerCase(); + if (str.contains(""xyz"")) + { + something = true; + } + else + { + something = false; + } + return something; +} +" +3578bcf93245908ff0ac546a2507e51b53ac72fd,"public boolean something; + +public boolean xyzThere(String str) +{ + str.toLowerCase(); + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + something = true; + } + else + { + something = false; + } + return something; +} +" +413ffb2d480f7308f9951cfb4ea51a6ec6a822b5,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2) + { + tempStr = substring(i, i+3); + if (tempStr.equals(""xyz"") && !str.charAt(i-1).equals (.)) + { + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +e337161919b755a77e79a537475ddb5fcd26d2d1,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = substring(i, i+3); + if (tempStr.equals(""xyz"") && !str.charAt(i-1).equals (.)) + { + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +b94b278dcf15b9c0457c34efe1afca969a62db4f,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +f86b707a9ad6dde3814905fee5b8ddfe71f70f5d,"public boolean xyzThere(String str) +{ + String xyz = ""xyz""; + + if (str.length() < 3) { + return false; + } + + for (int i = 0 ; i < str.length()-2; i++) { + if ( i > 0 ) { + if (str.charAt(i-1) != '.' && str.substring(i,i+3).equals(""xyz"")) { + return true; + } + } + if ( i == 0 && str.substring(i,i+3).equals(""xyz"") ) { + return true; + } + } + return false; +} +" +cde218d7da078a858257e70aca7baa6dd9b3c1c0,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = substring(i, i+3); + if (tempStr.equals(""xyz"") && !str.charAt(i-1).equals(.)) + { + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +8f6380454f78a83493098cea3c99382df370d60a,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation - 1); + if (str.charAt(charBefore)) == ""."") + { + return false; + } + else + { + return true; + } +} +" +e8f432804c9218e0122d4ac487a7e3126f042f10,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + if (!str.charAt(i-1).equals(.)) + { + isTrue = true; + } + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +6e324ba315b6687301008a49b7a90076865c6c26,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +5ae6c81ccb46d7d562f80d60169f793d5c98e5df,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +a0b040134ed89c195867619875e139f3e1c1b958,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + if (str.charAt(i - 1).equals(""."")) + { + isTrue = true; + } + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +330e3b6f733f42c450c4c1fe9ef5b8b1636bb6c4,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + if (str.charAt(i - 1).equals(""."")) + { + isTrue = true; + } + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +2ccc56b425db67a730ac5d9ac030ae4436615c8b,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + if (!str.charAt(i - 1).equals(""."")) + { + isTrue = true; + } + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +b3a636be02f952c6da31a588e177aef7fc7a5bd0,"public boolean xyzThere(String str) +{ +for(int i = 0; i < str.length() - 2; i++) { +if(str.charAt(i) == '.') i++; +else if(str.substring(i, i+3).equals(""xyz"")) return true; +} +return false; +} +" +4f398dc4cd487e764d6d0a06a6bafc22c7789371,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + return isTrue; + +} +" +db349905b014a29b175f1a12badfd192c8c1aaa2,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"") || str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +0f51254e68962a5e98b5d1c7e686666380b9ed8f,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +3bb7e2057a2b5c15228a560b57026fe46c68499b,"public boolean xyzThere(String str) +{ + boolean works = true; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub2.substring(0, 2); + + if (sub2.equals("".xyz"")) + works = false; + if (sub2.equals(""xyz"")) + works = true; + } + + return works; +} +" +258300f53c0c168adca36199c21f7356afaa84c7,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +a9c4a27a27a350190bb9c858f09525cd5fe8504f,"public boolean xyzThere(String str) +{ + boolean works = true; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(0, 2); + + if (sub2.equals("".xyz"")) + works = false; + if (sub2.equals(""xyz"")) + works = true; + } + + return works; +} +" +17ac05c3c5c35faa52cab22fda8a4049ab55745a,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +57d29a30e3c5031769d17a0027ab965312ce3584,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + int dotIndx = 0; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + dotIndx = i - 1; + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + if (str.charAt(dotIndx).equals(""."")) + { + isTrue = false; + } + + return isTrue; + +} +" +89fb9c09f6ed9358e7d9b10f1dcc80de54faa78f,"public boolean xyzThere(String str) +{ + boolean works = true; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals("".xyz"")) + works = false; + else if (sub2.equals(""xyz"")) + works = true; + } + + return works; +} +" +bbc718a03a73fc4214495f2e4b81a7f8232ba21f,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + int dotIndx = 0; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + dotIndx = i - 1; + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + if (str.charAt(dotIndx) == ""."") + { + isTrue = false; + } + + return isTrue; + +} +" +e147f71efe78a3b44d4c24da8e7af459944c9ded,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + int dotIndx = 0; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + dotIndx = i - 1; + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + if (str.charAt(dotIndx) == '.') + { + isTrue = false; + } + + return isTrue; + +} +" +b4b534fad60f00abbcf7c2715dff6366b06a5515,"public boolean xyzThere(String str) +{ + boolean works = true; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub2.equals("".xyz"")) + works = false; + if (sub2.equals(""xyz"")) + works = true; + } + + return works; +} +" +8bc53cd424ae9064d6fbd0925eed732efb5768a4,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +d9f42b49848b31660acb22ea90ba5c0c4a1b7f68,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + int dotIndx = 0; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + dotIndx = i - 1; + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + if (str.length > 1 && str.charAt(dotIndx) == '.') + { + isTrue = false; + } + + return isTrue; + +} +" +83731c4a163e1b3cb1155395fc15754aa1987553,"public boolean xyzThere(String str) +{ + boolean isTrue = false; + String tempStr = """"; + int dotIndx = 0; + + for (int i = 1; i < str.length() - 2; i++) + { + tempStr = str.substring(i, i+3); + if (tempStr.equals(""xyz"")) + { + dotIndx = i - 1; + isTrue = true; + } + } + + if (str.startsWith(""xyz"")) + { + isTrue = true; + } + + if (str.length() > 1 && str.charAt(dotIndx) == '.') + { + isTrue = false; + } + + return isTrue; + +} +" +b6a2c3c6a5e3529096115a7f9aaa5401be6c1be6,"public boolean xyzThere(String str) +{ + int x = str.length(); + int y = 3; + for (x = 3, x++) + { + if(str.substring(x-3, x-1) = ""xyz"" + { + return true; + } + y = y + 1; + } + + +} +" +e1a0f161283c5c73b95336415597b77441e8d332,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else + { + return false; + } +} +" +1777368ce69f919f47d40c97e3aff93fe0f702cd,"public boolean xyzThere(String str) +{ + int x = str.length(); + int y = 3; + for (x = 3, x++) + { + if(str.substring(x-3, x-1) = ""xyz"") + { + return true; + } + y = y + 1; + } + + +} +" +90b70cfb328792124be0f2bc42b7b59caaaa47fb,"public boolean xyzThere(String str) +{ + boolean works = true; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals("".xyz"")) + works = false; + if (sub2.equals(""xyz"")) + works = true; + } + + return works; +} +" +0162a64b2f7f13596be68f726abb53072d8b541a,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals("".xyz"")) + works = false; + if (sub2.equals(""xyz"")) + works = true; + } + + return works; +} +" +41b6308f1e1dc64f8840821db4748916eec66a50,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str == ""abc.xyzxyz"") + { + return true; + } + else + { + return false; + } +} +" +56ef0f02c4f27ebd34f66deb9940546f8b449ae3,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str == ""abc.xyzxyz"") + { + return true; + } + else + { + return false; + } +} +" +55d21a9a9bc73f7f43938b57932955136d6eeefc,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str == ""abc.xyzxyz"") + { + return true; + } + else + { + return false; + } +} +" +fa16de31eaa98faa0ac045e85a42d1ad2e2000d7,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"") && !str.contains("".xyz"")) + { + return true; + } + else if (str == ""abc.xyzxyz"") + { + return true; + } + else + { + return false; + } +} +" +1cbe37dfe8c3175a69d91c492af79fc3f1c8a919,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0, i < length, i++) + { + if ((str.charAt(i) == 'x') && (str.charAt(i + 1) == 'y') && (str.charAt(i + 2) == 'z')) + { + if(i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + return false; +} +" +0d11d8fcc4167e9f69b0357444e28d410fd0ebcf,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length; x++) { + for (int y = 3; y < str.length; y++) { + if (str = ""xyz"") { + return true; + } + } + } +} +" +9b7e0a528edb4519acd3c3a268839285077f018c,"public boolean xyzThere(String str) +{ + if (str.contains(""xyz"")) + { + return true; + } + return false; +} + +" +0f4250ce31e9099fc81683bd2ad48c53cd6e7bc2,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y < str.length(); y++) { + if (str = ""xyz"") { + return true; + } + } + } +} +" +db3bf0c4487011f693025613012416708cec45ef,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + String sub = str.substring(i, i+4); + String sub2 = sub.substring(1, 3); + + if (sub.equals("".xyz"")) + works = false; + if (sub2.equals(""xyz"") && !sub.equals("".xyz"")) + works = true; + } + + return works; +} +" +b4b2f6f84c9ed2e1db6d1a84270c8541cbede556,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y < str.length(); y++) { + if (str == ""xyz"") { + return true; + } + } + } +} +" +a430434e645a1ee395adee35f934f7177c383b84,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'x') && (str.charAt(i + 1) == 'y') && (str.charAt(i + 2) == 'z')) + { + if(i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + return false; +} +" +d3aaf24e82978a6a4b7936399f434c88f6452aba,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y < str.length(); y++) { + if (str == ""xyz"") { + return true; + } + + } + } + return false; +} +" +362146a1724e91f384fed02f825cbf19da5a9ee7,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + if ((str.charAt(i) == 'x') && (str.charAt(i + 1) == 'y') && (str.charAt(i + 2) == 'z')) + { + if(i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; +} +" +cc5f2423f836d235d8395a4ba01f19e85fe75e20,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y <= str.length(); y++) { + if (str == ""xyz"") { + return true; + } + + } + } + return false; +} +" +acaceae2b459b9be4c701aca281d5f0854aabfd2,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; + } +} +" +193978a9b3e7f271273111c64a5cceb835381ee7,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y <= str.length(); y++) { + if (str.substring(x, y) == ""xyz"") { + return true; + } + + } + } + return false; +} +" +e17ec3aaecc72089f6acbf448b68e2307bf94c99,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +ae7f55b4346891582fd5d5fcd323b90476dcebd5,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) + { + if (str.substring(0, 3).equals(""xyz"")) + return true; + for (int i = 0; i < str.length() - 3; i++) + if (str.substring(i + 1, i + 4).equals(""xyz"") && str.charAt(i) != '.') + return true; + } + return false; +} +" +03ce05b456d51e8d6d923a1f5b098bf7798677a1,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + + for (int i = 0; i < length - 3; i++) { + if(str.charAt(i) != '.'){ + if(str.charAt(i+1) == 'x'){ + if(str.charAt(i+2) == 'y'){ + if(str.charAt(i+3) == 'z'){ + works = true; + } + } + } + } + } + + return works; +} +" +a3c0d9caeb46fb38f31b7433456fe539570996fb,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y <= str.length(); y++) { + if (str.substring(x, y) == "".xyz"") { + return false; + } + else if (str.substring(x, y) == ""xyz"") { + return true; + } + + } + } + return false; +} +" +3668050c80ce909c6ad330b1f8b264681d05ca25,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +c0ebb83ce65943e3cd54a0fac444e1d1d4e7ae92,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +de2eeb23c642b045a40d33386619459a6917d9a4,"public boolean xyzThere(String str) +{ + boolean works = false; + int length = str.length(); + String xyz = ""xyz""; + + if (length < 3) + return false; + if(str.substring(0, 3).equals(""xyz"")){ + return true; + } + for (int i = 0; i < length - 3; i++) { + if(str.charAt(i) != '.'){ + if(str.charAt(i+1) == 'x'){ + if(str.charAt(i+2) == 'y'){ + if(str.charAt(i+3) == 'z'){ + works = true; + } + } + } + } + } + + return works; +} +" +c1df3501666b791147d66aa35cd8b735af409418,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation - 1); + if str.charAt(charBefore) == ""."" + { + return false; + } + else + { + return true; + } +} +" +5d45b312c5e6efed6dfc73e12bf9a2cc4efd0f40,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + for (int y = 3; y < str.length(); y++) { + if (str.substring(x, y) == "".xyz"") { + return false; + } + else if (str.substring(x, y) == ""xyz"") { + return true; + } + + } + } + return false; +} +" +5ea9e680f52cf8ab680605d87398ac5436b76a16,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation - 1); + if (str.charAt(charBefore) == ""."") + { + return false; + } + else + { + return true; + } +} +" +8f46154e4e51e269552992d6957bf43d315e0783,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = 0; + while (i < str.length()) + { + i = str.indexOf(""xyz""); + j = str.indexOf("".xyz""); + if( j + 1 != i) + { + b = true; + } + else + { + str = str.subscript(j+4); + } + } + return b; + +} +" +fec1dcaa8719d3c350d6025e66513caab9ebe753,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = 0; + while (i < str.length()) + { + i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if( j + 1 != i) + { + b = true; + } + else + { + str = str.subscript(j+4); + } + } + return b; + +} +" +1429d3239f9d7c8051a534327c52f95a68c0d3f3,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length(); x++) { + if (str.substring(x, x + 3) == ""xyz"" && !(str.substring(x - 1, x + 3) == "".xyz"")) { + return true; + } + } + return false; +} +" +8dfbb6fd6541ce2adbdd35b4c7fd18ec67f086f7,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length() - 2; x++) { + if (str.substring(x, x + 3) == ""xyz"" && !(str.substring(x - 1, x + 3) == "".xyz"")) { + return true; + } + } + return false; +} +" +28967229ac074236627cb80c69b91c1d020230a9,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length() - 2; x++) { + if (str.substring(x, x + 3) == ""xyz"") { + if (x != 0) { + if (!(str.substring(x - 1, x + 3) == "".xyz"")) { + return true; + } + } + } + } + return false; +} +" +5943f752b32001d3e573e0e5bb7906d4e6e49cb8,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = 0; + while (i < str.length()) + { + i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if( j + 1 != i) + { + b = true; + } + else + { + str = str.substring(j+4); + } + } + return b; + +} +" +0362511dfc1bb9bd403f491dce3eeceac5b65e16,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = 0; + while (b == false) + { + i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if( j + 1 != i) + { + b = true; + } + else + { + str = str.substring(j+4); + } + } + return b; + +} +" +557cd06c20699072ffc31990af1318dfe9230954,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +c559438f06240059fea5a78e3e17776de821361c,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.indexOf("".xyz"") + 1 == str.indexOf(""xyz"")) + { + return true; + } + } + + return false; +} +" +7fdba0a1ba339e39a7fbf2b89cc7d466c3e5b3cf,"public boolean xyzThere(String str) +{ + boolean b = false; + while (b == false) + { + int i = str.indexOf(""xyz""); + int j = str.indexOf("".xyz""); + if( j + 1 != i) + { + b = true; + } + else + { + str = str.substring(j+4); + } + } + return b; + +} +" +60ccc6dfd4ac8e05731efbfc4f5516894d6f1479,"public boolean xyzThere(String str) +{ + if (str.indexOf(""xyz"") != -1) + { + if (str.indexOf("".xyz"") + 1 == str.indexOf(""xyz"")) + { + return false; + } + return true; + } + + return false; +} +" +d4260608c7c4ed1b4ff94db7dd13d0f5fa1f83ad,"public boolean xyzThere(String str) +{ + if (str == ""xyz.abc"" || str == ""xyz"" || str == ""abc.xyzxyz"") + { + return true; + } + + if (str.indexOf(""xyz"") != -1) + { + if (str.indexOf("".xyz"") + 1 == str.indexOf(""xyz"")) + { + return false; + } + return true; + } + + return false; +} +" +b9fd39d97cc3420852eed9f5eae89630a1a66af4,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +22ed4ce5414f2d7eaa18f026bbae3a32737a8a8a,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +0b0d315f608b94c0c24f61e00b6e39aedf9cf83e,"public boolean xyzThere(String str) { + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +a9c6924aee4103d8e0b61e91f874048719b3257f,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +77b66573296104258814d56a88705b4d1812ddce,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +cb1a19dbc9558abb0f6c63dd7c4083a18b18dce5,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; + +} +" +8a1b1fb4ddf35f3e5e7a397615a6f1752f8f3cc1,"public Boolean xyzThere(String str) { + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + } + return match; +}" +c2f44e8f8535b3b51d5b09674b0ebf9c080944e0,"public boolean xyzThere(String str) +{ +return true; +} +" +44f95840adb8170821a1b923b885d21b732b3f1a,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +}" +b4c514c9d0f10269f6e0c2feb64916a070316b75,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; +} +" +67db840d310d014595dc04f3ecfa83ba8cec92d0,"public boolean xyzThere(String str) +{ + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +56bcba2d1fc29be61fb2623cfc2973d2ea328f60,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +267bd085352b642d7da530683ebb34271b435c9b,"public boolean xyzThere(String str) +{ + int len = str.length(); + + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + + return false; + + for (int i = 0; i < len - 2; i ++) { + + String temp = str.substring(i, i+3); + + if (temp.compareTo(xyz) == 0 && i == 0) + + match = true; + + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + } + return match; + +} +" +b69699891f1e74fe8754fbbc77e44fb7bec77ceb,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +bff4ae50293830f1fc72e748755f469dad15ee76,"public boolean xyzThere(String str) +{ + for (int a =0; a- str.length() - 2; a++) + if (str.charAt(a-1) == '.') + { + return false; + } + return true; + +} +" +99a6e60ff7155e254e793c13f4cde58bfbb9780a,"public boolean xyzThere(String str) +{ + int value = str.length() - 2; + for (int i = 0; i < value; i ++) + { + if (str.charAt(i) == ""x"" && str.charAt(i + i) == ""y"" && str.charAt(i + 2) == ""z"") + { + if (i == 0 || str.charAt(i - 1) != ""."") + { + return true; + } + } + } + return false; + + +} +" +430a97f2983a791fd7249258d56e7d139d148b61,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +17f7742f7ffbde8abc75779f75f96731501be1c8,"public boolean xyzThere(String str) +{ + boolean f = false; + String t = ""xyz""; + for (int i=0; i= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +} +" +b81c8664942b84e9c1e54fb8fc70844d0e949641,"public boolean xyzThere(String str) +{ + int value = str.length() - 2; + for (int i = 0; i < value; i ++) + { + if (str.charAt(i) == 'x' && str.charAt(i + i) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; + + +} +" +9ce88b528359fee16a8e37f6c16ed4945a9bd607,"public boolean xyzThere(String str) +{ + int value = str.length() - 2; + for (int i = 0; i < value; i ++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'z') + { + if (i == 0 || str.charAt(i - 1) != '.') + { + return true; + } + } + } + return false; + + +} +" +53da9f25426b7224e29f9143c1eb9f3c592fcf66,"public boolean xyzThere(String str) +{ + boolean f = false; + String t = ""xyz""; + for (int i=0; i= 3) + { + if (str.substring(0, 3).equals(""xyz"")) + return true; + for (int i = 0, i < str.length()-3; i++) + if(str.substring(i+1, i+4).equals(""xyz"")&& + str.charAt(i) != '.') + return true; + } + return false; +} +" +21f70663b48b8c115bdb0b0e0662335d8fe21e3d,"public boolean xyzThere(String str) +{ + for (int a = 0; a < str.length() - 2; a++) + if (str.charAt(a) == 'x' && str.charAt(a+2) == 'z') + { + if (str.charAt(a-1) == '.') + { + return false; + } + return true; + } + return true; + +} +" +d5d0f1a68dfc4f294ddd908a8e6ca64fd27975af,"public boolean xyzThere(String str) +{ + for (int a = 1; a < str.length() - 2; a++) + if (str.charAt(a) == 'x' && str.charAt(a+2) == 'z') + { + if (str.charAt(a-1) == '.') + { + return false; + } + return true; + } + return true; + +} +" +fa3acf09472adc07ca78a28b866103f5662960cc,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = str.lastIndexOf(""xyz""); + if( s != -1) + { + if( (s == 0) || (str.charAt(s-1) != '.') ) + { + b = true; + } + } + + return b; + +} +" +fa676272e8aa3b8208e5937b51e92153ae729868,"public boolean xyzThere(String str) +{ + int yup = str.length(); + String xyz = ""xyz""; + Boolean match = false; + + if (yup < 3) + return false; + + for (int i = 0; i < yup - 2; i++) + { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 @@ str.charAt(i-1) != 46) + match = true; + } + return match; +} +" +878cf9b0174b34c9636706e56575b990ebb4182b,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = str.lastIndexOf(""xyz""); + if( i != -1) + { + if( (i == 0) || (str.charAt(i-1) != '.') ) + { + b = true; + } + } + + return b; + +} +" +3581e90313836fd421b7d62509aac56ff469f312,"public boolean xyzThere(String str) { + if (str.length() >= 3) + { + if (str.substring(0,3).equals(""xyz"")) + { + return true; + } + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +}" +359e8dff0c0e1e8befb2bff1812940d8ffb34128,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +6a4c6987424481048b70ea4ce15c21369893676b,"public boolean xyzThere(String str) +{ + boolean b = false; + int i = str.lastIndexOf(""xyz""); + if( i != -1) + { + if( (i == 0) || (str.charAt(i-1) != '.') ) + { + b = true; + } + else if (str == ""abc.xxyz"") + { + b = true; + } + } + + return b; + +} +" +f02f4636c54937bbc7024e004a2f6d89b24f171b,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 2; y < x-2; y++) + { + if(str.substring(x-y, x) = ""xyz"") + { + return true; + } + + } + + return false; + +} +" +cda75edb5f7b61a877ea18a0278496614b30f5a2,"public boolean xyzThere(String str) { + int xPos= str.indexOf('x'); + int len=str.length(); + + String sub=str.substring(xPos,len); + if(sub.equals(""xyz"")){ + return true; + } + else{ + return false; + } +}" +0e7977f00cd62875ad7c05c0d8c09f53a342b92b,"public boolean xyzThere(String str) +{ + if(str.length() >= 3 && str.substring(0, 3).equals(""xyz"")) + return true; + + for(int i = 1; i < str.length() - 2; i++) { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + return true; + } + + return false; +} +" +3f973835432c46b3ff1bf69b0892b79d9c33ef95,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 2; y < x-2; y++) + { + String ox = str.substring(x-y, x) + if(ox = 'xyz') + { + return true; + } + + } + + return false; + +} +" +35023410438d9c251ef087eb405e5ee3b14856b0,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 2; y < x-2; y++) + { + String ox = str.substring(x-y, x) + if(ox == 'xyz') + { + return true; + } + + } + + return false; + +} +" +f8f823b34cdf4b31722b765338c8ce762e82a4d1,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 2; y < x-2; y++) + { + String ox = str.substring(x-y, x) + if(ox == ""xyz"") + { + return true; + } + + } + + return false; + +} +" +281632c17e624f3611afb243245a8366f68f52fb,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 2; y < x-2; y++) + { + String ox = str.substring(x-y, x); + if(ox == ""xyz"") + { + return true; + } + + } + + return false; + +} +" +418bac65b3bd9319f697f170d3f7158bd904601f,"public Boolean xyzThere(String str) { + int len = str.length(); + String xyz = ""xyz""; + + Boolean match = false; + + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + + } + return match; +}" +f546847a698b816ce516b3737299c6c35362284e,"public boolean xyzThere(String str) { + int index = str.indexOf("".xyz""); + if(index >= 0) { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } else return (str.contains(""xyz"")); +}" +1162a38168c4b0a27f53b5aabe555e5289051561,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (charAt(i).equals(""x"") && charAt(i + 1).equals(""y"") && + charAt(i + 2).equals(""z"") + { + if (charAt(i - 1).equals(""."") + { + return false; + } + return true; + } + } +} +" +58b7922bf9cf25f01ea79cd804874a9a36ad1d1e,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (charAt(i).equals(""x"") && charAt(i + 1).equals(""y"") && + charAt(i + 2).equals(""z"") + { + if (charAt(i - 1).equals(""."")) + { + return false; + } + return true; + } + } +} +" +5f477aac2fe01a4b0e567e6f7ea5309fd51496b1,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (charAt(i).equals(""x"") && charAt(i + 1).equals(""y"") && + charAt(i + 2).equals(""z"")) + { + if (charAt(i - 1).equals(""."")) + { + return false; + } + return true; + } + } +} +" +a16395933f277965a402034a1bc38641a8e16d07,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 2; y < x-2; y++) + { + String ox = str.substring(x-y, (x-y)+2); + if(ox == ""xyz"") + { + return true; + } + + } + + return false; + +} +" +e62f332a7ffc0b6342a7e72e25723120b8b14ab2,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (str.charAt(i).equals(""x"") && + str.charAt(i + 1).equals(""y"") && + str.charAt(i + 2).equals(""z"")) + { + if (str.charAt(i - 1).equals(""."")) + { + return false; + } + return true; + } + } +} +" +3a1667aa8cdde4c906926087b69cd906bce46474,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (str.charAt(i).equals(x) && + str.charAt(i + 1).equals(""y"") && + str.charAt(i + 2).equals(""z"")) + { + if (str.charAt(i - 1).equals(""."")) + { + return false; + } + return true; + } + } +} +" +5af4648caf776e73afeabea5a914ab946e711bc4,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (str.charAt(i).equals('x') && + str.charAt(i + 1).equals('y') && + str.charAt(i + 2).equals('z')) + { + if (str.charAt(i - 1).equals('.')) + { + return false; + } + return true; + } + } +} +" +2aaf08596fefec89d2eb7642f2aa6ded404c679d,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) + { + if(i == 0 || str.charAt(i-1) != '.') + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') { + return true; + } + } + } + return false; +}" +6055da702ff1ec8ed8892847340a23bf6719af1c,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if (i == 0 || str.charAt(i-1) != '.') + return true; + } + } + + return false; +}" +14ff4e517b1b7bfaf5840ffd794c706bb4510784,"public boolean xyzThere(String str) +{ + for(int i = 0; i < str.length() - 2; i++) //To make sure that it doesnt have an out of bounds exception (the Condition) + { + if(i == 0 || str.charAt(i-1) != '.') + //Makes sure that it doesn't come after a period + //Or if it starts at 0 it also works + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') { + return true; + } + } + } + return false; +}" +582a367eaec49eb053294f124b8b0dec6f6d426f,"public boolean xyzThere(String str) +{ + for (int i; i < str.length(); i++) + { + if (str.substring(i).startsWith(""xyz"")) + { + if (i == 0) + { + if (str.substring(i-1, i).equals(""."")) + { + return false; + } + } + return true; + } + } +} +" +513f7e694b8cf8e8e96e147f86a8a12fbd86a37f,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""xyz"")) + { + if (i == 0) + { + if (str.substring(i-1, i).equals(""."")) + { + return false; + } + } + return true; + } + } + return false; +} +" +7d89db04ade22f6418d90957a4c906d951879cfe,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).startsWith(""xyz"")) + { + if (i != 0) + { + if (str.substring(i-1, i).equals(""."")) + { + return false; + } + } + return true; + } + } + return false; +} +" +016e1a1ba4f42ae556a93b2a11a21cdacc9d9a51,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 0; y < x-2; y++) + { + String ox = str.substring(y, y + 2); + if(y > 0 && ox == ""xyz"") + { + if ( str.charAt(y -1) != '.') + { + return true; + } + + + + + } + else if( y == 0 && ox == ""xyz"") + { + return true; + } + + + } + + return false; + +} +" +3e08f89ec8251e3e37ce5c8f5706844d1690f5f3,"public boolean xyzThere(String str) +{ + String here = str.getIndexOf(""xyz""); + if(str.length() > 3) + { + if(str.substring(here - 1).equals("".xyz"")) + { + return true; + } +} +return false; +} +" +82a9be049de51c36be80ff92dd50652364ccf6e8,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 0; y < x-2; y++) + { + String ox = str.substring(y, y + 2); + if(y > 0 && ox.equals(""xyz"")) + { + if ( str.charAt(y -1) != '.') + { + return true; + } + + + + + } + else if( y == 0 && ox.equals(""xyz"")) + { + return true; + } + + + } + + return false; + +} +" +69e106d94914c36219306a3b1ef121c868b59d54,"public boolean xyzThere(String str) +{ + int here = str.getIndexOf(""xyz""); + if(str.length() > 3) + { + if(str.substring(here - 1).equals("".xyz"")) + { + return true; + } +} +return false; +} +" +68625f4a6ec0e9cd2d6c0bee5edc99604d0ba275,"public boolean xyzThere(String str) +{ + int here = str.indexOf(""xyz""); + if(str.length() > 3) + { + if(str.substring(here - 1).equals("".xyz"")) + { + return true; + } +} +return false; +} +" +47aa144290366ad30a47098ba166ba04506c5e4e,"public boolean xyzThere(String str) +{ + int here = str.indexOf(""xyz""); + if(str.length() > 3) + { + if(!str.substring(here - 1).equals("".xyz"")) + { + return true; + } +} +return false; +} +" +c59739ec1b74e6ecb1150fea2c1e9e3d94390b21,"public boolean xyzThere(String str) +{ + int here = str.indexOf(""xyz"") + 1; + if(str.length() > 3) + { + if(!str.substring(here - 1).equals("".xyz"")) + { + return true; + } +} +return false; +} +" +fe1cf8210b8cd501a1f1470fa400c70b406971b9,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a != null) + print true; +} +" +ade0142ca0563ec59b6d610bc54dbe94fc3cca8c,"public boolean xyzThere(String str) +{ + if (str.contains("".xyz"")) + { + return false; + } + else if (str.contains(""xyz"")) + { + return true; + } + return false; +} +" +f49d0ea8eff7c6dea15d7f6a40e2eff3baa75595,"public boolean xyzThere(String str) +{ + int x = str.length(); + for (int y = 0; y < x-2; y++) + { + String ox = str.substring(y, y + 3); + if(y > 0 && ox.equals(""xyz"")) + { + if ( str.charAt(y -1) != '.') + { + return true; + } + + + + + } + else if( y == 0 && ox.equals(""xyz"")) + { + return true; + } + + + } + + return false; + +} +" +74dd97404fa22f768b9139838f747055ffd607ff,"public boolean xyzThere(String str) +{ + int here = str.indexOf(""xyz""); + if(str.length() > 3) + { + if(!str.substring(here - 1).equals("".xyz"")) + { + return true; + } +} +return false; +} +" +2b69fa13f4cccc1d82341693f3ad5b38b17ee926,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return a; + return b; +} +" +06a68368b11d92f5dfd1b770641f6d7bc48e3396,"public boolean xyzThere(String str) +{ + boolean sequence = false; + + if (str.contains(""xyz"") && (!(str.contains("".xyz"")))) + //will return true if there is no period in front of xyz + { + sequence = true; + } + + return sequence; + //returns the sequence if there is no period +} +" +d4d80ac839eb7e477f8d1153dabef9c051884458,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + return true; +} +" +94b53f0edd74bb97102a667d21e01606f3e89a28,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return (a == -1 && b != -1); +} +" +3c61598fcbe62bcef4397610a32b16bc51d8781f,"public boolean xyzThere(String str) +{ + + if(str.length() < 3) + { + return false; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != ""."" && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; +} +" +ed450a5064522fdc9afbc9cd979cf3933ebbb63a,"public boolean xyzThere(String str) +{ + + if(str.length() < 3) + { + return false; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; +} +" +53e789c9793f6d7fca6803b8a2d2f0d133b75c4f,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + if (a != -1 && b!= -1) + { + return true; + } + else + { + return false; + } +} +" +42389d3d5635352d9bf7c7bd2ffe6638ede387b4,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + + +public boolean bobThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'b' && str.charAt(i+2) == 'b') + return true; + } + return false; +} +" +e04110dd51672ff09f72b0f9f93171a1d376caa4,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + if (a != -1 && b!= -1) + { + return true; + } + +} +" +cd5cc4db1e397c0075101eaf5e8fdf9d76ce63b8,"public boolean xyzThere(String str) +{ + + if(str.length() < 3) + { + return false; + } + if(str.substring(0, 3).equals(""xyz"") + { + return true; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; +} +" +19a4f721bf3561723ffd4aa81de0631d499ad1bf,"public boolean xyzThere(String str) +{ + + if(str.length() < 3) + { + return false; + } + if(str.substring(0, 3).equals(""xyz"")) + { + return true; + } + + for(int i = 1; i < str.length() - 2; i++) + { + if(str.charAt(i - 1) != '.' && str.substring(i, i + 3).equals(""xyz"")) + { + return true; + } + } + + return false; +} +" +027eea78d9f04aebc184914bab624858672b1205,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + if (a != -1) + { + if (b != -1) + { + return true; + } + } + else + { + return false; + } + +} +" +a5a37292351fd80f01325cb3b33061e120d1e6c5,"public boolean xyzThere(String str) +{ + for (int counter = 0; counter < str.length() - 2; counter++) { + if (str.substring(counter, counter + 3).equals(""xyz"")) { + if (counter == 0) { + return true; + } + if (counter > 0 && str.charAt(counter - 1) != '.') { + return true; + } + } + } + return false; +} +" +6b5128c66af68a1e830ce5046624db7c8f624095,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + if (a != -1) + { + if (b != -1) + { + return true; + } + return false; + } + else + { + return false; + } + +} +" +d97c3c6c69cdffdbf8bc4aa754d5fbe1adc41aab,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + if (a != -1) + { + if (b != -1) + { + return true; + } + else + { + }return false; + } + else + { + return false; + } + +} +" +4cf5b46c25983ada06b1333102088ef3b271290f,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return (a == -1 && b != -1) + { + return true; + } + +} +" +179fe12b889f9e959c59f40b8bcc449a9a1253df,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return (a == -1 && b != -1); + + +} +" +f84d10b5309ddaaca6ae7aafd71a18e9cf95b436,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +a5aebb6bbf877da66d4cebf82002a3369aa1a61a,"public boolean xyzThere(String str) +{ + return(false); +} +" +29b3b902138da75302e96d970cfd1c45f88afbdf,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return (a == -1 && b != -1); + + if (b != -1 && a != -1) + { + return true; + } + +} +" +8546c8a770fb49ae52bb86f8afb2b7773933a498,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + + else if (b != -1 && a != -1) + { + return true; + } + +} +" +ce33f113c66e974d3faf52832ffa1a9cc96310da,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + + else if (b != -1 && a != -1) + { + return true; + } + + else + { + return false; + } + +} +" +b5888c1371a3454288653b78913b073b5ce3603c,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return (a == -1 && b != -1) + + + + +} +" +0fb25b5eb596063af91a724e80b0e02aaabacb0f,"public boolean xyzThere(String str) +{ + int len = str.length(); + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + { + return false; + } + for (int i = 0; i < len - 2; i++) + { + String temp = str.substring(i, i + 3); + if (temp.compareTo(xyz) == 0 && i == 0) + { + match = true; + } + else if (temp.compareTo(xyz) == 0 && str.charAt(i - 1) != 46) + { + match = true; + } + } + return match; +} +" +91fa1d9324996ecb9ab91ae8e32d7cb46e3ba576,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + return (a == -1 && b != -1); + + + + +} +" +062a70006417660292511ce5ce7d665da20aad7f,"public boolean xyzThere(String str) +{ + if (str.equals(""abcxyz"") || str.equals(""xyz.abc"") || str.equals(""xyz"") || str.equals(""abc.xyzxyz"") || str.equals(""abc.xxyz"") || str.equals(""12xyz"")) + { + return(true); + } + else + { + return(false); + } +} +" +cda5bd47e67d5afb44418f61e5b378fcee8aae9a,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return false; + return false; + } +} +" +42e913304b0bf46e01b08684311b8ac202d36e7c,"public boolean xyzThere(String str) +{ + public Boolean xyzThere(String str) + { + int len = str.length(); + + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + + return match; +19 +} + +} +" +92fc91d257d553278f05ebd97f01a2cd949976f5,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return false; + + } + return false; +} +" +58b22d39506c6aed5d750a1a4c6771177034dc58,"public boolean xyzThere(String str) +{ + int len = str.length(); + + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + + return match; +19 +} + +} +" +edc8d7e7ba5a7ab1d1111fbb926ccd258a014fe3,"public boolean xyzThere(String str) +{ + int len = str.length(); + + String xyz = ""xyz""; + Boolean match = false; + if (len < 3) + return false; + + for (int i = 0; i < len - 2; i ++) { + String temp = str.substring(i, i+3); + if (temp.compareTo(xyz) == 0 && i == 0) + match = true; + else if(temp.compareTo(xyz) == 0 && str.charAt(i-1) != 46) + match = true; + } + + return match; +} +" +8af209ae40a4f29eaec18132a62c7ad46116693f,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + + else + { + return false; + } + + + +} +" +32e252648dd46a0d7c7cc9718c4665987635cffe,"public boolean xyzThere(String str) +{ + int a = str.indexOf( "".xyz""); + + int b = str.indexOf( ""xyz"" ); + + int c = str.indexOf( ""xyzxyz"" ); + + if (a == -1 && b != -1) + { + return true; + } + else if (c != -1) + { + return true; + } + + else + { + return false; + } + + + +} +" +76494656bb845694013a6efda136cf9c922f3e71,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + + } + return false; +} +" +da32c75b6855f680cac5510bd77be10045016727,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +3e01646ac1077d3ce9eaf28624754f8daa930fdc,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} + +" +c05a1274e9127441ae0e299e4b3c4c2bce857134,"public boolean xyzThere(String str) +{ + boolean res = false; + + if(str.contains("".xyz"") == false && str.contains(""xyz"")){ + res = true; + } + + return res; +} +" +984c74785e58c9523e2fd519579bde89ae8a650c,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i)equals(""xyz"") && str.charAt(i - 1) != 0) + { + return true; + } + } + return false; +} +" +10f6348191431dfca83192af88fe42f1df65c877,"public boolean xyzThere(String str) +{ + int xPos = str.indexOf('x'); + int len = str.length(); + + String sub = str.substring(xPos, len); + if (sub.equals(""xyz"")) + { + return true; + } + else + { + return false; + } +} +" +92cb016b85db4e83976cacf4c847ec83b42d0eaa,"public boolean xyzThere(String str) +{ + int i = -1; + while ((i = str.indexOf(""xyz"", i + 1 )) != -1) { + if (i == 0 || (str.charAt(i-1) != '.')) { + return true; + } + } + return false; +} +" +f37b02416dd86ed972a7e15ca64d09ade27d34cc,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i).equals(""xyz"") && str.charAt(i - 1) != 0) + { + return true; + } + } + return false; +} +" +c14e7df82f41c87202950ff4175d6e9bcfa4275c,"public boolean xyzThere(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if(str.substring(i).equals(""xyz"") && str.charAt(i - 1) != '.') + { + return true; + } + } + return false; +} +" +23dd0ae7a2d50500d7da8146c1ba913cb3e79112,"public boolean xyzThere(String str) +{ + int a = -1; + while ((a = str.indexOf(""xyz"", a + 1 )) != -1) + { + if (a == 0 || (str.charAt(a - 1) != '.')) + { + return true; + } + } + return false; +} +" +d1c8af42927eca596ae5c271523e0fe2c574dd23,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation - 1); + if (str.charAt(charBefore) == '.') + { + return false; + } + else + { + return true; + } +} +" +61ed8378a79507a740771dce395a2b6680ad4237,"public boolean xyzThere(String str) +{ + int index = str.indexOf("".xyz""); + if (index >= 0) + { + return xyzThere(str.substring(0, index)) || xyzThere(str.substring(index + 4)); + } + else + { + return (str.contains(""xyz"")); + } +} +" +8699598ce4df82d6380148083b180a429cc2ca77,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +69a5ae1e1efaf117c59dd4443180df5066122d9d,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation); + if (str.charAt(charBefore) == '.') + { + return false; + } + else + { + return true; + } +} +" +21d4bac8372f881408d2e039c249154e8d666a30,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + int charBefore = (xLocation); + if (str.charAt(charBefore) != '.') + { + return true; + } + else + { + return false; + } +} +" +1a0b7636cca526ae676a14d075e8bcba79b79bc0,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + boolean answer; + for(int i = 0; i < l; i++) + { + if(str.substring(i, i+2) && !str.substring(i-1, i).equals(""."")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +f05ed0e0e41f69a01d6539951a0abad9b63968dd,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else + { + return true; + } +} +" +4233f40afea3aa041452c5bf69082011d9655421,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length() - 2; x++) { + if (str.substring(x, x + 3) == ""xyz"") { + if (x != 0) { + if (!(str.substring(x - 1, x + 3) == "".xyz"")) { + return true; + } + } + else if (!(str.substring(x - 1, x + 3) == "".xyz"")) { + return true; + } + } + } + return false; +} +" +5f2b7d956d65dab504b103793746e19950e98ae8,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('x')); + if (str.charAt(xLocation) == '.') + { + return false; + } + else + { + return true; + } +} +" +91862cc3254928744f9cf9119dca44f1eb205771,"public boolean xyzThere(String str) +{ + for (int x = 0; x < str.length() - 2; x++) { + if (str.substring(x, x + 3) == ""xyz"") { + if (x != 0) { + if (!(str.substring(x - 1, x + 3) == "".xyz"")) { + return true; + } + } + else { + return true; + } + } + } + return false; +} +" +54c39801553ddd678c36a446078c3b3f60691ac9,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + boolean answer; + for(int i = 0; i < l; i++) + { + if(str.substring(i, i+2).equals(look)&&str.substring(i-1, i).equals(""."") + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +5ccb93648612a56176af88b03ab458d47e92ec4f,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + boolean answer; + for(int i = 0; i < l; i++) + { + if(str.substring(i, i+2).equals(look)&&str.substring(i-1, i).equals(""."")) + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +7e6322e5665e26fa25c110b52c21a6f87b7b5d26,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf('xyz')); + if (str.charAt(xLocation) == '.') + { + return false; + } + else + { + return true; + } +} +" +96303a56ffa016f92db203af6146bb828e345df7,"public boolean xyzThere(String str) +{ + for (int a = 1; a < str.length() - 1; a++) + if (str.charAt(a) == 'x' && str.charAt(a+2) == 'z') + { + if (str.charAt(a-1) == '.') + { + return false; + } + return true; + } + return true; + +} +" +d6ca6c2c5052842c058f94bc365758856b1c82bf,"public boolean xyzThere(String str) +{ + for (int a = 1; a < str.length() - 2; a++) + if (str.charAt(a) == 'x' && str.charAt(a+2) == 'z') + { + if (str.charAt(a-1) == '.') + { + return false; + } + return true; + } + return true; + +} +" +a386372fee061e4003f03344c9706e3d919ca13a,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + for(int i = 0; i < l; i++) + { + if(str.substring(i, i+2).equals(look)&&str.substring(i-1, i).equals(""."")) + { + return true; + } + else + { + return false; + } + } +} +" +1615c68310d0b451983f0143bbbdb974e55b86d2,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(xyz)); + if (str.charAt(xLocation) == '.') + { + return false; + } + else + { + return true; + } +} +" +cf9396f5043286317b342bdac3a06f7a0890addf,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.charAt(xLocation) == '.') + { + return false; + } + else + { + return true; + } +} +" +20ff3b2966048b4152f3540f466d678dc70ea3fe,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else + { + return true; + } +} +" +0d0a1aaf4a8cb2005fb6d008e52d41f7845f8ebb,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else if (str.startsWith(x)) + { + return true; + } + else + { + return true; + } +} +" +2afbf9759fd9ec9813f5543104fb6b8de05408f6,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else if (str.startsWith('x')) + { + return true; + } + else + { + return true; + } +} +" +b23654090567d2c3a447902e8bb1db5031934a31,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + for(int i = 0; i < l; i++) + { + return str.substring(i, i+2).equals(look)&&str.substring(i-1, i).equals(""."")); + } + + +} +" +c4de909b2b1aa4f28e3bdd7c0d06fe06ab41ba91,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else if (str.startsWith(""x"")) + { + return true; + } + else + { + return true; + } +} +" +d6ceedb378c16170a839d2cb1831dae32bfd06a9,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + for(int i = 0; i < l; i++) + { + return str.substring(i, i+2).equals(look)&& str.substring(i-1, i).equals(""."")); + } + + +} +" +3f728d7db14df44000eb7a1b06f87f87380270d5,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + for(int i = 0; i < l; i++) + { + return str.substring(i, i+2).equals(look)&& str.substring(i-1, i).equals(""."")) ; + } + + +} +" +4a5755236cb4312e08d53eefdd86d060978c2e17,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.startsWith(""x"")) + { + return true; + } + else if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else + { + return true; + } +} +" +31ac965806f0ffbf5a3c1099696470a5afac6878,"public boolean xyzThere(String str) +{ + int length = str.length() - 2; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y' && str.charAt(i+2) == 'z') + { + if(i == 0 || str.charAt(i-1) != '.') + return true; + } + } + return false; +} +" +064608d5d731c2da43be75b7f173145d0685a5f6,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.startsWith(""x"")) + { + return true; + } + else if (str.charAt(xLocation)) == '.') + { + return false; + } + else + { + return true; + } +} +" +619911f3469f8457970d1168297a532b26e1d179,"public boolean xyzThere(String str) +{ + int check = str.indexOf(""xyz""); + int checkTwo = str.indexOf(""xyz"", check + 2); + + if (check == -1) + { + return false; + } + + else if (check != 0 && checkTwo != -1 && str.substring(checkTwo - 1, checkTwo).equals(""."")) + { + return false; + } + + else if (check != 0 && str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +f8a76655ad2ffeab3e260dd64fb93decef727889,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.startsWith(""x"")) + { + return true; + } + else if (str.charAt(xLocation-1)) == '.') + { + return false; + } + else + { + return true; + } +} +" +9f1c46c38397b650124e36ddcb89b40b28ea61d9,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + else + { + return false; + } + } +} +" +4cf39b440c36a7572f1ac921ce1c306e621883b2,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.startsWith(""x"")) + { + return true; + } + else if (str.charAt(xLocation) == '.') + { + return false; + } + else + { + return true; + } +} +" +767ea0817b12d3c0bc01e17f977dbd8b5b560180,"public boolean xyzThere(String str) +{ + int xLocation = (str.indexOf(""xyz"")); + if (str.startsWith(""x"")) + { + return true; + } + else if (str.charAt((xLocation-1)) == '.') + { + return false; + } + else + { + return true; + } +} +" +158143b1a8a87b9755fc020a104b3bbca3d78831,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +a65f23b5cc86146b92bb2d77af749cadfeec9df7,"public boolean xyzThere(String str) +{ + int check = str.indexOf(""xyz""); + int checkTwo = str.indexOf(""xyz"", check + 1); + + if (check == -1) + { + return false; + } + + else if (check != 0 && checkTwo != -1 && str.substring(checkTwo - 1, checkTwo).equals(""."")) + { + return false; + } + + else if (check != 0 && str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } +} +" +7511cc1a895bc8617feee0ad8e5819cf72457c30,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + if (length >= 3) + { + for (int i = 0; i < length-2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + if (str.charAt(i) == 0 || str.charAt(i-1) != '.') + { + contains = true; + } + } + } + return contains; +} +" +47031850322b79c5a1591e8cd4b9d4cf2a591ec7,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + if (length >= 3) + { + for (int i = 0; i < length-2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + if (str.charAt(i) == 0 || str.charAt(i-1) != '.') + { + contains = true; + } + } + } + } + return contains; +} +" +1a13ca5c45ff5a07832c7d4539d7f6938e0fb0e6,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i - 1); + char two = str.charAt(i); + char three = str.charAt(i + 1); + char four = str.charAt(i + 2); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +642eb855652c32cd618e643919c3c066012a88d2,"public boolean xyzThere(String str) +{ + int length = str.length(); + boolean contains = false; + for (int i = 0; i < length-2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+2) == 'z') + { + if (str.charAt(i) == 0 || str.charAt(i-1) != '.') + { + contains = true; + } + } + } + return contains; +} +" +346ad26471a08251d2b98b6451659361ff1afbdc,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +}" +a01e233db4971b664004ac7b57c4577a1ddffce2,"public boolean xyzThere(String str) +{ + if (str.length() >= 3) { + if (str.substring(0,3).equals(""xyz"")) return true; + for (int i = 0; i < str.length()-3; i++) + if (str.substring(i+1, i+4).equals(""xyz"") && + str.charAt(i) != '.') + return true; + } + return false; +}" +add9f34a671a5c965d2e534e61880ae57ad9ee99,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +6a537baf43ff6fab436a015bff4e7d409872bfec,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + boolean ans = false; + for(int i = 0; i < l; i++) + { + if (str.contains(look) && !str.contains(""."" + look)) + { + ans = true + } + } + return ans; + + +} +" +76322ce9424ec476dd04169c323b66004cbbdb12,"public boolean xyzThere(String str) +{ + int l = str.length(); + String look = ""xyz""; + boolean ans = false; + for(int i = 0; i < l; i++) + { + if (str.contains(look) && !str.contains(""."" + look)) + { + ans = true; + } + } + return ans; + + +} +" +3e966cf0be3588d5f087c51a58f5eb1aa0f0925d,"public boolean xyzThere(String str) +{ + String look = ""xyz""; + boolean ans = false; + + if (str.contains(look) && !str.contains(""."" + look)) + { + ans = true; + } + } + return ans; + + +} +" +d90248ab985df6629f089c7c370c60a558855e7f,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char two = str.charAt(i); + char three = str.charAt(i + 1); + char four = str.charAt(i + 2); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + char one = str.charAt(i); + if (one != '.' || i == 0) + { + return true; + } + } + return false; +} +" +11ce4d48a452a7c67adb3ea9e172d548400dbe65,"public boolean xyzThere(String str) +{ + String look = ""xyz""; + boolean ans = false; + + if (str.contains(look) && !str.contains(""."" + look)) + { + ans = true; + } + + return ans; + + +} +" +d311093d8d57112a848b1891c7039dbace2a90f8,"public boolean xyzThere(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + char four = str.charAt(i + 3); + if (two == 'x' && three == 'y' && four == 'z' && (one != '.' || i == 0)) + { + return true; + } + } + return false; +} +" +aae0390ff836e875680152333a8c3003a5e78a39,"public boolean xyzThere(String str) +{ + int check = str.indexOf(""xyz""); + int checkTwo = str.indexOf(""xyz"", check + 1); + + if (check == -1) + { + return false; + } + + else if (checkTwo != 0 && checkTwo != -1 && str.substring(checkTwo - 1, checkTwo).equals(""."")) + { + return false; + } + + else if (check != 0 && str.substring(check - 1, check).equals(""."")) + { + return false; + } + + else + { + return true; + } + +} +" +0c20d92bedee38b6ebbaa5b03356cdec4bec8dee,"public boolean xyzThere(String str) +{ + int len = str.length() - 2; + for (int i = 0; i = 10) + { + afterBread = str.substring(5, i-5); + } + return afterBread; +} +" +47da0ca3072fda67293ffee0192c85fb13448a2f,"public String getSandwich(String str) +{ + int i = str.length(); + if (i <= 2) + { + return(""""); + }else + { + return(str.substring(2, i - 1)); + } +} +" +ca8db48c14eea23a6299321b808aaefe910bf99b,"public String getSandwich(String str) +{ + if (str.startswith(""bread"") && str.endsWith(""bread"")) + { + return(substring(str).startsWith(""bread"")); + } +} +" +bde0fc6cae768b7bf9d066c33c1eb801484e00e1,"public String getSandwich(String str) +{ + int x = str.length(); + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i+5).equals(""d"")) + { + int beginning = i+5; + } + } + for (int j = x/2; j < x, j++) + { + if(str.charAt(j).equals(""b"") && str.charAt(j+5).equals(""d"")) + { + int end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +82eb782d76dd92e5409894c53b2593a41ea15680,"public String getSandwich(String str) +{ + int x = str.length(); + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i+5).equals(""d"")) + { + int beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + if(str.charAt(j).equals(""b"") && str.charAt(j+5).equals(""d"")) + { + int end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +9a9ce545c8456de7dc5f8f50da199e053c97bba2,"public String getSandwich(String str) +{ + int x = str.length(); + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + if (str.charAt(i) == ""b"" && str.charAt(i+5) == ""d"") + { + int beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + if(str.charAt(j).equals(""b"") && str.charAt(j+5).equals(""d"")) + { + int end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +9f6bc33316293cabbdb74f5f28a6388efc6c769a,"public String getSandwich(String str) +{ + String str1 = ""bread"" + int i = indexOff(str1); + int j = lastIndexOf(str1); + return(str.substring(i + 1, j - 1)); +} +" +345b08178b8142e8da5e6e650189444576dcfe34,"public String getSandwich(String str) +{ + String str1 = ""bread""; + int i = indexOff(str1); + int j = lastIndexOf(str1); + return(str.substring(i + 1, j - 1)); +} +" +1f5f677b990819cc7b339c2d60d547a7dd5cdb3c,"public String getSandwich(String str) +{ + String str1 = ""bread""; + int i = indexOf(str1); + int j = lastIndexOf(str1); + return(str.substring(i + 1, j - 1)); +} +" +2b917ca661c0172ebcff3180af5b8924c8f3707f,"public String getSandwich(String str) +{ + String str1 = ""bread""; + int i = indexOf(str1); + int j = lastIndexOf(str1); + return(str.substring(i + 1, j - 1)); +} +" +8efb9043f38698c6941c4282fe4ce6a15ce5d982,"public String getSandwich(String str) +{ + String str1 = ""bread""; + int i = indexOf(str1); + int j = lastIndexOf(str1); + return(str.substring(i + 1, j - 1)); +} +" +2f26c6ca4c464723e4306ac7b587943b671c54d8,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + if (str.charAt(i).equals(""b"") && str.charAt(i+5).equals(""d"")) + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + if(str.charAt(j).equals(""b"") && str.charAt(j+5).equals(""d"")) + { + end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +fc488c6471a9ac7100f34ac326881b668f979e17,"public String getSandwich(String str) +{ + String str1 = ""bread""; + int i = indexOf(str1); + int j = lastIndexOf(str1); + return(str.substring(i + 1, j - 1)); +} +" +763b6c97906e17d677512513055666f414fdacb0,"public String getSandwich(String str) +{ + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + return(""ture""); + }else + { + return(""""); + } +} +" +fc5f3721d8d9c2ee7a32562e45d3ee6a1fd8853f,"public String getSandwich(String str) +{ + return str +} +" +8ef5e35103307a33287662c65b9d4e5527b9796b,"public String getSandwich(String str) +{ + return str; +} +" +ebd0e6b9e4ce44f6c1154bbef0c93419f7d2f219,"public String getSandwich(String str) +{ + if (str.length() > 0) { + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + return str.substring(a + 5, b + 5); + } + else { + return """" + } + +} +" +367e64cbedd83407c5b3870db696350fdaa6e70d,"public String getSandwich(String str) +{ + if (str.length() > 0) { + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + return str.substring(a + 5, b + 5); + } + else { + return """"; + } + +} +" +e349612c0b20b76efb400f49cc2620545fb6f66d,"public String getSandwich(String str) +{ + if (str.length() > 0) { + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + return str.substring(a + 5, b); + } + else { + return """"; + } + +} +" +1bf86b9a2e91046ea30d3c5ad3c35c755b5bf8e1,"public String getSandwich(String str) +{ + if (str.length() > 5) { + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + return str.substring(a + 5, b); + } + else { + return """"; + } + +} +" +b1a5a10e5c7e1244cfc688fba1c02efcd8e5f3f5,"public String getSandwich(String str) +{ + if (str.length() > 5) { + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + if (a != b) { + return str.substring(a + 5, b); + } + else { + return """"; + } + } + else { + return """"; + } + +} +" +e7e5cf78436eeacd9050264cc9b7a154377a5f5e,"public String getSandwich(String str) +{ + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + int i = indexOf('b'); + int j = lastIndexOf('d'); + return str.substring(i + 5, j -5); + } + else + { + return(""""); + } +} +" +f07f4ee66a484d2d321722ad0e64edabee1e11e4,"public String getSandwich(String str) +{ + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + //int i = indexOf('b'); + int j = lastIndexOf('d'); + return str.substring(i + 5, j -5); + } + else + { + return(""""); + } +} +" +e4991bcb27bff431329f0f7957a3882de19d7b84,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""bread"", i)) + { + a = i; + break; + } + } + for (int j = a + 1; j < str.length(); j ++) + { + if (str.startsWith(""bread"", j) + { + b = j; + break; + } + } + return str.substring(a, b); + } + else + { + return(""""); + } +} +" +3882167b06ce4b874f853f64abe9071ce233ca01,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""bread"", i)) + { + a = i; + break; + } + } + for (int j = a + 1; j < str.length(); j ++) + { + if (str.startsWith(""bread"", j)) + { + b = j; + break; + } + } + return str.substring(a, b); + } + else + { + return(""""); + } +} +" +9cb0bbc68c8c33c77c5b06338a61be7688b2325c,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""bread"", i)) + { + a = i; + break; + } + } + for (int j = a + 1; j < str.length(); j ++) + { + if (str.startsWith(""bread"", j)) + { + b = j; + break; + } + } + return str.substring(a + 5, b); + } + else + { + return(""""); + } +} +" +4c5bb330513fbb0e12f871a8ed93bf6e603f0c18,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""bread"", i)) + { + a = i; + break; + } + } + for (int j = a + 1; j < str.length(); j ++) + { + if (str.startsWith(""bread"", j)) + { + b = j; + break; + } + } + return str.substring(a + 5, b); + +} +" +a768128b0817a1c794c38a49c23fa332a77f4955,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.matches(""(.*)bread(.*)bread(.*)"")) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""bread"", i)) + { + a = i; + break; + } + } + for (int j = a + 1; j < str.length(); j ++) + { + if (str.startsWith(""bread"", j)) + { + b = j; + break; + } + } + return str.substring(a + 5, b); + } + else + { + return(""""); + } +} +" +def5e74f06dc9a33cba07fea89e30a5104fe397d,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.length() > 10) + { + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""bread"", i)) + { + a = i; + break; + } + } + for (int j = str.length(); j > a; j --) + { + if (str.startsWith(""bread"", j)) + { + b = j; + break; + } + } + return str.substring(a + 5, b); + } + else + { + return(""""); + } +} +" +66462e32461da292fd0b96633400142400d4401b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +efb4d2972ac82863caa47c2529c006f19e218dd0,"public String getSandwich(String str) +{ + String edited = replaceAll(""bread"", """"); + return edited; +} +" +a55975d372ae15abc8ce950d5d82cb7ad76db971,"public String getSandwich(String str) +{ + String bread = ""bread""; + String blank = """"; + String edited = replaceAll(bread, blank); + return edited; +} +" +0f4b2d5ca5d47f1475f783c99fd2287cc310beb4,"public String getSandwich(String str) +{ + String bread = ""bread""; + String blank = """"; + String edited = str.replaceAll(bread, blank); + return edited; +} +" +b22f5082f7f896b0a661c7e5ec1f338a661af102,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lasIndexOf(""bread""); + if (!(y == -1)) + { + return str.substring(x + 5, y)); + } + return """"; +} +" +d17d9f510a91b8e7290ea3ac0d9e64d5134f511f,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lasIndexOf(""bread""); + if (!(y == -1)) + { + return str.substring(x + 5, y); + } + return """"; +} +" +dbd6ed7bc2c00309212f2525bacb74b7fdc60db5,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if (!(y == -1)) + { + return str.substring(x + 5, y); + } + return """"; +} +" +5dda4b045561e3dc04d9bd4ba2f9c0fa74f938dc,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if (!(y == -1)) + { + if (str == ""xxbreadyy"") + { + break; + } + else + { + return str.substring(x + 5, y); + } + } + return """"; +} +" +2d828819e4e88d463389d9c941bda0fadd7f1eaa,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if (!(y == -1)) + { + if (str != ""xxbreadyy"") + { + return str.substring(x + 5, y); + } + } + return """"; +} +" +661236d209ff5f519edb2347eb89b186ced6f31f,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +d57b0d3fc2c3c1bd2cbcd93b6dd40b31f0a22350,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first == last) { + return str.substring(first + 5, last); + } + else { + return """"; + } +} +" +563e8f2e5e9d77a2e42c93c3e2c4ec8daf85fe48,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != last) { + return str.substring(first + 5, last); + } + else { + return """"; + } +} +" +fc5340ef3d388a500bc28728f6a1e5a5fb17d0d8,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"")==str.endsWith(""bread"")) + return """"; +return(str.substring(str.startsWith(""bread"")+5,str.endsWith(""bread""))); +} +" +7c66ca166e9c1329842d4ce2d23033155028f4da,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(last != -1 && first!= last) + return (str.substring( first+5, last )) ; + return """"; +} +" +d0e43e6739fb9683c8b7d30e3c54fa7996901abc,"public String getSandwich(String str) +{ + int len = str.length(); + String tString = """"; + String fString = """"; + int st = 0; + int fin = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tString = str.substring(i, i+5); + if (tString.equals(""bread"") && found == true) + + fin = i; + + if (tString.equals(""bread"") && found == false) { + st = i+5; + found = true; + } + } + + finString = str.substring(st,fin); + return finString; + +} +" +282d5148dc4917c52e7bed4052cb00981715594f,"public String getSandwich(String str) +{ + int len = str.length(); + String tString = """"; + String fString = """"; + int st = 0; + int fin = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tString = str.substring(i, i+5); + if (tString.equals(""bread"") && found == true) + + fin = i; + + if (tString.equals(""bread"") && found == false) { + st = i+5; + found = true; + } + } + + fString = str.substring(st,fin); + return fString; + +} +" +b9c3348c6d6544a72755f3656058ac752c48d090,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str; + } + else + { + return """"; + } +} +" +b683bbd4c99578fa26f30c39f00ba8062c2a9b0e,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str; + } + else + { + return """"; + } +} +" +37d84a8f7b05f53b776b844304ea272d79f08315,"public String getSandwich(String str) +{ + Substring bread = str.substring(6. str.getLength() - 5) + return bread; +} +" +20cc7d76d41cdf91b6c8bd46c84602dd55391947,"public String getSandwich(String str) +{ + Substring bread = str.substring(6. str.getLength() - 5); + return bread; +} +" +a97590dbaa1c5b87cc0d618e6a4b8368b3f1ab12,"public String getSandwich(String str) +{ + Substring bread = str.substring(6, str.getLength() - 5); + return bread; +} +" +4a7245533d99046a259bf308330ab0a0d4730efa,"public String getSandwich(String str) +{ + String bread = str.substring(6, str.getLength() - 5); + return bread; +} +" +96b2779307cd012e064f21845836fd09805616ce,"public String getSandwich(String str) +{ + String bread = str.substring(6, str.length() - 5); + return bread; +} +" +43947c2d1a5979c2b748bc7d5c7a8b5fd0d9d340,"public String getSandwich(String str) +{ + String bread = str.substring(5, str.length() - 5); + return bread; +} +" +e8c41bbd918f69d311116123f46fd100a9dcf792,"public String getSandwich(String str) +{ + String bread = str.substring(5, str.length() - 5); + return bread; + for (l == 0: charAt(l); charAt == ""b"") + { + + } +} +" +25338505767971e47fac5bead5838f117c0ab4a6,"public String getSandwich(String str) +{ + String bread = str.substring(5, str.length() - 5); + return bread; + for (l == 0: charAt(l): charAt == ""b"") + { + + } +} +" +350f8d3e176a61db8d7dcf207da5461ea024c841,"public String getSandwich(String str) +{ + String bread = str.substring(5, str.length() - 5); + return bread; + for (l == 0; charAt(l); charAt == ""b"") + { + + } +} +" +aff0d6e41f1173172b9780b19a7e2a295521ae2e,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } +} +" +8eed4c73e52bf0779f8f3a30b26760de57f18e47,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } + return bread; +} +" +47af8d5ec0d43b65433ef5187163ff249e54d5a1,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } + return ""bread""; +} +" +e94457f706d9e2f6650837d26a5b7242a2d0b125,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } + else + { + return ""bread""; + } +} +" +72c30f2912b2bfff0110707778dd5112b6960beb,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } + else + { + return str.substring(0, 5); + } +} +" +369091559a056df2efc5e6b6b710aea53c6f9a55,"public String getSandwich(String str) +{ + if (str.substring(0, 5) = ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } + else + { + return str.substring(0, 5); + } +} +" +b448dc8e911b49828ae19cdd2a6b6cf4b65aa8c2,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + String bread = str.substring(5, str.length() - 5); + return bread; + } + else + { + return str.substring(0, 5); + } +} +" +e7809243812208c2e0fdcfd14d99f8bd92ff2ba5,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"") + { + return str.substring(5, str.length() - 5); + } + else + { + return str.substring(0, 5); + } +} +" +a749911c194bd978a3d8b6cb2eaf28675b071a74," +/* A sandwich is two pieces of bread with something in between. Return the + * string that is between the first and last appearance of ""bread"" in the + * given string, or return the empty string """" if there are not two pieces + * of bread. + */ +public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +2300f99e9636372fd55f22463e79a827efe39a3e,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +52cc32881624fdff1711117a57c665dfd9dc8726,"public String getSandwich(String str) +{ + return str.substring(1,str.length()) +} +" +96ed09ff3151de0440c6212cc8583fac522b305d,"public String getSandwich(String str) +{ + return str.substring(1,str.length()); +} +" +613e1c293bc5a6aadf4c15f5150f36d31cb4af7d,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"") + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +28af2b1bb333f8ce532201de670523f819814703,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +a384dc9f99700907f1e85a6d42e2e0cf28c354c7,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +66e5e1ba1a7c7425a4895ddfef8f43ceccf78b1b,"public String getSandwich(String str) +{ + +} +" +26b1d82a5baccaf39f72b5a04245f5fa9afb3337,"public String getSandwich(String str) +{ + int firstBread = 999; + + for (int i = 0, i < str.length(), i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + + int lastBread = 999; + + for (int z = firstBread + 1, z < str.length() - 4, i++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + return str.substring(firstBread, lastBread); +} +" +8d07f3efe3d88e7f1f2ff1c04f54604f4fd1d28d,"public String getSandwich(String str) +{ + int firstBread = 999; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + + int lastBread = 999; + + for (int z = firstBread + 1; z < str.length() - 4; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + return str.substring(firstBread, lastBread); +} +" +a64b521a43b279d8d198e2e93125bbfc58c0262e,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return str.substsring(5, str.length() -5)) + } +} +" +0e9b3628322dec2ba8745e279849c733a3e25ad4,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return str.substsring(5, str.length() -5)); + } +} +" +ad67de88860fdbb185cfedf171fa3b4527252d9f,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return str.substsring(5, str.length() -5)); + } +} +" +6d6edddb880955d4de063c138a43f5bc1c1985c1,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return str.substsring(5, (str.length() -5))); + } +} +" +51ad90e33ce4637381913573360976476b29a5a8,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return str.substsring(5, (str.length(); -5))); + } +} +" +03214c012595799b1d44115e7fb9f61f1ea48c6b,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return (str.substsring(5, (str.length() -5)))); + } +} +" +0270c50ba7f53f2d60b265b707291fe5e2a626ff,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && st.endsWith(bread)) + { + return str.substsring(5, str.length -5); + } +} +" +1328677285b9b2fa129929d7136349d5fdeded35,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substsring(5, str.length -5); + } +} +" +ee3132c04d7f9524dca8ecfe04c69f65d11087fe,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substsring(5, length -5); + } +} +" +ee25d8c0a004a04be737d9e01f67c81444c426b0,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substsring(5, length -5); + return sandwich; + } +} +" +bf57d45843a0380be0efc3ee803c73dccd6e0ec6,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substring(5, length -5); + return sandwich; + } +} +" +9a3deea9c694cdf5105e35b511e9948faadc8891,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substring(5, length -5); + } + return sandwich; +} +" +07ccfe9d7d1cd5f06adfb41c84e934f17cee2c4d,"public String getSandwich(String str) +{ + String sandwich = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substring(5, length -5); + } + return sandwich; +} +" +c75df330b764530b1713f1998896f8242880b551,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + + for (int z = firstBread + 1; z < str.length() - 4; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } +} +" +783a437460bd815a9207f3f65d973ec1010b93f5,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substring(5, length -5); + } + return sandwich; +} +" +81883028d0fdbf46b5b80cd745d5f90ac3200e67,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + sandwich = str.substring(5, length -5); + } + return sandwich; +} +" +1cc79a949afe074bbf3e91c165afad68cabf49f9,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substring(5, length -5); + } + return sandwich; +} +" +9dbdab0225bd4dc833db546d1fad6cfbece1547e,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + + for (int z = firstBread + 1; z < str.length() - 4; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +1e83a5e30f0caccec69fc6a6f953285f043d5d59,"public String getSandwich(String str) +{ + private String sandwich; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String sandwich = str.substring(5, length -5); + } + return sandwich; +} +" +1d2637c743e6da4d737edeb7f05502db03da76c4,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String str = str.substring(5, length -5); + } + return str; +} +" +96095a07c45179ab0f80d2b24c36925051eeac6c,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + if (str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(str.substring(5, str.length() - 5)); + } + else + { + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + for (int z = firstBread + 1; z < str.length() - 4; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + } + else + { + return """"; + } +} +" +2797f00431fb159115f004761c2f6fba980224ad,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + if (str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(5, str.length() - 5)); + } + else + { + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + for (int z = firstBread + 1; z < str.length() - 4; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + } + else + { + return """"; + } +} +" +5324f918a5f51b34acc1306b9d5e1a0e6137aefe,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + if (str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && firstBread != 999) + { + firstBread = i + 5; + } + } + for (int z = firstBread + 1; z < str.length() - 4; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + } + else + { + return """"; + } +} +" +d64928dbc92057ab2a72cd3e93be54d74fddaf0a,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + if (str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.equals(""xxbreadjambreadyy"")) + { + return ""jam""; + } + else if (str.equals(""xxbreadbreadjambreadyy"")) + { + return ""breadjam""; + } + else if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +aa924220047b51599dcaaccffc21ade529f3012e,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; i < str.length() - 5; z++) + { + if (lastBread == 999 && str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +1aa067cceff215c0828ef6164f61e9860cd243f9,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; z < str.length() - 5; z++) + { + if (lastBread == 999 && str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +b266d96c84c3808a52dd8d497479390fd2bffc64,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; z < str.length() - 5; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +f65c6984efc9de2dec675ba27e0eb2dcf8c0d572,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +557c7a0564c95dd0bed4478375576df45f3ffa68,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10 && str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length())) + { + return str.substring(str.substring(5, str.length() - 5); + } + else if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; z < str.length() - 5; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +e0e6b1b13e19632b732de6cd6263acf24c088671,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10 && str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length())) + { + return str.substring(5, str.length() - 5); + } + else if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; z < str.length() - 5; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +eb22470e531c564e83d13f5ab10e28d81ff170ff,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10 && str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; z < str.length() - 5; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +7d21855a16850da55f3909205e96cec032cefa0d,"public String getSandwich(String str) +{ + int firstBread = 999; + int lastBread = 999; + + if (str.length() >= 10 && str.substring(0, 5).equals(""bread"") + && str.substring(str.length() - 5, str.length()).equals(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.length() >= 10) + { + for (int i = 0; i < str.length() - 5; i++) + { + if (firstBread == 999 && str.substring(i, i + 5).equals(""bread"")) + { + firstBread = i + 5; + } + } + for (int z = firstBread; z < str.length() - 5; z++) + { + if (str.substring(z, z + 5).equals(""bread"")) + { + lastBread = z; + } + } + + if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + else if (firstBread != 999 && lastBread != 999) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +de5ee8205b5162e7a6334cfa15103966a1d29bf2,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(0, i).equals(""bread"")) + { + between = str.substring(i, str.length()); + for(int j = between.length(); j > 0; j--) + { + if (str.substring(j, between.length()).equals(""bread"")) + { + between = str.substring(0, j); + retrun between; + } + } + } + } +} +" +0edaf3d4233e6bfddaabc69f10066507430f01ec,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(0, i).equals(""bread"")) + { + between = str.substring(i, str.length()); + for(int j = between.length(); j > 0; j--) + { + if (str.substring(j, between.length()).equals(""bread"")) + { + between = str.substring(0, j); + return between; + } + } + } + } +} +" +76ee4cfc8684d5c53f426d528b290feac238c48f,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(0, i).equals(""bread"")) + { + between = str.substring(i, str.length()); + for(int j = between.length(); j > 0; j--) + { + if (str.substring(j, between.length()).equals(""bread"")) + { + between = str.substring(0, j); + return between; + } + } + } + return between; + } +} +" +2580029cc96569a0a5de879b3477246fecde0db0,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(0, i).equals(""bread"")) + { + between = str.substring(i, str.length()); + for(int j = between.length(); j > 0; j--) + { + if (str.substring(j, between.length()).equals(""bread"")) + { + between = str.substring(0, j); + return between; + } + } + } + return between; + } + return between; +} +" +844fbf7d05b72160e1dbfe5d1a006ad4ea4fb100,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(0, i).equals(""bread"")) + { + between = str.substring(i, str.length()); + for(int j = between.length(); j > 0; j--) + { + if (str.substring(j, between.length()).equals(""bread"")) + { + between = str.substring(0, j); + return between; + } + } + } + + } + return between; +} +" +3ffed02515f8830cf3ef94bac34aac5b2ef8eae3,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(0, i).equals(""bread"")) + { + between = str.substring(i, str.length()); + for(int j = between.length(); j > 0; j--) + { + if (str.substring(j, between.length()).equals(""bread"")) + { + between = between.substring(0, j); + return between; + } + } + } + + } + return between; +} +" +1b69ac221d198310d781956e9aca0d70f231d861,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i).equals('b') && str.charAt(i+4).equals('d')) + { + for(int j = str.length(); j > (i+4); j--) + { + if (str.charAt(j).equals('b') && str.charAt(j+4).equals('d')) + { + between = str.substring((i+5),j); + return between; + } + } + + } + + } + return between; +} +" +3832a366ae3054cd877b87122f590b049d15a77a,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+4) == 'd') + { + for(int j = str.length(); j > (i+4); j--) + { + if (str.charAt(j) == 'b' && str.charAt(j+4) == 'd') + { + between = str.substring((i+5),j); + return between; + } + } + + } + + } + return between; +} +" +659db367f1f1e28d9aaa26e1ee1182be55082ea9,"public String getSandwich(String str) +{ + String between = """"; + for(int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'b' && str.charAt(i+4) == 'd') + { + for(int j = str.length() - 1; j > (i+4); j--) + { + if (str.charAt(j) == 'b' && str.charAt(j+4) == 'd') + { + between = str.substring((i+5),j); + return between; + } + } + + } + + } + return between; +} +" +a3b2c577a45218eceaba1b292571b55d240dfd02,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"" && + str.substring(str.length()-5, str.length()) == ""bread"") + { + String newStr = str.substring(5, str.length()-4); + return newStr; + } + else + { + return """"; + } +} +" +b417356df6aabc54570e34d7960ce51faf072155,"public String getSandwich(String str) +{ + if (str.length() < 5) + { + return """"; + } + if (str.substring(0, 5) == ""bread"" && + str.substring(str.length()-5, str.length()) == ""bread"") + { + String newStr = str.substring(5, str.length()-4); + return newStr; + } + else + { + return """"; + } +} +" +34824dd159a29930248fd4c8d74489ea3e9924f8,"public String getSandwich(String str) +{ + if (str.length() < 5) + { + return """"; + } + if (str.substring(0, 5) == ""bread"" && + str.substring(str.length()-5, str.length()) == ""bread"") + { + String newStr = str.substring(5, str.length()-5); + return newStr; + } + else + { + return """"; + } +} +" +66614fb7c201242b5a8b15c7abe02a3caa2373cb,"public String getSandwich(String str) +{ + if (str.length() < 5 || + str.indexOf(""bread"") == -1 || + str.indexOf(""bread"") == str.lastIndexOf(""bread"") + ) + + { + return """"; + } + + + else + { + str = substring(str.indexOf(""bread"")+5 + ,str.lastIndexOf(""bread"")) + } + + +" +db869cdc9b2d4563beb30730ab9f010ff7ce8617,"public String getSandwich(String str) +{ + if (str.length() < 5 || + str.indexOf(""bread"") == -1 || + str.indexOf(""bread"") == str.lastIndexOf(""bread"") + ) + + { + return """"; + } + + + else + { + str = substring(str.indexOf(""bread"")+5 + ,str.lastIndexOf(""bread"")); + return str; + } + + +" +88511268be765fb286f0c2da9c2762f19364bcba,"public String getSandwich(String str) +{ + if (str.length() < 5 || + str.indexOf(""bread"") == -1 || + str.indexOf(""bread"") == str.lastIndexOf(""bread"") + ) + + { + return """"; + } + + + else + { + str = substring(str.indexOf(""bread"")+5 + ,str.lastIndexOf(""bread"")); + return str; + } + +} +" +a2611b0f0fa75c08f8eb9acf96a43d412a8e47a7,"public String getSandwich(String str) +{ + if (str.length() < 5 || + str.indexOf(""bread"") == -1 || + str.indexOf(""bread"") == str.lastIndexOf(""bread"") + ) + + { + return """"; + } + + + else + { + str = str.substring(str.indexOf(""bread"")+5 + ,str.lastIndexOf(""bread"")); + return str; + } + +} +" +815b99c4d4f029544a760fac3d6252ce3ffb2123,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if((last != -1 ) && (first!=last)) + return (str.substring(ind+5,last)) ; + return """"; +} +" +309bcd4ad8eb02aeeb72c6209dfc9ec052934aa9,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if((last != -1 ) && (first!=last)) + return (str.substring(first+5,last)) ; + return """"; +} +" +66a4601d63f1847a9e9087f528146915ae03f1e5,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +46e87070477ab636c5f5f366d4992cfb1cfb194c,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +" +491eabfbb66530c877915da42fb91e295a325b9a,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(first != -1 && last != -1 && first != last) + return str.substring(first+5, last); + return """"; +} +" +239757f80bc02e574c31db3aeb0e5984b5929e77,"public String getSandwich(String str) +{ + int T = -1; + int B = 1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return "" ""; + +} +" +eec67b3f676dabd47fb5446f4705cbc20d90e0b7,"public String getSandwich(String str) +{ + int T = -1; + int B = 1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0, i--) + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return "" ""; + +} +" +4e41822e4719817011519f971fef410367993879,"public String getSandwich(String str) +{ + int top = -1; + int bottom = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + top = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + bottom = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +7d9838ff2bb8b2f098860d556ff8a6f9f3e888b3,"public String getSandwich(String str) +{ + int top = -1; + int bottom = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + top = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + bottom = i; + break; + } + } + if (top != -1 && bottom != -1 && top != bottom) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +31385a4cc363f99a2a77468fe349d412e2276b30,"public String getSandwich(String str) +{ + int top = -1; + int bottom = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + top = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + bottom = i; + break; + } + } + if (top != -1 && bottom != -1 && top != bottom) + { + return str.substring(top + 5, bottom); + } + return """"; + +} +" +3dacbeabb3250dec3c2f84e6a293e539b8334934,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0, i--) + { + if(str.substring(i, i + 5).equals(""bread"") + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return "" ""; + +} +" +0d35fb11b4ae7316485276ede716525fe0f8aa59,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0, i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return "" ""; + +} +" +ff10de27b8e2f3c14dac0c08b8e3e7be886f1458,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return "" ""; + +} +" +bc94910dcaace826d83f28d48b0deb4d3dfcc6b5,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return "" ""; + } +} +" +bd678f35dd884f23b1b4a0b0c44bd55f38f8d857,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + } + return "" ""; + +} +" +0dc3786aab01f90bc6c1384a0bc566918eb64fee,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i ++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + } + return """"; + +} +" +ae8963c5546bfc4409bcb0a3c91301e081a84a84,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (last != -1 && first != last) + { + return str.substring (first + 5, last); + } + else + return """" + +} +" +4690eaa29e6923e1a86643bc33f449e492018894,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (last != -1 && first != last) + { + return str.substring (first + 5, last); + } + else + return """"; + +} +" +093a08d63edf617b9e4c813a596622e370d49ca2,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + } + return """"; + +} +" +cb113a3ec1524847bdeac9e1b6921f37c7bc5746,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i - 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + } + return """"; + +} +" +c929a6bdc38d114912825960f802be68942ce77a,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i - 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + } + return """"; + +} +" +e14dfb44960ce394db43408effb9d25d138524e3,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + } + return """"; + +} +" +7799546c916d23cbe50cd9b3a96f43cf49385038,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return """"; + +} +" +70177cd8b5d2f26caf2136b659618ab709e0742a,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return """"; + } +} +" +3e585a24a9ec5b36609a6b4d9f658b536b1fa177,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + } + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return """"; + } +} +" +8d40697aa3a9b7042559876913f5cfc9cc2aaa40,"public String getSandwich(String str) +{ + int T = -1; + int B = -1; + + for ( int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5). equals(""bread"")) + { + T = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + B = i; + break; + } + } + if(T != -1 && B != -1 && T != B) + return str.substring(T + 5, B); + + return """"; + +} +" +e8f99c96ff9f8e288f425bbe1635422295f19d8e,"public String getSandwich(String str) +{ + if (str.length() <= 10) + { + return """"; + } + else + { + return str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread"")); + } +} +" +5524ebc0e0cddc70b805ef151d1058bc9078bcf6,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex < 1) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length(); + while (lastIndex < 1) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num).equals(""bread"")) + { + firstIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +c421b2299d4650584e79e99538bd9cb7f35d68da,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex < 1) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex < 1) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num).equals(""bread"")) + { + firstIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +8674e3f15835065367d66d6c54d1b7e868ec8514,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex < 1) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex < 1) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +378d0717848ba02d6916fcddc9837a62820ac041,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex < 1) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex < 1) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +86f07462e8228167403aba0a9863ea7e46254d7a,"public String getSandwich(String str) +{ + String str = ""bread""; + if (str.charAt(1, 4)) + { + return str; + } + else + { + return """"; + } + +} +" +affc353bcead934079707b6b98f10763c05caf02,"public String getSandwich(String str) +{ + str = ""bread""; + if (str.charAt(1, 4)) + { + return str; + } + else + { + return """"; + } + +} +" +afde9a6c81c9b0f3902d440f5e5c0c6516896e24,"public String getSandwich(String str) +{ + String between = substring(5, str.length() - 4); + if (str.length() <= 10) + { + return """"; + } + else + { + return between; + } +} +" +99c691d44c248ed7ea8b87fb884ed632499cd2ca,"public String getSandwich(String str) +{ + String between = str. substring(5, str.length() - 4); + if (str.length() <= 10) + { + return """"; + } + else + { + return between; + } +} +" +7434b8121a1466430a8733f26d60e34e56406b96,"public String getSandwich(String str) +{ + if (str.length() <= 10) + { + return """"; + } + else + { + String between = str. substring(5, str.length() - 4); + return between; + } +} +" +f6149433bca434d01febdd4e9fdc4701ef146506,"public String getSandwich(String str) +{ + if (str.length() <= 10) + { + return """"; + } + else + { + String between = str. substring(5, str.length() - 5); + return between; + } +} +" +7c956bd67edc63944754f67f04bae1cba16a792f,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex = 0 && num < str.length(0 - 5) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex = 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +8c43476802d2b95bb9f78dbc30808f0be9fc8863,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex = 0 && num < str.length(0 - 5)) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex = 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +4eff223b13b630a254180901d6c7b962a9b277e2,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex = 0 && num < str.length() - 5)) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex = 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +fa5c50f119320ebbd1d3ac9a8c06670319aeea24,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i+5).equals(""bread"")) + { + last = i; + break; + } + } + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +748167a3a4a93134f625faeb7207e30c84c14cb7,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex = 0 && num < str.length() - 5) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex = 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +ee7d3a680885ae5557ced62b4c5c1e2b67e4f64a,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex == 0 && num < str.length() - 5) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex = 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +7e918446accd29b2c0836c4341492aed7b8a5b90,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex == 0 && num < str.length() - 5) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex == 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +046240816d912723af117c471335d53a0977f80f,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex == 0 && num < str.length() - 5) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex == 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +21040f8d62cabffd8d9122c089746f8d5705207c,"public String getSandwich(String str) +{ + String newstring = """"; + int breads = 0; + for (i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breads++; + } + } + if (breads < 2) + { + return """"; + } +} +" +25bde1d581794d3104baf0dc556678f7ee62cecd,"public String getSandwich(String str) +{ + String newstring = """"; + int breads = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breads++; + } + } + if (breads < 2) + { + return """"; + } + else + { + return ""at least two breads""; + } +} +" +e071af839471ec0f5b33515f0ebd44ab622c21c3,"public String getSandwich(String str) +{ + int n = str.length(); + if (n >= 2) + { + return str.substring(2, n); + } + else + { + return str; + } +} +" +7970b5a82dbf0d1d74bf5a9bd35d0a22245d68b9,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +65d1cccfa1b1860c97ac55b28a50a1a240b1aede,"public String getSandwich(String str) +{ + int breads = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breads++; + } + } + if (breads < 2) + { + return """"; + } + else + { + int i = 0; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i++; + } + int startIndex = i; + i = str.length() - 4; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i--; + } + int endIndex = i; + } + return str.substring(startIndex, endIndex); +} +" +24242c1ce77ae6ebe3eed0cc939a8f8ad71266d3,"public String getSandwich(String str) +{ + string bread = ""bread"" + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +231c79a87e9ed64dddbc943f700e4b4348152e63,"public String getSandwich(String str) +{ + string bread = ""bread""; + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +cf14bc63005acbdba2da3ef4d30aa9080e9602b8,"public String getSandwich(String str) +{ + bread = ""bread""; + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +76095f229f5e018662bfb5f98dacb233311223d8,"public String getSandwich(String str) +{ + int startIndex = 0; + int endIndex = 0; + int breads = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breads++; + } + } + if (breads < 2) + { + return """"; + } + else + { + int i = 0; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i++; + } + startIndex = i; + i = str.length() - 4; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i--; + } + endIndex = i; + } + return str.substring(startIndex, endIndex); +} +" +608c983ed291283ad6da238ce7d120f9a9dc0806,"public String getSandwich(String str) +{ + string bread = ""bread""; + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +a47e5a693b76275a696b5936aabb8bc0a7ab057a,"public String getSandwich(String str) +{ + int startIndex = 0; + int endIndex = 0; + int breads = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breads++; + } + } + if (breads < 2) + { + return """"; + } + else + { + int i = 0; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i++; + } + startIndex = i; + i = str.length() - 5; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i--; + } + endIndex = i; + } + return str.substring(startIndex, endIndex); +} +" +3bccd632e56650f0745eb8ab5467b5c1b9808e5c,"public String getSandwich(String str) +{ + int startIndex = 0; + int endIndex = 0; + int breads = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breads++; + } + } + if (breads < 2) + { + return """"; + } + else + { + int i = 0; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i++; + } + startIndex = i + 5; + i = str.length() - 5; + while(!str.substring(i, i + 5).equals(""bread"")) + { + i--; + } + endIndex = i; + } + return str.substring(startIndex, endIndex); +} +" +14899dca47920e8789f1019dac0adc2bcae80c8d,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +86e00b4beba121afda49c8c3e8fc7f1a676a9b5e,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(6, n - 6); + } + else + { + return str; + } +} +" +29a8f50f24a166bb20ae485e0fe5dba5306eb9d2,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return str; + } +} +" +3051d4b3968d76735a81858241a33e0f254c604c,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return null; + } +} +" +90fbc21711fbe9061f1f56aeee704ba0f77cd0bc,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return ; + } +} +" +1cffc4fb8e923c63b2db43d756adc3595d2a5b66,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return str.string(0); + } +} +" +11ca72b0e37a6b61cb0134f6df2f10e782bb1ed9,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return str.substring(0); + } +} +" +c5aa2bce141644bfcc7c99877cbff36ade611a89,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return str.substring(n - n); + } +} +" +9fb360d3c8e350a007b76032b5de39c1d9cedd4e,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, n - 5); + } + else + { + return str.substring(0); + } +} +" +320a8fd7cb2765de6e65b1feb1b532d1a1b9c248,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = 0; + int lastIndex = 0; + while (firstIndex == 0 && num < str.length() - 5) + { + for (int i = 4; i < str.length(); i++) + { + if (str.substring(num, i).equals(""bread"")) + { + firstIndex = i; + + } + num++; + } + } + int num2 = str.length() - 1; + while (lastIndex == 0 && num2 > 4) + { + for (int i = str.length() - 5; i > 0; i--) + { + if (str.substring(i, num2).equals(""bread"")) + { + lastIndex = i; + + } + num--; + } + } + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +71aa6ceb9146ef0e307f28fc04bece3717499614,"public String getSandwich(String str) +{ + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + if (len <= 10) + + return """"; + + for (int i = 0; i < len - 4; i++) { + + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + + } + + finalString = str.substring(start,finish); + return finalString; +} +" +67b9d893e66cdeb2906738c0758298b99b186e92,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(0, str.indexOf(""bread"")); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +ac1cfbc801a4425be4161025fd8cb142277ccdc7,"public String getSandwich(String str) +{ + String x = """"; + int a; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + if (str.indexOf(""bread"") >= 0) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""bread"") == i) + { + a = i; + } + } + str = ste.substring(0, a); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +bc1a9895e17125d93f4b8be661590fbef100a265,"public String getSandwich(String str) +{ + int a; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + if (str.indexOf(""bread"") >= 0) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""bread"") == i) + { + a = i; + } + } + str = str.substring(0, a); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +9fb44292ddbc38919873c338811ab4703c268627,"public String getSandwich(String str) +{ + if (str) // if there are two peices of bread + { + return ; + } + else + { + return """"; + } +} +" +f10fa00f48ed88a7a52f59219c021e2cd825dfeb,"public String getSandwich(String str) +{ + int a = 0; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + if (str.indexOf(""bread"") >= 0) + { + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""bread"") == i) + { + a = i; + } + } + str = str.substring(0, a); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +3a3404bf9802bcdc795ce0120e83fbdcafc81e64,"public String getSandwich(String str) +{ + int a = 0; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + if (str.indexOf(""bread"") >= 0) + { + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(""bread"")) + { + a = i; + } + } + str = str.substring(0, a); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +746a14a5da30c1ff21fa181e7047c060467e9529,"public String getSandwich(String str) +{ + int a = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + if (str.indexOf(""bread"") >= 0) + { + for (int i = 0; i < str.length(); i++) + { + x = str.substring(str.indexOf(""bread"") + 5); + if (i == x.indexOf(""bread"")) + { + a = i; + } + } + str = str.substring(0, a); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +56eef289e4959883ac11e912ff9d572e47711306,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"")); + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""bread"") >= 0) + { + a++; + b = str.indexOf(""bread""); + } + } + if (a >= 1) + { + str = str.substring(0, b) + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +cc84af2ffb90c360dd13864669128e3e3633bdc3,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"")); + for (int i = 0; i < str.length(); i++) + { + if (str.indexOf(""bread"") >= 0) + { + a++; + b = str.indexOf(""bread""); + } + } + if (a >= 1) + { + str = str.substring(0, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +af60c66ebc4d9be7e7cb9f6ceb94ee699fef488a,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"")); + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(""bread"")) + { + a++; + b = i; + } + } + if (a >= 1) + { + str = str.substring(0, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +50117eeda2d25a197be90f9a79288acf6c0cc9ff,"public String getSandwich(String str) +{ + strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"" && strLC.endsWith(""bread"")) + { + return str; + } + else + { + return """"; + } + + + +} +" +227579759d070a32492a69efb0a30e2d6d5c694a,"public String getSandwich(String str) +{ + strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"" && strLC.endsWith(""bread""))) + { + return str; + } + else + { + return """"; + } + + + +} +" +659b740eeab9d8fcd8c7d4de43b8d1d06b979b4e,"public String getSandwich(String str) +{ + String strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"" && strLC.endsWith(""bread""))) + { + return str; + } + else + { + return """"; + } + + + +} +" +23cf41cefdf3b38ba4622badc1aa4f76df476c6a,"public String getSandwich(String str) +{ + String strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"") && strLC.endsWith(""bread"")) + { + return str; + } + else + { + return """"; + } + + + +} +" +cee965e29a9998be159728921cea24530eb40ea0,"public String getSandwich(String str) +{ + int firstBread = indexOf(""bread""); + int secondBread = lastIndexOf(""bread""); + return String newStr = str.substring(firstBread + 5, secondBread); +} +" +253b4d1271c63b77cb39528e586ee1b893f4a742,"public String getSandwich(String str) +{ + int bread1 = indexOf(""bread""); + int bread2 = lastIndexOf(""bread""); + return String newStr = str.substring(bread1, bread2); +} +" +f21cc1c91ea766bbc345eb888934edcae2089718,"public String getSandwich(String str) +{ + int bread1 = indexOf(""bread""); + int bread2 = lastIndexOf(""bread""); + String newStr = str.substring(bread1, bread2); + return newStr; +} +" +aeb7d188e52f460df7a122d91a4989c69d3c991d,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + String newStr = str.substring(bread1, bread2); + return newStr; +} +" +cbe0867721bed5c395d1b47196b5f934a768f03b,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + String newStr; + if (bread1 == -1 || bread2 == -1) + newStr = """"; + else + newStr = str.substring(bread1, bread2); + return newStr; +} +" +3a3f9e9e6363a8e0f59da3b43155c4bdb575132b,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread"") + 5; + int bread2 = str.lastIndexOf(""bread""); + String newStr; + if (bread1 == -1 || bread2 == -1) + newStr = """"; + else + newStr = str.substring(bread1, bread2); + return newStr; +} +" +2e8038b5db397b0817d34c5de462df3ca34dd737,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +21587763b754c97847962ea9e7172b3e244f82d3,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +" +f760f42f98c3947ed88d0a49e115f77f79537472,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread"") + 5; + int bread2 = str.lastIndexOf(""bread""); + String newStr; + if (bread1 == -1 || bread2 == -1 || bread1 == bread2) + newStr = """"; + else + newStr = str.substring(bread1, bread2); + return newStr; +} +" +635800c2129b61ad650efec71f5aff72300426e0,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +}" +3557a2f26e25b3ef9069d9d5b7f50ee19faebafe,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + String newStr; + if (bread1 == -1 || bread2 == -1 || bread1 == bread2) + newStr = """"; + else + newStr = str.substring(bread1 + 5, bread2); + return newStr; +} +" +6dea7e81d521b0527d6baf3822e37b04c76bfdce,"public String getSandwich(String str) +{ + String strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"") && strLC.endsWith(""bread"")) + { + int fp = strLC.length()-6; + + return lc.substring(5,fp); + } + else + { + return """"; + } + + + +} +" +47a12df703cc2d5eaaf0da729d97431347878d4e,"public String getSandwich(String str) +{ + String strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"") && strLC.endsWith(""bread"")) + { + int fp = strLC.length()-6; + + return strLC.substring(5,fp); + } + else + { + return """"; + } + + + +} +" +bef05d74d061c172e344b3dadab8f9f40183e7ae,"public String getSandwich(String str) +{ + String strLC = str.toLowerCase(); + if ( strLC.startsWith(""bread"") && strLC.endsWith(""bread"")) + { + int fp = strLC.length()-5; + + return strLC.substring(5,fp); + } + else + { + return """"; + } + + + +} +" +ca23d0d2d8f910d3d6aa48764ad2509092481f0a,"public String getSandwich(String str) +{ + String sandwhich = ""bread""; + /*if (str.charAt(1, 4)) + { + return str; + } + else + { + return """"; + }*/ + return ""bob""; + +} +" +d754c7fa1c5282a155910299077b9c071b1026a5,"public String getSandwich(String str) +{ + return str +} +" +dce6d05c14cd5634925421e1518d5e8256677c2a,"public String getSandwich(String str) +{ + return str; +} +" +6b2ec443c5823236cc2fa9d1b51cf501a6329088,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"")) + { + return """"; + } + + + return str; +} +" +d336f14433673ebe2d8ade1aefc8a826df381706,"public String getSandwich(String str) +{ + +} +" +db46b12963b592009f1c096f9fea45dbb3a2df0a,"public String getSandwich(String str) +{ + return """"; +} +" +a5e549621d0d39dbe4db2434c4840485a3a21f36,"public String getSandwich(String str) +{ + int x = str.length(); + return str.substring(1,x); + //(1 to strung lehgth +} +" +fb11ae54245a50d9734f8cfa51504a975305e5a2,"public String getSandwich(String str) +{ + int initial; + int end; + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, i + 5).isSameAs(""bread"")) { + int initial = i + 5; + break; + } + } + for (int n = str.length(); n >= 0; n--) { + if (str.substring(n - 5, n).isSameAs(""bread"")) { + int end = n - 5; + break; + } + } + if (initial != null && end != null && initial != end) { + return str.substring(initial, end); + } + else { + return """"; + } +} +" +fadfecfd665cb5a2011b5666c7590739aa0a827f,"public String getSandwich(String str) +{ + int initial; + int end; + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, i + 5).equals(""bread"")) { + int initial = i + 5; + break; + } + } + for (int n = str.length(); n >= 0; n--) { + if (str.substring(n - 5, n).equals(""bread"")) { + int end = n - 5; + break; + } + } + if (initial != null && end != null && initial != end) { + return str.substring(initial, end); + } + else { + return """"; + } +} +" +bd240030a1bece6d1a4861b1a3a5f6b2d5923603,"public String getSandwich(String str) +{ + int x = str.length(); + + string i = str.IndexOf(""bread"") + string f = str.lastIndexOf(""bread"") + + + //(1 to strung lehgth +} +" +a547d80f88d65b676f8f16ebf4eb01546d5fd648,"public String getSandwich(String str) +{ + int initial; + int end; + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, i + 5).equals(""bread"")) { + initial = i + 5; + break; + } + } + for (int n = str.length(); n >= 0; n--) { + if (str.substring(n - 5, n).equals(""bread"")) { + end = n - 5; + break; + } + } + if (initial != null && end != null && initial != end) { + return str.substring(initial, end); + } + else { + return """"; + } +} +" +6c908a508fb043522d15273ffd7d671d85961a7c,"public String getSandwich(String str) +{ + int x = str.length(); + + string i = str.IndexOf(""bread""); + string f = str.lastIndexOf(""bread""); + + + //(1 to strung lehgth +} +" +ea6f2659ca194ec5eb90fe695739348ff4d52d6d,"public String getSandwich(String str) +{ + int x = str.length(); + + String i = str.IndexOf(""bread""); + String f = str.lastIndexOf(""bread""); + + + //(1 to strung lehgth +} +" +b5274f3659b97ca024dfe3358bf626f02923577f,"public String getSandwich(String str) +{ + String strLC = str.toLowerCase(); + String name = ""bread""; + int x = strLC.indexOf(name); + int y = strLC.lastIndexOf(name); + + if ( x != y) + { + + return strLC.substring(x+5, y); + } + else + { + return """"; + } + + + +} +" +b63d3521aacef5c0743a01acefe85b85efb9fef2,"public String getSandwich(String str) +{ + int initial = -100; + int end = -100; + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, i + 5).equals(""bread"")) { + initial = i + 5; + break; + } + } + for (int n = str.length(); n >= 0; n--) { + if (str.substring(n - 5, n).equals(""bread"")) { + end = n - 5; + break; + } + } + if (initial != -100 && end != -100 && initial != end) { + return str.substring(initial, end); + } + else { + return """"; + } +} +" +93ab255a1fe7e89b39716e194d3886c81fcdbf97,"public String getSandwich(String str) +{ + + String name = ""bread""; + int x = str.indexOf(name); + int y = str.lastIndexOf(name); + + if ( x != y) + { + + return str.substring(x+5, y); + } + else + { + return """"; + } + + + +} +" +b26e7a10b141cd08fd2e7744436f68dea940d69c,"public String getSandwich(String str) +{ + int initial = -100; + int end = -100; + if (str.length() >= 10) { + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, i + 5).equals(""bread"")) { + initial = i + 5; + break; + } + } + for (int n = str.length(); n >= 0; n--) { + if (str.substring(n - 5, n).equals(""bread"")) { + end = n - 5; + break; + } + } + } + if (initial != -100 && end != -100 && initial != end) { + return str.substring(initial, end); + } + else { + return """"; + } +} +" +455b5aa527172ace9fb09d83ec03ad0f897ee890,"public String getSandwich(String str) +{ + int f = str.lastIndexOf(""bread""); + int i = str.indexOf(""bread""); + + + + if(i != f) + return str.substring(iFirst+5, iLast); + else + { + return """"; + } + + + //(1 to strung lehgth +} +" +2ad6170fc852c8e669a6152e7b3ad84c06cc09f6,"public String getSandwich(String str) +{ + int f = str.lastIndexOf(""bread""); + int i = str.indexOf(""bread""); + + + + if(i != f) + return str.substring(i+5, f); + else + { + return """"; + } + + + //(1 to strung lehgth +} +" +9c58beb909079727117be946b65ad952f625a3d5,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int 1 = 0, i < str.length() - 5, i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +23cc4a1fc630baff803d28869736a3337a52412b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int 1 = 0, i < str.length() - 5, i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +0db76a79d2a885dce798b6dfbe3ddec4336a5a9e,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int = 0; i < str.legnth() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = str.legnth() -5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && firest != last) + { + return str.substring(first + 5, last); + } + return """"; +} +" +e5eab4377b100761cfc46651adf2ee9bb148b19b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int = 0; i < str.legnth()-5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = str.legnth() -5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && firest != last) + { + return str.substring(first + 5, last); + } + return """"; +} +" +cc65dddf1abb1c8d7bc2b97514181c7759677143,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +be78a173e604997e9956ab81dce46fbca9f25351,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +0808301f3b5ff2946ae134ca5b7a313f1be086af,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; +} +" +06b8f33772390dc181918291f9ad6c1010fe6855,"public String getSandwich(String str) +{ + int lengthS = str.length()-5 + if (str.substring(0, 5) == ""bread"" && str.substring(-5) == ""bread"") + { + return str.substring(5,lengthS); + } + else + { + return """"; + } +} +" +c9e99e4b468c812e5e883c442791087f3deaf2ca,"public String getSandwich(String str) +{ + int lengthS = str.length()-5; + if (str.substring(0, 5) == ""bread"" && str.substring(-5) == ""bread"") + { + return str.substring(5,lengthS); + } + else + { + return """"; + } +} +" +24d57a367f4dc4825a7e83c0da3463ebb629f50b,"public String getSandwich(String str) +{ + String fin = """"; + int start = 0; + int stop = 0; + for(int i = 0; i=0; j++) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +f1965cdf318eeb551c3f4fcc740324399ae66a43,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j++) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +8b926a7b16508f994f1dbaa3e7641e1a0e673cfa,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j++) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +76af973463e155d1ca53517d66aa454a8f09d2b6,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j++) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +f67e444059ed75911aa3bdf09d189ca44ec5125e,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j++) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +f32d06886a6c96b4f8881eb757d4df313635f9d5,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +ea20fb6d0dc817379ebab406042a627d111856e4,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +f69029ff27af25a9f5b231ba46a803cedf6e6f6f,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j+1); + } + } + } + } +return """"; +} +" +5f2eb1c87b5af557a2c8efc17112857bf1ad5609,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j+1); + } + } + } + } +return """"; +} +" +b99ff2dbf3f578087aad590234737c80d1cebd9a,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j+1); + } + } + } + } +return """"; +} +" +e0255ee1d9381c3bc47930a24f16929e3ed219f0,"public String getSandwich(String str) +{ + + int init = 0; + int end = str.length(); + while (str.charAt(init) != ""b"") + { + init++; + } + while (str.charAt(end) != ""b"") + { + end--; + } + return (init, end); + + +} +" +ddf0531e79c959baeb13cf6ecbcd36aeadc52e81,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j+1); + } + } + } + } +return """"; +} +" +999812c5eac1d23c904042c12c0f80a971127fb0,"public String getSandwich(String str) +{ + + int init = 0; + int end = str.length(); + while (str.charAt(init) != ""b"") + { + init++; + } + while (str.charAt(end) != ""b"") + { + end--; + } + return (init + "" "" + end); +} +" +a8135339162fffc746eeba1cefcc302d07b3a4e2,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +107eb1266c200310dd667ae9ff4aa76cd0dd94d0,"public String getSandwich(String str) +{ + + int init = 0; + int end = str.length(); + while (str.charAt(init) != 'b') + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (init + "" "" + end); +} +" +d5cf6d3ae20010edb9d90b778be635fccc6054f6,"public String getSandwich(String str) +{ + for(int i = 0; i=0; j--) + { + if(str.substring(j).startsWith(""bread"")) + { + return str.substring(0, j); + } + } + } + } +return """"; +} +" +6de5557aba64b67848b31351cb0a8f94e8f23876,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length(); + while (str.charAt(init) != 'b') + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (init + "" "" + end); + } + else + { + return """"; + } +} +" +b4872926799d7d23641bc587e6a9802d8ce8265a,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 1; + int end = str.length(); + while (str.charAt(init) != 'b') + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (init + "" "" + end); + } + else + { + return """"; + } +} +" +541d002b5f3cbef88b501c73e653f287565100d8,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 1; + int end = str.length(); + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (init + "" "" + end); + } + else + { + return """"; + } +} +" +cd7331b6c66a5f804b45d6febb4a438ab8c7bb64,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 1; + int end = str.length()-1; + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (init + "" "" + end); + } + else + { + return """"; + } +} +" +53ec1cd595fc275236955d07000d87e23f41074d,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (init + "" "" + end); + } + else + { + return """"; + } +} +" +89ba5cf23224bce69e1c6fdaf61a83a0bfbc1408,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (str.substring(init, end); + } + else + { + return """"; + } +} +" +bc09cea55313d9c8e674a99435aa4a16dc796aee,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + return (str.substring(init, end)); + } + else + { + return """"; + } +} +" +403dbeb151522264fbf2fbdc4811cd582b876371,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """" + } + } + else + { + return """"; + } +} +" +b32e1bd481cca263cc2b5901a9e2874013aaa0f2,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b') + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +3dd5d4d604b1ff1586bf7c2751e1b2690c7ca42d,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && str.charAt(init+1) != ""r"" && + str.charAt(init+2) != ""e"" && str.charAt(init+3) != ""a"" + && str.charAt(init+4) != ""d"" && init <= str.length()) + { + init++; + } + while ((str.charAt(end) != 'b' && str.charAt(end+1) != ""r"" && + str.charAt(end+2) != ""e"" && str.charAt(end+3) != ""a"" + && str.charAt(end+4) != ""d"") + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +fdac95343d2624ca934fb0bb5a5074efd7ae3aa9,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && str.charAt(init+1) != ""r"" && + str.charAt(init+2) != ""e"" && str.charAt(init+3) != ""a"" + && str.charAt(init+4) != ""d"" && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b' && str.charAt(end+1) != ""r"" && + str.charAt(end+2) != ""e"" && str.charAt(end+3) != ""a"" + && str.charAt(end+4) != ""d"") + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +ee59cd1aad5f626bcb05e58be1daa72c1421d524,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && str.charAt(init+1) != 'r' && + str.charAt(init+2) != 'e' && str.charAt(init+3) != 'a' + && str.charAt(init+4) != 'd' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b' && str.charAt(end+1) != 'r' && + str.charAt(end+2) != 'e' && str.charAt(end+3) != 'a' + && str.charAt(end+4) != 'd') + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +b43bd3e037846d02103fab2a3b1a94bc953e9688,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && str.charAt(init+1) != 'r' && + str.charAt(init+2) != 'e' && str.charAt(init+3) != 'a' + && str.charAt(init+4) != 'd' && init <= str.length()) + { + init++; + } + while (str.charAt(end) != 'b' && str.charAt(end+1) != 'r' && + str.charAt(end+2) != 'e' && str.charAt(end+3) != 'a' + && str.charAt(end+4) != 'd' && end>=0) + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +3a2ad0bdbb5a22e922d1f0fad195dac0719e4247,"public String getSandwich(String str) +{ + if (str.length() > 0) + { + int init = 0; + int end = str.length()-1; + while (str.charAt(init) != 'b' && str.charAt(init+1) != 'r' && + str.charAt(init+2) != 'e' && str.charAt(init+3) != 'a' + && str.charAt(init+4) != 'd' && init < str.length()) + { + init++; + } + while (str.charAt(end) != 'b' && str.charAt(end+1) != 'r' && + str.charAt(end+2) != 'e' && str.charAt(end+3) != 'a' + && str.charAt(end+4) != 'd' && end>=0) + { + end--; + } + if (init != end) + { + return (str.substring(init + 5, end)); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +9fd8bf785b61fb0e755c89f763e8c3678ef6cb17,"public String getSandwich(String str) +{ + int init = str.indexOf(""bread""); + init end = str.lastIndexOf(""bread""); + if (end > 0 && init != end) + { + return str.substring(init+5, end); + } + else + { + return """"; + } +" +b8f21dfecd7c3c54c43a527d6eb7d1b0244b8b6b,"public String getSandwich(String str) +{ + int init = str.indexOf(""bread""); + init end = str.lastIndexOf(""bread""); + if (end > 0 && init != end) + { + return str.substring(init+5, end); + } + else + { + return """"; + } +} +" +590ba0708b2b3a6411b338abfdaef3ce1e3b7074,"public String getSandwich(String str) +{ + int init = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (end > 0 && init != end) + { + return str.substring(init+5, end); + } + else + { + return """"; + } +} +" +e0e421db280f4951a6c3a5a3e0a8db019a5f5607,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int i = 0, i < str.length() - 5, i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +28486b54671ecbed58f0a12e746d756bbab8cea7,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + + +} +" +62b7fda8e7d7ee18ed5d549d6201aed78516a265,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + for (int i = 0; i < str.length(); i++) + { + if (i == str.indexOf(""bread"")) + { + a++; + b = i; + } + } + if (a >= 1) + { + str = str.substring(0, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +ca84bd01ae5f2dfeff406e1ca362951e46307121,"public String getSandwich(String str) +{ + return true +} +" +e3c1fe1a9d0dbc46331c95027370b605a85952df,"public String getSandwich(String str) +{ + return true; +} +" +22964a00cd00329941c604bfc076dbb48ed2ae90,"public String getSandwich(String str) +{ + return str; +} +" +3483e461eee8eba703595bd100da1fa0352f0f3e,"public String getSandwich(String str) +{ + int x = length(str); + if ( x > 2) { + return str. substring(1, x); + } + else + { + return """"; + } +} +" +a9cc07191472535f210a306c300cf8c71fd41f41,"public String getSandwich(String str) +{ + int x = getSize(str); + if ( x > 2) { + return str. substring(1, x); + } + else + { + return """"; + } +} +" +20490ebefcf6231795dfb8833b33004d3b6eb21d,"public String getSandwich(String str) +{ + int x = str.getSize(); + if ( x > 2) { + return str. substring(1, x); + } + else + { + return """"; + } +} +" +6f4cf6110713ac436b0a0053b396592949bb0e7d,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 5); + if(sliceTwo != null) { + return sliceOne; + } + else { + return """"; + } +} +" +91e01fe57ca9215a9004261544eb96d32adcc367,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 5); + if(sliceTwo == 0) { + return str; + } + else { + return """"; + } +} +" +8b9dbc68c469aec41a0bd4c8459ff57be7841a2c,"public String getSandwich(String str) +{ + +} +" +1d7845e241778add7644789fdb679bf7cb6ce811,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 5); + if(sliceTwo > sliceOne) { + return str.subString(sliceOne, sliceTwo); + } + else { + return """"; + } +} +" +f823cbbdbe5b0ee9db35ae36a9385120445afd83,"public String getSandwich(String str) +{ + return str +} +" +74dc2dbab6075c31cac89accbf97470f6b0c7391,"public String getSandwich(String str) +{ + return str; +} +" +f40c5ce2f4cee6d0cb78a5301092f078268a567a,"public String getSandwich(String str) +{ + int x = str.length(); + if ( x > 2) { + return str. substring(1, x); + } + else + { + return """"; + } +} +" +cdcebe156facee2d7667406aac3cccca405cf6b4,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 5); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne, sliceTwo); + } + else { + return """"; + } +} +" +e0ff8d853a811d7fd7712b0a6de3561c126add6d,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 5); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +3a1b061349fbdcfb08815a06646682832a8427bf,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 6); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +2a506505aa1bcd85bdcec7b05c8b84a8be89bbec,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 7); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +7bc37244d40f668ab4aba1ffec94244791519e18,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", 6); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +5c7b8b155ccfcf53005d8a46b2df40acc3f485e9,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 1); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +66fa82c4a3a2227d6de956c13d62a3bbab3f4b31,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +0af708bf6d62adb456afc9b33b25adf2b9880192,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread""); + x = x.substring(str.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +544abd79483755e56817c0dbf193d54b8b74b9be,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 1); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +8cf2e3da7f221a73226d0eb4674f3ca7aee203fe,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 5); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +3930b8a7da399357a603d115d257f00f108fb838,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 6); + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +b074c3a2a91818f35ddfd6fc854d29a0542a24ed,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 6); + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) { + return ""breadbread""; + } + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +ed365c4a0128c4a2e9a2ea9fbd7c814cee574ed5,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 6); + + if(str.startsWith(""breadbread"") && str.endsWith(""breadbread"")) { + return ""breadbread""; + } + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +ca8428e53c5d04288d680dee199eea4fa5057942,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 6); + + if(str.equals(""breadbreadbreadbread"") { + return ""breadbread""; + } + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +99f1cfa4a9f578b2da9aa3827be2596bc5b919cd,"public String getSandwich(String str) +{ + int sliceOne = str.indexOf(""bread""); + int sliceTwo = str.indexOf(""bread"", sliceOne + 6); + + if(str.equals(""breadbreadbreadbread"")) { + return ""breadbread""; + } + if(sliceTwo > sliceOne) { + return str.substring(sliceOne + 5, sliceTwo); + } + else { + return """"; + } +} +" +4fc4a55b512daddc3439a97e8e80146a32fb8e20,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread""); + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +1169bb03058c7b69fe563f73982f151237269b70,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0 && str.length > 5) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread"") + 5; + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b - 5); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +703474e175ea19056714ff6683e54828b3ed9283,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread"") + 5; + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b - 5); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +98bc6622d1e2f62cd922c363b5bcf12a6acb1b6d,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread"") + 5; + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +a2a27278daf86119df44ad0dfb32177a8dfc0b91,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if ((first != last) && (last != -1)) + { + return (str.substring(first+5, last)) + } + else + { + return "" ""; + } + +} +" +3972975e6ac8a6bad5f64cc82304ab225b4682a0,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if ((first != last) && (last != -1)) + { + return (str.substring(first+5, last)); + } + else + { + return "" ""; + } + +} +" +2bc426fe3c35c3b3e87c251c3c02f8eaafcbd402,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if ((first != last) && (last != -1)) + { + return (str.substring(first+5, last)); + } + else + { + return """"; + } + +} +" +180c5229c0bba34823a86bee37c293baade75dc5,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread""); + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b + 5); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +772d67780f2e00cce48622150d8dbeeb07fc090d,"public String getSandwich(String str) +{ + int a = 0; + int b = 5; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + str = str.substring(str.indexOf(""bread"") + 5); + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread""); + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(0, b + 5); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +b3e9f5ff49e9d12759727294d9a18549ce8ec74e,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + b = str.indexOf(""bread"") + 5; + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread"") + 5; + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(str.indexOf(""bread"") + 5, b); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +643c0e8f940c9eaedbea35868af3004ecfcc1152,"public String getSandwich(String str) +{ + int a = 0; + int b = 0; + String x = """"; + if (str.indexOf(""bread"") >= 0) + { + b = str.indexOf(""bread"") + 5; + x = str.substring(str.indexOf(""bread"") + 5); + while (x.indexOf(""bread"") >= 0) + { + a++; + b = b + x.indexOf(""bread"") + 5; + x = x.substring(x.indexOf(""bread"") + 5); + } + if (a >= 1) + { + str = str.substring(str.indexOf(""bread"") + 5, b - 5); + } + else + { + str = """"; + } + } + else + { + str = """"; + } + return str; +} +" +02b7466d54e58981167996b68eceb8d5a2d049d9,"public String getSandwich(String str) +{ + int x = str.length(); + String one = new String(""bread""); + if (x > 10) { + for ( int i = 0; i <= x - 4; i++) + { + if (str.substring(i, i+5).equals(one) { + int startingPosition = i; + return; + } + } + for ( int j = x -4; j > startingPosition; j--) + { + if (str.substring(j, j+5).equals(one) { + int endingPosition = j + return; + } + return str.substring(i+5, j) + } + else + { + return """"; + } + + + +} +" +0fac082085f92fead60c1c9451cdfa36f201067b,"public String getSandwich(String str) +{ + int x = str.length(); + String one = new String(""bread""); + if (x > 10) { + for ( int i = 0; i <= x - 4; i++) + { + if (str.substring(i, i+5).equals(one)) { + int startingPosition = i; + return; + } + } + for ( int j = x -4; j > startingPosition; j--) + { + if (str.substring(j, j+5).equals(one)) { + int endingPosition = j; + return; + } + return str.substring(i+5, j); + } + else if ( x <= 10) + { + return """"; + } + + + } +} +" +9f62fd2e8bb782aea3d7c1a8c92c5b6f3c27cde8,"public String getSandwich(String str) +{ + int x = str.length(); + String one = new String(""bread""); + if (x > 10) { + for ( int i = 0; i <= x - 4; i++) + { + if (str.substring(i, i+5).equals(one)) { + int startingPosition = i; + return; + } + } + for ( int j = x -4; j > startingPosition; j--) + { + if (str.substring(j, j+5).equals(one)) { + int endingPosition = j; + return; + } + return str.substring(i+5, j); + } + + + + } + else + { + return """"; + } +} +" +33a8a29533b7b4bf0dcd4c8f8949618c432f07f4,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (start != -1 && end != -1 && start != end) { + return str.substring(start + 5, end); + } + else + { + return """"; + } + + + +} +" +f6aa687cccf76757c7a4fc251a1c21393c910c94,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (start != -1 && end != -1 && start != end) { + return str.substring(start + 5, end); + } + else + { + return """"; + } + + + +} +" +c89500d2102cec7f6f4b503b0516e36e11aab666,"public String getSandwich(String str) +{ + ""bread"" + str + ""bread""; + + return str; +} +" +a5486a54bd3f38c52b7fa5c8b40d6875a52d1d79,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + + +} +" +a26bde67400b41a541dd02281aaddec73174f687,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +99566c055e18ae73663868c62f84ddd94dee5df4,"public String getSandwich(String str) +{ + if(this.startswith(""bread"") && this.endswith(""bread"")) + { + return; + } + + else + { + return """"; + } + + + + +} +" +da4574f7353df08a08a94943d6d9b2b9b7750327,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + + +} +" +772f6cae173a9b515e1f0bccfbeeaa17f10503c2,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +bd81f7aca5c1514b5f53247cdd0c2b4e80db130b,"public String getSandwich(String str) +{ + +int first = str.indexOf(""bread""); +int last = str.lastIndexOf(""bread""); +if (first == last) return """"; + +return str.substring(first + 5, last); + +} +" +b68763f7a1ad5f25d9d6185ceb2bb21d3ad3bcde,"public String getSandwich(String str) +{ + int first; + int last; + for (i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + +} +" +96ff9d3d10498a31de6dd5f3ba38eca7fca12188,"public String getSandwich(String str) +{ + int first; + int last; + int i = 0; + for (i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +9e8a95c6d75133bc2056453f70199ab0f0d273cf,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first == last) return """"; + return str.substring(first+5, last); +} +" +fd28379c70131a238743a63ac56f5efc5408e44d,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != -1 && last != -1 && first != last) + { + return str.substring(first+5, last); + } + else + { + return """"; + } +} +" +454a3e3ac0ce53ca2550359061bf20635e6ebf17,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((lain != -1) && (ind !=laind)) + return (str.substring(ind+5, laind)); + return """"; +} +" +9c24b8369b8c2179517844f0bda05060bc7abd02,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1) && (ind !=laind)) + return (str.substring(ind+5, laind)); + return """"; +} +" +803c3b7ab2f6984a216901319f02c8549f93ff24,"public String getSandwich(String str) +{ + int length = str.length(); + if ( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + return str.(5, (str.length - 5)); + } + else + { + return """" + } +} +" +af8e3c7907e251dbf30379edb87b205450db54ef,"public String getSandwich(String str) +{ + int length = str.length(); + if ( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + String filling = str.(5, (str.length - 5)); + return filling; + } + else + { + return """"; + } +} +" +9a54628c1a591b6d331e84c2b3690f0e183626d3,"public String getSandwich(String str) +{ + int length = str.length(); + if ( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + return str.(5, (str.length() - 5)); + } + else + { + return """"; + } +} +" +47d4d65505f1008d27bc0a3eae4f628c37fee2f2,"public String getSandwich(String str) +{ + int length = str.length(); + if ( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + return str.(5, (str.length() - 5)); + } + else + { + return """"; + } +} +" +d6e8f7f3a98ef31aace09b38a60b99fe53f1dad5,"public String getSandwich(String str) +{ + int length = str.length(); + if ( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + return str.(5, (int str.length() - 5)); + } + else + { + return """"; + } +} +" +d55c679b029bec8c99046cc4496f4e2664fa069b,"public String getSandwich(String str) +{ + int length = str.length(); + if ( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +19e98d91ddc29f007ef5bf5797df86c8801c5134,"public String getSandwich(String str) +{ + int length = str.length(); + boolean findingStart = true; + boolean findingEnd = true; + int i = 0; + int j = 5; + int back = length - 5; + while ( findingStart && i < length - 5) + { + if ( str.substring(i, i + 5).equals(""bread"") ) + { + findingStart = false; + while ( findingEnd && back > i ) + { + if( str.substring( back, + back + 5 ).equals(""bread"") ) + { + findingEnd = false; + } + else + { + j++; + back = length - j; + } + } + } + else + { + i++; + } + } + return str.substring( i + 5, j - 1 ); + +} +" +c0de443ad13953d176e7935cd0ba9a2f93e576ce,"public String getSandwich(String str) +{ + int length = str.length(); + boolean findingStart = true; + boolean findingEnd = true; + int i = 0; + int j = 5; + int back = length - 5; + while ( findingStart && i < length - 5) + { + if ( str.substring(i, i + 5).equals(""bread"") ) + { + findingStart = false; + while ( findingEnd && back > i ) + { + if( str.substring( back, + back + 5 ).equals(""bread"") ) + { + findingEnd = false; + } + else + { + j++; + back = length - j; + } + } + } + else + { + i++; + } + } + if ( !findingStart && !findingEnd ) + { + return str.substring( i + 5, j - 1 ); + } + else + { + return """"; + } + +} +" +882c611bcf837127da1b14055746e04bd1882f0a,"public String getSandwich(String str) +{ + int length = str.length(); + boolean findingStart = true; + boolean findingEnd = true; + int i = 0; + int back = length - 5; + while ( findingStart && i < length - 5) + { + if ( str.substring(i, i + 5).equals(""bread"") ) + { + findingStart = false; + while ( findingEnd && back > i ) + { + if( str.substring( + back - 1 ).equals(""bread"") ) + { + findingEnd = false; + } + else + { + back = back - 1; + } + } + } + else + { + i++; + } + } + if ( !findingStart && !findingEnd ) + { + return str.substring( i + 5, back - 1 ); + } + else + { + return """"; + } + +} +" +56217c1c27b4c43deb7981cab423af6d81eb8667,"public String getSandwich(String str) +{ + int length = str.length(); + boolean findingStart = true; + boolean findingEnd = true; + int i = 0; + int back = length - 5; + while ( findingStart && i < length - 5) + { + if ( str.substring(i, i + 5).equals(""bread"") ) + { + findingStart = false; + while ( findingEnd && back > i ) + { + if( str.substring( + back ).equals(""bread"") ) + { + findingEnd = false; + } + else + { + back = back - 1; + } + } + } + else + { + i++; + } + } + if ( !findingStart && !findingEnd ) + { + return str.substring( i + 5, back - 1 ); + } + else + { + return """"; + } + +} +" +f88b83b3ac0995e40460a1320f55fba5bac243f4,"public String getSandwich(String str) +{ + int length = str.length(); + boolean findingStart = true; + boolean findingEnd = true; + int i = 0; + int back = length - 5; + while ( findingStart && i < length - 5) + { + if ( str.substring(i, i + 5).equals(""bread"") ) + { + findingStart = false; + while ( findingEnd && back > i ) + { + if( str.substring( + back ).equals(""bread"") ) + { + findingEnd = false; + } + else + { + back = back - 1; + } + } + } + else + { + i++; + } + } + if ( !findingStart && !findingEnd ) + { + return str.substring( i + 5, back ); + } + else + { + return """"; + } + +} +" +55a716a3fb9740a46c316eb3d5298c22b5274947,"public String getSandwich(String str) +{ + int length = str.length(); + boolean findingStart = true; + boolean findingEnd = true; + int i = 0; + int back = length - 5; + while ( findingStart && i < length - 5) + { + if ( str.substring(i, i + 5).equals(""bread"") ) + { + findingStart = false; + while ( findingEnd && back > i ) + { + if( str.substring( + back, back + 5 ).equals(""bread"") ) + { + findingEnd = false; + } + else + { + back = back - 1; + } + } + } + else + { + i++; + } + } + if ( !findingStart && !findingEnd ) + { + return str.substring( i + 5, back ); + } + else + { + return """"; + } + +} +" +70b2ab830ccfefd9a236f2a11c4c62ad58a99336,"public String getSandwich(String str) +{ + String ss = str.subsrting(0,5); + return ss; +} +" +5c6572d43b4fbfb7f50c14f156db3b0287cd16d4,"public String getSandwich(String str) +{ + String ss = str.substring(0,5); + return ss; +} +" +4aa86705d1accec1d31af5fba01e3a6f860532bd,"public String getSandwich(String str) +{ + for(int i = 0; i 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +3033e2d0fbb4218cfbadee5be807361356a51a8e,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 4) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +61cb69fcb75dfcfd34917177887a882f4c577779,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) { + return """"; + } + else { + String otherStr = str.substring(4, str.length() - 5); + } +} +" +c48d67c5a30d022c9ded197f9cd16a661a52564e,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) { + return """"; + } + else { + String otherStr = str.substring(4, str.length() - 5); + return otherStr; + } +} +" +2394742371d557a5cad69a3edf77fb42734db292,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) { + return """"; + } + else { + String otherStr = str.substring(5, str.length() - 5); + return otherStr; + } +} +" +75f07d3d5bec161c6bd2d88cb76efb4480b11079,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; + +} +" +9225e1ca1529bc0a9151a3cbeebd7de87d2057d3,"public String getSandwich(String str) +{ + int First = str.indexOf(""bread""); + int Last = str.lastIndexOf(""bread""); + if(First != -1 && Last != -1 && iFirst != Last) + return str.substring(First+5, Last); + return """"; + +} +" +864417f9a882765eb54c9b5ca50b2032a7830775,"public String getSandwich(String str) +{ + int First = str.indexOf(""bread""); + int Last = str.lastIndexOf(""bread""); + if(First != -1 && Last != -1 && First != Last) + return str.substring(First+5, Last); + return """"; + +} +" +c75a5e6afdc8fefefc727934a9a838b24f0905f8,"public String getSandwich(String str) +{ + if (str.conatins(""bread"")) + { + return str.substring(str.indexOf(""bread"") + 5, str.indexOf(""bread"")) + } + else + { + return false; + } +} +" +35202c52448aa0bb41c3ad882a47178444ce2b6c,"public String getSandwich(String str) +{ + if (str.conatins(""bread"")) + { + return str.substring(str.indexOf(""bread"") + 5, str.indexOf(""bread"")); + } + else + { + return false; + } +} +" +15a1fc24adf8ec397c526512b5a1a9e544533731,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + return str.substring(str.indexOf(""bread"") + 5, str.indexOf(""bread"")); + } + else + { + return false; + } +} +" +ed6a351a1df2ce64c464115a72c71e5ef13b343a,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + return str.substring(str.indexOf(""bread"") + 5, str.indexOf(""bread"")); + } + else + { + return """"; + } +} +" +4e5530b31cd9eabc0873043a6ade6b92dc3df7a1,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + + } + else + { + return """"; + } +} +" +23ee209cf6eb1c7c7f02e5b4726f8b7e3322e3b8,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return ""8"" + } + else + { + return """"; + } +} +" +c4ca0060ea7eb89ddecfccd8da8ff32bb44e647f,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return ""8""; + } + else + { + return """"; + } +} +" +61bd9b24391a622957a7e4457d212be8dc16a7c1,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return str.indexOf(""bread""); + } + else + { + return """"; + } +} +" +14ced47f38f6da0c3afcc08c0bcb9ed96b5c73fe,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + System.out.print(str.indexOf(""bread"")); + return ""no""; + } + else + { + return """"; + } +} +" +1e09abba600ad3caa2ba9564ba696079e900a4c8,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return System.out.print(str.indexOf(""bread"")); + } + else + { + return """"; + } +} +" +88b052ebb6d61e82aabd507570009d07c170b276,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return System.out.println(str.indexOf(""bread"")); + } + else + { + return """"; + } +} +" +3c17f17f347849ae95f70abe8458fda6578713c1,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + String s = str.indexOf(""bread""); + } + else + { + return """"; + } +} +" +5f43b7be674b8cb4a49b0044ed7b0ba903f1b119,"public String getSandwich(String str) +{ + for (str.substring(0, n); int n < str.length(); n++) + for (str.substring(m, str.length); int m > 0; m++) + if (str.substring(m, str.length).startsWith(bread) && str.substring(0, n).endsWith(bread) + return str.substring(m, str.length) + str.substring(0, n); + return str +} +" +c3cc8e759784c04cc1d0f9588a44a11f24ca53e4,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return str.charAt(str.indexOf(""bread"")); + } + else + { + return """"; + } +} +" +56532175b5cfc94e1857e84d1b7c84fade573103,"public String getSandwich(String str) +{ + for (str.substring(0, n); int n < str.length(); n++) + { + for (str.substring(m, str.length); int m > 0; m++) + { + if (str.substring(m, str.length).startsWith(bread) && str.substring(0, n).endsWith(bread) + { + return str.substring(m, str.length) + str.substring(0, n); + } + } + } + return str +} +" +faba4f3badb403d92d12523b5a6dae622942a9ab,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") > 0) // if there are two peices of bread + { + return str.substring(str.indexOf(""bread"")); + } + else + { + return """"; + } +} +" +aa1cc3f441b37fc782ea3a3e5256688a63cdeff4,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first == last) return """"; + return str.substring(first+5, last); +} +" +3ece992fd98c6b747a364cbf90a8d65d6fff4668," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length()) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + + if (str.substring(i, i + 5).equals(""bread"")) && if (str.substring(i, i + 5).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + return """"; + +} +" +4c7fbfdf9327032608bd9fd0a0bf84ac0777f2d4," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length()) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + + if (str.substring(i, i + 5).equals(""bread"")) && if (str.substring(i, i + 5).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + return """"; + +} +" +dac732fd4164b5564762231d8df0d3ea58fbe631," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length()) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + + if (str.substring(i, i + 5).equals(""bread"")) && + if (str.substring(i, i + 5).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + return """"; + +} +" +f4f586ff37a781672c1f0779410a18bf3089c92e," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length()) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + + if (str.substring(i, i + 5).equals(""bread"") && + if (str.substring(i, i + 5).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + else + { + return """"; + } + +} +" +72db81d6567025e577eb2bb297ffde45b853a4ee," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length()) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + + if (str.substring(i, i + 5).equals(""bread"") && + str.substring(i, i + 5).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + else + { + return """"; + } + +} +" +35f5eebb8b7f23e927b1f1f5617d21f18a1b2079," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"") && + str.substring(i - 5, i).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + else + { + return """"; + } + } + + +} +" +7d492f4b370f52c5be1f66b1194bd70d30c8d6ef," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"") && + str.substring(i - 5, i).equals(""bread"")) + { + return str.substring(betweenStart, betweenEnd); + } + else + { + return """"; + } + } +} +" +401c64a1c19e57095ede39e4af2c7e6aa6d12af4,"public String getSandwich(String str) +{ + +} +" +8a3c71fd94c4a29fbdfb4866fc0dfb22302e4225,"public String getSandwich(String str) +{ + return str.subString(5); +} +" +9e9c401e91bce28253227450ff2b53536649071a,"public String getSandwich(String str) +{ + return str.substring(5); +} +" +0095459dec417407cb0a8afd4092df7b51a234a4,"public String getSandwich(String str) +{ + String sargon = str.substring(5); + return sargon.substring(sargon.length()-5, sargon.length()); +} +" +a72ed1071443096846791d41288398baf59da5c7,"public String getSandwich(String str) +{ + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + {return str.substring(5, 10);} + else + {return false;} +} +" +da51fd97f2eabb253501fecdabbcb3fe27f7a3b2,"public String getSandwich(String str) +{ + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + {return str.substring(5, 10);} + else + {return """";} +} +" +221586c5242bc9e195044bbb1f03f619891b4fd9,"public String getSandwich(String str) +{ + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + {return str.substring(5, 11);} + else + {return """";} +} +" +fe07a0905d5c98d7ade0a724d050de55578df50f,"public String getSandwich(String str) +{ + int indexOfBread = str.indexOf(""bread""); + + return String.valueOf(int); + +} +" +d49ca2da56aa9ddcbcb42dd5f16cff4f40dd8ebd,"public String getSandwich(String str) +{ + length = length(str); + if (startsWith(""bread"") && endsWith(""bread"")) + { + return substring (6, length-6); + } + else + { + return """"; + } +} +" +44c5b28952e2fd2a6fb04730f8e8e39e9aac56fb,"public String getSandwich(String str) +{ + int length = length(str); + if (startsWith(""bread"") && endsWith(""bread"")) + { + return substring (6, length-6); + } + else + { + return """"; + } +} +" +a4fc49d678981aa79282e9df71a890930fbe2e93," +public String getSandwich(String str) +{ + int betweenStart = 100; + int betweenEnd = 100; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + if (betweenStart != 100 && betweenEnd != 100) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +b54d4d6c8486a727525c533e653e09b2d1183a52,"public String getSandwich(String str) +{ + int length = str.length(); + if (startsWith(""bread"") && endsWith(""bread"")) + { + return substring (6, length-6); + } + else + { + return """"; + } +} +" +4b525307e38ae6ebcdce00aebe035075b66fd653," +public String getSandwich(String str) +{ + int betweenStart = 100; + int betweenEnd = 100; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + if (betweenStart != 100 && betweenEnd != 100 && + betweenStart != betweenEnd) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +62c6b22cdbfb0ab108b820bfedd69120d9ce74e5," +public String getSandwich(String str) +{ + int betweenStart = 100; + int betweenEnd = 100; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + if (betweenStart != 100 && betweenEnd != 100 && + betweenStart != betweenEnd) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +682fb0182b4f4e741725d28312069cce16a0d324,"public String getSandwich(String str) +{ + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + {return str.substring(5, 11);} + else + {return """";} +} +" +a33c7fc8acc1f93a5b1bf3d484a61c634eb695f6," +public String getSandwich(String str) +{ + int betweenStart = 100; + int betweenEnd = 100; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenEnd = i; + } + } + if (betweenStart != 100 && betweenEnd != 100) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +6c2ec077cef01223df29b04b6534ac992d78eb34,"public String getSandwich(String str) +{ + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + {return str.substring(5, 10);} + else + {return """";} +} +" +2aa96a45aab5ce98ada3c3a79f4ae6fa5cff8d17,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return substring (6, length-6); + } + else + { + return """"; + } +} +" +48c9b080b84306f043b61cf24fba6bec03c8e964,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(6, length-6); + } + else + { + return """"; + } +} +" +6641fcc6a800ff9ba84f01406ae0ed30f4b8ad1c,"public String getSandwich(String str) +{ + + return str; + +} +" +6d141b2be5327c43c4af02b737b086a0a4979c88,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, length-5); + } + else + { + return """"; + } +} +" +355fcb631db6192abe945bbf844ded7ae8cd57a2,"public String getSandwich(String str) +{ + String firstBread = str.substring(0, 6); + int length = str.length(); + boolean twoSlices = firstBread.equals(str.substring(length - 5, length + 1)); + + if (firstBread.equals(""bread"") && (twoSlices)) + { + return str.substring(5, length - 5); + } + else + { + return """"; + } +} +" +98041ef6075021f1614b85dfc8533d4decc5fb23,"public String getSandwich(String str) +{ + String firstBread = str.substring(0, 6); + int length = str.length(); + boolean twoSlices = firstBread.equals(str.substring(length - 5, length)); + + if (firstBread.equals(""bread"") && (twoSlices)) + { + return str.substring(5, length - 5); + } + else + { + return """"; + } +} +" +836acf65a0f3ad1ee8b8d01bfa2a9ca7618679c2,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread"") + int b = str.lastIndexOf(""bread"") + return str.substring(a + 5, b); + +} +" +be2c2c54e389db0127aeae3634c513211abce597,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + return str.substring(a + 5, b); + +} +" +1833e5c582365676b10e9f254a160c96414e1d73,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread != lastBread) + { + return str.substring(firstBread + 5, lastBread); + } + else + { + return """"; + } +} +" +b9cd7bef300538270cdf71da13d79bb8f4b435e6,"public String getSandwich(String str) +{ + String firstBread = str.substring(0, 5); + int length = str.length(); + boolean twoSlices = firstBread.equals(str.substring(length - 5, length)); + + if (firstBread.equals(""bread"") && (twoSlices)) + { + return str.substring(5, length - 5); + } + else + { + return """"; + } +} +" +0e0e1a5e9240e49cc508d61601fd57ee550da697,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + if (!a = -1 || !b = -1){ + return "" ""; + } + return str.substring(a + 5, b); + +} +" +79b8b2bd19b6a4e5d279907caa23c868f6ddd085,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + if ( ! a = -1 || ! b = -1){ + return "" ""; + } + return str.substring(a + 5, b); + +} +" +30b665812b1d2a299f860225391f0965d56a333b,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + if ( a = -1 || b = -1){ + return "" ""; + } + return str.substring(a + 5, b); + +} +" +24eefa6260d74ef79a1676b3ec96cceaa71f6d43,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length > 10) + { + String firstBread = str.substring(0, 5); + boolean twoSlices = firstBread.equals(str.substring(length - 5, length)); + } + else + { + return """"; + } + + if (firstBread.equals(""bread"") && (twoSlices)) + { + return str.substring(5, length - 5); + } + else + { + return """"; + } +} +" +8a1ad824e9c741767ff8a7097caf0b53d5f4cbca,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length > 10) + { + String firstBread = str.substring(0, 5); + boolean twoSlices = firstBread.equals(str.substring(length - 5, length)); + if (firstBread.equals(""bread"") && (twoSlices)) + { + return str.substring(5, length - 5); + } + else + { + return """"; + } + } + else + { + return """"; + } + + +} +" +9fe90b3f3fd010ed98d0ca228f53bc3658f2f395,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + if ( a == -1 || b == -1){ + return "" ""; + } + return str.substring(a + 5, b); + +} +" +b44242eed6afe6ce0d75dee063aedb4d9da66c1e,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + if ( a == -1 || b == -1){ + return """"; + } + return str.substring(a + 5, b); + +} +" +1c89addd8a8f00e2b07528a1e0cc0590ed90248f,"public String getSandwich(String str) +{ + int a = str.indexOf (""bread""); + int b = str.lastIndexOf(""bread""); + if ( a == -1 || b == a){ + return """"; + } + return str.substring(a + 5, b); + +} +" +8e0737548f3799b99c7824f9034aa65fcdf2acb2,"public String getSandwich(String str) +{ + if (str.substring(0, 5)equals.str.subtring(string.length()-5 && + str.substring(0, 5)equals.""bread"") + { + return str.substring(5, string.length() -6); + } + else + { + return "" "" + } +} +" +3217c2825cb43c86de829344fcb1ec180c916a87,"public String getSandwich(String str) +{ + if (str.substring(0, 5)equals.str.subtring(string.length()-5 && + str.substring(0, 5)equals.""bread"") + { + return str.substring(5, string.length() -6); + } + else + { + return "" ""; + } +} +" +32d90c2afa95211fceab4968a09e6c72157b6d93,"public String getSandwich(String str) +{ + if(str.substring(0, 5).equals(""bread"") && str.substring(str.length()-5,str.length()).equals(""bread"")) + return (str.substring(5, str.length()-5)); + else + return """"; + +} +" +9cdf80e5a6fac692e2539837f9e5d5001e92e27f,"public String getSandwich(String str) +{ + if (str.substring(0, 5)equals.str.subtring(string.length()-5) && + str.substring(0, 5)equals.""bread"") + { + return str.substring(5, string.length() -6); + } + else + { + return "" ""; + } +} +" +8eb240e0f2f6796147e1479882786861d9d1662c,"public String getSandwich(String str) +{ + if (str.substring(0, 5)equals.str.subtring(string.length()-5) && + str.substring(0, 5)equals.""bread"") + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +93863388840f81d7908c7d7a89656239138cf68f,"public String getSandwich(String str) +{ + if (str.substring(0, 5)equals.(str.subtring(string.length()-5)) && + str.substring(0, 5)equals.(String ""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +1afa6b149baaba89ad7d23be5d17c27b5d089063,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(string.length()-5)) && + str.substring(0, 5).equals(String ""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +d8b1fe389db3ee1c4bd428e694e5884a6404322a,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(string.length()-5)) && + +str.substring(0, 5).equals(String ""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +6900b5a7a49d040e537d939273ca0239592c7955,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(string.length()-5)) + && str.substring(0, 5).equals(String ""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +727c7696237765bac66a84f74fe4087e0415d83b,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(string.length()-5)) + + && str.substring(0, 5).equals(String ""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +fb5b25696a5b31c16ea829fbee8ac6773ac860e8,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(string.length()-5))+ + + && str.substring(0, 5).equals(String ""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +deefa71ce7e180ce5313bf1c5406619c625d8461,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(string.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +df45d1f4b7f0d371750165201aa435e3795680d5,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.subtring(str.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +49c36e254939b9844435204fd006f6529c1fd719,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.substring(str.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, string.length() -6); + } + else + { + return """"; + } +} +" +a4a2d962cdb1bf5e798a44645445350677cdcfbc,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.substring(str.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, str.length() -6); + } + else + { + return """"; + } +} +" +aef5a72a00203bc026f832a704bef6b3ff0425e0,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + if (str.charAt(i).equals(b) && str.charAt(i+5).equals(d)) + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + if(str.charAt(j).equals(""b"") && str.charAt(j+5).equals(""d"")) + { + end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +7cd4846ba906601803100c508b3d22cb7bda06d3,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + String firstBeg = str.charAt(i); + String firstEnd = str.charAt(i+5); + if (firstBeg.equals(""b"") && firstEnd.equals(""d"")) + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + String secondBeg = str.charAt(j); + String secondEnd = str.charAt(j+5); + if(secondBeg.equals(""b"") && secondEnd.equals(""d"")) + { + end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +54f9679fc27d472c716719b642ff385b0bf6a530,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+5); + if (firstBeg.equals(""b"") && firstEnd.equals(""d"")) + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+5); + if(secondBeg.equals(""b"") && secondEnd.equals(""d"")) + { + end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +2df8fe97fa91e05702b3a37cf714331fb0d84f6f,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+5); + if (firstBeg == ""b"" && firstEnd == ""d"") + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+5); + if(secondBeg.equals(""b"") && secondEnd.equals(""d"")) + { + end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +f4debfe3fa48ce80151a68ccef250d4bc9df4052,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +a69d27c25181765e6bab5fe11e85500772ed58f5,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +47a319bfdd1f94081ff2b780baa286db7c9ae2fc,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 5) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +264d3e948dfb4e8d6da6560a73b6efda04a3d6eb,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 5) == ""bread"") + { + return str.substring(5, str.length() - 5); + } + else { + return """"; + } +} +" +13463d99e61aa4dd6f5e793de1d4350ffe2e4237,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+5); + if (firstBeg == 'b' && firstEnd == 'd') + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+5); + if(secondBeg.equals('b') && secondEnd.equals('d')) + { + end = j; + } + } + afterBread = str.substring(beginnng, end); + } + return afterBread; +} +" +1cb11dc2a8daf08c5b6af9e83f1c99ccef21d2d2,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +161a5bb7c9824c72c93281263a10e75d31355b72,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6, str.length() - 1) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return """"; + } +} +" +bfbce591f6a6c2894675335227b3a3605f31671b,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+5); + if (firstBeg == 'b' && firstEnd == 'd') + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+5); + if(secondBeg == 'b' && secondEnd == 'd') + { + end = j; + } + } + afterBread = str.substring(beginng, end); + } + return afterBread; +} +" +0a4d7aee449450431db0efcda5856b22d973b605,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6, str.length() - 1) == ""bread"") + { + return str.substring(5, str.length() - 6); + } + else { + return str.substring(5, str.length() - 6); + } +} +" +68509cfb39d0135b968a5b42cacdf1db40e56fbd,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+5); + if (firstBeg == 'b' && firstEnd == 'd') + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+5); + if(secondBeg == 'b' && secondEnd == 'd') + { + end = j; + } + } + afterBread = str.substring(beginning, end); + } + return afterBread; +} +" +6d2c684e8bcd7a91c93e97bc1cd38b01adee6fc1,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 6, str.length() - 1) == ""bread"") + { + return str.substring(5, str.length() - 5); + } + else { + return str.substring(5, str.length() - 5); + } +} +" +104631617703ff155f26b9c22b4948b0a01935f6,"public String getSandwich(String str) +{ + if(str.length() > 10 && + str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 5, str.length() - 1) == ""bread"") + { + return str.substring(5, str.length() - 5); + } + else { + return """"; + } +} +" +bd56eae18b9276f0fb515a20bc9ac1596287b34a,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+4); + if (firstBeg == 'b' && firstEnd == 'd') + { + beginning = i+5; + } + } + for (int j = x/2; j < x; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+4); + if(secondBeg == 'b' && secondEnd == 'd') + { + end = j; + } + } + afterBread = str.substring(beginning, end); + } + return afterBread; +} +" +76cb840e98d11d6d60983647cedca6399e3ae31c,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 1; i < str.length() - 5; i++) + { + if(str.substring(i, i+5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + + } + } + if(first != -1 && last != -1 && first != last) + return str.substring(first +5, last); + return """"; +} +" +63f080d3808e354dbbd0cfc9b831c01a4a7d7355,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x >= 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+4); + if (firstBeg == 'b' && firstEnd == 'd') + { + beginning = i+5; + } + } + for (int j = x/2; j < x-1; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+4); + if(secondBeg == 'b' && secondEnd == 'd') + { + end = j; + } + } + afterBread = str.substring(beginning, end); + } + return afterBread; +} +" +75e5215f5c6afb22f8a1590fbe152ceef12cfbb3,"public String getSandwich(String str) +{ + int x = str.length(); + int beginning = 0; + int end = 0; + String afterBread = """"; + if (x > 10) + { + for (int i = 0; i < x/2; i ++) + { + char firstBeg = str.charAt(i); + char firstEnd = str.charAt(i+4); + if (firstBeg == 'b' && firstEnd == 'd') + { + beginning = i+5; + } + } + for (int j = x/2; j < x-1; j++) + { + char secondBeg = str.charAt(j); + char secondEnd = str.charAt(j+4); + if(secondBeg == 'b' && secondEnd == 'd') + { + end = j; + } + } + afterBread = str.substring(beginning, end); + } + return afterBread; +} +" +a88d5d5fde9b53d67c366418e4eaeefcc99a3c47,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind - str.lastIndexOf(""bread""); + if ((laind != -1) && (ind!=laind)) + return(str.substring(ind+5, laind)); + return """"; +} +" +91e13d1e3f8c042194b3970306b1491287bb9cea,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind - str.lastIndexOf(""bread""); + if ((laind != -1) && (ind!=laind)) + { + return(str.substring(ind+5, laind)); + } + return """"; +} +" +b5f8e2cfba8691e1bec14e4e29989a80de9c5e3b,"public String getSandwich(String str) +{ + if (str = """") + { + return String """"; + } + else + { + return str.substring(); + } +} +" +a72c5f5d654b07fe394e8412ae7e11862f49c904,"public String getSandwich(String str) +{ + if (str = """") + { + return String "" ""; + } + else + { + return str.substring(); + } +} +" +6b6a848022824e50bdef3ea508290457de1fe351,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 6) = ""bread"") + { + for (int j = i; j < str.length()-5; j++) + { + if (str.substring(j, j + 6) == ""bread) + { + return str.substring(i + 1, j); + } + } + } + } + } + return """"; +} +" +fb1ca21d2cf914a627d18620bad7233b76015026,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finishg = 0; + boolean found = false; + + if (len<=10) + { + return """"; + } + for (int i = 0; i< len=4; i ++) + { + tmpString = str.substring(i, i+5); + if(tmpString.equals(""bread"") && found == true) + { + finish = i; + } + if (tmpString.equals(""bread"") && found = false) + { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; + +} +" +8c3938b3271e7c78491d0a77d6c52b4e34b47cb6,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 6) = ""bread"") + { + for (int j = i; j < str.length()-5; j++) + { + if (str.substring(j, j + 6) == ""bread"") + { + return str.substring(i + 1, j); + } + } + } + } + } + return """"; +} +" +878293d690c43f9b03c903b58f789f9e43310c27,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 6) == ""bread"") + { + for (int j = i; j < str.length()-5; j++) + { + if (str.substring(j, j + 6) == ""bread"") + { + return str.substring(i + 1, j); + } + } + } + } + } + return """"; +} +" +99b7a6cd0e836f4243444fbf719b511b6a7e6a92,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 6) == ""bread"") + { + for (int j = i; j < str.length()-5; j++) + { + if (str.substring(j, j + 6) == ""bread"") + { + return str.substring(i + 1, j); + } + } + } + } + } + return """"; +} +" +85de88897fea99749730584cc3eb45360f6b35d0,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 6) == ""bread"") + { + for (int j = str.length(); j > i + 6; j--) + { + if (str.substring(j - 6, j) == ""bread"") + { + return str.substring(i + 1, j - 6); + } + } + } + } + } + return """"; +} +" +f527d855cc59b9c41638edce389e5da314b12a53,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """"; +} +" +77831586e8e4f88c7d29ed3a502308124c216699,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + + for(int i = 1; i < str.length() - 5; i++) + { + if(str.substring(i, i+5).equals(""bread"")) + { + first = i; + break; + } + } + + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + + } + } + if(first != -1 && last != -1 && first != last) + return str.substring(first +5, last); + return """"; +}" +8ab02fd3e7a3465e291133cc0404508031e621cd,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """";*/ + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } +} +" +47db2313e7725b911cf0da238f8e313a6d09097b,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """";*/ + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + return """"; +} +" +627331e8441b024e5a4a41b04ab305d1fc552511,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """";*/ + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + sad = false; + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } +} +" +bfa2e90e5bdc5294c30c4cb7e5d78b60fca18b67,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """";*/ + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } + else { + return str.substring(i+5); + } +} +" +2c473ea11c92a71625158369d3ca0d5c909d8cc2,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """";*/ + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } + else { + return str.substring(0); + } +} +" +2e4500038faeda24aa910cac91adab1b17cb9925,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """"; + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } + else { + return str.substring(0); + }*/ + return str.substring(0, 5); +} +" +c787dff49a6ab83c6c4cec2778d859807ce8a057,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """"; + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } + else { + return str.substring(0); + }*/ + if (str.substring(i, i + 5) == ""bread"") + { + return ""bread""; + } + else { + return """"; + } +} +" +2fec9a6c2002929e39e9f2fc416c826a5e6fdee8,"public String getSandwich(String str) +{ + String bread = ""bread""; + System.out.println(str.substring(""bread"", ""bread""); + +}" +2ca3c3ea3220ad273b176cc046b671840c54a4ce,"public String getSandwich(String str) +{ + String bread = ""bread""; + System.out.println(str.substring(""bread"", ""bread"")); + +}" +01b1dbf03b8fb9bb48e98d03bec8530ffbccdcaa,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """"; + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } + else { + return str.substring(0); + }*/ + + if (str.substring(0, 5) == ""bread"") + { + return ""bread""; + } + else { + return """"; + } +} +" +eb0a19fc797598def46cecd2129299856a5ad8e1,"public String getSandwich(String str) +{ + /**if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j) == ""bread"") + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """"; + boolean sad = true; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5) == ""bread"") + { + return str.substring(i+5); + } + } + if (sad) + { + return """"; + } + else { + return str.substring(0); + }*/ + + if (str.substring(0, 5).equals(""bread"")) + { + return ""bread""; + } + else { + return """"; + } +} +" +20ef1f20193b0592729769f72678fbe588e15fc2,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j).equals(""bread"")) + { + return str.substring(i + 1, j - 5); + } + } + } + } + } + return """"; +} +" +5feb135a85ee37f840caad01e9d09a3f4cba182a,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + for (int j = str.length(); j > i + 5; j--) + { + if (str.substring(j - 5, j).equals(""bread"")) + { + return str.substring(i + 5, j - 5); + } + } + } + } + } + return """"; +} +" +20a5a371c07f18d0ff08f25ba4963636d8613a01,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(4).equals(""bread"") + && str.substring(x-5).equals(""bread"") ) + { + return str.substring(4,x-5); + } + else + { + return """"; + } + } +} +" +45728eb90ad005e46ff7079816de4525ff4cd3ea,"public String getSandwich(String str) +{ + String bread = ""bread""; + System.out.println(str.indexOf(""bread""); + +}" +56222ed9ff50cceac4a5dff4de70eba67484512b,"public String getSandwich(String str) +{ + String bread = ""bread""; + System.out.println(str.indexOf(""bread"")); + +}" +0aa0681cfd764d7874755e0ebba713a870c60f7f,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(4).equals(""bread"") + && str.substring(x-5).equals(""bread"") ) + { + return str.substring(4,x-5); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +680147f7c0b60c98bdd1460468fd363db248337a,"public String getSandwich(String str) +{ + String bread = ""bread""; + System.out.println(str.indexOf(""bread"")); + return str; +}" +b1781cd72e8ffb432d095518c7261064150cd0ea,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(4).equals(""bread"") + && str.substring(x-5).equals(""bread"") ) + { + return str.substring(4, x-5); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +0dae292ce6baed5764a7a2ae9d3444844fde3f27,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(4).equals(""bread"") + && str.substring(x-4).equals(""bread"") ) + { + return str.substring(4, x-4); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +f38ae4599b2e162caa110095ca8de5420f53c54e,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(0, 4).equals(""bread"") + && str.substring(x-4).equals(""bread"") ) + { + return str.substring(4, x-4); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +d13b0984d4dbb3a01476fa93bcee1003524039f3,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(0, 5).equals(""bread"") + && str.substring(x-5).equals(""bread"") ) + { + return str.substring(4, x-5); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +57110579c2f24d2f89e872b5ebe8b072ce2abf49,"public String getSandwich(String str) +{ + int x = str.length(); + if (x > 10 ) + { + if ( str.substring(0, 5).equals(""bread"") + && str.substring(x-5).equals(""bread"") ) + { + return str.substring(5, x-5); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +8adf1c7694e6ead73fbedadb17cd3985feb969a9,"public String getSandwich(String str) +{ + String startStr = """"; + String finalsStr = """"; + int start = 0; + int finish = 0; + boolean isSandwhich = false; + + for (int i = 0; i < str.length() - 4; i++) + { + startStr = str.substring(i, i+5); + if (startStr.equals(""bread"") && !isSandwhich) + { + finish = i; + } + if (startStr.equals(""bread"") && isSandwhich) + { + start = i + 5; + isSandwich = false; + } + } + + finialStr = str.substring(start, finish); + return = finialStr; +} +" +61ae7c0d11b1ac1e8d8ffcc8626345d842b898a9,"public String getSandwich(String str) +{ + String first3 = str.substring(0, 3); + String bread = ""bread""; + int length = str.length(); + + if (!first3.equals(bread) || !str.endsWith(bread)) + return """"; + else if (first3.equals(bread) && str.endsWith(bread)) + { + length-=3; + return (str.substring(3, length)); + } + +} +" +9a629164348917d6b446aaa8b7c2f1dd862dde65,"public String getSandwich(String str) +{ + String first3 = str.substring(0, 3); + String bread = ""bread""; + int length = str.length(); + + if (!first3.equals(bread) || !str.endsWith(bread)) + return """"; + else + { + length-=3; + return (str.substring(3, length)); + } + +} +" +14fc1f321e387a2e3c1808929c458a527fb34887,"public String getSandwich(String str) +{ + String first3 = str.substring(0, 3); + String bread = ""bread""; + int length = str.length(); + + if (!first3.equals(""bread"") || !str.endsWith(""bread"")) + return """"; + else + { + length-=3; + return (str.substring(3, length)); + } + +} +" +1773a40b3a40558d159b7c3ad4b77bc7725777f4,"public String getSandwich(String str) +{ + String first5 = str.substring(0, 5); + String bread = ""bread""; + int length = str.length(); + + if (!first5.equals(""bread"") || !str.endsWith(""bread"")) + return """"; + else + { + length-=5; + return (str.substring(5, length)); + } + +} +" +4d781e1df1a246497f13d8a05fbb0126eee8d22c,"public String getSandwich(String str) +{ + + String bread = ""bread""; + int length = str.length(); + + if (length < 10 ) + return """"; + else + { + + length-=5; + return (str.substring(5, length)); + } + +} +" +0a5b877dfcb2792c03f6f10ce52dbecc7c1de49b,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 1, lastIndex - 1); + } + else + { + return """"; + } +} +" +82a513a31cfbc576d369259db77e8cf360273d16,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex, lastIndex); + } + else + { + return """"; + } +} +" +9d169d4474cbac8d504a7b7a0336521f9c57d81f,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex, lastIndex); + } + else + { + return """"; + } +} +" +ddbc0bfc53fc06aabcd7e10df448d619e3ec76d0,"public String getSandwich(String str) +{ + + String bread = ""bread""; + int length = str.length(); + + if (length < 10 ) + return """"; + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } + +} + +public String breadS(String start) +{ + int length = start.length(); + for (int c = 1; !start.startsWith(""bread"") && length > 10 ; ); + { + start = start.substring(c, length); + int length = start.length(); + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +97cd70cf646abd77134f5a52cd1ec3e3342df2ca,"public String getSandwich(String str) +{ + + String bread = ""bread""; + int length = str.length(); + + if (length < 10 ) + return """"; + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } + +} + +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + start = start.substring(1, length); + int length = start.length(); + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +04bfe8070a3b4d3e0fa20c964a125dc102fd13cc,"public String getSandwich(String str) +{ + + String bread = ""bread""; + int length = str.length(); + + if (length < 10 ) + return """"; + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } + +} + +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + start = start.substring(1, length); + length = start.length(); + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +2ee49043d1ffd50879a3f31f07a164691b10e76c,"public String getSandwich(String str) +{ + str = str.toLowerCase(); + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, lenght-5) + } + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } + +} + +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + start = start.substring(1, length); + length = start.length(); + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +4f43c78dbb90ec12fcd806a496cfb0d05353f421,"public String getSandwich(String str) +{ + str = str.toLowerCase(); + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, lenght-5); + } + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } + +} + +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + start = start.substring(1, length); + length = start.length(); + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +0efa51a762027d2b76c4cdaf3aadb447e7d70a91,"public String getSandwich(String str) +{ + str = str.toLowerCase(); + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } + +} + +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + start = start.substring(1, length); + length = start.length(); + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +0c47cd079c3edb0888796389ba929f1bc04fb721,"public String getSandwich(String str) +{ + str = str.toLowerCase(); + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + if (start.charAt(1) != 'b') + { + start = start.substring(1, length); + length = start.length(); + } + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +cbc323dab872567bd5341b4e642d50e86affb123,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + str = breadS(str); + str = breadE(str); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} +public String breadS(String start) +{ + int length = start.length(); + while (!start.startsWith(""bread"") && length > 10); + { + if (start.charAt(1) != 'b') + { + start = start.substring(1, length); + length = start.length(); + } + } + + return start; +} + + + + public String breadE(String start) +{ + int length = start.length(); + for (int c = 1; !start.endsWith(""bread"") && length > 10 ; ); + { + + start = start.substring(0, length); + length--; + } + + return start; +} +" +6517a703c515af1d501bfdcbc5d12282d3a5fc51,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + while (!str.startsWith(""bread"") && length > 10); + { + if (str.charAt(1) != 'b') + { + str = str.substring(1, length); + length = str.length(); + } + } + while (!str.endsWith(""bread"") && length > 10); + { + + str = str.substring(0, length); + length--; + } + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +cc43e73d9e76d25feb447ca82aeffb9d3293febd,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + while (!str.startsWith(""bread"") && length > 10); + { + if (str.charAt(0) != 'b') + { + str = str.substring(1, length); + length = str.length(); + } + } + while (!str.endsWith(""bread"") && length > 10); + { + + str = str.substring(0, length); + length--; + } + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +2a5ca31366e8af92412d69818953bf19e4ff1f7b,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + while (!str.startsWith(""bread"") && length > 10); + { + str = str.substring(1, length); + length = str.length(); + } + } + while (!str.endsWith(""bread"") && length > 10); + { + + str = str.substring(0, length); + length--; + } + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +55b4efaddd37726300ea75b0481b9973a139e96b,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + { + while (!str.startsWith(""bread"") && length > 10); + { + str = str.substring(1, length); + length = str.length(); + + } + while (!str.endsWith(""bread"") && length > 10); + { + + str = str.substring(0, length); + length--; + } + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +302fa364a7b05bfe03285010c0a4e0070c6762ed,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + + else + { + while (!str.startsWith(""bread"") && length > 10); + { + str = str.substring(1, length); + length = str.length(); + + } + while (!str.endsWith(""bread"") && length > 10); + { + length--; + str = str.substring(0, length); + + } + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +3791eb4e7107679f600c37504afa882033a14fd2,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + + else + { + while (!str.startsWith(""bread"") && length > 10); + { + str = str.substring(1, length); + length = str.length(); + + } + length = str.length(); + while (!str.endsWith(""bread"") && length > 10); + { + length--; + str = str.substring(0, length); + + } + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +210b66a78774f3373659150bd40da94c28bbbeee,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + + else + { + while (!str.startsWith(""bread"") && length > 10); + { + str = str.substring(1, length); + length = str.length(); + + } + + length = str.length(); + while (!str.endsWith(""bread"") && length > 10) + { + length--; + str = str.substring(0, length); + } + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +ab05dafbcd4067e0ccaa160a32c0e68c7e655561,"public String getSandwich(String str) +{ + int length = str.length(); + + if (length < 10 ) + return """"; + + else if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + + else + { + while (!str.startsWith(""bread"") && length > 10) + { + str = str.substring(1, length); + length = str.length(); + + } + + length = str.length(); + while (!str.endsWith(""bread"") && length > 10) + { + length--; + str = str.substring(0, length); + } + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(5, length-5)); + } + else + return """"; + } +} + +" +cab681aafd8aac2122de1ae7d487170eeeff995e,"public String getSandwich(String str) { + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } +} + +24 + finalString = str.substring(start,finish); +25 + return finalString; +26 +} + +" +2dacc66bce2ed56b0b2bea526b798e310c0d6d63,"public String getSandwich(String str) { + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + + finalString = str.substring(start,finish); + return finalString; +} + +" +b1397e2263c41dd674235a9174550c6e4894b84f,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"")) == str.lastIndexOf(""bread"") + return """"; + +} +" +83f5bf7bc8953eb2e162f5705b889380c91a2e02,"public String getSandwich(String str) +{ if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + return """"; + +} +" +26d79c3aa7157840c1f10223fdb861285ba7e5bf,"public String getSandwich(String str) +{ if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) +{ + return """"; +} +} +" +b23012b5d1789015c889d5425aa032f416096e61,"public String getSandwich(String str) +{ + int length = str.length(); + String temporaryString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (length <= 10) + { + for (int i = 0; i < length - 4; i++) + { + temporaryString = str.substring(i, i + 5); + if (temporaryString.equals(""bread"") && found == true) + { + finish = i; + } + else if (temporaryString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + } + finalString = str.substring(start, finish); + return finalString; + } +} +" +13de8f2e3ef545457631982969352437e0673259,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) return """"; + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))) +} +" +40117d900d727e4430a3541750c215543a221bce,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) return """"; + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); +} +" +c904ac0e2036f563bc2f69dc75a711c819d49e8c,"public String getSandwich(String str) +{ + int length = str.length(); + String temporaryString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (length <= 10) + { + return """"; + for (int i = 0; i < length - 4; i++) + { + temporaryString = str.substring(i, i + 5); + if (temporaryString.equals(""bread"") && found == true) + { + finish = i; + } + else if (temporaryString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + } + finalString = str.substring(start, finish); + return finalString; + } +} +" +795ad29d879402eb88c4e2a25d1e2f470e7cbb89,"public String getSandwich(String str) +{ + int length = str.length(); + String temporaryString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 4; i++) + { + temporaryString = str.substring(i, i + 5); + if (temporaryString.equals(""bread"") && found == true) + { + finish = i; + } + else if (temporaryString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + } + finalString = str.substring(start, finish); + return finalString; +} +" +bb2f849107c104ddefb5c07f26a87884174c3053,"public String getSandwich(String str) +{ + str.startsWith(""bread""); +} +" +8782ee063cfcd336ccdff588862740895cd3f204,"public String getSandwich(String str) +{ + String word = str.startsWith(""bread"").endsWith(""bread""); + return bread; +} +" +d2d9966738357aa4f0d36ae4f56dcb65e7fb7249,"public String getSandwich(String str) +{ + String word = str.startsWith(""bread"").endsWith(""bread""); + return word; +} +" +396fb6fd2bfca73860cb9e9bbff845e0620ff808,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(4, -5); + } + else + { + return """"; + } +} +" +80f0ba90bf7223bc09bfd9eb5e80da5daa5ae98e,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(4, -4); + } + else + { + return """"; + } +} +" +4c63389f5de88509ae3a199cda1ebda5dbebdcfb,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(4); + } + else + { + return """"; + } +} +" +5ee8c641c8fcbb8931203ea46d4f9ed31c4b0414,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, -5); + } + else + { + return """"; + } +} +" +854ea76e8f0a41812f9c2c528b11b77cf8e86967,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int x = str.length(); + return str.substring(5, x-5); + } + else + { + return """"; + } +} +" +75439da8a46cec7592cf2097502327f16d007e63,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && str.endsWith(bread)) + return str.substring(5, b); + return """"; +} +" +5b5f35c0c69fd479972c30a836b44d645c0a313a,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && str.endsWith(bread)) + return str.substring(5, 6); + return """"; +} +" +f6eac6faebbb2703103337d2bea809b015ca7edb,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).beginsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+5, y-5); + break; + } + } + return newst; +} +" +7f172e49fbef83fa2150c0abb5e9d15001a1baad,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+5, y-5); + break; + } + } + return newst; +} +" +1d18e515603a6228f829d9faa4ad1d8b7f7f0e45,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+5, y-5); + } + } + return newst; +} +" +bb1dddad10806ac27ebea36b5c670e86fcb5df52,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+5, y-3); + } + } + return newst; +} +" +ad2a76804c47a81fca74759bb7f6c957b7aece12,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+5, y-5); + } + } + return newst; +} +" +e70b2bc720584bbbbfc6fc8a027916f3c0f05718,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+3, y-5); + } + } + return newst; +} +" +9f6ec63fad4dd540e462019374d1a010d62d6ed8,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+str.substring(x+5, y-5); + } + } + return newst; +} +" +97e2e2e11f20a1eb032fc943d17d5247b8a6240a,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if(x != -1 && y != -1 && x != y) + { + return str.substring(x + 5, y) + } + else + { + return """"; + } +} +" +a148ce913ceeaaad7501ed78c959027f9c6693e3,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if(x != -1 && y != -1 && x != y) + { + return str.substring(x + 5, y); + } + else + { + return """"; + } +} +" +648c3cdabe6092fa29e3a7e236caf0909ae8a66c,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+ str.substring(x+5, y-5); + } + } + return newst; + return str.substring(5, -5); +} +" +2d024ef814541e6445c47635e9b4fc237783f2d4,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+ str.substring(x+5, y-5); + } + } + return newst; + return str.substring(5, str.length()-5); +} +" +d35ceea1a0610d33d46bf0e9469f884897033a54,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+ str.substring(x+5, y-5); + } + } + return str.substring(5, str.length()-5); +} +" +ff14312e904cc8e086517c21999a54e8488ed65d,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+ str.substring(x+5, y-5); + } + } + return str.substring(4, str.length()-5); +} +" +919cd1817602d8f602c270e08c8eded56202876c,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + return newst+ str.substring(x+5, y-5); + } + } + return str.substring(4, str.length()); +} +" +a5c278e8c36c370f431a429a63df18d4113d2e78,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x+5, y-5); + return newst; + } + } + return newst; +} +" +a9eecd3364cac634b220b13df19fd91d2b4997d8,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + + return str.substring(0, y); +} +" +459dfe61de001bd343f122f33be1671e096830ab,"public String getSandwich(String str) +{ + int firstPiece = str.indexOf(""bread""); + int secondPiece = str.lastIndexOf(""bread""); + if (firstPiece == secondPiece) + return """"; + else + return str.substring(firstPiece, secondPiece); + +} +" +2bc6350e7c3ca9a7b9b4824971376192a7b50445,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x+5, y-5); + break; + } + } + + return str.substring(0, y); +} +" +2dfde9b5c98f7e3acee857cdf015c8fa58a08264,"public String getSandwich(String str) +{ + int firstPiece = str.indexOf(""bread""); + int secondPiece = str.lastIndexOf(""bread""); + if (firstPiece == secondPiece) + return """"; + else + return str.substring(firstPiece + 1, secondPiece); + +} +" +aaede2fce9fcf55437a6ab83e6744c3a3e705f42,"public String getSandwich(String str) +{ + int firstPiece = str.indexOf(""bread""); + int secondPiece = str.lastIndexOf(""bread""); + if (firstPiece == secondPiece) + return """"; + else + return str.substring(firstPiece + 5, secondPiece); + +} +" +0d81358fc282f4dcb1f0e0579165d3fab7c9525f,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(0, y); + break; + } + } + +} +" +63bf0a1e9e8aad6350beb0b1ed94cb7fa2e5fb87,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length() -1; + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(0, y); + break; + } + } + return newst; + +} +" +1c58496279abbf0848634f31a24432112ee4eccd,"public String getSandwich(String str) +{ + String middle; + String bread = bread; + if (str.startsWith(bread) && str.endsWith(bread)) + { + int length = str.length(); + int end = length - 5; + middle = str.substring(5, end); + } + else + { + middle = """"; + } + return middle; +} +" +dabddfd824fe5dfd98af9bc701af98018e2b7d6c,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + if (str.startsWith(bread) && str.endsWith(bread)) + { + int length = str.length(); + int end = length - 5; + middle = str.substring(5, end); + } + else + { + middle = """"; + } + return middle; +} +" +4056fdcdb24bb03c71f28a3e381ea7df4af598cf,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x, y-x); + break; + } + } + return newst; + +} +" +e68231b80aea84e7b9fd1c89f8fb94c95f5f7583,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x+5, y-x)-5; + break; + } + } + return newst; + +} +" +e782ece288329ecabe149e72d62b9e97e0a79cbe,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x+5, y-x-5); + break; + } + } + return newst; + +} +" +99075f767cc5ccd6245a8dac508d879da6bc7a36,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length()) + { + break; + } + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x+5, y-x-5); + break; + } + } + return newst; + +} +" +e7b2842f8ec2b12c2482a433e87b2124c4db1c11,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x, y-x).startsWith(""bread"") + && str.substring(x, y-x).endsWith(""bread"")) + { + newst = newst+ str.substring(x+5, y-x-5); + break; + } + } + return newst; + +} +" +5c76efeda54f4a3c9724960e3dc027d77977a5bb,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x, y-a); + break; + } + break; + } + } + return newst; + +} +" +cdcf1c145179eccf6427d470f0db44fd4bbad69c,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x, y-a); + break; + } + break; + } + } + } + return newst; + +} +" +7105c84d110d2f4740e1c037ef83879b60167722,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x+5, y-a-5); + break; + } + break; + } + } + } + return newst; + +} +" +2876961972fa5075c318e0aaff30f2b02b1bb759,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x+5, y-a); + break; + } + break; + } + } + } + return newst; + +} +" +a86aa1f995a1203f903b81e9e0a9350a413368a2,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x+5, y-a-4); + break; + } + break; + } + } + } + return newst; + +} +" +7d5685239f808966ca81a2143fda588a33fad7fc,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x+5, y-a); + break; + } + break; + } + } + } + return newst; + +} +" +917d086e1dc13ddf17a266b6e0fd9dec853033ab,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x+5, y-a); + break; + } + } + break; + } + } + return newst; + +} +" +d10377a5d507d0fcd383670be830191d4036db6d,"public String getSandwich(String str) +{ + String newst = """"; + int y = str.length(); + for(int x = 0; x < str.length(); x++) + { + if (str.length() < 10) + { + break; + } + if (str.substring(x).startsWith(""bread"")) + { + for (int a = 0; a < str.length(); a++) + { + if(str.substring(x, y-a).endsWith(""bread"")) + { + newst = newst+str.substring(x+5, y-a-5); + break; + } + } + break; + } + } + return newst; + +} +" +d08edc7523ebfc44676c906c44655cdb642c3cf3,"public String getSandwich(String str) +{ + if (str.length <= 10) + return """"; + else + return str.substring(startsWith(""bread""), endsWith(""bread"")); +} +" +1440d9419701e6226c73b5002b5ddaf507c8d344,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(startsWith(""bread""), endsWith(""bread"")); +} +" +de1ee67d9150fde6b47137b065c343e29e575703,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(str.startsWith(""bread""), str.endsWith(""bread"")); +} +" +a415bc47e25c9b2017b1aff13ead18dda3e2abbd,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.endsWith(""bread"")); +} +" +42b11715a7600a8de2d6d4fa5bfceb09d6bbf5e6," +public String getSandwich(String str) { +if (str.length() > 10) +return str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread"")); +return """"; +}" +1e5082c965dd41262457e799968127e2e340e685," +public String getSandwich(String str) +{ + if (str.length() > 10) + { + return str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + } + else + { + return """"; + } +}" +2c50d9ba20adf237bfa92c85c5836e3c7511b962,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.length() - 5); +} +" +6387b9f80c50dda02d087a45d68110336dfc6a09,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.length() - 6); +} +" +1556e44bf2948753cef28cb6d91bfc9712013c1b,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.length() - 4); +} +" +ac6ac68b1d8271ce14c36adeb677d7c058cb56f7,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.length() - 5); +} +" +5b78b5563deae4d972caef2ae8ea7841029bf039,"public String getSandwich(String str) +{ + String str = str.substring(1, str.length); + return (str); +} +" +ef1e48cd497f571bb703115862de5065921bb30b,"public String getSandwich(String str) +{ + String part = str.substring(1, str.length); + return (str); +} +" +f2954d8f2c2f5972a453c5c6ae5b5cc801665767,"public String getSandwich(String str) +{ + String part = str.substring(1, str.length); + return (part); +} +" +6a0bcf8a62837e683f07c0b861c33a75033c37a9,"public String getSandwich(String str) +{ + int length = str.length(); + String part = str.substring(1, length); + return (part); +} +" +8eaa2f79b11d79af7859ed96c9d0600651157838,"public String getSandwich(String str) +{ + String middle = str.substring(6,str.length()-6); + return middle; +} +" +c919cca14ca6833106ce3c7664b1da0b8e45de30,"public String getSandwich(String str) +{ + String middle = str.substring(5,str.length()-5); + return middle; +} +" +2694bf4c9f5c67988a08865c2e789a3554daa2a5,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.length() - 6); +} +" +259d419a9bb638fe8abd749115bb8fef3c061ea4,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else + return str.substring(5, str.length() - 5); +} +" +f2c20bdf38a151961f077d28587e1f2680c4cf3e,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else if (str.length() == 17 || str.length() == 22) + return str.substring(7, str.length() - 7); + else + return str.substring(5, str.length() - 5); +} +" +3520f2afa9b39481cdebbda1c0dbde5f47ad7f52,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else if (str.length() == 17 || str.length() == 22) + return str.substring(7, str.length() - 7); + else if (str.length() == 16) + return str.substring(10, str.length() - 5); + else + return str.substring(5, str.length() - 5); +} +" +e506432e6a7670e7b79f3ea662631de0a21aa0c8,"public String getSandwich(String str) +{ + for(int i = 0; i < str.lenght(); i++) + if(str.substring(i+1, i+6).equals(""bread"") + i = i + 5; + return; + for(i; i < str.substring(i, i+5); i++) + String middle; + middle + str.substring(i); + + + + return middle; +} +" +54aae9da21458ed033c9259328bcf6541e5140a2,"public String getSandwich(String str) +{ + for(int i = 0; i < str.lenght(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + return; + for(i; i < str.substring(i, i+5); i++) + String middle; + middle + str.substring(i); + + + + return middle; +} +" +b37419e54f86ed4762338be6b213511f56e3020a,"public String getSandwich(String str) +{ + private String middle; + + for(int i = 0; i < str.lenght(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + return; + while(!str.substring(i, i+5).equals(""bread"")) + middle + str.substring(i); + + + + return middle; +} +" +bb3e953979f88f64a72dcf8c379cb7c0b419a693,"public String getSandwich(String str) +{ + String middle; + + for(int i = 0; i < str.lenght(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + return; + while(!str.substring(i, i+5).equals(""bread"")) + middle + str.substring(i); + + + + return middle; +} +" +3c6138f0fe90d6b0e40bf2d84f3ef5569ab6a01c,"public String getSandwich(String str) +{ + String middle; + + for(int i = 0; i < str.length(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + return; + while(!str.substring(i, i+5).equals(""bread"")) + middle + str.substring(i); + + + + return middle; +} +" +2b0b4930d82273711238e26d0e748fd09d473d7f,"public String getSandwich(String str) +{ + String middle; + + for(int i = 0; i < str.length(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + return; + while(!str.substring(i, i+5).equals(""bread"")) + middle = middle + str.substring(i); + + + + return middle; +} +" +a8f8c8857b0526717a4059a2c8ed63e41d449767,"public String getSandwich(String str) +{ + String middle; + private int j; + + for(int i = 0; i < str.length(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + j = i; + + while(!str.substring(j, j+5).equals(""bread"")) + middle = middle + str.substring(j); + + + + return middle; +} +" +f4fd82391830d181099b1d9caf416d4737330255,"public String getSandwich(String str) +{ + String middle; + int j; + + for(int i = 0; i < str.length(); i++) + if(str.substring(i+1, i+6).equals(""bread"")) + i = i + 5; + j = i; + + while(!str.substring(j, j+5).equals(""bread"")) + middle = middle + str.substring(j); + + + + return middle; +} +" +083e6c2476cd49935ff7a17ff4e40f89f1bbc30d,"public String getSandwich(String str) +{ + String middle; + int j; + + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i+1, i+6).equals(""bread"")) + {i = i + 5; + j = i;} + } + + while(!str.substring(j, j+5).equals(""bread"")) + middle = middle + str.substring(j); + + + + return middle; +} +" +2a6545b90df15232fc1c7f996a2f1aa3aa985b81,"private string j; +public String getSandwich(String str) +{ + String middle; + + + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i+1, i+6).equals(""bread"")) + {i = i + 5; + j = i;} + } + + while(!str.substring(j, j+5).equals(""bread"")) + middle = middle + str.substring(j); + + + + return middle; +} +" +8f0c86521f36c8e3ad127476f4b1aa26044266e2,"private int j; +public String getSandwich(String str) +{ + String middle; + + + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i+1, i+6).equals(""bread"")) + {i = i + 5; + j = i;} + } + + while(!str.substring(j, j+5).equals(""bread"")) + middle = middle + str.substring(j); + + + + return middle; +} +" +093918128fab14304a2a08478433ee8eef9b03cc,"public String getSandwich(String str) +{ + String middle; + int i = 0; + while(!str.substring(i+1, i+6).equals(""bread"")) + i++; + i = i+5; + while(!str.substring(i, i+5).equals(""bread"")) + middle = middle + str.substring(i); + i++; + + return middle; +} +" +3b2c8e25183495437aa678e188db885029510b6f,"public String getSandwich(String str) +{ + String middle = """"; + int i = 0; + while(!str.substring(i+1, i+6).equals(""bread"")) + i++; + i = i+5; + while(!str.substring(i, i+5).equals(""bread"")) + middle = middle + str.substring(i); + i++; + + return middle; +} +" +9f9c0d3be32c40f4bc48ccfc8f168a629fd20748,"public String getSandwich(String str) +{ + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + i++; + i = i+5; + while(!str.substring(i, i+5).equals(""bread"")) + middle = middle + str.substring(i); + i++; + + return middle; +} +" +3e772fa73d541eb6da1bd951c23b09af725c1856,"public String getSandwich(String str) +{ + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + {i++;} + i = i+5; + while(!str.substring(i, i+5).equals(""bread"")) + {middle = middle + str.substring(i); + i++;} + + return middle; +} +" +87a614ede863d82d306e6e10fb6a72e43da3f950,"public String getSandwich(String str) +{ + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + {i++;} + return i; +} +" +77c797466cb2a3f2551ee95acaa3ad6c73469850,"public String getSandwich(String str) +{ + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + {i++;} + i = i+5; + while(!str.substring(i, i+5).equals(""bread"")) + {middle = middle + str.substring(i); + i++;} + + return middle; +} +" +0b81cbaa6133e020f33c7e693bb30309ad83edf0,"public String getSandwich(String str) +{ + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + { + i++; + } + i = i+4; + while(!str.substring(i, i+5).equals(""bread"")) + { + middle = middle + str.substring(i); + i++; + } + + return middle; +} +" +5d04f812abf529fd4faa7f9a30b974124c2efa59,"public String getSandwich(String str) +{ + int j = 0 + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + { + i++; + //j = i + } + + while(!str.substring(i, i+5).equals(""bread"")) + { + middle = middle + str.substring(i); + i++; + } + + return middle; +} +" +21004996239741dd190dd02e9cbb2f2aaccffdf7,"public String getSandwich(String str) +{ + int j = 0; + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + { + i++; + //j = i + } + + while(!str.substring(i, i+5).equals(""bread"")) + { + middle = middle + str.substring(i); + i++; + } + + return middle; +} +" +f195c49448c4eb6bb96c8e7a86de097df9a7a178,"public String getSandwich(String str) +{ + int j = 0; + String middle = """"; + int i = 0; + while(!str.substring(i, i+5).equals(""bread"")) + { + i++; + j = i; + } + i = i+4; + while(!str.substring(j, j+5).equals(""bread"")) + { + middle = middle + str.substring(j); + j++; + } + + return middle; +} +" +f6324d1f404ed43714a7244df9f585f434f5c167,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + return stri; +} +" +cef37b36f2fc61bf1757945802714d38a19f9c2a,"public String getSandwich(String str) +{ + String stri = ; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + return stri; +} +" +97b22cfbc32bdc8d2474c516a0aed5a0696f2401,"public String getSandwich(String str) +{ + String stri = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + return stri; +} +" +ae14f54ae446348acdaa8b4838d779e3c0d8155b,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + String stri = """"; + return stri; +} +" +525d053a7e722d19b391fd4394118561302ebba1,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + else + { + String stri = """"; + } + return stri; +} +" +f1dff71349e2334583e57302ad52baf405d81629,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + else + { + String stri = """"; + } + stri = st; + return st; +} +" +c0caaf71b171174ede191ec7db84f3d771d6bb41,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String stri = str.substring(5, length -5); + } + else + { + String stri = """"; + } + String st = stri; + return st; +} +" +24a40390bc0d732b5d7423883741cfb240aac577,"public String getSandwich(String str) +{ + String stri = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(5, length -5); + } + else + { + stri = """"; + } + return stri; +} +" +906c9948e3d2d190f7bf819189fa820a77ca0f8c,"public String getSandwich(String str) +{ + String stri = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(5, length -5); + } + else if (str.contains(""bread"") && str.ednsWith(""bread"")) + { + stri = str.substring(10, length - 5); + } + else + { + stri = """"; + } + return stri; +} +" +6f841076b4c332cf5d78cf494542bb83d6fbb17c,"public String getSandwich(String str) +{ + String stri = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(5, length -5); + } + else if (str.contains(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(10, length - 5); + } + else + { + stri = """"; + } + return stri; +} +" +61ca3fa3bcd24b69a4471d74e6a2cdb91cfaf889,"public String getSandwich(String str) +{ + String stri = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(5, length -5); + } + else if (str.contains(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(10, length - 5); + } + else if (str.startsWith(""xxbread"") + && str.endsWith(""breadyy"")) + { + stri = str.substring(7, length - 7); + } + else + { + stri = """"; + } + return stri; +} +" +a198ec6eacb4d365659e343ea8f81f40d766cad0,"public String getSandwich(String str) +{ + String stri = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(5, length -5); + } + else if (str.contains(""bread"") && str.endsWith(""bread"")) + { + stri = str.substring(10, length - 5); + } + else if (str.startsWith(""xxbread"") + && str.endsWith(""breadyy"") + && !str.contains(""xxbreadyy"")) + { + stri = str.substring(7, length - 7); + } + else + { + stri = """"; + } + return stri; +} +" +bc7da20aeeab56b3f942d226c68f1b5bb162715f,"public String getSandwich(String str) +{ + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(4, strLength - 5); + return middle; + } + else + { + return """"; + } +}" +0770ea42140375bbd831826f87988fdbd2b25445,"public String getSandwich(String str) +{ + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + } +}" +4bd3f1b458c3d4b6ba3d8883c5c58405daea9089,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +1ddf7b5a5766bb07b4c8eb98918e02e23c9d7faf,"public String getSandwich(String str) +{ + public static String getSandwich(String str) + { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +} +" +c60543df655051e902ababe972c86bbdf4e71440,"public String getSandwich(String str) +{ + public String getSandwich(String str) + { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +2f6e1f9bb69d4cfe49285169e29d39df14ad461f,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +d22745351e799f463aefaa6b26be36c067265fd8,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; +} +} +" +f178a3c3bdbaebd708f9b227ef4f1884a388ebdf,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; +} +} +} +" +7475c0001bf3b4e068a6a030e7ae89d5954bd381,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +}" +49a56a0dc5d69c2648feb7974c008b86e2c036d8,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +ea6b1675d48ee9039e874f8714f55a4509369b20,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (i = str.sublength() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +6090e3ae2c1bab2d2a35433fe7b164df0c797df0,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = str.sublength() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +2080a766ffb0179cf3751b685600ef4dcc71d0f0,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +de36a43d6544964eaf58d977015678f74076cfb6,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +642f7198f418c80785c08032e3c133d3c803ffb2,"public String getSandwich(String str) +{ + if (str startsWith(""bread"") && str endsWith(""bread"") + { + return str.substring(6, str.length-5); + } + else + { + return """"; + } +} +" +557b49fc70299be5dbbce74d00fd3cc661f89ab1,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"") + { + return str.substring(6, str.length-5); + } + else + { + return """"; + } +} +" +e1628fe21b87d74aa406067c366f4975d82acd2b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(6, str.length-5); + } + else + { + return """"; + } +} +" +4a39ded2b41d551e0db5d48c8bdf3639f106af3f,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(6, str.length()-5); + } + else + { + return """"; + } +} +" +268dfc6e91e292f97cf43866d0053078c877f17d,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +293e0442da3525f9892129018d7e7f9b737f3bae,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + return """"; + else + return (str.substring(str.indexOf(""bread"") + 5,str.lastIndexOf(""bread""))); +} +" +58711c3930585ba9d695fab0ec147170f52573b4,"public String getSandwich(String str) +{ + + + + while (!str.startsWith(""bread"")) + { + str = str.substring(1,str.length(); + } + + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1): + } + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + + + + else + { + return """"; + } +} +" +910f37b9edec1a5010f1d5a7f402614d6a1e1feb,"public String getSandwich(String str) +{ + + + + while (!str.startsWith(""bread"")) + { + str = str.substring(1,str.length()); + } + + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1); + } + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + + + + else + { + return """"; + } +} +" +cc01ebbc54789bc97edeac1629c32bd91ff601f9,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + return """"; + else + return (str.substring(str.indexOf(""bread"") + str.lastIndexOf(""bread""))); +} +" +c01cad0f9edd7cbe497701cbda0cad636ca98310,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + return """"; + else + return (str.substring(str.indexOf(""bread"") + 5,str.lastIndexOf(""bread""))); +} +" +fb2979f62a3edaf7a03b04af7185680564118246,"public String getSandwich(String str) +{ + while (!str.startsWith(""bread"")) + { + str = str.substring(1, str.length()); + } + + while (!str.endsWith(""bread"")) + { + if (str = """") + { + str = """"; + } + else + { + str = str.substring(0, str.length()-1); + } + } + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +fe80af56004bb0b98a39d74289c2bb9245eb003c,"public String getSandwich(String str) +{ + while (!str.startsWith(""bread"")) + { + str = str.substring(1, str.length()); + } + + while (!str.endsWith(""bread"")) + { + if (str.equals("""")) + { + str = """"; + } + else + { + str = str.substring(0, str.length()-1); + } + } + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +39ac5217f663009f6c3ac9587bbb38432dd1f674,"public String getSandwich(String str) +{ +if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +22cdb71123af1e889df75596e4bdad04e6034fa2,"public String getSandwich(String str) +{ + String bread = ""bread""; + int i = 0; + int j = 0; + int length = str.length(); + while (i < length - 5) + { + String sub = str.substring(i, i + 5); + if (sub.equals(bread)) + { + i = length; + String openFace = str.substring(i + 5); + } + else + { + i++; + } + } + int newLength = openFace.length(); + while (j < newLength - 5) + { + String secondSub = openFace.substring(j, j + 5); + if (secondSub.equals(bread)) + { + String middle = secondSub.substring(0, j); + j = newLength; + } + else + { + j++; + } + + } + return middle; + +} +" +88b9e67ee3cff28f22059a2a653c3ae70654da8e,"public String getSandwich(String str) +{ + String bread = ""bread""; + String openFace; + int i = 0; + int j = 0; + int length = str.length(); + while (i < length - 5) + { + String sub = str.substring(i, i + 5); + if (sub.equals(bread)) + { + i = length; + openFace = str.substring(i + 5); + } + else + { + i++; + } + } + int newLength = openFace.length(); + while (j < newLength - 5) + { + String secondSub = openFace.substring(j, j + 5); + if (secondSub.equals(bread)) + { + String middle = secondSub.substring(0, j); + j = newLength; + } + else + { + j++; + } + + } + return middle; + +} +" +39f7cbbb3080e08f4bd9ffe212060e7357de9600,"public String getSandwich(String str) +{ + String bread = ""bread""; + String openFace; + String middle; + int i = 0; + int j = 0; + int length = str.length(); + while (i < length - 5) + { + String sub = str.substring(i, i + 5); + if (sub.equals(bread)) + { + i = length; + openFace = str.substring(i + 5); + } + else + { + i++; + } + } + int newLength = openFace.length(); + while (j < newLength - 5) + { + String secondSub = openFace.substring(j, j + 5); + if (secondSub.equals(bread)) + { + middle = secondSub.substring(0, j); + j = newLength; + } + else + { + j++; + } + + } + return middle; + +} +" +2e265d75cccbf98f548c8ae44165b8743b9cce2b,"public String getSandwich(String str) +{ + String bread = ""bread""; + String openFace = """"; + String middle = """"; + int i = 0; + int j = 0; + int length = str.length(); + while (i < length - 5) + { + String sub = str.substring(i, i + 5); + if (sub.equals(bread)) + { + i = length; + openFace = str.substring(i + 5); + } + else + { + i++; + } + } + int newLength = openFace.length(); + while (j < newLength - 5) + { + String secondSub = openFace.substring(j, j + 5); + if (secondSub.equals(bread)) + { + middle = secondSub.substring(0, j); + j = newLength; + } + else + { + j++; + } + + } + return middle; + +} +" +766781d371bd5cf0a77834537751c8bbf17f13e6,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.equals(""xxbreadjambreadyy"")) + { + return 'jam""; + } + else if (str.equals(""breadbreadjambread"")) + { + return ""breadjam""; + } + else if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + + else + { + return """"; + } +} +" +44ec121c8463d21842b32bf36669a4117abc5a41,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.equals(""xxbreadjambreadyy"")) + { + return ""jam""; + } + else if (str.equals(""breadbreadjambread"")) + { + return ""breadjam""; + } + else if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + + else + { + return """"; + } +} +" +e1dd175765e1cba05c882bc4f4da4f8d45df06c5,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + + + if (str.startsWith(bread) && str.endsWith(bread)) + { + int length = str.length(); + int end = length - 5; + middle = str.substring(5, end); + } + else + { + middle = """"; + } + return middle; + + +} +" +c0c21f8e070b3457be1b931c226bd18dec42f9f5,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.equals(""xxbreadjambreadyy"")) + { + return ""jam""; + } + else if (str.equals(""breadbreadjambread"")) + { + return ""breadjam""; + } + else if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + else if (str.equals(""xxbreadbreadjambreadyy"")) + { + return ""breadjam""; + else + { + return """"; + } +} +" +154c69496d9dafd5c762d2ea02cd9c486718ea8e,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.equals(""xxbreadjambreadyy"")) + { + return ""jam""; + } + else if (str.equals(""breadbreadjambread"")) + { + return ""breadjam""; + } + else if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + else if (str.equals(""xxbreadbreadjambreadyy"")) + { + return ""breadjam""; + } + else + { + return """"; + } +} +" +ba3c03820df7fac25ee43766d4e2dfae2a8987a4,"public String getSandwich(String str) +{ + if (str.startsWith('bread') && str.endsWith('bread')) + return str.substring(5, 6); + return """"; +} +" +2cfe672f36b6d3dfe2dec4aa7d627528bee838d5,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + return str.substring(5, 6); + return """"; +} +" +a03bfe3a5283eb2cf91a67c1b56376d490b13c15,"public String getSandwich(String str) +{ + int bread = 0; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + bread++; + } + } + + if (bread >= 2) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + str = str.substring(i + 5); + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + str = str.substring(0, i); + break; + } + } + return str; + } + else + { + return """"; + } +} +" +ab01377863c32f37ecc82660dda256465bc3aca6,"public String getSandwich(String str) +{ + str = str + ""_""; + int bread = 0; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + bread++; + } + } + + if (bread >= 2) + { + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + str = str.substring(i + 5); + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + str = str.substring(0, i); + break; + } + } + return str; + } + else + { + return """"; + } +} +" +808133bd96339ed2f1d33fd7ffdfd2314e81cd72,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") || !str.endsWith""(bread"") + { + return """"; + } + else + { + return str.substring(4, str.length()-5); + } +} +" +ff69e713a8fa85b229dacd49db4a633a71eaade5,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") || !str.endsWith""(bread"")) + { + return """"; + } + else + { + return str.substring(4, str.length()-5); + } +} +" +c50ba0164270748e7703fd35da761da91147206a,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + else + { + return str.substring(4, str.length()-5); + } +} +" +09ae40b4df5ce15aaa7a611ccd7816215b70f102,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + else + { + return str.substring(5, str.length()-5); + } +} +" +cbb57d30e0604f0d1b1fda114c5b185ca29d1bea,"public String getSandwich(String str) +{ + if (str.substring(1, 6).equals(""bread"")) + { + return str.substring(6, str.length()-7); + } + else if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + else + { + return str.substring(5, str.length()-5); + } +} +" +927421cb170dca3171909c4489f0de76555e38ee,"public String getSandwich(String str) +{ + if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + else if (str.substring(1, 6).equals(""bread"")) + { + return str.substring(6, str.length()-7); + } + else + { + return str.substring(5, str.length()-5); + } +} +" +ed5595dc47d1443eb3f02db551c75ad320e00ecb,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + return """"; + } + else + { + return """"; + } +} +" +2d3a40e2f44deb23e7039822fa49c8ed95868881,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +0443e3b48bd9e535f4ed93fc742c18756709e2e7,"public String getSandwich(String str) +{ + String result = """"; + + return result; +} +" +cd4797b0df778cad8fb6e0e79d604f5d8b0add13,"public String getSandwich(String str) +{ + if (str.substring(1, 6).equals(""bread"")) + { + str.substring(6, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +e95326a91ee66854a0860c691a410770090f19e0,"public String getSandwich(String str) +{ + if (str.substring(0, 6).equals(""xxbread"")) + { + str.substring(6, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +5a2e15674c3f8a69925311cc0a2d71debcfb3916,"public String getSandwich(String str) +{ + if ((str.startsWith(""xxbread"") || str.endsWith(""breadyy"")) + { + str.substring(6, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +748c5ef9e26a9b8080f34da8571d5d14b8bcc860,"public String getSandwich(String str) +{ + if (str.startsWith(""xxbread"") && str.endsWith(""breadyy"")) + { + str.substring(6, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +8010e0bce7b279c582836805d3925db9ed8ec6a0,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) { + return str.substring(first + 5, last); + } + + return """"; +} +" +b0d2b1dcc78aa0710450a4d9f14d494b69bdf503,"public String getSandwich(String str) +{ + if (str.startsWith(""xxbread"") && str.endsWith(""breadyy"")) + { + str.substring(6, str.length()-7); + } + else if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +9e648238638b04fb0f4c826f39ab28433dea24f9,"public String getSandwich(String str) +{ + if (str.startsWith(""xxbread"") && str.endsWith(""breadyy"")) + { + str.substring(6, str.length()-7); + } + else if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + return""""; +} +" +1ab9974b4d80778817dcc71237613c91fdab777f,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +b70fc9b47f1dcfa79c5eedd722ec65ae24fc9664,"public String getSandwich(String str) +{ + String top = str.substring(0,4); + String bottom = str.substring(str.length() - 5); + String middle = str.substring(4, str.length() - 5); + + if (top != ""bread"" || bottom != ""bread"") + { + return """"; + } + else if (middle == null) + { + return """"; + + } + else + { + return middle; + } +} +" +3af29ed93d562eedc4bdcd42c291361ae5006940,"public String getSandwich(String str) +{ + String top = str.substring(0,5); + String bottom = str.substring(str.length() - 5); + String middle = str.substring(4, str.length() - 5); + + if (top != ""bread"" || bottom != ""bread"") + { + return """"; + } + else if (middle == null) + { + return """"; + + } + else + { + return middle; + } +} +" +eb0c8caf371056de41508ef4160d1aa2e8e3687f,"public String getSandwich(String str) +{ + String top = str.substring(0,5); + String bottom = str.substring(str.length() - 4); + String middle = str.substring(5, str.length() - 4); + + if (top != ""bread"" || bottom != ""bread"") + { + return """"; + } + else if (middle == null) + { + return """"; + + } + else + { + return middle; + } +} +" +2d54b86b21c80495d7868c96448a97573da9fc26,"public String getSandwich(String str) +{ + String temp = """"; + int index = temp.indexOf(""bread""); + int index2 = temp.lastIndexOf(""bread""); + if (index2 != -1) + temp = str.substring(index + 5, index2); + return temp; +} +" +869ca34c3056cb983c19270a8987bd3c2ce17570,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + String top = str.substring(0,5); + String bottom = str.substring(str.length() - 4); + String middle = str.substring(5, str.length() - 4); + + + if (top != ""bread"" || bottom != ""bread"") + { + return """"; + } + else if (middle == null) + { + return """"; + + } + else + { + return middle; + } +} +" +5199077e82de5ab8129a197b3e3462cd9d7aec60,"public String getSandwich(String str) +{ + String temp = """"; + int index = temp.indexOf(""bread""); + int index2 = temp.lastIndexOf(""bread""); + if (index2 != index) + temp = str.substring(index + 5, index2); + return temp; +} +" +48d7ef7b0427c9205041e025124b3474bd870e94,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + String top = str.substring(0,5); + String bottom = str.substring(str.length() - 4); + String middle = str.substring(5, str.length() - 4); + + + if (top != ""bread"" || bottom != ""bread"") + { + return """"; + } + + else + { + return middle; + } +} +" +db94fd93e95b6a2ddbe9e264edac269c917db11b,"public String getSandwich(String str) +{ + String temp = """"; + int index = temp.indexOf(""bread""); + int index2 = temp.lastIndexOf(""bread""); + if (index2 != index && index2 != -1) + temp = str.substring(index + 5, index2); + return temp; +} +" +ee6b346612903118197bc0ffa49a293135b6a55f,"public String getSandwich(String str) +{ + String temp = """"; + int index = temp.indexOf(""bread""); + int index2 = temp.lastIndexOf(""bread""); + if ((index2 != index) && (index2 != -1)) + temp = str.substring(index + 5, index2); + return temp; +} +" +55e1dc167b72a93934428eafd44d97cacfe94cbe,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + String top = str.substring(0,5); + String bottom = str.substring(str.length() - 4); + String middle = str.substring(5, str.length() - 4); + + System.out.println(top); + + + if (top != ""bread"" || bottom != ""bread"") + { + return """"; + } + + else + { + return middle; + } +} +" +04cd68194f8226cc11491114170a25afd47ee84b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first != - 1) && !(first == last)) + return (first + 5, last); + return """"; +} +" +9fd38da567f5545d2413ba91cad97ee2ae5eb23b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first != - 1) && !(first == last)) + return str.subString(first + 5, last); + return """"; +} +" +1edc90cca7536258bc81b49f236501d0c00c264e,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first != - 1) && !(first == last)) + return str.substring(first + 5, last); + return """"; +} +" +fea5f8294db7242afc9425637485999281408014,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()).equals(""bread"")) + { + end = i + } + } + + result = str.substring(start, end); + + return result; +} +" +f3b3044a71ae05a71e5076e9439e998b20d447dd,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +71ce79194b68fb342b18d6df66fce2cc556bbaf8,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-1; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +2d4db020bc2dd6671acc53381cccf659fccdf5fe,"public String getSandwich(String str) +{ + String temp = """"; + int index = str.indexOf(""bread""); + int index2 = str.lastIndexOf(""bread""); + if ((index2 != index) && (index2 != -1)) + temp = str.substring(index + 5, index2); + return temp; +} +" +815eeaaece632d17c3848a77f24a9503c728ab83,"public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; + }" +bab8950bcc1a8b016a94d1e2b0e653d340e71af7,"getSandwich(""breadjambread"") → ""jam"" +getSandwich(""xxbreadjambreadyy"") → ""jam"" +getSandwich(""xxbreadyy"") → """" + +public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; + }" +a23b056738259cd0c89bdfa15092b60cd1b29a17,"public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; + }" +382bad1ed383356b83841dd6a0bb4224305a884d,"public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +}" +def5b5781b08761ccdcd59056557cdd55f698d82,"public static String getSandwich(String str) { + int and = str.indexOf(""bread""); + int laand = str.lastIndexOf(""bread""); + if((laand != -1 ) && (and!=laand)) + return (str.substring(and+5,laand)) ; + return """"; +}" +06c1800cd68a7500ec64b89d42e579ea68a6904d,"public static String getSandwich(String str) { + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if((last != -1 ) && (first!=last)) + return (str.substring(first+5,last)) ; + return """"; +}" +4ef6731056498c4085eb1f60b743ce62f63faf3d,"public String getSandwich(String str) +{ + if (str.contains(""jam"")) + { + return ""jam""; + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +de20ca7dedc93021a9d94aa6d545ae318606f460,"public String getSandwich(String str) + String a = new String +{ + if (str.contains(""bread"" + a + ""bread"")) + { + return a; + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +63d67ef3cd4d80200e1a551b24a11e824a7e0ce9,"public String getSandwich(String str) + String a = new String; +{ + if (str.contains(""bread"" + a + ""bread"")) + { + return a; + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +2d7ce72d314b6f2675dd2b9f43859c45b812933a,"public String getSandwich(String str) +{ + String a = new String; + if (str.contains(""bread"" + a + ""bread"")) + { + return a; + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +c879387749cce4e92a4c38b6fa4311cbf4992fd9,"public String getSandwich(String str) +{ + String a = new String(); + if (str.contains(""bread"" + a + ""bread"")) + { + return a; + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +d3f6eace1a8e1156173f86626b8fa613fa4355bb,"public String getSandwich(String str) +{ + String a = new String(); + if (str.contains(""bread"" + a + ""bread"")) + { + return a; + } + else + { + return """"; + } +} +" +1f05a83b003393d9592285946fa3cbd8f1476e25,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +f115dc0a23802c496dbb5728c0ba4250a6d4a764,"public String getSandwich(String str) +{ + String newString = """"; + newSting = str.substring(1, str.length); +} +" +cacebbececc98848333ede155e6671997208e54d,"public String getSandwich(String str) +{ + String newString = """"; + newString = str.substring(1, str.length); +} +" +06957d6b05145aae836eda795addfcc0e7a9436b,"public String getSandwich(String str) +{ + String newString = """"; + newString = str.substring(1, str.length()); +} +" +4aa653169283fbe455241e892c323d4ceec6d586,"public String getSandwich(String str) +{ + String newString = """"; + newString = str.substring(1, str.length()); + return newString; +} +" +82dfbf8d9057f22d49e1f05f599865f5d9a0745c,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 0 && lastIndex >= 1) + { + return str.substring(firstIndex, lastIndex); + } + else + { + return """"; + } +} +" +313d4ae3feba9f529ca2bd305d5a112d09bfa3a3,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex, lastIndex); + } + else + { + return """"; + } +} +" +4b969106635b2c5dce8eb722360bcf6549ced9cd,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 0 && lastIndex >= 0) + { + return str.substring(firstIndex, lastIndex); + } + else + { + return """"; + } +} +" +bccc4e28833fb1975a849fca510ef13ab6fa45b3,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 1 && lastIndex >= 1) + { + return str.substring(firstIndex + 5, lastIndex); + } + else + { + return """"; + } +} +" +f89c727d4bc7a0a37e189b0a38778d217fa94c84,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 1 && lastIndex >= 1 && firstIndex != lastIndex) + { + return str.substring(firstIndex + 5, lastIndex); + } + else + { + return """"; + } +} +" +17f329deef7ee32c79fb6c8ee4dabcc1ddd0ccaf,"public String getSandwich(String str) +{ + int num = 0; + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if (firstIndex >= 0 && lastIndex >= 1 && firstIndex != lastIndex) + { + return str.substring(firstIndex + 5, lastIndex); + } + else + { + return """"; + } +} +" +6c01f8092385511a91c86fb4e74c27c97a4456a0,"public String getSandwich(String str) +{ + if (str.lengt()>10 + return(str.substring(5, (str.length - 5)); + else + return "" ""; + +} +" +f0ec59fba78e74ce4685c1153665d71b02f919c3,"public String getSandwich(String str) +{ + if (str.lengt()>10) + return(str.substring(5, (str.length - 5)); + else + return "" ""; + +} +" +2b0686134976729dcac4b1e6c2c9ceceab92f72b,"public String getSandwich(String str) +{ + if (str.length()>10) + return(str.substring(5, (str.length - 5))); + else + return "" ""; + +} +" +c2626c26590a4707b4f11e914965c9796cac3a7b,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()-1).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +e43a0d25a75e9b682a516b62d42946fa2baf434d,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-1; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()-1).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +d02d2ee01de7448826c4b9e77eaffa82ad6d829b,"public String getSandwich(String str) +{ + if (str.length()>10) + return (str.substring(5, (str.length() - 5))); + else + return "" ""; + +} +" +fdcc320fd7f5be960311e512c3f6c4944b6a778e,"public String getSandwich(String str) +{ + if (str.length()>10) + return (str.substring(5, (str.length() - 5))); + else + return """"; + +} +" +95bbb40adfe5479f611c8ba87879a2b15620fba1,"public String getSandwich(String str) +{ + int beginningOfMiddle; + int endOfMiddle; + String middle = """"; + + for (i = 0; i < str.length();i++) + { + if(str.substring(i-5, i).equals(""bread"")) + { + beginningOfMiddle = i; + } + } + for (j = str.length(); j >= 5; j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + endOfMiddle = j + } + } + if(endOfMiddle != beginningOfMiddle) + { + middle = middle + str.substring(beginningOfMiddle, + endOfMiddle); + } + + return middle; +} +" +a11cbc0938c6b85e7a544ecfeb23894c578e7906,"public String getSandwich(String str) +{ + int beginningOfMiddle; + int endOfMiddle; + String middle = """"; + + for (i = 0; i < str.length();i++) + { + if(str.substring(i-5, i).equals(""bread"")) + { + beginningOfMiddle = i; + } + } + for (j = str.length(); j >= 5; j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + endOfMiddle = j; + } + } + if(endOfMiddle != beginningOfMiddle) + { + middle = middle + str.substring(beginningOfMiddle, + endOfMiddle); + } + + return middle; +} +" +3660336b5695cd158e4fb7c1fabf514c429e1d12,"public String getSandwich(String str) +{ + int beginningOfMiddle; + int endOfMiddle; + String middle = """"; + + for (int i = 0; i < str.length();i++) + { + if(str.substring(i-5, i).equals(""bread"")) + { + beginningOfMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + endOfMiddle = j; + } + } + if(endOfMiddle != beginningOfMiddle) + { + middle = middle + str.substring(beginningOfMiddle, + endOfMiddle); + } + + return middle; +} +" +2af5f2842138cdca274e0e0676113fedc9e9a563,"public String getSandwich(String str) +{ + int beginningOfMiddle = 0; + int endOfMiddle = 0; + String middle = """"; + + for (int i = 0; i < str.length();i++) + { + if(str.substring(i-5, i).equals(""bread"")) + { + beginningOfMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + endOfMiddle = j; + } + } + if(endOfMiddle != beginningOfMiddle) + { + middle = middle + str.substring(beginningOfMiddle, + endOfMiddle); + } + + return middle; +} +" +dae7c04c837f4cfeb9f3ac1b3f0dbbabcdcf3ee6,"public String getSandwich(String str) +{ + int beginningOfMiddle = 0; + int endOfMiddle = 0; + String middle = """"; + + for (int i = 0; i < str.length();i++) + { + if(str.substring(i, i+5).equals(""bread"")) + { + beginningOfMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + endOfMiddle = j; + } + } + if(endOfMiddle != beginningOfMiddle) + { + middle = middle + str.substring(beginningOfMiddle, + endOfMiddle); + } + + return middle; +} +" +77db227093b555de8d06e0ea887cef8b4768ee6c,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +a451deace1ad6fc65f60fee12c105de853bb54c5,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + + if((laind != -1 ) && (ind!=laind)) + { + return (str.substring(ind+5,laind)) ; + } + else + { + return """"; + } +} +" +d9bf2bbc204dbe2591aad8123539c8186e32e90b,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + + if((laind != -1 ) && (ind != laind)) + { + return (str.substring(ind+5, laind)) ; + } + else + { + return """"; + } +} +" +7ff49cf794bb0480b7f16c890861edbdc7d1f178,"public String getSandwich(String str) +{ + int sandwichLength = str.length() + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return {}; + } +} +" +0407f699010b901c68e5e6b9266fb22894aaa7c0,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(); + } +} +" +ede744459fefb7e98c2b4489fff90d286990d187,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +fe8bbec044e42c6c31fd938c46ab266ec36c3137,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + if (sandwichLength >= 10); + { + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +dbbc0189001d020bee480c1faca931cb856d1278,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + if (sandwichLength >= 10); + { + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +f5183fc6c2dda53f3858760cc39434e21c0ff446,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + if (sandwichLength >= 10); + { + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +04a975378b703b6c070a4a3d2a1d48ba102faf15,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + if (sandwichLength >= 10) + { + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +6b70ef28d6581a7e4819c9f722b365916f42049a,"public String getSandwich(String str) +{ + String newString = """"; + String storeString = """"; + String storeString2 = """"; + int i; + for (i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c=='b'||c=='r'||c=='e'||c=='a'||c=='d') + { + storeString = storeString + c; + if(storeString.eguals(""bread"")) + { + int x = str.indexOf(""bread""); //x +4 + for(int y = str.length(); y > x+4; y--) + { + if(c=='b'||c=='r'||c=='e'||c=='a'||c=='d') + { + storeString2 = storeString2 + c; + if(storeString2.eguals(""daerb"")) + { + int l = str.indexOf(""bread"", x+1); + newString = str.substring(x+5, l); + } + + } + } + } + } + } + return newString; +} +" +1688912f10d622fdbbd7a965fbb653f1af008065,"public String getSandwich(String str) +{ + String newString = """"; + String storeString = """"; + String storeString2 = """"; + int i; + for (i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c=='b'||c=='r'||c=='e'||c=='a'||c=='d') + { + storeString = storeString + c; + if(storeString.equals(""bread"")) + { + int x = str.indexOf(""bread""); //x +4 + for(int y = str.length(); y > x+4; y--) + { + if(c=='b'||c=='r'||c=='e'||c=='a'||c=='d') + { + storeString2 = storeString2 + c; + if(storeString2.eguals(""daerb"")) + { + int l = str.indexOf(""bread"", x+1); + newString = str.substring(x+5, l); + } + + } + } + } + } + } + return newString; +} +" +5996ee57c642735aecbb756d25120b9fca54d6a7,"public String getSandwich(String str) +{ + String newString = """"; + String storeString = """"; + String storeString2 = """"; + int i; + for (i = 0; i < str.length(); i++) + { + char c = str.charAt(i); + if(c=='b'||c=='r'||c=='e'||c=='a'||c=='d') + { + storeString = storeString + c; + if(storeString.equals(""bread"")) + { + int x = str.indexOf(""bread""); //x +4 + for(int y = str.length(); y > x+4; y--) + { + if(c=='b'||c=='r'||c=='e'||c=='a'||c=='d') + { + storeString2 = storeString2 + c; + if(storeString2.equals(""daerb"")) + { + int l = str.indexOf(""bread"", x+1); + newString = str.substring(x+5, l); + } + + } + } + } + } + } + return newString; +} +" +cee9049868227c1b6d1db97a0b6b9b7bc04a7189,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + if (sandwichLength >= 10) + { + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + } + else + { + String firstBread = str.substring(sandwichLength); + String lastBread = str.substring(sandwichLength); + } + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +ed52c2019b72f10c170a7e231bbb7c9373a4870d,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != -1 && bread2 != -1 && bread1 = bread2) + { + return str.substring(bread1+5, bread2); + } + return """"; +} +" +03d4272674b736492a62faca5a62396e460ee9bd,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != -1 && bread2 != -1 && bread1 != bread2) + { + return str.substring(bread1+5, bread2); + } + return """"; +} +" +3a5a6d15bf0c94ac4da06a0acfcb7a254af77ecc,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) { + return str.substring(first + 5, last); + } + + return """"; +} +" +872027a193777eb4c83d2c10b56cf9c484b57c9b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + + +} +" +e54dc244900820120cfdd31bfe6be22481dcc007,"public String getSandwich(String str) +{ + ArrayList indexes = new ArrayList<>(); + + for (int i = 0; i < (str.length() - 5); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + return """" + } + else + { + return """" + } + } + +} +" +e97f81f4cdbea71e32e8fe60903b65d065e2fbb6,"public String getSandwich(String str) +{ + ArrayList indexes = new ArrayList<>(); + + for (int i = 0; i < (str.length() - 5); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + return """"; + } + else + { + return """"; + } + } + +} +" +f6e5403518a9421a6d7da39a4eb191464dac4f2c,"import java.util.ArrayList; + +public String getSandwich(String str) +{ + ArrayList indexes = new ArrayList<>(); + + for (int i = 0; i < (str.length() - 5); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + return """"; + } + else + { + return """"; + } + } + +} +" +0e8b23829541ec05c962d7b3c7b5a3bcc6baa284,"public String getSandwich(String str) +{ + ArrayList indexes = new ArrayList<>(); + + for (int i = 0; i < (str.length() - 5); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + return """"; + } + else + { + return """"; + } + } + +} +" +4e2ba23e79ce912967c9aeaf1a743ff6495e6c6f,"public String getSandwich(String str) +{ + int a = str.firstInstanceOf(""bread""); + int b = str.lastInstanceOf(""bread""); + + if(a == -1 || a == b) + return """"; + return str.substring(a+5,b); + +} +" +22e0ea81a3961b44628583d9e8f5636116384cb2,"public String getSandwich(String str) +{ + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + + if(a == -1 || a == b) + return """"; + return str.substring(a+5,b); + +} +" +b90038eb6dacf9ac7cffaff07236ad73d2a38242,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + + +} +" +44ebe6aea4eb84105499ed5641907d3a04c2e8a1,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(i=0; ii;j--) + { + if (str.substring(j,j+5).equals(""bread"")) + { + return str.substring(i+5,j); + } + } + } + } + } + return """"; +} +" +203e7c13e0e5267634420c3f0cdb15198f0e1c63,"public String getSandwich(String str) +{ + int sandwichLength = str.length(); + String firstBread = str.substring(0, 5); + String lastBread = str.substring(sandwichLength - 5); + if (firstBread == ""bread"" && lastBread == ""bread"") + { + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +3268b203811af8e1c20da3992c0004ee75236326,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + + + + else if (!str.startsWith(bread) || !str.endsWith(bread)) + { + return """"; + } + + else + { + return middle; + } +} +" +1c4a63a9f8d1c241c3526f724180c71ab5b7ad9e,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + + + + else if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + + else + { + return middle; + } +} +" +ff8557e00e5a68e233a63f5f1e31eff1b867afff,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + + + + else if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + + else + { + return str.substring(4, str.length() - 5); + } +} +" +7c1428821059ddad5f72e6e66995bd1688c44284,"public String getSandwich(String str) +{ + + if (str.length() < 10) + { + return """"; + } + + + + + else if (!str.startsWith(""bread"") || !str.endsWith(""bread"")) + { + return """"; + } + + else + { + return str.substring(5, str.length() - 5); + } +} +" +41b73e2d7dd6179814dc0d2464f009806815967e,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + } + i++; + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + } + j++; + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = str.substring(5, end); + } + else + { + middle = """"; + } + return middle; + + +} +" +95dc13fb9386fcdac822f807604dce31340b8d0f,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + } + i++; + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + } + j++; + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + return middle; + + +} +" +503f30ba51bafc7b61169e549f8fbdd982dd1c87,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i=0; i=0; i--) + { + if(str.substring(i, i+5).equals(""bread"")) + { + last = i; + break; + } + } + + if(last != -1 && first != -1 && first!=last) + { + return str.substring(first+5,last); + } + return """"; + + + + +} +" +01b1f5cb52eb7d57c24465ef4a04e7ce8ff1bdf1,"public String getSandwich(String str) +{ + boolean firstBread == str.startsWith(""bread""); + boolean lastBread == str.endsWith(""bread""); + if (firstBread == true && lastBread == true); + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return false; + } +} +" +1ffc0cb91a1e9675c70ddc7e924e7b6ca99b8ca9,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + + } + j++; + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + return middle; + + +} +" +541375d06aabc335849a9ceca38ab7e5ac653b19,"public String getSandwich(String str) +{ + boolean firstBread == str.startsWith(""bread""); + boolean lastBread == str.endsWith(""bread""); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return false; + } +} +" +ddb2d03395d0a75f42ce010edec96943f7e79232,"public String getSandwich(String str) +{ + boolean firstBread = str.startsWith(""bread""); + boolean lastBread = str.endsWith(""bread""); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return false; + } +} +" +1be1df98e3b39df6897c3b3828e3015ba414dc7b,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + return middle; + + +} +" +6306c3d17e0fcef7d51d03d6f2693ea42afed8c2,"public String getSandwich(String str) +{ + boolean firstBread == str.startsWith(""bread""); + boolean lastBread == str.endsWith(""bread""); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return false; + } +} +" +2fe3218ad03dd2803bcbc8ccf361d6124d492339,"public String getSandwich(String str) +{ + boolean firstBread = str.startsWith(""bread""); + boolean lastBread = str.endsWith(""bread""); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return false; + } +} +" +b3ef0163f0ab756f21df1f6ef08a75b988e6c2e7,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + if (length <= 10) + { + middle = """"; + } + else + { + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + } + return middle; + + +} +" +91f4d59a58a4a5c7684d99be7b54524457876f45,"public String getSandwich(String str) +{ + boolean firstBread = str.startsWith(""bread""); + boolean lastBread = str.endsWith(""bread""); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return str.substring(sandwichLength); + } +} +" +bd3fa92c40e352eb4692485fee47bf39a674672d,"public String getSandwich(String str) +{ + boolean firstBread = str.startsWith(""bread""); + boolean lastBread = str.endsWith(""bread""); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return """"; + } +} +" +aed8ebc8b0169b7327c894520fd9cabfdf520d89,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + if (length <= 11) + { + middle = """"; + } + else + { + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + } + return middle; + + +} +" +c8d09de2819863966a8851eee2d884a51e3bf50b,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + if (length <= 10) + { + middle = """"; + } + else + { + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + } + return middle; + + +} +" +7601c0af64b20313b0c1d815077157094b323066,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + if (length <= 10) + { + middle = """"; + } + else + { + + int i = 0; + while (i < length - 5) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + } + return middle; + + +} +" +215c6646f7a6df2845f6bd9b46592a1e2968d985,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + return bread1; + /* + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + }*/ +}" +6dc07efd07694bfbded5b990d8f75baa93f83c27,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + if (length <= 10) + { + middle = """"; + } + else + { + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength - 5) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - 1); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + } + return middle; + + +} +" +f669b90f81108b28c3ac5ac35077bf7c011733cc,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + String breadString = bread1; + return breadString; + /* + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + }*/ +}" +c02d329652c554cf6fcc1064f01e7378aa038440,"public String getSandwich(String str) +{ + String middle; + String bread = ""bread""; + int length = str.length(); + String modify = str; + + if (length <= 10) + { + middle = """"; + } + else + { + + int i = 0; + while (i < length) + { + String test = modify.substring(0, 5); + if (!test.equals(bread)) + { + modify = modify.substring(1); + i++; + } + else + { + i = length; + } + } + int newLength = modify.length(); + int j = 0; + while (j < newLength) + { + String test2 = modify.substring(newLength - 5); + if (!test2.equals(bread)) + { + modify = modify.substring(0, modify.length() - j); + j++; + } + else + { + j = newLength; + } + } + if (modify.startsWith(bread) && modify.endsWith(bread)) + { + int end = modify.length() - 5; + middle = modify.substring(5, end); + } + else + { + middle = """"; + } + } + return middle; + + +} +" +e251b9e62e5c5a17ae1bd5f26da8fa2f07a69f73,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int length = str.length(); + String newString = str.substring(5, length-4); + return newString; + } + else + { + String empty = """"; + return empty; + } +} +" +0e841c0492bc2e45f21e5bc76e34a22ba8eae586,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int length = str.length(); + String newString = str.substring(5, length-5); + return newString; + } + else + { + String empty = """"; + return empty; + } +} +" +0fc3ceea32aaffd2e604789211ea26ef31cb784c,"public String getSandwich(String str) +{ + int[] bread1 = str.indexOf(""bread""); + int middleLength = length(bread1); + if (middleLength > 1) + /* + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + }*/ +}" +f730545edd819adc449851bd79200d2b1204eaa3,"public String getSandwich(String str) +{ + int[] bread1 = str.indexOf(""bread""); + int middleLength = length(bread1); + if (middleLength == 2) + { + String middle = str.substring(bread1[0], bread1[1]); + return middle; + } + else + { + return """"; + } + /* + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + }*/ +}" +463558fa331ce6dc691925b83118d2005fe9320e,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int middleLength = length(bread1); + if (middleLength == 2) + { + String middle = str.substring(bread1[0], bread1[1]); + return middle; + } + else + { + return """"; + } + /* + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + }*/ +}" +a977b6cf852582a9ace439284eb96b27e9abc28d,"public String getSandwich(String str) +{ + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + } +}" +f9c918139c62e6d5c6162759d3aaf82fffc098ff,"public String getSandwich(String str) +{ + int numBreads = str.indexOf(""bread""); + + /* + boolean firstPart = str.startsWith(""bread""); + boolean lastPart = str.endsWith(""bread""); + if (firstPart && lastPart) + { + int strLength = str.length(); + String middle = str.substring(5, strLength - 5); + return middle; + } + else + { + return """"; + } + */ +}" +b429d747aedb02b8785a32a1d3695871210bf84c,"public String getSandwich(String str) +{ + int startBread = str.indexOf(String ""bread""); + int endBread = str.lastIndexOf(String ""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.endsWith(""bread"", endBread); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return """"; + } +} +" +59ba9fb49383f0fc3024828422fd9c8d684bb344,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.endsWith(""bread"", endBread); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return """"; + } +} +" +7fe67c1a78ccf0bc07fab36a963dce9a18764630,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.startsWith(""bread"", endBread); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(5, sandwichLength - 5); + } + else + { + return """"; + } +} +" +26bc37d1d0a520cad0dce5a5034e6ee5e7a7dd98,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.startsWith(""bread"", endBread); + if (firstBread == true && lastBread == true) + { + int sandwichLength = str.length(); + return str.substring(startBread, endBread); + } + else + { + return """"; + } +} +" +1129ef37162a6b236aba63fdc6b01dbc55e8c4c0,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.startsWith(""bread"", endBread); + if (firstBread == true && lastBread == true) + { + return str.substring(startBread, endBread); + } + else + { + return """"; + } +} +" +e963f753deaba206ba03a8713db72a8f8c6aa941,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.startsWith(""bread"", endBread); + if (firstBread == true && lastBread == true) + { + return str.substring(startBread + 5, endBread); + } + else + { + return """"; + } +} +" +c3fe4cd67e2c49c2df0acbf05a833d59b75478d8,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.startsWith(""bread"", endBread); + if (startBread = endBread) + { + return """"; + } + else if (firstBread == true && lastBread == true) + { + return str.substring(startBread + 5, endBread); + } + else + { + return """"; + } +} +" +ee2cb918f56881baade9a73b0e4a532a98376b63,"public String getSandwich(String str) +{ + int startBread = str.indexOf(""bread""); + int endBread = str.lastIndexOf(""bread""); + boolean firstBread = str.startsWith(""bread"", startBread); + boolean lastBread = str.startsWith(""bread"", endBread); + if (startBread == endBread) + { + return """"; + } + else if (firstBread == true && lastBread == true) + { + return str.substring(startBread + 5, endBread); + } + else + { + return """"; + } +} +" +f71237876e06bb425fb9246c672aa646cffc0c23,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != bread2) + { + String middle = str.substring(bread1, bread2); + return middle; + } + else + { + return """"; + } +}" +1e6683c9700ae4ff213482ea157e3f6e6dc55807,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != bread2) + { + String middle = str.substring(bread1, bread2 - 5); + return middle; + } + else + { + return """"; + } +}" +6769925915d9e0cf476279ace125d8a88fda6b92,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != bread2) + { + String middle = str.substring(bread1 - 5, bread2); + return middle; + } + else + { + return """"; + } +}" +40a986e4e12797cad086898f0d2cea872301a162,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != bread2) + { + String middle = str.substring(bread1, bread2); + return middle; + } + else + { + return """"; + } +}" +8a9af63a0ee04753103688860646b8a991522288,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + if (bread1 != bread2) + { + String middle = str.substring(bread1 + 5, bread2); + return middle; + } + else + { + return """"; + } +}" +e8b9031044e51a0953bb7e563e3b7afa35a8aced,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.substring(str.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, str.length() -5); + } + else + { + return """"; + } +} +" +9dd3575f45506f369f5f110727005a3c928ecbca,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.substring(str.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, str.length() -5); + } + else if (str.substring(2, 7).equals(str.substring(str.length()-7)) + { + return str.substring(7, str.length() -7); + } + else + { + return """"; + } +} +" +f6c0b5a67b540c4df32e3c9b77a9038120b43903,"public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(str.substring(str.length()-5)) + && str.substring(0, 5).equals(""bread"")) + { + return str.substring(5, str.length() -5); + } + else if (str.substring(2, 7).equals(str.substring(str.length()-7))) + { + return str.substring(7, str.length() -7); + } + else + { + return """"; + } +} +" +4abde703ee2e774154648de90c073595cb0d4516,"public String getSandwich(String str) +{ + if (!(str.substring(0, 5) = bread)) +} +" +b97c9398d133b5d6bcf46a52b7b77beedc087f72,"public String getSandwich(String str) +{ + if (!(str.substring(0, 5) = bread)) + { + return """"; + } +} +" +29f90cfdfae9f05eda488aa4c2d7c380852c1473,"public String getSandwich(String str) +{ + if (!(str.substring(0, 5) = String ""bread"")) + { + return """"; + } +} +" +242d0a30cb6c9809d55e5b4f553cfd50d47cbbb5,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) != String ""bread"")) + { + return """"; + } +} +" +a39cba80912f6fa770a20f147b09b7cf122fee8a,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == String ""bread"")) + { + return """"; + } +} +" +7d8e0808bb25461d01d551121ebc4111d7e48d94,"public String getSandwich(String str) +{ + if (str.substring(0, 5) == String ""bread"") + { + return """"; + } +} +" +07147e09881015c4962d982af9cba76a53fa807c,"public String getSandwich(String str) +{ + String b = ""bread""; + if (str.substring(0, 5) == b) + { + return """"; + } +} +" +7feaf3c2d64129c21f76905b7f1db6a799f0690b,"public String getSandwich(String str) +{ + String b = ""bread""; + if (str.substring(0, 5) == b) + { + return """"; + } + return +} +" +93560a5a43e4eab28fe406067fc4bc195d60c0e8,"public String getSandwich(String str) +{ + String b = ""bread""; + if (str.substring(0, 5) == b) + { + return """"; + } + return; +} +" +b854962cdd9db42cfd9aad23bcd003d41403255f,"public String getSandwich(String str) +{ + String b = ""bread""; + if (str.substring(0, 5) == b) + { + return """"; + } + return """"; +} +" +e90577f249a5eb4bbabb14a28c43b993a86311e5,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = length(str); + if ((str.substring(0, 5) == b) && str.substring(l - 5,l + 1)) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +621138794267604c2709178e20b0c513749a6c3c,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if ((str.substring(0, 5) == b) && str.substring(l - 5,l + 1)) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +337c060ed5fdda3b1f368e1d6ed19375dc890de0,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if ((str.substring(0, 5) == b) && (str.substring(l - 5, l + 1))) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +93caf5b3b5c7e9f541c4489c5af2ac85e310da51,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if ((str.substring(0, 5) == b) & (str.substring(l - 5, l + 1))) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +5093aab0d7dcca9a7b2d593296a9c340660049d9,"public String getSandwich(String str) +{ + String strA = str; + int x = strA.length() - 4; + int count = 0; + if (strA.startsWith(""bread"") && strA.endsWith(""bread"")) + { + return strA.substring(6, x); + } + return (""""); +} +" +005906d8022c1823f6949a03c93cf4ce59841584,"public String getSandwich(String str) +{ + String strA = str; + int x = strA.length() - 5; + int count = 0; + if (strA.startsWith(""bread"") && strA.endsWith(""bread"")) + { + return strA.substring(5, x); + } + return (""""); +} +" +d09b02161c57ea8a9f102927426f079b2a81ec17,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if (str.substring(0, 5) == b) + { + if(str.substring(l - 5, l + 1)) + { + String in = str.substring(5, l - 4); + return in; + } + } + return """"; +} +" +8c094f4a791cba2caeda2bbfe47a359fe4a78970,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if ((str.substring(0, 5) == b) && (str.substring(l - 5, l + 1)) == b) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +34bd1127c3fd06872720c3ecbdcd769d0671f757,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i,i+5).equals(""bread"")) + { + start = i; + } + } +} +" +30d314ce41f682af2c81c4014b2a1cb23308674c,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i,i+5).equals(""bread"")) + { + start = i; + } + } + return str.substring(start,end); +} +" +7e911903f63bc86cdc1f60638ab36eeb549d9882,"public String getSandwich(String str) +{ + if(str.length() < 2) + { + return """"; + } + else + { + return str.substring(0,1) + str.substring(str.length() - 1); + } +} +" +dfec78fce76378b6ec4511b61e18753a00fbfa6a,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + start = str.indexOf(""bread""); + end = str.indexOf(""bread"", start); + + return str.substring(start,end); +} +" +8bd911a30eaacc7b6f07d0413ff2b9cbac788c7c,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + if (str.length >= 1) + { + start = str.indexOf(""bread""); + end = str.indexOf(""bread"", start); + } + return str.substring(start,end); +} +" +880e219990670497929f66d24c68ff48a6aa6961,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + if (str.length() >= 1) + { + start = str.indexOf(""bread""); + end = str.indexOf(""bread"", start); + } + return str.substring(start,end); +} +" +ab4f0953afadca4f7e4de42065bff1375fe4d7e9,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + if (str.length() >= 1) + { + start = str.indexOf(""bread""); + end = str.indexOf(""bread"", start+1); + } + return str.substring(start, end); +} +" +0dad41aac05821a0870619bfd69c6b818a799514,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + if (str.length() >= 1) + { + start = str.indexOf(""bread""); + end = str.indexOf(""bread"", start+1); + } + return str.substring(start+5, end); +} +" +2b0c57dec26214a6ba721b57736a1729d31281bd,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, (str.length() - 5)); + } +} +" +e008812b5b384d9b1877572f9ff44f3c33e96af5,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, (str.length() - 5)); + } + else + { + return """"; + } +} +" +1f5d1853b12fffda8667c340f39466471771ad79,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i,i+5).equals(""bread"")) + { + start = i; + } + } + for (int i = str.length(); i > 0; i--) + { + if (str.substring(i,i-5).equals(""bread"")) + { + end = i; + } + } + return str.substring(start, end); +} +" +f152fc39b6143958fb2bf9b4cc96d7bcd4ab614e,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i,i+5).equals(""bread"")) + { + start = i; + } + } + for (int i = str.length(); i > 5; i--) + { + if (str.substring(i,i-5).equals(""bread"")) + { + end = i; + } + } + return str.substring(start, end); +} +" +fe08f8d921724b08c6ec7c74c2949c064a0e5d4d,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i,i+5).equals(""bread"")) + { + start = i; + } + if (str.substring(i).equals(""bread"")) + { + end = i; + } + } + return str.substring(start, end); +} +" +d418d31339ada64395beec5e640487f38a2e4007,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-6; i++) + { + if (str.substring(i,i+5).equals(""bread"")) + { + start = i; + } + if (str.substring(i).equals(""bread"")) + { + end = i; + } + } + return str.substring(start, end); +} +" +8a779c37e36e7e7238238f8fa362f496af39a6e3,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + + + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else return""""; +} +" +cacd220d730602af596d2fe6fb4ae28caba7ec64,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + start = i; + } + } + for (int i = str.length(); i > 5; i--) + { + if (str.substring(i-5, i).equals(""bread"")) + { + end = i; + } + } + + return str.substring(start, end); +} +" +dae698fc79bd250032eb87658e4ec277e2c48697,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + start = i; + } + } + for (int i = str.length(); i > 5; i--) + { + if (str.substring(i-5, i).equals(""bread"")) + { + end = i; + } + } + + return str.substring(start+5, end); +} +" +e9efa25a3247b0fd4e678fe39e98f5f14fba9ede,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + + + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return""""; + } +} +" +8236651dacc76d013afa0314ebd551dc931ec3e4,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + if(i = 0; i < str.length(); i++;) + { + return str.substring(first + 5, last); + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + else + { + return""""; + } +} +" +449848f044ffce8ca9576a3398f65bbe4cd600c8,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + if(i = 0; i < str.length(); i++) + { + return str.substring(first + 5, last); + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + else + { + return""""; + } +} +" +6abad7e1bc03dd5c21ccbe4c4d4ce04db62b917b,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + + if((end != -1 ) && (start!=end)) + { + return (str.substring(start+5,end)); + } + else + { + return """"; + } +}" +1e6c4e56658c36a930edd656f259888ae43115ee,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + if (int i = 0; i < str.length(); i++) + { + return str.substring(first + 5, last); + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + else + { + return""""; + } +} +" +2b7ef54c401aeb087b2827320ecd96955560d059,"public String getSandwich(String str) { + int f; + int l; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(f != -1 && l != -1 && f != l) + return str.substring(first + 5, last); + + return """"; +}" +4383c441918ae5dba7595bdf7c6d669ab485ae95,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +93914474b21a900776802aadb22966c914cf194a,"public String getSandwich(String str) { + int f; + int l; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(f != null && l != null && f != l) + return str.substring(f + 5, l); + + return """"; +}" +b63644821fe5376085b01b2e98e9bd22429034b5,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + return """"; +} +" +6e254995fa97983f17619fe1ee0e68056a6ffe53,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + if (int i = 0; i < str.length() - 5; i++) + { + if (str.length(i, i + 5).equals(String ""bread""); + return (first = i); + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + else + { + return""""; + } +} +" +ac7e70b27b656f3e2627f952a98a00a9954f70b9,"public String getSandwich(String str) { + int f = 0; + int l = 0; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(f != 0 && l != 0 && f != l) + return str.substring(f + 5, l); + + return """"; +}" +ea9cf2c0461ebf3d9ef70451afd0069ccfb595f5,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + else + { + return""""; + } +} +" +3bdc738c1b715731d5151f73f3e17075c2e649a9,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + if + { + return""""; + } +} +" +7c8306458f719c00f22f2756bbe62b18530dff16,"public String getSandwich(String str) { + int f = 0; + int l = 0; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(f != 0 && l != 0 && f != l) + { + return str.substring(f + 5, l); + } + else + { + return """"; + } + + +}" +798b957029ae43dcf36f1e4f3d36a21a7ecdf624,"public String getSandwich(String str) { + int f = 0; + int l = 0; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(str.length() < 5) + { + return """"; + + } + else + { + return str.substring(f + 5, l); + } + + +}" +a00187776c0f377d5face672f8e142eef92bd889,"public String getSandwich(String str) { + int f = 0; + int l = 0; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(str.length() < 5) + { + return """"; + + } + else if(str == ""xxbreadyy"" || str == ""abcbreaz"") + { + return """" + } + else + { + return str.substring(f + 5, l); + } + + +}" +2a595aad805f7753995cfa3bebea30382fcce64e,"public String getSandwich(String str) { + int f = 0; + int l = 0; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(str.length() < 5) + { + return """"; + + } + else if(str == ""xxbreadyy"" || str == ""abcbreaz"") + { + return """"; + } + else + { + return str.substring(f + 5, l); + } + + +}" +147b0763aacb4991c644c2e448ad974df9494999,"public String getSandwich(String str) { + int f; + int l; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(str.length() < 5) + { + return """"; + + } + else if(str == ""xxbreadyy"" || str == ""abcbreaz"") + { + return """"; + } + else + { + return str.substring(f + 5, l); + } + + +}" +ba92db8d766d038e02142497a6ce3b40fa7d9202,"public String getSandwich(String str) { + int f = 0; + int l = 0; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + f = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + l = i; + break; + } + } + + if(str.length() < 5) + { + return """"; + + } + else if(str == ""xxbreadyy"" || str == ""abcbreaz"") + { + return """"; + } + else + { + return str.substring(f + 5, l); + } + + +}" +a4d984cb8ce156b0cad2479bf8ef84d69f5842ba,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread"") + for(int c = str.length(); c>i+4; c--) + { + storeStringLast = str.substring(c-4,c) + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+4,c-3); + break; + } + } + return newString; +} +" +feb4f07211e1fce1729358d0c924e24ca117f324,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (!first = last && !first = -1 && !last = -1) + { + return str.substring(first + 5, last); + } + else + { + return""""; + } +} +" +4777c6ba13669fd388dd61d2886f914fd2353937,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length(); c>i+4; c--) + { + storeStringLast = str.substring(c-4,c); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+4,c-3); + break; + } + } + return newString; +} +" +7165c101e2908fb65ebc4810aa34f0900fce1f6c,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != last && first != -1 && last != -1) + { + return str.substring(first + 5, last); + } + else + { + return""""; + } +} +" +b7e09545bcad15bdd05a3bf556ce1da395deaf35,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length()-1; c>i+4; c--) + { + storeStringLast = str.substring(c-4,c+1); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+4,c-3); + break; + } + } + return newString; +} +" +724ca007bfdd8a82f6255e88ea8731cfb8f26b95,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } +} +" +5a66f1f40c7196547eca4d4723902335fee3ef53,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +29d55a3cbca374730c313261b59aa21d509f9650,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length()-1; c>i+4; c--) + { + storeStringLast = str.substring(c-4,c+1); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+3,c-2); + break; + } + } + return newString; +} +" +e8aaa82193f9cfb821af19a6ef8b70e9f4e366cd,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length()-1; c>i+4; c--) + { + storeStringLast = str.substring(c-4,c+1); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+5,c); + break; + } + } + return newString; +} +" +a0d9a6e1aeaf0bc3f667bc7bce8aa342ee77abce,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-10; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +5e0ed0cf2abdf5af304a4e4ceb1dca5b11475309,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length()-1; c>i+4; c--) + { + storeStringLast = str.substring(c-4,c+1); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+5,c+1); + break; + } + } + return newString; +} +" +39adbf100701795a0a3f5acbafbf76cdad752e31,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-10; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-6); + } + else + { + return """"; + } + } + return """"; +} +" +b8244745c68648864599be4c0e7c0f5590280422,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-10; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +98c37618434dd305ddc4a4896b64b7ae7b6febe1,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-10; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return str; +} +" +37fe1a32f2dddf7d4c9a1c9f786d81b55683a0d1,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-10; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +208d461160cee180431442243d89dcf8765405cc,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 1; + + for (int i = 0; i <= str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 5 + } + if (loafs == 1) + { + answer += str.substring(i); + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +0dfd302f53e36994113d6352d746e7e4855d0341,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 1; + + for (int i = 0; i <= str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 5; + } + if (loafs == 1) + { + answer += str.substring(i); + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +40ea3858e22c3c2b4b454482bd761cf5140906f3,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 1; + + for (int i = 0; i <= str.length() - 5; i++) + { + if (loafs == 1) + { + answer += str.substring(i); + } + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 4; + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +ddf8701db989eab17add0eade916e23ce972940c,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 0; + + for (int i = 0; i <= str.length() - 5; i++) + { + if (loafs == 1) + { + answer += str.substring(i); + } + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 4; + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +1960c2235731afae83ecf57ed10fb1b0cf2dc418,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 0; + + for (int i = 0; i <= str.length() - 5; i++) + { + + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 5; + } + + if (loafs == 1) + { + answer += str.substring(i); + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +9646657c309864172f64ae41345064e8c3127bc7,"public String getSandwich(String str) +{ + if (str.length < 16) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + } + return """"; +} +" +ce01c0da39b2a089e0547446e8f0856b2b512744,"public String getSandwich(String str) +{ + if (str.length() < 16) + { + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + } + return """"; +} +" +856e626510f08e5ba116fcfde91208d309326d8d,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +5d1dc8d0d2042f0f850fdac764441816a02611f0,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"") == str.lastIndexOf(""bread"")) return """"; + return(str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); +} +" +8f64024cd93dbcfcc09a52fecba2a9f9445a6d89,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 0; + + for (int i = 0; i <= str.length() - 5; i++) + { + + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 5; + } + + if (loafs == 1) + { + answer += String.valueOf(str.getChar(i)); + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +463fd436c6ac067fcc3819fbda905e3b8fd6ca7d,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 0; + + for (int i = 0; i <= str.length() - 5; i++) + { + + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 5; + } + + if (loafs == 1) + { + answer += String.valueOf(str.charAt(i)); + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + + +} +" +5c9fb24b19ad1afde255377553605d5103439e1f,"public String getSandwich(String str) +{ + String answer = """"; + int loafs = 0; + + if (str.equals(""breadbreadbreadbread"")) + { + return ""breadbread""; + } + else + { + for (int i = 0; i <= str.length() - 5; i++) + { + + if (str.substring(i, i + 5).equals(""bread"")) + { + loafs += 1; + i += 5; + } + + if (loafs == 1) + { + answer += String.valueOf(str.charAt(i)); + } + } + + if (loafs == 2) + { + return answer; + } + else + { + return """"; + } + } + + +} +" +4a09aa2288970c9a8896fe5683c93c46921cef68,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""xxbread"") || str.endsWith(""breadyy"")) + { + return str..substring(7, str.length()-7) + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +c3c77d856b0d7056abd55f35a3e3be858808726b,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.startsWith(""xxbread"") || str.endsWith(""breadyy"")) + { + return str.substring(7, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +7eebce2cdad9da618f1c11b7c62aa6a6a5537b5b,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.equals(""xxbreadyy"")) + { + return """"; + } + { + return str.substring(7, str.length()-7); + } + if (str.startsWith(""xxbread"") || str.endsWith(""breadyy"")) + { + return str.substring(7, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +8b4a62588c8307fa3587e69e9f664ab96ed4a8ce,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.equals(""xxbreadyy"")) + { + return """"; + } + if (str.startsWith(""xxbread"") || str.endsWith(""breadyy"")) + { + return str.substring(7, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +ddf0fe0a36bee928dc6f4bc240bc22d9af4380b0,"public String getSandwich(String str) +{ + +} +" +5d13df89876bc8dd11a71544cc47330bd688fa87,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) + { + if (str.equals(""breaxbreadybread"")) + { + return ""y""; + } + if (str.equals(""xxbreadyy"")) + { + return """"; + } + if (str.startsWith(""xxbread"") || str.endsWith(""breadyy"")) + { + return str.substring(7, str.length()-7); + } + if (str.startsWith(""bread"") || str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } + } + return """"; +} +" +fdc4c1c807a7ff392cd22c635503332228fce0b2,"public String getSandwich(String str) +{ + int breadCount; + breadCount = 0; + + for (String ""bread"" : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return""""; + } + else + { + return str.substring(4, str.length() - 4) + } +} +" +0695214e30a3e2dc04f4344f1fd9f3bfb5b4e5d1,"public String getSandwich(String str) +{ + int breadCount; + breadCount = 0; + + for (String ""bread"" : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return""""; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +988deff14c36941a3828e657d2809c1080522d13,"public String getSandwich(String str) +{ + int breadCount; + breadCount = 0; + + for (String ""bread"" : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +4092ee91ea815399042878f89039b197bedb6437,"public String getSandwich(String str) +{ + int breadCount; + breadCount = 0; + + for (String ""bread"" : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +b51e7fe1c22523e111dd00fdd01328d244ee7955,"public String getSandwich(String str) +{ + int breadCount; + breadCount = 0; + + for (String bread : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +2b418254a1e2f06a550c6f005f82a056438c8929,"public String getSandwich(String str) +{ + public int lastIndexOf(String bread); + //indexof and last indexof ^^^^^^^^^^^^^^^^^^^ + + String bread = ""bread"" + if (bread = """") + { + return str; + } + else + { + +}" +a09caeb446c2dc7cd75712369ca1a1ab8d626896,"public String getSandwich(String str) +{ + public int lastIndexOf(String bread); + //indexof and last indexof ^^^^^^^^^^^^^^^^^^^ + + String bread = ""bread""; + if (bread = """") + { + return str; + } + +}" +758995c1f6378ef5af839f0b7aaff525af5e3382,"public String getSandwich(String str) +{ + public int lastIndexOf(String bread); + public int indexOf(String bread); + //indexof and last indexof ^^^^^^^^^^^^^^^^^^^ + + String bread = ""bread""; + if (bread = """") + { + return str; + } + +}" +2f12097b966a8f0b5d8ee253f921a07136203e63,"public String getSandwich(String str) +{ + + ArrayList(); + + int breadCount; + breadCount = 0; + + String letter + + for (String bread : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +afc620cd109666b0e2939e91d616ed77b9166223,"public String getSandwich(String str) +{ + + ArrayList(); + + int breadCount; + breadCount = 0; + + for (String bread : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +588ba2cddb1d3405e62dd7d4e6e10c31ef3bf550,"public String getSandwich(String str) +{ + + ArrayList ingedients; + + int breadCount; + breadCount = 0; + + for (String bread : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +783d091b3789016ff06c8ca4ef17f4cccd9e459b,"public String getSandwich(String str) +{ + int breadCount; + breadCount = 0; + + for (String bread : str) + { + breadCount = breadCount + 1; + } + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +645fd1bae50e317bae3a749574a9319cdb4c3c33,"public String getSandwich(String str) +{ + + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +4f95d70221d6dcb78f1335bb89ecab3720f3a24b,"public String getSandwich(String str) +{ + + int breadCount; + breadCount = 0; + + + if (breadCount < 2) + { + return """"; + } + else + { + return str.substring(4, str.length() - 4); + } +} +" +d695921e46fbaaef2ab420e2d3ea73034304c1b6,"public String getSandwich(String str) +{ + + int breadCount; + breadCount = 0; + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(5, str.length() - 4); + } +} +" +f25385d53b64baf7c105e90482a95c1edbabd36d,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 4); + } +} +" +9db4247951978705d98a25595a34003cacbf4324,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.lenth() - 5, str.lenth()) + { + return str.substring(5, str.substring(str.lenth() - 5); + } + else + { + return """"; + } +} +" +95ee39a035405ebc55d31fca1f05d7090bd19da6,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 4); + } + else + { + return """"; + } + +} +" +be0ed08e3c562f07284d62ea900bce0d502bb4b7,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.lenth() - 5, str.lenth())) + { + return str.substring(5, str.substring(str.lenth() - 5)); + } + else + { + return """"; + } +} +" +62b8b9a41af8ce2b8fb8f11bf38991ecbec3802c,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } + +} +" +8a4e85049cd76d7ebf84a45a8ca7f34454bd8f27,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.lenth() - 5, str.lenth()))) + { + return str.substring(5, str.substring(str.lenth() - 5)); + } + else + { + return """"; + } +} +" +77c4be7b870e9ebbb6792a5f6491062af92d3dd6,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.length() - 5, str.lenth()))) + { + return str.substring(5, str.substring(str.lenth() - 5)); + } + else + { + return """"; + } +} +" +83eb832a6503328004f4569c3fc7ac8bc123f60b,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.length() - 5, str.lenth()))) + { + return str.substring(5, str.substring(str.length() - 5)); + } + else + { + return """"; + } +} +" +952faeed2eca97517560ebbc9cc06ca4667db991,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.length() - 5, str.length()))) + { + return str.substring(5, str.substring(str.length() - 5)); + } + else + { + return """"; + } +} +" +0c560f7813ec1cc5263e012e9f607d126fd51439,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"" && (str.substring(str.length() - 5, str.length()) == ""bread"") + { + return str.substring(5, str.substring(str.length() - 5)); + } + else + { + return """"; + } +} +" +e680a0c23533d3644db56ad70e0eb7ce6925947b,"public String getSandwich(String str) +{ + if ((str.substring(0, 5) == ""bread"") && (str.substring(str.length() - 5, str.length()) == ""bread"")) + { + return (str.substring(5, str.substring(str.length() - 5))); + } + else + { + return """"; + } +} +" +bb9d24e8db53ed9058395faa966aae1a18b7c708,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.length() == 0) + return """"; +} +" +bbc2ea1965298c998c610e243b05b7652696a69e,"public String getSandwich(String str) +{ + if (boolean startswith(""bread"") && boolean endswith(""bread"") + { + return str - ""bread""; + } + else + { + return """"; + } +} +" +91da3c42c78573a49f14b70a325d327735181948,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.length() == 0) + { + return """"; + } + else + { + return ""3""; + } +} +" +a0452d71d840cfe55e9e12223e8c0cab4ed04d8c,"public String getSandwich(String str) +{ + if (boolean startswith(String ""bread"") && boolean endswith(String ""bread"") + { + return str - ""bread""; + } + else + { + return """"; + } +} +" +8b1405f58ab51b3b9e045353e7170f04a1949342,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else if (str.length() == 0) + { + return """"; + } + else + { + return """"; + } +} +" +bf7320bd278ccd78dc21981215e129cc89637376,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +}" +1151c084f38c84f303873d1dcf0b685fb2874d06,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +}" +2b735c6911c833766384c8a9707601835833c341,"public String getSandwich(String str) +{ + for(i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + break; + } + for(j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + break; + } + if(i < str.length - 10 && j > 5) + return str.substring(i + 5, j); + return """"; +} +" +99593362c3b70bd30a31c9a333c7b7c5f58ac126,"public String getSandwich(String str) +{ + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + break; + } + if(i < str.length - 10 && j > 5) + return str.substring(i + 5, j); + return """"; +} +" +57d4b2ae050ed9f4d5e8d020733af671d5385519,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +9e4d811317767198ab7586a36fdb363098e2d67e,"public String getSandwich(String str) +{ + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + int i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + int j = last; + break; + } + if(first < str.length - 10 && last > 5) + return str.substring(first + 5, last); + return """"; +} +" +1d6b9be46656abfb07c65e243042163fc56b204f,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { return str.substring(first + 5, last); } + else + { return """"; } +} +" +ac7760bcec2f74314cc511d467111160c87378d9,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + int i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + int j = last; + break; + } + if(first < str.length - 10 && last > 5) + return str.substring(first + 5, last); + return """"; +} +" +ad56c8ea3cec18e6c083a51e53faaaa5305bd3bb,"public String getSandwich(String str) +{ + + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first < str.length - 10 && last > 5) + return str.substring(first + 5, last); + return """"; +} +" +93a5f2d02a2a32941642185438b83e363643e7d8,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first < str.length - 10 && last > 5) + return str.substring(first + 5, last); + return """"; +} +" +0910ffdfb540ad9b53943d3d8d4ab9cc4768d5e8,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first < str.length() - 10 && last > 5) + return str.substring(first + 5, last); + return """"; +} +" +8f7aebb0a5ee53b28577d82f80805b7acbc81d22,"public String getSandwich(String str) +{ + int i = 0 + while (str.substring(i, i+5) != ""bread"") + { + i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +a74c0f568798a7d38bc4f4aaba1ea933a5c24717,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"") + { + i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +0cc41bbfd78c7063fe1075d78a33f837b6e527eb,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"") + { + return i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +5de98d438ecaae8d870611d7763ffb3c88137298,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"") + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +4e6ef6ffbfab7c01834f910636d59ac05339ebac,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(i !>= str.length() - 5 || j <= 5) + return str.substring(first + 5, last); + return """"; +} +" +032bb06458e3c2952dc240ec5bea50cc15efedc9,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first !>= str.length() - 5 || last <= 5) + return str.substring(first + 5, last); + return """"; +} +" +f1d8b9b780503f6886a5456fbfd14ee8af96601f,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first != str.length() - 5 || last <= 5) + return str.substring(first + 5, last); + return """"; +} +" +e7393572ae7e8db3535ec8be1d3d4b6a50e5c17c,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(!(first >= str.length() - 5) || last <= 5) + return str.substring(first + 5, last); + return """"; +} +" +282b0b8e4cd27a23446b5dc148e1b1dc91111299,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first <= str.length() - 5) || last <= 5) + return str.substring(first + 5, last); + return """"; +} +" +8255f478356636ac22937121fb60208490dd394b,"public String getSandwich(String str) +{ + int stringLength = length(str); +} +" +570a59b463810df15d96d2a7f8c974313ae48b40,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first !>= str.length() - 5) || last <= 5) + return str.substring(first + 5, last); + return """"; +} +" +c40505290608796e1ca81f2cd2378c4d74a7042d,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + for(int i = 0; i <= str.length(); i++) + if(str.substring(i, i + 5).equals(""bread"")) + { + i = first; + break; + } + for(int j = str.length() - 5; j >= 4; j--) + if(str.substring(j, j+5).equals(""bread"")) + { + j = last; + break; + } + if(first != str.length() - 5) || last <= 5) + return str.substring(first + 5, last); + return """"; +} +" +5f906f8c63e36abcd041ad32bf12072ed0ac523c,"public String getSandwich(String str) +{ + int stringLength = len(str); + + if (stringLength < 10) + return """"; + else + return str.substring(6, length - 5); +} +" +055e525385d34c3e4a2f6d1c19df6b94cb868d55,"public String getSandwich(String str) +{ + int stringLength = len(str); + + if (stringLength < 10) + return """"; + else + return str.substring(6, stringLength - 5); +} +" +b7496ee4b8ccb2f7101a9102cbdd1a49553d9b6b,"public String getSandwich(String str) +{ + int stringLength = length(str); + + if (stringLength < 10) + return """"; + else + return str.substring(6, stringLength - 5); +} +" +f2d72513ed4ea5efbf11c3d9f8e6bb9c74e96e55,"public String getSandwich(String str) +{ + int stringLength = str.length(); + + if (stringLength < 10) + return """"; + else + return str.substring(6, stringLength - 5); +} +" +ad66d2757d3fc18e0dc5c31711e4725c1fa4496a,"public String getSandwich(String str) +{ + int stringLength = str.length(); + + if (stringLength < 10) + return """"; + else + return str.substring(5, stringLength - 5); +} +" +b86f78b25e953e4e5a98cee3a2c76cc8b5f0d145,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"" && i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +bbc16981de5bfbcd396b06b2626233be1c7d43a8,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"" && i+6 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +85b458cf662f6fd971370beb2744ae63e72786ed,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i > str.length() - 5, i++) + if(str.substring(i, i + 5).equals(""bread"") + first = i; + break; + for(int j = str.length - 5; j >= 0; j--) + if(str.substring(j, j + 5).equals(""bread"") + last = j; + break; + if(first == last || first == -1 || last == -1) + return (""""); + return str.substring(first + 5, last); +} +" +86035690f60d8f72043829bd4372eade2cc76314,"public String getSandwich(String str) +{ + int lastBread = str.lastIndexOf(""bread""); + return str.substring(5, lastBread); +} +" +57a8494731db780fd837e7266f24a63b331f0170,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +d14babf5951b563cafb16db138769c14a53738e7,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5), + str.length()-(i+1))) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +de1ac7c4ae543b359cc798333bc96f115f8c9cb4,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread !== -1) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; +} +" +b9e83b4ffc55a4f22d7d391527b652c932c651ff,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i >= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j <= 4; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first = -1 || last = -1) + return (""""); + return(first + 5, last); + +} +" +a5a20f81c84e1289ec30466b8b382155ebdaccba,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread !== -1) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } +} +" +a390f3897cca73d421b0282eb2e18d2cfe663f07,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i >= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j <= 4; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first = -1 || last = -1) + return (""""); + return str.substring(first + 5, last); +} +" +885827bdded44f3b7c0a5b99e9ebf92c73ec4b8e,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (!(lastBread == -1)) + { + return str.substring(firstBread, lastBread); + } + else + { + return """"; + } +} +" +dcbc8fddceb96feb3f802406002666d72c285f83,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +9c50318c004c28d9fa711c236c3a08af67975bfe,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i >= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j <= 4; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first == -1 || last == -1) + return (""""); + return str.substring(first + 5, last); +} +" +8cae64fe31c45676975845549e9b890c8a4fc4fd,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i >= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j <= 4; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first == -1 || last == -1) + { + return (""""); + } + return str.substring(first + 5, last); +} +" +488544796dd008e40af17d613c2a26cd9a629c03,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (!(lastBread == -1)) + { + return str.substring(firstBread + 5, lastBread); + } + else + { + return """"; + } +} +" +a6786901235f97cecfb5a09127537a7a42693aec,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i <= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j <= 4; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first == -1 || last == -1) + { + return (""""); + } + return str.substring(first + 5, last); +} +" +ef8a0a6ad7856b121c2723e002964f76fc0445cd,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i <= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j <= 5; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first == -1 || last == -1) + { + return (""""); + } + return str.substring(first + 5, last); +} +" +2e203e93a13867f974f66070522322f103b53ef9,"public String getSandwich(String str) +{ + int i = 0; + /** + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + */ + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +678feefe7fb0534ef78dbc2d1d5738ae4242f0b7,"public String getSandwich(String str) +{ + int i = 0; + /** + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + */ + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +8f65394d5d9c2af39ff6bbb25e27a88f8908fba2,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i <= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j >= 5; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first == -1 || last == -1) + { + return (""""); + } + return str.substring(first + 5, last); +} +" +91db9fa796c163cd8cdcf780793a52088bb3d30f,"public String getSandwich(String str) +{ + int i = -1; + int j = -1; + for(int i = 0; i <= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + + break; + } + } + for(int j = str.length() -5; j >= 5; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + + break; + } + } + if(i == -1 || j == -1) + { + return (""""); + } + return str.substring(i + 5, j); +} +" +9399ab3897969468f30e982e2006c2ce10ccd10a,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i <= str.length() - 10; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int j = str.length() -5; j >= 5; j--) + { + if(str.substring(j, j + 5).equals(""bread"")) + { + last = j; + break; + } + } + if(first == -1 || last == -1) + { + return (""""); + } + return str.substring(first + 5, last); +} +" +846f74289462d03ab2adad2f7ea6526eb0b2b567,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + } + + if (str.substring(i, i+5).equals(str.substring(str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + else + { + return """"; + } +} +" +96325af43c464398feacf1903cc5ae3502563387,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.lastIndexOf(""bread""); + if ((secondBread != -1) && (firstBread != secondBread)) { + return str.substring(firstBread + 5, secondBread); + } + return """"; +} +" +212676c74abf34daa058a763602ecf7ce27eed30,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +b4eafb04e86e30ea62c56eff2cb0ddeae7ba266c,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +01a63327ff0f15807811aa25b844feb431058ab1,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +2632ce4a20878929e2bf649aca3b75e18b628585,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +46cd252d6a7c80acb5f183164bd16f98e397c00f,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +d6618991e9f152a7e1107fbf8193998b9810b2d3,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +d53f99d116472fe99a327ba579db1abeff1c0fca,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i +4).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +5b09ff97d7075b261cabf64b3b261b37c5b0ab92,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + else if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } +} +" +2c37309444558b174acb5c3fca19ef0bce778e27,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } +} +" +da2d89313dc2deb534860b52b7987cedbd34bad7,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } +} +} +" +8f38a1f422796feb6bd2d95c762d3875d369b5d4,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i +4).equals(""bread"")) + { + start = i; + } + + if (str.substring( str.length()-5, i).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +cb57c7bce3ebb2c16a1057a9734aa813ff56757d,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-5; i++) + { + if (str.substring(i, i +4).equals(""bread"")) + { + start = i; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +84e78ff8bd155f4fc533af26f906b01ece5312ab,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } + return; +} + +" +4e3da81dc8f7764498e223a8bc620ff5bd5d7f23,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } +} + +" +1586b9060f08170f085465f251968470b39b5205,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i +5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +9e82668597486a96abf8ca2163a0aad186cb0ba6,"public String getSandwich(String str) +{ + int stringLength = str.length(); + + if (stringLength < 10) + return """"; + return str.substring(5, stringLength - 5); +} +" +445694ad95e397381fcd36c8e5900c1c09dd8295,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex(); + + if (stringLength < 10) + return """"; + if (str.getCharAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.getChartAt(i) == 'b' && str.getChartAt(i + 4) == 'd') + { + returnIndex == i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +47416449a8a7712b164f8b3cdbca53a523252890,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex; + + if (stringLength < 10) + return """"; + if (str.getCharAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.getChartAt(i) == 'b' && str.getChartAt(i + 4) == 'd') + { + returnIndex == i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +c3c9685b7cad48cb90c52249dfa19343661a9cb5,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex; + + if (stringLength < 10) + return """"; + if (str.getCharAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.getChartAt(i) == 'b' && str.getChartAt(i + 4) == 'd') + { + returnIndex = i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +a8e610cad2f34199427d67661a8c20b9efadb6b6,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, str.length()-5).equals(""bread"") && dough) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +078ce3c70d1c877bdcd174ec916552e54c6e4da7,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && dough) + { + start = i + 5; + } + + if (str.substring(i, str.length()-5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +dc143f8421332306f931cf4ac935712d9f90ab7d,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex; + + if (stringLength < 10) + return """"; + if (str.CharAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.ChartAt(i) == 'b' && str.ChartAt(i + 4) == 'd') + { + returnIndex = i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +c234459ec1e99a6f9963b69b79f1cd38edea7aab,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex; + + if (stringLength < 10) + return """"; + if (str.charAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.chartAt(i) == 'b' && str.chartAt(i + 4) == 'd') + { + returnIndex = i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +08ae6c3e5bf4e33ef14bba68eaceca07c61c29a9,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex; + + if (stringLength < 10) + return """"; + if (str.charAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 4) == 'd') + { + returnIndex = i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +c0b7c754107d247771f9bfab43140243868d1c0b,"public String getSandwich(String str) +{ + int stringLength = str.length(); + int returnIndex = 0; + + if (stringLength < 10) + return """"; + if (str.charAt(0) != 'b') + { + for (int i = 0; i < stringLength; i++) + { + if (str.charAt(i) == 'b' && str.charAt(i + 4) == 'd') + { + returnIndex = i; + } + } + return str.substring(returnIndex, stringLength - 5); + } + return str.substring(5, stringLength - 5); +} +" +cba4efc90ca3c72912e244a3aee0b7a32aa737ad,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && dough) + { + start = i + 5; + } + + if (str.substring(i, i + 5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +ddfd3cbf644b3e4ddef5495f747458dde60ca159,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + } + + if (str.substring(i, i + 5).equals(""bread"")) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +3fb6fb9a1f82bc20d4cabc63b6a8a6e95212519b,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + start = i + 5; + dough = true; + } + + if (str.substring(i, i + 5).equals(""bread"") && dough == true) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +72d1a342de0690535c6ef70d0644f839511b99df,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && dough == false) + { + start = i + 5; + dough = true; + } + + if (str.substring(i, i + 5).equals(""bread"") && dough == true) + { + end = i; + } + } + + result = str.substring(start, end); + + return result; +} +" +0bee9e4c0343dc19e3da3c9302dc25547595b5f3,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + + + if (str.substring(i, i + 5).equals(""bread"") && dough == true) + { + end = i; + } + + + if (str.substring(i, i + 5).equals(""bread"") && dough == false) + { + start = i + 5; + dough = true; + } + } + + result = str.substring(start, end); + + return result; +} +" +f2e0af8f4927e4157f8b33cce266f7f500f257e7,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && dough == true) + { + end = i; + } + + + if (str.substring(i, i + 5).equals(""bread"") && dough == false) + { + start = i + 5; + dough = true; + } + } + + if (str.length() <= 10) + { + result = """"; + } + + result = str.substring(start, end); + + return result; +} +" +1647e48e041c00f45a95ec5b2e5092c082721f03,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && dough == true) + { + end = i; + } + + + if (str.substring(i, i + 5).equals(""bread"") && dough == false) + { + start = i + 5; + dough = true; + } + } + + + + result = str.substring(start, end); + + if (str.length() <= 10) + { + result = """"; + } + + return result; +} +" +c6bd4e4a2fae6195872edea53848aa21bafa29df,"public String getSandwich(String str) +{ + return str; +} +" +427dbc69ee339a6e07b3361904378bd9bb4cfeb2,"public String getSandwich(String str) +{ + String result = """"; + int start = 0; + int end = 0; + boolean dough = false; + + if (str.length() <= 10) + { + return """"; + } + + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && dough == true) + { + end = i; + } + + + if (str.substring(i, i + 5).equals(""bread"") && dough == false) + { + start = i + 5; + dough = true; + } + } + + result = str.substring(start, end); + + return result; +} +" +3876ef15fb93d9c0edc99cb85641b75ef35e402b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +769692c0da6ebbf1704774f0425b3acf627cde49,"public String getSandwich(String str) +{ + String result = """"; + String bread = ""bread""; + int l = str.length(); + if (l > 10) + { + int first = str.indexOf(bread); + int last = str.lastIndexOf(bread); + result = str.substring(first + 5, last); + } + return result; +} +" +e35fb79d96ec857da5c1b98035a1edcc150b9a0f,"public String getSandwich(String str) +{ + String result = """"; + String bread = ""bread""; + int l = str.length(); + if (l > 10) + { + int first = str.indexOf(bread); + int last = str.lastIndexOf(bread); + result = str.substring(first + 5, last); + } + return result; +} +" +468fb110fc51ff0ed50b2dbf76e94072948f946f,"public String getSandwich(String str) +{ + for (int i = 0, i < str.length()) { + if (str.charAt(i).startsWith(b)) { + return ""bb""; + } + } +} +" +fedb2005fe1597313ca01862c8bf58182bbabb0d,"public String getSandwich(String str) +{ + for (int i = 0, i < str.length(); i++) { + if (str.charAt(i).startsWith(b)) { + return ""bb""; + } + } +} +" +ee13305520ec8f969c494eb760fd8f93c24aff12,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).startsWith(b)) { + return ""bb""; + } + } +} +" +963493b59f8921f80b841e49632ca43a02abcc07,"public String getSandwich(String str) +{ + public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +841c3ce752087baf47993e66a235a13223d66c01,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).startsWith(""b"")) { + return ""bb""; + } + } +} +" +d142f255d6e6a944ca82522df956abbc721a7085,"public String getSandwich(String str) +{ + + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +b712744b649a1282a106a4dcd72be2fda1ad9cf7,"public String getSandwich(String str) +{ + + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +" +e1bfdb4aeecaef13eb6417582eca77453298e799,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).equals(""b"")) { + return ""bb""; + } + } +} +" +b5c5b1498b6952f3c9dfaf64b8b14bfe342b895b,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + return ""bb""; + } + } +} +" +6b7258eab1411bb8a8ffa59153704953bdae9cdf,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + return ""bb""; + } + } + return ""dick""; +} +" +8fcd76712170941935515c1700d03eef3930ff44,"public String getSandwich(String str) +{ + String result = "" ""; + + return str.substring(5, str.length()-5); + +} +" +aa48ed89c6938f46e22d9825c0062df5cad5044e,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = i, j < str.length(); i++) { + if (str.substring(j, (j+5)).equals(""bread"")) { + return str.substring(i, j); + } + } + } + } + return ""dick""; +} +" +bf39f92b720cd1e09bf51f9d4ca3930f8634c1d6,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = i; j < str.length(); i++) { + if (str.substring(j, (j+5)).equals(""bread"")) { + return str.substring(i, j); + } + } + } + } + return ""dick""; +} +" +fe859769a989b2c10f635de4922fb00774e4b3b4,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = (i+5); j < str.length(); i++) { + if (str.substring(j, (j+5)).equals(""bread"")) { + return str.substring(i, j); + } + } + } + } + return ""dick""; +} +" +acbce58b4c232a055d62716b417d20f1e0a421cd,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = (i+5); j < str.length(); j++) { + if (str.substring(j, (j+5)).equals(""bread"")) { + return str.substring(i, j); + } + } + } + } + return ""dick""; +} +" +c3420fc1ae1a793ea49cfde4763dc5ff8601151c,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = (i+5); j < str.length(); j++) { + if (str.substring(j, (j+5)).equals(""bread"")) { + return str.substring((i+5), j); + } + } + } + } + return ""dick""; +} +" +ed1973aab614930dcaae75de5c4d8ded30ef16f2,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = str.length(); j > 0; j = j-1) { + if (str.substring((j-5), j).equals(""bread"")) { + return str.substring((i+5), (j-5)); + } + } + } + } + return ""dick""; +} +" +1ea30694a423217e11fbaafee0a2c63907a26625,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = str.length(); j > 0; j = j-1) { + if (str.substring((j-5), j).equals(""bread"") && i + 5 != j) { + return str.substring((i+5), (j-5)); + } + } + } + } + return """"; +} +" +1de5cf1c65ac0cdbaab61a3ba6bacfb0f3b0469e,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1; + int pos2; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.substring(y - 5) == ""bread"") + { + pos2 = y; + break + } + } + + if (pos1 && pos2) + { + return substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +42e520323726ab925070b6fe7de8ddb2f5fe11e4,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1; + int pos2; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.substring(y - 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 && pos2) + { + return substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +a9334204c8ae29fd3c8ad5bd0fa72a3072a04b4a,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.substring(y - 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +059ea8e079c3e51fde300ed67cddc8da33b278d0,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.substring(y - 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +964aa8397b47efac10cd5f01decea06f392a3c86,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +5332142f473a2275c2eabf8b3f9128801e10f924,"public String getSandwich(String str) +{ + string str = ""breadjambread""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + int t = str.length() -5; + for (int y = t; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, pos2-5); + + } + else + { + return """"; + } +} +" +73f5543e49f575fae0bba51919f811ccf69c5a53,"public String getSandwich(String str) +{ + String str = ""breadjambread""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + int t = str.length() -5; + for (int y = t; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, pos2-5); + + } + else + { + return """"; + } +} +" +0648dabf77833c5511cecb33e2f2de80101820c9,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + int t = str.length() -5; + for (int y = t; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, pos2-5); + + } + else + { + return """"; + } +} +" +2a7c524d6b9dcbf6fc3bfd06db6f28177a697d31,"public String getSandwich(String str) +{ + String breadCheck = """"; + boolean foundBread = fals;e + int first = 0; + int last = 0; + + if (str.length() <= 10) + { + return """"; + } + else + { + for (int i = 0; i < str.length() - 4; i++) + { + breadCheck = str.substring(i, i + 5); + if (breadCheck.equals(""bread"") + { + if (foundBread == false) + { + first = i + 5; + foundBread = true; + } + else + { + last = i; + } + } + } + } + return str.substring(first, last); +} +" +0d12cd535f68d60575e6e5063f7d7c30ac91934c,"public String getSandwich(String str) +{ + String breadCheck = """"; + boolean foundBread = false;l + int first = 0; + int last = 0; + + if (str.length() <= 10) + { + return """"; + } + else + { + for (int i = 0; i < str.length() - 4; i++) + { + breadCheck = str.substring(i, i + 5); + if (breadCheck.equals(""bread"")) + { + if (foundBread == false) + { + first = i + 5; + foundBread = true; + } + else + { + last = i; + } + } + } + } + return str.substring(first, last); +} +" +b157a3a16c23eabe42c2f8ca2646af3ae7090aab,"public String getSandwich(String str) +{ + String breadCheck = """"; + boolean foundBread = false; + int first = 0; + int last = 0; + + if (str.length() <= 10) + { + return """"; + } + else + { + for (int i = 0; i < str.length() - 4; i++) + { + breadCheck = str.substring(i, i + 5); + if (breadCheck.equals(""bread"")) + { + if (foundBread == false) + { + first = i + 5; + foundBread = true; + } + else + { + last = i; + } + } + } + } + return str.substring(first, last); +} +" +56e97e6d025861d76cedce1965822872820b4ac0,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 6; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + int t = str.length() -5; + + for (int y = t; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, pos2-5); + + } + else + { + return """"; + } +} +" +a6b85088efdd8597573667256d6011a3c92905e4,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 4; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + int t = str.length() -5; + + for (int y = t; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, pos2-5); + + } + else + { + return """"; + } +} +" +a0752df8fc0189a88d1e9f6ce89ffd1483f903bd,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y) == ""bread"") + { + pos1 = y; + break; + } + } + + int t = str.length() - 6; + + for (int y = t; y > 5; y--) + { + if (str.substring(y) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, pos2-5); + + } + else + { + return """"; + } +} +" +73131e4ad8f70518984f0ea65fcad1ff9eb82259,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + int t = str.length(); + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + cout << pos1 << "" "" << pos2; + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, t-(t-pos2+pos1+5)); + + } + else + { + return """"; + } +} +" +65dba3885d7e3221ae438a14f824831ae3c7e33c,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + int t = str.length(); + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, t-(t-pos2+pos1+5)); + + } + else + { + return """"; + } +} +" +d46a355d57aae05d1d6dcd66edf989b07b0d239c,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1+5, t-(t-pos2+pos1+5)); + + } + else + { + return """"; + } +} +" +57dbe2adf6d51422f4cccf41a4573c2f8d8a1da2,"public String getSandwich(String str) +{ + a = str.substring(2) +} +" +97012a6c8504ae35e93442bb94641bb8353b9214,"public String getSandwich(String str) +{ + a = str.substring(2); +} +" +4b3dea5ace92f5eea8b83a40f1760784ec056ed3,"public String getSandwich(String str) +{ + String a = str.substring(2); +} +" +5adc9b98926b5fa316e95c30c22e9bf6b1a6c655,"public String getSandwich(String str) +{ + String a = str.substring(2); + return(a); +} +" +2487b027c3911076e43bbac98d440a2714074949,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +2eea4c28773f7c2e79c139fb9fcff99a5e363997,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return pos1 + pos2; + + } + else + { + return """"; + } +} +" +03b44c19d886a0b10775abb9a33150bd4fad9665,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +b0f2cdc7a67a1635ce093e55b040793ca54af7d3,"public String getSandwich(String str) +{ + for (int i = 0; i 5; y--) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +cf67dc703485a02471f6f078f980a9bfed23cfa7,"public String getSandwich(String str) +{ + for (int i = 0; i 5; y--) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +e39ba2e074c429ec8afcfbe5341fcbd8dba1fb8d,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, y + 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +84fd0118150dea9c9a473f26acefc9f89eab30ad,"public String getSandwich(String str) +{ + return(str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread""))); +} +" +42648eedc51ae62d729c98444278d70328ce4ff4,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"")) + { + return(""jam""); + } +} +" +0a3b6a7f2d99a835ba2143ce6c65064cb694064a,"public String getSandwich(String str) +{ + return(str.substring(str.indexOf(""bread"")+5, str.lastIndexOf(""bread""))); +} +" +f9b05e29ac2c038b5de5b9bd8d7b4514628ca8af,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-5; y > 5; y--) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +e6b1b12006b5b8c10d5f21fb20f89a745b598187,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t-6; y > 5; y--) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +aef04951c81457afea45251d77e1e551f3e7781e,"public String getSandwich(String str) +{ + if(str.length()<=5){ + return """"; + } + return(str.substring(str.indexOf(""bread"")+5, str.lastIndexOf(""bread""))); +} +" +ceaa487c3641d5776b2cf3129e334158c37930f7,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t - 5; y > 5; y--) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +4cbfedd1e5c9e1b402383de18c0a2c19108be11f,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(""jam""); + } + else + { + return(""jam"") + } +} +" +985961c1fc934a4543dd9917fd2233e21ad25689,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(""jam""); + } + else + { + return(""jam""); + } +} +" +77b881ef9d69bebbca8efcc6da6660d2e7b63399,"public String getSandwich(String str) +{ + int index = str.substring(str.indexOf(""bread"")+5; + if(index>=str.lastIndexOf(""bread""))return """"; + return(index, str.lastIndexOf(""bread""))); +} +" +d36b33cbf5c052ceb2931f974fe38e709719c2b5,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t - 5; y > 5; y--) + { + if (y = t - 5) + { + if (str.substring(y) == ""bread"") + { + pos2 = y; + break; + } + } + else + { + if (str.substring(y, y + 6) == ""bread"") + { + pos2 = y; + break; + } + } + } + + + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +9d4fd87535dd6b2282d0f2d5b2a189013356d30c,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + return true + } + + } + } + return false + +} +" +56a8980c97d0667cda5e279c7764e23b02791477,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = t - 5; y > 5; y--) + { + if (y == t - 5) + { + if (str.substring(y) == ""bread"") + { + pos2 = y; + break; + } + } + else + { + if (str.substring(y, y + 6) == ""bread"") + { + pos2 = y; + break; + } + } + } + + + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +5a573ff581a7ec24669c1dc5ac7030c1d5a52cd0,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + return true; + } + + } + } + return false; + +} +" +806d7713dad2346173c9e7aada5c4bd1f50ad45f,"public String getSandwich(String str) +{ + int index = str.indexOf(""bread"")+5; + if(index>=str.lastIndexOf(""bread""))return """"; + return(str.substring(index, str.lastIndexOf(""bread""))); +} +" +cd302b5a1e27fe4c99714bc713d9d3bf9eb2be2b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(""jam""); + } + else + { + return(""""); + } +} +" +1e624dd5b453f7c0a107e3cff494deb7e7acf698,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + return true; + } + + } + } + return false; + +} +" +71e0df807f6442ea7b1e23d0674cee9b0beb0825,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return true; + } + } + } + } + return false; +} +" +66e991d3bdc921fd1ce9ed9f0f73bfd14b9cb089,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return true; + + } + } + } + return false; +} +" +a0ad151d55c7d001da149a8ce55d54e752306206,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, 8)); + } + else + { + return(""""); + } +} +" +58df75143ae6d031747b972d1fa769cea365ece7,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return true; + } + } + } + } + return false; +} +" +0ac5a20b3ef6e467ebc5efd10b8cb70ebf810c4f,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(4, 8)); + } + else + { + return(""""); + } +} +" +8c1927f20ba0bba82e1cd56a924b4e1a6285dfcd,"public String getSandwich(String str) +public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +0dcfa7be3d6931ba821509f4fe2969ceec5e05ec," +public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +5ee778f57fef4fb30979b9f1410ef6a9c2aeeaae,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(str.startsWith(""bread""), str.endsWith(""bread""))); + } + else + { + return(""""); + } +} +" +70f6ea9806d4af945c9d5aa9e4be11ef283ef23b,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return (str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +a3c81b37f632a781cb93ab3a977616395e72b2a9,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(4, 8)); + } + else + { + return(""""); + } +} +" +7c6580b96d97fbea54fabb4267eca60c53f7eca1,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +f3e17352f96bfb9ba6b55039c5aa0f1badabc29a,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +cff1e98731bdcd421e2f3c520fe56187e60ff52b,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +756dd36ebea0d58e0485a04853178aca8d615d86,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +} +" +6cbee4596da86b0d81cbbb864de4d8772f03a38a,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } + return; +} + +" +01f06a3d142e9dcef9eb2e9e479d53d98569dad0,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + } + + + else + { + return """"; + } +} + +" +2e6171b52c45d7989635559de1e7d2d85e6d5cbe,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +e7c05803b62581a151ef7761a4f8b9fd6245503b,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")) + { + return str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +4e634f82e9bd3348db1196eb18256971949d1e11,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2 + 6); + + } + else + { + return """"; + } +} +" +bbd66d7da427ae34cbeb01f65bb2ff8e01658f3a,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, length - 5)); + } + else + { + return(""""); + } +} +" +7ef151ad42292423984f456083d9806c3f19349d,"public String getSandwich(String str) +{ + for (int i = 0; i=0;j--) + { + if(str.substring(j, j+5).equals(""bread"")&& i+5<=j) + { + return str.substring(i+5,j) ; + } + } + } + } + return """"; +} +" +3022209481daf05d872c4e389f24c5a745c94774,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length - 5)); + } + else + { + return(""""); + } +} +" +c40ee505cff97ee94d9065a6df1f458779a92fdd,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + else + { + return(""""); + } +} +" +521ba87051f7418e2fadd59390820013fd6697c3,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"") + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +5c5e722dd4e6144fe9d7642dd2d4172a2b885e5c,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 4; y++) + { + if (str.substring(y, y + 6) == ""bread"" ) + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +906bde31caafd072857827c6a953173d0ae5e147,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"" && y == t- 6 ) + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +4e4fe6a3eecdc247e8537dfb2f6113543cfe3d90,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"" && y !== t- 6 ) + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +2a6453bdb2be2a2947fdf533a2288341a94a9344,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (str.substring(y, y + 6) == ""bread"" && y != t- 6) + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +68b0b3192d0d8004f7f502b519eff75d53a10066,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xx"")) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)) + } + else + { + return(""""); + } +} +" +935d45be7cd83fc4137304dcdbed0c9657103105,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xx"")) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +127276964ab2e4367063cee0ba803afb47e0f877,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (y != t- 6 && str.substring(y, y + 6) == ""bread"" ) + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + else if (str.substring(y) == ""bread"") + { + pos2 = y; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +f1529edb777236d87d96886a816568c05503889c,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") ) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +30b76da33749bed2137cbc095f9688c4ee31eb03,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"", 10) ) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +0c9cfb83366eec01cd8bbc21832df76c699c9277,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") ) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +731509e7d492e2129e6621725f4e19e107b6e857,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.CharAt(7) == ""b"") + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +13ded954856b77996d27a439881ab2996a7c2bef,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.charAt(7) == ""b"") + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +9b516d9e8ee528f0066b11756f03d817fa9f159c,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"")) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +d1d6bf4df02e49483cecf6755b3a3967b2266fb8,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.length() > 9) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +17ebe66656add7a2680c98353f45f11c129d6262,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread"", 0) + 5; + int y = str.lastIndexOf(""bread""); + + substring(x, y); + + +}" +3f4d16b6ea0c41b489e450acdeeeea62b5a7e470,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread"", 0) + 5; + int y = str.lastIndexOf(""bread""); + + str.substring(x, y); + + +}" +dd44d9af9da823092e127866ae8388e991bc0fb0,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread"", 0) + 5; + int y = str.lastIndexOf(""bread""); + + return str.substring(x, y); + + +}" +f27b6e183080435d999dbbe630c9d98c8bcf39a1,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +71d4db2b7b435802c880e7f036b651d8ea51863c,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread"", 0) + 5; + int y = str.lastIndexOf(""bread""); + + if ((y - x) < 0) + { + return """"; + } + + return str.substring(x, y); + + +}" +43648b341666ca697aa341ed869e746d8bf79eb5,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if( str.subString(i,i+5).equals(""bread"")); + { + first = i+5; + i = len -5; + } + + } + if (!first == -1) + { + for (int j = first; j first; j--) + { + if( str.substring(j, j+5).equals(""bread"")) + { + + return str.substring(first, j); + } + } + } + return """"; + }" +cb7d0f1745adf11b0ef8c8d704c08a927e2fc8e4,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if( str.substring(i,i+5).equals(""bread"")); + { + first = i+5; + i = len -5; + } + + } + if (first != -1) + { + for (int j = len-1; j > first; j--) + { + if( str.substring(j, j-5).equals(""bread"")) + { + + return str.substring(first, j); + } + } + } + return """"; + }" +7279edd36c79c10f390df1f21167d5470dcabe8e,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if( str.substring(i,i+5).equals(""bread"")); + { + first = i+5; + i = len -5; + } + + } + if (first != -1) + { + for (int j = len-1; j > first; j--) + { + if( str.substring(j-5, j).equals(""bread"")) + { + + return str.substring(first, j); + } + } + } + return """"; + }" +e75c95207bdb462496a5f827b2ae02dd883d62db,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + i = len-5; + } + + } + if (first != -1) + { + for (int j = len; j > first; j--) + { + if( str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j); + } + } + } + return """"; +}" +b8c7257e952b597523eb549233dbba27e820db1a,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + i = len-5; + } + + } + if (first != -1) + { + for (int j = len; j > first; j--) + { + if( str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j-5); + } + } + } + return """"; +}" +f9ad628afe97cf1f6008bfd6639cc13312de1af4,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(0,5) == ""bread"" && str.substring(y)) + { + x = str.substring(5) - str.substring(y); + } + return x; +} +" +15cffe37e5070e7bf7b90467e7b28c46b7de5a31,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(0,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = str.substring(5) - str.substring(y); + } + return x; +} +" +f3fee6b2c242ff84e44c961461ab3aa292082886,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(0,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = """"str.substring(5) - str.substring(y) + """"; + } + return x; +} +" +899993b5ddf876c4aa048c09ab05d3a30b2bb121,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(0,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = """" + str.substring(5) - str.substring(y) + """"; + } + return x; +} +" +36ed66169b801e28ffe24877282a643a3fae48ab,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(0,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = str.substring(5, y); + } + return x; +} +" +f705e4da31b662d3c67e8b9fb2c19b711e7b125f,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + i = len-5; + } + + } + if (first != -1) + { + for (int j = len; j - 5 > first; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j-5); + } + } + } + return """"; +}" +1549cecb06cd3890b92cca392de3a3be9316318b,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(1,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = str.substring(5, y); + } + return x; +} +" +d89353d94a204b89a1da39a9ce5ca01eea84a55b,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 6; + if (str.substring(1,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = str.substring(5, y); + } + return x; +} +" +585eea1b4c53a6ffc801d908d0de3502eba33004,"public String getSandwich(String str) +{ + String x = """"; + int y = str.length() - 5; + if (str.substring(0,5) == ""bread"" && str.substring(y) == ""bread"") + { + x = str.substring(5, y); + } + return x; +} +" +21725a79d7f59366756f2079796cea9f25128d50,"public String getSandwich(String str) +{ + String x = """"; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + x = str.substring(i, str.length() - 5); + } + } + return x; +} +" +b1ca076cbe43936fe7248898da5698b5b66fd7c8,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + i = len-5; + } + } + if (first != -1) + { + for (int j = len; j - 5 > first; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + return str.substring(5, j-5); + } + } + } + return """"; +}" +e201420385ae8a8893f0ed091b6971ba9e2b3d76,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + return first; + i = len-5; + } + } + if (first != -1) + { + for (int j = len; j - 5 > first; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j-5); + } + } + } + return """"; +}" +dfc9cb53bdf1cb5dee43e93b692bdb6c6abe9633,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + return """"+first; + i = len-5; + } + } + if (first != -1) + { + for (int j = len; j - 5 > first; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j-5); + } + } + } + return """"; +}" +e75895280f585b132aedf41fa61fd5ee9dfc0b7b,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")); + { + first = i+5; + return """"+first; + //i = len-5; + } + } + if (first != -1) + { + for (int j = len; j - 5 > first; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j-5); + } + } + } + return """"; +}" +5ff5b5064ecad1cf6e023531a35cd2e5f0e9aede,"public String getSandwich(String str) +{ + String x = """"; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + x = str.substring(i + 5, str.length() - 5); + } + } + return x; +} +" +8966bea0e9ac9f6a5ab9c0e89ee4e541b1b2e6a6,"public String getSandwich(String str) +{ + int len = str.length(); + int first = -1; + for (int i =0; i < len-5; i++) + { + if(str.substring(i, i+5).equals(""bread"")) + { + first = i+5; + i = len-5; + } + } + if (first != -1) + { + for (int j = len; j - 5 > first; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + return str.substring(first, j-5); + } + } + } + return """"; +}" +c322210e2ca720b573337e0514db37206e3ef0ed,"public String getSandwich(String str) +{ + String x = """"; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + x = str.substring(i + 6, str.length() - 5); + } + } + return x; +} +" +12e85ddb17515d20e97c6adf1514f8990bbf7e8c,"public String getSandwich(String str) +{ + if (str.length() <= 2) + { + return """" + } +} +" +b9ebbd87d5d9fa7d8da590711d9ba0894ac673c9,"public String getSandwich(String str) +{ + if (str.length() <= 2) + { + return """"; + } +} +" +3c50f3f425dd2919ea2cd6eab58318e9f45df45e,"public String getSandwich(String str) +{ + if (str.length() <= 2) + { + return """"; + } + return false; +} +" +915ef963775f346fab5f181e3d114a6a3564971d,"public String getSandwich(String str) +{ + if (str.length() <= 2) + { + return """"; + } + return str; +} +" +d1e7f7228fbc1fecd80d2b8317ca6a30090a7861,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +79c4c61044698c23932045ee1e462bccd0fcc118,"public String getSandwich(String str) +{ + if (str.length() <= 5) + { + return """"; + } + return str; +} +" +e7a9abcf1068c564ee03b6651db9a60a766f3a87,"public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +d07fb194d9aa7e7e9823bbd7bcd0b1eaa09eb378,"public String getSandwich(String str) +{ + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5) .equals(bread)) + { + return """"; + } + } +} +" +da86fc680e4a73051cca5780bfb04c9470a81c80,"public String getSandwich(String str) +{ + int i = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5) .equals(bread)) + { + return """"; + } + } +} +" +4e5b87a5f739630c667549f872e492e4e9425d2a,"public String getSandwich(String str) +{ + int i = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5) .equals(""bread"")) + { + return """"; + } + } +} +" +60d9835f27cb5082944b8247d29e8ca185bc7a1a,"public String getSandwich(String str) +{ + int i = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5) .equals(""bread"")) + { + return """"; + } + } + return str; +} +" +d5fbdbf336648c4449753f6d828a12d935765b6c,"public String getSandwich(String str) +{ + int i = 0; + int n = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(), n > 0; n--) + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring(i+6, n-6) + } + } + return """"; +} +" +21113ac2ba290cda75074d80ecc928fc863afd8d,"public String getSandwich(String str) +{ + int i = 0; + int n = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(), n > 0; n--) + {if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring(i+6, n-6); + } + } + } + return """"; +} +" +06a1fcabddd5877f07710689b049700ca2127f20,"public String getSandwich(String str) +{ + int i = 0; + int n = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(); n > 0; n--) + { + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring (i+6, n-6); + } + } + } + return """"; +} +" +f8fb511412d4546eee19b56a84b6be61a1cf6993,"public String getSandwich(String str) +{ + int i = 0; + int n = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(); n > 0; n--) + { + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring (i+5, n-5); + } + } + } + return """"; +} +" +5a40b06d15c00fb2465b3ab51db5a8dba7f29c5d,"public String getSandwich(String str) +{ + int i = 0; + int n = 0; + if (str.length() <= 5) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(); n > 0; n--) + { + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"") && i+5 != n) + { + return str.substring (i+5, n-5); + } + } + } + return """"; +} +" +f63f978465f5a36f8c64b116e16fc7adffdb3bc4,"public String getSandwich(String str) +{ + int i = 0; + int n = 0; + if (str.length() <= 10) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(); n > 0; n--) + { + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring (i+5, n-5); + } + } + } + return """"; +} +" +489759ebd8a7c6d3a1307de780013024f1e66b45,"public String getSandwich(String str) +{ + int i + int n + if (str.length() <= 10) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(); n > 0; n--) + { + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring (i+5, n-5); + } + } + } + return """"; +} +" +8b6ecce977a81e798357b214397015edd7a48fed,"public String getSandwich(String str) +{ + int i; + int n; + if (str.length() <= 10) + { + return """"; + } + for (i = 0; i < str.length(); i++) + { + for (n = str.length(); n > 0; n--) + { + if (str.substring(i, i+5) .equals(""bread"") && str.substring(n-5, n) .equals(""bread"")) + { + return str.substring (i+5, n-5); + } + } + } + return """"; +} +" +879da23f90f6215176993ff8bb579c9532a47dd6,"public String getSandwich(String str) +{ + int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + else + { + return """"; + } + } + + + else + { + return """"; + } +} + +" +a74dfe00c46f785ab69387f895af26690d1ef9d1,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +9e3837e9cc46ea26e68ef7ba291e807b5c2916cc,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread"")); + } + else + { + return str.substring(0); + } +} +" +d24683235572cde0c12f5330fa163ab8d29e2879,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(str.indexOf(""bread"")+ 5, str.lastIndexOf(""bread"")); + } + else + { + return str.substring(0); + } +} +" +c3d7f4931aa33762ac93b5fcc96021ee489bc62b,"public String getSandwich(String str) +{ + int n = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(str.indexOf(""bread"")+ 5, str.lastIndexOf(""bread"")); + } + else + { + return """"; + } +} +" +6cad68433c9cf2daaead71784ba4d65b5a70eaec,"public String getSandwich(String str) +{ + int n = str.length(); + if (n >= 10) + { + return str.substring(str.indexOf(""bread"")+ 5, str.lastIndexOf(""bread"")); + } + else + { + return """"; + } +} +" +cf4e38e914c023d87cb9adb3259a53f1fe6bd86f,"public String getSandwich(String str) +{ + return ""ead"" +} +" +bda8899cc6686bd8a3b66c946b35e8a248f62ac5,"public String getSandwich(String str) +{ + return ""ead""; +} +" +bd11341b6b27a2f272ef21a3dc2fa01adf134c6c,"public String getSandwich(String str) +{ + return ""jam""; +} +" +f5d0c66bdb27694d3cf24d0bc8035367d6a8c9e7,"public String getSandwich(String str) +{ + return str.indexOf(""bread""); + +} +" +6139ac06976c6457caa0808ce0c2f0214b63c722,"public String getSandwich(String str) +{ + return str.indexOf(""bread"") + """"; + +} +" +51dedcc13d63d5c0971c4ef2792e94c481698f3d,"public String getSandwich(String str) +{ + return str.lastIndexOf(""bread"") + """"; + +} +" +258bb072b7799b066da47c34f3c54fd8bc3f2231,"public String getSandwich(String str) +{ + return str.substring(str.indexOf(""bread"")+5 + str.lastIndexOf(""bread"")); + +} +" +2b3fec687590f215e0948e4ea05688f6fc962087,"public String getSandwich(String str) +{ + return str.substring(str.indexOf(""bread"")+4 + str.lastIndexOf(""bread"")); + +} +" +69387521a7980277c8b6f609a92613a6d6c2f2fa,"public String getSandwich(String str) +{ +if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); + +} +" +8a55cb9972c17c5b0bca8777cc6352eec499288a,"public String getSandwich(String str) +{ + int pos1 = -1; + int pos2 = -1; + boolean asd = false; + boolean jonatan = false; + + int t = str.length(); + + for (int y = 0; y < t - 5; y++) + { + if (y != t- 6 && str.substring(y, y + 6) == ""bread"" ) + { + if (asd == false) + { + pos1 = y; + asd = true; + } + else + { + pos2 = y; + } + } + else if (str.substring(y) == ""bread"") + { + pos2 = y; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +} +" +6a8b9abceeade57a6455de017bb20a1bf6e79753,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """";\ + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + finalString = str.substring(start,finish); + return finalString; +} + +} +" +7d8e4f55ba6645058b2a560567df06e47dd2f6e4,"public String getSandwich(String str) +{ + if(str.substring(0, 6).equals(""bread"") && str.substring(str.length-6, str.length+1).equals(""bread"")) + return(str.substring(7, str.length-6)); + else + return """"; + +} +" +4ac8640dbee2e16acc14bd8a9bb32134b9f637e9,"public String getSandwich(String str) +{ + if(str.substring(0, 6).equals(""bread"") && str.substring(str.length()-6, str.length()+1).equals(""bread"")) + return(str.substring(7, str.length()-6)); + else + return """"; + +} +" +d0440ca7f5569e2c88f034cca56473c5000bf0a9,"public String getSandwich(String str) +{ + int F = -1; + int L = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + F = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + L = i; + break; + } + } + + if(F != -1 && L != -1 && F != L) + return str.substring(F + 5, L); + + return """"; + +} +" +fbf92cab8a1a5c40c1d7dc0c97bea647c5ccb2bc,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + bread; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + bread; + } + } + if (first != -1 && last != -1 && first!= last) + { + return str.substring(first + 5, last); + } + return """"; +} +" +9b3888c61371521ec21e7857235964ac87040f61,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first!= last) + { + return str.substring(first + 5, last); + } + return """"; +} +" +35c92bda88933da7dc547e69f5e511f15d4287dc,"public String getSandwich(String str) +{ +if (str.lengh() < 3) +{ + return """"; +} + else + String newb = """"; + newb = str.get(0) + str.get(2); + return newb; +} +" +fe031ebfd5c826d5e152f7ab3872143ca58b5234,"public String getSandwich(String str) +{ +String newb = """"; + if (str.lengh() < 3) +{ + return """"; +} + else + newb = str.get(0) + str.get(2); + return newb; +} +" +5ecf6b3b6e1bdb4648cd5b4c9b5ac2ed9bc97c4c,"public String getSandwich(String str) +{ +String newb = """"; + if (str.length() < 3) +{ + return """"; +} + else + newb = str.get(0) + str.get(2); + return newb; +} +" +f96ed6c090f158ccdf00d8d8c3be9a32ae003e53,"public String getSandwich(String str) +{ +String newb = """"; + if (str.length() < 3) +{ + return """"; +} + else + newb = str.charAt(0) + str.charAt(2); + return newb; +} +" +f889c21853836ba4693b31d4191afdad968e72d1,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else () + { + return """"; + } +} +" +f479daaf09fe40795ad7ca2a1cefa9dcb5c73081,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +d26641a0479df33837e379dc20196fba523dc964,"public String getSandwich(String str) +{ + /**int i = 0; + if (i+10 >= str.length()) + { + while (str.substring(i, i+5) != ""bread"" && + i+5 <= str.length() ) + { + i=i+1; + } + if (str.substring(i, i+5).equals(str.substring + (str.length()-(i+5), + str.length()-i)) + && str.substring(i, i+5).equals(""bread"")) + { + return str.substring(i+5, str.length() -(i+5)); + } + else + { + return """"; + } + } + + + else + { + return """"; + } + */ + int index1=0; + int index2=0; + if (str.length() < 10){ + return """"; + } + else + { + for (int i=0;i0;i--) + { + if (str.substring(i-5,i).equals(""bread"")) + { + index2=i-5; + break; + } + } + if (index1>=index2) + { + return """"; + } + else + { + return str.substring(index1, index2); + } + } +} + +" +41d752379a359d4038922b11c115f2a8d3ea3dce,"public String getSandwich(String str) +{ + int index1=0; + int index2=0; + if (str.length() < 10){ + return """"; + } + else + { + for (int i=0;i0;i--) + { + if (str.substring(i-5,i).equals(""bread"")) + { + index2=i-5; + break; + } + } + if (index1>=index2) + { + return """"; + } + else + { + return str.substring(index1, index2); + } + } +} + +" +b2f382a814b2ee40ff0b380627f1acf6b248a96c,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = 0; l < str.length() - i; l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa != -1) && (la != -1)) + { + return str.substring(fa, la); + } + return """"; +} +" +1149871a44ba79e53041f4edee720a3d3d632930,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = 0; l < str.length() - i; l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +4aaef90bbb2aaa68392d1cfdc001dfc3b9e1770f,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = 0; l < str.length() - (i + 1); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +5a96219b2350c4fc9c0088194cdff0ee2a8cd71f,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = 0; l < str.length() - i - 1; l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +51350c8d4e2ce812fbcdcbe5dbceffd4f86d48bd,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = 0; l < str.length(); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +bdc3385e6c5845d97129b09ac8e67c684099fc9b,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = i; l < str.length(); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +4e7b7c978e6c7c625b0ee6a9084fdc659500436a,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = i; l < str.length(); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 3; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +04038fefbf4964710f619c501e0717996c5cf828,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if ((str.substring(0, 5).equals(b) && (str.substring(l - 5, l + 1)) == b) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +ccb0f3cfad4787ce5c84f10e42ae96b507078d66,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = i; l < str.length(); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 5; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +c634165e97a20ebe08a0ab757c5671f257f82d3e,"public String getSandwich(String str) +{ + String b = ""bread""; + int l = str.length(); + if ((str.substring(0, 5).equals(b))// && (str.substring(l - 5, l + 1)) == b) + { + String in = str.substring(5, l - 4); + return in; + } + return """"; +} +" +36b8f8431effd6d6695e60d75e7fbbc4785f6d2f,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = i; l < str.length(); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 4; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +2ad4b1d7097dac022367273d8a7edce5cc8d83c7,"public String getSandwich(String str) +{ + int fa = -1; + int la = -1; + int count = 0; + + for (int i = 0; i < str.length(); i++) + { + for (int l = i; l < str.length(); l++) + { + if (str.substring(i, l).equals(""bread"")) + { + if (count == 0) + { + fa = i + 5; + count++; + } + else + { + la = i; + } + } + } + } + if ((fa >= 0) && (la >= 0)) + { + return str.substring(fa, la); + } + return """"; +} +" +7a198ea94b5ba20948924becc9b1b73341c680f6,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != null and str.lastIndexOf(""bread"") != null) + { + return str.substring(firstBread, lastBread - 5); + } + else + { + return """"; + } +} +" +e38c00ba115a5318a4227cbb0b68f2067aeeaa9c,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != null && str.lastIndexOf(""bread"") != null) + { + return str.substring(firstBread, lastBread - 5); + } + else + { + return """"; + } +} +" +42f708703d03b72923a35ecc29d45d006c43159f,"public String getSandwich(String str) +{ + int count = 0; + if ( str.length() >= 4) + { + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + str = str.substring(i + 4, str.length()); + if (count == 0) + { + count++; + i = 0; + } + else + { + return str; + } + } + } + } + return """"; +} +" +8683df97dca019d1a7b2cacf800294b60db1959d,"public String getSandwich(String str) +{ + int count = 0; + if ( str.length() >= 4) + { + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + if (count == 0) + { + count++; + str = str.substring(i + 4, str.length()); + i = 0; + } + else + { + str = str.substring(i, i + 4); + + return str; + } + } + } + } + return """"; +} +" +057e726129e9e366df962ca04e9dbfe87b3dde9f,"public String getSandwich(String str) +{ + int count = 0; + if ( str.length() >= 4) + { + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + if (count == 0) + { + count++; + str = str.substring(i + 4, str.length()); + i = 0; + } + else + { + str = str.substring(0, i); + + return str; + } + } + } + } + return """"; +} +" +c1b3333d94c9a76496b145535325bbdf703a8aae,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread, lastBread - 5); + } + else + { + return """"; + } +} +" +062d0980b44f590f249cbc6c031025b877bb0be9,"public String getSandwich(String str) +{ + int count = 0; + if ( str.length() >= 4) + { + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + if (count == 0) + { + count++; + str = str.substring(i + 4, str.length()); + i = 0; + } + else + { + str = str.substring(0, i); + + return str; + } + } + } + } + return """"; +} +" +18e01a4b7e372d89fcad78cde15da3b344bb03e8,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread, lastBread - 1); + } + else + { + return """"; + } +} +" +7795507545afe92a06e5d50572ad93df387a3ecc,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread - 5, lastBread - 5); + } + else + { + return """"; + } +} +" +b5b9f4c5eb53655ea4b9c53ff30a24afec6e1c24,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread, lastBread - 5); + } + else + { + return """"; + } +} +" +c40a672ca3bc0e5a0881f9f2b4f7d1e5430ee2e1,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread + 2, lastBread - 2); + } + else + { + return """"; + } +} +" +137b1ffacb9f65be0d2c8613d04d8ce79dc7caa3,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread + 5, lastBread - 2); + } + else + { + return """"; + } +} +" +08c6574d236d073c0433de445411fd078becb838,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + return str.substring(firstBread + 5, lastBread); + } + else + { + return """"; + } +} +" +dc4e9064b8bd39a5b2c15acb523b71c37201d759,"public String getSandwich(String str) +{ + String Sandwich = ""bread"" + str + ""bread""; + return str; +} +" +385fc7d28bcdd5093279b873e57c053c677cf45c,"public String getSandwich(String str) +{ + String Sandwich = word.subString(5); + return Sandwich; +} +" +62c186b66db99fa8d1670b0227c295f7c757ec96,"public String getSandwich(String str) +{ + String Sandwich = str.subString(5); + return Sandwich; +} +" +22ad7d85f89604e610060ab55d5b677975f4c14e,"public String getSandwich(String str) +{ + String word = str + String Sandwich = word.subString(5); + return Sandwich; +} +" +ed3a6c4d7105eb142942502936a371e92ec41253,"public String getSandwich(String str) +{ + String word = str; + String Sandwich = word.subString(5); + return Sandwich; +} +" +76e5312b8f2a14eda14c258684c8f9b4c00ccbca,"public String getSandwich(String str) +{ + String word = str; + String Sandwich = word.substring(5); + return Sandwich; +} +" +525e6d049dd419d342ae28a162a21940c17ee8c0,"public String getSandwich(String str) +{ + return str; +} +" +f916e96ae1d94b962f229cd01c8bc9f96c7354f0,"public String getSandwich(String str) +{ + String word = str; + word.substring(word.indexOf('d'), word.indexOf('b')); + return word; +} +" +7792f51b23e6524924f9b9d70aa4ced8aebdfe83,"public String getSandwich(String str) +{ + String word = str; + word.substring(word.indexOf('d'), word.lastIndexOf('b')); + return word; +} +" +c8f9e8db2710ffcc97349084286cd9138e4ac357,"public String getSandwich(String str) +{ + String word = str; + word.substring(word.lastIndexOf('d'), word.IndexOf('b')); + return word; +} +" +bb343ad98ea607ab4de7e7f52160eab62a3726f9,"public String getSandwich(String str) +{ + String word = str; + word.substring(word.lastIndexOf('d'), word.indexOf('b')); + return word; +} +" +d3f8bc02e64de087bd9afc64c399c0d6ecbe26d4,"public String getSandwich(String str) +{ + String word = str; + word.substring(word.indexOf('d'), word.lastIndexOf('b')); + return word; +} +" +1f986550c1552c0c1ec732c31331ea2812eaff0b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lasIndexOf(""bread""); + if (!(last == -1)) + { + return (str.substring(first+5, last)); + return """"; + } +} +" +50213a6b39a5312e2d5ce4f7a6f857c4dec82a8d,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (!(last == -1)) + { + return (str.substring(first+5, last)); + return """"; + } +} +" +f6c9ce83c5cb1da5447cca840055b7379c10a072,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (!(last == -1)) + { + return (str.substring(first+5, last)); + } + return """"; +} +" +ce8abcb065d1b3b566aff2a13c3371f3448d292e,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int n = 0; n < str.length() - 5; n++) + { + if (str.substring(n, n + 5).equals(""bread"")) + { + first = n; + break; + } + } + for (int n = str.length() - 5; n >= 0; n--) + { + if (str.substring(n, n + 5).equals(""bread"") + { + last = n; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + return """"; + } +} +" +326a74ee39613e49f9f43e23cf05c7a9d855f5d3,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int n = 0; n < str.length() - 5; n++) + { + if (str.substring(n, n + 5).equals(""bread"")) + { + first = n; + break; + } + } + for (int n = str.length() - 5; n >= 0; n--) + { + if (str.substring(n, n + 5).equals(""bread"")) + { + last = n; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + return """"; + } +} +" +288e1331af48095485a67c18ea20886bd6a6b65b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; +} +" +d67531c4c447afad03101c3b38fe6d0b7dd4d183,"public String getSandwich(String str) +{ + int length = length(str); + if (str.substring(0, 4).equals(""bread"") && + str.substring(length - 6).equals(""bread"") && + length > 10) + { + return str.substring(4, length - 7); + } +} +" +75219dab7cbac5336eac18e65d36c02a98ab0836,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.substring(0, 4).equals(""bread"") && + str.substring(length - 6).equals(""bread"") && + length > 10) + { + return str.substring(4, length - 7); + } + else + { + return """"; + } +} +" +ffddd92511b065d2a79c60ab21ba52e840eee0d9,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = str.length(); j > 4; j = j-1) { + if (str.substring((j-5), j).equals(""bread"") && i + 5 != j) { + return str.substring((i+5), (j-5)); + } + } + } + } + return """"; +} +" +17f1eeefcfb54f8dcd9921a696ce09b2d1f024e1,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==st.lastIndexOf(""bread""))return""""; + { + return(str.indexOf(""bread"")+5, str.lastIndexOf(""bread""))); + } +} +" +856c8489ded12f5af4c7af9321ef1553d9936770,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==st.lastIndexOf(""bread""))return""""; + { + return(str.indexOf(""bread"")+5, str.lastIndexOf(""bread"")); + } +} +" +bf7f689c48b9f4d646c41d01ce9237cd20f8df47,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==st.lastIndexOf(""bread""))return""""; + { + return(str.indexOf(""bread"")+5, str.lastIndexOf(""bread"")); + } +} +" +4ffd423548c68751957175f9cb3d02b7236305d9,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; +} +" +ac2e1e88afa6b59d74d336aba054918dbc7e95cb,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +e0818a16e4e1495e209308cc1cd4f393d4ad92d1,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int f = str.lastIndexOf(""bread""); + if (i != -1; f != -1; i != f) + return str.substring(i + 5, f); + else + return """"; + +} +" +77e2965dd7cebec14e73fd6a9fb85020ed75244f,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int f = str.lastIndexOf(""bread""); + if (i != -1 && f != -1 && i != f) + return str.substring(i + 5, f); + else + return """"; + +} +" +f60d2a7297eb83ac1e032f75b856b6bdbc0ac5ec,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + + if (length > 2) + { + between = str.substring(1, length - 1); + } + + return between; +} +" +e1d9344638e98507c8603e374e5d7fb826069157,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4), equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + for (int l = i; l < length - 5; l++) + { + if (str.substring(l, l + 4), equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(i+1, l-1)); + } + else + { + return """"; + } +} +" +fdedd018abba7c77ba4aa93f0c4f48c7f1755c18,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + for (int l = i; l < length - 5; l++) + { + if (str.substring(l, l + 4).equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(i+1, l-1)); + } + else + { + return """"; + } +} +" +7d325d06fa79e0ebd08938a227e22b830666f0fb,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int i = 0 + for (i; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + for (int l = i; l < length - 5; l++) + { + if (str.substring(l, l + 4).equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(i+1, l-1)); + } + else + { + return """"; + } +} +" +6679feee532536b29ae534396d8aa69fc3283a09,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int i = 0; + for (i; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + for (int l = i; l < length - 5; l++) + { + if (str.substring(l, l + 4).equals(""bread"")) + { + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(i+1, l-1)); + } + else + { + return """"; + } +} +" +b0158173a2e850e94aca0ceeb7aaaeef7e312f12,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int first = 0; + int last = 0; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; l < length - 5; l++) + { + if (str.substring(l, l + 4).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+1, last-1)); + } + else + { + return """"; + } +} +" +25608dc0eec5ebd20531ca18bbd2f390213d9970,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int first = 0; + int last = 0; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; l < length - 5; l++) + { + if (str.substring(l, l + 4).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+1, last-1)); + } + else + { + return """"; + } +} +" +e13970a307940f068d460a40895e36cb180afa70,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int first = 0; + int last = 0; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+1, last-1)); + } + else + { + return """"; + } +} +" +78f75b19793462f3bf1d54fd8db94d3f4ba2cc2c,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int first = 0; + int last = 0; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +422d66f3c6b7d5344180d370853f3e0635612962,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +52e2da39fde83eca330398fa8dd8d579162a3784,"public String getSandwich(String str) +{ + var str = ""Bread Something Bread"" + var res = str.lastIndexOf(""Bread""); +} +" +64261bf26a2dc6b2e6a0e10888194280b099eaf3,"public String getSandwich(String str) +{ + var str = ""Bread Something Bread""; + var res = str.lastIndexOf(""Bread""); +} +" +d0759104cff3f8e43070961dd8739820ccb3971c,"public String getSandwich(String str) +{ + str = ""Bread Something Bread""; + res = str.lastIndexOf(""Bread""); +} +" +f61a11261422bc6f3e294e9b748a7482116af588,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; i < length - 5; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +a93bd67c701b8e422f5781677ec69b35438a57ae,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = first; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +a52f2e5f6b90ab4f998a03a72110f91a988de7a8,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +7b6dee1ff491183936fbe30c836d74c6d615259f,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +e0cbe69bdfad63fd9cd7c9b0cd4bdd93bb51ae0c,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last)); + } + else + { + return """"; + } +} +" +0ed7979428296cb1e123f95521c3f41aa781dcb0,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last-1)); + } + else + { + return """"; + } +} +" +c0766f93a6e850307812d1e1a8df8deaa258e2bb,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last)); + } + else + { + return """"; + } +} +" +9c68a1eab7f4aa887be68a5f64ee768f5a80acf4,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first+5, last)); + } + else + { + return """"; + } +} +" +dddb523500aa3ceca01092658ca399ac0e393d56,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first + 5, last)); + } + else + { + return """"; + } +} +" +f1217e37a3fd63f871485aba0e87024ac9b8e6c5,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +c3f833d8c785c24562be3c37609308acb080c4d5,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = false; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first + 5, last)); + } + else + { + return """"; + } +} +" +d5231926179ba9d189fc0df7997cb565b0558f2d,"public String getSandwich(String str) +{ + int length = str.length(); + boolean a = true; + int first = 0; + int last = 0; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + else + { + a = false; + } + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + else + { + a = false; + } + } + if (a == true) + { + return (str.substring(first + 5, last)); + } + else + { + return """"; + } +} +" +181ae5e8fc337748077e527315123748d2cb4f88,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +7dd30fe9b2959b0b3944fa742937492e4f3a32fb,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != -1 && last!= -1 && first != last) + { + return str.substring(first+5, last); + } + return """"; +} +" +8e757f36d7265dd570c64ccbbe55481548028702,"public String getSandwich(String str) +{ + int length = str.length(); + int first = -2; + int last = -2; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + + } + if (first != -2 && last != -2) + { + return (str.substring(first + 5, last)); + } + else + { + return """"; + } +} +" +a83fb875df9ff76edaf6c1176afea994b7da6895,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 < length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 < length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +8cdd0533d10cf1e2916e03be169b5485ff59e4e6,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 <= length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 <= length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +97d7e2df9d2a94cf10cee92163444fc94ef018dd,"public String getSandwich(String str) +{ + int length = str.length(); + int first = -2; + int last = -2; + boolean a = false; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = true; + first = i; + break; + } + else + { + a = false; + } + + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = true; + last = i; + break; + } + else + { + a = false; + } + + } + if (a == true) + { + return (str.substring(first + 5, last)); + } + else + { + return """"; + } + +} +" +56eec67cd0644bbd1f5b1e7d157a5fcbd0dd5a46,"public String getSandwich(String str) +{ + int length = str.length(); + int first = 0; + int last = 0; + boolean a = false; + if (length <= 10) + { + return """"; + } + for (int i = 0; i < length - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = true; + first = i; + break; + } + else + { + a = false; + } + + } + for (int i = length - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = true; + last = i; + break; + } + else + { + a = false; + } + + } + if (a == true) + { + return (str.substring(first + 5, last)); + } + else + { + return """"; + } + +} +" +70f2e48ff6e582504721dccb439de580f560733f,"public String getSandwich(String str) +{ + public String getSandwich(String str) { +02 + int len = str.length(); +03 + String tmpString = """"; +04 + String finalString = """"; +05 + int start = 0; +06 + int finish = 0; +07 + boolean found = false; +08 + +09 + if (len <= 10) +10 + return """"; +11 + +12 + for (int i = 0; i < len - 4; i++) { +13 + tmpString = str.substring(i, i+5); +14 + +15 + if (tmpString.equals(""bread"") && found == true) +16 + finish = i; +17 + +18 + if (tmpString.equals(""bread"") && found == false) { +19 + start = i+5; +20 + found = true; +21 + } +22 + } +23 + +24 + finalString = str.substring(start,finish); +25 + return finalString; +26 +} +} +" +26c2594aa69d50cde16ad3d13891ae5894838a0b,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 <= length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 <= length) + { + if (str.charAt(i).equals(""b"")) + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +1ade2a8f5a0d63c9ca307b3ffee17381fc8cea81,"public String getSandwich(String str) +{ + public String getSandwich(String str) { + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; +} +} +" +e8fda516b29607cbfd34fa32d5289380cd536ce0,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; +} +} +" +4a1734e04a3c6b2cc3f1afcbb6255ca7f907b997,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; +} + +" +7553d723fc46dab89382de6bc9898dbf0f7f1ecf,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 <= length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 <= length) + { + String letter = str.charAt(i); + if (letter.equals(""b"")) + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +6b5e059b6fffee0939c9cc389a4b66357c987386,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 <= length) + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 <= length) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +e6c6c1b6b46274a16c775b439c3d9df73a28df39,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 <= length) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 <= length) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + } + + if (beginning != end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +cc6d12781b74bceaa7248dbfe1d0c9c4b44ee194,"public String getSandwich(String str) +{ + if (str.startsWith('bread') && str.endsWith('bread')) + { + len = str.length(); + between = str.substring(5, str.length()-5); + + return between; + } + + return """"; +} +" +9bd4f59ccba538b695c49b3a11acbfcfd4669395,"public String getSandwich(String str) +{ + String between = """"; + int length = str.length(); + int beginning = -1; // beginning of string in between + int end = -1; // end of string in between + + for (int i = 0; i < length; i++) + { + if (i + 5 <= length) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i, i+5).equals(""bread"")) + { + beginning = i + 5; + break; // stops loop + } + } + } + } + + for (int i = length - 5; i >= 0; i--) + { + if (i + 5 <= length) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i, i+5).equals(""bread"")) + { + end = i; + break; + } + } + } + } + + if (beginning - 5!= end && beginning != -1 && end != -1) + { + between = str.substring(beginning, end); + } + + return between; +} +" +709b24bbf922df693716688064d51bb57637b62a,"public String getSandwich(String str) + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + len = str.length(); + between = str.substring(5, str.length()-5); + + return between; + } + + return """"; +} +" +0563433f68432891e12a601caec28bdb8f648541,"public String getSandwich(String str) + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int len = str.length(); + String between = str.substring(5, str.length()-5); + + return between; + } + + return """"; +} +" +ddbcda794206533d4f0f2f3115e12d5fcb494e4d,"public String getSandwich(String str) + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int len = str.length(); + String between = str.substring(5, str.length()-5); + + return between; + } + + return """"; +} +" +4ba3dbce6fd6d02af29b2b379730c3c990011e81,"public String getSandwich(String str) + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int len = str.length(); + String between = str.substring(5, str.length()-5); + + return between; + } + + return """"; +} +" +472844b7698e5eb6695eb2e6013ce277814e90c0,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int len = str.length(); + String between = str.substring(5, str.length()-5); + + return between; + } + + return """"; +} +" +9d330834a4d79db157a089edfbe1160c97880a31,"public String getSandwich(String str) +{ + for(int i; i < str.length(); i++) + { + String bread1 += str.charAt(i); + } + + return bread1; +} +" +d65d926dd88826c0338bb3e95a4ee4b65a5f7d62,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length()-1; c>i+4; c--) + { + storeStringLast = str.substring(c-4,c+1); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+5,c-4); + break; + } + } + return newString; +} +" +8163784e26676d4ec4ebf3963af6ff4cb07e9579,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +2b4ed865e7cd2ffd058eedf0e8c879e4654ebac7,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if (iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +9bc30b74d98028801fa60962ff32cbb182b88978,"public String getSandwich(String str) +{ + int firstBread = -1; + int secondBread = -1; + + for (i = 0; i < str.length() - 5; i++) + if (str.substring(i, i + 5).equals(""bread"") + firstBread = i; + break + + for (i = str.length(); i > 0; i--) + if (str.substring(i).equals(""bread"") + secondBread = i; + break + + if (firstBread != -1 && secondBread != -1 + && firstBread != secondBread) + return str.substring(firstBread, secondBread); + else + return """"; +} +" +5c41f13e5940670f8a1158cb70f31cbc8c51402f,"public String getSandwich(String str) +{ + int firstBread = -1; + int secondBread = -1; + + for (i = 0; i < str.length() - 5; i++) + if (str.substring(i, i + 5).equals(""bread"")) + firstBread = i; + break; + + for (i = str.length(); i > 0; i--) + if (str.substring(i).equals(""bread"")) + secondBread = i; + break; + + if (firstBread != -1 && secondBread != -1 + && firstBread != secondBread) + return str.substring(firstBread, secondBread); + else + return """"; +} +" +adde5456c149d5572c7b8655187b73b7f21cbcea,"public String getSandwich(String str) +{ + int firstBread = -1; + int secondBread = -1; + + for (int i = 0; i < str.length() - 5; i++) + if (str.substring(i, i + 5).equals(""bread"")) + firstBread = i; + break; + + for (int i = str.length(); i > 0; i--) + if (str.substring(i).equals(""bread"")) + secondBread = i; + break; + + if (firstBread != -1 && secondBread != -1 + && firstBread != secondBread) + return str.substring(firstBread, secondBread); + else + return """"; +} +" +a8940c1b3f32c884c1a81ec2bfa527d4b98c1d50,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"") + { + int length = str.length; + str.subtring(4, length - 4); + return str + } +} +" +f36bd50ea1d59c59165eece378179c8e380408dc,"public String getSandwich(String str) +{ + int first = -1; + int second = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + second = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +cf67ce69641228ac61ea2b031a1ea846aa80a351,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int length = str.length; + str.subtring(4, length - 4); + return str; + } +} +" +fdba01e0f4ecd1204314c35e032c53feb64519d9,"public String getSandwich(String str) +{ + int first = -1; + int second = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + second = i; + break; + } + } + + if(first != -1 && second != -1 && first != second) + return str.substring(first + 5, second); + + return """"; +} +" +99f67ab8e5a1733d24c45673648cc81030f52d21,"public String getSandwich(String str) +{ + char bread = ""bread""; + String b = Character.toString(bread); + return str.lastIndexOf(b); +} +" +db2cec41e817fe250c506125218992e37e3e8451,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread; + return str.lastIndexOf(b); +} +" +b9fb492f27b49788e97c4df503771a6c8a3c10ab,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + return str.lastIndexOf(b); +} +" +322f91c6662bce4888182309cacedd06aa87e6b0,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + length = str.length(); + str.subtring(4, length - 4); + return str; + } + else + { + + } +} +" +a4adb305b4fa5e1903d491365cfa4cf3cda3c3fd,"public String getSandwich(String str) +{ + length = 0; + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int length = str.length(); + str.subtring(4, length - 4); + return str; + } + else + { + + } +} +" +aa889e5101b412d019f8c50a4e8392553cffb734,"public String getSandwich(String str) +{ + int length = 0; + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int length = str.length(); + str.subtring(4, length - 4); + return str; + } + else + { + + } +} +" +653c845d944b429cc2694b3d8c24301f27f219e0,"public String getSandwich(String str) +{ + String newString = """"; + String storeStringLast = """"; + int i = str.indexOf(""bread""); + for(int c = str.length()-1; c>i+4; c--) + { + storeStringLast = str.substring(c-4,c+1); + if(storeStringLast.equals(""bread"")) + { + newString = str.substring(i+5,c-4); + break; + } + } + return newString; +} +" +0fd4cbbe5ca792037d15b6bb2fea29c12c11f343,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first); + String part2 = str.substring(last, str.length()); + if (last != first) + { + String out = str.replaceAll(part1, """") + str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + } +} +" +5f190d3ae11f476b1bd3bccef01bf3d4c4e0a4f9,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 6); + String part2 = str.substring(last - 5, str.length()); + if (last != first) + { + String out = str.replaceAll(part1, """") + str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + } +} +" +d24d3269f45f2c3b49f89db25444b0a35595623b,"public String getSandwich(String str) +{ + public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +da943623988dcdbfa69bbc50275255f5f5f337c3,"public String getSandwich(String str) +{ + + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +bfddf39bb5d6a435e67c80c56d3fbeca5d964ff8,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last+1); + if (last != first) + { + String out = str.replaceAll(part1, """") + str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + } +} +" +27a2e414df431e80224329b09d6bb8c0307078f6,"public String getSandwich(String str) +{ + int endPoint = str.length() - 5; + if (str.startsWith(""bread"") && str.endsWith(""bread)) + { + return str.substring(5, endPoint) + } + else + { + return """"; + } +} +" +054d2586a2ea03db1c5109b2afa73904bc824d2d,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last+1); + return part1; + + /**if (last != first) + { + String out = str.replaceAll(part1, """") + str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + }**/ +} +" +b2ca8e86cdde5c8bacadf1bdad99164d86c33a1f,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last+1); + return part2; + + /**if (last != first) + { + String out = str.replaceAll(part1, """") + str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + }**/ +} +" +769ea52c25806b36100ed4a9c8cee9bfa7a529ec,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + return part2; + + /**if (last != first) + { + String out = str.replaceAll(part1, """") + str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + }**/ +} +" +38b974e7828f42491c85bd5f0bfebd5337500aca,"public String getSandwich(String str) +{ + int endPoint = str.length() - 5; + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, endPoint); + } + else + { + return """"; + } +} +" +d5d7df04de906a7b5ccc86068ed64617d0333a0b,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """") + and = str.replaceAll(part2, """"); + return out + and; + } + else + { + return """"; + } +} +" +dc7418c66432f60ec4b8aca36b1293591fbcb1e1,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + //and = str.replaceAll(part2, """"); + return out + and; + } + else + { + return """"; + } +} +" +f71855abd721735ddbb63055ffec67367e43ebd7,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + //and = str.replaceAll(part2, """"); + return out; + } + else + { + return """"; + } +} +" +56cff3823c85b5af76d8d4dd84fe4b40e830eff4,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + and = str.replaceAll(part2, """"); + return out + and; + } + else + { + return """"; + } +} +" +d00d233fc4d8e570519a6f51100a4574f75a0b10,"public String getSandwich(String str) +{ + if(str.contains(bread)) + { + str = str.subSequence((5 + indexOf(str))); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +3de6aedc8a09ff3502af58ca9fad146cd3e111e9,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + str = str.subSequence((5 + indexOf(str))); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +5d3f6c62350d60c2f7987bc0adc774afb7e721a7,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + str = str - part1 - part2; + return str. + } + else + { + return """"; + } +} +" +3e617f28fb0d844d7dc84f1ed1b51ef3b65f0fce,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + str = str - part1 - part2; + return str; + } + else + { + return """"; + } +} +" +b079c6280ce7a33a7257713e46a3464ecab0ef78,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + str = str.substring((5 + indexOf(str))); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +5b08a06beaa2a55b0acebbbe4d0c5a8284ebdc6f,"public String getSandwich(String str) +{ + private int s = 0; + if(str.contains(""bread"")) + { + s = indexOf(str); + str = str.substring((5 + s)); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +e44e3ffea02c94065cdfebed61cd0e778eefef5b,"public String getSandwich(String str) +{ + int s = 0; + if(str.contains(""bread"")) + { + s = indexOf(str); + str = str.substring((5 + s)); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +44133946bea339476cc2670ff10b1d8812c8957d,"public String getSandwich(String str) +{ + int s = 0; + if(str.contains(""bread"")) + { + s = indexOf(str); + str = str.substring((5 + s)); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +28d15012c6064657729afc61015d3e9c60783648,"public String getSandwich(String str) +{ + int s = 0; + if(str.contains(""bread"")) + { + s = indexOf(str); + str = str.substring((5 + s)); + if(str.contains(bread)) + { + str = str.subSequence(0, lastIndexOf(str)); + return str; + + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +012180ac8de4cdf5465dad2eb3de2b5d65f946f8,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.removeAll(part1, """"); + int later = out.indexOf(b); + String remove = out.substring(later); + and = out.removeAll(remove, """"); + return and; + } + else + { + return """"; + } +} +" +5997193bdb3a90651ace39b02aef7c5f637bb86e,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + int later = out.indexOf(b); + String remove = out.substring(later); + and = out.replaceAll(remove, """"); + return and; + } + else + { + return """"; + } +} +" +c5894683334bd5e4fdc14a0f7e282d3d224470e7,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + return """"; + } + else + { + return """"; + } +} +" +9c05466cc9c766db9b63372b2741c98db97f23b7,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + int later = out.indexOf(b); + String remove = out.substring(later); + and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } +} +" +4606fa076838b9ea8e8ac3f576b399139cf03c55,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + //int later = out.indexOf(b); + //String remove = out.substring(later); + //and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } +} +" +9d2476e81969fc832fe365d99ebf95d40e9c600b,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = 'bread'; + if (this.contains(b)) + { + int topPiece = this.indexOf(String ""bread"") + 4; + String insides = this.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(String ""bread""); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +106df8e4198b391cf7ad66ca82a944caecbdc4c1,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + int later = out.indexOf(b); + String remove = out.substring(later); + and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } +} +" +e7f0b9c9dda5b9dabdd38f1f38a448bf551fe431,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + int later = out.indexOf(b); + String remove = out.substring(later); + and = out.replaceAll(remove, """"); + return and; + } + else + { + return """"; + } +} +" +6fb7d4805d52aa45df273802f1fc5d7cca280850,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + while(!str.startsWith(""bread"")) + { + str = str.substring(1); + } + return str; + } + else + { + return """"; + } +} +" +2a74e2f1b9672ed599b8ab9957401c233ba4a8b0,"public String getSandwich(String str) +{ + //char bread = ""bread""; + String b = ""bread""; + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + + //int later = out.indexOf(b); + //String remove = out.substring(later); + //and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } +} +" +8889822ddc334373db509e8c61b3d59ab5a3c5bc,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + while(!str.startsWith(""bread"")) + { + str = str.substring(1); + } + str = str.substring(5); + return str; + } + else + { + return """"; + } +} +" +8bb83464373a5ed2966af7f4d8a672f76e9293cb,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (this.contains(b)) + { + int topPiece = str.indexOf(String ""bread"") + 4; + String insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(String ""bread""); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +9312580bf775361ca6cc91e328d34ce8e0e5e390,"public String getSandwich(String str) +{ + +} +" +c9a045403ae9295913cc4fe60d4fe9bd673fce6f,"public String getSandwich(String str) +{ + return """"; +} +" +38f4773d1aaa89a9319f45864cbfb1398c0e8a6c,"public String getSandwich(String str) +{ + String b = ""bread""; + for (int i = 0; i <= str.length(); i ++) + { + String all = str.substring(i-5, i); + if (all.equals(b)) + { + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + + //int later = out.indexOf(b); + //String remove = out.substring(later); + //and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } + } + } +} +" +f17e234527fd964d9db0049edda2f49809b364d4,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + while(!str.startsWith(""bread"")) + { + str = str.substring(1); + } + str = str.substring(5); + if(str.contains(""bread"")) + { + while(!str.endsWith(""bread"")) + { + str = str.substring(0,str.length() - 1); + } + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +b12b5ab58aba8beaf04cd68b57978fd785adaaaa,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + while(!str.startsWith(""bread"")) + { + str = str.substring(1); + } + str = str.substring(5); + if(str.contains(""bread"")) + { + while(!str.endsWith(""bread"")) + { + str = str.substring(0,str.length() - 1); + } + return str. + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +dc1a0c959d3f6e02f2002b8bf78bd5e206d5540b,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + while(!str.startsWith(""bread"")) + { + str = str.substring(1); + } + str = str.substring(5); + if(str.contains(""bread"")) + { + while(!str.endsWith(""bread"")) + { + str = str.substring(0,str.length() - 1); + } + return str; + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +cc77c4d78d2d42c111495c0206f3baf9889b56ed,"public String getSandwich(String str) +{ + String b = ""bread""; + for (int i = 0; i <= str.length(); i ++) + { + String all = str.substring(i-5, i); + if (all.equals(b)) + { + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + + //int later = out.indexOf(b); + //String remove = out.substring(later); + //and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } + } + else + { + return """"; + } + } +} +" +8672693ca0b9dec99603c32c8f5acec7b484ad1e,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (this.contains(b)) + { + int topPiece = str.indexOf(b) + 4; + String insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(b); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +92b3e265df727deb416d2b1e501177dc0750e0db,"public String getSandwich(String str) +{ + String b = ""bread""; + for (int i = 0; i <= str.length(); i ++) + { + String all = str.substring(i-5, i); + if (all.equals(b)) + { + int last = str.lastIndexOf(b); + int first = str.indexOf(b); + String part1 = str.substring(0, first + 5); + String part2 = str.substring(last); + String out = """"; + String and = """"; + if (last != first) + { + out = str.replaceAll(part1, """"); + + //int later = out.indexOf(b); + //String remove = out.substring(later); + //and = out.replaceAll(remove, """"); + return out; + } + else + { + return """"; + } + } + else + { + return """"; + } + } + return """"; +} +" +f0f8f70046738a83903c23a7bde58d29cf298385,"public String getSandwich(String str) +{ + if(str.contains(""bread"")) + { + while(!str.startsWith(""bread"")) + { + str = str.substring(1); + } + str = str.substring(5); + if(str.contains(""bread"")) + { + while(!str.endsWith(""bread"")) + { + str = str.substring(0,str.length() - 1); + } + str = str.substring(0,str.length() - 5); + return str; + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +5fa3c4743752018351514b6ecb502e6a38b99f42,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence br = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(b) + 4; + String insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(b); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +5c6fd8b54d409fec6f324faa59c88e709b4be731,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(b) + 4; + String insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(b); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +2b0b492af09b812e536d1ab1bdff7fc5ef15ea8f,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(""bread"") + 4; + String insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(""bread""); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +ab882cf4cf36b5c0a3571a3f592b1c2f9e9872c4,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(""bread"") + 4; + insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(""bread""); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +6110ffb69d9d80f8b683cf5c6d28fd2110803732,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(""bread"") + 4; + insides = str.subtring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(""bread""); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +0a9aec7cb4a60193fa735e0fa2e8587103519285,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(""bread"") + 4; + insides = str.substring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(""bread""); + insides = insides.substring(bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +dfb2615fc3e3d1deebebbbc5ddb5b349ebd2e159,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(""bread"") + 4; + insides = str.substring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(""bread""); + insides = insides.substring(0, bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +2a1b536f5474a6c2223ccc8fb5fcec60ecfcfd74,"public String getSandwich(String str) +{ + String insides = """"; + CharSequence b = ""bread""; + if (str.contains(b)) + { + int topPiece = str.indexOf(""bread"") + 5; + insides = str.substring(topPiece); + if (insides.contains(b)) + { + int bottomPiece = insides.lastIndexOf(""bread""); + insides = insides.substring(0, bottomPiece); + } + else + { + insides = """"; + } + } + return insides; +} +" +599235155bb1a7257a8cc0bcd00b8c9a0d152749,"public String getSandwich(String str) +{ + if (startsWith(""bread"") && endsWith(""bread"")) + { + String something = str.substring(6, -6); + } + else + { + String something = """"""""; + } + return something; +} +" +c3a1674964909706b3343fa915beea419a40f0f1,"public String getSandwich(String str) +{ + if (startsWith(""bread"") && endsWith(""bread"")) + { + String something = str.substring(6, -6); + } + else + { + String something = """"; + } + return something; +} +" +f5e997f5f88555c1239b6575d31cbd436aa6264a,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String something = str.substring(6, -6); + } + else + { + String something = """"; + } + return something; +} +" +e9386689e19fea5456056105d9bb55b87e16a0ff,"private String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String something = str.substring(6, -6); + } + else + { + String something = """"; + } + return something; +} +" +564cdcfd7a3e59fad1dc5b9743bb8099b2d05e2a,"private String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + something = str.substring(6, -6); + } + else + { + something = """"; + } + return something; +} +" +64afddf11a1ead94222444aa873eac7c8b0409f5,"public String getSandwich(String str) +{ + while (getSandwich.substring(i, i + 4) != bread) + + return """"; +} +" +eb5618b0c69d5d0ec12836a315cf12efb3697cec,"public String getSandwich(String str) +{ + while (getSandwich.substring(i, i + 4) != bread) + + return """"; +} +" +52fc403c4685f0e28f8b64f0aa41abc70d569edd,"public String getSandwich(String str) +{ + int i = 0; + while (getSandwich.substring(i, i + 4) != bread) + + return """"; +} +" +e65e8bd2d974477c8929434d3e4b56d8b6d45cdf,"public String getSandwich(String str) +{ + if (str.startWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5) - ""bread"" + } + else + { + return """" + } + + +} +" +b89848f5d8be87658261bde9756f617afdabf23e,"public String getSandwich(String str) +{ + if (str.startWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5) - ""bread""; + } + else + { + return """"; + } + + +} +" +98f77a01138bfcb48562beb9e3353473275e2477,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5) - ""bread""; + } + else + { + return """"; + } + + +} +" +3d411f6c181c0e3f024d85b60c209f9edff80d4b,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 4) != bread) + + return """"; +} +" +577fc1e0024935b84866bae649af84f838560242,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 4) != ""bread"") + + return """"; +} +" +ee6df5f347ef2a3d7d10a733d9d34a7111822427,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 4) != ""bread"") + return """"; +} +" +65b71804c1c31dd42be9547655ffa17f71c3e139,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 4) != ""bread"") + return """"; + return ""jam""; +} +" +285a534558f8960ca9759d5ce35748a1d981c1bc,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 4) != ""bread"") + return ""str.substring(0, 4)""; + return ""jam""; +} +" +d9836a85c49b0dbc4d925b3caa0f22922781224b,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 4) != ""bread"") + return str.substring(0, 4); + return ""jam""; +} +" +7cdd561ac3c5d63de1577fc8a2e3e2546df1873b,"public String getSandwich(String str) +{ + int i = 0; + while (str.substring(i, i + 5) != ""bread"") + return str.substring(i, i + 5); + return ""jam""; +} +" +f9f271b9e4eaea9c410a2131dff03c8f3c7f5a23,"public String getSandwich(String str) +{ + int i = 0; + for (str.substring(i, i + 5) != ""bread"", i++) + return str.substring(i, i + 5); + return ""jam""; +} +" +347e28a228114b1b5e9874ea5e72f5a9835ac3a1,"public String getSandwich(String str) +{ + int i = 0; + for (str.substring(i, i + 5) != ""bread"", i++) + return str.substring(i, i + 5); + return ""jam""; +} +" +0a32f532076760b3f91d461bc6e175f4bae5b9fc,"public String getSandwich(String str) +{ + for (int i = 0; str.substring(i, i + 5) != ""bread""; i++) + return str.substring(i, i + 5); + return ""jam""; +} +" +c1facd92e87967b2b4ef018cb1003cc454b63dac,"public String getSandwich(String str) +{ + for (int i = 0; str.substring(i, i + 5) = ""bread""; i++) + return str.substring(i, i + 5); + return ""jam""; +} +" +925e61ab5e3f5719b9c4aad8bfb99dde47f62f35,"public String getSandwich(String str) +{ + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + return str.substring(i, i + 5); + return ""jam""; +} +" +dd36a8ef93673592e6f950e0560749d02630f8b3,"public String getSandwich(String str) +{ + String meat = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (last > first) + { + meat = str.substring(first + 5, last); + } + return meat; + +} +" +bb8d29274242e8a7c1125d5afc345acb66ac7129,"public String getSandwich(String str) +{ + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + for (int i = i; str.substring(i, i + 5) == ""bread""; i ++) + return str.substring(j, i); + +} +" +faa89a3248bf218f3cab3ae6e2c7841ea9930e38,"public String getSandwich(String str) +{ + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + int j = i; + for (int i = i; str.substring(i, i + 5) == ""bread""; i ++) + return str.substring(j, i); + +} +" +d42fb6d03bf44f9db67ef9796ad7d1a3efb57c8a,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; + +} +" +537a236021cefacb86b7e16742f01ade538eb4bc,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + for (int i = i; str.substring(i, i + 5) == ""bread""; i ++) + return str.substring(j, i); + +} +" +a85e66543b208cc04b76d9e60346ad41458dfef3,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + for (int i; str.substring(i, i + 5) == ""bread""; i ++) + return str.substring(j, i); + +} +" +d480ec3d651218e66f2acb6beb94e407c56888ef,"public String getSandwich(String str) +{ + str.toLowerCase(); + + int firstBread = str.indexOf(""bread""); + + if (firstBread != -1) + { + str.substring(firstBread + 5); + int lastBread = str.indexOf(""bread""); + + if (lastBread != -1) + { + return str.substring(0, lastBread); + } + else + { + return """"; + } + } + else + { + return """"; + } +} +" +0c3db297ba29fa3cd9fec6a7c98a3ab504a06009,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + for (int i; str.substring(i, i + 5) == ""bread""; i ++) + return str.substring(j, i); + +} +" +8215ff879d056f9fe4c280ec8bc2b7997054288e,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + return str.substring(j, i); + +} +" +34425f51e3303fd19e2b48284ca95e6b73b53755,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + if (i = length(str)) + return """"; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +6ae2074e667a1f919ea1460d7fe48952da2a4c5e,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + if (int i = length(str)) + return """"; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +90de50271814ebfdff3d7b3ef6b4c7977dc2d16b,"public String getSandwich(String str) +{ + int length = str.length(); + int firstBread = str.indexOf('b'); + + if (length > 10) + { + + } + else + { + return """"; + } + + +} +" +112abdd3a8491f958c7d82a5f7072b57be4950cd,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + if (int i == length(str)) + return """"; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +8f36c71a54528218c573c82fd9abf2924731b45c,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + int i = i; + if (i = length(str)) + return """"; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +2c73bc0890dbb506e1a9eadc0d7749337302964c,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + int i = i; + if (i = str.length()) + return """"; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +22b6bcae0a0f7123417f524c8d37f74d71c61e84,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + int i = i; + if (i == str.length()) + return """"; + for (int i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +297299f23a9fcf0b45dfa7921dff90d3f6957c1c,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + int i = i; + if (i == str.length()) + return """"; + for (i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = length(str)) + return """"; + return str.substring(j, i); +} +" +19db463ab2f2fa8eaeafd548146df96b44f93a6f,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + int i = i; + if (i == str.length()) + return """"; + for (i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j = str.length()) + return """"; + return str.substring(j, i); +} +" +5c18594bac848abebb265ba0874257a527f1fb80,"public String getSandwich(String str) +{ + int j = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + int i = i; + if (i == str.length()) + return """"; + for (i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j == str.length()) + return """"; + return str.substring(j, i); +} +" +8bc114042793a28fb57be210733c9d69e8f48193,"public String getSandwich(String str) +{ + int j = 0; + int i = 0; + for (int i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + if (i == str.length()) + return """"; + for (i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j == str.length()) + return """"; + return str.substring(j, i); +} +" +ce5e0a4d03dc2287b0cb95a3ef2ef4a153095704,"public String getSandwich(String str) +{ + int j = 0; + int i = 0; + for (i = 0; str.substring(i, i + 5) == ""bread""; i++) + j = i; + if (i == str.length()) + return """"; + for (i = j; str.substring(i, i + 5) == ""bread""; i ++) + if (j == str.length()) + return """"; + return str.substring(j, i); +} +" +07718ed86c4093c25c28c3a76bb811bf70bd6fc6,"public String getSandwich(String str) +{ + int length = str.length(); + int firstBread = str.indexOf('d'); + int lastBread = str.lastIndexOf('b'); + + if (length > 10) + { + if (firstBread == -1 || lastBread == -1) + { + return """"; + } + else + { + return str.substring(firstBread + 1, lastBread); + } + } + else + { + return """"; + } + +} +" +9ecf90f18b4fd6e43f1d12ef73403e5aedb1936f,"public String getSandwich(String str) +{ + String newStr = """"; + + for(int i; i < str.length(); i++) + { + if(str.substring(i).startsWith('bread') && str.substring(i).endsWith('bread')) + { + newString += str.substring(i+5,str.length() + } + } + return newStr; + +} +" +ee816b3d10a45c6b0b18a3745dd81dfa658f1b15,"public String getSandwich(String str) +{ + String newStr = """"; + + for(int i; i < str.length(); i++) + { + if(str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + newString += str.substring(i+5,str.length() + } + } + return newStr; + +} +" +4c28692e89943fff636df27d71037272a252942b,"public String getSandwich(String str) +{ + String newStr = """"; + + for(int i; i < str.length(); i++) + { + if(str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + newString += str.substring(i+5,str.length()); + } + } + return newStr; + +} +" +64d57ce387ff7248e8c5f4008281861b7394ce16,"public String getSandwich(String str) +{ + String newStr = """"; + + for(int i; i < str.length(); i++) + { + if(str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + newStr += str.substring(i+5,str.length()); + } + } + return newStr; + +} +" +bfeade11a1b3b1dc12d49716465972e2d42112f6,"public String getSandwich(String str) +{ + String newStr = """"; + + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + newStr += str.substring(i+5,str.length()); + } + } + return newStr; + +} +" +623d8a463f99daaa6098ddb1d309bc50e725e756,"public String getSandwich(String str) +{ + int b1 = str.indexOf(""bread""); + int b2 = str.lastIndexOf(""bread""); + + if(b1 != -1 && b1 != b2) + { + return str.substring(b1+5, b2); + } + + return """"; + +} +" +d34f0d5e0b22491056ddede9a1ef456ff278d86b,"public String getSandwich(String str) +{ + str.toLowerCase(); + + int firstBread = str.indexOf(""bread""); + + if (firstBread != -1) + { + str = str.substring(firstBread + 5); + int lastBread = str.indexOf(""bread""); + + if (lastBread != -1) + { + str = str.substring(0, lastBread); + + } + else + { + str = """"; + } + } + else + { + str = """"; + } + + + return str; +} +" +4317dfff8b3f8def688f51ed34c557b3d7f1cee7,"public String getSandwich(String str) +{ + str.toLowerCase(); + + int firstBread = str.indexOf(""bread""); + + if (firstBread != -1) + { + str = str.substring(firstBread + 5); + int lastBread = str.lastIndexOf(""bread""); + + if (lastBread != -1) + { + str = str.substring(0, lastBread); + + } + else + { + str = """"; + } + } + else + { + str = """"; + } + + + return str; +} +" +73b416ca14360c4cd39b4e0eb88ad0e01c06eb89,"public String getSandwich(String str) +{ + for(int x = 0; x < str.length(); x++) + { + if((str.charAt(x).equals(""b"") && str.charAt(x+1).equals(""r"") && str.charAt(x+2).equals(""e"") && str.charAt(x+3).equals(""a"") && str.charAt(x).equals(""d"")) + { + return """"; + } + + } + +} +" +91b52c62f759d6a00b70aedae3fcc783f5b56a7b,"public String getSandwich(String str) +{ + for(int x = 0; x < str.length(); x++) + { + if((str.charAt(x).equals(""b"") && str.charAt(x+1).equals(""r"") && str.charAt(x+2).equals(""e"") && str.charAt(x+3).equals(""a"") && str.charAt(x).equals(""d""))) + { + return """"; + } + + } + +} +" +1bfe0c04dd4d5a8d5ea18e7e8ba0e482b21ed7ed,"public String getSandwich(String str) +{ + if (bread = 2) + { + return ""bread"" + str + ""bread""; + } + else + { + return """"; + } +} +" +2b37ba1dfc71aff08a36d4dfd71cd64b54a69ea4,"public String getSandwich(String str) +{ + if (str.equals(""bread"")) + { + return ""bread"" + str + ""bread""; + } + else + { + return """"; + } +} +" +39bdac5641ed12968c30d1ec8b62e3ae7f34ca63,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } + + +} +" +5a5d87de33caf1034d294151e2f92bcceb6cdf2c,"public String getSandwich(String str) +{ + if (str.length() <11) + return """"; + else{ + String thing1 = """"; + String finalString = """"; + boolean bread = false; + int begin = 0; + int end = 0; + for (int i = 0; i= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; +} +" +2d8daf3722205e6610282c8415edb06284a3d15b,"public String getSandwich(String str) +{ + if (str.length() < 10) + { + return """"; + } + else + { + return str.substring(5, str.length()-5); + } +} +" +e83e36a43c57001da35105b078c57144bb483e35,"public String getSandwich(String str) +{ + if (str.length() =< 10) + { + return """"; + } + else + { + return str.substring(5, str.length()-5); + } +} +" +87de27f44fd4cc5d564ac8c90a1a806a3c812fb4,"public String getSandwich(String str) +{ + if (str.length() <= 10) + { + return """"; + } + else + { + return str.substring(5, str.length()-5); + } +} +" +d382eb5f1fc512ea61179c518eb8b56018f9f3e5,"public String getSandwich(String str) +{ + int length = str.length() - 2; + String sub = """"; + for (int i = 0; i < length; i++) + { + for (int n = 0; n < length; n++) + { + if (str.charAt(i) == 'd' && str.charAt(i + n) == 'b') + { + sub = str.substring(i + 1, i + n - 1); + } + } + + } + return sub; +} +" +aa6c7c3b1b41864b68a09f1bebbe85639a19e83b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String returnString = str.substring(5, str.length()-5); + return ""returnString""; + } + else + { + return """"; + } +} +" +23ddf5a40158a4b1d2ccbe352d7366f86815e221,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + if (str.length <= 10) + (first + 5, last); +} +" +9564dd4f3f1ab1aff7cbd74001635accdc7ac3dc,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + if (str.length <= 10) + return (first + 5, last); +} +" +7edfb10da765d0241f3cfbfe05c8a41ad7f9a133,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + if (str.length <= 10) + return (firstBread + 5, lastBread); +} +" +a3902fb1721924ce06bda3db55be246f6d98bf4c,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + if (str.length <= 10) + { + return (firstBread + 5, lastBread); + } +} +" +2dc4b4a1a71bf50ba0f225f48c84e0dae7e2b51e,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + if (str.length <= 10) + { + return str.substring(firstBread + 5, lastBread); + } +} +" +8da978651fed0d29f34bba3f562490e9f4a430fc,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + if (str.length() <= 10) + { + return str.substring(firstBread + 5, lastBread); + } +} +" +740d44c7fdd76bfe46583e06fc3b76cd7c98cad4,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + else (str.length() <= 10) + { + return str.substring(firstBread + 5, lastBread); + } +} +" +34120a4e743a657582d6343af55cc4c2892948fa,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + else if (str.length() <= 10) + { + return str.substring(firstBread + 5, lastBread); + } +} +" +1926e64767fd57f88a167f136278e5a4ccc1dd99,"public String getSandwich(String str) +{ + str.substring(bread, bread); + System.out.println(str); +} +" +6eadab1b8453998a8152152ea691ccca2a0d4cfe,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + else if (str.length() <= 10) + { + return str.substring(firstBread + 5, lastBread); + } +} +" +22116a8dbff5c68eb2b24dada04c4b27ec060274,"public String getSandwich(String str) +{ + + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread == lastBread) return """"; + + else + { + return str.substring(firstBread + 5, lastBread); + } +} +" +740fdbb708e9be8ea8959744f076b08d561b085c,"public String getSandwich(String str) +{ + str.substring(""bread"", ""bread""); + System.out.println(str); +} +" +ee6a8b28825d9b69ade15a09e510d8e9f378ce26,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + int l = str.length(); + int le = l - 5; + String stri = str.substring(5, le); + return stri; + } + else if (str.contains(""bread"")) + { + String stri = str.substring(0, ""bread""); + String bread = ""bread""; + String reBread = bread + """"; + String stri = str.replaceAll(reBread, """"); + reBread = """" + bread; + stri = str.replaceAll(reBread, """"); + return stri; + } + else + { + return """"; + } +} +" +43135c3a7a0114ca8229e6f9724da194da6f7635,"public String getSandwich(String str) +{ + int a = str.length(); + + String result = """"; + String word = ""bread""; + String asd; + boolean ionatan = true; + + int pos1 = -1 + int pos2 = -1 + + for ( int y = 0 ; y < a; y++) + { + asd = str.substring(y, y + 5); + + if (ionatan && word.equals(asd)) + { + pos1 = y; + } + else if (word.equals(asd)) + { + pos2 = y; + } + } + + return str.substring(pos1 + 5, pos2 + 1); +} +" +5311976bf5a26f630250683ee83d197aa2aa12fe,"public String getSandwich(String str) +{ + int a = str.length(); + + String result = """"; + String word = ""bread""; + String asd; + boolean ionatan = true; + + int pos1 = -1; + int pos2 = -1; + + for ( int y = 0 ; y < a; y++) + { + asd = str.substring(y, y + 5); + + if (ionatan && word.equals(asd)) + { + pos1 = y; + } + else if (word.equals(asd)) + { + pos2 = y; + } + } + + return str.substring(pos1 + 5, pos2 + 1); +} +" +35051ee05d8e67231c29f717adddb4a8aadf0570,"public String getSandwich(String str) +{ + String b = ""bread""; + int first = str.indexOf(bread); + int last = str.lastIndexOf(bread); + String between = str.substring(first + 5, last); + return between; +} +" +8390c0455b6d68d745d7c1bbf7d5fa69376b290f,"public String getSandwich(String str) +{ + String bread = ""bread""; + int first = str.indexOf(bread); + int last = str.lastIndexOf(bread); + String between = str.substring(first + 5, last); + return between; +} +" +385c54f7643d4193640b7a39858c9d23e1cd5dcd,"public String getSandwich(String str) +{ + int a = str.length(); + str = str + 'a'; + + String result = """"; + String word = ""bread""; + String asd; + boolean ionatan = true; + + int pos1 = -1; + int pos2 = -1; + + for ( int y = 0 ; y < a; y++) + { + asd = str.substring(y, y + 5); + + if (ionatan && word.equals(asd)) + { + pos1 = y; + } + else if (word.equals(asd)) + { + pos2 = y; + } + } + + return str.substring(pos1 + 5, pos2 + 1); +} +" +d96e4b025cf7f47f9d81528cc45b566184b833fd,"public String getSandwich(String str) +{ + int a = str.length(); + str = str + 'a'; + + String result = """"; + String word = ""bread""; + String asd; + boolean ionatan = true; + + int pos1 = -1; + int pos2 = -1; + + for ( int y = 0 ; y < a - 5; y++) + { + asd = str.substring(y, y + 5); + + if (ionatan && word.equals(asd)) + { + pos1 = y; + } + else if (word.equals(asd)) + { + pos2 = y; + } + } + + return str.substring(pos1 + 5, pos2 + 1); +} +" +d11f6ea74a916872ca48202df6d063dccd1c78f4,"public String getSandwich(String str) +{ + String bread = ""bread""; + if (str.contains(bread) && str.length() >= 10) + { + int first = str.indexOf(bread); + int last = str.lastIndexOf(bread); + String between = str.substring(first + 5, last); + return between; + } + else + { + return """"; + } +} +" +afc01af9b38ca23343cd719178985328b3bd8959,"public String getSandwich(String str) +{ + int beg = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if ( (end != -1) && (beg != end)){ + return (str.substring(beg+5,end)) + } + +} +" +7d971df48b28ae30b85583cdf5570be2fea52f97,"public String getSandwich(String str) +{ + int beg = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if ( (end != -1) && (beg != end)){ + return (str.substring(beg+5,end)); + } + +} +" +182caa8371b6381351d2809223522c395f6db218,"public String getSandwich(String str) +{ + int beg = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if ( (end != -1) && (beg != end)){ + return (str.substring(beg+5,end)); + } + return """"; + +} +" +2ccf3f28ffaa38d89f9d7ebb947bbbe67603a714,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastindexOf(""bread""); + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +02bfded72a60954c415eb13b6ea95982cfd049fa,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +e3d0e64dd772a7661a5b748a585e4dac4189076c,"public String getSandwich(String str) +{ + String x = """"; + for (int i = 0; i < str.length() ; i++) + { + if (str.substring(i).startsWith(""bread"") && str.substring(i).endsWith(""bread"")) + { + x = str.substring(i + 5, str.length() - 5); + } + } + return x; +} +" +c0491b66413495b2097bd49548c2d9bfad7a841b,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + return ""bread"" + str + ""bread""; + } + else + { + return """"; + } +} +" +0902142fb349e4a3e6002d759c5054b6334edce8,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + return ""bread"" - str - ""bread""; + } + else + { + return """"; + } +} +" +2b471e1bc708c60990de0e6a4b816b04c4cd4ff6,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + return str; + } + else + { + return """"; + } +} +" +e1ad6f72e6622fc13ab7f794be757fab8fdfa97f,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + return str.substring(); + } + else + { + return """"; + } +} +" +f39a66f2f7e6c25af93ade6ea1a366932894af98,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """": + } + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } +}" +76c918684d167324b5c7170c1f59d6844bd46e47,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } +}" +51563fda608b16737d74692942a8e67196d42d93,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } +}" +77521e434199a847dc58e75f529483245a06bc45,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if ((laind != -1) && (ind != laind)) + { + return (str.substring(ind + 5, laind)); + } + else + { + return (""""); + } +} +" +ac71bfa0c5af068bf1c39097ac5f34fe08ed364b,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } +} +" +798b4e9be318d6c4831dce6df9a9c937aa394e51,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } + return result; + +} +" +2a35caa56a7614e85199efa062e4e75f8b2cbbca,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first <= 0 && last <=0 && first != last) + { + return str.substring(first + 5, last); + } + } + return result; + +} +" +0a1b79df60fa2081bff79e1cf1d52675313d19cd,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.length(i, i + 5).euqals(""bread"")) + { + return first + 5; + } + } + return result; + +} +" +9a274f25a17b9a9d7f278566cb90e45b87a88f00,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.length(i, i + 5).euqals(""bread"")) + { + return first + 5; + } + return result; + +} +" +d77e83d8e3a628fdc96fd6c19f7a2038eacea9a9,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.length(i, i + 5).euqals(""bread"")) + { + return first + 5; + } + return result; +} +" +4229b8f16b4a234383198a59d4eb20e6d1c49fed,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.length(i, i + 5).euqals(""bread"")) + { + return first + 5; + } + return result; +}" +5f9ddbf43a8be424c5b9a616668bae0d35036395,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i + 1, i + 4) == 'read') + { + return str.substring(str.length-i); + } + } + } + return """"; +} +" +c0e42caf286fdcdc7edae1fdc40c4abdbc7796bc,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + if (str.substring(i + 1, i + 4) == 'read') + { + return str.substring(str.length()-i); + } + } + } + return """"; +} +" +3d2b295a8756b107367f5bcaa7ce83a4ad949a5f,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (str.length() < 0) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.length(i, i + 5).euqals(""bread"")) + { + return first + 5; + } + return result; + } +}" +a9af492c5b82011d3488662be6121391d7a5be0d,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + if (str.substring((i + 1), (i + 4)) == 'read') + { + return str.substring(str.length()-i); + } + } + } + return """"; +} +" +2bb530a6efcaf0967bc43bb0d13f336f03561f8b,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + if (str.substring((i + 1), (i + 4)) == 'read') + { + return str.substring(str.length()-i)); + } + } + } + return """"; +} +" +a0cc8b341baa1bac4e8a6a5ca45f096ac4519218,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + + return str.substring(str.length()-i)); + + } + } + return """"; +} +" +615d43b2130b971cf8b63009d84b37ee01dab911,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.substring(y, 5) == ""bread"") + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.substring(y, 5) == ""bread"") + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +f64ba3c3abfc79bce7ba0f0f6350e751eded5def,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + + return str.substring(str.length();-i)); + + } + } + return """"; +} +" +03c83b09098acecdfbd2eefae98f0d7ee69361a9,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + + return str.substring(str.length()-i;)); + + } + } + return """"; +} +" +6f16813c0bb8c9ab288345fefe2979a5aaaa1d6f,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j >= 0; j--) + { + if (postFirstSlice.str((j-6), j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-6); + } + } + return finalString; +} +" +51d00a2ed895923c81c89e71e5f6c4517e79ddd6,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break; + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j >= 0; j--) + { + if (postFirstSlice.str((j-6), j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-6); + break; + } + } + return finalString; +} +" +064f217fcf1b872897217a5cedff38fce4bf7bdf,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break; + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j >= 0; j--) + { + if (postFirstSlice.substring((j-6), j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-6); + break; + } + } + return finalString; +} +" +186cce9b8850bd819acad9294b93307f486f17b8,"public String getSandwich(String str) +{ + int length = str.length() - 1; + String sub = """"; + for (int i = 0; i < length; i++) + { + for (int n = 0; n < length; n++) + { + if (str.charAt(i) == 'b' && str.charAt(i + n) == 'b') + { + sub = str.substring(i + 4, i + n - 1); + } + } + + } + return sub; +} +" +56482a6687d36227f9846da5b26f398bb2253e15,"public String getSandwich(String str) +{ + int length = str.length() - 1; + String sub = """"; + for (int i = 0; i < length; i++) + { + for (int n = 0; n < length; n++) + { + if (str.charAt(i) == 'b' && str.charAt(i + n) == 'b') + { + sub = str.substring(i, i + n); + } + } + + } + return sub; +} +" +74edcc0e4c7b3330842544792611d4e337975991,"public String getSandwich(String str) +{ + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + + + if (len <= 10) + + return """"; + + + + for (int i = 0; i < len - 4; i++) { + + tmpString = str.substring(i, i+5); + + + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + } + + + + finalString = str.substring(start,finish); + + return finalString; + +} +" +64b9e15696422c8c117bbbab361246789ee7062b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str; + } + else + { + return """"; + } +} +" +80295c061aad9ab9db126077b5314297eceac648,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i+5 > str.length()) + maxVal = str.length(); + else + maxVal = i+5; + if (str.substring(i, maxVal).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break; + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j > 0; j--) + { + int minVal = 0; + if (j-6 < 0) + minVal = 0; + else + minVal = j-6; + if (postFirstSlice.substring(minVal, j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-6); + break; + } + } + return finalString; +} +" +8fedd6c9eb952e786b0c97cca3b57fc3c519932b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +20f4c470cf247067a71b79cd72e4065f7c7766e5,"public String getSandwich(String str) +{ + int beginningOfMiddle = 0; + int endOfMiddle = 0; + String middle = """"; + + for (int i = 0; i < str.length();i++) + { + if(str.substring(i, i+5).equals(""bread"")) + { + beginningOfMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + endOfMiddle = j; + } + } + if(endOfMiddle >= 5) + { + middle = str.substring(beginningOfMiddle, endOfMiddle); + } + + return middle; +} +" +ff2c788cde3e893144e29eebedc5a72de86ce95c,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last) + { + return result; + } + if (first > 0 && last >= 0) + { + return str.substing(first + 5,last); + } +}" +31804d2c2288cc639e6dabf8eaf702969f686e8e,"public String getSandwich(String str) +{ + int beginningOfMiddle = 0; + int endOfMiddle = 0; + String middle = """"; + + for (int i = 0; i < str.length();i++) + { + if(str.substring(i, i+5).equals(""bread"")) + { + endOfMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if(str.substring(j-5, j).equals(""bread"")) + { + beginningOfMiddle = j; + } + } + if(endOfMiddle >= 5) + { + middle = str.substring(beginningOfMiddle, endOfMiddle); + } + + return middle; +} +" +f8c28c3f2312ef637a2f982131adda48beed3be9,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i+5 > str.length()) + maxVal = str.length(); + else + maxVal = i+5; + if (str.substring(i, maxVal).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break; + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j > 0; j--) + { + int minVal = 0; + if (j-5 < 0) + minVal = 0; + else + minVal = j-5; + if (postFirstSlice.substring(minVal, j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-5); + break; + } + } + return finalString; +} +" +bd0dea9b08db1e2391e519f1335696a51d148d89,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i+5 > str.length()) + maxVal = str.length(); + else + maxVal = i+5; + if (str.substring(i, maxVal).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break; + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j > 0; j--) + { + int minVal = 0; + if (j-6 < 0) + minVal = 0; + else + minVal = j-6; + if (postFirstSlice.substring(minVal, j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-6); + break; + } + } + return finalString; +} +" +41ff61b6009fade8bc9bf26bd6fdfe49c5bd6d71,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last) + { + return result; + } + if (first > 0 && last >= 0) + { + return first + 5; + } +}" +9c326fceede7d4f13d42d59a297d9c185a48e3e1,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y) == 'r') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y) == 'r') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +83f0b9de4ce503ea1c0167f42a15f8b3cc1f064b,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last) + { + return result; + } + if (first > 0 && last >= 0) + { + return str.substring(first + 5, last); + } +}" +0a8e1e1a3b122beaa0186fa47bf3d1392a5fc1f6,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last) + { + return result; + } + if (first > 0 && last >= 0) + { + return str.substring(first + 5, last); + } + return result; +}" +de4731c0f0cb8bc09681343b8b994eaf7e3ae46f,"public String getSandwich(String str) +{ + String result = "" ""; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'r') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'r') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +e10dde439821c3fc9d2a222b539f449bf6a7bf50,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first > 0 && last >= 0) + { + return str.substring(first + 5, last); + } + if (first < 0 || last < 0 || first == last) + { + return result; + } + + return result; +}" +ce446bddd2f9a4de92bf9c45c57ac70501f6ee05,"public String getSandwich(String str) +{ + String result = """"; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'r') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'r') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +0e251d4a9e6e1d0a8454745fc5405dc67638dbe2,"public String getSandwich(String str) +{ + String result = """"; + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last) + { + return result; + } +if (first > 0 && last >= 0) + { + return str.substring(first + 5, last); + } + return result; +}" +538385936f8d5b0c7e5c6cee9f98232e764bf4a3,"public String getSandwich(String str) +{ + int beforeMiddle = 0; + int endMiddle = 0; + String middle; + for (int i = 0; i <= str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + endMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if (str.substring(j-5, j).equals(""bread"")) + { + beforeMiddle = j; + } + } + if ((endstf>=5)) + stf=str.substring(beforestf,endstf); + else middle=""""; + + return middle; +} +" +7645a16f00ddcbd67f48f7ada6e9296e17c4a6fa,"public String getSandwich(String str) +{ + int beforeMiddle = 0; + int endMiddle = 0; + String middle; + for (int i = 0; i <= str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + endMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if (str.substring(j-5, j).equals(""bread"")) + { + beforeMiddle = j; + } + } + if ((endMiddle>=5)) + stf=str.substring(beforestf,endstf); + else middle=""""; + + return middle; +} +" +0c9ef0a7676a73619d142bfcbb2708f6fc77145e,"public String getSandwich(String str) +{ + String result = """"; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'd') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'd') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +d72b5dd23bd9c92dff75e3dc72ff64e902088768,"public String getSandwich(String str) +{ + int beforeMiddle = 0; + int endMiddle = 0; + String middle; + for (int i = 0; i <= str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + endMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if (str.substring(j-5, j).equals(""bread"")) + { + beforeMiddle = j; + } + } + if ((endMiddle>=5)) + middle=str.substring(beforeMiddle,endMiddle); + else middle=""""; + + return middle; +} +" +441a0906ea7682384d9e70a0d0de61fd83b84393,"public String getSandwich(String str) +{ + String result = """"; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'd') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 5) == 'd') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +6482b28f6aa585fe56df62bfb3f6d16f040e0dda,"public String getSandwich(String str) +{ + int beginningMiddle = 0; + int endMiddle = 0; + String middle; + for (int i = 0; i <= str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + endMiddle = i; + } + } + for (int j = str.length(); j >= 5; j--) + { + if (str.substring(j-5, j).equals(""bread"")) + { + beginningMiddle = j; + } + } + if ((endMiddle>=5)) + middle=str.substring(beginningMiddle,endMiddle); + else middle=""""; + + return middle; +} +" +9546b1b9e9cfa87e700ab386087c4e39da63dc07,"public String getSandwich(String str) +{ + String result = """"; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 4) == 'd') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 6; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 4) == 'd') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +4e8953476148aabe12c94b0113169f41061664b5,"public String getSandwich(String str) +{ + String result = """"; + int leng = str.length(); + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last || + leng <= 10) + { + return result; + } + if (first > 0 && last >= 0) + { + return str.substring(first + 5, last); + } + return result; +}" +3eaef4a446db8b0384d98da386c719c93944a475,"public String getSandwich(String str) +{ + String result = """"; + int leng = str.length(); + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first < 0 || last < 0 || first == last || + leng <= 10) + { + return result; + } + if (first > 0 && last >= 0) + { + return str.substring(first + 5, last); + } + return result; +}" +5d20978d023f7a16b582ef7ffe958b9d22cc96c8,"public String getSandwich(String str) +{ + String result = """"; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 4) == 'd') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 5; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 4) == 'd') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1, pos2); + + } + else + { + return """"; + } +}" +09555cbe3e290ac3e2ae7eb9504df005a3f7d22a,"public String getSandwich(String str) +{ + String result = """"; + int pos1 = -1; + int pos2 = -1; + + + for (int y = 0; y < str.length() - 5; y++) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 4) == 'd') + { + pos1 = y; + break; + } + } + + for (int y = str.length() - 5; y > 5; y--) + { + if (str.charAt(y) == 'b' && str.charAt(y+1) == 'r' && str.charAt(y+2) == 'e' && str.charAt(y+3) == 'a' && str.charAt(y + 4) == 'd') + { + pos2 = y; + break; + } + } + + if (pos1 >= 0 && pos2 >= 0) + { + return str.substring(pos1 + 5, pos2); + + } + else + { + return """"; + } +}" +106283d2814a55c38170baf33cb6547a444ed2c4,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + for (int i = 1; i < str.length() - 4, i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + a = i - 1; + break; + } + } + for (int i = str.length() - 5; i >= 0, i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + break; + } + } + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + return """"; +} +" +99d7f440d25e15fa9ebbb5fdc20a13d96b9f1125,"public String getSandwich(String str) +{ + int len = str.length(); +03 + String tmpString = """"; +04 + String finalString = """"; +05 + int start = 0; +06 + int finish = 0; +07 + boolean found = false; +08 + +09 + if (len <= 10) +10 + return """"; +11 + +12 + for (int i = 0; i < len - 4; i++) { +13 + tmpString = str.substring(i, i+5); +14 + +15 + if (tmpString.equals(""bread"") && found == true) +16 + finish = i; +17 + +18 + if (tmpString.equals(""bread"") && found == false) { +19 + start = i+5; +20 + found = true; +21 + } +22 + } +23 + +24 + finalString = str.substring(start,finish); +25 + return finalString; + +} +" +b04101f9f0c4f20f250f897475ba12a4a0d3ed3b,"public String getSandwich(String str) +{ + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + + + if (len <= 10) + + return """"; + + + + for (int i = 0; i < len - 4; i++) { + + tmpString = str.substring(i, i+5); + + + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + + } + + + + finalString = str.substring(start,finish); + + return finalString; + +} +" +e38b30fe042b1e20998a7f5435631a44fa7b8e10,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + for(int i = 1; i < str.length() - 4, i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + a = i - 1; + break; + } + } + for(int i = str.length() - 5; i >= 0, i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + break; + } + } + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + return """"; +} +" +48db5dd523367b17eee9c960f23fae8f242bc147,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +a99b9ddd7baa42fce4cb0b275ebcde1046ee6721,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +a2d4bbd1278445a55553fa629c245be75d04dd10,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + for (int i = 1; i < str.length() - 4, i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + a = i - 1; + } + break; + } + for (int i = str.length() - 5; i >= 0, i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + return """"; +} +" +5cc45389ded26c7a230d4ea38bfffeb5d8ac59a3,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 1; i < str.length() - 4, i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + a = i - 1; + } + break; + } + + for (int i = str.length() - 5; i >= 0, i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +83b0e31c0c93c7bf5db0657104e0c5b36bc97ca0,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 1; i < str.length() - 4; i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + a = i - 1; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +e102dcb88dafd749324fbed349e41a26630627e6,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = i; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +ff9e309873ac754ed44a3cdcbb2409755b322d2f,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 1; i < str.length() - 4; i++) + { + if (str.substring(i - 1, i + 5).equals(""bread"")) + { + a = i - 1; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +781978099b99b8738bd490593846e47458ffe4ca,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 1; i < str.length() - 4; i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + a = i - 1; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +7b4d6b9b813f86d69373c017da3421f121772c08,"public String getSandwich(String str) +{ + return str.substring(1, str.length() - 2); +} +" +f4f54cf29b2025b89467583dc8290f666ef786e6,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + + finalString = str.substring(start,finish); + return finalString; +} +" +2954f1b285ce2e13cc257d9c3b5118c9e4f5503b,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") + { + String middleEnd= str.substring(6); + + } + + +} +" +a0675d38fc5238240f764f9302c22987734f89a1,"public String getSandwich(String str) +{ + + if (str.length() < 3) + return """"; + else + return str.substring(1, str.length() - 1); + + +} +" +5d07a8366432d887784f220db2cc64a9680983a8,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") &&str.endsWith(""bread"") + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + anser = """"; + } + return answer; + + +} +" +ae9aa45b5787358ced143baf6a4a4d403f14eec7,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + anser = """"; + } + return answer; + + +} +" +a5fda17995598f53ffd4baf0b9886e8fa6a53fdf,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + answer = """"; + } + return answer; + + +} +" +474bc2bedd23c0c7d905821f0337e8d88f9403a3,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + answer = """"; + } + return answer; + + +} +" +4fd80a53d36c803f48201d7c5b7672ede0a5b310,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + + if(firstBread == lastBread) + { + return """"; + } + else + { + return(str.substring(firstBread, lastBread)); + } +} +" +a1a3320150afab509f1aba532cee8d79cba49be5,"public String getSandwich(String str) +{ + int length = str.length(""bread""); +} +" +acf91c16901295f0c31c29b91beb32b937c42ab0,"public String getSandwich(String str) +{ + int length = str.length(); +} +" +8eb00711757786da9cfe03dbb2b9d29ea6257cea,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + + if(firstBread == lastBread) + { + return """"; + } + else + { + return(str.substring(firstBread + 5, lastBread)); + } +} +" +2975c843d553c2ebf5dec7e6facfb0e69ec380c5,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + String answer = """"; + } + return answer; + + +} +" +d38f7afcaa7bc239859cec9e26082feb9455120a,"public String getSandwich(String str) +{ + String answer = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + String answer = """"; + } + return answer; + + +} +" +78f3df7fad7ed0e4b930dc0b0adfa90abad9700d,"public String getSandwich(String str) +{ + String answer = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + String answer = middleEnd.substring(6, length-5); + + } + else + { + String answer = """"; + } + return answer; + + +} +" +e913767ce7711517570f0348d8fd0b87778c6e44,"public String getSandwich(String str) +{ + String answer = """"; + int length = str.length(); + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + String middleEnd = str.substring(6); + answer = middleEnd.substring(6, length-5); + + } + else + { + answer = """"; + } + return answer; + + +} +" +ac02d22af92af92cc9703d98f11ac7ef2c2a38df,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + return """"; + else + return str.subString(5, str.length() - 5); + +} +" +dff89ac0c08cc84559c65113e67c8fdaa049c2e0,"public String getSandwich(String str) +{ + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + return """"; + else + return str.substring(5, str.length() - 5); + +} +" +1ca41f2b9f2b96d7cddec7afd221974ed39edf95,"public String getSandwich(String str) +{ + + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) + return """"; + else + return str.substring(5, str.length() - 5); + +} +" +77563a804c0624ff1530ceeb47f3f870721196a8,"public String getSandwich(String str) +{ + int length = str.length(); + firstBread = str.substring(0,5); + secondBread = str.substring(length-5,length); + if ((firstBread == ""bread"") && (secondBread == ""bread"")) + { + sandwich = str.substring(5,length-5); + return sandwich; + } + else + { + return """"; + } + +} +" +1147c36b95773d752bd97403af43c2a7d56aaf33,"public String getSandwich(String str) +{ + int length = str.length(); + String firstBread = str.substring(0,5); + String secondBread = str.substring(length-5,length); + if ((firstBread == ""bread"") && (secondBread == ""bread"")) + { + sandwich = str.substring(5,length-5); + return sandwich; + } + else + { + return """"; + } + +} +" +bc9ebff16c2fa716f843e4bb2c694fb1955329dd,"public String getSandwich(String str) +{ + int length = str.length(); + String firstBread = str.substring(0,5); + String secondBread = str.substring(length-5,length); + if ((firstBread == ""bread"") && (secondBread == ""bread"")) + { + String sandwich = str.substring(5,length-5); + return sandwich; + } + else + { + return """"; + } + +} +" +f8d566bffc1d8c7e4d51bb9b42fed346066a0553,"public String getSandwich(String str) +{ + int length = str.length(); + String firstBread = ""x""; + String secondBread = ""y""; + if (length >= 10) + { + firstBread = str.substring(0,5); + secondBread = str.substring(length-5,length); + } + if ((firstBread == ""bread"") && (secondBread == ""bread"")) + { + String sandwich = str.substring(5,length-5); + return sandwich; + } + else + { + return """"; + } + +} +" +fc131d0dcf932cc5d337a968afdf0fbc3fb84763,"public String getSandwich(String str) +{ + String answer = """"; + int length = str.length(); + int word = str.indexOf(""bread"") + int wordEnd = str.lastIndexOf(""bread"") + + if((wordEnd != -1 ) && (word!=wordEnd)) + { + return (str.substring(word+5, wordEnd)) ; + } + return """"; + + + + +} +" +9054c48ac8055c5b5a7b2d86ec6ce1d29dc09461,"public String getSandwich(String str) +{ + int length = str.length(); + if (str.endsWith(""bread"") && str.startsWith(""bread"")) + { + if (length > 5) + { + return (str.substring(5, length - 5)); + } + else + { + return """"; + } + + } + else + { + return """"; + } + +} +" +d93b01be1cde8b7e51b0eac4b3b8af425483718b,"public String getSandwich(String str) +{ + String answer = """"; + int length = str.length(); + int word = str.indexOf(""bread""); + int wordEnd = str.lastIndexOf(""bread""); + + if((wordEnd != -1 ) && (word!=wordEnd)) + { + return (str.substring(word+5, wordEnd)) ; + } + return """"; + + + + +} +" +ad3e9c73dbec466cebcbdbe5cc87c919628b58c2,"public String getSandwich(String str) +{ + int length = str.length(); + String firstBread = ""x""; + String secondBread = ""y""; + if (length >= 10) + { + firstBread = str.substring(0,5); + secondBread = str.substring(length-6,length); + } + if ((firstBread == ""bread"") && (secondBread == ""bread"")) + { + String sandwich = str.substring(5,length-5); + return sandwich; + } + else + { + return """"; + } + +} +" +f3dbccb808761643a2327c0343e2062c288168cf,"public String getSandwich(String str) +{ + int length = str.length(); + String firstBread = ""x""; + String secondBread = ""y""; + if (length >= 10) + { + firstBread = str.substring(0,5); + secondBread = str.substring(length-5); + } + if ((firstBread == ""bread"") && (secondBread == ""bread"")) + { + String sandwich = str.substring(5,length-5); + return sandwich; + } + else + { + return """"; + } + +} +" +5abfdd1089b4856dfab7374f423d6d8b208f9b08,"public String getSandwich(String str) +{ + + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) + return """"; + else + return str.substring(str.indexOf(""bread"") + 5, str.length() - 5); + +} +" +021b1053037622b941f4e2b9df2c0d3459bea9a0,"public String getSandwich(String str) +{ + + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) + return """"; + else + return str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")- 5); + +} +" +46a1527168eb8c8705863bb79aa39a6071b2476d,"public String getSandwich(String str) +{ + + if (!str.startsWith(""bread"") && !str.endsWith(""bread"")) + return """"; + else + return str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + +} +" +06d8c76abed0f952e57d7cac3ed1759a9584d990,"public String getSandwich(String str) +{ + int length = str.length(); + int breadStart = str.indexOf(""bread""); + int breadEnd = str.lastIndexOf(""bread""); + if (breadStart != breadEnd && breadEnd > 5) + { + return (str.substring(breadStart + 5, breadEnd) ); + } + else + { + return """"; + } + +} +" +f2eaa62a12d5dca4536e0f1a62a15776691e082d,"public String getSandwich(String str) +{ + int breadStart = str.indexOf(""bread""); + int breadEnd = str.lastIndexOf(""bread""); + if (breadStart != breadEnd && breadEnd > 5) + { + return (str.substring(breadStart + 5, breadEnd) ); + } + else + { + return """"; + } + +} +" +0d47d9eec058d6d84d2f9f5df7825ecd7ebf53cb,"public String getSandwich(String str) +{ +int first = -1; +int last = -1; + +for(int i = 0; i < str.length() - 5; i++) +{ +if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } +} + +for(int i = str.length() - 5; i >= 0; i--) +{ +if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } +} + +if(first != -1 && last != -1 && first != last) +return str.substring(first + 5, last); + +return """"; +} +} +" +73c9a6b87c453b713012f4a15393be93c825e1d6,"public String getSandwich(String str) +{ +int first = -1; +int last = -1; + +for(int i = 0; i < str.length() - 5; i++) +{ +if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } +} + +for(int i = str.length() - 5; i >= 0; i--) +{ +if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } +} + +if(first != -1 && last != -1 && first != last) +return str.substring(first + 5, last); + +return """"; +} + +" +489f19fdd71c8fd7d191d5c8085c08695bd198d8,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.lastIndexOf(""bread"")l; + + + if (firstBread == -1 || secondBread == firstBread) + return """"; + + else + return str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + +} +" +55285969ed96d8031c606202d6abf3e2bfc2c789,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.lastIndexOf(""bread""); + + + if (firstBread == -1 || secondBread == firstBread) + return """"; + + else + return str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + +} +" +1654214e9d06566c4ebf88071f7b65688a882349,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length()-5; i++) { + if (str.substring(i, (i+5)).equals(""bread"")) { + for (int j = str.length(); j > 4; j = j-1) { + if (str.substring((j-5), j).equals(""bread"") && i + 5 != j) { + return str.substring((i+5), (j-5)); + } + } + } + } + return """"; +}" +5ddd1a092bf751a96be372eb5c11e258e4bc86ec,"public String getSandwich(String str) +{ + for (i = 0; i<=str.length()-4; i++) + { if (b.equals(str.charAt(i)) && r.equals(str.charAt(i+1)) && e.equals(str.charAt(i+2)) && a.equals(str.charAt(i+3)) && d.equals(str.charAt(i+4))) + { + int count = count + 1; + + + } + + + } + if (count == 2) + return true; + else + return """"; + + +} +" +a5c90b551208fea45e9e815561f77471f8d74bb3,"public String getSandwich(String str) +{ + int i = 0; + for (i = 0; i<=str.length()-4; i++) + { if (b.equals(str.charAt(i)) && r.equals(str.charAt(i+1)) && e.equals(str.charAt(i+2)) && a.equals(str.charAt(i+3)) && d.equals(str.charAt(i+4))) + { + int count = count + 1; + + + } + + + } + if (count == 2) + return true; + else + return """"; + + +} +" +8f7adecfe84a4de95fc89fce2d54f70ae614463e,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if ((laind != -1) && (ind != laind)) + return (str.substring(ind+5, laind)); + return """"; +} +" +50fe40631a833d6aaf2a0496d7879041adfb2a92,"public String getSandwich(String str) +{ + newstr = str - ""bread""; + finalstr = newstr.substring(5); +} +" +142caa1b5e8d158c62f6069f09ffb63a780020d6,"public String getSandwich(String str) +{ + String newstr = str - ""bread""; + String finalstr = newstr.substring(5); + return finalstr; +} +" +6458900dc192566daa45b23217788eff035e839f," +public String getSandwich(String str) +{ + int betweenStart = 100; + int betweenEnd = 100; + + if (str.substring(1, 5) == ""bread"" && + str.substring(str.length() - 5, str.length) == bread && + str.length() < 5) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +cb1b96e6cf70838babaccccb5bd1736078ef5785,"public String getSandwich(String str) +{ + int i = 0; + for (i = 0; i<=str.length()-4; i++) + { if (String b.equals(str.charAt(i)) && String r.equals(str.charAt(i+1)) && String e.equals(str.charAt(i+2)) && String a.equals(str.charAt(i+3)) && String d.equals(str.charAt(i+4))) + { + int count = count + 1; + + + } + + + } + if (count == 2) + return true; + else + return """"; + + +} +" +f94c308cd8550c92f70b791cc6418089b27d4cd0," +public String getSandwich(String str) +{ + if (str.substring(1, 5) == ""bread"" && + str.substring(str.length() - 5, str.length()) == bread && + str.length() < 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +ad321e77252ce0a1f90ad09335e7bffd797404a4," +public String getSandwich(String str) +{ + if (str.substring(1, 5) == ""bread"" && + str.substring(str.length() - 5, str.length()) == ""bread"" && + str.length() < 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +16cdeb3bd72f15e93a5b894569148ff7a8e4d7cc," +public String getSandwich(String str) +{ + if (str.substring(1, 6) == ""bread"" && + str.substring(str.length() - 6, str.length()) == ""bread"" && + str.length() < 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +01fa955aa774249cbf20b9f44d149b69519738ab,"public String getSandwich(String str) +{ + int i = 0; + String st = st.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && e.equals(str.charAt(i+2)) && a.equals(str.charAt(i+3)) && d.equals(str.charAt(i+4))) + { + int count = count + 1; + + + } + + + } + if (count == 2) + return true; + else + return """"; + + +} +" +96610ea653d3cd30beef38ed6b078034e972992f," +public String getSandwich(String str) +{ + if (str.substring(1, 6).equals(""bread"") && + str.substring(str.length() - 6, str.length()).equals(""bread"") && + str.length() < 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +03d84c249f8853b7992ea956b6786110710bd72d,"public String getSandwich(String str) +{ + int i = 0; + String st = st.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + int count = count + 1; + + + } + + + } + if (count == 2) + return true; + else + return """"; + + +} +" +9325a61f92e69ee06c4f54547f2f9e4f1b5c928a,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + String st = st.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 2) + return true; + else + return """"; + + +} +" +65cb1d3e128328fd9a7a9c65c20a6b11347120dd,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + String st = st.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 2) + return ""true""; + else + return """"; + + +} +" +e6d7dd2e813374e4ef87c6216b8dceadca713ef4,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + String st = str.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 2) + return ""true""; + else + return """"; + + +} +" +9c3921ab2f563af9deb133b3749280fcad448a55,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(str.IndexOf(""bread"") + 5, str.lastIndexOf(""bread""); + } +} +" +c8fd532509da9502f40f0a1c7c149f4f43930c4b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(str.IndexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + } + else + { + return """"; + } +} +" +39113c69f05e3555d2d1efadc2b2ae207f804b7c,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(str.IndexOf(""bread"") + 5, str.lastIndexOf(""bread""))); + } + else + { + return """"; + } +} +" +c0bfb399677f060455a9fe756909ce6006c5462f," +public String getSandwich(String str) +{ + if (str.substring(0, 5) == ""bread"" && + str.substring(str.length() - 5, str.length()) == ""bread"" && + str.length() < 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +0458b185c6d0e5758eaae8d922f3438a31c53087," +public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(""bread"") && + str.substring(str.length() - 5, str.length()).equals(""bread"") && + str.length() < 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +4b3e8c0377b3c9eb2be261477960e963c20b246b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); + } + else + { + return """"; + } +} +" +2b42eb18e54ca28c23b68dfc09141696a1d44994," +public String getSandwich(String str) +{ + if (str.substring(0, 5).equals(""bread"") && + str.substring(str.length() - 5, str.length()).equals(""bread"") && + str.length() > 5) + { + return str.substring(5, str.length() - 5); + } + else + return """"; +} +" +0ec124c5967eb4eb2c31dc476c2f42bc41372456,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + String st = str.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 2) + return ""true""; + else + return count; + + +} +" +4fd0cea05d1b95195472fa24b83bd3ee963827e3,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + String st = str.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 2) + return ""true""; + else + System.out.println(count); + return """"; + + +} +" +578d3c49313a87e7c06293f049b7bd65846c65b9,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + else + { + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); + } +} +" +6a6cfb8a1f185ef72b42747a6ca33e84ae1f5f86,"public String getSandwich(String str) +{ + String postFirstSlice = """"; + for (int i = 0; i < str.length(); i++) + { + int maxVal = 0; + if (i+5 > str.length()-1) + maxVal = str.length()-1; + else + maxVal = i+5; + if (str.substring(i, maxVal).equals(""bread"")) + { + postFirstSlice = str.substring(i+5); + break; + } + } + + String finalString = """"; + for (int j = postFirstSlice.length(); j > 0; j--) + { + int minVal = 0; + if (j-6 < 0) + minVal = 0; + else + minVal = j-6; + if (postFirstSlice.substring(minVal, j-1).equals(""bread"")) + { + finalString = postFirstSlice.substring(0, j-6); + break; + } + } + return finalString; +} +" +06378866054486536ba45a43a6c4c1c951c3cf62,"public String getSandwich(String str) +{ + str word = ""bread""; + + word = word.bread(1, 5); + +} +" +f2fccccfefbe5a716daa1b07aca69ea1396599c8," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + if (str.substring(str.length -5, + str.length()).equals(""bread"")) + { + betweenEnd = str.length() - i - 5; + } + } + + if (str.length > 10) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +ac63cfbe68198d1dce65bde53366a337d12a870e,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + String st = str.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 1) + return ""true""; + else + System.out.println(count); + return """"; + + +} +" +d20aa2897f35382a1ea0c5dcc970f785670b77a7,"public String getSandwich(String str) +{ + str = ""bread""; + + word = word.bread(1, 5); + +} +" +added2d70934b2472c8e2f3bdfdb06b6335f9ce0,"public String getSandwich(String str) +{ + str = ""bread""; + + word = word.bread(1, 5); + +} +" +86dc513002c30186d57b2cf7e1f2a3f418867e83," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + if (str.substring(str.length() -5, + str.length()).equals(""bread"")) + { + betweenEnd = str.length() - i - 5; + } + } + + if (str.length() > 10) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +4088019496d8cec7c608edb0857ab84e74365dd4,"public String getSandwich(String str) +{ + str = ""bread""; + + str = str.bread(1, 5); + +} +" +5c22799d43700aa5598a338f931bf54f23518409," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + betweenStart = i + 5; + } + if (str.substring(str.length() -5, + str.length() - i).equals(""bread"")) + { + betweenEnd = str.length() - i - 5; + } + } + + if (str.length() > 10) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +c33848d89ae61fe09c2610fd1500415a5744a496,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + for (i = 0; i<=str.length()-4; i++) + { if (""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 1) + return ""true""; + else + System.out.println(count); + return """"; + + +} +" +f187b122f5bf639b303389b59017f271d85f8df1," +public String getSandwich(String str) +{ + int betweenStart = str.indexOf(""bread"") + 5; + int betweenEnd = str.lastIndexOf(""bread""); + + if (betweenStart != betweenEnd) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +da24d7d34b05a78a2a270e453ed36bd6b7f6e280," +public String getSandwich(String str) +{ + int betweenStart = str.indexOf(""bread""); + int betweenEnd = str.lastIndexOf(""bread""); + + if (betweenStart == betweenEnd) + { + return str.substring(betweenStart + 5, betweenEnd); + } + else + return """"; +} +" +9cfbac74f2f8af6a42019c0b6c4db1c386c9b135," +public String getSandwich(String str) +{ + int betweenStart = str.indexOf(""bread""); + int betweenEnd = str.lastIndexOf(""bread""); + + if (betweenStart == betweenEnd) + { + return """"; + } + else + return str.substring(betweenStart + 5, betweenEnd); +} +" +657836746b04e2c9891a606aeddf7f62853e4704,"public String getSandwich(String str) +{ +if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + return str.substring(; + + else { + return "" ""; + } +} +" +2dde05e88da159cdac23ff1aaedc7463b7424941,"public String getSandwich(String str) +{ + int index = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if(!(lastIndex == -1 )) + { + return (str.substring(index+5,lastIndex)) ; + } + else + { + return """"; + + } + + + + +} +" +5adacce74380c5999636fc164c40a136dc971a40,"public String getSandwich(String str) +{ + if (str.startsWith(""b"") && str.endsWith(""d"") + { + return str.substring(5, str.length()-4; + } + else{ + return """"; + } +} +" +e2406be4f77b7fc1ab2aa15b9adedafb314810a0,"public String getSandwich(String str) +{ + if (str.startsWith(""b"") && str.endsWith(""d"")) + { + return str.substring(5, str.length()-4); + } + else{ + return """"; + } +} +" +8d41f513ca903c461ff68cd7b1044418e8df274a,"public String getSandwich(String str) +{ + if (str.startsWith(""b"") && str.endsWith(""d"")) + { + return str.substring(5, str.length()-5); + } + else{ + return """"; + } +} +" +c2079bdcd133c8c2c8205c680933f15159542e8a,"public String getSandwich(String str) +{ + if (startsWith(""bread"") && endsWith(""bread"")) + { + + } +} +" +fe8439e5b81b926ff15e93388dad62ec9217b3ad," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"") && + betweenStart == 0) + { + betweenStart = i + 5; + } + + if (str.substring(str.length() - 5 - i, str.length () - i).equals(""bread"") && betweenEnd == 0) + { + betweenEnd = str.length = i; + } + } + + if (str.length > 10) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +9729c045693670c67d85c6dcba428f4d0d3415b4,"public String getSandwich(String str) +{ +if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + + return str.substring(5, 9); + + else { + return "" ""; + } +} +} +" +636131eeb739d62af1143221bb82daf9c0a79fc5," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"") && + betweenStart == 0) + { + betweenStart = i + 5; + } + + if (str.substring(str.length() - 5 - i, str.length() - i).equals(""bread"") && betweenEnd == 0) + { + betweenEnd = str.length() - i; + } + } + + if (str.length() > 10) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +73cf786b6fda307ff292909b8cb8b456203a45e6,"public String getSandwich(String str) +{ +if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + + return str.substring(5, 9); + + else { + return "" ""; + } +} +" +68c9ca0e6f2f5fbb760d8f0349cc55eec7b1200a,"public String getSandwich(String str) +{ +if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + + return str.substring(5, 9); +} + + else { + return "" ""; + } +} +" +3fd3f75141fe5cac326fca5a3a1880a16bb6e669," +public String getSandwich(String str) +{ + int betweenStart = 0; + int betweenEnd = 0; + + for (int i = 0; i > str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"") && + betweenStart == 0) + { + betweenStart = i + 5; + } + + if (str.substring(str.length() - 5 - i, str.length() - i).equals(""bread"") && betweenEnd == 0) + { + betweenEnd = str.length() - i; + } + } + + if (str.length() > 10) + { + return str.substring(betweenStart, betweenEnd); + } + else + return """"; +} +" +ff5685c4fcc7718786993b3f84c0835230a0fc13,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +328a485a43c70601838771b4567ac7c825af0d1f," +public String getSandwich(String str) +{ + int betweenStart = str.indexOf(""bread""); + int betweenEnd = str.lastIndexOf(""bread""); + + if (betweenStart == betweenEnd) + { + return """"; + } + else + return str.substring(betweenStart + 5, betweenEnd); +} +" +e979d9fd31358a19788b7f853ba748785b05f416,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; +} +" +5213e8156b046c9e6866591f62d5f08a5b36a679,"public String getSandwich(String str) +{ +if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + + return str.substring(5, 9); +} + + else { + return """"; + } +} +" +1a2be55ab0cb928219d7408c195569d5d80e19b2,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + substring(5, str.length()-5); + } +} +" +3091952dabd8f429c703110a145dbea0a195ef7b,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + finalString = str.substring(start,finish); + return finalString; +} +" +ce01119275678bf6a68ff3491a0dad327e363cd3,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + str.substring(5, str.length()-5); + } +} +" +a222a17ec9c8b83a46ade97f9d30204a2f07dd3a,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """" + } +} +" +f9e55c2bbd45662f00041fbc882f3e61f71473dd,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +015abd427d0bdfe6205256b7466dc4bf930a1a06,"public String getSandwich(String str) +{ +public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +}" +fa14ccb7123e1782c4fe52e77e0869104133fb8c,"public String getSandwich(String str) +{ +public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +} +}" +613572eac8205857734fce57c309398dcaf7c19b,"public String getSandwich(String str) +{ + int index = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + { + return (str.substring(index+5,lastIndex)) ; + } + else + { + return """"; + + } + + + + +} +" +871d7190ae220860b7d9a607e587e8c5fa953c4a,"public String getSandwich(String str) +{ + int index = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + if((lastIndex != -1 ) && (index!=lastIndex)) + { + return (str.substring(index+5,lastIndex)) ; + } + else + { + return """"; + + } + + + + +} +" +4e342b5f50966fb743c40365e970cc9043ec03bd,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +} +}" +c8dd6ae15302964cfb15a19fdcb22b36b9965c15,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +}" +836847c0c499557ec76ebff27e0d356ab8c461c8,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +}" +f32965f0917c9e5814864df7c624dd1c55bb7022,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +}" +92b83399185878a1ae61ad9741eb76452ac0b943,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +}" +fa88e81c5e3a15bed8a206d4f976639297b2cb99,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +}" +5d3c2bc2cf3fc56b954229274817b51cf1942596,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != last) + { + return str.substring(first+5, last); + } + else + { + return """"; + } +} +" +e4e004626cad39ec0718c72e0d070c4ea95de86c,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) { + return (str.substring(ind+5,laind)) ; + } + return """"; +} +}" +d6f9c6f10c10366a85df1be5ba910a14c13e40a3,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) { + return (str.substring(ind+5,laind)) ; + } + else { + return """"; +} +}" +c575fc66a31bc5a0efa58087b1ecad6c8f0be0d2,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + + return str.substring(str.length()-i)); + + } + } + return """"; +} +" +f7162df4a344911c2ffe4ac9ba6206f09a94d3a4,"public String getSandwich(String str) +{ + for (int i = 0; i < str.length() - 5; i++) + { + if (str.charAt(i) == 'b') + { + + return str.substring(str.length()-i); + + } + } + return """"; +} +" +384c1866564225bd1fbf6696fa6ad38fcb80d27a,"public String getSandwich(String str) +{ + if (startsWith(""bread"") && endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +29c93753a9104edefd4b0ca6b0d71e1b31e01b0a,"public String getSandwich(String str) +{ + if (startsWith('bread') && endsWith('bread')) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +b61d72a8542b152310e43ded5b65e055d242f1c0,"public String getSandwich(String str) +{ + if (str.startsWith('bread') && str.endsWith('bread')) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +1cc0e0f80e48739bb922ac5488ed74eed730ed3a,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length()-5); + } + else + { + return """"; + } +} +" +f9960c2f9e4726e15b377c8fadbd90e0aed44ed9,"public String getSandwich(String str) +{ + String res = """"; + boolean bread = false; + for (int i = 0; i < str.length()-4; i++) + { + if (i < str.length() - 4 && str.charAt(i) == 'b' && str.charAt(i+1) == 'r' && str.charAt(i+2) == 'e' && str.charAt(i+3) == 'a' str.charAt(i+4) == 'd') + { + bread = !bread; + } + if (bread) { + res+= str.charAt(i); + } + } + return res; +} +" +eafb003d5e7e5742f84b6dba8629841bd5b9f9f7,"public String getSandwich(String str) +{ + String res = """"; + boolean bread = false; + for (int i = 0; i < str.length()-4; i++) + { + if ((i < str.length() - 4) && str.charAt(i) == 'b' && str.charAt(i+1) == 'r' && str.charAt(i+2) == 'e' && str.charAt(i+3) == 'a' && str.charAt(i+4) == 'd') + { + bread = !bread; + } + if (bread) { + res+= str.charAt(i); + } + } + return res; +} +" +8d17de3dd496b5f5966b3b6ad440596361299902,"public String getSandwich(String str) +{ + String res = """"; + boolean bread = false; + for (int i = 0; i < str.length()-4; i++) + { + if ((i < str.length() - 4) && str.charAt(i) == 'b' && str.charAt(i+1) == 'r' && str.charAt(i+2) == 'e' && str.charAt(i+3) == 'a' && str.charAt(i+4) == 'd') + { + bread = !bread; + i+=4; + } + if (bread) { + res+= str.charAt(i); + } + } + return res; +} +" +7a492fe4506b5d6c2a3273a62a2fa5dc23d2aa11,"public String getSandwich(String str) +{ + String res = """"; + boolean bread = false; + for (int i = 0; i < str.length()-4; i++) + { + if ((i < str.length() - 4) && str.charAt(i) == 'b' && str.charAt(i+1) == 'r' && str.charAt(i+2) == 'e' && str.charAt(i+3) == 'a' && str.charAt(i+4) == 'd') + { + bread = !bread; + i+=5; + } + if (bread) { + res+= str.charAt(i); + } + } + return res; +} +" +a115f3b615026f5e667bff579fbcf846f1d5aa97,"public String getSandwich(String str) +{ + String res = """"; + boolean bread = false; + for (int i = 0; i < str.length()-4; i++) + { + if ((i < str.length() - 4) && str.charAt(i) == 'b' && str.charAt(i+1) == 'r' && str.charAt(i+2) == 'e' && str.charAt(i+3) == 'a' && str.charAt(i+4) == 'd') + { + bread = !bread; + i+=5; + } + if (bread && i < str.length() - 4) { + res+= str.charAt(i); + } + } + return res; +} +" +b9c537fd080ba313acb5645f03d3cf925b466e81,"public String getSandwich(String str) +{ + String res = """"; + boolean bread = false; + for (int i = 0; i < str.length()-4; i++) + { + if ((i < str.length() - 4) && str.charAt(i) == 'b' && str.charAt(i+1) == 'r' && str.charAt(i+2) == 'e' && str.charAt(i+3) == 'a' && str.charAt(i+4) == 'd') + { + bread = !bread; + i+=5; + } + if (bread && i < str.length() - 5) { + res+= str.charAt(i); + } + } + return res; +} +" +e2c3ee7f2f4a535cdf853b19369be7165cd1af0f,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +4830e7300d8bf8bfadac8836b106ea758e02ad04,"public String getSandwich(String str) +{ + if(this.startsWith(""bread"") && this.endsWith(""bread"")) + { + return this.substring(5, str.length() - 5); + } + return """"; +} +" +e18134f7dddfd564c925e53eac610e4cd116e4ea,"public String getSandwich(String str) +{ + if(startsWith(""bread"") && this.endsWith(""bread"")) + { + return this.substring(5, str.length() - 5); + } + return """"; +} +" +b2cce3020d1424de7f32e6822ec6fd8843a43394,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && this.endsWith(""bread"")) + { + return this.substring(5, str.length() - 5); + } + return """"; +} +" +35062e292002e452e1c95ea2ff89de6d25431270,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return this.substring(5, str.length() - 5); + } + return """"; +} +" +ef92dd805fa613f67955fa1691c0e8ca4760ba07,"public String getSandwich(String str) +{ + for(int x = 0; x < str.length(); x++) + { + if((str.charAt(x) == ('b') && str.charAt(x+1)==('r') && str.charAt(x+2)==('e') && str.charAt(x+3)==('a') && str.charAt(x)==('d'))) + { + return """"; + } + + } + +} +" +66fcf4d307886c2a1c7be77edd38834bfb81fa17,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + return """"; +} +" +a070a277fcb3d9c64d6109225cc230d17d0c8103,"public String getSandwich(String str) +{ + String word = str; + word.substring(""bread"", ""bread""); + System.out.println(str); +} +" +811cddd1a41a9cb694f9a4eac4c84d8b401aca61,"public String getSandwich(String str) +{ + for(int x = 0; x < str.length(); x++) + { + if((str.charAt(x) == ('b') && str.charAt(x+1)==('r') && str.charAt(x+2)==('e') && str.charAt(x+3)==('a') && str.charAt(x)==('d'))) + { + return """"; + } + + } + return """"; + +} +" +6acb1b555a57da4a37caea03c2abe4589268499c,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +2a6c2d8dd63b0804895aed3719700b47de7effb3,"public String getSandwich(String str) +{ + String word = str; + word.substring(""bread"", ""bread""); + System.out.println(word); +} +" +cb075ee8e07e5adc921fdd7b30806422d1ab9f35,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 4); + } + return """"; +} +" +a1eed7cc65160e3d8921a382d26e538cffd9f127,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(4, str.length() - 5); + } + return """"; +} +" +670654107c120241fcfc9d592fb7cde77e0b3875,"public String getSandwich(String str) +{ + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + return """"; +} +" +ecb8a98cb304b012b7fb7885dbc708d558276786,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +a1a2f36004a343ecb8378db70b5030889d8ffc9e,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +1e85f21672d51d547346722eb27eb02fd3de967c,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread"") + int last = str.lastIndexOf(""bread""); + if(start <= 0 && last <= 0) + { + return str.substring(start,last); + } + return """"; +} +" +029b80f3ee1a75f1f04096278eb5f43124aac8dd,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(start <= 0 && last <= 0) + { + return str.substring(start, last); + } + return """"; +} +" +9b528fd7e25895ff4cdd834e8c2209453e4bd0b6,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(start >= 0 && last >= 0) + { + return str.substring(start, last); + } + return """"; +} +" +5ae37eddf1a7fe4ceff749c0a7f457a0a0153a86,"public String getSandwich(String str) +{ + String word = str; + word.substring(""bread"", ""bread""); + System.out.println(word); +} +" +08e94b83b29b4de990bf08be8c6fefa68cf765f5,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if(!(end == -1 )) + return (str.substring(start+5,end)); + return """"; +} +" +339f78c5d70975d761ae4a942eaad0c0f0069d63,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ( first = null || last = null) + { + return """"; + } + else + { + return str.substring(first+1 , last); + } + + +} +" +923679f39b96a7b976999d5823b3460d0254358c,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if(!(end == -1 )) + { + return (str.substring(start+5,end)); + } + return """"; +} +" +7c6255fb0c847ba749b8bdd4d86a20a2c1308bac,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if(!(end == -1 )) + { + return str.substring(start+5, end); + } + return """"; +} +" +ee74c356176f9b8077622078e25b12601043a648,"public String getSandwich(String str) +{ + if (str.startsWith(0, 5).equals(""bread"")) + { + } +} +" +dc6a70c1d27c6c01ffb65c4f318d4cbf2daa9727,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if(!(start == -1 )) + { + return str.substring(start+5, end); + } + return """"; +} +" +d91723f401f4603e6dd10e38c37ac1ce9a2af50d,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if(!(end == -1 )) + { + return str.substring(start+5, end); + } + return """"; +} +" +e0ac2853fc6b7efcd072a88f8f991d3c81a56ae1,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if(!(end == -1 )) + { + return str.substring(start + 5, end); + } + return """"; +} +" +953bb3c4946c2196c0da75433b4860170085470f,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"")) + { + } +} +" +ced7def79e5e550a68748a2eb84c6d3537f01fd9,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ( first == null || last == null) + { + return """"; + } + else + { + return str.substring(first+1 , last); + } + + +} +" +a06495e47fc9b3068d27c7b7c1fdf71b8a73f8e2,"public String getSandwich(String str) +{ + if (str.length() > 2) + { + return str.substring(1, str.length()); + } + else + return """"; +} +" +c22d4cc5173c562e054295331052c4ff9168f064,"public String getSandwich(String str) +{ + int start = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if((end != -1 ) && (start!=end)) + { + return str.substring(start + 5, end); + } + return """"; +} +" +7fb3fc7793f10ed854ed08f3a427587c4b016747,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"", str.length() - 5)) + { + } +} +" +a2548b7fa9547aa3bea2cdda8f2d444f835d452e,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(first != -1 && last != -1 && first != last) + { + return str.substring(first, last); + } + return """"; + +} +" +fd889945caf23033c67c36c078d9cee777250ebc,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(first != -1 && last != -1 && first != last) + { + return str.substring(first, last); + } + return """"; + +} +" +3fa6e9a1800791e3099fd76065567212a859e439,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + } +} +" +ab0aef11dad10b4c8b8fd0f7231620bc099f3759,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; + +} +" +26284e530357eef43b5782b67eba50ef5e2228c5,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + return str.substring(first+1 , last); + + +} +" +9f4e794efb3bb6737152c96d836ea6cf99dedc39,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } +} +" +7b01590854c49811f7643c258e796733151e1342,"public String getSandwich(String str) +{ + int first + 4 = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + return str.substring(first+1 , last); + + +} +" +bea9717b5cf78362694885ac7a30c1eb5f74cf15,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + return null; +} +" +b1a1d6dac05ad6933e38fac447a4756f93720e3b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + return str.substring(first+ 5 , last); + + +} +" +c8aaf64944c866e0534d4b0fb9af06678ccc204b,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + + int iLast = str.lastIndexOf(""bread""); + + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + + return str.substring(iFirst+5, iLast); + + return """"; +} +" +b0114cf5376b422979e26b916e9e4831b453f91d,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i+5).equals(""bread"") + { + } + } +} +" +1c86fc7d19ab93531b4b45b6317e9a859b5c25cc,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + } + } +} +" +a9e356f74c32680203c74f6839321f5535bc856a,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +17d836d9d86fe548fecf0468087cd2e96ec22395,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + firstBread = i; + i = str.length(); + } + } + for (int j = str.length() - 5; j > 0; j--) + { + if (str.substring(j, j+5).equals(""bread"")) + { + lastBread = j; + j = 0; + } + } + return str.substring(firstBread + 5, lastBread); +} +" +fcc530a9fce50a2fbd2fd597cea8560a35d09c9e,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + for (i = 0; i<=str.length()-5; i++) + { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 1) + return ""true""; + else + //System.out.println(count); + return """"; + + +} +" +d1eee29985ccc86ccbfe99eae4763c758122beb6,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + for (i = 0; i<=str.length()-5; i++) + { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + count = count + 1; + + + } + + + } + if (count == 2) + return ""true""; + else + //System.out.println(count); + return """"; + + +} +" +57d6153d96946077e380099473f87996eb9a803e,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + if (str.substring, k, k + 5).equals(""bread"")) + i = k; + break; + for (int k = str.length() - 5; k >= 0; k --) + if (str.substring(k, k + 5).equals(""bread"") + j = k; + break; + if (j != -1 && k != -1 && j != k) + return str.substring(i + 5, j); + else + return """"; +} +" +cdfb7761b8aa6bcff05bdc0e03a975de9f635b91,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") + int lastBread = str.lastIndexOf(""bread"") + String ham = str.substring(firstBread + 1, lastBread - 1) + return ham +} +" +c2b66db07b0c9bb910ae14d60de522dd1500af2f,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + String ham = str.substring(firstBread + 1, lastBread - 1); + return ham; +} +" +9f5f234b94e8f8d8ced8e8bb7615ec080ad615c1,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + if (str.substring(k, k + 5).equals(""bread"")) + i = k; + break; + for (int k = str.length() - 5; k >= 0; k --) + if (str.substring(k, k + 5).equals(""bread"")) + j = k; + break; + if (j != -1 && k != -1 && j != k) + return str.substring(i + 5, j); + else + return """"; +} +" +a37507c93e51e6ef8ef938b1e53b5402ea8290ba,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + String ham = str.substring(firstBread + 5, lastBread); + return ham; +} +" +aac63f646e2aead01a6b4191437e593da2f123dc,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + if (str.substring(k, k + 5).equals(""bread"")) + i = k; + break; + for (int k = str.length() - 5; k >= 0; k --) + if (str.substring(k, k + 5).equals(""bread"")) + j = k; + break; + if (j != -1 && i != -1 && i != k) + return str.substring(i + 5, j); + else + return """"; +} +" +77ad7fc438bf22628f19031a0c0e20aa73b9d6a3,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + if (str.substring(k, k + 5).equals(""bread"")) + i = k; + break; + for (int k = str.length() - 5; k >= 0; k --) + if (str.substring(k, k + 5).equals(""bread"")) + j = k; + break; + if (j != -1 && i != -1 && i != j) + return str.substring(i + 5, j); + else + return """"; +} +" +e3854698304682ac5f9cc8025125c6443835c894,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + if (str.substring(k, k + 5).equals(""bread"")) + i = k; + break; + else + continue; + for (int k = str.length() - 5; k >= 0; k --) + if (str.substring(k, k + 5).equals(""bread"")) + j = k; + break; + if (j != -1 && i != -1 && i != j) + return str.substring(i + 5, j); + else + return """"; +} +" +99455dd030cb338ff688125a0afefeddb26c76f6,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + ham = """"; + else + String ham = str.substring(firstBread + 5, lastBread); + return ham; +} +" +135037db5d2f3317282e8994a149617455e52d25,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + { + if (str.substring(k, k + 5).equals(""bread"")) + { + i = k; + break; + } + else + { + continue; + } + } + for (int k = str.length() - 5; k >= 0; k --) + if (str.substring(k, k + 5).equals(""bread"")) + j = k; + break; + if (j != -1 && i != -1 && i != j) + return str.substring(i + 5, j); + else + return """"; +} +" +5a91452ea341419fb9f87160b42bf30115f3ece4,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + { + ham = """"; + } + else + { + String ham = str.substring(firstBread + 5, lastBread); + } + return ham; +} +" +f0dc8f3e22942ac74680007bb98064add4eadff9,"public String getSandwich(String str) +{ + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + { + if (str.substring(k, k + 5).equals(""bread"")) + { + i = k; + break; + } + else + { + continue; + } + } + for (int k = str.length() - 5; k >= 0; k --) + { + if (str.substring(k, k + 5).equals(""bread"")) + { + j = k; + break; + } + else + { + continue; + } + } + if (j != -1 && i != -1 && i != j) + return str.substring(i + 5, j); + else + return """"; +} +" +172eca96fd014b5be21fa624e83270e7b2f393ee,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + { + String ham = """"; + } + else + { + String ham = str.substring(firstBread + 5, lastBread); + } + return ham; +} +" +bd696efd7eb3bb462ffbb98ad00e755d3f77cd84,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + { + String ham = """"; + } + else + { + String ham = str.substring(firstBread + 5, lastBread); + } + return ham; +} +" +056ddaf430c2a7d0b357fd5dc8a6c118aa8f8739,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + { + String ham = """"; + } + else + { + String ham = str.substring(firstBread + 5, lastBread); + } + return ham; +} +" +0417b2659cc509fa2b143f20ae148c9f59ed365b,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + { + String ham = """"; + } + else + { + String ham = str.substring(firstBread + 5, lastBread); + } + return ham; +} +" +9805208963188238981943a9eae6164f18003824,"public String getSandwich(String str) +{ + if (str.length() <= 9) + return """"; + int i = 0; + int j = 0; + for (int k = 0; k <= str.length(); k++) + { + if (str.substring(k, k + 5).equals(""bread"")) + { + i = k; + break; + } + else + { + continue; + } + } + for (int k = str.length() - 5; k >= 0; k --) + { + if (str.substring(k, k + 5).equals(""bread"")) + { + j = k; + break; + } + else + { + continue; + } + } + if (j != -1 && i != -1 && i != j) + return str.substring(i + 5, j); + else + return """"; +} +" +35a4e3067fe38e623dcf94e1bb14def34c2a41c8,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (lastBread <= firstBread) + { + String ham = """"; + return ham; + } + else + { + String ham = str.substring(firstBread + 5, lastBread); + return ham; + } +} +" +7c694ebd1e433413bbfbeff2853096a20431fa5f,"public String getSandwich(String str) +{ + int length = str.length(); + int first; + int last; + + if (length < 10) + { + return """"; + } + + for (int i = 0; i < length - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + int last = i; + } + if (str.substring(i, i + 5).equals(""bread"")) + { + int first = i + 5; + } + } + + return str.substring(first, last); + +} +" +524a7e27cbbb894a6a711d8e8c9e6bef77e0f7e9,"public String getSandwich(String str) +{ + int length = str.length(); + int first; + int last; + + if (length < 10) + { + return """"; + } + + for (int i = 0; i < length - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + } + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i + 5; + } + } + + return str.substring(first, last); + +} +" +7ae71f9a4060d1e62b62e4039328f434333f3dee,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + + if (laind != 1 && ind != laind) + { + return (str.substring(ind + 5, laind); + } + else + return """"; +} +" +e64cbc5b9853327842bb030d6cac5757e0634145,"public String getSandwich(String str) +{ + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + + + if (len <= 10) + + return """"; + + + + for (int i = 0; i < len - 4; i++) { + + tmpString = str.substring(i, i+5); + + + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + + } + + + + finalString = str.substring(start,finish); + + return finalString; + +} +" +467b823d99e5be64019d140980537acd4f259f51,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + + if (laind != 1 && ind != laind) + { + return (str.substring(ind + 5, laind)); + } + else + return """"; +} +" +9b4cb2fa8759951e0e80b76202ff388787e16809,"public String getSandwich(String str) +{ + int length = str.length(); + int first = 0; + int last = 0; + + if (length < 10) + { + return """"; + } + + for (int i = 0; i < length - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + } + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i + 5; + } + } + + return str.substring(first, last); + +} +" +83c6357009e50302021268a5d945a9b886c00a97,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + for (i = 0; i<=str.length()-5; i++) + { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + + count = count + 1; + + + } + + + } + if (count == 2) + { i = 0; + if (str.substring(i, i+5) .equals (""bread"")) + { + break; + } + String sub = new String(str.substring(i+5)); + for (i = sub.length(); i>=5; i--) + { if (sub.substring(i-5, i) .equals (""bread"")) + { + break; + } + } + return sub.substring(0, i-5); + else + //System.out.println(count); + return """"; + + +} +" +cf53a087bb961df62a6c96ea024f6eee21b5caa4,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + for (i = 0; i<=str.length()-5; i++) + { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + + count = count + 1; + + + } + + + } + if (count == 2) + { i = 0; + if (str.substring(i, i+5) .equals (""bread"")) + { + break; + } + String sub = new String(str.substring(i+5)); + for (i = sub.length(); i>=5; i--) + { if (sub.substring(i-5, i) .equals (""bread"")) + { + break; + } + } + return sub.substring(0, i-5); + } + else + { //System.out.println(count); + return """"; + } + + +} +" +035b3ed71bf76dc759c66602776392da2b357b88,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + for (i = 0; i<=str.length()-5; i++) + { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + { + + count = count + 1; + + + } + + + } + if (count == 2) + { i = 0; + for (i = 0; i<=str.length()-5; i++) + { + if (str.substring(i, i+5) .equals (""bread"")) + { + break; + } + } + String sub = new String(str.substring(i+5)); + for (i = sub.length(); i>=5; i--) + { if (sub.substring(i-5, i) .equals (""bread"")) + { + break; + } + } + return sub.substring(0, i-5); + } + else + { //System.out.println(count); + return """"; + } + + +} +" +6f734b4557523ff4928dcd00da944d4ab20b51da,"public String getSandwich(String str) +{ + length = str.length; + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, length-4); + } + else( + return """"; +} +" +65318a91d63b728d3e2d4ecbc31f41948dc578de,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (fisrt == last) + { + return """"; + } + + return str.substring(first, last); + +} +" +0a5e05b252310a449c580b3a0154e18b0ca094b6,"public String getSandwich(String str) +{ + length = str.length; + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, length-4); + } + else + { + return """"; + } +} +" +a255c21dd6f57f36938c00828d187df38c777c02,"public String getSandwich(String str) +{ + int length = str.length; + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, length-4); + } + else + { + return """"; + } +} +" +7991c7f22903133f7641ab969c17e5d983150aa4,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first == last) + { + return """"; + } + + return str.substring(first, last); + +} +" +c3eb44bea83fb9018b1aeccd538e8ed8e0a247f6,"public String getSandwich(String str) +{ + int length = str.length(); + if(str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, length-4); + } + else + { + return """"; + } +} +" +49067691a6d3e4ae250363b18f7a5e176b3b55bf,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first == last) + { + return """"; + } + + return str.substring(first + 5, last); + +} +" +67001ffd1c644ed029f405301d1882c60a886803,"public String getSandwich(String str) +{ + return """" +} +" +9c1f072a8ac7ac985804c18e45ba041924d1ab81,"public String getSandwich(String str) +{ + return """"; +} +" +2d13a6fbd989ecf6155b99ae4b7bd92782cb5bfb,"public static String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +8494ac97318df341cdbd82bc502c10dca51eaa48,"public static String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +977e75c8a64cccbbe24ec36dbc145188d4b859f3,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ( first >= 0 && last >= 0) + { + return str.substring(first+ 5 , last); + } + else + { + return false + } + + +} +" +5b08440dad6b8bb5147174b3b23cef273e03b9a1,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ( first >= 0 && last >= 0) + { + return str.substring(first+ 5 , last); + } + else + { + return false; + } + + +} +" +0da5dd919d3aab71d380f47df4c641f27f662d90,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ( first >= 0 && last >= 0) + { + return str.substring(first+ 5 , last); + } + else + { + return """"; + } + + +} +" +fb03e4a0cd83bcf6839a08991fbe157e13e6e9d7,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(first != -1 && last != -1 && first != last) + return str.substring(first+5, last); + return """"; +} +" +1d12d8f0e16e0c50c2bcd9710ec1d15a44d45657,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int l = str.lastIndexOf(""bread""); + if((l != -1) && i != l)){ + return str.substring(i+5, l); + }else{ + return """"; + } +} +" +18f6aac7b69b62b4dd419941d724fe42800a205b,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int l = str.lastIndexOf(""bread""); + if((l != -1) && (i != l)){ + return str.substring(i+5, l); + }else{ + return """"; + } +} +" +0fd07d7225b4c4d143e1c5144fffc46a2e4a7e53,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +86ad05498427767e9c5e68175ed10619128fbbba,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.lastindexOf(""bread""); + + if (begin != end) + { + return (str.substring(begin+5, end); + } + else + { + return """"; + } + +} +" +916d02762ea49454581c9a374c32f6735e4427c6,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.lastindexOf(""bread""); + + if (begin != end) + { + return (str.substring(begin+5, end)); + } + else + { + return """"; + } + +} +" +dad60d0073164d9a840b95a9cef3a6cd0b5b8272,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + + if (begin != end) + { + return (str.substring(begin+5, end)); + } + else + { + return """"; + } + +} +" +ed9cc1e594f8f9f904bb1725114d0b1afb5f416e,"public String getSandwich(String str) +{ + String empty = """"; + if (str.length() > 2) { + return str.substring(1, str.length()); + } + else { + return empty; + } +} +" +f9e299c70f6b932d2d588db2471fa39c5d87a3ea,"public String getSandwich(String str) +{ + String bread = ""bread""; + int count= 0; + int start = 0; + int end = 4; + for (int i = 0; i < str.substring() -1; i++) + { + if (!str.substring(start,end).equals(bread)) + { + start++; + end++; + } + else + { + for (int x = i; x < str.substring(end+1); x++) + { + return """"; + + } + + } + + } + return """"; +} +" +c2c7761bd22264871ca89521796a8b320a051dd7,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +5e29e0573dd710965283021fc32909f460f00f2b,"public String getSandwich(String str) +{ + return str; +} +" +0df60d95f8318861c288c692c738438c2fd51b8b,"public String getSandwich(String str) +{ + String bread = ""bread""; + int count= 0; + int start = 0; + int end = 4; + for (int i = 0; i < str.length() -1; i++) + { + if (!str.substring(start,end).equals(bread)) + { + start++; + end++; + } + else + { + for (int x = i; x < str.length; x++) + { + return """"; + + } + + } + + } + return """"; +} +" +3d559da1968025e65fa64fa746adfaf2ed0ec354,"public String getSandwich(String str) +{ + String empty = """"; + String key = ""bread""; + if (str.contains(key)) { + int index = str.indexOf(key) + 5; + int index2 = str.indexOf(key, index); + return str.substring(index, index2 + 1); + } + else { + return empty; + } +} +" +9468449105aee6307cb1cd0df9764733cadc5b47,"public String getSandwich(String str) +{ + String bread = ""bread""; + int count= 0; + int start = 0; + int end = 4; + for (int i = 0; i < str.length() -1; i++) + { + if (!str.substring(start,end).equals(bread)) + { + start++; + end++; + } + else + { + for (int x = i; x < str.length(); x++) + { + return """"; + + } + + } + + } + return """"; +} +" +fd4ba98882f06b20c7b7267acee5919e26b34b46,"public String getSandwich(String str) +{ + String bread = ""bread""; + int count= 0; + int start = 0; + int end = 4; + for (int i = 0; i < str.length() -1; i++) + { + if (!str.substring(start,end).equals(bread)) + { + start++; + end++; + } + else + { + for (int x = i; x < str.length(); x++) + { + return """"; + + } + + } + + } + return """"; +} +" +1cb30610280887de01072d2eb030809ccc3b8386,"public String getSandwich(String str) +{ + String empty = """"; + String key = ""bread""; + if (str.contains(key)) { + int index = str.indexOf(key) + 5; + int index2 = str.indexOf(key, index); + return str.substring(index, index2); + } + else { + return empty; + } +} +" +8fddac4054bb9f852644e8c0e1e100161f969bc5,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); + +} +" +05aede1ca28f16c798fd484bb37db5bcbc55b4be,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +4d851691ddebbe886125d30a9c0209413463c78f,"public String getSandwich(String str) +{ + String result = """"; +boolean first = false, bread = false; +int lengthb = 0; + +if(str.length() > 10 && str.substring(0, 5).equals(str.substring(str.length() - 5, str.length()))) { +return str.substring(5, str.length() - 5); +} + +for(int i = 0; i + 5 < str.length(); i++) { +if(first) { +if(str.substring(i, i + 5).equals(""bread"")) { +lengthb = result.length(); +bread = true; +} + +result += Character.toString(str.charAt(i)); +} else { +if(str.substring(i, i + 5).equals(""bread"")) { +i += 4; +first = true; +} +} +} +if(bread) { +result = result.substring(0, lengthb); +} +return result; + +} +" +745f12119fb1eefe0979dda6203e5cf8a5febee0,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + return str.substring(firstBread, lastBread); + else + return """" +} +" +cb8178aeb50722063d5970f3ea7f7891e492aecf,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + return str.substring(firstBread, lastBread); + else + return """"; +} +" +5940795697f8e0295f959f258aaa1ab0fc562f7e,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 )) + { + return (str.substring(ind+5,laind)); + } + return """"; +} +" +e567367604ce146bc5cb1bc9e432ec6d01b41810,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"")+4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + return str.substring(firstBread, lastBread); + else + return """"; +} +" +f6c4e97e2a1d5be1157cdaed13471b0cc595e3b0,"public String getSandwich(String str) +{ + return ""a""; +} +" +2eb5dc9886e862e951426b3a76ffb7cf339411c1,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + { + return (str.substring(ind+5,laind)) ; + } + else + { + return """"; + } +} +" +c45a9bc8ac25d3ff5a5d5f3645dcb3805db43524,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) + { + return """"; + } +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +eaf32ba7b5aa07d8f5e5c7fb6c2bb13878c6f34b,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + return str.substring(firstBread, lastBread); + else + return """"; +} +" +b8faa967d5f10a377facb2410a5e8d7e827aa329,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 || lastBread > -1) + return str.substring(firstBread, lastBread); + else + return """"; +} +" +eed60e6c7c892bb43cdf0c3367e86339f8fe38aa,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 || lastBread > -1) + return str.substring(firstBread, lastBread); + else + return """"; +} +" +f689b955b21d143d150432f69cc0bdd012ca5008,"public String getSandwich(String str) +{ + int indexB = str.lastIndexOf('b'); + int indexD = str.indexOf('d'); + String sandwhich = str.substring(indexB + 1, indexD); + return sandwhich; +} +" +73a6bb1495aa1ea8bf36c413471df3b966f96d28,"public String getSandwich(String str) +{ + int length = str.length(); + + if (!str.substring(length - 5).equals(""bread"") || + !str.substring(0, 5).equals(""bread"")) + { + return """"; + } + + else + { + return str.substring(5, (length - 5)); + } +} +" +bc49b884e9ef37805b6cb780a6ca3c47e68045d7,"public String getSandwich(String str) +{ + int indexB = str.lastIndexOf('b'); + int indexD = str.indexOf('d'); + String sandwhich = str.substring(indexD, indexB); + return sandwhich; +} +" +e5e66753bf6a1ee39251cd1daa72c4c7f9d0e705,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + String x = str.substring(firstBread, lastBread); + return x + else + return """"; +} +" +461d2ff08d2c27e434043d18022751fa0871327d,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + { + String x = str.substring(firstBread, lastBread); + return x + } + else + return """"; +} +" +b3a3e7a48a5009c8a0bbcbfb9d643c072fda454a,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + { + String x = str.substring(firstBread, lastBread); + return x; + } + else + return """"; +} +" +d9aaab1f45e1ab023209d010eaae0d6a1d1cf677,"public String getSandwich(String str) +{ + int indexB = str.lastIndexOf('b'); + int indexD = str.indexOf('d'); + String sandwhich = """"; + if (indexD < indexB){ + sandwhich = str.substring(indexD + 1, indexB); + } + return sandwhich; +} +" +44d06945135649f6c84e2bbdb558021920e19eb4,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread"") +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + { + return str.substring(firstBread, lastBread); + } + else + return """"; +} +" +ca30dea3b7f22cf5654980511f78217b9a5d8c42,"public String getSandwich(String str) +{ + int indexB = str.lastIndexOf('b'); + int indexD = str.indexOf('d'); + String sandwhich = """"; + if (indexD < indexB && indexD != -1){ + sandwhich = str.substring(indexD + 1, indexB); + } + return sandwhich; +} +" +f52252bb476b3edebd73ea2bda7bd13a95a11908,"public String getSandwich(String str) +{ + int firstBread = (str.indexOf(""bread"")) +4; + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + { + return str.substring(firstBread, lastBread); + } + else + return """"; +} +" +0249e590e3614888aa3499e6067b24b5bf1b6046,"public String getSandwich(String str) +{ + if str = bread; + return jam + else + return str; +} +" +5ffb68ca6441084f5989e4a38ed2822f864c5a6a,"public String getSandwich(String str) +{ + if (str = bread) + return jam; + else + return str; +} +" +269b9ae17b461ac37fabaf56b584b23506946b31,"public String getSandwich(String str) +{ + if (str = bread) + return jam; + else + return str; +} +" +7e11cba340a1088d73890b6aec15eb3a157bb7d8,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread > -1 && lastBread > -1) + { + return str.substring(firstBread + 5, lastBread); + } + else + return """"; +} +" +56f11814b9d1c62aa23fc22bb1d6821ad883b711,"public String getSandwich(String str) +{ + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + if (!(b == -1)) + return (str.substring(a+5, b)); + return """"; +} +" +962b0cecdad417442e1caa8468f2f08ae99fcfa4,"public String getSandwich(String str) +{ + int length = str.length(); + + if(length <= 10) + { + return """"; + } + + if (!str.substring(length - 5).equals(""bread"") || + !str.substring(0, 5).equals(""bread"")) + { + return """"; + } + + else + { + return str.substring(5, (length - 5)); + } +} +" +27f2f57943958d88a77d318219d49032e97ea263,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread != -1 && lastBread != -1) + { + return str.substring(firstBread + 5, lastBread); + } + else + return """"; +} +" +c0db7f6f949871714fbd8f80fe929c0b4aac2ade,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread != -1 || lastBread != -1) + { + return str.substring(firstBread + 5, lastBread); + } + else + return """"; +} +" +1e3ed7b2abee98d303f22fc37e5c64f2b95dbe76,"public String getSandwich(String str) +{ + public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +be66a36f56eaf55f78daa1a61ad78b8965a6e434,"public String getSandwich(String str) +{ + str = str.toLowerCase(); + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + str = str.substring(4, str.length() - 3); + return str; + } + else { + return """"; + } +} +" +d18d1b1d6f21e62bfd4cde5cddc83e451d5e7ab3,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +d8084bbebe8dab55d264b155fe8cd8a4150aef21,"public String getSandwich(String str) +{ + str = str.toLowerCase(); + + if (str.startsWith(""bread"") && str.endsWith(""bread"")) { + str = str.substring(5, str.length() - 5); + return str; + } + else { + return """"; + } +} +" +7eff7673824595b81662096b6e0ac958d26af122,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread != -1 && lastBread != -1) + { + return str.substring(firstBread + 5, lastBread); + } + else + return """"; +} +" +15a2715da8146d3af23d82e565170fe7510fb0fc,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + if (firstBread != -1 && lastBread != -1 && lastBread != firstBread) + { + return str.substring(firstBread + 5, lastBread); + } + else + return """"; +} +" +fa637ce1670d61b87741bb7e5404165a51bc7845,"public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} + +" +d7434495957a18f2e29c689eeb315528165919d3,"public String getSandwich(String str) +{ + int length = str.length(); + + if(length <= 10) + { + return """"; + } + + else if (!str.substring(length - 5).equals(""bread"") || + !str.substring(0, 5).equals(""bread"")) + { + return """"; + } + + else if (!str.indexOf(""bread"") != 0) + { + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + return str.substring((x + 5), y); + } + + else + { + return str.substring(5, (length - 5)); + } +} +" +f70a481c3957d10bc91929db92c5adac44efd4ba,"public String getSandwich(String str) +{ + int length = str.length(); + + if(length <= 10) + { + return """"; + } + + else if (!str.substring(length - 5).equals(""bread"") || + !str.substring(0, 5).equals(""bread"")) + { + return """"; + } + + else if (str.indexOf(""bread"") != 0) + { + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + return str.substring((x + 5), y); + } + + else + { + return str.substring(5, (length - 5)); + } +} +" +880e362834943c94473000629448b054bab87bb7,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return (str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +}" +de222c504617b17090ffab171ef39544d181ca3f,"public String getSandwich(String str) +{ + int length = str.length(); + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + + if(length <= 10) + { + return """"; + } + + else if (!str.substring(length - 5).equals(""bread"") || + !str.substring(0, 5).equals(""bread"")) + { + return """"; + } + + else if (x != 0) + { + return str.substring((x + 5), y); + } + + else + { + return str.substring(5, (length - 5)); + } +} +" +81d7593ad618c4e867650be6f3f332d0b3290069,"public String getSandwich(String str) +{ + int length = str.length(); + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + + if(length <= 10) + { + return """"; + } + + else if (!str.substring(length - 5).equals(""bread"") || + !str.substring(0, 5).equals(""bread"")) + { + return """"; + } + + else + { + return str.substring((x + 5), y); + } + + +} +" +197046af18372bb7d2887874d0501f38743a10e4,"public String getSandwich(String str) +{ + int length = str.length()-1; + //for (int i = 0; i < str.length() - 1; i++) + //{ + if ((str.substring(0,5) == ""bread"" && + (str.substring(length-5) == ""bread"") + { + return str.substring(5, length-5); + } + else + return """"; + + +} +" +417ce21acbaf88da41594879a10ae14269c30e9d,"public String getSandwich(String str) +{ + int length = str.length()-1; + //for (int i = 0; i < str.length() - 1; i++) + //{ + if ((str.substring(0,5) == ""bread"") && + (str.substring(length-5 == ""bread"")) + { + return str.substring(5, length-5); + } + else + return """"; + + +} +" +5b3d591d64f06a9619ba985ab78a5b7e6227273c,"public String getSandwich(String str) +{ + int length = str.length()-1; + //for (int i = 0; i < str.length() - 1; i++) + //{ + if ((str.substring(0,5) == ""bread"") && + (str.substring(length-5) == ""bread"")) + { + return str.substring(5, length-5); + } + else + return """"; + + +} +" +1a6e1b7477b5e3b3066fc343fbd0ef9b25cad1bf,"public String getSandwich(String str) +{ + int length = str.length()-1; + //for (int i = 0; i < str.length() - 1; i++) + //{ + if ((str.substring(0,4) == ""bread"") && + (str.substring(length-5) == ""bread"")) + { + return str.substring(5, length-5); + } + else + return """"; + + +} +" +85d1b94cb4bb0affe8f807d8e42f65a7d1bfe343,"public String getSandwich(String str) +{ + int l = str.length(); + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (p != p0) + { + String re = substring(p, pl); + return re; + } + else + { + return """"; + } +}" +1cdd18007239856bf59d3b9276ed9d3d4475ec6f,"public String getSandwich(String str) +{ + int l = str.length(); + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (p != p0) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +dacb93e08c2b99fccfbe9de10d4db65d8aec94a6,"public String getSandwich(String str) +{ + int length = str.length()-1; + //for (int i = 0; i < str.length() - 1; i++) + //{ + if ((str.substring(0,5) == ""bread"") && + (str.substring(length-4) == ""bread"")) + { + return str.substring(5, length-4); + } + else + return """"; + + +} +" +4ba148cb7fa5be6e5bf5707db76bc17f1638a7cd,"public String getSandwich(String str) +{ + +} +" +97fc73fff6732395eb5cd05e18823a0050e2db2a,"public String getSandwich(String str) +{ + int length = str.length(); + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + + if(length <= 10) + { + return """"; + } + + else if (y != -1 || !str.substring(x, x + 5).equals(""bread"")) + { + return """"; + } + + else + { + return str.substring((x + 5), y); + } +} +" +648badd289416a1171f1da1aef8acf75e9a06ad2,"public String getSandwich(String str) +{ + String word = ""bread""; + String str = word.substring(1, 4); + return str; + +} +" +267bc21aa51ce78a1e70fec46088ac38bd34cc6f,"public String getSandwich(String str) +{ + String word = str.substring(1, 4); + return str; + +} +" +9131e8a2e02510c21ecf727240a3f50dc383f497,"public String getSandwich(String str) +{ + int length = str.length(); + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + + if(length <= 10) + { + return """"; + } + + else if (y == -1 || !str.substring(x, x + 5).equals(""bread"")) + { + return """"; + } + + else + { + return str.substring((x + 5), y); + } +} +" +788c9d980fb8085a909a9e11149758bb5cf84c49,"public String getSandwich(String str) +{ + String word = str.substring(1, 4); + return word; + +} +" +dba354846bad4bb9968ec5b4abc2d846e2ca9454,"public String getSandwich(String str) +{ + int l = str.length(); + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (p != p0 && pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +7ac55dbdc597d4e09927bda38b6105e33ded4d2d,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + // for (i = 0; i<=str.length()-5; i++) + // { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + // { + + // count = count + 1; + + + // } + + + // } + // if (count == 2) + { i = 0; + for (i = 0; i<=str.length()-5; i++) + { + if (str.substring(i, i+5) .equals (""bread"")) + { + break; + } + } + String sub = new String(str.substring(i+5)); + i = sub.length(); + for (i = sub.length(); i>=5; i--) + { if (sub.substring(i-5, i) .equals (""bread"")) + { + break; + } + } + return sub.substring(0, i-4); + } + // else + // { //System.out.println(count); + // return """"; + //} + + +} +" +a6e53e23c10edf489b38bf998aef096b9881bb22,"public String getSandwich(String str) +{ + int l = str.length(); + if (l == 0) + { + return """"; + } + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (p != p0 && pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +77923b8fe44b7de6e5e50dce6581295224f74cf0,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + // for (i = 0; i<=str.length()-5; i++) + // { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + // { + + // count = count + 1; + + + // } + + + // } + if (str.length() >= 10) + { i = 0; + for (i = 0; i<=str.length()-5; i++) + { + if (str.substring(i, i+5) .equals (""bread"")) + { + break; + } + } + String sub = new String(str.substring(i+5)); + i = sub.length(); + for (i = sub.length(); i>=5; i--) + { if (sub.substring(i-5, i) .equals (""bread"")) + { + break; + } + } + return sub.substring(0, i-4); + } + else + { //System.out.println(count); + return """"; + } + + +} +" +613fca40da71a13036425ce2bf3aa0f5505cd482,"public String getSandwich(String str) +{ + int l = str.length(); + if (l >= 10) + { + return """"; + } + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (p != p0 && pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +98f5cb1803d1bde37773595de7c59b72bcf0602e,"public String getSandwich(String str) +{ + int i = 0; + int count = 0; + //String st = str.toLowerCase(); + // for (i = 0; i<=str.length()-5; i++) + // { if (str.substring(i, i+5) .equals (""bread"")) + // ""b"".equals(str.charAt(i)) && ""r"".equals(str.charAt(i+1)) && ""e"".equals(str.charAt(i+2)) && ""a"".equals(str.charAt(i+3)) && ""d"".equals(str.charAt(i+4))) + // { + + // count = count + 1; + + + // } + + + // } + if (str.length() >= 10) + { i = 0; + for (i = 0; i<=str.length()-5; i++) + { + if (str.substring(i, i+5) .equals (""bread"")) + { + break; + } + } + String sub = new String(str.substring(i+5)); + i = sub.length(); + for (i = sub.length(); i>=5; i--) + { if (sub.substring(i-5, i) .equals (""bread"")) + { + break; + } + } + return sub.substring(0, i-5); + } + else + { //System.out.println(count); + return """"; + } + + +} +" +e83c2aceaacba85e3031972a8be347946b066796,"public String getSandwich(String str) +{ + int l = str.length(); + if (l <= 10) + { + return """"; + } + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (p != p0 && pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +86d58214916526fac0aab2d2cc2a5b118251f759,"public String getSandwich(String str) +{ + + String word = str.startsWith(""bread"").strip(); + return word; + +} +" +81616ec5cc0a1147313f115f431365f002577320,"public String getSandwich(String str) +{ + int l = str.length(); + if (l <= 10) + { + return """"; + } + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + int p0 = pl - 1; + if (pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +696c51d2f36c7539a3d0245c05bc2be8a390906d,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"")==str.lastIndexOf(""bread"")) + { + return (str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread"")); + } + else + { + return """"; + } +} +" +725b5dfc8887b2f0fa2019aad83c0c067cfc01c6,"public String getSandwich(String str) +{ + int l = str.length(); + if (l <= 10) + { + return """"; + } + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + if (pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +6fd745ffbac380019ec7957d53de8c1e1e4dc46b,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"")==str.lastIndexOf(""bread"")) + { + return (str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); + } + else + { + return """"; + } +} +" +2ff995021b8fdb9ea21a1ffcead3063a4bbb26e6,"public String getSandwich(String str) +{ + int l = str.length(); + if (l <= 10) + { + return """"; + } + // first bread + int p = 0; + int i = 0; + while (i <= l) + { + int iend = i + 5; + String bread1 = str.substring(i, iend); + if (bread1.equals(""bread"")) + { + p = iend; + i = l + 1; + } + i = i + 1; + } + // last bread + int pl = 0; + int o = l; + while (o >= p) + { + int ostart = o - 5; + String bread2 = str.substring(ostart, o); + if (bread2.equals(""bread"")) + { + pl = ostart; + o = p - 1; + } + o = o - 1; + } + if (pl > p) + { + String re = str.substring(p, pl); + return re; + } + else + { + return """"; + } +}" +f2d8b90f9325f7ba30b455652bf8329110b64c50,"public String getSandwich(String str) +{ + int length = str.length()-1; + for (int i = 0; i < length; i++) + { + if ((str.substring(i, i+5) == ""bread"") && + (str.substring(length-4) == ""bread"")) + { + return str.substring(i+5, length-4); + } + else + return """"; + } + + +} +" +3abd59771b52429be275884b1fa7b985f520ac7d,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") + String word = + return word; + +} +" +018112c28fba3ab9d5d673f11befcf37e67a6f8e,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if (y != -1)) + { + if (str != ""xxbreadyy"") + { + return str.substring(x + 5, y); + } + } + return """"; +} +" +5c4424e3a35630a9878a806c6929b14ec0c8677b,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if (y != -1) + { + if (str != ""xxbreadyy"") + { + return str.substring(x + 5, y); + } + } + return """"; +} +" +0603f15a49156670b6cb6673f0e77e3c810e11fd,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"")) + { + word = ""bread""; + } + return word; + +} +" +0ed2a6f8fd1f85512cd7af03d76e3057aa793930,"public String getSandwich(String str) +{ + String word = """"; + if (str.startsWith(""bread"")) + { + word = ""bread""; + } + return word; + +} +" +e98bc13e2318213a8b48168e2ab15c32dbc51ba2,"public String getSandwich(String str) +{ + int length = str.length()-1; + String sand = """"; + for (int i = 0; i < length; i++) + { + if ((str.substring(i, i+5) == ""bread"") && + (str.substring(length-4) == ""bread"")) + { + sand = str.substring(i+5, length-4); + } + else + sand = """"; + } + return sand; + +} +" +8bc3ee0a6cfba85e88ffa962c96d60d307bb47e9,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + String retString = """"; + + if (first >= 0 && last > 0 && first != last) + { + retString = str.substring(first + 5, last); + } + return retString; + + +} +" +8413fbda6e6467a122cfb092575fc30da314ef20,"public String getSandwich(String str) +{ + public String getSandwich(String str) { + + int first = -1; + + int last = -1; + + + + for(int i = 0; i < str.length() - 5; i++) { + + if(str.substring(i, i + 5).equals(""bread"")) { + + first = i; + + break; + + } + + } + + + + for(int i = str.length() - 5; i >= 0; i--) { + + if(str.substring(i, i + 5).equals(""bread"")) { + + last = i; + + break; + + } + + } + + + + if(first != -1 && last != -1 && first != last) + + return str.substring(first + 5, last); + + + + return """"; + +} +} +" +652e290ebb8581a044963c03445aad2717ba6fd5,"public String getSandwich(String str) +{ + public String getSandwich(String str) + { + + int first = -1; + + int last = -1; + } + + + for(int i = 0; i < str.length() - 5; i++) + { + + if(str.substring(i, i + 5).equals(""bread"")) + { + + first = i; + + break; + + } + + } + + + + for(int i = str.length() - 5; i >= 0; i--) { + + if(str.substring(i, i + 5).equals(""bread"")) + { + + last = i; + + break; + + } + + } + + + + if(first != -1 && last != -1 && first != last) + + return str.substring(first + 5, last); + + + + return """"; + +} +} +" +37edb3ed7897236bd1bb93f15c533b6294285299,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +be9a7891d7fe253c628921abde8e894fd3adfbd6,"public String getSandwich(String str) +{ + int numberA= 0; + int numberB = 0; + + for (int x = 0; x< str.length();x++) + { + if(str.startsWith(""bread"",x)) + { + numberA = x; + } + } + for (int y = str.length()-1; x>= 0;y--) + { + if(str.startsWith(""bread"",y)) + { + numberB = y; + } + } + return (str.substring(numberA,numberB)); +} +" +2479879e3da752cfb27eaea96a3f6b7b10790202,"public String getSandwich(String str) +{ + +} +" +cd4f0065ca3c599af406acc8729eebc3f8f714fa,"public String getSandwich(String str) +{ + return(str); +} +" +6f30b91eb0e63929d2c1bd47a6029bffa2f06b54,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length - 5); + } + else + { + return """"; + } +} +" +6af4d2803e359df92fafcfaa246b4689c0850f90,"public String getSandwich(String str) +{ + int numberA= 0; + int numberB = 0; + for (int x = 0; x< str.length();x++) + { + if(str.startsWith(""bread"",x)) + { + numberA = x; + } + return false; + } + for (int y = str.length()-1; y>= 0;y--) + { + if(str.startsWith(""bread"",y)) + { + numberB = y; + } + } + return (str.substring(numberA,numberB)); +} +" +1ca116e2b97446983882195c55426c82bd571832,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +b63989c1f6b67440a1279febc418b0d56cfe2ceb,"public String getSandwich(String str) +{ + int numberA= 0; + int numberB = 0; + for (int x = 0; x< str.length();x++) + { + if(str.startsWith(""bread"",x)) + { + numberA = x; + } + } + for (int y = str.length()-1; y>= 0;y--) + { + if(str.startsWith(""bread"",y)) + { + numberB = y; + } + } + return (str.substring(numberA,numberB)); +} +" +52883f08f737b840474360d88179dbfb4a92cd84,"public String getSandwich(String str) +{ + String first = str.indexOf(""bread""); + String last = str.lastIndexOf(""bread""); + String middle = str.indexOf(first, last); + return middle; +} +" +66be1159db9094bc7c45cc50afece949f1dca64b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.slice(first, last); + return middle; +} +" +f21eb65c11711774951e98b4f3be0987be8637c2,"public String getSandwich(String str) +{ + int end= str.lastIndexOf(""bread""); + int begining= str.indexOf(""bread""); + + if(end==begining){ + return """"; + } + else + { + return str.substring(begining+5,end); + } + +} +" +e75cbca8c9a970a335961c0c90314ca95d1d12fc,"public String getSandwich(String str) +{ + int end= str.lastIndexOf(""bread""); + int begining= str.indexOf(""bread""); + + if(end==begining){ + return """"; + } + else + { + return str.substring(begining+5,end); + } + +} +" +91f37614cc70926802a4761e346b3877638fdfc0,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; + +} +" +d3045166d21392f42aa1c6a14a3f33e05ab76500,"public String getSandwich(String str) +{ + int start = 0; + int end = start + 5; + while (str.substring(start, end) != ""bread"") + { + start = start + 1; + end = end + 1; + } + int start2 = start + 1; + int end2 = end + 1; + while (str.subtring(start2, end2) != ""bread"") + { + start2 = start2 + 1; + end2 = end2 + 1; + } + return(str.substring(end, start2 - 1); +} +" +e14ea2ca08c23cb8c49b8e985fed3821b6bca211,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first, last); + return middle; +} +" +b15cef7b168959b7ec0a13b066dda930167b005d,"public String getSandwich(String str) +{ + //int length = str.length()-1; + //String sand = """"; + //for (int i = 0; i < length; i++) + //{ + //if ((str.substring(i, i+5) == ""bread"") && + //(str.substring(length-4) == ""bread"")) + //{ + // sand = str.substring(i+5, length-4); + //} + //else + // sand = """"; + //} + //return sand; + int one = str.indexOf(""bread""); + int two = str.lastIndexOf(""bread""); + if (one == two) + return """"; + else + return str.subString(one+5, two); +} +" +90ae6e022c8290b9514aea6007204b45ec7cf044,"public String getSandwich(String str) +{ + int start = 0; + int end = start + 5; + while (str.substring(start, end) != ""bread"") + { + start = start + 1; + end = end + 1; + } + int start2 = start + 1; + int end2 = end + 1; + while (str.subtring(start2, end2) != ""bread"") + { + start2 = start2 + 1; + end2 = end2 + 1; + } + return(str.substring(end, start2 - 1)); +} +" +8e98aed68e01cf759ae90533fae9fb5f58e2942d,"public String getSandwich(String str) +{ + //int length = str.length()-1; + //String sand = """"; + //for (int i = 0; i < length; i++) + //{ + //if ((str.substring(i, i+5) == ""bread"") && + //(str.substring(length-4) == ""bread"")) + //{ + // sand = str.substring(i+5, length-4); + //} + //else + // sand = """"; + //} + //return sand; + int one = str.indexOf(""bread""); + int two = str.lastIndexOf(""bread""); + if (one == two) + return """"; + else + return str.substring(one+5, two); +} +" +d1bc92641e88a985d7e5f9fef27259b6a123ee44,"public String getSandwich(String str) +{ + int start = 0; + int end = start + 5; + while (str.substring(start, end) != ""bread"") + { + start = start + 1; + end = end + 1; + } + int start2 = start + 1; + int end2 = end + 1; + while (str.substring(start2, end2) != ""bread"") + { + start2 = start2 + 1; + end2 = end2 + 1; + } + return(str.substring(end, start2 - 1)); +} +" +8d37e7e763be0bb10cd1d98ce8a9c8c4fd002c23,"public String getSandwich(String str) +{ + if(str.length() <= 10) { + return """"; + } + return str.substring(str.indexOf(""bread"")+5, str.lastIndexOf(""bread"")); +} +" +b723965b2beb8d101b85967ba09a5e356eac853d,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +c49437861e5293763eb4d3945058da13602297e3,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + return middle; +} +" +958af330de1409585e964695b46c1a49caed472e,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +50c36daab6ed486d5f7c02f4bbb2ec1bbd8610d0,"public String getSandwich(String str) +{ + + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first = null || last = null) + { + return """"; + } + else + { + return middle; + } +} +" +bacac322c22de980826b643c387f5b87d036f31d,"public String getSandwich(String str) +{ + +if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); + +} +" +e24e7bfffaa840194a16344cdd4779451375bfbe,"public String getSandwich(String str) +{ + + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first == null || last == null) + { + return """"; + } + else + { + return middle; + } +} +" +4f3aaf7339a5219fa61adeff6ce5e0172db6dc37,"public String getSandwich(String str) +{ + + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first == 0 || last == 0) + { + return """"; + } + else + { + return middle; + } +} +" +05dd2d17d7e5183e4ceb807e9c8864a9b4a8c0b6,"public String getSandwich(String str) +{ + String word = str; + for (int i = 0; i in str.index(i); i++) + if (str.startsWith(""bread"")) + { + word = ""bread""; + } + return word; + +} +" +bd0ed23798214d9e567b314a0d274b4669822bb1,"public String getSandwich(String str) +{ + + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first == last) + { + return """"; + } + else + { + return middle; + } +} +" +5a1f049f7a94384bfd1092b7055c38f529c09426,"public String getSandwich(String str) +{ + String word = str; + for (int i = 0; i < str.length(); i++) + if (str.startsWith(""bread"")) + { + word = ""bread""; + } + return word; + +} +" +a24089b7b2b48eb9ff2f56a239103e0cb9a60ba5,"public String getSandwich(String str) +{ + int numberA= 0; + int numberB = 0; + for (int x = 0; x< str.length();x++) + { + if(str.startsWith(""bread"",x)) + { + numberA = x; + break; + } + } + for (int y = str.length()-1; y>= 0;y--) + { + if(str.startsWith(""bread"",y)) + { + numberB = y; + break; + } + } + return (str.substring(numberA,numberB)); +} +" +d2a3bc0bc06a4d8456e35fcfd08e1c587845b8e4,"public String getSandwich(String str) +{ + + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first == last || last == -1) + { + return """"; + } + else + { + return middle; + } +} +" +1b541c05921d0c7509ea7a6f9afd2e52c64dfe1d,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +" +104798a9663cc951aca97dae1a9ce08a66394661,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +72a0755148333584d09be02a8629be47880fdfa7,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + while (!str.startsWith(""bread"")) + { + str = str.substring(1); + } + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1); + } + return(str.substring(5, str.lenth() - 5); + } + else + { + return("""") + } +} +" +45903f993c057462ca5d2b2df1af06cdf88e2e79,"public String getSandwich(String str) +{ + + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first != last && last != -1) + { + return middle; + } + else + { + return """"; + } +} +" +b55dcbaa053d0781547086e97edfd751ddc7d6d6,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + while (!str.startsWith(""bread"")) + { + str = str.substring(1); + } + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1); + } + return(str.substring(5, str.lenth() - 5)); + } + else + { + return("""") + } +} +" +5b3612c9ed8a6822d4c91ec0b2b524e5bcc28041,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + while (!str.startsWith(""bread"")) + { + str = str.substring(1); + } + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1); + } + return(str.substring(5, str.lenth() - 5)); + } + else + { + return(""""); + } +} +" +e95f0062e6da6d935a9cefb0134586de1a0f572f,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + while (!str.startsWith(""bread"")) + { + str = str.substring(1); + } + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1); + } + return(str.substring(5, str.lenhth() - 5)); + } + else + { + return(""""); + } +} +" +9536fd71c475d58e3b01151ab044831c21e44177,"public String getSandwich(String str) +{ + if (str.length() > 10) + { + while (!str.startsWith(""bread"")) + { + str = str.substring(1); + } + while (!str.endsWith(""bread"")) + { + str = str.substring(0, str.length() - 1); + } + return(str.substring(5, str.length() - 5)); + } + else + { + return(""""); + } +} +" +202af07fd9a6a16b62fc721bf8cee89e936705bc,"public String getSandwich(String str) +{ + int name = str.indexOf(""bread""); + int yao = str.lastIndexOf(""bread""); + if(name != -1 && yao!= -1 && name != yao) + return str.substring(name+5, yao); + return """"; +} +" +16078a9f72353ed2e7f33482478ed4fd87fa2431,"public String getSandwich(String str) +{ + int firstbread = str.indexOf(""bread""); + int lastbread = str.lastIndexOf(""bread""); + if(firstbread != -1 && lastbread != -1 && firstbread != lastbread) + return str.substring(firstbread + 5, lastbread); + return """"; + +} +" +19fd0994beadbe4490f00f2e45f92233eaed6969,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.startsWith(""xxbread"")) + { + if (str.contains(""breadbread"")) + { + return ""breadjam""; + } + else + { + return ""jam""; + } + } + else + { + return """"; + } +} +" +3518c5c9b757934b8b9d77b0b6494227f327b626,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + for (int i = 0; i < str.length(); i++) + if (str.substring(i, i + 4).equals(""bread"")) + { + breadnum = breadnum + 1 + } + if (breadnum <= 1) + { + word = """" + } + + + + } + return word; + +} +" +51b77dbe1bd734b1bed1b154bc6a285274ecd884,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + breadnum = breadnum + 1; + } + if (breadnum <= 1) + { + word = """"; + } + } + return word; + +} +" +35349e278cdb0794d4e0e8c82a1fc3cf4fb2048b,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.startsWith(""xxbread"")) + { + if (str.contains(""breadbread"")) + { + return ""breadjam""; + } + else + { + return ""jam""; + } + } + else if (str.contains(""breaxbreadybread"")) + { + return ""y""; + } + else + { + return """"; + } +} +" +e5a1a0883162488678b8c4fff465e8bbed9e9f87,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + breadnum = breadnum + 1; + } + if (breadnum <= 1) + { + word = """"; + } + } + return word; + +} +" +3361d4ede3bb9ad412d033f8fe988d7a656d046d,"public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +}" +b66af4307577ab2874538579aa500c03727bcecd,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i - 4).equals(""bread"")) + { + breadnum = breadnum + 1; + } + if (breadnum <= 1) + { + word = """"; + } + } + return word; + +} +" +0da7cfdbb33eca8aea3e6d1fca02c11812d87693,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + breadnum = breadnum + 1; + } + if (breadnum <= 1) + { + word = """"; + } + } + return word; + +} +" +1be57229ef461b28576d8447bc2b2503e3a98028,"public String getSandwich(String str) +{ + if(length(str) <= 2) { + return str; + } + return str.substring(1, length(str)-1); +} +" +74959b91e0a4918231714f51e4b9f17c7b0bdbe6,"public String getSandwich(String str) +{ + if(len(str) <= 2) { + return str; + } + return str.substring(1, len(str)-1); +} +" +5c338adc253f91d5b3a0df33ec3cb161a3d11ae6,"public String getSandwich(String str) +{ + if(leng(str) <= 2) { + return str; + } + return str.substring(1, leng(str)-1); +} +" +c12385bf846f16ba046e5e87c2647b30bbbc7ff1,"public String getSandwich(String str) +{ + if(str.length() <= 2) { + return str; + } + return str.substring(1, str.length()-1); +} +" +60d8dd82b554aa2c8d98149ff20ba1fc1639c954,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.eguals(""bread"") && found == true) + { + first = i; + } + if (tempString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + finalString = str.subString(first, last); + return finalString; + } + + +} +" +50f7160f76c7ea42b88284eac39c97a71bbdcb38,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.equals(""bread"") && found == true) + { + first = i; + } + if (tempString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + finalString = str.subString(first, last); + return finalString; + } + + +} +" +32784221eaff04810412d110be97a38878db65ed,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.equals(""bread"") && found == true) + { + last = i; + } + if (tempString.equals(""bread"") && found == false) + { + first = i + 5; + found = true; + } + finalString = str.subString(first, last); + return finalString; + } + + +} +" +d145dd46374948664cfce4516c928fa5fc46332e,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.equals(""bread"") && found == true) + { + last = i; + } + if (tempString.equals(""bread"") && found == false) + { + first = i + 5; + found = true; + } + finalString = str.subString(first, last); + return finString; + } + + +} +" +8b48fcf9a14785732c140ca836b66fa237178332,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.equals(""bread"") && found == true) + { + last = i; + } + if (tempString.equals(""bread"") && found == false) + { + first = i + 5; + found = true; + } + finString = str.subString(first, last); + return finString; + } + + +} +" +3b27a5d30a6cc62ccecea32b9289c641c94fe42b,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.indexOf(""bread""); + if begin!=-1&&end!=-1&&begin!=end) { + retyrb str.substring(begin+5,end); + } + return """"; +} +" +8ac1ea2d9dea49e3a2b58d5f529b0b6304c4922f,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.indexOf(""bread""); + if (begin!=-1&&end!=-1&&begin!=end) { + return str.substring(begin+5,end); + } + return """"; +} +" +ac0212d7269e29d7cc6ed044526db437705808a0,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.equals(""bread"") && found == true) + { + last = i; + } + if (tempString.equals(""bread"") && found == false) + { + first = i + 5; + found = true; + } + finString = str.substring(first, last); + return finString; + } + + +} +" +0ce8ec7ebccfb1c7b7a71e4a122f3bf3a1d0d6d0,"public String getSandwich(String str) +{ + int l = str.length(); + int first = 0; + int last = 0; + String tempString = """"; + String finString = """"; + boolean found = false; + if (l <= 10) + { + return """"; + } + for (int i = 0; i < l -4; i++) + { + if (tempString.equals(""bread"") && found == true) + { + last = i; + } + if (tempString.equals(""bread"") && found == false) + { + first = i + 5; + found = true; + } + } + finString = str.substring(first, last); + return finString; +} +" +9a0f6bff48fc69b37f9b1d7dbed04ad9fbd469e2,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.indexOf(""bread""); + if (begin == end) { + return """"; + } + return str.substring(begin+5,end); +" +cc48074a8735aa13a5b5f96a181116893fcc7fe5,"public String getSandwich(String str) +{ + int begin = str.indexOf(""bread""); + int end = str.indexOf(""bread""); + if (begin == end) { + return """"; + } + return str.substring(begin+5,end); +} +" +8e355d02aa7bd48ceef04a8c1d5870f2faf68c67,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a; + int b; + int c; + int d; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum = 1) + { + int a = i; + } + else if (breadnum = 2) + { + int b = i; + } + else if (breadnum = 3) + { + int c = i; + } + else if (breadnum = 4) + { + int d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + if (breadnum == 2) + { + word = str.substring(a + 5, b) + } + } + return word; + +} +" +51c4cc00643816e78810dfb7fcdd288689f7da65,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a; + int b; + int c; + int d; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum = 1) + { + int a = i; + } + else if (breadnum = 2) + { + int b = i; + } + else if (breadnum = 3) + { + int c = i; + } + else if (breadnum = 4) + { + int d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +ad85956d3338edf300bed6ab8c00678231a60772,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a; + int b; + int c; + int d; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum = 1) + { + int a = i; + } + else if (breadnum = 2) + { + int b = i; + } + else if (breadnum = 3) + { + int c = i; + } + else if (breadnum = 4) + { + int d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +31103cd2d0cf65eeac190820bb1714b4b11a1bbc,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a; + int b; + int c; + int d; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum = 1) + { + a = i; + } + else if (breadnum = 2) + { + b = i; + } + else if (breadnum = 3) + { + c = i; + } + else if (breadnum = 4) + { + d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +68326b4112e48fa9483cb7968e5e0e40f0f8d229,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a; + int b; + int c; + int d; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +6e2a1939f3284f14e6ef4f937b47d384efee4d65,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +b1993c2b52bbe9ad4f333bd9c1b479735e3db6fa,"public String getSandwich(String str) +{ + if ((str.startsWith(""bread"")) && (str.endsWith(""bread"")) + { + return str.substring(5, ""b""); + } + return """"; +} +" +3191ceef2200ea191761b24ab80c2bbd4620afd3,"public String getSandwich(String str) +{ + if ((str.startsWith(""bread"")) && (str.endsWith(""bread""))) + { + return str.substring(5, ""b""); + } + return """"; +} +" +7afdbfb0ef7e7023cee8548ccfcab5216cd7019c,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + if (breadnum == 0) + { + word = str; + } + else if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +0d61e4e87bb34bdd2184e7e6f21a23844cb4e4be,"public String getSandwich(String str) +{ + if ((str.startsWith(""bread"")) && (str.endsWith(""bread""))) + { + return str.substring(5, b); + } + return """"; +} +" +c567a938baab8a4ff49d2928db14b26aaf22aa06,"public String getSandwich(String str) +{ + if ((str.startsWith(""bread"")) && (str.endsWith(""bread""))) + { + return str.substring(5, 6); + } + return """"; +} +" +63041446863dc0cf9de9c4ff26355c7b1bfe26ae,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +81d73ce3f36f1acf6bf4c5a8b3b2a61b618b7d16,"public String getSandwich(String str) +{ + int pb = str.indexOf(""bread""); + int jelly = str.lastIndexOf(""bread""); + if ((jelly != -1) && (pb != jelly)) + { + return (str.substring(pb + 5, jelly)); + } + return """"; +} +" +fbcba2ff0416d06fe717400ed244e988aedcfaa9,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + i = number; + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = number; + } + else if (breadnum == 2) + { + b = number; + } + else if (breadnum == 3) + { + c = number; + } + else if (breadnum == 4) + { + d = number; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +a61285c55f8231a10596683ae127ef38c099af5d,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) { + if (str.substring(i, i + 5).equals(""bread"")) { + first = i; + } + } + for (int i = str.length() - 5; i >= 0; i--) { + if (str.substring(i, i + 5).equals(""bread"")) { + last = i; + } + } + if (first != -1 && last != -1 && first != last) { + return str.substring(first + 5, last); + } + return """"; +} +" +34d41b225097fbe36c6dc718e2b6027962b2d07e,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + int number = i; + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = number; + } + else if (breadnum == 2) + { + b = number; + } + else if (breadnum == 3) + { + c = number; + } + else if (breadnum == 4) + { + d = number; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +46764f835cdd09a1cd7be6f151a0c289cbd60f46,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + int number = i; + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = number; + } + else if (breadnum == 2) + { + b = number; + } + else if (breadnum == 3) + { + c = number; + } + else if (breadnum == 4) + { + d = number; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return breadnum; + +} +" +e5e332dec1f4b6d8e0f67561d652dcd8b0c312b1,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + int number = i; + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = number; + } + else if (breadnum == 2) + { + b = number; + } + else if (breadnum == 3) + { + c = number; + } + else if (breadnum == 4) + { + d = number; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +11133ecdd3c04f938e0901f135e1fb3676cc4885,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; +} +" +2202f1c1bb8c38a312790c646e34ea22ad839876,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + int number = i; + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = number; + } + else if (breadnum == 2) + { + b = number; + } + else if (breadnum == 3) + { + c = number; + } + else if (breadnum == 4) + { + d = number; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +71a4a88d5b27d7adbb527e0cba7345c421c21234,"public String getSandwich(String str) +{ + int len = str.length(); + int first = 0; + int last = 0; + if (str.length() <= 10) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.substring(i, i+5).equals(""bread"")) + { + first = i + 5; + } + if (last == 0 && str.substring(len - 5 - i, len - i).equals(""bread"")) + { + last = len -5 -i + } + } + return str.substring(first, last); +}" +a631b68cdb1810cf826de738692df63041ef3ee7,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + int number = i; + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + + if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +b11dee78dd90bcbfc822f7b80a0235e70a49ee55,"public String getSandwich(String str) +{ + int len = str.length(); + int first = 0; + int last = 0; + if (str.length() <= 10) + { + return """"; + } + for (int i = 0; i < str.length() - 5; i++) + { + if (first == 0 && str.substring(i, i+5).equals(""bread"")) + { + first = i + 5; + } + if (last == 0 && str.substring(len - 5 - i, len - i).equals(""bread"")) + { + last = len -5 -i; + } + } + return str.substring(first, last); +}" +b4cbae96097055294547daf3b78467166cab0c10,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + if (breadnum == 0) + { + word = str; + } + else if (breadnum == 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +d6c62feea78aeda687e45b44491c629c6652fd68,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum == 3) + { + c = i; + } + else if (breadnum == 4) + { + d = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + } + return word; + +} +" +df100841bdb8fef28a4014d34115328cfd6aa309,"public String getSandwich(String str) +{ + return str; +} +" +e3940a879f7c8deff61e48c77fbfab0fc17af123,"public String getSandwich(String str) +{ + if (str.length() == 10) + { + return """"; + } +} +" +cce12ce6f7dc179e24fd06b25775fed67b3cd941,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) + } + + } + return word; +} +" +e6f8fbc8d0fb9634610e4c341b004d581a0b92e7,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + + } + return word; +} +" +8d6e49c0edbe67914f897552f6f112e26d44d08d,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +} +" +9e3e29d18506bfc2003795d9ef1819f0e83d8d2e,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +feae8a1750b6cef0ca44573267cf2c2f89e8b3de,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + str = str.substring(firstBread+4, lastBread); + +} +" +740a18376a8b567f4ff593b319812c3f9c3ee47e,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + str = str.substring(firstBread+4, lastBread); + return str; +} +" +72cecd47b93c00c5f0503fd68ae52fb6602ffdc2,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +d169c38de21b64885c7d05ac289211c68831d042,"public String getSandwich(String str) +{ + if (str.lenth() < 2) + return null; + else + return str(1) + str(2) +} +" +3008ed463acc958d469391315f6bd5371ab09fe9,"public String getSandwich(String str) +{ + if (str.lenth() < 2) + return null; + else + return str(1) + str(2); +} +" +afa1285aaabc3049f6984ef59b8be970b487a53c,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum <= 1) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +c7b4ab709c03d64cd5055dc20b48112d20fee25a,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + str = str.substring(firstBread+5, lastBread); + return str; +} +" +c88bdee13d1768bd61ef0367e17761f41d296fc7,"public String getSandwich(String str) +{ + if (str.length() == 10) + { + return """"; + } + return str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread"")) +} +" +cb6809773ce2545c33bcb968346d76d4f41afa44,"public String getSandwich(String str) +{ + if (str.length() < 2) + return null; + else + return str(1) + str(2); +} +" +07bf1bc69d0875c108cdf9604a2fc9fadb99e2f1,"public String getSandwich(String str) +{ + if (str.length() == 10) + { + return """"; + } + return str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread""); +} +" +48ad8ab5b654995bfc1d63933a392b9bc9867900,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum ++ 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +5f745ca369ada6f98d6fbe9b24ad1af7b894083f,"public String getSandwich(String str) +{ + if (str.length() == 10) + { + return """"; + } + return str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread"")); +} +" +c72ce3a861763caedc1109f3f24cd7d55a5c3774,"public String getSandwich(String str) +{ + if (str.length() < 2) + return null; + else + return str.substring(1) + str.substring(2); +} +" +349a1ecff06d74255959c6d030586b793210ea33,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +63cc014a1e6ee4d207c094578c7e2715bedd4ad1,"public String getSandwich(String str) +{ + if (str.length() < 2) + return null; + else + return str.substring(0, str.length() -1); +} +" +2279eeb2fa108e90df077c18509d891e00fd3610,"public String getSandwich(String str) +{ + if (str.IndexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread"")); +} +" +6c321f3c220c1d0b774d8044dce8fee35b8a9ab8,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +34ca64aa602bd7663709d1e2b5e91db2d98216b1,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread"")); +} +" +851511b3359cc31f6ec166a21aab9207cf8614ae,"public String getSandwich(String str) +{ + if (str.length() >= 10) + { + int firstBread = str.indexOf(""bread""); + int lastBread = str.lastIndexOf(""bread""); + str = str.substring(firstBread+5, lastBread); + } + else if (str.length() < 10) + { + str = """"; + } + return str; +} +" +044413d170e7705640155c7f57e331b0e37008d8,"public String getSandwich(String str) +{ + if (str.contains(""bread"")) + { + str = str.replace(""bread"", """"); + return str; + } + else + { + return """"; + } +} +" +999832063c5c7d006367b9176bc2049e9e3bc289,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return str.substring(str.indexOf(""bread"")+5, str.lastIndexOf(""bread"")); +} +" +059bd0be01f3826bc0c843aed4faae29821481f8,"public String getSandwich(String str) +{ + int 1stBread = str.indexOf(""bread""); + int 2ndBread = str.indexOf(""bread""); + if (1stBread != -1 && 2ndBread != -1 && 1stBread != 2ndBread) + return str.substring(1stBread+5, 2ndBread); + return """" + +} +" +e31cd74c25c1f09a3e9aefe4b76a3d551fb6df1c,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); +} +" +004cdf59379b2f303c6715bd94706a4a4468f496,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +308a856a3876339aff0046cc53ace516868347cf,"public String getSandwich(String str) +{ + int 1stBread == str.indexOf(""bread""); + int 2ndBread == str.indexOf(""bread""); + if (1stBread != -1 && 2ndBread != -1 && 1stBread != 2ndBread) + return str.substring(1stBread+5, 2ndBread); + return """" + +} +" +6bc6f2064e0d40f8f57cbcd388300130a1856d0a,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first == last) + { + return """"; + } + return str.substring(first+5, last); + + +} +" +cf2168de088941f7d70445edbd862dd1bc7cc25d,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +7d2fa956a83b4abc1fb8dbf7d33dc81fbc16df71,"public String getSandwich(String str) +{ + int 1stBread = str.indexOf(""bread""); + int 2ndBread = str.lastIndexOf(""bread""); + if (1stBread != -1 && 2ndBread != -1 && 1stBread != 2ndBread) + return str.substring(1stBread+5, 2ndBread); + return """" + +} +" +be5152bec70158efdd983f850aeb549588d2d1ea,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i - 5, i).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +70abd7d4e4ca572ad7d12c8dfe3c17c2a2c495a8,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + return """"; +} +} +" +b572e58ef34fbd85bd4b262407bc7c0a8921b170,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + return """"; +} + +" +973279e391c60c2d50cec72072f32e34d59e05a4,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +bb530725406740fae4cbd25eb3f6941a375634ab,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +e4c3da924ecf4aeaba0d785afe5baee853954d30,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +80e607a8fbf61e697ef5b91c0045311d129ef3df,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 6; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +4eb45b17079b922cde30a14d6830784cc37174b5,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +96d47cf3ef345932449722a83529e560b4c1e3f0,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +87f5a102e9e5d9b0ef72352833254630e84c6e47,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if(first != -1 && last != -1 && first != last) + return str.substring(first+5, last); + return """"; +} +" +30ee0d09105c494c4b59759e799648c01d3cfcc5,"public String getSandwich(String str) +{ + String word = str + "" ""; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +dbcba26accf197572a37982192990a96ab0e7ba6,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +b014608c66610f61dc2ccec7a61a94e2ad18a076,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +f47bdb9fb5ad41b808e2882f4950019201c93fd0,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +32728d249bb29763c89361832fed844642cc23a9,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +e45eeaeab66f0ecc95c670d344c1e8ce2092ad82,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i - 1, i + 4).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +c1a236e142daece2a91cef54e34c954da8bf5ab7,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +9e82b70ea216414184c529f8f01892c3e4b9f60f,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + int d = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +306956898c8c7da2ae96c41e5b8a23829ecd77d2,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i - 4 < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +a07120ef7029c914eab794b7d4fa32f4824c288d,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +e3e95408e285ccb46e8b8a94b9a39a6330959ebc,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i + 3 < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +b22e16eb717fcc13d8bb6d92a9f9fb9a3df43eae,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i + 7 < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +0954db3c9eba36a3bba80869b433da30c9d3b24e,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + } + return word; +} +" +bd077296e7fe5cfc45032cd84343b5bc1aded3b5,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + return word; +} +" +e7809604aba24ccc88f14352e1d913cc248adfe2,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c) ; + } + return word; +} +" +7c196648eba5bcbf898af9c44da7f4d56007b076,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i =0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && + found == true) + finish = i; + if (tmpString.equals(""bread"") && + found == false) + { + start = i+5; + found = true; + } + } + finalString = str.subString(start, finish); + return finalString; + } +" +0f98139f2004989232bc9b40f3f862c4a59ecf20,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i =0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && + found == true) + finish = i; + if (tmpString.equals(""bread"") && + found == false) + { + start = i+5; + found = true; + } + } + finalString = str.substring(start, finish); + return finalString; + } +" +e42c4cda8dc8b310fe9efc3fd6a5c3cc6dc7e581,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum > 3) + { + c = i; + } + + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c); + } + return word; +} +" +d6d917c4626a8bdb57a03c5d62591ca24f35fed3,"public String getSandwich(String str) +{ + String word = str; + int breadnum = 0; + int a = 0; + int b = 0; + int c = 0; + for (int i = 0; i < str.length() - 4; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + breadnum = breadnum + 1; + if (breadnum == 1) + { + a = i; + } + else if (breadnum == 2) + { + b = i; + } + else if (breadnum >= 3) + { + c = i; + } + } + } + if (breadnum == 1 || breadnum == 0) + { + word = """"; + } + else if (breadnum == 2) + { + word = str.substring(a + 5, b); + } + else if (breadnum > 2) + { + word = str.substring(a + 5, c); + } + return word; +} +" +33d5e4a06ba31b6505bd8ce9cab66579ce26ba82,"public String getSandwich(String str) +{ + String ans = ""bread""; + return ans; +} +" +6ab5bef202b2d6b9cd2a2dc7bc185f52fce7cbcf,"public String getSandwich(String str) +{ + public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +} +" +a815f5434595c4167647b9a57eec5bd70dae1ffd,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } +} +" +b562effaf04756e2fd6e7eadd6ddb8c1a3d9b8ef,"public String getSandwich(String str) +{ + public String getSandwich(String str) + { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +} +" +fae2fd579bfb8ae2c57f1b6de941702c07314281,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +c1ba5399d7d92bc3b5a7d84cb253fa9fae4bb08d,"public String getSandwich(String str) +{ + public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; + } +} +" +c2ecd9c5064496243bc97f814629ada3facd23fd,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +49c4d9cc6cf00384e1110afcfb448b316f50596c,"public String getSandwich(String str) +{ + public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +9dcac600d3332550bffb207933af37ae965f7fcc,"public String getSandwich(String str) +{ + public static String getSandwich(String str) + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +dd1d151e0492433fb7d4f3f71b59dc05c954939a,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if((last != -1 ) && (ind!=last)) + return (str.substring(ind+5,last)) ; + return """"; +} +" +48a526654e314ed9e5f1b39dea58ec04f4e68590,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +c094cbbc80b8ffa1d315538ad8349aff1c137363,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +ef01ef5a8b96891f5ccacd0d1167df3adc1663db,"public String getSandwich(String str) +{ + if (length() >= 3) + { + return str.substring(2, length() - 2); + } + else + { + return """"; + } +}" +755b030e5e13decc7a203105ccec4d5789161dec,"public String getSandwich(String str) +{ + if (this.length() >= 3) + { + return str.substring(2, this.length() - 2); + } + else + { + return """"; + } +}" +afd57ca47649e09a6b6663119c074f62041c6390,"public String getSandwich(String str) +{ + String string = str.subString(str.indexOf(""bread""), + str.lastIndexOf(""bread"")); + return string; + + +} +" +8070231932cead26416fa747bd45ff9357f588bd,"public String getSandwich(String str) +{ + String string = str.substring(str.indexOf(""bread""), + str.lastIndexOf(""bread"")); + return string; + + +} +" +585efeca1b3ecd9b2fcd5fdb128dc9185c57459b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +6f31760a91f8c7b5a2c96ff3589a7ec3415a35d9,"public String getSandwich(String str) +{ + if (str.length() >= 3) + { + return str.substring(2, str.length() - 2); + } + else + { + return """"; + } +}" +982d2336a533f0cbaacb51cded7723339c7d1dca,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +} +" +bfd82b33c59782ea3d5f8a1295be45e7834d41ba,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != last) + { + if (last != -1 ) + { + return (str.substring(ind+5,laind)); + } + } + else + { + return """"; + } +} +" +327e5b91b7c590b18e37f33ae7ad3eafa7a27394,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +} +" +f016ae39c888af641ffa719f88ed51f8f1feb35b,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != last) + { + if (last != -1 ) + { + return (str.substring(first + 5,last)); + } + } + else + { + return """"; + } +} +" +e2f39effa6eb259c29c5b86e7e137c79eb878434,"public String getSandwich(String str) +{ + String string = str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + return string; + + +} +" +bfa24bf6ba535175713130fb4348a21254f847c6,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; +} +} +} +" +bc1941cbc412311faee33d63d30dd387a4f95890,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +} +" +f7421b07547777cbc96deb745a5983b5c9e77356,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + return """"; +} + +" +774ee04f33cf9308a78585b806277efef01475f3,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if((first != last) && (last != -1 )) + { + return (str.substring(first + 5, last)) ; + } + else + { + return """"; + } +} +" +d1f2e3749bb0003430b075e7cf3d9b10fa60f4a4,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + + +" +b07db861aaa78a0120379436ec70eec8fab98f56,"public String getSandwich(String str) +{ + String string = str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + if (str.substring(str.indexOf(""bread"")) == null) { + return """"; + } + else { + return string; + } + +} +" +701e678e9085e45e9d391fcbd62a60400547cf43,"public String getSandwich(String str) +{ + public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +34ee0bc263a302061f9d7700eaf8c4401c97912b,"public String getSandwich(String str) +{ + if (str.startsWith(bread), str.endsWith(bread)) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +}" +9942e4459af599d67cf8fa4825c7be5d1adb571e,"public String getSandwich(String str) +{ + public static String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +182f165052defd74bc5359ab4873633d66961f80,"public String getSandwich(String str) +{ + if (str.startsWith(bread), str.endsWith(bread)) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +}" +9fbd3f5a7d14fdbdeec5b8ec8b349defe632a616,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +}" +054e4d747d6a4540353dc6cb3a9ba0c065e579ff,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +38a27466c12b7f31129ed23c858a931ef4a3e2fc,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +}" +0ed524d27502e3d51eb8361a2af22d778ff96d78,"public String getSandwich(String str) +{ + String noBread = ""null""; + noBread = str.substring(str.indexOf(""bread"")); + String string = str.substring(str.indexOf(""bread"") + 5, + str.lastIndexOf(""bread"")); + if ( noBread.equals(""null"")) { + return """"; + } + else { + return string; + } + +} +" +631316c3f6528b246e3b9e2983fae437e3ca8be8,"public String getSandwich(String str) +{ + int First = str.indexOf(""bread""); + int Last = str.lastIndexOf(""bread""); + if(First != -1 && Last != -1 && First != Last) + return str.substring(First+5, Last); + return """"; +} +" +349ea4507ecd9bed20e8da2d82fe06803c6d5766,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +e1b9947cf928d774cefdb5fa8f64eb318ff6448d,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +9af6e44b0c199d8de487af837177ce3a1f4175c8,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else if (str.contains(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +}" +e04293e4084ad5f70e80cc66586cd54b52cb22a5,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + //else if (str.contains(""bread"") && str.endsWith(""bread"")) + { + //return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +}" +db54773c281832548036f85b510092307e39aedc,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + //else if (str.contains(""bread"") && str.endsWith(""bread"")) + //{ + //return str.substring(5, str.length() - 5); + //} + else + { + return """"; + } +}" +e1f51a39814da17529522cf9327bc88bfed781ad,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first != -1 ) && (first != last)) + return (str.substring(first+5, last)) ; + return """"; +} +" +7c46adc45fffbf3c8da5eb37b9aaf7bd35dc70a4,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first != -1 ) && (first != last)) + return (str.substring(first+5, last)) ; + return """"; +} +" +099cb832ce9b358d15c3fd9c3a4fbf8b985a706e,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + if (firstBread == null || secondBread == null) + { + return """"; + } + String sandwich = str.substring(firstBread, secondBread); + return sandwich; +} +" +288f126ded8844edec74ff394e01e945d251d338,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + String sandwich = str.substring(firstBread, secondBread); + return sandwich; +} +" +eb853820e1189a895ffa5aa24eee1eacd73bb493,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + String sandwich = str.substring(firstBread, secondBread); + return firstBread; +} +" +3d42d1f1ea6a4cea0255d48327a91fc8602c914b,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + String sandwich = str.substring(firstBread, secondBread); + return firstBread; +} +" +57d9e312b4424c2a98eafa1a2088fc7f65736d79,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + String sandwich = str.substring(firstBread, secondBread); + return firstBread.toString(); +} +" +f42ac679c1eb7e234a16af020b1b8fe2b358e2c9,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + String sandwich = str.substring(firstBread, secondBread); + return Integer.toString(firstBread); +} +" +a5e73b6c8dcd7353eadd766add8b000d46089d19,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread); + String sandwich = str.substring(firstBread, secondBread); + return Integer.toString(secondBread); +} +" +1514cbe8bdeb9cbdd17fa334ab3f440a5b59846a,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + String sandwich = str.substring(firstBread, secondBread); + return Integer.toString(secondBread); +} +" +a9c09003b37c6a57af82ba51b0e0f853375972bc,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + String sandwich = str.substring(firstBread, secondBread); + return sandwich; +} +" +ec3ec4df7ba392ab495a53750dd5727e18ef0149,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + String sandwich = str.substring(firstBread + 5, secondBread); + return sandwich; +} +" +f711e94e5789eba2900058f3b0d77fdc67681c00,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + if (secondBread == 0) + { + return """"; + } + String sandwich = str.substring(firstBread + 5, secondBread); + return sandwich; +} +" +6fc03a7aa13cddb99ab1dae02e2ce5ed28996846,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + str = ""bread"" - str - ""bread"" + } + else + { + return """"; + } +} +" +d48575022b6505aac826c1475c557bb63a43ab38,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + str = ""bread"" - str - ""bread""; + } + else + { + return """"; + } +} +" +727d541babe278c063e729dab201403c18c6f003,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + str == ""bread"" - str - ""bread""; + } + else + { + return """"; + } +} +" +f1b495425f05089ccefe8628383dc10db3d9bbee,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + str == ""bread"" - str - ""bread""; + return str; + } + else + { + return """"; + } +} +" +0229c1b529021bb8c996749451ebfb0da8b2a34d,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + if (secondBread == 0) + { + return """"; + } + else + { + String sandwich = str.substring(firstBread + 5, secondBread); + return sandwich; + } +} +" +b3f1bcf5bd64a7ef537b9c21cf879eb4d1862e6d,"public String getSandwich(String str) +{ + return str.substring(str.indexOf(""bread""),str.substring(indexOf(""bread"")).indexOf(""bread""); +} +" +8fd5a02d9ad3beb31ce5926e2bcf677f88bea6e0,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + if (secondBread == null) + { + return """"; + } + else + { + String sandwich = str.substring(firstBread + 5, secondBread); + return sandwich; + } +} +" +ddb1b7d758a2e6c93a2ec41c8d055d654d4ee514,"public String getSandwich(String str) +{ + return str.substring(str.indexOf(""bread""),str.substring(indexOf(""bread"")).indexOf(""bread"")); +} +" +9a376c766d05b87c7709e889d1716750b34c9403,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.indexOf(""bread"", firstBread + 1); + if (secondBread == -1) + { + return """"; + } + else + { + String sandwich = str.substring(firstBread + 5, secondBread); + return sandwich; + } +} +" +4894f557d779774435910b07fc202329e4204030,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + } + else + { + return """"; + } +} +" +b0d53bcdf2fb6d663c2ca5df7f8e4854eb3770fd,"public String getSandwich(String str) +{ + if (str.length() <11) + return """"; + String finalString = """"; + boolean bread = false; + int begin = 0; + int end = 0; + for (int i = 0; i= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +bd2a397548fb0100d22150fb765d9bd4d9fd4800,"public String getSandwich(String str) +{ + String bread = ""bread""; + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(5,str.length()-7)); + } + return """"; +} +" +f60865f187d62c553a27a79bc2fae5d8983657c0,"public String getSandwich(String str) +{ + if (str.length() <11) + return """"; + String finalString = """"; + boolean bread = false; + int begin = 0; + int end = 0; + if (str == ""breadjambread"") + return ""jam""; + else if (str == ""xxbreadyy"") + return """"; + else if (str == ""xxbreadbreadjambreadyy"") + return ""breadjam""; + else if (str == ""breadAbread"") + return ""A""; + else if (str == ""breadbreaxbread"") + return ""breax""; + else if (str == ""breaxbreadybread"") + return ""y""; + else if (str == ""breadbreadbreadbread"") + return ""breadbread""; + for (int i = 0; i= 0; i--) { + if (str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) { + return str.substring(first + 5, last); + } + return """"; +} +" +7f23aaac1c5c2315d465120739816e0561067cee,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"")==str.lastIndexOf(""bread"")) + { + return (str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); + } + else + { + return """"; + } +} +" +6b6e800b700ca6db1e8b22b8941851a6275235a2,"public String getSandwich(String str) +{ + if(str.length()<=10) + { + return """"; + } + return str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread"")); +} +} +" +cb2e0a75556157d935a6b9a0be68670e0ad3b5d4,"public String getSandwich(String str) +{ + if (str.length() <11) + return """"; + String finalString = """"; + boolean bread = false; + int begin = 0; + int end = 0; + if (str == ""breadjambread"") + return ""jam""; + else if (str == ""xxbreadyy"") + return """"; + else if (str == ""xxbreadjambreadyy"") + return ""jam""; + else if (str == ""breadAbread"") + return ""A""; + else if (str == ""breadbreaxbread"") + return ""breax""; + else if (str == ""breaxbreadybread"") + return ""y""; + else if (str == ""breadbreadbreadbread"") + return ""breadbread""; + else if (str == ""xxbreadbreadjambreadyy"") + return ""breadjam""; + for (int i = 0; i= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +9617bf6c64091332549c1dd80edf5a7b264b9cce,"public String getSandwich(String str) +{ + if (str.substring(0, 6) = ""bread"" && str.substring(str.size() -5, str.size()) + { + return str.substring(5, str.size() - 5); + } + else + { + return """"; + } +} +" +91104a68bc9f6cf0c570cf4a6de8f611a0072429,"public String getSandwich(String str) +{ + if (str.substring(0, 6) = ""bread"" && str.substring(str.size() -5, str.size())) + { + return str.substring(5, str.size() - 5); + } + else + { + return """"; + } +} +" +7e728a68966193e6ac7fe031e0c707f4c6fca94d,"public String getSandwich(String str) +{ + if (str.substring(0, 6) == ""bread"" && str.substring(str.size() -5, str.size()) == ""bread"") + { + return str.substring(5, str.size() - 5); + } + else + { + return """"; + } +} +" +a3bb89fcfaa473c99edb772f95c5154265ff5e8f,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + start = str.indexOf(""bread""); + str = str.substring(start + 5); + end = str.indexOf(""bread""); + str = str.substring(0,end); + return str; +} +" +629c43ab4f72a9f8e86e75d16276424f36506b01,"public String getSandwich(String str) +{ + if (str.substring(0, 6) == ""bread"" && str.substring(str.length() -5, str.length()) == ""bread"") + { + return str.substring(5, str.size() - 5); + } + else + { + return """"; + } +} +" +b957e73d0f598e8d022175ae795fc9530e3ea0ed,"public String getSandwich(String str) +{ + if (str.substring(0, 6) == ""bread"" && str.substring(str.length() -5, str.length()) == ""bread"") + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +63e2ce07fdfdde0df2b88bec7d14b734cabf1914,"public String getSandwich(String str) +{ + if (str.length() <= 10) + return """"; + else if (str.length() == 17 || str.length() == 22) + return str.substring(7, str.length() - 7); + else if (str.length() == 16) + return str.substring(10, str.length() - 5); + else + return str.substring(5, str.length() - 5); +}" +cceb8c33e9137cab19770cd5eda34036376f080a,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + if (str.startsWith(""bread"")) + { + start = 5; + } + else + { + start = str.indexOf(""bread"") + 5; + } + if (str.endsWith(""bread"")) + { + end = str.length()-6; + } + else + { + end = str.lastIndexOf(""bread""); + } + + return str.substring(start,end); +} +" +4fd12a38154b22ae4353488546016f476257c308,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first < last) && (first != -1) && (last != -1)) + { + return str.subString(first + str.length(), last.str.length()); +} +" +2088863a226770348e6ce1859481c9369364b2be,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 1; i < str.length() - 4; i++) + { + if (str.substring(i, i + 4).equals(""bread"")) + { + a = i; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +93235c31126a2ddef138455325ba46a7d778cd9f,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first < last) && (first != -1) && (last != -1)) + { + return str.subString(first + str.length(), last.str.length()); + } + else + { + return """"; + } +} +" +42d14e5184e627d129da271f04fa829a5af3ffd1,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first < last) && (first != -1) && (last != -1)) + { + return str.subString(first + str.length(), last.str.length()); + } + else + { + return """"; + } +} +" +a9f4cbe9de3ec9342aaa38fdbeef8ac04a609710,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = i; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != z && a != -1 && z != -1) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +26d153ffa9c445ae9a8d28d987216de47caa00bd,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first < last) && (first != -1) && (last != -1)) + { + return str.subString(first + str.length(), last + str.length()); + } + else + { + return """"; + } +} +" +2f7189040baaed80e647e7512ba7bafba6c32347,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first < last) && (first != -1) && (last != -1)) + { + return str.substring(first + str.length(), last + str.length()); + } + else + { + return """"; + } +} +" +334e842750a7f81bb8a2018a3619ab6d08f9db08,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + a = i; + } + break; + } + + for (int i = str.length() - 5; i >= 0; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + z = i; + } + break; + } + + if (a != -1 && z != -1 && a != z) + { + return str.substring(a + 5, z); + } + + return """"; +} +" +beadfeb681d80c87fece254018d876d71580ecb2,"public String getSandwich(String str) +{ + int start = 0; + int end = 0; + + if (str.indexOf(""bread"") == str.lastIndexOf(""bread"") || str.indexOf(""bread"") == -1) + { + return """"; + } + + if (str.startsWith(""bread"")) + { + start = 5; + } + else + { + start = str.indexOf(""bread"") + 5; + } + if (str.endsWith(""bread"")) + { + end = str.length()-5; + } + else + { + end = str.lastIndexOf(""bread""); + } + + return str.substring(start,end); +} +" +80fe35d652011263b7696d46337d6a3299ee6c31,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first < last) && (first != -1) && (last != -1)) + { + return str.substring(first + ""bread"".length(), last + ""bread"".length()); + } + else + { + return """"; + } +} +" +f64099d95e3e16ae5660736c7b44c75051dcc1cf,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +75e2475837f486af53f13a628ed8878895abe816,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first < last) && (first != -1) && (last != -1)) + { + return str.substring(first + ""bread"".length(), last); + } + else + { + return """"; + } +} +" +5a820842c22ed2035c5c4e4b70ae3e7eb19b5012,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if ((first < last) && (first != -1) && (last != -1)) + { + return str.substring(first + ""bread"".length(), last); + } + else + { + return """"; + } +} +" +7b52a2cd94acc8303f244a2537f6241463be900b,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + a = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + z = i; + break; + } + } + + if(a != -1 && last != -1 && a != last) + return str.substring(a + 5, z); + + return """"; +} +" +1255f479cf1bef4078d98c901f353a4723f6e380,"public String getSandwich(String str) +{ + int a = -1; + int z = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + a = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + z = i; + break; + } + } + + if(a != -1 && z != -1 && a != z) + return str.substring(a + 5, z); + + return """"; +} +" +99ab4627edfe9ca6a67c42105383f25400b2cdbc,"public String getSandwich(String str) +{ + boolean firstBread = false; + int length = str.length(); + String full = """"; + String fragment = """"; + int first = 0; + int last = 0; + for(int i=0; i+4= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +3bfeb0c5041d2477f857a56e94b49d4dbd3aa72c,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + finalposition = length - i - 5; + } + } + return str.substring(intiialposition, finalposition); +} +" +1a4217a42da8fb81be3f704b665bfc939b38dc68,"public String getSandwich(String str) +{ + int a = -1; //the first character + int z = -1; //the last character + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + a = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + z = i; + break; + } + } + + if(a != -1 && z != -1 && a != z) //determining the substring that should be returned + return str.substring(a + 5, z); + + return """"; +} +" +ccaac530c4fcb1f059afe43330f811b424dbe170,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + finalposition = length - i - 5; + } + } + return str.substring(intitialposition, finalposition); +} +" +40cec2b6c3e7ee627a22364c4d91628c6cc87a7a,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + finalposition = length - i - 5; + } + } + return str.substring(initialposition, finalposition); +} +" +4d445ff88d8e4cabd0cfd596cec46e23998cade9,"public String getSandwich(String str) +{ + + if(str.length() < 10) { + return """"; + } + + String firstBread = str.substring(0, 4); + String lastBread = str.substring(str.length() - 5, str.length() - 1); + + if(firstBread.equals(""bread"") && lastBread.equals(""bread"")) { + return str.substring(5, str.length() - 6); + } + + return """"; +} +" +399d781cc05b27fef8231afd71f3b5bab202f061,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first == last) + return """"; + return str.substring(first + 5, last); +} +" +8997d40f5ab6a8e8785cfe79f59cc8d3cdd928e1,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + finalposition = length - i - 5; + } + } + if(intialposition < finalposition) + return str.substring(initialposition, finalposition); + else + return """"; +} +" +9a526012acb6dde964321abbd2a26be41abeb6a0,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + finalposition = length - i - 5; + } + } + if(initialposition < finalposition) + return str.substring(initialposition, finalposition); + else + return """"; +} +" +2c57999e169bf6e9bb425d66dc22b717c4f10174,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 0; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + finalposition = length - i - 5; + } + } + if(initialposition < finalposition) + return str.substring(initialposition, finalposition); + else + return """"; +} +" +22471f5a6b16e397df41c85e5ecacced4e201a9d,"public String getSandwich(String str) +{ + + if(str.length() < 10) { + return """"; + } + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) { + return str.substring(5, str.length() - 6); + } + + return """"; +} +" +a28bdbfc49b61534a7033aa371fbc55e54c1ead5,"public String getSandwich(String str) +{ + + if(str.length() < 10) { + return """"; + } + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) { + return str.substring(5, str.length() - 5); + } + + return """"; +} +" +31d8a37c968b6605aaea1245f1e53e03f4cfa732,"public String getSandwich(String str) +{ + int firstBread = -1; + for (int i = 0; i + 4 < str.length(); i++) + { + if (substring(i, i+4).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i+4; + } + else + { + return str.substring(firstBread, i); + } + } + } +} +" +5ad2df869e6d8f81b6e0a12648469830c5437a05,"public String getSandwich(String str) +{ + int 1Bread = str.indexOf(""bread""); + int 2Bread = str.lastIndexOf(""bread""); + if (1Bread != -1 && 2Bread != -1 && 1Bread != 2Bread) + return str.substring(1Bread+5, 2Bread); + return """"; + +} +" +f7467c0a70db3f8172b3c3c9c53347924630432d,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); + int y = str.lastIndexOf(""bread""); + if (x != y) + { + return str.substring(x+5, y); + } + else + { + return """"; + } +} +" +47462183d40ea8248bbfe7b166e5c50d6910ea90,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = 0; + int finalposition = 0; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + final initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + final finalposition = length - i - 5; + } + } + if(initialposition < finalposition) + return str.substring(initialposition, finalposition); + else + return """"; +} +" +914e805f283b9663d5ba8e5d3bfb2bb27c6ee852,"public String getSandwich(String str) +{ + int firstBread = -1; + for (int i = 0; i + 4 < str.length(); i++) + { + if (substring(i, i+4).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i+4; + } + else + { + return str.substring(firstBread, i); + } + } + } +} +" +23d1fc1bc37747e1d641e352f8d3186a2ec7406a,"public String getSandwich(String str) +{ + int firstBread = -1; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i+4).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i+4; + } + else + { + return str.substring(firstBread, i); + } + } + } +} +" +38e2af387ea263144cd788edb2bff3f3a6cbb14b,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; + +} +" +bf0e179827dc9884e813e73036d06b0b31ba25f4,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; + +} +" +051cf70e44e5dffba10c7b194950a2bca95b7cfa,"public String getSandwich(String str) +{ + int firstBread = -1; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i+4).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i+4; + } + else + { + return str.substring(firstBread, i); + } + } + } + return """"; +} +" +78dec27eaf6a2859d7e97ae5b62c7b35aee5b092,"public String getSandwich(String str) +{ + + if(str.length() < 10) { + return """"; + } + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) { + return str.substring(5, str.length() - 5); + } + + if(str.startsWith(""xxbread"") && str.endsWith(""breadyy"")) { + return str.substring(7, str.length() - 7); + } + + return """"; +} +" +f493f35b1bd6efafbbeec333f6bd301b25f6f689,"public String getSandwich(String str) +{ + + if(str.length() < 10) { + return """"; + } + + if(str.startsWith(""bread"") && str.endsWith(""bread"")) { + return str.substring(5, str.length() - 5); + } + + if(str.startsWith(""xxbread"") && str.endsWith(""breadyy"")) { + return str.substring(7, str.length() - 7); + } + + if(str.startsWith(""breax"") && str.endsWith(""bread"")) { + return str.substring(10, 11); + } + + return """"; +} +" +6c00b2c5f4a11a435813a9bcbfbd6d45004194a4,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i+4).equals(""bread"")) + { + } + } + return str.substring(0, 4); +} +" +7917ccd08098e03107d7ac2682c9e47a3f25ac12,"public String getSandwich(String str) +{ + String returnStr; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + for (int i = 0; i < str.length(); i++) + { + for (int j = 0; j < 5; j++) + { + if (str.subString(i, j + 1).equals(""bread"")) + { + if (firstBread == false); + { + startStr = j + 1; + firstBread = true; + } + else + { + endStr = i; + } + } + } + } + + if (startStr != 0 && endStr != 0) + { + returnStr = str.subString(startStr, endStr); + } + else + { + returnStr = """"; + } + return returnStr; +} +" +d5d772086067a4149b0ad1a918f9413999057029,"public String getSandwich(String str) +{ + String returnStr; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + for (int i = 0; i < str.length(); i++) + { + for (int j = 0; j < 5; j++) + { + if (str.subString(i, j + 1).equals(""bread"")) + { + if (firstBread == false) + { + startStr = j + 1; + firstBread = true; + } + else + { + endStr = i; + } + } + } + } + + if (startStr != 0 && endStr != 0) + { + returnStr = str.subString(startStr, endStr); + } + else + { + returnStr = """"; + } + return returnStr; +} +" +c923815ffb8bde7d3173efb755dae49725d8208f,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = -1; + int finalposition = -1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"")) + { + const initialposition = i + 5; + } + if(substr.endsWith(""bread"")) + { + const finalposition = length - i - 5; + } + } + if(initialposition < finalposition) + return str.substring(initialposition, finalposition); + else + return """"; +} +" +fad7a08cf093391b48be0732d3f7d5b64eb93619,"public String getSandwich(String str) +{ + String returnStr; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + for (int i = 0; i < str.length(); i++) + { + for (int j = 0; j < 5; j++) + { + if (str.substring(i, j + 1).equals(""bread"")) + { + if (firstBread == false) + { + startStr = j + 1; + firstBread = true; + } + else + { + endStr = i; + } + } + } + } + + if (startStr != 0 && endStr != 0) + { + returnStr = str.substring(startStr, endStr); + } + else + { + returnStr = """"; + } + return returnStr; +} +" +171a69f2493a7194fe3cd2a2e5061661728d115d,"public String getSandwich(String str) +{ + int length = str.length(); + int initialposition = -1; + int finalposition = -1; + String substr = """"; + for(int i = 0; i < length / 2; i++) + { + substr = str.substring(i, length - i); + if(substr.startsWith(""bread"") && initialposition==-1) + { + initialposition = i + 5; + } + if(substr.endsWith(""bread"") && finalposition==-1) + { + finalposition = length - i - 5; + } + } + if(initialposition < finalposition) + return str.substring(initialposition, finalposition); + else + return """"; +} +" +9d7f9f8c0c2877e8a220a8152e74f53a35cc2676,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i + 5 < str.length(); i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i; + } + else + { + lastBread = i; + } + } + } + if (lastBread != -1) + { + return str.substring(firstBread + 5, lastBread - 1); + } + + return """"; +} +" +80b73efd7971392d16c31fd4493b0c06fe63d6c2,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i + 5 < str.length(); i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i; + } + else + { + lastBread = i; + } + } + } + if (lastBread != -1) + { + return str.substring(firstBread + 5, lastBread); + } + + return """"; +} +" +126da82a04790f2fef35f09ae804102a0c634c36,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i + 4 < str.length(); i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + if (firstBread == -1) + { + firstBread = i; + } + else + { + lastBread = i; + } + } + } + if (lastBread != -1) + { + return str.substring(firstBread + 5, lastBread); + } + + return """"; +} +" +9e4997bd65913fcc86fdc39ed3c2c795a7a85bb4,"public String getSandwich(String str) +{ + if(word.startsWith('bread')) + { + int x = str.length(); + value = str.substring(5, x-5); + return value + + } + +} +" +bed2f5f5a2c197b8e1f0de791f27aee9e4f47c9e,"public String getSandwich(String str) +{ + if(word.startsWith('bread')) + { + int x = str.length(); + value = str.substring(5, x-5); + return value; + + } + +} +" +5d1cbbe6a2c5e3a83ff69cea634d3cd8cd83fdb6,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +761621313719810c539829ef72a791c9940480db,"public String getSandwich(String str) +{ + return (substring(indexOf(""bread"") + 5, indexOf(""bread"", 6))); +} +" +3df034225e7c1c4d295f41343234f93f2d6f093a,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int j = str.lastIndexOf(""bread""); + return str.substring(i,j); +} +" +2124583fb10608eeba345966ef4e4b700eedb635,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) + return """"; + return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +b0535e0c9d076c3897b6fe7e5476fccb6a78a13f,"public String getSandwich(String str) +{ + if( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + int x = str.length(); + value = str.substring(5, x-5); + return value; + + } + +} +" +c2ae916779234d05c3c265e94892fd6f1d9c1148,"public String getSandwich(String str) +{ + return (substring(str.indexOf(""bread"") + 5, str.indexOf(""bread"", 6))); +} +" +9ef9fbd99a04f48d61812fb94300ce8c551fd517,"public String getSandwich(String str) +{ + if( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + int x = str.length(); + String value = str.substring(5, x-5); + return value; + + } + +} +" +9bf66b6052ecc1a34ea7618e8741c2dfc29b69e3,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int j = str.lastIndexOf(""bread""); + return str.substring(i+5,j); +} +" +b03eef7a1a9cdba01528180b39e6c40008821c6d,"public String getSandwich(String str) +{ + if( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + int x = str.length(); + String value = str.substring(5, x-5); + return value; + + } + + else + { + return + } + +} +" +4bcda46fd88456c859a6aafde114c71dadbab6cc,"public String getSandwich(String str) +{ + if( str.startsWith(""bread"") && str.endsWith(""bread"") ) + { + int x = str.length(); + String value = str.substring(5, x-5); + return value; + + } + + else + { + return """"; + } + +} +" +0e259ee3d80a8eb6f0e03b8733a6e9c93ad83de8,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int j = str.lastIndexOf(""bread""); + if(i < str.length() + 5) + { + return str.substring(i+5,j); + } + else + return """" +} +" +5f12ba72fe44cc3ab73ac71913b7df07e4d70906,"public String getSandwich(String str) +{ + String s = str; + if (str.length()>=2) + { + s==s.substring(2, str.length()); + } + return s; +} +" +36baf7fba3950f06344b1fbe7cfbe895e6b85c7a,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int j = str.lastIndexOf(""bread""); + if(i < str.length() + 5) + { + return str.substring(i+5,j); + } + else + return """"; +} +" +9214cfc4bb5dfec02ba6f8e291689f543f62d546,"public String getSandwich(String str) +{ + int bread1= str.indexOf(""bread""); + int bread2= 0; + for(int i=str.length()-1;i>=0;i--){ + if(str.charAt(i)=='d'&&str.charAt(i-1)=='a'&&str.charAt(i-2)=='e'&&str.charAt(i-3)=='r'&&str.charAt(i-4)=='b'){ + bread2 = i-4; + if(bread1!=bread2) + return str.substring(bread1+5,bread2); + } + } + return """"; + +} +" +cb2189ae30650c98e43139fec77e6c893180ed6c,"public String getSandwich(String str) +{ + return str.remove(""bread""); +} +" +a9559ab9c8ac5f50c7b87fcfc39d799ceb31881a,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int j = str.lastIndexOf(""bread""); + if(i + 5 < str.length()) + { + return str.substring(i+5,j); + } + else + return """"; +} +" +0b43ad71e67beaa901a6043448107b606de00276,"public String getSandwich(String str) +{ + String s = str; + if (str.length()>=2) + { + s==s.substring(2, str.length()); + } + else + { + s==""""; + } + return s; +} +" +27c3da5965bd5c24b0fbf3eb3658533f25b92132,"public String getSandwich(String str) +{ + int countr = StringUtils.countMatches(str, ""bread""); +} +" +7b85b2a56897bac98a3a2bd8623ce437d7225d35,"public String getSandwich(String str) +{ + public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +} +" +d7e7343898dddbcd87e80b3c4051ba7089648775,"public String getSandwich(String str) +{ + if (str.startsWith(String Bread)) +} +" +481ab4299d8da6754796e63ef6ee50c9119cb078,"public String getSandwich(String str) +{ + return str.remove(""bread""); +} +" +eb2f41fed64b289c879712b1bcf12b6c2712970f,"public String getSandwich(String str) +{ + int f = 0; + int l = 0; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if (first !=0 && last != 0 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +45fa6cb6f6a8fcd871f9e8226ef58c941d4dbc7f,"public String getSandwich(String str) +{ + return str.remove(""bread""); +} +" +dc7d80494ff0d2f551e994a6db087d010efb19ef,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +3ad76aaa40534b272292c9cc1e5e6239dcef686c,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +c1b999a0f6b05b0656015e9c03b52e88612523df,"public String getSandwich(String str) +{ + int first = 0; + int last = 0; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if (first !=0 && last != 0 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +9cc3017b80d73dfb50f80a79ea0e931af0235f7c,"public String getSandwich(String str) +{ + String s = str; + if (str.length()>=2) + { + s=s.substring(2, str.length()); + } + else + { + s=""""; + } + return s; +} +" +37154e44cbdfa7ee07e484f9af44dd7b03b1443e,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int j = str.lastIndexOf(""bread""); + if ( i + 10 < str.length() ) + { + return str.substring(i+5,j); + } + else + return """"; +} +" +b65d1cd5d7e3aef8ca4c68f721fb04b4337ae380,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +1c2bd68737c72fa60f4c92fff7a7641ed8f96834,"public String getSandwich(String str) +{ + String s = str; + if (str.length()>=2) + { + s=s.substring(2, str.length()-1); + } + else + { + s=""""; + } + return s; +} +" +bcd8e0f251a1fc6e5d1904d727b283f635a058cf,"public String getSandwich(String str) +{ + return str.replaceAll(""bread"", """"); +} +" +1caa487c385f270e783a2de5b751d6261a327882,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf('bread')); + int breadEnd = (str.lastIndexOf('bread')); + if (breadEnd == 0) + { + return """"; + } + else + { + return (str.substring(breadStart, breadEnd)); + } +} +" +928dc5a8a78b2d02f04ef5801812298005e25bbe,"public String getSandwich(String str) +{ + String result = """"; + String bread = ""bread""; + + int front = str.indexOf(bread); + int back = str.lastIndexOf(bread); + + if (str.length() > 10 ) { + result = str.substring(front +5, back); + } + return result; +} +" +e04c01a06803616903074a88dcb8c1f5e3dbe53b,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf('bread', 0)); + int breadEnd = (str.lastIndexOf('bread', 5)); + if (breadEnd == 0) + { + return """"; + } + else + { + return (str.substring(breadStart, breadEnd)); + } +} +" +e5c3b9b52bc371ca4cd8132d877436f68d93c692,"public String getSandwich(String str) +{ + String s = str; + if (s.substring(1, 5) && s.substring(s.length()-5, s.length())) + { + s=s.substring(6, str.length()-5); + } + else + { + s=""""; + } + return s; +} +" +bbcb3822f642f7b92d23bc5e59dd614cb4296f44,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf(""bread"", 0)); + int breadEnd = (str.lastIndexOf(""bread"", 5)); + if (breadEnd == 0) + { + return """"; + } + else + { + return (str.substring(breadStart, breadEnd)); + } +} +" +63fd7706c7b81e4875fd28fc8eb7bc11eefddf7d,"public String getSandwich(String str) +{ + String s = str; + if (s.substring(1, 5)==""bread"" && s.substring(s.length()-5, s.length())==""bread"") + { + s=s.substring(6, str.length()-5); + } + else + { + s=""""; + } + return s; +} +" +77f8c8b918e7dc8b1c6929b28d778c7a650d1912,"public String getSandwich(String str) +{ + String s = str; + if (s.substring(1, 5)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(6, str.length()-5); + } + else + { + s=""""; + } + return s; +} +" +4c5185f17c7c54d4ac2ad8237bb54f2819068687,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf(""bread""); + int breadEnd = (str.lastIndexOf(""bread""); + if (breadEnd == 0) + { + return """"; + } + else + { + return (str.substring(breadStart, breadEnd)); + } +} +" +5dc1041f49200453888f3185d99adb0c1a224042,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"").equals(str.lastIndexOf(""bread"")) + { + return """"; + } +} else + { + return str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + } +" +32479c67fa5e474845b20f5a53c3b703ba62db6c,"public String getSandwich(String str) +{ + return (str.split(""bread"").get(0)); +} +" +b024437ed80e028c8bf58a9ddad71965b00bb5ef,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf(""bread"")); + int breadEnd = (str.lastIndexOf(""bread"")); + if (breadEnd == 0) + { + return """"; + } + else + { + return (str.substring(breadStart, breadEnd)); + } +} +" +6ce43b425c2fda32ec607812c8ab52a7c02c8449,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"").equals((str.lastIndexOf(""bread""))) + { + return """"; + } +} else + { + return str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + } +" +8a7b37c72faee861824cb4ca58a0e2e1e5146a21,"public String getSandwich(String str) +{ + return (str.split(""bread"")); +} +" +af400110d040722cad4d7a1868841f581cc4ff73,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf(""bread"")); + int breadEnd = (str.lastIndexOf(""bread"")); + if ((breadEnd-breadStart) == 0) + { + return """"; + } + else + { + return (str.substring(breadStart, breadEnd)); + } +} +" +0e175b4ba091abdbcb72d8f5f1cc4c8da528e8ec,"public String getSandwich(String str) +{ + if (str.indexOf(""bread"") == (str.lastIndexOf(""bread"")) + { + return """"; + } +} else + { + return str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + } +" +81bfc9ff04c241f9c2a7725448747906b4a5d290,"public String getSandwich(String str) +{ + String s = str; + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(6, str.length()-5); + } + else + { + s=""""; + } + return s; +} +" +7d579f146e7c8a32a3c9ab023e24bc7d6057a1d4,"public String getSandwich(String str) +{ + String s = str; + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(5, str.length()-5); + } + else + { + s=""""; + } + return s; +} +" +7045ab9944e46bf4311c6da062a899a110941aee,"public String getSandwich(String str) +{ + String s = str; + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-5, s.length())==""bread"") + { + s=s.substring(5, str.length()-5); + } + else + { + s=""""; + } + return s; +} +" +0cadd47ac1b2c6d9118f58180204a4f6e22d9ecb,"public String getSandwich(String str) +{ + int breadStart = (str.indexOf(""bread"")); + int breadEnd = (str.lastIndexOf(""bread"")); + if ((breadEnd-breadStart) == 0) + { + return """"; + } + else + { + return (str.substring((breadStart+1), (breadEnd-5))); + } +} +" +31b68748e96998b28ed80397883cd02949e2a77f,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>5){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-5, s.length())==""bread"") + { + s=s.substring(5, str.length()-5); + } + else + { + s=""""; + } + } + return s; +} +" +a49d076be06cc0c2efc2afcb98105bff3e9197fc,"public String getSandwich(String str) +{ + return (str.split(""bread"").get(0)); +} +" +55011365d14c005c22ed6217a7ae2373f60559e3,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +573223123241f538da9e1eee1f4291b182bf8009,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"") == str.lastIndexOf(""bread"")) return """"; +} +" +93f81309412ef6ebd198956b8b3d9029fdfd3f6a,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(4, (str.length()-4)); + } + else + { + return """"; + } +} +" +9e43898f093dd22806ee424721d3593b6e04c1b3,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + for (int i = str.length() - 5; i >= 0; i--) { + if (str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + return """"; +} +" +d2912b81458154dc8420f02bc900a4b72775492c,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"") == str.lastIndexOf(""bread"")) return """"; + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); +} +" +c07912c9a0343dbbf21128fdfab181fcf6adedfa,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); +} +" +66576acadd385f4b46e7cb908cbfbc5f145d85bf,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"") == str.lastIndexOf(""bread"")) + { + return """"; + } + return (str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread""))); +} +" +80e90273277b70da6bd79d49fd2c64d37ec3af9a,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, (str.length()-5)); + } + else + { + return """"; + } +} +" +4e2ae28dbe912332af91b4ecdaec980432f6b403,"public String getSandwich(String str) +{ + String[] a = str.split(""bread""); + System.out.println(a); +} +" +295110f43f3d65dec18c7335b7613ae19a888f6e,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, (str.length()-5)); + } + else + { + return """"; + } +} +" +e0edb7056384dd8c46f35f58365fdfe614874d17,"public String getSandwich(String str) +{ + String returnStr = """"; + String tempStr = """"; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + + if (str.length() > 10) + { + + for (i = 0; i < str.length() - 4; i++) + { + tempStr = str.substring(i, i + 4); + + if (tempStr.equals(""bread"") && firstBread == true) + { + endStr = i; + } + + if (tempStr.equals(""bread"") && firstBread == false) + { + startStr = i + 5; + } + } + } + + returnStr = str.substring(startStr, endStr); + return returnStr; +} +" +4af6b3e937b4799af5e76f404edc84ab2e98163c,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +0f5ed63db62ed34780c6b49098e1f8039318c48f,"public String getSandwich(String str) +{ + String returnStr = """"; + String tempStr = """"; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + + if (str.length() > 10) + { + + for (int i = 0; i < str.length() - 4; i++) + { + tempStr = str.substring(i, i + 4); + + if (tempStr.equals(""bread"") && firstBread == true) + { + endStr = i; + } + + if (tempStr.equals(""bread"") && firstBread == false) + { + startStr = i + 5; + } + } + } + + returnStr = str.substring(startStr, endStr); + return returnStr; +} +" +6427a2e3ed38a8bd2347fbeff3d496eadafc9a03,"public String getSandwich(String str) +{ + return (str.split(""bread"")[0]); +} +" +4c303fcbaf35c94490878477264811ce094e4c52,"public String getSandwich(String str) +{ + String returnStr = """"; + String tempStr = """"; + int startStr = 0; + int endStr = 0; + boolean firstBread = true; + + if (str.length() > 10) + { + + for (int i = 0; i < str.length() - 4; i++) + { + tempStr = str.substring(i, i + 4); + + if (tempStr.equals(""bread"") && firstBread == true) + { + endStr = i; + } + + if (tempStr.equals(""bread"") && firstBread == false) + { + startStr = i + 5; + firstBread = false; + } + } + } + + returnStr = str.substring(startStr, endStr); + return returnStr; +} +" +cded44109e7ee26f808c058e0d2ae58acdb50b7b,"public String getSandwich(String str) +{ + return (str.split(""bread"")[1]); +} +" +688e267d57f02e66eaa94a49a4d56b9cc2a4ccfc,"public String getSandwich(String str) +{ + String returnStr = """"; + String tempStr = """"; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + + if (str.length() > 10) + { + + for (int i = 0; i < str.length() - 4; i++) + { + tempStr = str.substring(i, i + 4); + + if (tempStr.equals(""bread"") && firstBread == true) + { + endStr = i; + } + + if (tempStr.equals(""bread"") && firstBread == false) + { + startStr = i + 5; + firstBread = true; + } + } + } + + returnStr = str.substring(startStr, endStr); + return returnStr; +} +" +78234aa4a3488968f0412f65eab98ba92ac65fc7,"public String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + something = str(5, -5); + } + else + { + something = """"; + } +} +" +25129486aeea395e13e117d5063ebad67ed22545,"public String getSandwich(String str) +{ + int first piece = -1 + int last piece = -1 + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + first piece = i; + break; + } + } + + for (int i = str.length() - 3, i >= 0; i--) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + last piece = i; + break; + } + } + + if (first piece != -1 && last piece != -1 && first piece != last piece) + return(str.substring(first piece + 3, last piece); + + return """"; +} +" +5ba2c8f34cf6a0e0d7f2d70428dfc9b0683340ec,"public String getSandwich(String str) +{ + int first piece = -1; + int last piece = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + first piece = i; + break; + } + } + + for (int i = str.length() - 3, i >= 0; i--) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + last piece = i; + break; + } + } + + if (first piece != -1 && last piece != -1 && first piece != last piece) + return(str.substring(first piece + 3, last piece); + + return """"; +} +" +59830131848a5db8b1347a8615a45ab87bbdde28,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + first piece = i; + break; + } + } + + for (int i = str.length() - 3, i >= 0; i--) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + last piece = i; + break; + } + } + + if (first piece != -1 && last piece != -1 && first piece != last piece) + return(str.substring(first piece + 3, last piece); + + return """"; +} +" +e188818c6649c2fe6599f77b7700507b1740088c,"public String getSandwich(String str) +{ + String returnStr = """"; + String tempStr = """"; + int startStr = 0; + int endStr = 0; + boolean firstBread = false; + + if (str.length() > 10) + { + + for (int i = 0; i < str.length() - 4; i++) + { + tempStr = str.substring(i, i + 5); + + if (tempStr.equals(""bread"") && firstBread == true) + { + endStr = i; + } + + if (tempStr.equals(""bread"") && firstBread == false) + { + startStr = i + 5; + firstBread = true; + } + } + } + + returnStr = str.substring(startStr, endStr); + return returnStr; +} +" +c419456ffa55fd661321bf4ed6962a20bf936425,"public String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + something = str.substring(5, -5); + } + else + { + something = """"; + } +} +" +f004d0ab86434aa98c9d4017a08fbe27eeb9fb1e,"public String getSandwich(String str) +{ + int firstpiece = -1; + int lastpiece = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + firstpiece = i; + break; + } + } + + for (int i = str.length() - 3, i >= 0; i--) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + lastpiece = i; + break; + } + } + + if (firstpiece != -1 && lastpiece != -1 && firstpiece != lastpiece) + return(str.substring(firstpiece + 3, lastpiece); + + return """"; +} +" +e429e58269610cc91bc675aae9476535a23d8c6e,"public String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + something = str.substring(5, -5); + } + else + { + something = """"; + } + return something; +} +" +25a54a83b221c43b29a506ac7f89bb57dd550850,"public String getSandwich(String str) +{ + int firstpiece = -1; + int lastpiece = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + firstpiece = i; + break; + } + } + + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + lastpiece = i; + break; + } + } + + if (firstpiece != -1 && lastpiece != -1 && firstpiece != lastpiece) + return(str.substring(firstpiece + 3, lastpiece); + + return """"; +} +" +5de06fff2465ce32ddc6ccbbacdc262c69d95ee4,"public String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + something = str.substring(5, -5); + } + else + { + something = """"; + } + return something; +} +" +3a30c4a54022b6af371f186c68f08eb0be1cb9cd,"public String something; + +public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + something = str.substring(5, -5); + } + else + { + something = """"; + } + return something; +} +" +e6667fb19309a65667fc080eec7de9798fae140f,"public String getSandwich(String str) +{ + int firstpiece = -1; + int lastpiece = -1; + + for (int i = 0; i < str.length() - 3; i++) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + firstpiece = i; + break; + } + } + + for (int i = str.length() - 3; i >= 0; i--) + { + if (str.substring(i, i + 3).equals(""bread"")) + { + lastpiece = i; + break; + } + } + + if (firstpiece != -1 && lastpiece != -1 && firstpiece != lastpiece) + return str.substring(firstpiece + 3, lastpiece); + + return """"; +} +" +f52d976b01fe5d5cfd0bab998bc7f56e157ef986,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +3277222f7dc9255b011599014b579f0e4326d954,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, (str.length()-5)); + } + else if (str == ""xxbreadjambreadyy"") + { + return ""jam""; + } + else if (str == ""xxbreadbreadjambreadyy"") + { + return ""breadjam""; + } + else if (str == ""breaxbreadybread"") + { + return ""y""; + } + else + { + return """"; + } +} +" +98f582428e987d223f35838d282568cab697baa8,"public String getSandwich(String str) +{ + int firstpiece = -1; + int lastpiece = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + firstpiece = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + lastpiece = i; + break; + } + } + + if(firstpiece != -1 && lastpiece != -1 && firstpiece != lastpiece) + return str.substring(first[iece + 5, lastpiece); + + return """"; +} +" +3c82901438c1efebfef6dff348ca183508836e30,"public String getSandwich(String str) +{ + int firstpiece = -1; + int lastpiece = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + firstpiece = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + lastpiece = i; + break; + } + } + + if(firstpiece != -1 && lastpiece != -1 && firstpiece != lastpiece) + return str.substring(firstpiece + 5, lastpiece); + + return """"; +} +" +40d1a30118717da635b4841832b582a2df1b9ccb,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + + return str.substring(5, str.length() - 6); + } + return """"; +} +" +f0e93bb147f188cb7d76e57facc84f776dab451b,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); +int y = str.lastIndexOf(""bread""); +String sw = new String(); +if (x >= 0 && y > 0 && x != y){ +sw = str.substring(fb + 5,y); +} +return sw; +} +} +" +5388263cfd512f532021b2ef4f305a2203cdc7b7,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int lastind = str.lastIndexOf(""bread""); + if((lastind != -1) && (ind != lastind)) + return (str.substring(ind+5, lastind)); + return """"; + +} +" +7b93b1aea63d8e3444ddd757a7b2c47bdfb552c6,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); +int y = str.lastIndexOf(""bread""); +String sw = new String(); +if (x >= 0 && y > 0 && x != y){ +sw = str.substring(x + 5,y); +} +return sw; +} +} +" +7e9f1c052929b64fdb5684663ce1d70cc57bc618,"public String getSandwich(String str) +{ + int x = str.indexOf(""bread""); +int y = str.lastIndexOf(""bread""); +String sw = new String(); +if (x >= 0 && y > 0 && x != y){ +sw = str.substring(x + 5,y); +} +return sw; +} + +" +3d85d96720e01a5c73855cbfaaa8fbf43f45f894,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +6eae70fb9ae54ec6a277f02dc219de3e53a5c4bf,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + + return str.substring(5, str.length() - 5); + } + return """"; +} +" +2a9b3a6a970d4a64302126523126a54f04788220,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +a27d59821d75ebfb60021c8efdbf270bd160f578,"public String getSandwich(String str) +{ + int length = str.length(); + String tempString = """"; + String finalString = """"; + int start = 0; + int end = 0; + boolean found = false; + + if (length <= 10) + return """"; + for (int i = 0; i < length - 4; i++) + { + tempString = str.substring(i, i + 5); + if (tempString.equals(""bread"" && found == true) + { + end = i; + } + if (tempString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + } + finalString = str.substring(start, end); + return finalstring; + +} +" +523853d19801de91bed73392ff76f4980f0d7026,"public String getSandwich(String str) +{ + int length = str.length(); + String tempString = """"; + String finalString = """"; + int start = 0; + int end = 0; + boolean found = false; + + if (length <= 10) + return """"; + for (int i = 0; i < length - 4; i++) + { + tempString = str.substring(i, i + 5); + if (tempString.equals(""bread"" && found == true)) + { + end = i; + } + if (tempString.equals(""bread"") && found == false) + { + start = i + 5; + found = true; + } + } + finalString = str.substring(start, end); + return finalstring; + +} +" +4b8639074cd9b398b6a3a68ec74b33ae6d18c6f6,"public String getSandwich(String str) +{ + int length = str.length(); + String tempString = """"; + String finalString = """"; + int start = 0; + int end = 0; + boolean found = false; + + if (length <= 10) + return """"; + for (int i = 0; i < length - 4; i++) + { + tempString = str.substring(i, i + 5); + if (tempString.equals(""bread"" && found == true)) + + end = i; + + if (tempString.equals(""bread"") && found == false) + + start = i + 5; + found = true; + + } + finalString = str.substring(start, end); + return finalstring; + +} +" +de122b38737324a64e6d221c5a8718eba9d0a6c0,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; + } +} +" +6535724a91f2e2277f7cd863fb3a91a03fd14918,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; +} +" +d2b98918d729b9fbc7c6deb1183595435f10093a,"public String getSandwich(String str) +{ + if (str.startsAt(0, 5) == 'bread') + { + if (str.endsWith() == 'bread') + { + return true; + } + } + } + return false; +} +" +59a4082b88f634fa95d2abdc6dcbbb7d858e8e1d,"public String getSandwich(String str) +{ + + if (str.indexOf(""bread"") != -1 ) + { + if (str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + + return str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + } + } + return """"; +} +" +dcd1a503478c39fa786c997dbea511d4aebea671,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(5, -5) + } + return """" +} +" +ad5ca3224340459f7d43b18679d0296aa58a0b96,"public String getSandwich(String str) +{ + if (str.startsAt(""bread"") = true) + { + if (str.endsWith(""bread"") = true) + { + return true; + } + } + } + return false; +} +" +fc30965866aa1e4dcbf9459b2c9020754628c915,"public String getSandwich(String str) +{ + if (str.startsWith(bread) && str.endsWith(bread)) + { + return str.substring(5, -5); + } + return """"; +} +" +a7561b6fba4ea2dd6123679348d1717f037cc561,"public String getSandwich(String str) +{ + if (str.startsAt(""bread"") = true) + { + if (str.endsWith(""bread"") = true) + { + return true; + } + } + + return false; +} +" +ec02eb95f7bef4fe1d5076847d499b59c36bd1c1,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") = true) + { + if (str.endsWith(""bread"") = true) + { + return true; + } + } + + return false; +} +" +b1a98af4432343afabb2431da8e8f77e9583e28f,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"")) + { + if (str.endsWith(""bread"")) + { + return true; + } + } + + return false; +} +" +11c3bce69cf42b61b310fc3cf8db43e87a66c081,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +d57e2b601c3f0443c12c92c458724d9461c9f116,"public static String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +c5d592f02a6fa260e31343cf562cde71e6c47de8,"public static String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +77fd042c9cceb2f06d6bcc64366bf24878eec6de,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; +} +" +bd8fbf77510e7f7ef79019ccf01bbd50aa1e0bb9,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } +} +" +6c899678c6252755edeb40d8aed25cf7152bdb8b,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } +} +" +92931e9a8bdcb20edd84a18e0482dc4dfebb2c85,"public String getSandwich(String str) +{ + int length = str.lenght() - 1; + if (str.startsWith(""bread"")) + { + if (str.endsWith(""bread"")) + { + String sand = str.substring(5, length - 4); + return sand; + } + } + else + { + return """"; + } +} +" +090c340bbb9228fed035cf4da7d4a5de954c8fa1,"public String getSandwich(String str) +{ + int length = str.length() - 1; + if (str.startsWith(""bread"")) + { + if (str.endsWith(""bread"")) + { + String sand = str.substring(5, length - 4); + return sand; + } + } + else + { + return """"; + } +} +" +65883be85a682cc0e2e9163f6394a36f37c67522,"public String getSandwich(String str) +{ + int length = str.length() - 1; + if (str.startsWith(""bread"")) + { + if (str.endsWith(""bread"")) + { + String sand = str.substring(5, length - 4); + return sand; + } + } + else + { + return """"; + } + return; +} +" +ba60249e0d0c4a138209535a757c0c88ef67b9b2,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +4561409ec855d47ae6909a89db0eae9365642d9a,"public String getSandwich(String str) +{ + int length = str.length() - 1; + if (str.startsWith(""bread"")) + { + if (str.endsWith(""bread"")) + { + String sand = str.substring(5, length - 4); + return sand; + } + } + else + { + return """"; + } + return""""; +} +" +48bb9566c8e5eb3e2df71cb1a895fddbca7de212,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if ((bread 2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread 2)); + } + return """"; +} +" +945487a79bc47b44ce9e5e187cd59da551f7894f,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if ((bread 2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread 2)); + } + return """"; +} +" +dc078462becbc0718dc92610347dac203ad133e0,"public String getSandwich(String str) +{ + return (str.substring(indexOf(""bread""), lastIndexOd(""bread""))); +} +" +961599da4a5987534ef933849c44dc0f5ef75667,"public String getSandwich(String str) +{int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; + + +} +" +4cf9278ecaa2b3b0f9da54c9b3d34385a1b15816,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; + + +} +" +8fcc4684e26c0b80bb65232eba71a86a4b2b69af,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +f3bae6eedc9f3b53272402f5b7b1f6276fd8f70d,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 5, last); + if (first != last && first != -1 && last != -1) + { + return middle; + } + else + { + return """"; + } +} +" +e53e20c5ffdfa00aad348e80a486a6920b462d35,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; + +} +" +257ba19dddbc457ad7a58e9a995c89916cf65f01,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if ((bread2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread 2)); + } + return """"; +} +" +aff3b6bce67c28a9fd19998621d4cb959065814a,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + String middle = str.substring(first + 4, last); + if (first != last && first != -1 && last != -1) + { + return middle; + } + else + { + return """"; + } +} +" +a0b38977128ccaaebeb97440a8b2edd564b09a83,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if ((bread2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread2)); + } + return """"; +} +" +4c266a47b519f6dfbca88abcfa976ceb3be42c5f,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if ((bread2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread2)); + } + return """"; +} +" +6030204d77cca1b74461b9d925d57aaac33444be,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first != last && first != -1 && last != -1) + { + String middle = str.substring(first + 5, last); + return middle; + } + else + { + return """"; + } +} +" +049fd3a4d31b798d4cd19f0d39d3c93704afe7ab,"public String getSandwich(String str) { +02 + int len = str.length(); +03 + String tmpString = """"; +04 + String finalString = """"; +05 + int start = 0; +06 + int finish = 0; +07 + boolean found = false; +08 + +09 + if (len <= 10) +10 + return """"; +11 + +12 + for (int i = 0; i < len - 4; i++) { +13 + tmpString = str.substring(i, i+5); +14 + +15 + if (tmpString.equals(""bread"") && found == true) +16 + finish = i; +17 + +18 + if (tmpString.equals(""bread"") && found == false) { +19 + start = i+5; +20 + found = true; +21 + } +22 + } +23 + +24 + finalString = str.substring(start,finish); +25 + return finalString; +26 +}" +d98db8c7bb561d17209f7aad1d271da1339f3632,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if ((bread2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread2)); + } + else + { + return """"; + } +} +" +1205eab2e2fba49dc12f547b8d175f090f716ff9,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; +} +" +9058416fdb1e472b6f937a7a9c311ada50a98303,"public String getSandwich(String str) { + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + + finalString = str.substring(start,finish); + return finalString; +} +" +94db32219018f4123a3daa1ef2e425cd58625f89,"public static String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +}" +ba0b4eecbc4bd8e019e0eba20ff692d98ae058ca,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread"") + int last = str.lastIndexOf(""bread"") + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first+5, last); + } + return """"; +} +" +d5b32b2bcaa69a9a5d50167e04420e6eed718c9a,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first+5, last); + } + return """"; +} +" +d94ecbe573c24c0b9d930f910dd984e811b11c2f,"public String getSandwich(String str) +{ +if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +5ac4ee50f0c190054b2c458dc4fd38f487e6403c,"public String getSandwich(String str) +{ + for (int a = 0; a < str.length()-4; a++) + { + String empty = """" + if (str.charAt(a) == 'b' && str.charAt(a+4) == 'd') + { + str = str.substring(a+5) + str.substring(a+2); + + } + else + { + return empty; + } + return str; +} +" +783cb00630d2b4ce8c7fc6ed17ba7afcf679eb14,"public String getSandwich(String str) +{ + string a = str.substring(indexOf(""bread""), lastIndexOd(""bread""))); +} +" +5cde02e77bc7514f3b19de860636fa35047b0829,"public String getSandwich(String str) +{ + for (int a = 0; a < str.length()-4; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+4) == 'd') + { + str = str.substring(a+5) + str.substring(a+2); + + } + else + { + return empty; + } + } + return str; +} +" +a2eca5735f55b1eda6f6c65be24371e790b23528,"public String getSandwich(String str) +{ + string a = str.substring(indexOf(""bread""), lastIndexOd(""bread"")); + return a; +} +" +8bdf67d023b85e8bb1311cf3f7bba826c1f4d2ae,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if(!(laind == -1 ))return (str.substring(ind+5,laind)) ; + return """"; +} +" +8ddd06295c12164b761687093ed6e14bbf7c56b1,"public String getSandwich(String str) +{ + String a = str.substring(indexOf(""bread""), lastIndexOd(""bread"")); + return a; +} +" +3ed28c948d58b331acd4fce382be279dc051bffe,"public String getSandwich(String str) +{ + for (int a = 0; a < str.length()-4; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+4) == 'd') + { + str = str.substring(a+5) + str.substring(a-1); + + } + else + { + return empty; + } + } + return str; +} +" +3aec89430c2a793d497e9bec6e535cceaafac2db,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +} +" +ecc77ea252404c7414dbc57d2d01c102efb18645,"public String getSandwich(String str) +{ + for (int a = 0; a < str.length()-4; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+4) == 'd') + { + str = str.substring(a+5) + + } + else + { + return empty; + } + } + return str; +} +" +2684a9e2e3b70ce6135de2dea75bfe1c3a6d75cd,"public String getSandwich(String str) +{ + for (int a = 0; a < str.length()-4; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+4) == 'd') + { + str = str.substring(a+5); + + } + else + { + return empty; + } + } + return str; +} +" +3d90c523cffb6a77abbe00e2d0cceface6abe103,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + //this defines the first and last appearance of ""bread"" + + if ((bread2 != -1) && (bread1 != bread2)) + { + return (str.substring(bread1 + 5, bread2)); + //returns the string that is in between the breads + } + else + { + return """"; + //returns """" because it is an empty string + } +} +" +4abcca54a3d7e1d364c0e2690e36336b34b22414,"public String getSandwich(String str) +{ + String a = str.substring(str.indexOf(""bread""), str.lastIndexOf(""bread"")); + return a; +} +" +b1ccdb5baab6f47fd3a9866e5e9fd3a1a51b78d0,"public String getSandwich(String str) +{ + for (int a = 0; a < str.length()-5; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+5) == 'd') + { + str = str.substring(a+5); + + } + else + { + return empty; + } + } + return str; +} +" +0ebd451bd7f1ba5eaaee7cc787359dde169abbc2,"public String getSandwich(String str) +{ + for (int i = 0 ; i < str.length() - 5 ; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = 0 ; i < str.length() - 5 ; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +8b55d64140d98b05042f9dad63b6f4155b0a52f9,"public String getSandwich(String str) { + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind != -1 ) && (ind!=laind)) + return (str.substring(ind+5,laind)) ; + return """"; +}" +27f2caf98e17642690789534cc76642c9a609624,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int i = 0 ; i < str.length() - 5 ; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = 0 ; i < str.length() - 5 ; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +ac627b7f251b4ae06f4fbd0dd71b95416e08a847,"public String getSandwich(String str) { + int firstPart = str.indexOf(""bread""); + int lastPart = str.lastIndexOf(""bread""); + if((lastPart != -1 ) && (firstPart!=lastPart)) + return (str.substring(ind+5,lastPart)) ; + return """"; +}" +5751db3148c8805ad9e482b9dedd7ade5357ba47,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + for (int i = 0 ; i < str.length() - 5 ; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + for (int i = 0 ; i < str.length() - 5 ; i++) + { + if(str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + else + { + return """"; + } +} +" +590dcd2c0ca516718245f54a948cf5be358b5f55,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +ed302d330bf02db164cb5fdb8fde987bfbd4588c,"public String getSandwich(String str) +{ + String a = str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + return a; +} +" +b84d80fc50e8845ddf78fcffb9a268bf48ea0c93,"public String getSandwich(String str) { + int firstPart = str.indexOf(""bread""); + int lastPart = str.lastIndexOf(""bread""); + if((lastPart != -1 ) && (firstPart!=lastPart)) + return (str.substring(ind+5,lastPart)) ; + return """"; +}" +6c57b9637bfc74247c08e165bcf086fc6c81c080,"public String getSandwich(String str) { + int firstPart = str.indexOf(""bread""); + int lastPart = str.lastIndexOf(""bread""); + if((lastPart != -1 ) && (firstPart!=lastPart)) + return (str.substring(firstPart+5,lastPart)) ; + return """"; +}" +a2cd4dd70b8f92942c9f3c1ea4caa60ba17db870,"public String getSandwich(String str) +{ + String bread1 = str.indexOf(bread); + +} +" +fc3f39afc4e71cbded940741e38bd3027d8b1b5a,"public String getSandwich(String str) +{ + String bread1 = str.indexOf(""bread""); + +} +" +b255d8676b3010bd04f26a9cbb74e062bbfdfd6f,"public String getSandwich(String str) +{ + String bread1 = str.indexOf(String bread); + +} +" +d6b7c184eeef575f7bcabdfba267ed961dd8613a,"public String getSandwich(String str) +{ + String s = ""bread""; + for(int i = 0; i < str.length(); i++) + { + if (str.substring(i, i+4).equals(s)) + { + for(int x = i+4; x= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + + +} +" +083b6e5070289cb89cdfe0caf3941056b5d75ef4,"public String getSandwich(String str) +{ + if(str.indexOf(""bread"") != -1 && str.indexOf(""bread"") != str.lastIndexOf(""bread"")) + { + String a = str.substring(str.indexOf(""bread"") + 5, str.lastIndexOf(""bread"")); + return a; + } + else + { + return(""""); + } +} +" +3c215dbac0e397709e5b33f0eec704c98639297a,"public String getSandwich(String str) +{ + if (str.endsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 4); + } + else + { + return """"; + } +} +" +2a3ca7a800e678c11d43cad5e8566841545dfe44,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread); + +} +" +ca52d5e1dc12d1451d3a1c010851642329a19e0c,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return str.substring(5, str.length() - 5); + } + else + { + return """"; + } +} +" +079f7a2c7931cebf96c77e645e1e7c21fcab019c,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + +} +" +d6c26c22e3fdec0d524d5f1caa1a46b111a2b175,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread); + +} +" +19ea0057703c11b835fa20e3589ecf642c6d5625,"public String getSandwich(String str) +{ + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + + if (firstIndex != lastIndex && firstIndex != -1 + && lastIndex != -1) { + String finalString = str.substring(firstIndex + 5, lastIndex); + } + // return empty string + return """"; +} +" +322f15898011dcc119cf65ea8664778a9b62cc71,"public String getSandwich(String str) +{ + int firstIndex = str.indexOf(""bread""); + int lastIndex = str.lastIndexOf(""bread""); + + if (firstIndex != lastIndex && firstIndex != -1 + && lastIndex != -1) { + String finalString = str.substring(firstIndex + 5, lastIndex); + return finalString; + } + // return empty string + return """"; +} +" +828ba53a7a32b1dc8a081297de9588a2460976fd,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread); + + if (str.length() <= 10) + { + return """"; + } + + else { + return(str.substring(bread1 + 5, bread2); + } +} +" +0ce485d6a75c055ee73e978dccb4ded3f598a190,"{public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""outsidebread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""outsidebread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +} +" +fac442c3088a69b27f432f60ec892811f46d6d05,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if (str.length() < 10) return """"; + + return(str.substring(bread1 + 5, bread2); + +} +" +404bf7c97239feeef99c60aa957df2daea177abb,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""outsidebread"")) + { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""outsidebread"")) + { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} + +" +2a61000cf04ae0364ad90365bad0d5507c4ab783,"public String getSandwich(String str) +{ + int bread1 = str.indexOf(""bread""); + int bread2 = str.lastIndexOf(""bread""); + + if (str.length() < 10) return """"; + + return(str.substring(bread1 + 5, bread2)); + +} +" +d869ec6451564811a0d1418f9f1e4edf682c1c37,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +85e4ddfc1113b85c9525883dbfd53d946407cfc5,"public String getSandwich(String str) { +7 int first = -1; +8 int last = -1; +9 +10 for(int i = 0; i < str.length() - 5; i++) { +11 if(str.substring(i, i + 5).equals(""bread"")) { +12 first = i; +13 break; +14 } +15 } +16 +17 for(int i = str.length() - 5; i >= 0; i--) { +18 if(str.substring(i, i + 5).equals(""bread"")) { +19 last = i; +20 break; +21 } +22 } +23 +24 if(first != -1 && last != -1 && first != last) +25 return str.substring(first + 5, last); +26 +27 return """"; +28 } +" +f1d5db0a44b2268c4a741a9239557155b9fd1b66,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + firstBread = i; + i = str.length(); + } + } + for (int j = str.length() - 5; j > 0; j--) + { + if (str.substring(j, j+5).equals(""bread"")) + { + lastBread = j; + j = 0; + } + } + if(firstBread != -1 && lastBread != -1 && firstBread != lastBread) + return str.substring(firstBread + 5, lastBread); +} +" +51d726f3ba7d0bdf6df41f275be7d3e5ae0b21ed,"public String getSandwich(String str) +{ + int firstBread = -1; + int lastBread = -1; + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i+5).equals(""bread"")) + { + firstBread = i; + i = str.length(); + } + } + for (int j = str.length() - 5; j > 0; j--) + { + if (str.substring(j, j+5).equals(""bread"")) + { + lastBread = j; + j = 0; + } + } + if(firstBread != -1 && lastBread != -1 && firstBread != lastBread) + return str.substring(firstBread + 5, lastBread); + return """"; +} +" +c10c38499124e2c4979cc68f87d2d6132a173b38,"public String getSandwich(String str) + +{ +if(str.indexOf(""bread"")==str.lastIndexOf(""bread"")) return """"; +return(str.substring(str.indexOf(""bread"")+5,str.lastIndexOf(""bread""))); +} +" +01c9474618b86eccb127910b434ccb568537c39e,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""outside"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""outside"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +8a4da16f582c6e575a4e4e3546a163d01092b727,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""breas"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +67b4dda984f3b1cec6b7098ac3bd9669a94be8c5,"public String getSandwich(String str) { + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""breas"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +8dea48acaacc2794f62e549b276293a620e58b50,"public String getSandwich(String str) +{ + String res = """"; + String br = ""bread""; + for (int i=0; i= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +}" +ef7640d5743c3ade35937995087f9d5e52c20c13," +public String getSandwich(String str) { + + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + + + if (len <= 10) + + return """"; + + + + for (int i = 0; i < len - 4; i++) { + + tmpString = str.substring(i, i+5); + + + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + + } + + + + finalString = str.substring(start,finish); + + return finalString; + +} +" +8653806c355f6288ec6926cd7d9c18bc9b54ad57,"public String getSandwich(String str) +{ + String res = """"; + String br = ""bread""; + for (int i=0; i5){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(5, str.length()-5); + } + else + { + s=""""; + } + } + return s; +} +" +1d4b761d57d77ad4967dfa8d422e3c39ed8c29f0,"public String getSandwich(String str) +{ + String res = """"; + String br = ""bread""; + for (int i=0; i5){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +497fb3e86efe0a0fbcb63bc3901321fd4ba34a50,"public String getSandwich(String str) +{ + int a = str.indexOf(""bread""); + int b = str.lastIndexOf(""bread""); + if(a != -1 && b != -1 && a != b) + return str.substring(a+5, b); + return """"; +} +" +3f06f7ae1fbd13438079ea6a4c0017b0ffb084e2,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>9){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-5, s.length())==""bread"") + { + s=s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +0b6dfb1f07d038842d135bde2602c6187dbc4897,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>9){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s==s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +fe0adcade1c7f8a5093e2c59151286fa1c423601,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>9){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +5076832e0299ee7e2515d2a9bb92cb547b3ba212,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>9){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-5, s.length())==""bread"") + { + s=s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +3b1dd0fa3b85e4938a39fe8e859b310782c963a1,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>9){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-6, s.length())==""bread"") + { + s=s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +ccf40b30583895203b3f28b59f469589ce96cf90,"public String getSandwich(String str) +{ + String s = str; + if (s.length()>5){ + if (s.substring(0, 4)==""bread"" && s.substring(s.length()-4, s.length())==""bread"") + { + s=s.substring(5, str.length()-6); + } + else + { + s=""""; + } + } + return s; +} +" +42acc98062e63fce8ccc60cb427d6f6acae8a662,"public String getSandwich(String str) +{ + return "" ""; + +} +" +8790c4abff5544e823e205520384078c66f9a274,"public String getSandwich(String str) +{ + int initial = str.indexOf(""bread""); + int final = str.lastIndexOf(""bread""); + if (initial == final) + return ""bread""; + else + return """" +} +" +41f04af71a812f9e84a961cec04a506d5f69d76d,"public String getSandwich(String str) +{ + int initial = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (initial == end) + return ""bread""; + else + return """"; +} +" +36dee92dd9c936d5f64d0900ee7179dab3ee1dde,"public String getSandwich(String str) +{ + int initial = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (initial == end) + return ""bread""; + else + return str.substring(first+5, last); +} +" +21d997dbc1d180fc37f71fb0247cb0ffaa4b9e21,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if (first == last) + return """"; + return str.substring(first + 5, last); +} +" +1264c43ecf650377a9ae8da486c4a8d49d37891d,"public String getSandwich(String str) +{ + int initial = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (initial == end) + return ""bread""; + else + return str.substring(initial+5, end); +} +" +5c9698ca911b564d034d06f41c2721ee84c019bf,"public String getSandwich(String str) +{ + int initial = str.indexOf(""bread""); + int end = str.lastIndexOf(""bread""); + if (initial == end) + return """"; + else + return str.substring(initial+5, end); +} +" +83a65cba030ad61d54f10e1436d55b16efd79dc4,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +44147edb8550116d7469442de770a5f0c12566e2,"public String getSandwich(String str) +{ + if(String world = ""bread"") + return word.substring(0); + return word.substring(-1); + else + return """"; + +} +" +b9094e909254bb87a63e5c576c228505931f1ea6,"public String getSandwich(String str) +{ + int F = str.indexOf(""bread""); + int L = str.lastindexOf(""bread""); + if ( F != -1 && L != -1 && F != L) + { + return str.substring(F+5, L); + } +} +" +7e9e227dce345afc64ea5d77f90676d97d04f417,"public String getSandwich(String str) +{ + int F = str.indexOf(""bread""); + int L = str.lastIndexOf(""bread""); + if ( F != -1 && L != -1 && F != L) + { + return str.substring(F+5, L); + } +} +" +b1d7c50f66d9f73fc666069be46a087d6e7f33f0,"public String getSandwich(String str) +{ + int F = str.indexOf(""bread""); + int L = str.lastIndexOf(""bread""); + if ( F != -1 && L != -1 && F != L) + { + return str.substring(F+5, L); + } + +return """";} +" +e0f34cd019b28c456b343d55e7a38fb2c5e169d2,"public String getSandwich(String str) +{ + int F = str.indexOf(""bread""); + int L = str.lastIndexOf(""bread""); + if ( F != -1 && L != -1 && F != L) + { + return str.substring(F+5, L); + } + +return """";} +" +d52681a3dd74a2e64e47c60a45d891cc77dbef74,"public String getSandwich(String str) +{ + return """"; +} +" +62580b846d2cc8aa72357fb4b50d28ca17f77a62,"public String getSandwich(String str) +{ + int 1Bread = str.indexOf(""bread""); + int 2Bread = str.lastIndexOf(""bread""); + if (1Bread != -1 && 2Bread != -1 && 1Bread != 2Bread) + return str.substring(1Bread+5, 2Bread); + return """"; + +} +" +065ea983fd822988d53dfebaf73bd3fa61774344,"public String getSandwich(String str) +{ + int i = str.indexOf(""bread""); + int ii = str.lastIndexOf(""bread""); + if (i != -1 && ii != -1 && i != ii) + return str.substring(i + 5, ii); + return """"; + +} +" +63c16bfedccd87efec3a9615707b53bae96e87cb,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; +} +" +0b47ece4411a6fc50b21c08d45387e716978ac2c,"public String getSandwich(String str) +{ + String b = ""bread""; + int first = str.indexOf(b); + int last = str.lastIndexOf(b); + if (last != -1 && first != last) + { + return str.substring(first+5, last); + } + else + { + return """"; + } +} +" +7e3cdaed93663ee5d7b698b0a10538bb6af7d5bd,"public String getSandwich(String str) +{ + public String getSandwich(String str) + { + int first = 1; + int last = 1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).eqauls(""bread"")) + { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first != last) + } + + return """"; + + +} +" +34db26984a14fa871a717f26ba00ae0ca9d04624,"public String getSandwich(String str) +{ + int first = str.indexOf(""bread""); + int last = str.lastIndexOf(""bread""); + if((last ! = -1) && (first ! = last)) + return (str.substring(first+5, last)); + return """"; +} +" +0c7f05d2d08f6467123998684c46d15eb91731df,"public String getSandwich(String str) +{ + int first = 1; + int last = 1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).eqauls(""bread"")) + { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first != last) + } + + return """"; + + +} +" +682655ff98fae40696ff383b6668943044e4fdd7,"public String getSandwich(String str) +{ + int first = 1; + int last = 1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).eqauls(""bread"")) + { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first != last); + } + + return """"; + + +} +" +6d7fbc2d8bb680edb0d826460b83b9f34dee31f4,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + { + return """"; + } + for (int i = 0; i < len - 4; i++) + { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + { + finish = i; + } + if (tmpString.equals(""bread"") && found == false) + { + start = i+5; + } + found = true; + } + finalString = str.substring(start,finish); + return finalString; +} +" +4973c1895665aa083ed880892d0437841e0faff8,"public String getSandwich(String str) +{ + int first = 1; + int last = 1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first != last); + } + + return """"; + + +} +" +d67d124b396e91173b0a3b544af36d0ac2884fdc,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.length() > 9) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +45d6387326052764a2a6d73c917ce9e60841fb6b,"public String getSandwich(String str) +{ + int first = 1; + int last = 1; + + for (int i = 0; i < str.length() - 5; i++) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + first = i; + break; + } + } + + for (int i = str.length() - 5; i >= 0; i--) + { + if (str.substring(i, i + 5).equals(""bread"")) + { + last = i; + break; + } + } + + if (first != -1 && last != -1 && first != last) + { + return str.substring(first + 5, last); + } + + return """"; + + +} +" +2d0d1499af318cee06edfbba3c1d39e12f51d448,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if((laind ! = -1) && (ind ! = laind)) + return (str.substring(ind+5, laind)); + return """"; +} +" +86e2143b5bed424109dcb2b6081f337fabcfd0e0,"public String getSandwich(String str) +{ + int first = -1; + int last = -1; + + for(int i = 0; i < str.length() - 5; i++) { + if(str.substring(i, i + 5).equals(""bread"")) { + first = i; + break; + } + } + + for(int i = str.length() - 5; i >= 0; i--) { + if(str.substring(i, i + 5).equals(""bread"")) { + last = i; + break; + } + } + + if(first != -1 && last != -1 && first != last) + return str.substring(first + 5, last); + + return """"; + +} +" +443e1fa0d63f97dd3db824228f38fe359f8cf425,"public String getSandwich(String str) +{ + if (str.startsWith(""bread"") && str.endsWith(""bread"")) + { + return(str.substring(5, str.length() - 5)); + } + if (str.startsWith(""xxbread"") && + str.endsWith(""breadyy"") + && str.length() > 9) + { + return(str.substring(7, str.length() - 7)); + } + if (str.startsWith(""breax"")) + { + return(str.substring(10, str.length() - 5)); + } + else + { + return(""""); + } +} +" +53797709c707bf780dfa7bc93c8f88d731115b3b,"public String getSandwich(String str) +{ + for (int a = 1; a < str.length()-5; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+5) == 'd') + { + str = str.substring(a+5); + + } + else + { + return empty; + } + } + return str; +} +" +82837ab3e9122e2f270a25e6bcd9ef55ace00b33,"public String getSandwich(String str) +{ + for (int a = 1; a < str.length()-4; a++) + { + String empty = """"; + if (str.charAt(a) == 'b' && str.charAt(a+4) == 'd') + { + str = str.substring(a+4); + + } + else + { + return empty; + } + } + return str; +} +" +b196046b7cb791aa135be7105c5a6c7df988e9b6,"public String getSandwich(String str) +{ + int ind = str.indexOf(""bread""); + int laind = str.lastIndexOf(""bread""); + if ((laind ! = -1) && (ind ! = laind)) + return (str.substring(ind+5, laind)); + return """"; +} +" +876366afd6af12c2bdbb7f87b93e02ae42ad8d12,"public String getSandwich(String str) +{ + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if (iFirst != -1 && iLast != -1 && iFirst !=iLast) + { + return str.substring(iFirst+5, iLast); + } + return """"; +} +" +597355072c66e79b0d42fbd3e4039b9241bfa07d,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) + { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + + } + + } + + finalString = str.substring(start,finish); + return finalString; + + +} +" +cf8a03dbe6de2cfd9d528a6c8382c3005a784cd7,"public String getSandwich(String str) +{ + + int iFirst = str.indexOf(""bread""); + int iLast = str.lastIndexOf(""bread""); + if(iFirst != -1 && iLast != -1 && iFirst != iLast) + return str.substring(iFirst+5, iLast); + return """"; + +} +" +9924764b9c8cc1738af20447ce9d1ac3c6b97f91,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.lastIndexOf(""bread""); + if (firstBread != -1 && secondBread != -1 && firstBread != secondBread) + { + return str.substring(firstBread+5, secondBread) + } + else + { + return """"; + } +} +" +a8b26adf424b10c1e6d88af917d15045c6772065,"public String getSandwich(String str) +{ + int firstBread = str.indexOf(""bread""); + int secondBread = str.lastIndexOf(""bread""); + if (firstBread != -1 && secondBread != -1 && firstBread != secondBread) + { + return str.substring(firstBread+5, secondBread); + } + else + { + return """"; + } +} +" +4ae6c1ba2e54a9af51213d849a1fdf32d0d272df,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + if (len <= 10) + return """"; + for (int i = 0; i < len - 4; i++) + { + tmpString = str.substring(i, i+5); + if (tmpString.equals(""bread"") && found == true) + finish = i; + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + + } + + } + + finalString = str.substring(start,finish); + return finalString; + + +} +" +793654e8597071d9bcc0863e5721c7a3d615a782,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + + finalString = str.substring(start,finish); + return finalString; +} +} +" +b7d8aab18f92f5ca926ff5bfe7f62a66a458680e,"public String getSandwich(String str) +{ + + int theFirst = str.indexOf(""bread""); + int theLast = str.lastIndexOf(""bread""); + if(theFirst != -1 && theLast != -1 && theFirst != theLast) + return str.substring(theFirst+5, theLast); + return """"; + +} +" +a97893e22d60eda41b77f00f46d722b87a52e08e,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + + finalString = str.substring(start,finish); + return finalString; +} +} +" +1bc9114414ec3a3d692f0086ac7767a7dae4f79a,"public String getSandwich(String str) +{ + int len = str.length(); + String tmpString = """"; + String finalString = """"; + int start = 0; + int finish = 0; + boolean found = false; + + if (len <= 10) + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + start = i+5; + found = true; + } + } + + finalString = str.substring(start,finish); + return finalString; +} +" +14ba97e2c5faf219d524117b119ec8ab22684ffb,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20 && n != 13 && n != 19) { + return 0; + } + else { + return 0; + } +} +" +90633dd5ca2b5da86819d581ae477215ea161091,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20 && n != 13 && n != 19) { + return 0; + } + else { + return n; + } +} +" +9ee3996f83ffc531c6fdc65ee79e5e35d58a121b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20 && n != 15 && n != 16) { + return 0; + } + else { + return n; + } +} +" +ad06dc6f2f827ac6a1bea811fbc9b322f7841bb2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20 && n != 15 && n != 16) { + return 0; + } + else { + return n; + } +} +" +8f289fdc33ebe84f2a072dbf13bfc16259a82a76,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n ==15 || n == 16) + return n; + return 0; +} +" +91164627250ded0f1fd061e89095f045b45bf6f9,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(C)); +} + +public int fixTeen(int n) +{ + if (n == 15 || n== 16){ + return(n); + }else{ + if (n >= 13 && n <= 19){ + return(0); + }else{ + return(n); + } + } +} +" +15460409518948d94797b0898d7134757fb3890f,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n == 15 || n== 16){ + return(n); + }else{ + if (n >= 13 && n <= 19){ + return(0); + }else{ + return(n); + } + } +} +" +04e5b8bfedfdd2b21e6501100c792f1c162052cf,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && a != 15 && a != 16) + { + return 0 + } + else if +} + +public int fixTeen(int n) +{ + a > 13 && a < 19) && a != 15 && a != 16; +} +" +86e9b99b75cbc7cd1b1ec28388a027f88e1f14d0,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && a != 15 && a != 16) + { + return 0; + } + else + { + return 1; + } +} + +public int fixTeen(int n) +{ + a > 13 && a < 19) && a != 15 && a != 16; +} +" +67c1396546238f5e1899f420a1c8e7874e536c30,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && a != 15 && a != 16) + { + return 0; + } + else + { + return 1; + } +} + +public int fixTeen(int n) +{ + return (a > 13 && a < 19) && a != 15 && a != 16; +} +" +2592fe466a29d5d03f4b38d213bed0f6bd18f90a,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && a != 15 && a != 16) + { + return 0; + } + else + { + return 1; + } +} + +public int fixTeen(int n) +{ + return (a > 13 && a < 19) && a != 15 && a != 16; +} +" +90e1c73020c7b1b51bc7c89ceec9c1dacdbff614,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && a != 15 && a != 16) + { + return 0; + } + else if ((b > 13 && b < 19) && b != 15 && b != 16) + { + return 0; + } + else if ((c > 13 && c < 19) && c != 15 && c != 16) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + +} +" +5c8b8f05245048838f89190102f955d78b76721e,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && a != 15 && a != 16) + { + return 0; + } + else if ((b > 13 && b < 19) && b != 15 && b != 16) + { + return 0; + } + else if ((c > 13 && c < 19) && c != 15 && c != 16) + { + return 0; + } + else + { + return a + b + c; + } +} + +//public int fixTeen(int n) +//{ + +//} +" +5d6f4f77a400c9d29ba4dba195e903ae2baf35f1,"public int noTeenSum(int a, int b, int c) +{ + if ((a > 13 && a < 19) && (a != 15) && (a != 16)) + { + return 0; + } + else if ((b > 13 && b < 19) && b != 15 && b != 16) + { + return 0; + } + else if ((c > 13 && c < 19) && c != 15 && c != 16) + { + return 0; + } + else + { + return a + b + c; + } +} + +//public int fixTeen(int n) +//{ + +//} +" +67c2864b065349660041e35e547e339afa6b3a27,"public int noTeenSum(int a,int b,int c) + { + return fixTeen(a)+fixTeen(b)+fixTeen(c); + } + public int fixTeen(int no) + { + if(no==15 || no==16) + return no; + else if(no>=13 && no<=19) + return 0; + else return no;" +99d7ebfd771fccfd07ed48b689626dea6132c06c,"public int noTeenSum(int a,int b,int c) + { + return fixTeen(a)+fixTeen(b)+fixTeen(c); + } + public int fixTeen(int no) + { + if(no==15 || no==16) + return no; + else if(no>=13 && no<=19) + return 0; + else return no; + }" +c8e0c244d7452cbcc5e3dff2741b496b29840537,"public int noTeenSum(int a,int b,int c) + { + return fixTeen(a)+fixTeen(b)+fixTeen(c); + } + public int fixTeen(int no) + { + if(no==15 || no==16) + { + return no; + } + else if(no>=13 && no<=19) + { + return 0; + } + else + { + return no; + } + }" +63c583a89a8b7928c88ec4c667775bd9baa66428,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b +c; +} + +public int fixTeen(int n) +{ + if ( 13 < n && n < 19) + { + if ( n == 15 || n == 16) + { + return n; + } + + return 0; + } +} +" +cbbb9653ad497923a34b5ae182607f859cb61653,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b +c; +} + +public int fixTeen(int n) +{ + if ( 13 < n && n < 19) + { + if ( n == 15 || n == 16) + { + return n; + } + + return 0; + } + + return n +} +" +f3f117c32477b4cc1196ba9456143fce3eba56aa,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( 13 < n && n < 19) + { + if ( n == 15 || n == 16) + { + return n; + } + + return 0; + } + + return n; +} +" +caf560c15b7f32dede5049956174fa6b2bac55c5,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( 13 <= n && n <= 19) + { + if ( n == 15 || n == 16) + { + return n; + } + + return 0; + } + + return n; +} +" +cca9d6de9ba1aa2abef98013b2ea2f21b4f6552a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 15 && n <= 19)) + { + return 0; + } + else + { + return n; + } + +} +" +9793d0beb1a18d96ddb6d602c68cf71692c810c0,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } + +} +" +749b067593310de4e2090eaf80dd54e32a49e08a,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +067db83f804ad7238ac6f0f64685f0c6a9014f1a,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +93e8566c20862591e5fb4ab2dd771dbda085677b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) { +if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; +} +} + +" +03d2aed89b41c9f41c6500c6b82120320e9d5bfb,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) { + return 0; + } + else { + return n; + } +} +" +213f82152bcf47e6cbffff41ab73c25454787835,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!= 15 && n!=16) + return 0; + else + return n; +} +" +623652963391a536d2c72ebf468d1e3856aaac8e,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +b3d3aaef1524a51af2d2bb08413b032d59ff5515,"public int noTeenSum(int a, int b, int c) +{ + int res = 0; + res = res + fixTeen(a); + + res = res + fixTeen(b); + + res = res + fixTeen(c); + + return res; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; +} +" +dce01b032c8f08e5a8eff925609d5c5990225bc4,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + return n; + if (n >= 13 && n <= 19) + return 0; + return n; +} +" +c06258478887fdc4c4c348e15df0692824097167,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + return n; + else + return 0; + } +} +" +b0d613ab102bf20195db2311b33aca27b72fd2bc,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16 || n < 13 || n > 19) + return n; + else + return 0; +} +" +cbb7fdedab4a61d3460c29f6f13e6f8e526b94ac,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13&&n<=4)||(n>=17&&n<=19)) + return 0; + else + return n; +} +" +f5fb0d84eba51997507d34330387437f3b568de9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13&&n<=14)||(n>=17&&n<=19)) + return 0; + else + return n; +} +" +f6fd143275db81914dd2795013082aa4ca781e7f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + int sum; + if (n >= 13 && n <= 19) + { + if (n != 15 && n != 16) + { + sum = 0; + } + } + else + { + sum = n; + } +} +" +9ed405ffebdda5e57d168de13743aeb04b85e944,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + int sum; + if (n >= 13 && n <= 19) + { + if (n != 15 && n != 16) + { + sum = 0; + } + } + else + { + sum = n; + } + return sum; +} +" +be6574118c23f4832091f7cd3b4d6009774f8c2c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + int sum; + if (n >= 13 && n <= 19) + { + sum = 0; + if (n == 15 || n == 16) + { + sum = n; + } + } + else + { + sum = n; + } + return sum; +} +" +b7c65d749cdc6565f2754bdbc0f2ed3129ad5ccf,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + return n; + } + else { + return 0; + } + } +} +" +b4eef6e9f9bbd5d0cfd5688c4278fcd0e856e448,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + return n; + } + else { + return 0; + } + } + else { + return n; + } +} +" +79f2da1916c858f4bd63251e6ec244aad4272418,"public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} +" +0ced6767a49d3ab318c00732df63ac5f85d2dfa7,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16 || n < 13 || n > 19) + { + return n; + } + else { + return 0;} +} +" +6fe418e605fb016eeff7511c34298638d14e67a2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + { + return 0; + } + else + { + return n; + } +} +" +14621fec2a4be4d15ef3f609bf5b71ef096c8bc1,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +ea4a5019c7f452b9703342ed583033af919cf223,"public int noTeenSum(int a, int b, int c) +{ + + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return = 0; + } +} +" +1db47c31fc1c744ee02b834c47d5338cd762016c,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + n == 0 + } + +} +" +8306f39346c6add68a5e5f342e92050a689ec397,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)) +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + return(0); + } + else if ((n > 16) && (n <= 19)) + { + return(0); + } +} +" +b2c0b3a0ecc3c50e99a1925a0215756f467a67bb,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)) +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + return(0); + } + else if ((n > 16) && (n <= 19)) + { + return(0); + } +} +" +fcec37f1cc7bf640e403222eaa12cd397c7f98ea,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)) +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + return(0); + } + else if ((n > 16) && (n <= 19)) + { + return(0); + } +} +" +e5bc0be65155a420d3b14150853d9ed077bcb396,"public int noTeenSum(int a, int b, int c) +{ + if ((a>=13 && a<=19) || (b>=13 && b<=19) || (c>=13 && c<=19)) + { + if ((a=15 && a=16) || (b=15 && b=16) || (c=15 && c=16)) + { + return false; + } + return 0; + } + return a + b + c; +} + +public int fixTeen(int n) +{ + +} +" +4b3228defb5083d1783954e1506325321f7d215a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) ? 0 : n; +} +" +64a0f8e912fa231e6751cde6f232f4caa7afcb1c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) + 0 : n; +} +" +7bc63f9ac003bc5b8ccba58607a75dab5036f410,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) + return 0 : n; +} +" +13f8fa30c68bc56bb3114a1d3f5c564e46683b67,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) +} +" +e9034b1dbd73f19f9ed4bc0a7e61ae009d22be40,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n &>;= 13 && n &<; 15 || n &>; 16 && n &<;= 19) +} +" +a260d07b1bad27c4f0e9206b45ddf519792f4226,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) ? 0 : n; +} +" +c5aebb4151a6c14d6fb00ca52ff6164ceb64474b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) ? + 0 : n; +} +" +fa9c21a4336703f72311fd043b6d3ed3a2c6bdb2,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +4610c863c8923336e808fadc5c66ef680ddabf00,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( (n >=13 && n < 15) || (n > 16 && n <= 19) ) + return 0; + else + return n; + +} +" +34903baafcab74c6bdcdcced24734e321531c398,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( (n >=13 && n < 15) || (n > 16 && n <= 19) ) + { + return 0; + } + else + { + return n; + } + +} +" +d4b25d8ad8d50ea17dad8db102ca89aa164f13bc,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + { + return 0; + } + else + { + return n; + } +} +" +0967948b028af7c8c74d149caf9b94783bc6f3ea,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)) +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + return(0); + } + else if ((n > 16) && (n <= 19)) + { + return(0); + } +} +" +28d48d48e326c1b233cde847dd096071e7bc8a4a,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + return(0); + } + else if ((n > 16) && (n <= 19)) + { + return(0); + } +} +" +5a859bc67b940f618f9330a2547082e23397b2d4,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + return(0); + } + if ((n > 16) && (n <= 19)) + { + return(0); + } +} +" +8ce2d7fcf88cbe531cdbca2990a6245ed20596ea,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n < 15)) + { + n = 0; + } + if ((n > 16) && (n <= 19)) + { + n = 0; + } + return(n); +} +" +7eea5edcadfe29dbbd1ca9a918dc57e0daba43e9,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) ? 0 : n; +} +" +07f5298b6d8313acc5cfde1e11dfad45114deca8,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n + <= 19) ? 0 : n; +} +" +3e26bbe83d8dd765c71a03b28a9837ce5ee4de74,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ +if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; +} +} +" +52e35efeaecd3936fe6691169f6815fc09ebbd77,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum +fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >=13 && n<=19){ + if (n == 15 || n ==16){ + return n; + return 0; + } + return n; + } +} +" +f1b71d80877f8447dce8a2a967c1a6232ba83a2f,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum +fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >=13 && n<=19){ + if (n == 15 || n ==16){ + return n; + } + return n; + } + } +} +" +7da183184f303a854a6c146567266f6a3628cb2b,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum +fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >=13 && n<=19){ + if (n == 15 || n ==16){ + return n; + } + return n; + } + +} +" +73963992e07c260537445803c485a12014895f0c,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum +fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >=13 && n<=19){ + if (n == 15 || n ==16){ + return n; + } + return n; + } + return n; +} +" +4da78e69a275d5e1ee454df9842bded9d6372cdf,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum +fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >=13 && n<=19){ + if (n == 15 || n ==16){ + return n; + } + return 0; + } + return n; +} +" +cf071d07dab8a19e1287bf6f7c9369971ec0fb35,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +72547eedbb3afbd5148e7d8d90e6286ffacfdad6,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} +" +63d8e0dd5846f90e57f4d07c079a5f2f9fd8af3f,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + +} +" +40d109e7419d0bb1db8e5d3e55a98c23de840892,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(int a) + fixTeen(int b) + fixTeen(int c); + +} + +public int fixTeen(int n) +{ + if (n <= 19 || n>=13) + return 0; + else + return n; +} +" +a853ec108859e1041b5319346d50f80a3df6eef2,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if ((n>12 && n<15) || (n>16 && n<20)) + return 0; + } + +} +" +1f31559e6c84eb21b104b8e2f8a8e7ba06e32710,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n <= 19 || n>=13) + return 0; + else + return n; +} +" +046b9b68f6ab3671bbcb4222fcefdef6ac04ab2f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n <= 19 && n>=13) + return 0; + else + return n; +} +" +35867c713cc51d266329fd3a209ce663e09a665a,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if ((n>12 && n<15) || (n>16 && n<20)) + { + return 0; + } + } + else + return n; +} +" +811366026a58fd12fbc9301879343b49a57c3aed,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 && n != 16) + return 0; + else + return n; +} +" +582c4569e07f7487413dbf2649b22e758f2fa5a8,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if ((n>12 && n<15) || (n>16 && n<20)) + { + n=0; + + } + } + + return n +} +" +f0c39119d2f0ce089f86cebf15aa2d13846bbbe1,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if ((n>12 && n<15) || (n>16 && n<20)) + { + n=0; + + } + } + + return n; +} +" +58d764168afbca67e0fe6183275b992fb063fe9c,"public int noTeenSum(int a, int b, int c) +{ + + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return = 0; + } +} +" +5b0b149a9ba046a4fa0330774f3562b38c68e65f,"public int noTeenSum(int a, int b, int c) +{ + + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +eb08372d5e467356a44d44b7ccc661cd98b74e6e,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<14) + { + return 0; + } + + if (n>=17 && n<19) + { + return 0; + } + + return 0; +} +" +73b50d5359cc17b37c9611127290df9f6b4306e3,"public int noTeenSum(int a, int b, int c) +{ + int sum = a+b+c; + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13 && n<14) + { + return 0; + } + + if (n>=17 && n<19) + { + return 0; + } + + return 0; +} +" +56ca789cf54998c846ca4a6a9f22cc19392eb1ff,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n !=15 && n!=16) + { + return 0; + } + else + { + return n; + } +} +" +8791e968c7997476a36ce6cd9239661f98e4e834,"public int noTeenSum(int a, int b, int c) +{ + int sum = a+b+c; + return this.fixTeen(); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<14) + { + return 0; + } + + if (n>=17 && n<19) + { + return 0; + } + + return 0; +} +" +4c656b4d434ce2fad7242ffb5ab325db42e23104,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + n = 0; +} +" +a062fa39e8b7c8b02e936e9a839b668228f694f2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + n = 0; + return n; +} +" +cea47713a600cc48823b18126340cbf907eb9158,"public int noTeenSum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + return (fixTeen(numA) + fixTeen(numB) + fixTeen(numC)) +} + +public int fixTeen(int n) +{ + int num = n; + if (num == 15 || num == 16) + { + return num + } + else if (num >= 13 && num <= 19) + { + return 0; + } + else + { + return num; + } +} +" +8ea314af4ea3aa3a6d57f2c90ff7786608a23927,"public int noTeenSum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + return (fixTeen(numA) + fixTeen(numB) + fixTeen(numC)); +} + +public int fixTeen(int n) +{ + int num = n; + if (num == 15 || num == 16) + { + return num; + } + else if (num >= 13 && num <= 19) + { + return 0; + } + else + { + return num; + } +} +" +7428588373da71d005e717ed05da0c0f509ed90a,"public int noTeenSum(int a, int b, int c) +{ + a = a.fixTeen(); + b = b.fixTeen(); + c = c.fixTeen(); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n > 13 && n < 19) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +2f1e4ff3bdf7d1bd0268c9cec31d0242f531e812,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = b.fixTeen(); + c = c.fixTeen(); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n > 13 && n < 19) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +d3f91fbfd57b8e041ed463bcdbbf33b1782ecbc1,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n > 13 && n < 19) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +474cc0457588ed2f159295c1109ce27196538e0d,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +b04ce9f230e248e50497c5286bd39b139f268dd1,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + int sum = a + b + c; + return sum; + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15) + { + return 0; + } + else if (n > 16 && n <=19) + { + return 0; + } + else + { + return n; + } +} +" +50e57639b2773e3a43d5e3cb1cc6a062e473c5f8,"public int noTeenSum(int a, int b, int c) +{ + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + int sum = a + b + c; + return sum; + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15) + { + return 0; + } + else if (n > 16 && n <=19) + { + return 0; + } + else + { + return n; + } +} +" +2cf38e717d21939f435e102d882fa44184bfc4e5,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +a282351d787ab59c30bb5f638fe13027405b0a6b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < = 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} +" +3b2a19f0c440bbe29ce1fd4b3bf3791b1c8eb58c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < = 19) + { + if(n != 15 && n != 16) + { + return 0; + } + } + else + { + return n; + } +} +" +51ae0cd09ea0e978e170fb15c04cf6b691af246e,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ( n<13 || n>19 || n == 15 || n ==16) + return n; + return 0; +} +" +558622a66def708b0bc58ee69271c7e5616d238c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +3bdea569f795086a35bb3461367d74959c777a31,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a >= 13 && a <= 19 || b >= 13 && b <= 19 + || c >= 13 && c <= 19) + return 0; + else if (a == 15 || a == 16 && b == 15 || b == 16 && + c == 15 || c == 16) + return sum; + else + return sum; +} + +public int fixTeen(int n) +{ + return n.noTeenSum; +} +" +97a030dcd75e9f9a56a056a8556b76266034fd0b,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a >= 13 && a <= 19 || b >= 13 && b <= 19 + || c >= 13 && c <= 19) + return 0; + else if (a == 15 || a == 16 && b == 15 || b == 16 && + c == 15 || c == 16) + return sum; + else + return sum; +} + +public int fixTeen(int n) +{ + return noTeenSum; +} +" +b357e206b21bc3adf565a7832d179419eae1536a,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n > 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +4e623d590afa2c096e15d7a424bfd2d31bc0bb2f,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + int sum = a + b + c; + if (n > 13 || n > 19 || n == 15 || n == 16) + return n; + return sum; +} +" +cfe03e1b9bf037a844cfac075e92778b0fb80ce1,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n > 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +85f6b31c7d8b00ed96dc73025356be71fa637823,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (12 < n < 15 || 16 < n < 20) + { + return 0; + } + else + { + return n; + } +} +" +54e559edabe0e20f833f484b79927af5d7dfa053,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((12 < n < 15) || (16 < n < 20)) + { + return 0; + } + else + { + return n; + } +} +" +7eceaf2e95b3b5f378b618c4fda5800b2bd2024e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((13 <= n <= 14) || (17 <= n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +931a90d2adda743b91150d617ff1a0cce4bc2d74,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((13 =< n =< 14) || (17 =< n =< 19)) + { + return 0; + } + else + { + return n; + } +} +" +1e00c27fc63e5b13474f290b7fb3f8555c187ff6,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((13 =< n && n =< 14) || (17 =< n && n =< 19)) + { + return 0; + } + else + { + return n; + } +} +" +a4b2d22de095993b3c7865a822d46e044c97a99e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 =< n =< 14) || (17 =< n =< 19)) + { + return 0; + } + else + { + return n; + } +} +" +17e8e3a507de582cc7653d4445a5ac93e8de061a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 =< n =< 14 || 17 =< n =< 19) + { + return 0; + } + else + { + return n; + } +} +" +445201ba76093e95cf62a9a3199062a80c1bf039,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (12 < n < 15 || 16 < n < 20) + { + return 0; + } + else + { + return n; + } +} +" +fb1d02683694b04db8565158fdd90da9728c3226,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +68ef02a7b1fb69583b9de5df2cea9c3104da8724,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((12 < n && n < 15) || (16 < n && n < 20)) + { + return 0; + } + else + { + return n; + } +} +" +74e88c7184092d0fdb534f52a31615c6c539dc42,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 12 && n < 15 || n > 16 && n <=19) + { + return 0; + } + else + { + return n; + } +} +" +009f4f70c8585a36d25b45515275d5651251ff40,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 || n > 16 && n <=19) + { + return 0; + } + else + { + return n; + } +} +" +de31c59cd9d69a0b85e03782a9e8c030bf5c01cc,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)) +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 + || n <= 19 && n >= 13 && n != 16) + { + return 0; + } +} +" +728dc788b181d2b78b8453a8a4946496337b0200,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 + || n <= 19 && n >= 13 && n != 16) + { + return 0; + } +} +" +674b481eda102330cc3b0a39301d64c47cac376c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 + || n <= 19 && n >= 13 && n != 16) + { + return 0; + } + return n; +} +" +910dc711c10f42e3f257cc28c44c2d7165b320ec,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 && n != 16) + { + return 0; + } + return n; +} +" +85825e933c5a20b6fd0f0764483b5cf5329c9701,"public int noTeenSum(int a, int b, int c) +{ + int RETURN = 0; + if ( a == 13 || a == 14 || a == 17 || a == 18 || a == 19) + { + a= 0; + } + if ( b == 13 || b == 14 || b == 17 || b == 18 || b == 19) + { + b= 0; + } + if ( c == 13 || c == 14 || c == 17 || c == 18 || c == 19) + { + c= 0; + } + return a + b + c; + +} + +public int fixTeen(int n) +{ + +} +" +f1192b234f3e3f7440e484037ef151881cd2eaee,"public int noTeenSum(int a, int b, int c) +{ + int RETURN = 0; + if ( a == 13 || a == 14 || a == 17 || a == 18 || a == 19) + { + a= 0; + } + if ( b == 13 || b == 14 || b == 17 || b == 18 || b == 19) + { + b= 0; + } + if ( c == 13 || c == 14 || c == 17 || c == 18 || c == 19) + { + c= 0; + } + return a + b + c; + +} + +public int fixTeen(int n) +{ + +} +} +" +5f5c6ec7f865cc3bb1ca55b606c192b39973c33b,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 <= n <= 19 && n != 15 && n != 16) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +63da2852be729a35b65cb48b7dada4597a109647,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 =< n =< 19 && n != 15 && n != 16) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +d3eeeb373a914b93d3cc4f040ed5f3c42dc2e5c3,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 =< n && n =< 19 && n != 15 && n != 16) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +761faf27118f8d7637200b8140f5a550d392d440,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( (n >=13 && n < 15) || (n > 16 && n <= 19) ) + { + return 0; + } + else + { + return n; + } +} + +" +8845f934250570007231c8416c4d6c01714d85ff,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((13 =< n) && (n =< 19) && (n != 15) & ((n != 16)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +7f0d57bf5933759b9d2debd70d51788f8e929be5,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 =< n =< 19 && n != 15 && n != 16) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +e08c474e6ff59d7122ba4d8d7db9ade5f4a3806c,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n => 13 && n =< 19 && n != 15 && n != 16) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +f9ce9a0bc02ccfb2ceecac72ac3732d67a4554b3,"public int noTeenSum(int a, int b, int c) +{ + int a = fixTeen(a); + int b = fixTeen(b); + int c = fixTeen(c); + int sum = 0; + sum = a+b+b; + return sum; +} + +public int fixTeen(int n) +{ + if (n < 20 && n > 12) + { + n = 0; + } + else + { + n = n; + } +} +" +2b01bfc551359bac7f252880b2fe824ddd723477,"public int noTeenSum(int a, int b, int c) +{ + int a2 = fixTeen(a); + int b2 = fixTeen(b); + int c2 = fixTeen(c); + int sum = 0; + sum = a2+b2+c2; + return sum; +} + +public int fixTeen(int n) +{ + if (n < 20 && n > 12) + { + n = 0; + } + else + { + n = n; + } +} +" +ee9797eade06869a41502bb1562275cabbe24088,"public int noTeenSum(int a, int b, int c) +{ + int a2 = fixTeen(a); + int b2 = fixTeen(b); + int c2 = fixTeen(c); + int sum = 0; + sum = a2+b2+c2; + return sum; +} + +public int fixTeen(int n) +{ + int num = 0; + if (n < 20 && n > 12) + { + num = 0; + } + else + { + num = n; + } + return num; +} +" +d86ce54494476f822a1ece90f78379ce140d2d96,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n => 13) && (n =< 19) && (n != 15) && (n != 16)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +b369d6919239b4dedf761534b121fbc8dd616c53,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n =< 19) && (n != 15) && (n != 16)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +00119019c3dce53bc62edc2907c5b2f004aac340,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n <= 19) && (n != 15) && (n != 16)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +604c63018ca4096c9d92c518ed231a4473a28b20,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n <= 19) && (n != 15) && (n != 16)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +68cd73bfaa4b3b89432d8c8c2de3a47943462aae,"public int noTeenSum(int a, int b, int c) +{ + int anew = fixTeen(a); + int bnew = fixTeen(b); + int cnew = fixTeen(c); + int sum = 0; + sum = anew+bnew+cnew; + return sum; +} + +public int fixTeen(int n) +{ + int num = 0; + if (n < 20 && n > 12) + { + num = 0; + } + else + { + num = n; + } + return num; +} +" +7d6ceaf7c0e5ce1fa5c9ecfdfc484afba6ee962d,"public int noTeenSum(int a, int b, int c) +{ + int anew = fixTeen(int a); + int bnew = fixTeen(int b); + int cnew = fixTeen(int c); + int sum = 0; + sum = anew+bnew+cnew; + return sum; +} + +public int fixTeen(int n) +{ + int num = 0; + if (n < 20 && n > 12) + { + num = 0; + } + else + { + num = n; + } + return num; +} +" +f4210d22bf492f570ad28923ac2965181c81ac8e,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (a >= 13 && a<=19) + { + a = 0; + } + if (b >= 13 && b<=19) + { + b = 0; + } + if (c >= 13 && c<=19) + { + c = 0; + } +} +" +b9be4a0fe7cfbd76e008ae64f7c80c00dca545c8,"public int noTeenSum(int a, int b, int c) +{ + int anew = fixTeen(a); + int bnew = fixTeen(b); + int cnew = fixTeen(c); + int sum = 0; + sum = anew+bnew+cnew; + return sum; +} + +public int fixTeen(int n) +{ + int num = 0; + if (n < 20 && n > 12) + { + num = 0; + } + else + { + num = n; + } + return num; +} +" +19709886f40dd265179a16fcdce4574b6f3af3f5,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + n == 0; + } +} +" +1366fcb3392858ce6aee7254e5403c952a01eb9c,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + n = 0; + } +} +" +7ae86acdc9cd447be7a0c17cb8b116c70bda9d57,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return 0; + } +} +" +fcf04daba06533c3cffbcdff5c95066b138350ff,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + int newInt = n; + + if( n >= 13 && n <= 19 && n != 15 && n != 16) + { + newInt = 0; + } + else + newInt = n; + + return newInt; + +} +" +1260fb925c4ff329e336fc40cde38cbf0487fc6f,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return 0; + } + return a+b+c; +} +" +5a776fda3e652934ba3675a2cb7590c7734c6fea,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return 0; + } + return n; +} +" +145ad9c0485c0e3278baae62427b2426ccab9a6b,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } +} +" +50375894e2e317f6fc92bfc37c3ff07da34cf308,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; +} +" +baa2fe0cbc1a39c7ecd80e257fc602b959c4919e,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return 0; + } + return n; +} +" +bbb79dbb9aee70f224854a2b1dd6c9800a005266,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return 0; + } + return n; +} +" +62ee950cfa1bc55628aa512b7a9408897dbaf682," +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return 0; + } + return n; +} +public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} +" +04fdeadef4648da49a15ca247ba4c655ce0cee0c,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return 0; + } +} + +" +a02eb75c4e00dfd8fa09a7d3de1220f22f7a8f27,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return 0; + } + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } +} + +" +280281edab5789557984e75f68f982bf7104e18b,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return 0; + } + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return n; +} + +" +8404486017bc4da5d3fa8eee455198826c2ef6f8,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return n = 0; + } + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return n; +} + +" +c14ed86d05d7c4a0bb2edf97092a47a2a799df83,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + return n = 0; + } + if (n == 15) + { + return 15; + } + if (n == 16) + { + return 16; + } + return n; +} + +" +4e2e7e6ffbca18c05484fd44a2149b289834b03a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} + +" +abc9a4ce8187ac5ca05bf9901bdfb598c8636a6e,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((13 <= n <=14) || (17 <= n <= 19)) + return 0; +} +" +9e90e3ed9bccf1c5a0c2d1f9b661642146813b34,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + else + return 0; +} +" +2d253ae89b571a1c5d639c7dffb26ee40c700706,"public int noTeenSum(int a, int b, int c) +{ + int anew = fixTeen(a); + int bnew = fixTeen(b); + int cnew = fixTeen(c); + int sum = 0; + sum = anew+bnew+cnew; + return sum; +} + +public int fixTeen(int n) +{ + int num = 0; + if (n < 20 && n > 12 && n != 15 && n != 16) + { + num = 0; + } + else + { + num = n; + } + return num; +} +" +06ab7e941786b72f49200c8a6c79d125ff0aa92b,"public int noTeenSum(int a, int b, int c) { +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) { +if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; +} +} +" +a725b08df876ea00a303943c264b7967e5fd5642,"public int noTeenSum(int a, int b, int c) +{ + int output; + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + output = a+b+c; + return output; +} + +public int fixTeen(int n) +{ + int fixed; + if (n==15||n==16) + fixed = n; + else if (n<=19 && n>=13) + fixed = 0; + else + fixed = n; + return fixed; + +} +" +5def76c92fe179d055b9daedc4a478df058b1195,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + fixTeen(a); + } + else if (b > 12 && b < 20) { + fixTeen(b); + } + else if (c > 12 && c < 20) { + fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + else { + n == 0; + return n; + } +} +" +0f1e9e1cd985f4e3902dfebda18c37225187736c,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + fixTeen(a); + } + else if (b > 12 && b < 20) { + fixTeen(b); + } + else if (c > 12 && c < 20) { + fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + else { + n = 0; + return n; + } +} +" +0972479d90efe0a41ff236988acc16290401b3e8,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + fixTeen(a); + } + else if (b > 12 && b < 20) { + fixTeen(b); + } + else if (c > 12 && c < 20) { + fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + else { + return 0; + } +} +" +aba313791acf320670111807b74a87a5eef37981,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19) + return n; + else if (n == 15 || n == 16) + return n; + else + return 0; +} +" +a876679de988a1dbb909d5265710dc2b259f4750,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + fixTeen(a); + } + else if (b > 12 && b < 20) { + fixTeen(b); + } + else if (c > 12 && c < 20) { + fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + return 0; +} +" +53208314a5b3756fea95c041d8d9e81a6b92b261,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + fixTeen(a); + } + else if (b > 12 && b < 20) { + fixTeen(b); + } + else if (c > 12 && c < 20) { + fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + return n = 0; +} +" +0a85dc7a8ba84cccde521cad65f4e5243bf51068,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + fixTeen(a); + } + else if (b > 12 && b < 20) { + fixTeen(b); + } + else if (c > 12 && c < 20) { + fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + return n == 0; +} +" +c607308c843a137ca6cec1cd6a5b466069c183e5,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + a = fixTeen(a); + } + else if (b > 12 && b < 20) { + b = fixTeen(b); + } + else if (c > 12 && c < 20) { + c = fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + return n = 0; +} +" +111de2db098bee510af02009a7143714244d183f,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + a = fixTeen(a); + } + else if (b > 12 && b < 20) { + b = fixTeen(b); + } + else if (c > 12 && c < 20) { + c = fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + return 0; +} +" +faa09867dddba00b371bf66fc6765f2c243934db,"public int noTeenSum(int a, int b, int c) +{ + if (a > 12 && a < 20) { + a = fixTeen(a); + } + if (b > 12 && b < 20) { + b = fixTeen(b); + } + if (c > 12 && c < 20) { + c = fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + return n; + } + return 0; +} +" +bc76d5ff752b89fa0dea7febc571400daa969cc9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n=15) + { + return 15; + } + else if (n=16) + { + return 16; + } + else if (n>=13||n<19) + { + return 0; + } + +} +" +78de3facd6c511d5abbefc6c8242cf3f4f4de3e7,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n=15) + { + return 15; + } + else if (n=16) + { + return 16; + } + else if (n>=13||n<19) + { + return 0; + } + else + { + return n + } + +} +" +cfa86f38de5d2c6955219256ac29ca1731f9c433,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n=15) + { + return 15; + } + else if (n=16) + { + return 16; + } + else if (n>=13||n<19) + { + return 0; + } + else + { + return n; + } + +} +" +45ade14a081d1c5b8f9699c849aa18ab095889ff,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n==15) + { + return 15; + } + else if (n==16) + { + return 16; + } + else if (n>=13||n<19) + { + return 0; + } + else + { + return n; + } +} +" +ef1006a493cb7b30365ee6c7081ec69f6d4baa9f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n==15) + { + return 15; + } + else if (n==16) + { + return 16; + } + else if (n>=13&&n<=19) + { + return 0; + } + else + { + return n; + } +} +" +98a28ebfd7881209e4d62e3fb8cf75ab61ed82ba,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n < 15) + return 0; + if (16 < n <= 19) + return 0; +} +" +03a4fdcd3d13a83da2363692bb519144cbef3524,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n <= 15) + return 0; + if (16 < n <= 19) + return 0; +} +" +eb6c1a158117bc98c4491e7dc2fe6e398dc2712f,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n < 15) + return 0; + if (16 < n <= 19) + return 0; +} +" +699614e73fff9af6ffbd4979062968b51491f2fb,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n < 19) + return 0; + if (16 < n <= 19) + return 0; +} +" +e1f9627ca5501dabe48b71e4e78b77c025d784cf,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n) + return 0; + if (16 < n <= 19) + return 0; +} +" +d791ef27f567b9e8b63a5628f1c8924db56430a6,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n) + return 0; + if (n < 19) + return 0; +} +" +a9ba2f6065e8f0b168167319c81b262da84c34fa,"public int noTeenSum(int a, int b, int c) +{ + + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n) + return 0; + if (n < 19) + return 0; + return 0; +} +" +93f2d36a14cd6111404f1c068011f12903b9886b,"public int noTeenSum(int a, int b, int c) +{ + + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n) + return 0; + if (n < 19) + return 0; + return 0; +} +" +b97bddabc05b73a0b85550ec8bf0fce3624876d6,"public int noTeenSum(int a, int b, int c) +{ + + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n && n != 15 || n != 16) + return 0; + + return 0; +} +" +052cedc53c74d7b62f257be1f81c22654d7e2c05,"public int noTeenSum(int a, int b, int c) +{ + + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n && n != 15 || n != 16) + return 0; + + return n; +} +" +ad4fbe70f759b1e181d854ed0582772b99097229,"public int noTeenSum(int a, int b, int c) +{ + + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + if (13 <= n && n != 15 || n != 16) + return 0; + else + return n; + + +} +" +f799c11c94169442a8e2806abf96c848485fe774,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n <= 14 && n >= 13) + n = 0; + if (n <= 19 && n >= 17) + n = 0; + return n; +} +" +e3567f5ceb16ac78992a276eb110e0e121d3befb,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + return n; + else if ( n >= 13 && n <= 19) + return 0; + else + return n; + +} +" +5ac02c3cc2c52c032c9fb1aa8d0a3189f86ecba9,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +265b75653ddb4eaf4e5673f535b2368ea95a9239,"public int noTeenSum(int a, int b, int c) +{ + int fixedA = this.fixTeen(a); + int fixedB = this.fixTeen(b); + int fixedC = this.fixTeen(c); + return fixedA + fixedB + fixedC; +} + +public int fixTeen(int n) +{ + if( n >= 13 && n <= 19 ) + { + if( n == 15 || n == 16 ) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +8668ece83b12a71b8d66dba160a60519b8222ee7,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + n = n; + } + else + { + n = 0; + } +}" +f2161a2a58bae8a20ea4ecb9278ae61d838cf4e4,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + n = n; + } + else + { + n = 0; + } +}" +a904ddde9f64fa76e6a2414997577f5df5666fc1,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +}" +7c3b83bcec29687eee12fff741ab8039d7abf2d8,"public int noTeenSum(int a, int b, int c) +{ + return ( fixTeen(a) + fixTeen(b) + fixTeen(c)); + + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n != 15 && n!= 16 && n <=19) + { + return 0; + } + else + { + return n; + } + +} +" +3ad7492f369a31029bb1157097ebd1f60362cf58,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + n = 0; + return n; + } + } +} +" +5c974554563d6cb188b8907dd6965941c1bc7dc2,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + n = 0; + return n; + } + } + return n; +} +" +e212ce925122ea9db3cbdcb04697b9db2415dfb9,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if ((a >= 13 && a < 15 && a > 16 && a <= 19) || (b >= 13 && b < 15 && b > 16 && b <= 19) || (c >= 13 && c < 15 && c > 16 && c <= 19)) + { + return 0; + } +} +" +378344cf1da6e584a4cc6dbea0e716e987451d1d,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int teen = n; + if (n >= 13 && n < 15 && n > 16 && n <= 19) + { + return 0; + } + return n; +}" +82d02406f9dc7f44243b52af573a5fe6646fc3ba,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int teen = n; + if (n >= 13 && n < 15) + { + if (n > 16 && n <= 19) + { + return 0; + } + } + return n; +}" +4c9ff33e84349e54814c00bf40e4b535e770739b,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int teen = n; + if (n >= 13 && n < 15) + { + if (n > 16 && n <= 19) + { + return 0; + } + } + return n; +}" +ec4506e87b6887aaf57019af1dac0b29bcdd9e45,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int teen = n; + if (n >= 13 && n < 15) + { + if (n > 16 && n <= 19) + { + return 0; + } + } +}" +4a05c91e53cf689466d51dc0b3872a0169e50c79,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int teen = n; + if (n >= 13 && n < 15) + { + if (n > 16 && n <= 19) + { + return 0; + } + } + return 0; +}" +4e4edf74fb9f1f538eff4a02e0be09567d1357e9,"public int noTeenSum(int a, int b, int c) +{ + int result = 0; + + result += fixTeen(a); + + result += fixTeen(b); + + result += fixTeen(c); + + return result; +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if(n==15 || n==16) + { + return n; + } + + return 0; + } +return n; +} +" +dc890018fbf0d4ca7220ece6ab3447e3ac2ec0a4,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int teen = n; + if (n >= 13 && n < 15) + { + if (n > 16 && n <= 19) + { + return 0; + } + } + return n; +}" +3c0e0ed8170e2a066c642d67a57deb7e38ccdbc9,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15) + { + if (n > 16 && n <= 19) + { + return 0; + } + } + return n; +}" +5c9826a5965b1fb44d2efbb79752a80e9a711f77,"public int noTeenSum(int a, int b, int c) +{ + if 13 <= a <= 19: + if fix_teen(a): + a = a + else: + a = 0 + if 13 <= b <= 19: + if fix_teen(b): + b = b + else: + b = 0 + if 13 <= c <= 19: + if fix_teen(c): + c = c + else: + c = 0 + + return a + b + c + +} + +public int fixTeen(int n) +{ + if n in {15, 16}: + return True +} +" +f46d0d66a12f0386aae9df4c746b505df389a9c0,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + return (n >= 13 && n < 15 || n > 16 && n <= 19) ? 0 : n; + +} +" +a9ff1c523fee9031da597fd1819e654f7587a876,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + switch(n){ + case 13: return 0; + case 14: return 0; + case 17: return 0; + case 18: return 0; + case 19: return 0; + } + + return n; + + +} +" +eedb2b51266978c1fac465dfc2aa1560094c8189,"public int noTeenSum(int a, int b, int c) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; +return 0; +} + +public int fixTeen(int n) +{ + { return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } +} +" +f5da83c671a45d252cd228c320918f33d6c7bf6c,"public int noTeenSum(int a, int b, int c) +{ + if(int < 13 || int > 19 || int == 15 || int == 16) + return int; +return 0; +} + +public int fixTeen(int n) +{ + { return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } +} +" +d3571e4a41d0b2712fe834b3319a104d5672641d,"public int noTeenSum(int a, int b, int c) +{ +{ return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; +return 0; +} +" +aa4a79a966bd9bedb7316d199376ff700647ccd8,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + n = 0; + } +} +" +ac71d928f18e95342f46e6618d0ee86133237086,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + n = 0; + } + return n; +} +" +1d17a947b0ce11fca8211a05045604643b8c57cf,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return(n); + } + else if (n >= 13 && n <= 19) + { + return(0); + } + else + { + return(n); + } +} +" +55e87a72e6af096f0571b22bf2b7229def27d1c4,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) +fixTeen(b)+ fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n<=19&&n>=13) + { + if(n!=15&&n!=16) + { + return 0; + } + else + { + return n; + } + } + else + { + return n; + } +} +" +c36dae35a1a93545309ea102dcefbb5c898c4c29,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) +fixTeen(b)+ fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n<=19&&n>=13) + { + if(n!=15&&n!=16) + { + return 0; + } + else + { + return n; + } + } + else + { + return n; + } +} +" +459923fcc1fc38ed4ed2e8705b0bf0d8fe1ee316,"public int noTeenSum(int a, int b, int c) +{ + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + return 0; + } + else + { + return n; + } +} +" +81f2bc73da6c55487d90e73df557b25f0eabaf4a,"public int noTeenSum(int a, int b, int c) +{ + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15) + { + return 0; + } + else if (n > 16 && n < 20) + { + return 0; + } + else + { + return n; + } +} +" +5c0ccd47e764844c8017ada43afb94ddd36396f0,"public int noTeenSum(int a, int b, int c) +{ + an = fixTeen(a); + bn = fixTeen(b); + cn = fixTeen(c); + return (an + bn + cn); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n != 16) { + n = 0; + } + } +} +" +b1f3efceab8abf9217eb677f1b2e641770669a3e,"public int noTeenSum(int a, int b, int c) +{ + int an = fixTeen(a); + int bn = fixTeen(b); + int cn = fixTeen(c); + return (an + bn + cn); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n != 16) { + n = 0; + } + } +} +" +1916d17d70badf7c325456949cd4cf24ad2b5527,"public int noTeenSum(int a, int b, int c) +{ + int an = fixTeen(a); + int bn = fixTeen(b); + int cn = fixTeen(c); + return (an + bn + cn); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n != 16) { + return = 0; + } + } + return n; +} +" +11f6454dcf59935aa71c58ef5b4a95719331cc53,"public int noTeenSum(int a, int b, int c) +{ + int an = fixTeen(a); + int bn = fixTeen(b); + int cn = fixTeen(c); + return (an + bn + cn); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n != 16) { + return 0; + } + } + return n; +} +" +a85736b13abf55c3a7feecf2fc95b507f86c96fb,"public int noTeenSum(int a, int b, int c) +{ + if(a>12 && a < 20){ + a = fixTeen(a); + } + if (b>12 && b < 20){ + b = fixTeen(b); + } + if(c > 12 && c < 20){ + c = fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + return 0; +} +" +67f765d34c9074366d38fc294a40609185f89dea,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int a); + fixTeen(int b); + fixTeen(int c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + int num = n; + if ( n == 15 || n == 16) + { + num = n; + } + else if ( n >= 13 && n <= 19) + { + num = 0; + } + return num; +} +" +4c876fb5f05fa4f8ff7df5c2d46a8a307c32a6b3,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int a); + fixTeen(int b); + fixTeen(int c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + { + n = n; + } + else if ( n >= 13 && n <= 19) + { + n = 0; + } + return n; +} +" +82529a8373578e9508f83a416869645e65f3a8aa,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res = res + fixTeen(a); + res = res + fixTeen(b); + res = res + fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20){ + if (n == 15 || n == 16) return n; + return 0;} + return n; +} +" +b7c4784b2cbebdd9c56bfdb787aac919f66fd102,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)) +} + +public int fixTeen(int n) +{ + if (n>=13 & n<=19) + { + n=0; + } +} +" +06bf332acfcaa6df4e7e1947b920ee86dccc9491,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n>=13 & n<=19) + { + n=0; + } +} +" +f1c726aa522603b12e919c2f6a90b8aba4fad612,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n>=13 & n<=19) + { + return 0; + } + else + { + return n; + } +} +" +ba7d06a8dd0349eba43cbbd2781bbad2b0c1aa2b,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n>=13 & n<=19 & n!=15 & n!=16) + { + return 0; + } + else + { + return n; + } +} +" +2b8a0b25c2629a74a378c2d398a682db1a513885,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c) +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n <= 14)) && ((17 <= n) && (n <= 19))) + { + return n; + } + else + { + return 0; + } +} +" +fe96c1be136557959f3abc23885c55e37a296e21,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n <= 14)) && ((17 <= n) && (n <= 19))) + { + return n; + } + else + { + return 0; + } +} +" +661ea51c8224a1b0f4a85c5442182b09717485e0,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n <= 14)) && ((17 <= n) && (n <= 19))) + { + return 0; + } + else + { + return n; + } +} +" +a360901ae1818a776755af67d803f852ff7f9414,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n <= 14)) || ((17 <= n) && (n <= 19))) + { + return 0; + } + else + { + return n; + } +} +" +2a80cda97812016008d3add5b074e290ec9d7c9c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +e63943afa219869146f815db092d1d7c6ee0199d,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum = int fixTeen; + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +c7047fd2789e7ef63ec062f9a22e33cfca580384,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum.class = int fixTeen.class; + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +25dd64fbf044ed1b707813b1f668146593b0a580,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum.class = int n; + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +a61c81f712e11128507d422d6f57e4e75359f84b,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum = int n; + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +d2f046522d099396a144ae31fd04afedbaefd73b,"public int noTeenSum(int a, int b, int c) +{ + int a = int n; + int b = int n; + int c = int n; + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +7b95f1ea87aeb600503b51f595c57a4965a2ca2c,"public int noTeenSum(int a, int b, int c) +{ + a = n; + b = n; + c = n; + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +2765425991cb0bdff1cec77c508195492145511c,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +87b89975807d681ba1b9eb5c5134ecf53b13cc65,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +e3a4c70270775af6ed179fd50eb2ec497f85d1f6,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +5c20d52421952488c8f59a74bd0ad6891d653059,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + else if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + else if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +e878bcbb2267842146333e62bd32474c9fe8fa93,"public int noTeenSum(int a, int b, int c) +{ + + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +70706455e348610ac26719514d98baa79986f46d,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +79f94877a87b4ccbf56535c3c7b14fb3b7d47f1b,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 || n <= 19 || n != 15 || n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +d8043cbcb21c5d8903f18da1c737973f352f0b19,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 || n != 15 || n != 16) + { + return 0; + } + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +0c7859cb6ecc1ba85173eb022515ddabd34d89a4,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n = 15 || n = 16) + { + return n; + } + else + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +4ce7101ff9096a8aa421c1962481c35f4f26a610,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +0e013e86c3767981f0ba14bae2d6055859dbac6c,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + /*if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + }*/ + else + { + return n; + } +} + +/*if (a >= 13 || a <= 19 && a != 15 && a != 16) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 15 && b != 16) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 15 && c != 16) + { + return 0; + }*/ +" +5b69f1455bc5efd1f92580cc97a56052ce4c2277,"public int noTeenSum(int a, int b, int c) +{ + + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +}" +0240e2aa8559447ffa35e26e216cde0d2ebc5fa1,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; + +} +" +6062c79e6b8d0e2bd29b7419c1cb8a48a8e3703d,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +8124a5c10d5a0bdd47289df3190360f3fd6569a1,"public int noTeenSum(int a, int b, int c) +{ + if (a => 13 && a <= 19 && a != 15 || a!=16) + { + a = 0; + } + if (b => 13 && b <= 19 && b != 15 || b!=16) + { + b = 0; + } + if (c => 13 && c <= 19 && c != 15 || c!=16) + { + c = 0; + } + sum = a + b + c; +} + +public int fixTeen(int n) +{ + +} +" +358bca7b2644dd37ed05fd627ac4253a39eb60f2,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && a != 15 || a!=16) + { + a = 0; + } + if (b >= 13 && b <= 19 && b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19 && c != 15 || c!=16) + { + c = 0; + } + sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + +} +" +884f01cc450bd5a192701e4128aa5b9cbf1d832c,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && a != 15 || a!=16) + { + a = 0; + } + if (b >= 13 && b <= 19 && b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19 && c != 15 || c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + +} +" +f1d28a8e668bbc4c0a242bdfe36bd4dcd11a685c,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && a != 15 || a!=16) + { + a = 0; + } + if (b >= 13 && b <= 19 && b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19 && c != 15 || c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + n = 3; + return n; +} +" +da98d89c9601da98a4abe56da6472af3ffbccd14,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && a != 15 || a!=16) + { + a = 0; + } + else + { + a = a; + } + if (b >= 13 && b <= 19 && b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19 && c != 15 || c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + n = 3; + return n; +} +" +aee7654f26658bb5464c021fcb449540b8aaea74,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + if (a != 15 || a!=16) + { + a = 0; + } + if (b >= 13 && b <= 19 && b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19 && c != 15 || c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + n = 3; + return n; +} +" +0ffbbb64c9a34941404b51616c8a00fbe2d26cb8,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + if (a != 15 || a!=16) + { + a = 0; + } + if (b >= 13 && b <= 19) + if (b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19) + if (c != 15 || c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + n = 3; + return n; +} +" +3f825c8ae347de3609b7fa593619bd5ad8e2b1b1,"public int noTeenSum(int a, int b, int c) +{ + if (a != 15 || a!=16) + if (a >= 13 && a <= 19) + { + a = 0; + } + if (b >= 13 && b <= 19) + if (b != 15 || b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19) + if (c != 15 || c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + n = 3; + return n; +} +" +7cee97347c47e905b62cec591ecdd3f09eca37f1,"public int noTeenSum(int a, int b, int c) +{ + if (a != 15 && a!=16) + if (a >= 13 && a <= 19) + { + a = 0; + } + if (b >= 13 && b <= 19) + if (b != 15 && b!=16) + { + b = 0; + } + if (c >= 13 && c <= 19) + if (c != 15 && c!=16) + { + c = 0; + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + n = 3; + return n; +} +" +2af94c082d0a878d2a047359a926ee0a76fab80d,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 || n > 16 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +1838f26d8df6bc7e06140f8ad436878e06470d50,"public int noTeenSum(int a, int b, int c) +{ + int aFix = fixTeen(a); + int bFix = fixTeen(b); + int cFix = fixTeen(c); + return aFix + bFix + cFix; +} + +public int fixTeen(int n) +{ + if (n < 15 && n > 12) + { + return 0; + } + else if (n > 15 && n < 20) + { + return 0; + } + else if (n == 15 || n == 16) + { + return n; + } + else + { + return n; + } +}" +252d6c67bde2553af41bbf7ac5a462dbeb9b7fc4,"public int noTeenSum(int a, int b, int c) +{ + int aFix = fixTeen(a); + int bFix = fixTeen(b); + int cFix = fixTeen(c); + return aFix + bFix + cFix; +} + +public int fixTeen(int n) +{ + if (n < 15 && n > 12) + { + return 0; + } + else if (n > 15 && n < 20) + { + return 0; + } + else if (n <= 15 || n >= 16) + { + return n; + } + else + { + return n; + } +}" +d71079c594fc0a2e217ed93c690f30beea56957c,"public int noTeenSum(int a, int b, int c) +{ + int aFix = fixTeen(a); + int bFix = fixTeen(b); + int cFix = fixTeen(c); + return aFix + bFix + cFix; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n > 16 && n < 20) + { + return 0; + } + else if (n < 15 || n > 12) + { + return n; + } + else + { + return n; + } +}" +6ed77674a9bdbd7c2bc9e0ae481432bf30b43aeb,"public int noTeenSum(int a, int b, int c) +{ + int aFix = fixTeen(a); + int bFix = fixTeen(b); + int cFix = fixTeen(c); + return aFix + bFix + cFix; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n > 16 && n < 20) + { + return 0; + } + else if (n < 15 && n > 12) + { + return n; + } + else + { + return n; + } +}" +8d1a21acdcdf7efb3eea1142bae1a720a0887ba4,"public int noTeenSum(int a, int b, int c) +{ + int aFix = fixTeen(a); + int bFix = fixTeen(b); + int cFix = fixTeen(c); + return aFix + bFix + cFix; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n > 16 && n < 20) + { + return 0; + } + else if (n < 15 && n > 12) + { + return 0; + } + else + { + return n; + } +}" +f5c2e43e832058a179761d30237e869a19bdc38b,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int x; + if (n <= 19 && n >= 13) + { + if (n == 15 || n ==16) + { + x = n; + } + else + { + x = 0; + } + } + else + { + x = n; + } + return x; +} +" +2ff9fc26f42b0b064b18b0fb5e9915b2c47ee9b3,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +f876f849acadcfb714c8273175d2f6d3dab3993f,"public int noTeenSum(int a, int b, int c) +{ + if (a != n && b != n && c != n) + { + return a+b+c; + } + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + +} +" +4e5d6beebaf51f1c9621aab85291f28cafee73f8,"public int noTeenSum(int a, int b, int c) +{ + if (a != n && b != n && c != n) + { + return a+b+c; + } + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return n; + } + +} +" +fd4d72256be9febd8a690242191ce6af6bad5be6,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) // teens + { + if (n == 15 || n == 16) // not teens + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +503b7224525d3d47038759dbe146a1c7ebec934d,"public int noTeenSum(int a, int b, int c) +{ + if (a != fixTee && b != fixTeen && c != fixTeen) + { + return a+b+c; + } + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return n; + } + +} +" +b1a2941aef27ce7a5d2076b1648eec6d2c167c75,"public int noTeenSum(int a, int b, int c) +{ + if (a != fixTeen && b != fixTeen && c != fixTeen) + { + return a+b+c; + } + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return n; + } + +} +" +082b5995ba874dfc41dd34723864c3ea7f787782,"public int noTeenSum(int a, int b, int c) +{ + int n = int Fixteen; + if (a != n && b != n && c != n) + { + return a+b+c; + } + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return n; + } + +} +" +20fa31d20c1fca2c853d07f34afedb2a73cfd8fc,"public int noTeenSum(int a, int b, int c) +{ + if (a != n && b != n && c != n) + { + return a+b+c; + } + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return n; + } + +} +" +ba5b78be1aefb04658fe6dc8e60ab87a2dd21c93,"public int noTeenSum(int a, int b, int c) +{ + int sum = a + b + c; + sum = fixTeen(sum); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n >= 19) { + if (n == 15 || n == 16) { + n = n; + } + else { + n = 0; + } + } + else { + n = n; + } + return n; +} +" +4cf9b7ad1e611b4bf4754936df5f4cceb7d64b8b,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n >= 19) { + if (n == 15 || n == 16) { + n = n; + } + else { + n = 0; + } + } + else { + n = n; + } + return n; +} +" +370b635733a59976c6cb60e2aed63cbdd958673c,"public int noTeenSum(int a, int b, int c) +{ + ax = fixTeen(a); + bx = fixTeen(b); + cx = fixTeen(c); + int sum = ax + bx + cx; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n >= 19) { + if (n == 15 || n == 16) { + n = n; + } + else { + n = 0; + } + } + else { + n = n; + } + return n; +} +" +a7c3655d9737e669f281c8a541ddd9908ba8a3d6,"public int noTeenSum(int a, int b, int c) +{ + int ax = fixTeen(a); + int bx = fixTeen(b); + int cx = fixTeen(c); + int sum = ax + bx + cx; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n >= 19) { + if (n == 15 || n == 16) { + n = n; + } + else { + n = 0; + } + } + else { + n = n; + } + return n; +} +" +cdcd15b4c9c247b1735267944dfedbbbc65ff0a4,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19**n!=15&&n!=16) + return 0; + return n; +} +" +fdb1e41bbc7b4fb49900f8bee389b34043568603,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19&&n!=15&&n!=16) + return 0; + return n; +} +" +21afa3d4462f0e3c4968722bfff2cda6786fad29,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <== 19) + { + return 0; + } + else + { + return n; + } + +} +" +fdc54d81d2d65ce8eaa83d7dda106008d48c3ebc,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <== 19)) + { + return 0; + } + else + { + return n; + } + +} +" +03f7012c5e59ce954c087d9cf696c1fe69403409,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } + +} +" +3a7a3bae55f131e8a9babfadc36435f4f9f4f0f1,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + n = 0; + +} +" +2ef2d92ba908e5b6ae04d61711d26ac4d17fa0fe,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +d4553d213a76fca6605e1505d6adbec3cf6dd605,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + n = 0; + return n; +} +" +669ba4e1a16561f4fc29cf7d22647be44c79fff7,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + n = 0; + return 0; +} +" +331b1d130709bada4b8aa95f8dec8d7f12726799,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(3); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + n = 0; + return 0; +} +" +fa8a5e18f3ef9a3cae42ddb69118c3184f8e588d,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + n = 0; + n = n; +} +" +82f69ff2fb839d6d08383b2ad5b2f99cce060b0b,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + n = 0; + return n; +} +" +b82325be142bb770604fcd4f725cecba8814dd6f,"public int noTeenSum(int a, int b, int c) +{ + int ax = fixTeen(a); + int bx = fixTeen(b); + int cx = fixTeen(c); + int sum = ax + bx + cx; + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + n = n; + } + else { + n = 0; + } + } + else { + n = n; + } + return n; +} +" +e41f8fde3bdaeecb0f0eb0ca6882796be6bfbcdc,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixTeen(a); + int newB = fixTeen(b); + int newC = fixTeen(c); + + return newA + newB + newC; +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19) { + return n; + } + else { + return 0; + } +} +" +86e96bac7b01fe91a80f5458f68dd411cbf989f1,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + while (n != 15 && n != 16) + if (n <= 19 && n >= 13) + return 0; + return n; +} +" +a9725127b1d86a87e437bdd351cb6e8315d55da7,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixTeen(a); + int newB = fixTeen(b); + int newC = fixTeen(c); + + return newA + newB + newC; +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) { + return n; + } + else { + return 0; + } +} +" +042c7539e7bbc603f9d999c837f0b4486eeef11a,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n != 15 && n != 16) + if (n <= 19 && n >= 13) + return 0; + return n; +} +" +c222be12aa08f5c1d7e18e8e7b119083adc86349,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 && n != 16) + return 0; + else + return n; +} +" +f0be04df720e45391f559d26dc0955b0202bb87b,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 && n != 16) + return 0; + return n; +} +" +2e007e796e35e7e1dc3f93fe57d7994c06428678,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 && n == 16) + return n; + else + return 0; + return n; +} +" +fcb12548bea9aa8479eeb733c6f887a89cacde31,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 || n == 16) + return n; + else + return 0; + return n; +} +" +dc9efe0f78f0e91db8e108005275a33d76987e80,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 && n != 16) + return 0; + return n; +} +" +c3c1f257ccc8854f77b5a291f8b7e5a90a54427c,"public int noTeenSum(int a, int b, int c) +{ + fixA = fixTeen(a); + fixB = fixTeen(b); + fixC = fixTeen(c); + return(fixA + fixB + fixC); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + if (n==15 || n==16) + { + return (n); + } + else + { + n = 0; + return (n); + } + } + else + { + return (n); + } +} +" +79f7a18c4b5aec43816783b355314cd23f91dbf0,"public int noTeenSum(int a, int b, int c) +{ + int fixA = fixTeen(a); + int fixB = fixTeen(b); + int fixC = fixTeen(c); + return(fixA + fixB + fixC); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + if (n==15 || n==16) + { + return (n); + } + else + { + n = 0; + return (n); + } + } + else + { + return (n); + } +} +" +21e2b094bfc6912e1d153a03916e2e4e3bd330fd,"public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +public int noTeenSum(int a, int b, int c) +{ return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } + +" +ce6c7129533e9b39fc7926155c1daef1eb5df042,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +4faafd5e8109788b10907dd0956649df4e801ce8,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +fe632d12b6cbce1b0aafcb21b676801ef7011b38,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int n); + return (a + b + c); +} + +public int fixTeen(int n) +{ + if (int n >= 13 && int n <= 19) + { + if (int n = 15 || 16) + return (a + b + c); + return (n == 0); + } + + +} +" +7c3560c5469389bb457a62d7a712e090817a0020,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + FixTeen(c); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n < 15) + { + n = 0; + } + else if(n > 16 && n <= 19) + { + n = 0; + } + + return n; +} +" +567faf8f3c068a11e50732552d329d8c5453c233,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + FixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n >= 13 && n < 15) + { + n = 0; + } + else if(n > 16 && n <= 19) + { + n = 0; + } + + return n; +} +" +ca484bea0bcb268e03a5499af81800dae0646a1d,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n >= 13 && n < 15) + { + n = 0; + } + else if(n > 16 && n <= 19) + { + n = 0; + } + + return n; +} +" +4a6d888eb84c83c040c923f4778033426d8857ea,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n !=15 && n!=16) + { + return 0; + } + else + { + return n; + } +} +" +cc1679b4b7d8d7fbabefaf1362246ce14c4bb15e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a); + return fixTeen(c); + return fixTeen(b); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } + +} +" +72a427ce17bc46ec33235684c49637e9b94a3b42,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a); + return fixTeen(b); + return fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } + +} +" +4f858dcabf08316203b21a1e905b5d86767ad2bc,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum + fixTeen(c); + return sum; + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + return n; + return 0; + } + return n; + + +} +" +b030134106433fcea045d0037ad10bbe22d66796,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a); + return fixTeen(b); + return fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } + +} +" +5de24d334e022a2b114195d8b092bc32713c6723,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } + +} +" +9831c7dff946acc4f0d3f8ee31c05cc0184b58fe,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ +if(n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; +else + return n; +} +" +cf3556fc8a029abc0f344094e84340e3ccaacf29,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13 && n != 15 && n != 16){ + return 0; + } + else{ + return n; + } +} +" +58adea0bac809ce3a13fb83f6b1a7a35a1db0101,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; +return 0; +} +" +7dcb9a1f2f0e17a202865219f482dca5dce59459,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + { + n = n; + } + else if ( n >= 13 && n <= 19) + { + n = 0; + } + return n; +} +" +80c1c951cc02a1195ea58a22360d5a7cfeddc042,"public int noTeenSum(int a, int b, int c) +{ + int x = fixTeen(a) + fixTeen(b) + fixTeen(c); + return x; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +167abfe22d8a1fddecac37f99f8f86218f875a74,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if ( n != 15 && n != 16) + { + if ( n >= 13 && n <= 19) + { + n = 0; + } + } + return n; +} +" +4564a8f5be48d528ce2fbe5397194156f2cf0d95,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + int newN = 0; + if ( n != 15 && n != 16) + { + if ( n >= 13 && n <= 19) + { + return newN; + } + else + { + return n; + } + } + else + { + return n; + } +} +" +e52272df12d3ac97a18969b25ad0078163d4fe01,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15) + { + return 0; + } + else if (n > 16 && n <= 19) + { + return 0; + } + + return n; +}" +c564763ae0096c998e9c531590c23cd72655e781,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n <= 19) + if(n >= 13) + if(n != 16 && n != 15) + +} +" +a92d39a1ee881b47d2bae23eff8f3bba02f508ef,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19) + if(n >= 13) + if(n != 16 && n != 15) + return n; +} +" +aeba8f53f8de5baf72767c1a767291f24f646508,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n <= 19) + if(n >= 13) + if(n != 16 && n != 15) + return n; +} +" +5eb09d2965c19931680b6b6929fc5ad0de0ddccd,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n <= 19) + if(n >= 13) + if(n != 16 && n != 15) + return n; + return n; +}" +dbad3d9bf8eaa7a88525078a21e9a4036605b563,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n <= 19) + if(n >= 13) + if(n != 16 && n != 15) + return 0; + return n; +}" +8e60f4e907b52f17a611a47a393f6b6b1bab3b1c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +2c52c7c4c8d6ec5b65f27ffe91f247c5a9531141,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +79c58a491312a133e68b505957485ca6a71d8f83,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( a >= 13 && a <= 19 && a != 15 && a !=16){ + a = 0; + return a; + } + if ( b >= 13 && b <= 19 && b != 15 && b !=16){ + b = 0; + return b; + } + if ( c >= 13 && c <= 19 && c != 15 && c !=16){ + c = 0; + return c; + } + +} +" +fbe926dbdd2d533c5b610ebe68adab0f28e94373,"public int noTeenSum(int a, int b, int c) +{ + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + int sum = a + b + c; + return sum; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + n = n; + } + else if (n >= 13 && n <= 19) { + n = 0; +} +" +e61c2c9f31cdd805b28705399f1f4e61c5461042,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n >= 13 && n <= 19 && n != 15 && n !=16){ + n = 0; + return n; + } + +} +" +1aeb6c8f21c278dc358ca4511a37b38eb06dc1d0,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n >= 13 && n <= 19 && n != 15 && n !=16){ + n = 0; + return n; + }else{ + return n; + } + +} +" +1d00f686d0285fce66c6d852df887eaff7daa59e,"public int noTeenSum(int a, int b, int c) +{ + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + int sum = a + b + c; + return sum; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + n = n; + } + else if (n >= 13 && n <= 19) { + n = 0; + } +} +" +67f4c7ecb41508ba5436e267788f2cc9ec1180ba,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + int newN = 0; + if ( n >=13 && n < 15) + { + n = 0; + } + else if ( n > 16 && n <= 19) + { + n = 0; + } + return n; +} +" +b2ae3e0a1d0a7968dbdef2430b51689a4b6a60e4,"public int noTeenSum(int a, int b, int c) +{ + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + int sum = a + b + c; + return sum; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + n = n; + return n; + } + else if (n >= 13 && n <= 19) { + n = 0; + return n; + } +} +" +0e961293e4c81fb4065dfe7adfd551e66573af07,"public int noTeenSum(int a, int b, int c) +{ + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + int sum = a + b + c; + return sum; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) { + n = n; + } + else if (n >= 13 && n <= 19) { + n = 0; + } + return n; +} +" +0291ad1760678ad9a0eab46df257412479355b11,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + int newN = 0; + if ( n >=13 && n < 15) + { + return newN; + } + else if ( n > 16 && n <= 19) + { + return newN; + } + else + { + return n; + } +} +" +5cefb0e64f33c8a9b1fb0cf7425f6d30a0bea398,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = fixTeen(a) + fixTeen(b) + + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int newN = 0; + if ( n >=13 && n < 15) + { + return newN; + } + else if ( n > 16 && n <= 19) + { + return newN; + } + else + { + return n; + } +} +" +2fdfa1a714b820dab72474420f2ac9223a512751,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int sum = fixTeen(a) + fixTeen(b) + + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int newN = 0; + if ( n >=13 && n < 15) + { + return newN; + } + else if ( n > 16 && n <= 19) + { + return newN; + } + else + { + return n; + } +} +" +17a3e381bf9cbcbd96fc5c6637434e97ce10b5f3,"public int noTeenSum(int a, int b, int c) +{ + int sum=0; + sum=sum+fixTeen(a); + sum=sum+fixTeen(b); + sum=sum+fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if ((n>12 && n<15) || (n>16 && n<20)) + n=0; + else + return n; +} +" +0739b957acd3e7bb2954ea58d37d51f272d8ac50,"public int noTeenSum(int a, int b, int c) +{ + int sum=0; + sum=sum+fixTeen(a); + sum=sum+fixTeen(b); + sum=sum+fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if ((n>12 && n<15) || (n>16 && n<20)) + n=0; + + return n; +} +" +c609fd4a44f3d9e4547f8da907d74e335c7bc84d,"public int noTeenSum(int a, int b, int c) +{ +int RETURN = 0; + if ( a == 13 || a == 14 || a == 17 || a == 18 || a == 19) + a= 0; + if ( b == 13 || b == 14 || b == 17 || b == 18 || b == 19) + b= 0; + if ( c == 13 || c == 14 || c == 17 || c == 18 || c == 19) + c= 0; + return a + b + c; +} + +public int fixTeen(int n) +{ + +} +" +eeef7dab827fabcea43986fb5c2e0fc85feabeef,"public int noTeenSum(int a, int b, int c) +{ +int RETURN = 0; + if ( a == 13 || a == 14 || a == 17 || a == 18 || a == 19) + a= 0; + if ( b == 13 || b == 14 || b == 17 || b == 18 || b == 19) + b= 0; + if ( c == 13 || c == 14 || c == 17 || c == 18 || c == 19) + c= 0; + return a + b + c; +} + +" +2ad4866ce38ee24dcc21792a956ddc40a230c20b,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0;); +} +" +8ac06924c823eb68f290dbb308cc4ee61041a3db,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +c1747a282c76aaf2158faf7760a00c03c1fbaf75,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 19) + { + n = 0; + } + + return n; +} +" +038783c431fff9bb03c67ba42c443b4a7aa5b4ac,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + +} +" +aabe070ef971d67e25b05c9d81cb212e2bb52756,"public int noTeenSum(int a, int b, int c) +{ + if ((a < 19 && a > 13) || (b < 19 && b > 13) || (c < 19 && c >13)) + { + this.fixTeen(); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +4405c82c45f61469671c19562cd24d1850be2c47,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n>=13 && n<=19) + { + return 0; + } + else + { + return n; + } +} +" +6af7c6ee134285503ec32a44f5a5937e2e43090e,"public int noTeenSum(int a, int b, int c) +{ +nt res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +21a4fb4b37ade079a3f8e79f02a508ba34dcb59a,"public int noTeenSum(int a, int b, int c) +{ +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +fa768ccd180327b5ae73b423481ebc6d042c78ef,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n!= 16) + { + return 0; + } + else + { + return n; + } +} +" +ad9b744f5f94220a6d3d808465faafb78568811c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n == 15) + { + return 15; + } + else if(n == 16) + { + return 16; + } + else + { + return 0; + } + } +} + +" +8594afe5e167edaa8f6fbe00fdf5d2d51c56edd7,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n == 15) + { + return 15; + } + else if(n == 16) + { + return 16; + } + } + return 0; +} + +" +af67e68a58291d4b09c54f722dd343f99c3529f1,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n == 15) + { + return 15; + } + else if(n == 16) + { + return 16; + } + else + { + return 0; + } + } + return; +} + +" +87eb44d3ae5f4c98f817af40673078e8dcecf891,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n == 15) + { + return 15; + } + else if(n == 16) + { + return 16; + } + return 0; + } +} + +" +d1dbb8874eac44a6727a4273e117c2d82431774c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n == 15) + { + return 15; + } + else if(n == 16) + { + return 16; + } + return 0; + } + return n; +} + +" +69a7fc3b5a0b318c530d1ce9280183ec31c77a3e,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n == 15 || n ==16) + return n; + else if (n >= 13 && n <=19) + return 0; + else + return n; + + + + +} +" +f050d2fd7899ddc8958dff552d2354f68f5575d4,"public int noTeenSum(int a, int b, int c) +{ + + int fa = fixTeen(a); + int fb = fixTeen(b); + int fc = fixTeen(c); + + return fa + fb + fc; + + +} + +public int fixTeen(int n) +{ + if (n == 15 || n ==16) + return n; + else if (n >= 13 && n <=19) + return 0; + else + return n; + + + + +} +" +c1aa50b2fc5a5312c66f0d9f163846967c9ba6c7,"public int noTeenSum(int a, int b, int c) +{ + return fixteen(a) + fixteen(b) + fixteen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 && n > 16 && n < 19) + { + return 0; + } + else { + return n; + } +} +" +f4d520c1adf786d5209da46bc61a9dedf819e235,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 && n > 16 && n < 19) + { + return 0; + } + else { + return n; + } +} +" +bb1e365b38327f948f0c66d0dcf6755ca5f5db82,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 || n > 16 && n < 19) + { + return 0; + } + else { + return n; + } +} +" +f462d79d8053ae5a6f3c298f26cf6f3eaf89a4aa,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 || n > 16 && n <= 19) + { + return 0; + } + else { + return n; + } +} +" +394eb3673f03f188653ffb381e9e8e16fd700270,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a, b, c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +83bf0f2ccbbd83a2e31a233af80f1a9b2f0056fd,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a, b, c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +c8e233a073678f9e062ef0a071698dde70b91306,"public int noTeenSum(int a, int b, int c) +{ + if (a < 19 && a > 13) + { + this.fixTeen(a); + } + if (b < 19 && b > 13) + { + this.fixTeen(b); + } + if (c < 19 && c > 13) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +8c0936547b49469bc2c95960ac7993b058bbcea9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a), fixTeen(b), fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +b5b3c27aaad99885f96ec759f5186157fc471c9d,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 && b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 && c >= 13) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +e5cad332f0b9de7bf4144cc1625cd0a1a8b0cbdf,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a), fixTeen(b), fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +ddfdcad66ecb1031bb2f2332180b4357c443b773,"public int noTeenSum(int a, int b, int c) +{ + if a + { + return fixTeen(a); + } +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +72d43f3ec5f41ff2ea9c5f145d6521a373aa90f5,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 && b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 && c >= 13) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 16 && n < 15) + { + return 0; + } + else + { + return n; + } +} +" +529930a1f5631acd494af67dbd24b7b8da44179c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +e1748f77ab369b40ac20bd0b0d564f3a0a16c36c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a, b, c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +c0c3d256b46945bf29898dd0c43486acb7708873,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(int a, int b, int c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +436f1ed6931c929048a2f82b36e8c8f09f4f441f,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 && b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 && c >= 13) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + return 0; +} +" +8ff43514c5d9cad92dd39de1a28cfa51e831fb67,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n < 15) || (n > 16 && n <= 19)) + { + return 0; + } + else + { + return n; + } +} +" +6732cf292aea01c2a3bbdf35cdc325219bfb0263,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 && b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 && c >= 13) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + n = 0; +} +" +5cb60f6cccee063ba1386ee4a2d371e38e066057,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 && b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 && c >= 13) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else + { + n = 0; + return n; + } +} +" +0da1b5852ba4049cef73e7bd6f100491d331d060,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 && b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 && c >= 13) + { + this.fixTeen(c); + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +0075d0681f89dc77c13dca0865d1b1693335034a,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 || a >= 13) + { + this.fixTeen(a); + } + if (b <= 19 || b >= 13) + { + this.fixTeen(b); + } + if (c <= 19 || c >= 13) + { + this.fixTeen(c); + } + int sum = a + b + c; + return sum; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +1e6a85782afa413437d3d2f3cd6da10d7fd48188,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +c6da2268bff7ae24bade154e6b05fc6d583350cd,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +3e52e3a1544f71192d5ae9883005f6c91861bff1,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + switch (n) { + case 13: + case 14: + case 17: + case 18: + case 19: + return 0; + break; + default: + return n; + break; + } + +} +" +f5aca681ffd73071f583ead815dce0cc1e8546a7,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + switch (n) { + case 13: + case 14: + case 17: + case 18: + case 19: + return 0; + default: + return n; + } + +} +" +4de49fa2f2b708123d10a408b4dec25fb5c19429,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || (n >= 17 && n <= 19)) + return 0; + else + return n; +} +" +e1c0d4c8b98234346588758c7a0c2b06ad53d5ce,"public int noTeenSum(int a, int b, int c) +{ + return (fixteen(a) + fixteen(b) + fixteen(c)); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + n = 0; +} +" +fe1b76beaf4c8dbf0999bf198ec9818ab6f7aa58,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + n = 0; +} +" +85c6c059f5f864794f7487a60201f53946d7a9e8,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + n = 0; + return n; +} +" +59367814e9d9808123962387eb6383b0286741d8,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n ==15 || n ==16) + return n; + return 0; +} +" +4fda6cfcf6ba38eefb9f23202a1c281cd4acd8de,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + int result = 0; + + if (n < 13 || n > 19 || n = 15 || n = 16) + { + result = n; + } + else + { + result = 0; + } + + return result; + +} +" +6f753049128057c93e887021696565fe7f592f91,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + int result = 0; + + if (n < 13 || n > 19 || n == 15 || n == 16) + { + result = n; + } + else + { + result = 0; + } + + return result; + +} +" +3b4ec1f95f816069c166361c28f59fb4d7510fbf,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + return n; + return 0; + } + return n; +} +" +6971912fc53e57b12a1f4938a58ced3fc3d8804a,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((13 <= n < 15) || (16 < n <= 19)) + { + n = 0 + } +} +" +f87dd4aaa66b67403c663a522859e3fa1c6be009,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((13 <= n < 15) || (16 < n <= 19)) + { + n = 0; + } +} +" +843d5f896618461c0e8896df502d3c8b4b9019bc,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n < 15)) || ((16 < n) && (n <= 19))) + { + n = 0; + } +} +" +b0e616a6679b56d7674b6e7ef97c8ca97b25cc5a,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n < 15)) || ((16 < n) && (n <= 19))) + { + n = 0; + } + else + { + n = n; + } +} +" +071287e2b347d1f066342c528df9e59e68d4a6cf,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (((13 <= n) && (n < 15)) || ((16 < n) && (n <= 19))) + { + return 0; + } + else + { + return n; + } +} +" +cdbf491cedaa5e8465af3134afe8c94d579312bd,"public int noTeenSum(int a, int b, int c) +{ + int n = a + b + c; + if (n == 15 || n == 16) + { + return n; + } + else + { + this.fixTeen(); + } + return n; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n <= 19) + { + return 0; + } +} +" +123f185a08ec62fe2a5c0421a10e2db6adf9d342,"public int noTeenSum(int a, int b, int c) +{ + int n = a + b + c; + if (n == 15 || n == 16) + { + return n; + } + else + { + this.fixTeen(n); + } + return n; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n <= 19) + { + return 0; + } +} +" +2002f6c6d63230e9e7a4acba0582eeb8d76868a4,"public int noTeenSum(int a, int b, int c) +{ + int n = a + b + c; + if (n == 15 || n == 16) + { + return n; + } + else + { + this.fixTeen(n); + } + return n; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n <= 19) + { + return 0; + } + return n; +} +" +db07b719da89597c55cf3446e53f731094fd39e3,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + return n; + } + else + { + return 0; + } + } + return n; +} +" +0ad4d9268f7e94cea8678c1fd384d2386e4ec9a7,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if(n==15 || n==16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +8c25afe534f50a6b1100035716f17afa3efb1caf,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if(n==15 || n==16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return n=0; + } + else + { + return n; + } +} +" +ae2ccd1a01cecbef823477d9b8adf68df23b849b,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if(n==15 || n==16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +beb8067848008665a19239fef2c491dd23b16073,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if(n==15 || n==16) + { + return n; + } + return 0; + } + else + { + return n; + } +} +" +ced49176d076144aea037ae34caf8569c886abdf,"public int noTeenSum(int a, int b, int c) +{ + int total = 0 + total = total + fixTeen(a); + total = total + fixTeen(b); + total = total + fixTeen(c); + return total; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if(n==15 || n==16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +33cae77a81b73bee5b3fd8a94af4ce7e766fc6b1,"public int noTeenSum(int a, int b, int c) +{ + int total = 0; + total = total + fixTeen(a); + total = total + fixTeen(b); + total = total + fixTeen(c); + return total; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if(n==15 || n==16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +76e2d8d683043e5b13b1d2bf3b8946b0eac9010a,"public int noTeenSum(int a, int b, int c) +{ + return (fixteen(a) + fixteen(b) + fixteen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 || n == 15 || n == 16) + return 0; + else + return n; +} +" +1e752334a4d7fa71986601e16a4ea4df2756aa66,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 || n == 15 || n == 16) + return 0; + else + return n; +} +" +95e249eaad8b09586a4fb0c9ffd8d5ada0f1e338,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +362f0ccc9f0bfe5ef85bea5171d3321090d4db20,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + // if number is between 13 and 19 and not 15 or 16 + return 0; + else + return n; +} +" +6ae490da42484cdb301dec3912b4ebd8e6a868a0,"public int noTeenSum(int a, int b, int c) +{ +return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +1daa8c139126aecb2f16cc4b291e1670c0ced604,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +1a120b0514af8f4c1dd846183e68e936284fc778,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} +" +f5c676544ca42abd95c4b61f4447f1734cc7ec64,"public int noTeenSum(int a, int b, int c) +{ + int n = a + b + c; + if (n == 15 || n == 16) + { + return n; + } + else + { + this.fixTeen(n); + } + return n; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n <= 19) + { + n = 0; + } + return n; +} +" +ad91ff9e78a4dce90df2cfb64d8d010060020cce,"public int noTeenSum(int a, int b, int c) +{ + n = a; + this.fixTeen(); + n = b; + this.fixTeen(); + n = c; + this.fixTeen(); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + n = 0; + } +} +" +5906a791ecf2dc3c4ce9e54ba56c21d2083d2bae,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(); + n = b; + this.fixTeen(); + n = c; + this.fixTeen(); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + n = 0; + } +} +" +353ec6256c0adbec95052c7e362d6ce0f64b4871,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(n); + n = b; + this.fixTeen(n); + n = c; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + n = 0; + } +} +" +c43fedd3cc4c07a165093ff002a4c179ec3ee6e9,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(n); + n = b; + this.fixTeen(n); + n = c; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + n = 0; + } + return 0; +} +" +1b69fb0fcd0fd9e2f828a894d1bb9acb234d9fe4,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + a = n; + this.fixTeen(n); + b = n; + this.fixTeen(n); + c = n; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + n = 0; + } + return 0; +} +" +1091014d08342ada36dd4c1535c3cf8fa6c42e99,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(n); + n = b; + this.fixTeen(n); + n = c; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + n = 0; + } + return null; +} +" +59e0d05644d9bc21df329714f99fc15615f020dc,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(n); + n = b; + this.fixTeen(n); + n = c; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n > 12 && n < 20) && (n != 15 || n != 16)) + { + n = 0; + } + return; +} +" +9d0c5126614820c88e9e8dc0deb0497be8b46653,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(n); + n = b; + this.fixTeen(n); + n = c; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n > 12 && n < 20) && (n != 15 || n != 16)) + { + n = 0; + } + return n; +} +" +cf455f74e6ca6f29ee364a48916db17c3deb20a4,"public int noTeenSum(int a, int b, int c) +{ + int n = 0; + n = a; + this.fixTeen(n); + n = b; + this.fixTeen(n); + n = c; + this.fixTeen(n); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n => 13 && n <= 19) && (n != 15 || n != 16)) + { + n = 0; + } + return n; +} +" +960a10e7dfebe9d052f084d6f89619127cf54bbc,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if ((n != 15 && n != 16) && (n >= 13 && n <= 19)) + { + return n = 0; + } + return n; +} +" +d78d5a8d5cdf52a0155523feb710a72914f9254c,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n != 15 && n != 16) && (n >= 13 && n <= 19)) + { + return n = 0; + } + return n; +} +" +1dac6416267a4a325fe43d8d221117989d1e9010,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n != 15 && n != 16) && (n >= 13 && n <= 19)) + { + n = 0; + } + return n; +} +" +5946d26cc089e2fea213075960755c4bd1dace4c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + if (n == 15 || n == 16) + return n; + return 0; + } + else + return n; +} +" +b77a7caa79b16eacc6ac1cd567a45672460ce0a5,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + +} +" +3a715aab3a989c1e14d75a5e0b15d37ab140f0b9,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if(n > 12 && n < 20) + return 0; + if(n == 15 && n == 16) + return n; +} +" +91226ed472b1c1c31db8cf0f297decfb00107205,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if(n > 12 && n < 20) + return 0; + if(n == 15 && n == 16) + return n; + return 0; +} +" +2f76506144935c2b6e2326ec9be7d4bcf500bd6b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >=13 && n <= 19) + if ( n == 15 || n == 16) + return n; + else + return 0; + else + return n; + + + +} +" +641f5a82b033457750c057e2f88963ed2db684fb,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} +" +8df4e3f27c37da335ea79100e7cee21710355dcd,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ( n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +78d8ac02f70a3d9a3e2cd262f11b1c43ae0f077c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 && n <= 14 || n >= 17 && n <= 19) + { + n = 0; + } +} +" +27fd71c4421ebd8d74b55d000c46441499a5713d,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 && n <= 14 || n >= 17 && n <= 19) + { + n = 0; + return 0; + } +} +" +ea388813b2dc742078096ccc6d45799ea469c82f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 && n <= 14 || n >= 17 && n <= 19) + { + n = 0; + } + return n; +} +" +a94af6571ad4351ce70259c5b1ebb6f62a3f7da5,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + return n; +} +" +c0be051a2fb76b5f490a38da06d605ded7596c1d,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 && n <= 14 || n >= 17 && n <= 19) + { + n = 0; + } + return n; +} +" +1ecac61c6bba211f9a276f14dd22a1b08d13b913,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n >= 17 && n <= 19) + { + n = 0; + } + return n; +} +" +c386e80b45b1f867ba40aaf3d78f271a5bd2ffe0,"public int noTeenSum(int a, int b, int c) +{ + if(a <= 19 && a >= 13) + { + return b + c; + } + + if(b <= 19 && b >= 13) + { + return a + c; + } + + if(c <= 19 && c >= 13) + { + return a + b; + } +} + +public int fixTeen(int n) +{ + +} +" +9941ea57dd7dc3a1c057b9aa3f20c52ac565d924,"public int noTeenSum(int a, int b, int c) +{ + if(a <= 19 && a >= 13) + { + return b + c; + } + + if(b <= 19 && b >= 13) + { + return a + c; + } + + if(c <= 19 && c >= 13) + { + return a + b; + } + + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + +} +" +3442dbfac1f80b49214a907dd7ee7af37498a011,"public int noTeenSum(int a, int b, int c) +{ + if(a <= 19 && a >= 13) + { + return b + c; + } + + if(b <= 19 && b >= 13) + { + return a + c; + } + + if(c <= 19 && c >= 13) + { + return a + b; + } + + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return a + b + c; +} +" +822f2e2a142eca59147bb083a8cd8d7bfb1e0f71,"public int noTeenSum(int a, int b, int c) +{ + if(a <= 19 && a >= 13) + { + return b + c; + } + + if(b <= 19 && b >= 13) + { + return a + c; + } + + if(c <= 19 && c >= 13) + { + return a + b; + } + + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return n; +} +" +1ffb39fcf1978623e82418e239037d0fb2c80745,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixteen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14) + n = 0; + else if (n > 16 && n < 20) + n = 0; + else + n = n; +} +" +4573e92faf104271bd5cb899789124d36476bb02,"public int noTeenSum(int a, int b, int c) +{ + sum=fixTeen(a)+fixTeen(b)+fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if ( (n>=13 && n<15) || (n>16 && n<=19)) + return 0; + else + return n; + +} +" +ee6abbb036440852b65d59c77e9f087b9b06ea51,"public int noTeenSum(int a, int b, int c) +{ + int sum=fixTeen(a)+fixTeen(b)+fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if ( (n>=13 && n<15) || (n>16 && n<=19)) + return 0; + else + return n; + +} +" +b6e58f3135dd9b8e11f6b3a07ca27b7361a21a85,"public int noTeenSum(int a, int b, int c) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; + +} + +public int fixTeen(int n) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} +" +c15db1c82466dcaf4b91fff53a47e919c1820d30,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); + + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +2a2ba63daf77f4d635a5ec7d8a9ee2560fb40c96,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + int sum = a + b + c; + + return sum; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if (n != 15 && n != 16) + { + n = n; + } + else + { + n = 0; + } + } + else + { + n = n; + } + + return n; +} +" +ad5a80a373f351151d6ab5c20569e08f08d39707,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + int sum = a + b + c; + + return sum; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if (n = 15 || n = 16) + { + n = n; + } + else + { + n = 0; + } + } + else + { + n = n; + } + + return n; +} +" +c2103e400d3358b31bd94f8ae7f6642f8d425bb8,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + int sum = a + b + c; + + return sum; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if (n == 15 || n == 16) + { + n = n; + } + else + { + n = 0; + } + } + else + { + n = n; + } + + return n; +} +" +0e3a80dac36d5bb533d52d7de2d5b858fca337fc,"public int noTeenSum(int a, int b, int c) +{ + return (a + b + c); +} + +public int fixTeen(int n) +{ + if (a >= 13 && a <= 19) + { + a = 0; + } + if (b >= 13 && b <= 19) + { + b = 0; + } + if (c >= 13 && c <= 19) + { + c = 0; + } +} +" +da2d69d167994543c3f942396d61d94b6cab4c01,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + { + a = 0; + return b + c; + } + if (b >= 13 && b <= 19) + { + b = 0; + return a + c; + } + if (c >= 13 && c <= 19) + { + c = 0; + return a + b; + } + return (a + b + c); +} + +public int fixTeen(int n) +{ + +} +" +7145987a07e35a29c39a4157a6b66f14bb87a7d3,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + return n; +} +" +ecda6b14eb5ce2de56f6e0d9b3de804568686897,"public int noTeenSum(int a, int b, int c) +{ +return (a + b+ c); +} + +public int fixTeen(int n) +{ + +} +" +2118b57508dc0e08f8d050dcc14fb418f3f64f8d,"public int noTeenSum(int a, int b, int c) +{ +return (a + b+ c); +} + +public int fixTeen(int n) +{ + return n; +} +" +f14ea5ace43bef263f5f26282323f430e9b7e259,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n == 15 || n == 16) + { + return n; + } + else + { + if(n>=13 && n<=19) + {return 0;} + else + {return n;} + } +} +" +f6b1e60b25959e0ecca3533431042f6645b55357,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n == 15 || n == 16) + { + return n; + } + else + { + if(n>=13 && n<=19) + {return 0;} + else + {return n;} + } +} +" +a1f2acbf0b32a46c6156d080203af2d11bca236d,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if ( n>12 && n<20) + { + if (n==15 || n==16) + return n; + else + return 0; + } + else + return n; +} +" +af03885f0e97e6ce47d1dab97d812f5c424fcd66,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + + res = res+fixTeen(a); + res = res+fixTeen(b); + res = res+fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if ( n>12 && n<20) + { + if (n==15 || n==16) + return n; + else + return 0; + } + else + return n; +} +" +fc0491bab27ae8fc8244e924a960b6f9c876d9c1,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n>=13&&n<=19) + { + if (n==15||n==16) + { + return n + } + return 0; + } + return n; +} +" +b1fbc766ab072cf08696e63b267f5ddeed9bc5ec,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n>=13&&n<=19) + { + if (n==15||n==16) + { + return n; + } + return 0; + } + return n; +} +" +97ad26e79a85452ddb1799708447534e554b2724,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(C)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +d8e1b574344e0f61b5d498477d43b3007e77c64e,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +47ea564c2ecd81962b009af9a08d19bdde8b8f61,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int aTeen = fixTeen(a); + int bTeen = fixTeen(b); + int cTeen = fixTeen(c); + sum = aTeen + bTeen + cTeen; + return sum; + +} + +public int fixTeen(int n) +{ + int result; + if (n < 13 || n > 19) { + result = n; + } + else if (n == 15) { + result = n; + } + else if (n == 16) { + result = n; + } + else { + result = 0; + } + return result; +} +" +3e08f2baca1f5cd4028b3283834eaf6a07a30817,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeenSum(a); + b = fixTeenSum(b); + c = fixTeenSum(c); +} + +public int fixTeen(int n) +{ + if (n < 20 && n > 12) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +30f478034d12a42f00812a576a48cb2bf64c5920,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeenSum(a); + b = fixTeenSum(b); + c = fixTeenSum(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n < 20 && n > 12) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +a659089bc70585ba61e21a6323210f97b1f287a5,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n < 20 && n > 12) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +2b6c75432b61883a6ac8920e7c0d20ada815067d,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; + +} + +public int fixTeen(int n) +{ + int fix = 0; + if (n == 13 || n == 14 || (n > 15 && n <=19)) + { + x = 0; + } + else + { + fix = n; + } + return fix; + +} +" +bdca5034e1cda92b77097923fa4b6879338c991c,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; + +} + +public int fixTeen(int n) +{ + int fix = 0; + if (n == 13 || n == 14 || (n > 15 && n <=19)) + { + fix = 0; + } + else + { + fix = n; + } + return fix; + +} +" +7cf07c7341240cf475e68a186d8970888b531a82,"public int noTeenSum(int a, int b, int c) { +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) { +if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; +} +} +" +bccb57ca3fb226665a8a88b03881a1016df99135,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; + +} + +public int fixTeen(int n) +{ + int fix = 0; + if (n == 13 || n == 14 ) + { + fix = 0; + } + if (n >= 17 && n <= 19) + { + fix = 0; + } + else + { + fix = n; + } + return fix; + +} +" +9836d301356a1e5aa7976296760c5d55d1064742,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; + +} + +public int fixTeen(int n) +{ + int fix = 0; + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + { + fix = 0; + } + else + { + fix = n; + } + return fix; + +} +" +af7e78f3698f9bc4b9403d962b172a9af0d58530,"public int noTeenSum(int a, int b, int c) +{ + int an = fixTeen(a); + int bn = fixTeen(b); + int cn = fixTeen(c); + + return (an + bn + cn); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n != 15 && n != 16) + { + return 0; + } + } + + return 0; +} +" +60ef2006c1f3c2a0721100cc18e4838477c29729,"public int noTeenSum(int a, int b, int c) +{ + int an = fixTeen(a); + int bn = fixTeen(b); + int cn = fixTeen(c); + + return (an + bn + cn); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n != 15 && n != 16) + { + return 0; + } + } + + return n; +} +" +c581235dfaa9efcbe86637d585459559425751d8,"public int noTeenSum(int a, int b, int c) +{ + int checkA = this.fixteen(a); + int checkB = this.fixteen(b); + int checkC = this.fixteen(c); + return(checkA+checkB+checkC) +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } +} +" +3dcf0df80b18c404417173d069c967079a0b09b6,"public int noTeenSum(int a, int b, int c) +{ + int checkA = this.fixteen(a); + int checkB = this.fixteen(b); + int checkC = this.fixteen(c); + return(checkA+checkB+checkC); +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } +} +" +5ebc4666173e839b4a2841b55a9e5f7fe051ec1d,"public int noTeenSum(int a, int b, int c) +{ + int checkA = fixteen(a); + int checkB = fixteen(b); + int checkC = fixteen(c); + return(checkA+checkB+checkC); +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } +} +" +ab84072f0c122efe34051ccc045df229d82565a3,"public int noTeenSum(int a, int b, int c) +{ + int checkA = fixTeen(a); + int checkB = fixTeen(b); + int checkC = fixTeen(c); + return(checkA+checkB+checkC); +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } +} +" +f84f7dbfb0642aba5aff6e1022b2afe6351a4feb,"public int noTeenSum(int a, int b, int c) +{ + int checkA = fixTeen(a); + int checkB = fixTeen(b); + int checkC = fixTeen(c); + int theSum =(checkA+checkB+checkC); +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } + return theSum; +} +" +dad0fc78c86aaa1deee9439d708724d9e3bf5b1b,"public int noTeenSum(int a, int b, int c) +{ + int checkA = fixTeen(a); + int checkB = fixTeen(b); + int checkC = fixTeen(c); + int theSum =(checkA+checkB+checkC); + return theSum; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } + +} +" +f34ad62456aafa296ffeb5ce462b3f373d3f06fe,"public int noTeenSum(int a, int b, int c) +{ + int checkA = fixTeen(a); + int checkB = fixTeen(b); + int checkC = fixTeen(c); + int theSum =(checkA+checkB+checkC); + return theSum; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } + +} +return theSum; +" +5844450ee77a76aa7afc9d2a887ea87ad6b3ab9e,"public int noTeenSum(int a, int b, int c) +{ + int checkA = fixTeen(a); + int checkB = fixTeen(b); + int checkC = fixTeen(c); + int theSum =(checkA+checkB+checkC); + return theSum; +} + +public int fixTeen(int n) +{ + if (n>= 13 && n< 15 || n>=17 && n<20) + { + n = 0; + } + return n; +} + +" +87876445628aa9e63c36092279026c84d57d4ffa,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + { + return (this.fixTeen(a) + b + c); + } + else if (b >= 13 && b <= 19) + { + return (this.fixTeen(b) + a + c); + } + else if (c >= 13 && c <= 19) + { + return (this.fixTeen(c) + b + a); + } + else + { + return (a + b + c); + } +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; + } + else if (n == 16) + { + return 16; + } + else + { + return 0; + } +} +" +8308775229e4b5326128f27cf3b5ba0d62ec3b92,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && b >= 13 && b <= 19 c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); + } + else if (a >= 13 && a <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + c); + } + else if (a >= 13 && a <= 19 && c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(c) + b); + } + else if (c >= 13 && c <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(c) + this.fixTeen(b) + a); + } + else if (a >= 13 && a <= 19) + { + return (this.fixTeen(a) + b + c); + } + else if (b >= 13 && b <= 19) + { + return (this.fixTeen(b) + a + c); + } + else if (c >= 13 && c <= 19) + { + return (this.fixTeen(c) + b + a); + } + else + { + return (a + b + c); + } +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; + } + else if (n == 16) + { + return 16; + } + else + { + return 0; + } +} +" +e6f58ce812310bb038b42a899b2fbe6ab95f33c9,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && b >= 13 && b <= 19 c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); + } + else if (a >= 13 && a <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + c); + } + else if (a >= 13 && a <= 19 && c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(c) + b); + } + else if (c >= 13 && c <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(c) + this.fixTeen(b) + a); + } + else if (a >= 13 && a <= 19) + { + return (this.fixTeen(a) + b + c); + } + else if (b >= 13 && b <= 19) + { + return (this.fixTeen(b) + a + c); + } + else if (c >= 13 && c <= 19) + { + return (this.fixTeen(c) + b + a); + } + else + { + return (a + b + c); + } +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; + } + else if (n == 16) + { + return 16; + } + else + { + return 0; + } +} +" +aef79fa2063151e74c7d321050a9574e6c4516c2,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15) + { + return 0; + } + else if (n <= 19 && n > 16) + { + return 0; + } + else if ( n == 15 || n == 16) + { + return n; + } + else + { + return n; + } +} +" +5d0d8453c79a0a35e03a6064950022061ac0cd88,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && b >= 13 && b <= 19 c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); + } + else if (a >= 13 && a <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + c); + } + else if (a >= 13 && a <= 19 && c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(c) + b); + } + else if (c >= 13 && c <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(c) + this.fixTeen(b) + a); + } + else if (a >= 13 && a <= 19) + { + return (this.fixTeen(a) + b + c); + } + else if (b >= 13 && b <= 19) + { + return (this.fixTeen(b) + a + c); + } + else if (c >= 13 && c <= 19) + { + return (this.fixTeen(c) + b + a); + } + else + { + return (a + b + c); + } +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; + } + else if (n == 16) + { + return 16; + } + else + { + return 0; + } +} +" +88f8d05eb3f17afdd8b745f1597c7949972d2a7e,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && b >= 13 && b <= 19 c >= 13 && c <= 19)) + { + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); + } + else if (a >= 13 && a <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + c); + } + else if (a >= 13 && a <= 19 && c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(c) + b); + } + else if (c >= 13 && c <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(c) + this.fixTeen(b) + a); + } + else if (a >= 13 && a <= 19) + { + return (this.fixTeen(a) + b + c); + } + else if (b >= 13 && b <= 19) + { + return (this.fixTeen(b) + a + c); + } + else if (c >= 13 && c <= 19) + { + return (this.fixTeen(c) + b + a); + } + else + { + return (a + b + c); + } +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; + } + else if (n == 16) + { + return 16; + } + else + { + return 0; + } +} +" +3592e9ea0c17e1dcf6f99364f1149ce000e7a5b6,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19 && b >= 13 && b <= 19 && c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c)); + } + else if (a >= 13 && a <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(a) + this.fixTeen(b) + c); + } + else if (a >= 13 && a <= 19 && c >= 13 && c <= 19) + { + return (this.fixTeen(a) + this.fixTeen(c) + b); + } + else if (c >= 13 && c <= 19 && b >= 13 && b <= 19) + { + return (this.fixTeen(c) + this.fixTeen(b) + a); + } + else if (a >= 13 && a <= 19) + { + return (this.fixTeen(a) + b + c); + } + else if (b >= 13 && b <= 19) + { + return (this.fixTeen(b) + a + c); + } + else if (c >= 13 && c <= 19) + { + return (this.fixTeen(c) + b + a); + } + else + { + return (a + b + c); + } +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; + } + else if (n == 16) + { + return 16; + } + else + { + return 0; + } +} +" +2369699f162cc7f7602b029635ebab5564f36eb6,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if ((a + b + c == 15) || (a + b + c == 16)) + { + return(a + b + c); + } + this.fixTeen(int n); + this.fixTeen(int n); + this.fixTeen(int n); +} +" +bab5752a9e07cf2476d29feab300eed0f55b3b5b,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 || n != 16) + return n; + return 0; + return n; +} +" +626003e50e68b99ec6f0b60123d307bf89bf63aa,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 || n != 16) + return n; + return 0; + //return n; +} +" +18ac5251b4f89e47847075e043efa89b3c37f64d,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); + //return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 || n != 16) + return n; + return 0; + //return n; +} +" +ab776d1827bf418e99771f708d19af4ced2f99f8,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); + //return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 || n != 16) + n = n; + n = 0; + //return n; +} +" +b38a6ed59974fe8ad74cc01a5cd0c472ff1022b1,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 || n != 16) + return = n; + return 0; + //return n; +} +" +b9942127b317069d07a904a8fb5240a32bc27c0b,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n != 15 || n != 16) + return n; + return 0; + //return n; +} +" +2216bc569ee8caff75d3702a81475722e85c8551,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 || n == 16) + return n; + return 0; + //return n; +} +" +801d3a96ee703d584200c12b9965ffc1a28720b5,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + if (a == 15 || a == 16) + a = a; + a = 0; + if (b <= 19 && b >= 13) + if (b == 15 || b == 16) + b = b; + b = 0; + if (c <= 19 && c >= 13) + if (c == 15 || c == 16) + c = c; + c = 0; + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 || n == 16) + return n; + return 0; + //return n; +} +" +0730410464636ef2aa570ae35233b20dcdb5b31d,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + if (a == 15 || a == 16) + a = a; + a = 0; + else + a = a; + if (b <= 19 && b >= 13) + if (b == 15 || b == 16) + b = b; + b = 0; + else + b = b; + if (c <= 19 && c >= 13) + if (c == 15 || c == 16) + c = c; + c = 0; + else + c = c; + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 || n == 16) + return n; + return 0; + //return n; +} +" +c1eb43090f01e5a73b01bf130d0c69aaa4329383,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + if (a == 15 || a == 16) + a = a; + a = 0; + if (a > 19 || a < 13) + a = a; + if (b <= 19 && b >= 13) + if (b == 15 || b == 16) + b = b; + b = 0; + if (b > 19 || b < 13) + b = b; + if (c <= 19 && c >= 13) + if (c == 15 || c == 16) + c = c; + c = 0; + if (c > 19 || c < 13) + c = c; + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 || n == 16) + return n; + return 0; + //return n; +} +" +2147d4b692aec391dc64b6778d70fc606611c5b5,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 19 && a >= 13) + if (a == 15 || a == 16) + a = a; + else + a = 0; + if (a > 19 || a < 13) + a = a; + if (b <= 19 && b >= 13) + if (b == 15 || b == 16) + b = b; + else + b = 0; + if (b > 19 || b < 13) + b = b; + if (c <= 19 && c >= 13) + if (c == 15 || c == 16) + c = c; + else + c = 0; + if (c > 19 || c < 13) + c = c; + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + if (n == 15 || n == 16) + return n; + return 0; + //return n; +} +" +73a8e30d66858ced683fc538fb541faa44f3b5ba,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixteen(a); + int newB = fixteen(b); + int newC = fixteen(c); + sum = newA + newB + newC; + +public int fixTeen(int n) +{ + if (n == 13 || n == 14) + n = 0; + else if (n > 16 && n < 20) + n = 0; + else + n = n; +} +" +4d53c0136696ac7533406c4b210f6b13efc00753,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixteen(a); + int newB = fixteen(b); + int newC = fixteen(c); + sum = newA + newB + newC; +} +public int fixTeen(int n) +{ + if (n == 13 || n == 14) + n = 0; + else if (n > 16 && n < 20) + n = 0; + else + n = n; +} +" +a3191816c59451a0ad3ecfaf3cc3d845bf221d34,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixteen(a); + int newB = fixteen(b); + int newC = fixteen(c); + sum = newA + newB + newC; +} +public int fixTeen(int n) +{ + if (n == 13 || n == 14) + n = 0; + else if (n > 16 && n < 20) + n = 0; + else + n = n; +} +" +7b0b8c13ad67818eb969c5fb81c2c1be2a9690c6,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>=13&&n<15&&n>16&&n<=19) + { + n = 0; + } +} +" +784c3b38ff765426868a4e4c2eee6e1b399d128f,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>=13&&n<15&&n>16&&n<=19) + { + n = 0; + } + return n; +} +" +d7c8254196ff38ffe73685f786e52eefa3ca2e2e,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>=13||n<15||n>16||n<=19) + { + n = 0; + } + return n; +} +" +7f03e44007c2d811811d32ce4736c13ef9fd137a,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +0a2e2e862f78654251fce722bbe673da26162cae,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>=13||n<15||n>16||n<=19) + { + n = 0; + } + return n; +} +" +be9eafeaac43f411ab5526fb63c585ba2f044f75,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +02ef90bce4bffea48dc655a40cec4aaa8f1b4d5b,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n>=13&&n<15) + { + n = 0; + } + if (n>16&&n<=19) + { + n = 0; + } + return n; +} +" +dc803a4d6c136666692653c4af3616b310e840cb,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +61e6059448d1086dddffeea37dbe7daf9c0db87d,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + + return a+b+c; + +} + +public int fixTeen(int n) +{ + if (n==13||n==14) + { + n = 0; + } + if (n==17||n==18||n==19) + { + n = 0; + } + return n; +} +" +43ab054c378124f62a74d492daf0159a824f28df,"public int noTeenSum(int a, int b, int c) +{ + int sum + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + sum = a+b+c; + return sum; + +} + +public int fixTeen(int n) +{ + if(n!=15 && n!=16) + { + n = n; + } + else if (n>12&&n<20) + { + n = 0; + } + return n; +} +" +5d14ed40444ad74f9f613d9bef3d64ba5a00766a,"public int noTeenSum(int a, int b, int c) +{ + int sum; + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + sum = a+b+c; + return sum; + +} + +public int fixTeen(int n) +{ + if(n!=15 && n!=16) + { + n = n; + } + else if (n>12&&n<20) + { + n = 0; + } + return n; +} +" +0dab34e4dca3f8e09ef318612470204d379c7a82,"public int noTeenSum(int a, int b, int c) +{ + int sum; + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + sum = a+b+c; + return sum; + +} + +public int fixTeen(int n) +{ + if(n!=15 && n!=16) + { + n = n; + } + if (n>12&&n<20) + { + n = 0; + } + return n; +} +" +4f7d633316e54676852453b6f52befb872f6b3e6,"public int noTeenSum(int a, int b, int c) +{ + if(19 <= a >= 13) + { + if(a == 15) + return 15; + else if(a == 16) + return 16; + else + return 0; + } + if(19 <= b >= 13) + { + if(b == 15) + return 15; + else if(b == 16) + return 16; + else + return 0; + } + if(19 <= c >= 13) + { + if(c == 15) + return 15; + else if(c == 16) + return 16; + else + return 0; +} + return(a + b + c) +} + +public int fixTeen(int n) +{ + +} +" +07b51104eb055f69feff89d6131c468df36ff37a,"public int noTeenSum(int a, int b, int c) +{ + if(19 <= a >= 13) + { + if(a == 15) + return 15; + else if(a == 16) + return 16; + else + return 0; + } + if(19 <= b >= 13) + { + if(b == 15) + return 15; + else if(b == 16) + return 16; + else + return 0; + } + if(19 <= c >= 13) + { + if(c == 15) + return 15; + else if(c == 16) + return 16; + else + return 0; +} + return(a + b + c); +} + +public int fixTeen(int n) +{ + +} +" +7af435db9cf5235dc562a6902382583d54e6b7c3,"public int noTeenSum(int a, int b, int c) +{ + int sum; + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + sum = a+b+c; + return sum; + +} + +public int fixTeen(int n) +{ + if(n>12 && n<15) + { + n = 0; + } + if (n>16&&n<20) + { + n = 0; + } + return n; +} +" +cbc4e39d112955ccdcfea2227d5b4389b3de261d,"public int noTeenSum(int a, int b, int c) +{ + if(19 <= a => 13) + { + if(a == 15) + return 15; + else if(a == 16) + return 16; + else + return 0; + } + if(19 <= b => 13) + { + if(b == 15) + return 15; + else if(b == 16) + return 16; + else + return 0; + } + if(19 <= c => 13) + { + if(c == 15) + return 15; + else if(c == 16) + return 16; + else + return 0; +} + return(a + b + c); +} + +public int fixTeen(int n) +{ + +} +" +4871f02bd7f27f34be4dba3246174feac5669d9c,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + + res=res+ fixTeen(b); + + res=res+ fixTeen(c); + + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ + if(n==15 || n==16) return n; + return 0;} + return n; +} +" +aca59fcfab45540b13b7b521b22c3cb17d4345da,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +7701e02a8b672876ab74e1ce0b34ac75eca9ef28,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n>=13 %% n<=19) + { + return 0; + } + if (n==15 || n==16) + { + return n; + } +} +" +036be4e47c72e6651bba782b1fdc421482236d7e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if ((n>=13) %% (n<=19)) + { + return 0; + } + if (n==15 || n==16) + { + return n; + } +} +" +35ac96d94be652fe47b145ffe78a44f4fd6803a0,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + return 0; + } + if (n==15 || n==16) + { + return n; + } +} +" +a0183adba73e6b4f8086440f2f09773fba72c434,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + return 0; + } + if (n==15 || n==16) + { + return n; + } + return n; +} +" +c7b4af5f8d6bf6ba5c0848a21126ff4c39336ee1,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + if (n==15 || n==16) + { + return n; + } + return 0; + } + return n; +} +" +878963f23b73f64d07bcbb3ab59647e24468f7ec,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +63bb30b02ff98e53877311d2bad45ab825e4e390,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + int fixTeen=0; + if((n==15)||(n==16)) + { + n=0; + } + return n; +} +" +aefe0df4c146e4dc8fc572d6e6cdc5e0544ca0dc,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + int fixTeen=0; + int fixed=0; + if((n==15)||(n==16)) + { + fixed=0; + } + else + { + + } + return fixed; +} +" +52f89558848d4258d9320fd9e086719c91e7ccbd,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + + int fixed=0; + if((n==15)||(n==16)) + { + fixed=0; + } + else + { + fixed=n; + } + return fixed; +} +" +9b0e8e732d1e2eccef1b7744503ce61f3d49093a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19){ + if (n != 15 && n != 16){ + n = 0; + } + } +} +" +d19477cb75b12e4d2708fd6fb12368eceffb8db1,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + + int fixed=0; + if((n==13)||(n==14)||(n==17)||(n==18)||(n==19)) + { + fixed=0; + } + else + { + fixed=n; + } + return fixed; +} +" +98512a03f6c2db99f501e393f8321eeb63a7ee4b,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + + + if((n==13)||(n==14)||(n==17)||(n==18)||(n==19)) + { + n=0; + } + else + { + n=n; + } + return n; +} +" +1ba8de7fda78d94083e3cf781011200d7b8de15f,"public int noTeenSum(int a, int b, int c) +{ + int result; + result = fixTeen(a) + fixTeen(b) + fixTeen(c); + return result; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19){ + if (n != 15 && n != 16){ + n = 0; + } + } +} + +" +f25d885b271467eedc7986b83e424253b9cf1a4c,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + + + if((n==13)||(n==14)||(n==17)||(n==18)||(n==19)) + { + n==0; + } + else + { + n==n; + } + return n; +} +" +b9f81d6885c20dad3741488b176dcb857991e234,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + fixTeen(a); + fixTeen(b); + fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + + + if((n==13)||(n==14)||(n==17)||(n==18)||(n==19)) + { + n=0; + } + else + { + n=n; + } + return n; +} +" +4a4e13ecb5a27763afdbf7e9158133f7703f7c4f,"public int noTeenSum(int a, int b, int c) +{ + int result; + result = fixTeen(a) + fixTeen(b) + fixTeen(c); + return result; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19){ + if (n != 15 && n != 16){ + n = 0; + } + } + return n; +} + +" +fe0361999ecb3074e0904a32f38d7f50db00caa8,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum=0; + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + + noTeenSum=a+b+c; + + return noTeenSum; +} + +public int fixTeen(int n) +{ + + if((n==13)||(n==14)||(n==17)||(n==18)||(n==19)) + { + n=0; + } + else + { + n=n; + } + return n; +} +" +d2ae12d6e16f3afc6bf63a733deec51e4935f1dc,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n == 13) + { + return 13; + } + else if (n == 14) + { + return 14; + } + else if (n == 17) + { + return 17; + } + else if (n == 18) + { + return 18; + } + else if (n == 19) + { + return 19; + } + else if (n == 15) + { + return 0; + } + else if (n == 15) + { + return 0; + } +} +" +7fc0b8061a68682d97693638dfdddf959f0aeee2,"public int noTeenSum(int a, int b, int c) +{ + if n == n; + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n==13 || n==14 || n==16 || n==17 || n==18 || n==19) + { + return n; + } + else if (n==15 || n ==16) + { + return 0; + } +} +" +275b38d307371c1ae527fdf5900236112d3de263,"public int noTeenSum(int a, int b, int c) +{ + if n == n + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + if (n==13 || n==14 || n==16 || n==17 || n==18 || n==19) + { + return n; + } + else if (n==15 || n ==16) + { + return 0; + } +} +" +4a98e1dd6110bef5ed6e66cac07edab027ab98e0,"public int noTeenSum(int a, int b, int c) +{ + int res = 0; + res= res+ fixTeen(a); + + res= res+ fixTeen(b); + + res= res+ fixTeen(c); + + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) + { + return n; + } + return 0; + } + else + return n; +} +" +4399bde5fb06fd83e45f26f8f8b3cb2b3bcc9ea3,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c) +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 14) || (n >=17 && n <=19)) + return 0; + else + return n; +} +" +d347b90f846fa4ef226e3678453151ea975365a3,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 14) || (n >=17 && n <=19)) + return 0; + else + return n; +} +" +4eec2db8c318ecb09c843f6e5ef53da6fce7a23a,"public int noTeenSum(int a, int b, int c) +{ + int r = 0; + r = r + fixTeen(a); + + r = r + fixTeen(b); + + r = r + fixTeen(c); + + return r; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) + { + return n; + } + return 0; + } + else + return n; +} +" +643b837b6c060b845c8ea365660b1073c7d463c8,"public int noTeenSum(int a, int b, int c) +{ + int r = 0; + r = r + fixTeen(a); + + r = r + fixTeen(b); + + r = r + fixTeen(c); + + return r; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) + { + return n; + } + return 0; + } + else + return n; +} +" +cd2aa78d810d703849a20580530cd298d0751be8,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((a >= 13 && <=19) && (a!=15 && a!=16)) { + a == 0; + } + if ((b >= 13 && <=19) && (b!=15 && b!=16)) { + b == 0; + } + if ((c >= 13 && <=19) && (c!=15 && c!=16)) { + c == 0; + } + +} +" +c18b79e0c58cc970efe531719941e1ada9b6a4c1,"public int noTeenSum(int a, int b, int c) +{ + int r = 0; + r = r + fixTeen(a); + + r = r + fixTeen(b); + + r = r + fixTeen(c); + + return r; +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19) + { + if(n == 15 || n == 16) + { + return n; + } + return 0; + } + else + return n; +} +" +b08c05865187a8ffa266c629b10eb3293c59826a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && <=19) && (n!=15 && n!=16)) { + n == 0; + } + else { + n == n; + } + +} +" +30569c205ae8d87d131405139fb7912be7e262f4,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +f9895443ef3697b04791985434138cd059ebfead,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if( n == 15 || n == 16 || n < 13 || n > 19 ||) + return n; + return 0; +} +" +00ae642f39231220345c379ac53bfcccc0ffff49,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16 || n < 13 || n > 19 ||) + return n; + return 0; +} +" +5d3e8ffbdfd7d80b7ce9115c61f403b66fb8c9d0,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +faba11dbdd692bb80e3e005db02ee2f2b103ee4d,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && <=19) && (n!=15 && n!=16)) { + return n == 0; + } + else { + return n; + } + +} +" +668fea3eeea2d1f700fcd5f7e57d5ccb17d4ca94,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && <=19) { + if (n!=15 && n!=16) { + return n == 0; + } + else { + return n; + } + } + +} +" +ebedac766f4a11de3754fcc7208648bc5b79e0d0,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(int n); + this.fixTeen(int n); + this.fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if ((a + b + c == 15) || (a + b + c == 16)) + { + return(a + b + c); + } +} +" +195ccaf593a37ed18b3d653799e7b1480d05fb43,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(int n); + this.fixTeen(int n); + this.fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if ((a + b + c == 15) || (a + b + c == 16)) + { + return(a + b + c); + } + if ((a + b + c >= 13) && (a + b + c <= 19)) + { + return(0); + } +} +" +4a46431f3e0b73421f691b5acb19847e2f5e6d59,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int n); + fixTeen(int n); + fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if ((a + b + c == 15) || (a + b + c == 16)) + { + return(a + b + c); + } + if ((a + b + c >= 13) && (a + b + c <= 19)) + { + return(0); + } +} +" +213af5abb126da94442ef140d3dd3a4805304395,"public int noTeenSum(int a, int b, int c) +{ + n = a + b + c + fixTeen(int n); + fixTeen(int n); + fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if (( n == 15) || ( n == 16)) + { + return(a + b + c); + } + if (( n <= 13) && ( n >= 19)) + { + return(a + b + c); + if (( n >= 13) && ( n <= 19)) + { + return(0); + } +} +" +05d31aa86d1fc46361d9844bb465df4d9f525a78,"public int noTeenSum(int a, int b, int c) +{ + n = a + b + c; + fixTeen(int n); + fixTeen(int n); + fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if (( n == 15) || ( n == 16)) + { + return(a + b + c); + } + if (( n <= 13) && ( n >= 19)) + { + return(a + b + c); + if (( n >= 13) && ( n <= 19)) + { + return(0); + } +} +" +93c8bdec6c80c8ddf38bdc455899d583e45e1c9c,"public int noTeenSum(int a, int b, int c) +{ + n = a + b + c; + fixTeen(int n); + fixTeen(int n); + fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if (( n == 15) || ( n == 16)) + { + return(n); + } + if (( n <= 13) && ( n >= 19)) + { + return(n); + if (( n >= 13) && ( n <= 19)) + { + return(0); + } +} +" +86a393117722107a4dd2c289b691bf7330673065,"public int noTeenSum(int a, int b, int c) +{ + n = a + b + c; + fixTeen(int n); + fixTeen(int n); + fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if (( n == 15) || ( n == 16)) + { + return(n); + } + if (( n <= 13) && ( n >= 19)) + { + return(n); + } + if (( n >= 13) && ( n <= 19)) + { + return(0); + } +} +" +62fc3ac5def73aa5ad9bed76b77e86d6e4985857,"public int noTeenSum(int a, int b, int c) +{ + n = a + b + c; + this.fixTeen(int n); + this.fixTeen(int n); + this.fixTeen(int n); + +} + +public int fixTeen(int n) +{ + if (( n == 15) || ( n == 16)) + { + return(n); + } + if (( n <= 13) && ( n >= 19)) + { + return(n); + } + if (( n >= 13) && ( n <= 19)) + { + return(0); + } +} +" +c35dc1226e134523695cd351b0ba3496fe8f06cc,"public int noTeenSum(int a, int b, int c) +{ + int num = 0; + num = num + fixTeen(a); + num = num + fixTeen(b); + num = num + fixTeen(c); + return num; + +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n <= 19)) + { + if ((n == 15) || (n == 16)) + { + return n; + } + return 0; + } + else + { + return n; + } +} +" +17459ed4ed2823541a065a99da07107a3e3c0f69,"public int noTeenSum(int a, int b, int c) +{ +return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +b24affb3c4ea4fa29d71cdb4ac1bb44175d65ec9,"public int noTeenSum(int a, int b, int c) +{ + int sum = (noTeenSum(a)+noTeenSum(b)+noTeenSum(c)) + return sum; + +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19) + { + if (n==15||n==16) + { + return 0 + } + else + { + return n; + } + } +} +" +dc146ce916193a0371cc91d114d1e785f8c5a451,"public int noTeenSum(int a, int b, int c) +{ + int sum = (noTeenSum(a)+noTeenSum(b)+noTeenSum(c)) + return sum; + +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19) + { + if (n==15||n==16) + { + return 0; + } + else + { + return n; + } + } +} +" +1f37d94bb2980279f80b6e795eb810d718db2ca2,"public int noTeenSum(int a, int b, int c) +{ + int sum = (noTeenSum(a)+noTeenSum(b)+noTeenSum(c)); + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19) + { + if (n==15||n==16) + { + return 0; + } + else + { + return n; + } + } +} +" +fb194d761140a64fc1015367c5f0cbbdc2ffed2b,"public int noTeenSum(int a, int b, int c) +{ + int sum = (fixTeen(a)+fixTeen(b)+fixTeen(c)); + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19) + { + if (n==15||n==16) + { + return 0; + } + else + { + return n; + } + } +} +" +dc68fd21b5e610bd861d3e88bdfd0bf4cb297acc,"public int noTeenSum(int a, int b, int c) +{ + int sum = (fixTeen(a)+fixTeen(b)+fixTeen(c)); + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19) + { + if (n==15||n==16) + { + return 0; + } + else + { + return n; + } + } + else + { + return n; + } +} +" +9ebe46b9e7a4b3cb16a4423e4af7f17722965213,"public int noTeenSum(int a, int b, int c) +{ + int sum = (fixTeen(a)+fixTeen(b)+fixTeen(c)); + return sum; +} + +public int fixTeen(int n) +{ + if (n>=13&&n<=19) + { + if (n==15||n==16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +d1dad9fb19a57a27847c29fe92e4850ae8e29994,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (20 - n < 7 && 20 - n < 1) + { + return 0; + } +} +" +da35db888e070aad3d1910413f0731e4b429579c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (20 - n < 7 && 20 - n < 1) + { + return 0; + } + else + { + return n; + } +} +" +4657a10a33c17bd383251adaebe4eb460cd480ee,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (20 - n <= 7 && 20 - n >= 1) + { + return 0; + } + else + { + return n; + } +} +" +24811954a5104fdfaaa561351f5c2d21ca284f1f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; +} +} +" +af278f91f8aca1b0e5fb6e68a1233b5456228266,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (20 - n == 5 || 20 - n == 4) + { + return n; + } + else if (20 - n <= 7 && 20 - n >= 1) + { + return 0; + } + else + { + return n; + } +} +" +e69d106392d1f403507e6cf32dae60e0929ec814,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +da0efda7e9722871ef72ef0ecc023cf3ba568853,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if (a>12 && a<20) + { + if (!(a==15) && !(a==16)) + { + a = 0; + } + } + else if (b>12 && b<20) + { + if (!(b==15) && !(b==16)) + { + b = 0; + } + } + else if (c>12 && c<20) + { + if (!(c==15) && !(c==16)) + { + c = 0; + } + } + else + { + a = a; + b = b; + c = c; + } +} +" +73ff1ad6165f0729e36ba17861a73d991421807d,"public int noTeenSum(int a, int b, int c) +{ + if (a = zeroN && b=zeroN && c=zeroN) + { + return 0; + } + else if (a=zeroN && b=zeroN) + { + return c; + } + else if (a=zeroN && c=zeroN) + { + returen b; + } + else if (b=zeroN && c=zeroN) + { + return a; + } + else if (a=zeroN) + { + return b+c; + } + else if (b=zeroN) + { + return a+c; + } + else if (c=zeroN) + { + return a+b; + } + else + { + return a+b+c; + } +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if (!(n==15) && !(n==16)) + { + n = 0; + int zeroN = n; + } + } + else + { + n = n; + int sameN = n; + } +} +" +c7bac8a1de4f42024277676e207f53414b702e2c,"public int noTeenSum(int a, int b, int c) +{ + int m = fixTeen(a); + int n = fixTeen(b); + int o = fixTeen(c); + return m +n +o; +} + +public int fixTeen(int n) +{ + if ( n >= 13 && n <= 19 && n != 15 && n !=16){ + n = 0; + return n; + }else{ + return n; + } + +} +" +cf321f6ff2d00cca076806f018dc105f2fd8cf01,"public int noTeenSum(int a, int b, int c) +{ + if (13 <= a && a <= 19) + { + + } + else if (13 <= b && b <= 19) + { + + } + else if (13 <= c && c <= 19) + { + + } +} + +public int fixTeen(int n) +{ + +} +" +f57541f524a0657c8d298eba4c633832643d2ac8,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixTeen(a); + int newB = fixTeen(b); + int newC = fixTeen(c); + + newSum = newA + newB + newC; + return newSum; +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if (!(n==15) && !(n==16)) + { + n = 0; + return n; + } + } + else + { + n = n; + return n; + } +} +" +25c91b1b12c348850972946927afaae18ebabea4,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixTeen(a); + int newB = fixTeen(b); + int newC = fixTeen(c); + + int newSum = newA + newB + newC; + return newSum; +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if (!(n==15) && !(n==16)) + { + n = 0; + return n; + } + } + else + { + n = n; + return n; + } +} +" +7550745c41bcc2efaabed3992202ab234bf01050,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(13 <= n && n <= 19 && n != 15 && n != 16) + return 0; + + return n; +} +" +322bf0f4184f79ea53bdd75a966e7ca16ed4c566,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixTeen(a); + int newB = fixTeen(b); + int newC = fixTeen(c); + + int newSum = newA + newB + newC; + return newSum; +} + +public int fixTeen(int n) +{ + if (n>12 && n<20) + { + if (!(n==15) && !(n==16)) + { + n = 0; + return n; + } + else + { + n = n; + return n; + } + } + else + { + n = n; + return n; + } +} +" +460212f58a2a3528f143caf189bb119e503900e1,"public int noTeenSum(int a, int b, int c) +{ + if (13 <= a && a <= 19) + { + if (a != 15 || a != 16) + a = 0; + } + if (13 <= b && b <= 19) + { + if (b != 15 || b != 16) + b = 0; + } + else if (13 <= c && c <= 19) + { + if (c != 15 || c != 16) + c = 0; + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 || n != 16) + n = 0; + } + return n; +} +" +bf27fcfed0f7a26f6a54a17cc9d2adbbdd4bd714,"public int noTeenSum(int a, int b, int c) +{ + if (13 <= a && a <= 19) + { + if (a != 15 || a != 16) + a = 0; + } + if (13 <= b && b <= 19) + { + if (b != 15 || b != 16) + b = 0; + } + if (13 <= c && c <= 19) + { + if (c != 15 || c != 16) + c = 0; + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 || n != 16) + n = 0; + } + return n; +} +" +796e73b44f9ffdebff527a6f38179b5683eed9c8,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} +" +7111eaa0e7750d11dd1cb5ee641cf14c95a21c3c,"public int noTeenSum(int a, int b, int c) +{ + if (13 <= a && a <= 19) + { + if (a != 15 && a != 16) + a = 0; + } + if (13 <= b && b <= 19) + { + if (b != 15 && b != 16) + b = 0; + } + if (13 <= c && c <= 19) + { + if (c != 15 && c != 16) + c = 0; + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 && n != 16) + n = 0; + } + return n; +} +" +06c856717e044be18deada4e2ba843c7d2788e63,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n < 19 || n == 15 || n == 16) { + return n; + } + else { + return 0; + } + } + +} +" +ff909e5e3342b7a834c4bd79cbcd668517f946bc,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n < 19 || n == 15 || n == 16) { + return n; + } + else { + return 0; + } + } + +" +ae723d70dee8b8d420d85ae1ad47f99956feae1e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 13 || n >= 19 || n == 15 || n == 16) { + return n; + } + else { + return 0; + } + } + +" +2327c6acb86cf41294732dbd5279b1ef5ccae353,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; + +} +" +199a405ccceff79efa084cdbc0458d0a988724d9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) { + return n; + } + else { + return 0; + } + } + +" +659312fa82566c0632c9429f85408989aad83866,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; + +} + +public int fixTeen(int n) +{ + n = a + b + c; + if (n > 12 && n < 20) + { + if( n = 15 || n = 16) + { + + } + } + +} +" +f7aa4e4b6b77272fd5775b7fb2a97abe85464d58,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; + +} + +public int fixTeen(int n) +{ + a + b + c = n; + if (n > 12 && n < 20) + { + if( n = 15 || n = 16) + { + + } + } + +} +" +7d8f6f58890334f2189d95b1177fb3ae9202f484,"public int noTeenSum(int a, int b, int c) +{ + a + b + c = int n; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if( n = 15 || n = 16) + { + + } + } + +} +" +182d2d1fd1bcacdd23d2f3eb27de24cd230a54fc,"public int noTeenSum(int a, int b, int c) +{ + a + b + c == int n; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if( n = 15 || n = 16) + { + + } + } + +} +" +af0e565ad9c525f48b2a647b3d9d96358a8cfe29,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if( n = 15 || n = 16) + { + + } + } + +} +" +05de7e283b5b434d031d3d9ce28d93e0723b4984,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if(!n = 15) + { + return 0; + } + if(!n = 16) + { + return 0; + } + else + { + return 15; + } + } + +} +" +777cfddc1655c0630e08f4442ac6264a26b54ded,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + return 0; + } + +} +" +834217e2b7c9c83376e1a07b7361531d198f7853,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + while (n > 12 && n < 20) + { + return 0; + } + + +} +" +378e57cef6237763ab7f950e9cce71ad18faec83,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + return 0; + } + else + { + return n; + } + +} +" +de93f5ef1932acd4446977d2a0d4ce15f6d95192,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if ( n = 15) + { + return n; + } + if ( n = 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } + +} +" +2cc3d42df7a32acbd3e04c7cba677c7bb731eb9a,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if ( n == 15) + { + return n; + } + if ( n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } + +} +" +a7afd1c089deb3ca1861b002da027ba25318af2d,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c) +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + return 0 + } + else return n; +} +" +252e6064263af21858770c0a36cf86bc949526d8,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + return 0 + } + else return n; +} +" +ad99ce7786e32e35909ea905670286ee621ec0e0,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + return 0; + } + else return n; +} +" +da22a6ecfda8cf2f20f4dc16012902287c1455c0,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + return 0; + } + else return n; +} +" +91e40fab8048d8c8abfa7492fc4168ca46b0ecc0,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if ( n == 15) + { + return n; + } + if ( n == 16) + { + return n; + } + else + { + n = 0; + } + } + else + { + return n; + } + +} +" +bab299bece1277430a99cdea1a50f2468d1dc8c3,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return a + b + c; + +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if ( n == 15) + { + return n; + } + if ( n == 16) + { + return n; + } + else + { + n = 0; + return n; + } + } + else + { + return n; + } + +} +" +1237d30443e2060b3dfd2e60f1e8ffa72d3e517a,"public int noTeenSum(int a, int b, int c) +{ + return this.fixTeen(a) + this.fixTeen(b) + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n <= 19 && n >= 13) + { + return 0; + } + else return n; +} +" +200ee8fed4bf1f39979e61d7a6d7ee7fc98c28c7,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +501f9c272e853103430eefdd08a43c1438932f6d,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + return a; +} + +public int fixTeen(int n) +{ + n = ""bob""; +} +" +ad8900b8cea53a81a2f1a99e33b99e64c36ef4f4,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + return a; +} + +public int fixTeen(int n) +{ + n = 69; +} +" +5677e571e5a6f4c5408ada42e8d5085bced5ec54,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + return a; +} + +public int fixTeen(int n) +{ + return n = 69; +}" +bc2356d89b7f12097aed915117a2d2639006b9d6,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return (a + b + c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <=19) + { + return n = 0; + } + return n; +}" +61ee57a11ceaa6b8030ec47f49298cf6997888f7,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(a); + this.fixTeen(b); + this.fixTeen(c); + return (a + b + c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16 || n < 13 || n > 19) + { + return n; + } + return 0; +}" +00c97eb804488e09adc0ad32ab3150bfed2a83a2,"public int noTeenSum(int a, int b, int c) +{ +return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +d8f63e6ea9e5598761f8aaf8fa3b236ba1c64898,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + return n; + else if (n > 12 && n < 20) + return 0; + else + return n; +} +" +2a063a620dce3073b9a75489baf93ae1cdcec721,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && (n != 15 || n != 16)) + { + return 0; + } + else + { + return n; + } +} +" +56a73f3c5ede67137061227650f53794b1aec113,"public int noTeenSum(int a, int b, int c) +{ +return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + else + return 0; +} +" +9cbfdddf717f8374ba01a0953ed2dc5734cd107b,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + else + return 0; +} +" +cd2991ed9564cecd470ebd2f8d73154a3ede7ca3,"public int noTeenSum(int a, int b, int c) +{ + return(fixteen(a) + fixteen(b) + fixteen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && (n != 15 || n != 16)) + { + return 0; + } + else + { + return n; + } +} +" +0e04ab0ac08160d5d99c7f6747e3e83cd94d48ce,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && (n != 15 || n != 16)) + { + return 0; + } + else + { + return n; + } +} +" +50fc5548b4c280c979ac6975a7bb87ce2dd53269,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && (n != 15 || n != 16)) + { + return 0; + } + else + { + return n; + } +} +" +678b372f780f9711abe57f21efcc921e7be88d98,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && (n != 15 || n != 16)) + { + return 0; + } + else + { + return n; + } +} +" +84ae85d2858b1bbfc9628cd8250f734dcd11ba70,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && (n != 15 && n != 16)) + { + return 0; + } + else + { + return n; + } +} +" +a9e61037955401921a5a164442f138bea937dde2,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + return 0; + else + return n; + } + else + return n; +} +" +6ed83e9b6474a0f4f5bbb99989bf48c7599deea2,"public int noTeenSum(int a, int b, int c) +{ + d = fixTeen(a); + e = fixTeen(b); + f = fixTeen(c); + return d + e + f; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + return 0; + else + return n; + } + else + return n; +} +" +5c6c980426426b391d6e92f675ca4f1ee0ab2eee,"public int noTeenSum(int a, int b, int c) +{ + int d = fixTeen(a); + int e = fixTeen(b); + int f = fixTeen(c); + return d + e + f; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + return 0; + else + return n; + } + else + return n; +} +" +ead718510e23d589e0b4694c97218eeaffd40080,"public int noTeenSum(int a, int b, int c) +{ + int d = fixTeen(a); + int e = fixTeen(b); + int f = fixTeen(c); + return d + e + f; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + return n; + else + return 0; + } + else + return n; +} +" +b533b17ccdc3da9de24eca8dcdab641b6872e153,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum; + + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + + noTeenSum = a + b + c; + return noTeenSum; +} + +public int fixTeen(int n) +{ + int fixTeen; + + if ((n >= 13) && (n <= 19)) + { + if (n == 15) + { + fixTeen = 15; + } + else if (n == 16) + { + fixTeen = 16; + } + else + { + fixTeen = 0; + } + } + else + { + fixTeen = n; + } + + return fixTeen; +} +" +3cb657e9c9560555e2f0a74337f8b944db5c03e6,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a); + return fixTeen(b); + return fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; +} +" +3c7fcd8b79f482dfed60c826a914d6e742c28ac2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; +} +" +35fa05edc07c621b30f204bd43026f3a7f1841d3,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +4529546033b55cc4804d4121dc7402d4c71d5899,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + C = fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if ((13<=n<15) || (16n) && (n>12)) + { + return 0; + } + else + return n; + } + else + return n; +} +" +882c1e15c101c07fb584da466084216f6a48b74d,"public int noTeenSum(int a, int b, int c) +{ + if(a > 12 && a < 20) + { + this.fixTeen(a); + } + if(b> 12 && b < 20) + { + this.fixTeen(b); + } + if(c> 12 && c< 20) + { + this.fixTeen(c); + } +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 19) + { + n = 0; + } + return +}" +e7a1728b4b35dc25b0c00f4e8b76a8ad3a356b29,"public int noTeenSum(int a, int b, int c) +{ + if(a > 12 && a < 20) + { + this.fixTeen(a); + } + if(b> 12 && b < 20) + { + this.fixTeen(b); + } + if(c> 12 && c< 20) + { + this.fixTeen(c); + } +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 19) + { + n = 0; + } + return n; +}" +0cb57495bf32f6f55b762d876933844265e15b9f,"public int noTeenSum(int a, int b, int c) +{ + if(a > 12 && a < 20) + { + this.fixTeen(a); + } + if(b> 12 && b < 20) + { + this.fixTeen(b); + } + if(c> 12 && c< 20) + { + this.fixTeen(c); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 19) + { + n = 0; + } + return n; +}" +8b7c75063f6867f46f588574de35097b9d657386,"public int noTeenSum(int a, int b, int c) +{ + int d; + int e; + int f; + d = fixTeen(a); + e = fixTeen(b); + f = fixTeen(c); + + return (d + e + f); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +d6a168d80cd2f01fef2c24d44390450918493101,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n == 15 || n == 16 || n > 19 || n < 13) + { + return n; + } + return 0; +} +" +3fc75a71dfc2e900e98c17c6b384ce86e773855a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 || n 1= 16) + { + n = 0; + } + return n; + } +} +" +62ce70304358abfdd932378fb6cd7769b980fdc9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 || n != 16) + { + n = 0; + } + return n; + } +} +" +b3bc6f203a34a07fbedc11d752e42b72a99f2811,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19 && n != 15 || n != 16) + { + return n; + } + else + { + return 0; + } +} +" +0d9da69f3f6ca8f4e0bfb9309aee2d01895ce73a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 && n != 16) + { + return 0; + } + } + else + { + return n; + } +} +" +b51258e83906e860abf55e2cc793cf882f0a83c2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 && n != 16) + { + return 0; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +7cc517ef5427dd62cfba52f9e200445c09cdcf47,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (13 <= n && n <= 19) + { + if (n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } + } + else + { + return n; + } +} +" +0a6e3b08c8c9d37d0775599f8405a496c896927b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n > 12 && n < 15) || (n > 16 && n < 20)) + { + n = 0; + } + else + { + return n; + } +} +" +9dc1b61e1e57091eeac8507fb94039cc2029182b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n > 12 && n < 15) || (n > 16 && n < 20)) + { + n = 0; + return n; + } + else + { + return n; + } +} +" +be22ad32d2f9ece0896035c4476b5230d98a4ed5,"public int noTeenSum(int a, int b, int c) +{ + int a = fixTeen(a) + fixTeen(b) + fixTeen(c); + return a; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 && n == 16) + { + return n; + } + return 0; + } + return n; +} +" +94d6a1f51e4e888357572b596a2b2889f73e6810,"public int noTeenSum(int a, int b, int c) +{ + int x = fixTeen(a) + fixTeen(b) + fixTeen(c); + return x; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 && n == 16) + { + return n; + } + return 0; + } + return n; +} +" +1268a52314d759b7cddeb7ab8f5a1006479a10b6,"public int noTeenSum(int a, int b, int c) +{ + int x = fixTeen(a) + fixTeen(b) + fixTeen(c); + return x; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; +} +" +fab36970add77cb49d16175587c27866c53762e0,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + + res=res+ fixTeen(b); + + res=res+ fixTeen(c); + + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ + if(n==15 || n==16) { + return n; + } + return 0; + } + return n; +} +" +a73be44e8a3052663ec471091220e897f599693d,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + { + return 0; + } + else + { + return n; + } +} +" +653910fb663ecbe143885847ab68194c47856e76,"public int noTeenSum(int a, int b, int c) +{ + int a1 = fixTeen(a); + int b2 = fixTeen(b); + int c2 = fixTeen(c); + return a2+b2+c2; +} + +public int fixTeen(int n) +{ + if ((n >= 13 ) && (n <= 19) && (n != 15) && (n != 16)) + { + return 0; + } + else + { + return n; + } +}" +52b14e01cbe0e66ef467a5a24ae85552860aae9f,"public int noTeenSum(int a, int b, int c) +{ + int a2 = fixTeen(a); + int b2 = fixTeen(b); + int c2 = fixTeen(c); + return a2+b2+c2; +} + +public int fixTeen(int n) +{ + if ((n >= 13 ) && (n <= 19) && (n != 15) && (n != 16)) + { + return 0; + } + else + { + return n; + } +}" +1801150d4ce76b448e98ac06a391dec2c3e2044a,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + + sum += this.fixTeen(a) + this.fixTeen(b) + + this.fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n > 12) && (n < 20)) + { + if (n!= 15) + { + if ( n != 16) + { + n = 0; + } + } + + } + + return n; +} +" +ad684335357f8cbd683a10df818a5a155e400e06,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + + sum += this.fixTeen(a) + this.fixTeen(b) + + this.fixTeen(c); + + return sum; +} + +public int fixTeen(int n) +{ + if ((n > 12) && (n < 20)) + { + if (n!= 15) + { + if ( n != 16) + { + n = 0; + } + } + + } + + return n; +} +" +4773ba8ab16fbd9d900abbfed0208c65e3996c93,"public int noTeenSum(int a, int b, int c) +{ + if (a == fixTeen || b == fixTeen || c == fixTeen) + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && n != 15 && n != 16) + return 0; + else + return n; +} +" +75dcb56ec9cd3079fd481e90ba1b4997465f0679,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && n != 15 && n != 16) + return 0; + else + return n; +} +" +ba23c17a1fe33b00082e41376e94e3004c7347fe,"public int noTeenSum(int a, int b, int c) +{ + if (a == n || b == n || c == n) + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && n != 15 && n != 16) + return 0; + else + return n; +} +" +40f51e32e96e6a38a9d9abda5de4530e86b424a1,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && n != 15 && n != 16) + return 0; + else + return n; +} +" +fcb0d50c85c32e3967c4859a34392bcc8a3f4c4b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >= 13 && n <= 19) && n != 15 && n != 16) + return 0; + else + return n; +} +" +e13f5b0b4161c4b52feabe17b76f8aaf78c07d5c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)) +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +0b4ffa918fe2d9acbc8b4ac93973408f19bfcab2,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +c913b6794d0cfeb8d39bfe650cfa10f9d6bbc089,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n>=13 && n<=19) + { + if(n==15 || n==16) + { + return n; + } + else + { + return 0; + } + } + return n; +} +" +b90f5cc0abfbc316387594261ffc58dfd3e3ea52,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixteen(b); + int z =fixteen(c); + sum = x+y+z; + +} + +public int fixTeen(int n) +{ + if(n = 15) + { + return 15; + } + if(n = 16) + { + return 16; + } + if(n >= 13 && n <= 19) + { + return 0; + } +} +" +dd74374368ef78163c683f79fe4f3f63dd18916c,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + +} + +public int fixTeen(int n) +{ + if(n = 15) + { + return 15; + } + if(n = 16) + { + return 16; + } + if(n >= 13 && n <= 19) + { + return 0; + } +} +" +ac147c64f9c25c8aad6d8b7cc941e9e61bfcf66f,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + +} + +public int fixTeen(int n) +{ + if(n == 15) + { + return 15; + } + if(n == 16) + { + return 16; + } + if(n >= 13 && n <= 19) + { + return 0; + } +} +" +e5f9d63e7c3e0517834623c0be3f048a9aa2148e,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + return sum; +} + +public int fixTeen(int n) +{ + if(n == 15) + { + return 15; + } + if(n == 16) + { + return 16; + } + if(n >= 13 && n <= 19) + { + return 0; + } +} +" +0f9ed16d96fc0475e6d35367cc457682234a52a1,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + return sum; +} + +public int fixTeen(int n) +{ + int p; + if(n == 15) + { + p = 15; + } + if(n == 16) + { + p = 16; + } + if(n >= 13 && n <= 19) + { + p = 0; + } + return p; +} +" +b7e651006829eceab9651736dd5829b36f87b147,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + return sum; +} + +public int fixTeen(int n) +{ + int p =0; + if(n == 15) + { + p = 15; + } + if(n == 16) + { + p = 16; + } + if(n >= 13 && n <= 19) + { + p = 0; + } + return p; +} +" +4cc6a9becacc0cd5de32fe532c8ace07da92a75e,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + return sum; +} + +public int fixTeen(int n) +{ + int p =0; + if(n == 15) + { + p = 15; + } + else if(n == 16) + { + p = 16; + } + else if(n >= 13 && n <= 19) + { + p = 0; + } + return p; +} +" +e3bbe20dfacf3b7f425d620015e4c6d60b137bd9,"public int noTeenSum(int a, int b, int c) +{ + int sum; + int x =fixTeen(a); + int y =fixTeen(b); + int z =fixTeen(c); + sum = x+y+z; + return sum; +} + +public int fixTeen(int n) +{ + int p =0; + if(n == 15) + { + p = 15; + } + else if(n == 16) + { + p = 16; + } + else if(n >= 13 && n <= 19) + { + p = 0; + } + else + { + p = n; + } + return p; +} +" +1b1fb9f238baa9095205a01c14beaeca1b3ceffb,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} +" +b7a5b30a4153be4c1a548c242c47eb20ab4f3d0c,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return noTeenSum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + return n; + } + } + else { + n = 0; + return n; + } + +} +" +83c6ca0baa4cad9112ae5f2cd118833593ddec01,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return noTeenSum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + n = n; + } + } + else { + n = 0; + } + return n; + +} +" +4d0537691c77948df67ae8cf03476da9f84519dc,"public int noTeenSum(int a, int b, int c) +{ + int noTeenSum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return noTeenSum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + n = n; + } + else { + n = 0; + } + } + else { + n = n; + } + return n; + +} +" +ad4f1f8484e805787dfb52aab7a573d16b147c82,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if(n == 15 || n == 15) + return n; + if(n > 12 && n < 20) + return 0; + return n; +} +" +937feadbbfb54470b7128067baf0dd425734c1b3,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n == 15 || n == 15) + return n; + if(n > 12 && n < 20) + return 0; + return n; +} +" +a718e9cb426d7906c246d6e8316c0e434d1d59ef,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n == 15 || n == 16) + return n; + if(n > 12 && n < 20) + return 0; + return n; +} +" +314cdbbf7d38856cac54de21b4066859241f7a04,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if( n== 15 || n==16) + { + return n; + } + else + { + return 0; + } +} +" +53d7cb4a9cd64564f542779e5b93a73c9011312d,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + + if ((((n-10)) >23 && ((n-10) < 5)) ||(((n-10)) > 6 && ((n-10) < 9))) + { + return 0; + } + else + { + return n; + } +} +" +c9b8a047f78cda3f5ae2cdab3c6121479e001e8e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + + if ((((n-10)) >2 && ((n-10) < 5)) ||(((n-10)) > 6 && ((n-10) < 9))) + { + return 0; + } + else + { + return n; + } +} +" +eeca2dcf8ffa31bb2ab9adea6dd1efc2867c4d9a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + + if ((((n-10)) >2 && ((n-10) < 5)) ||(((n-10)) > 6 && ((n-10) <= 9))) + { + return 0; + } + else + { + return n; + } +} +" +8155e111bd22ea4bdb6e2f5905ecfe12bb783196," + +public int noTeenSum(int a, int b, int c) { +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n){ +if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +}" +ba1d5304275572f21ed17838c3bbc95f26f6d044,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19 && n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } +} +" +67e32e60ccf94c9e237b1ee60eec88d54337ee46,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (( n > 12 && n < 15) ||( n > 16 && n < 20 )) { + return 0; + } + return n; +} +" +63097f3f6087c9c848b97dadf2912a0114037260,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n!= 16) { + return 0; + } + } + else { + return 0; + } + +} +" +05190291221d30a7a2eef74cb53433efb0831890,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n!= 16) { + return 0; + } + } + else { + return 0; + } + +}" +32582b35862f4d38fb17feec853295e49d122a6a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n != 15 && n!= 16) { + return 0; + } + } + else { + return n; + } + +}" +7bfe98122fbb2b0bbf879ab65c2e347ab9cde0ac,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n!= 16 ) { + return 0; + } + else { + return n; + } + +}" +a1c1edfb8137c9fef68a2129ed48e7c33bdfb5a8,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 12) + { + return a + b + c; + } + else + { + return fixTeenl + } +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 && n > 16 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +55a74341f7f71849c6aa3fd43f61497b1f5854ef,"public int noTeenSum(int a, int b, int c) +{ + if (a <= 12) + { + return a + b + c; + } + else + { + return fixTeen; + } +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 && n > 16 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +9e90b820eadc4aa8de70984d0ef402e25c16b0d2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} +public int fixTeen(int n) +{ + if(13 <= n && n <= 19 && n != 15 && n != 16) + return 0; + + return n; +} +" +cf9796bb8222daaa424bc1a181affd002cc5421e,"public int noTeenSum(int a, int b, int c) +{ + if (a < 12) + { + return a + b + c; + } + else + { + return fixTeen(); + } +} + +public int fixTeen(int n) +{ + if (n >= 13 && n < 15 && n > 16 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +3ada5122d3f5e658e689fde35ef1bebc95901c71,"public int noTeenSum(int a, int b, int c) { +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n){ +if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +}" +aca1e8707feb70f00202808a22f14e2c03a2d2e1,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n >= 13 && a <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + +} +" +8a167c60c02f1949d6265cd1bd65bd6a606cfacd,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } +} +" +96a557a3e9b6151947e8e9730a6c1d73520e5cf4,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + else + { + return n; + } +} +" +851fca5156882ac4be0681c75fb68f37b6562d73,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + else + { + return n; + } +} +" +49314b8625533efa3bb56e04211dd14358dd38cb,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if((13<=n && n<=19) && (n!=15 && n!=16)) + { + return 0; + } + else + { + return n; + } +} +" +130589d7b8234ba98fe766aec1d702d649d31ca1,"public int noTeenSum(int a, int b, int c) +{ + this.fixTeen(); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } +} +" +0de4789267a25cb5097840654e19b11e8cf2be72,"public int noTeenSum(int a, int b, int c) +{ + if (this.fixTeen(a) != 0 && this.fixTeen(b) != 0 && this.fixTeen(c) != 0) + { + return a + b + c; + } + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + +} +" +b0c50f099c94ef5aaa40e112d92f1ee107ce5c62,"public int noTeenSum(int a, int b, int c) +{ + if (this.fixTeen(a) != 0 && this.fixTeen(b) != 0 && this.fixTeen(c) != 0) + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + +} +" +b6fe1b76eb3a0f999ef610b5f916d20894d37674,"public int noTeenSum(int a, int b, int c) +{ + if (this.fixTeen(a) == 0 && this.fixTeen(b) == 0 && this.fixTeen(c) == 0) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + +} +" +d3819fb3c98e7a26151f4aa7ec9ee0fea18875a3,"public int noTeenSum(int a, int b, int c) +{ + if (this.fixTeen(a) == 5 && this.fixTeen(b) == 5 && this.fixTeen(c) == 5) + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return 5; + } + +} +" +66f25dde4b4111da9fb53e4658702a5aae474926,"public int noTeenSum(int a, int b, int c) +{ + if (this.fixTeen(a) == 5 && this.fixTeen(b) == 5 && this.fixTeen(c) == 5) + { + return a + b + c; + } + else + { + return 322; + } + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return 5; + } + +} +" +9ade30b678948e95ca52cf2b6ecad57636c6d4f5,"public int noTeenSum(int a, int b, int c) +{ + if (this.fixTeen(a) == 5 && this.fixTeen(b) == 5 && this.fixTeen(c) == 5) + { + return a + b + c; + } + else + { + return 322; + } +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n >= 13 && n <= 19) + { + return 0; + } + else + { + return 5; + } + +} +" +cb373cbad9ee5287927abc632e6a6ae1e1b8bdb5,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 19) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +499949c8eda9f56b86db672d707b25bfaff0594e,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 19) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +6712ac4f47987e16fc4e71dfb7b0aba73de74a5a,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +bfc4a88896557c672410bf8eb6d9687fcbafdf1d,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if(13 <= n && n <= 19 && n != 15 && n != 16) + return 0; + + return n; +} +" +97ab718af043b1167711a395fe1ffb012f0a1444,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( (n >=13 && n < 15) || (n > 16 && n <= 19) ) + return 0; + else + return n; +} +" +0a31a1a18317b31e5e61c0bda064f675e9c7eb0c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 && n != 16) + { + return 0; + } + else + { + return n; + } + } + else + { + return n; + } + +} +" +5ba3b17af1653ba5c1fbd90d98b70b3827b10f73,"public int noTeenSum(int a, int b, int c) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} + +public int fixTeen(int n) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen (c)); +} +" +eb95e1ea2673c844310f242163e7dd8a723d8e02,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen (c)); +} + +public int fixTeen(int n) +{ + +} +" +a8e54aec17a8bda0bca84ea57a5443b7db7f4500,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) +return n; +return 0; +} +} +" +a87a0d9db3bf8832388e2b713a76ef7813ba38da,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + return 0; + } +} +" +1efeb9d42d1ace39b873e28512a9b054ce6092f7,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen (c)); + + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + return 0; + } +} +" +983a4bae50ad37f16f9f8698bf97ae930350bee6,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen (c)); + + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } +} +" +7eaf8132bfb68e34f1853d0da868d2f60fced0de,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + n=13, 14, 17, 18, 19; +} +" +e813f5255dfc2c33395a0291b670bee2ffd7a5ea,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + n=(13, 14, 17, 18, 19); +} +" +f6cfdfcc045d3ced7634c7a0afcbe4afd98d380e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + n = 0; + + return n; +} +" +23c1753cf75846f1f7eb9cf7f33460b2048e6a50,"public int noTeenSum(int a, int b, int c) +{ + if (a == 13 || a == 14 || a == 17 || a == 18 || a == 19) + { + a = 0 + } + if (b == 13 || b == 14 || b == 17 || b == 18 || b == 19) + { + b = 0 + } + if (c == 13 || c == 14 || c == 17 || c == 18 || c == 19) + { + c = 0 + } + if ((a + b + c) == 0) + { + fixTeen(a); + } +} + +public int fixTeen(int n) +{ + return 15; +} +" +6103933a7081962635c5f01871f40b0e2e832f9f,"public int noTeenSum(int a, int b, int c) +{ + if (a == 13 || a == 14 || a == 17 || a == 18 || a == 19) + { + a = 0; + } + if (b == 13 || b == 14 || b == 17 || b == 18 || b == 19) + { + b = 0; + } + if (c == 13 || c == 14 || c == 17 || c == 18 || c == 19) + { + c = 0; + } + if ((a + b + c) == 0) + { + fixTeen(a); + } + return a + b + c; +} + +public int fixTeen(int n) +{ + return 15; +} +" +a56f52a609f452d9d97cf88a1b2e3ac7a0322e47,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; +} +" +c0e74847daded5db86a45f95da024ec482c4f9a4,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if(n == 13 || n == 14 || n == 17 || n == 18 || n == 19} + { + return 0; + } + else + { + return n; + } + + +} +" +6fedb75d07d19c26e5ed2a3af58ee470e5380711,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if(n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + { + return 0; + } + else + { + return n; + } + + +} +" +8efc9ab29d1ce00da69f00ade2ab3c07517f08fa,"public int noTeenSum(int a, int b, int c) +{ +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +2828ea68f264ecd9412b7be8fedbb6f84001f3e1,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if(n=13 || n=14 || n=17 || n=18|| n=19) + { + return 0; + } + else + { + return n; + } +} +" +43efca9566eef587aa8d77586b413f4b59d7de47,"public int noTeenSum(int a, int b, int c) +{ + a=fixTeen(a); + b=fixTeen(b); + c=fixTeen(c); + return a+b+c; + +} + +public int fixTeen(int n) +{ + if(n==13 || n==14 || n==17 || n==18|| n==19) + { + return 0; + } + else + { + return n; + } +} +" +06247f4adfb36d7b3217ac415758c917661227f2,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 + || n == 15 || n == 16) + return n; + else + return 0; +} +" +80502c4b04d554178f5eab73f8394dca634b4d20,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 + || n == 15 || n == 16) + return n; + else + return 0; +} +" +4933b7c1f5758ce9c96a5ba3b1862dc8bc16446c,"public int noTeenSum(int a, int b, int c) +{ +fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; +} +" +f4b3f4ded6c1e505c1800dc69cd9c9789889ab49,"public int noTeenSum(int a, int b, int c) +{ +fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; + } +} +" +e850594f8239f7091df5bb67d5d14a4f09a71e8d,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; + } +} +" +8c0e04d2df9f6be4570ae0a0a28b006407058e73,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; + } +return a;} +" +e904d4a63720221be25ffb2f3e344fed0d4c01ff,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; + } +return noTeenSum();} +" +11e719f5000c474443589cde9203a04346a524d1,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; + } +return fixTeen();} +" +3ce6f36be9e123017a4ce347b6533973c0f2aa73,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <19) { + n = 0; + } +return fixTeen(n);} +" +5221f021b66a081bb5faf546c93af5b96afe3bb3,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <20) { + n = 0; + } +return;} +" +78f782ac0a79388616e75739c1594cfc9cf46f6d,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <20) { + n = 0; + } +return a + b + c;} +" +25a3aa896ae4c31f95109573615a39323b5a8ecc,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n <20) { + n = 0; + } +return n;} +" +2693ddb5bee0b4429107e01b1407f7af9b807cf6,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 16 || n = 15) { + n = n; + } + else if (n > 12 && n < 20) { + n = 0; + } +return n;} +" +ecc91027483a8b199845eaf128d2f3efd91fb801,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 16) { + n = n; + } + else if (n == 15) { + n = n; + } + else if (n > 12 && n < 20) { + n = 0; + } +return n;} +" +6050f7b185a0119196cb9f6fd7caee6916a7e283,"public int noTeenSum(int a, int b, int c) +{ + int newA = fixTeen(a); + int newB = fixTeen(b); + int newC = fixTeen(c); + + return (newA + newB + newC); +} + +public int fixTeen(int n) +{ + if(n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + return 0; + else + return n; +} +" +7bc07b16eaece5fdf115a0afeb64e3b3ccc79ac1,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!= 15 && n!=16) + return 0; + return n; +} +" +f090087b145ecf597847c993a9cb89e149880079,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} +" +70d53e88706e8e38ad2cf9f1588352b37aa3b17b,"public int noTeenSum(int a, int b, int c) +{ + int r=0; + r=r+ fixTeen(a); + r=r+ fixTeen(b); + r=r+ fixTeen(c); + return r; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + if(n==15 || n==16) + { return n; + return 0; + } + return n; +} +" +122133a71d02d81d9c667fa4236e8991f19def04,"public int noTeenSum(int a, int b, int c) +{ + int r=0; + r=r+ fixTeen(a); + r=r+ fixTeen(b); + r=r+ fixTeen(c); + return r; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { if(n==15 || n==16) + return n; + return 0; + } + return n; +} +" +2d12e59416538613465d16b4602d80f2020cc34f,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} +" +f33e2584bea41fcc6a338cea11362cf30b1722bc,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n >=13 && n < 15) || (n > 16 && n <= 19)) + return 0; + else + return n; + +} +" +9b3171b7da2f13d7eb84fcd6728e86b51b26cb46,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) { + return (n >= 13 && n < 15 || n > 16 && n <= 19) ? 0 : n; +}" +a447ca2fa379acccc41fc975a9e04569b4bfc420,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(13 <= n && n <= 19 && n!=15&& n!=16) + { + return 0 + } + return n; +} +" +5111c6639944eb028e5aedfb038137373d51f1ca,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(13 <= n && n <= 19 && n!=15&& n!=16) + { + return 0; + } + return n; +} +" +22929648c468a5445d3466a342291e4afaab6269,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (13 <= n <= 14 && 17 <= n <= 19) + return 0; + return n; + +} +" +cb8de79a8aef2b3bde531d41cd8600d8ba2aabcb,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); + +} + +public int fixTeen(int n) +{ + if ((13 <= n && n<= 14) || 17 <= n && n<= 19) + return 0; + return n; + +} +" +fb431b1e442bb8858110300392a5d35136ef1a83,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (13 <= n && n<= 14 || 17 <= n && n<= 19) + return 0; + return n; + +} +" +4879ff207316860dcf1d3a9946a229b10e97198b,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ +if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +}" +fcdae3f650867e0fea83aebc985b0eca01d3cc37,"public int noTeenSum(int a, int b, int c) +{ + + int aF = fixTeen(a); + int bF = fixTeen(b); + int cF = fixTeen(c); + + return aF + bF + cF; +} + +public int fixTeen(int n) +{ + if ((n <= 19) && (n >= 13)) + { + if ((n != 15) && (n != 16)) + { + return 0; + } + } + return n; + +} +" +6b035f52459849772064fc46997e7fb50a37ea31,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + + return 0; +} +" +6a4b7f9298a793fdb179e8db7f59699092e3325c,"public int noTeenSum(int a, int b, int c) +{ + int s = fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13 && n<=14) || (n>=17 && n<=19)) + { + n=0; + } + return n; +} +" +7f90669d0301966f6989df5c128ccae77d7e6655,"public int noTeenSum(int a, int b, int c) +{ + int s = fixTeen(a)+fixTeen(b)+fixTeen(c); + return s; +} + +public int fixTeen(int n) +{ + if ((n>=13 && n<=14) || (n>=17 && n<=19)) + { + n=0; + } + return n; +} +" +35905691610f960a15d4b5db8d9a340843820309,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a)+fixTeen(b)+fixTeen(c) +} + +public int fixTeen(int n) +{ + if ( n == 13 || n == 14 || n == 17 || n== 18 || n == 19) + n=0; + return n; + +} +" +e3d54bfdfa682cdbe6c30e3cb7db4aa8dbcdc1ed,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 13 || n == 14 || n == 17 || n== 18 || n == 19) + n=0; + return n; + +} +" +99781b7385320c93ad67e11edb9578527fe8d569,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + return n; + } + return 0; + } +} +" +232b0a7bc3b854371cc4f1d4e066f3146a628d2a,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +766940db30b9bc0db0d5f2eb86acee349a906931,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) { + if (n == 15 || n == 16) { + return n; + } + return 0; + } else { + return n; + } +} +" +f990f1f82552467fe2f6d1e757fde573d64d1d46,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(); + return( a + b + c); + +} + +public int fixTeen(int n) +{ + if( 13<= a <= 19) + { + if(a == 15 || a == 16) + a == a; + else + a == 0; + } + else + a == a; + if( 13<= b <= 19) + { + if(b == 15 || b == 16) + b == b; + else + b == 0; + } + else + b == b; + if( 13<= c <= 19) + { + if(c == 15 || c == 16) + c == c; + else + c == 0; + } + else + c == c; + +} +" +21db34bb3f2173162776085fa2b7e3725c0fcfb8,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(); + return( a + b + c); + +} + +public int fixTeen(int n) +{ + if( 13<= a <= 19) + { + if(a == 15) + a == 15; + if(a == 16) + a == 16; + else + a == 0; + } + if( 13<= b <= 19) + { + if(b == 15) + b == 15; + if(b == 16) + b == 16; + else + b == 0; + } + if( 13<= c <= 19) + { + if(c == 15) + c == 15; + if(c == 16) + c == 16; + else + c == 0; + } + + +} +" +bbbf8b13f038b673b20f68c1e33b9bb0c5fb4636,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(); + return( a + b + c); + +} + +public int fixTeen(int n) +{ + if( 13<= a <= 19) + { + if(a == 15) + return (a == 15); + if(a == 16) + return (a == 16); + else + return (a == 0); + } + if( 13<= b <= 19) + { + if(b == 15) + return (b == 15); + if(b == 16) + return (b == 16); + else + return (b == 0); + } + if( 13<= c <= 19) + { + if(c == 15) + return (b == 15); + if(c == 16) + return (c == 16); + else + return (c == 0); + } + +} +" +e9fa02c7924f9f90525fe8d363dc63b35ed788bf,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a,b,c); + return( a + b + c); + +} + +public int fixTeen(int n) +{ + if( 13<= a <= 19) + { + if(a == 15) + return (a == 15); + if(a == 16) + return (a == 16); + else + return (a == 0); + } + if( 13<= b <= 19) + { + if(b == 15) + return (b == 15); + if(b == 16) + return (b == 16); + else + return (b == 0); + } + if( 13<= c <= 19) + { + if(c == 15) + return (b == 15); + if(c == 16) + return (c == 16); + else + return (c == 0); + } + +} +" +dd04a0078f07c6cb450ba6bbaca538209618c36a,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(n); + return( a + b + c); + +} + +public int fixTeen(int n) +{ + if( 13<= a <= 19) + { + if(a == 15) + return (a == 15); + if(a == 16) + return (a == 16); + else + return (a == 0); + } + if( 13<= b <= 19) + { + if(b == 15) + return (b == 15); + if(b == 16) + return (b == 16); + else + return (b == 0); + } + if( 13<= c <= 19) + { + if(c == 15) + return (b == 15); + if(c == 16) + return (c == 16); + else + return (c == 0); + } + +} +" +255f730074e7dcb7cb39971ce6a918f04a5939e7,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(); + return( a + b + c); + +} + +public int fixTeen(int n) +{ + if( 13<= a <= 19) + { + if(a == 15) + return (a == 15); + if(a == 16) + return (a == 16); + else + return (a == 0); + } + if( 13<= b <= 19) + { + if(b == 15) + return (b == 15); + if(b == 16) + return (b == 16); + else + return (b == 0); + } + if( 13<= c <= 19) + { + if(c == 15) + return (b == 15); + if(c == 16) + return (c == 16); + else + return (c == 0); + } + +} +" +8438606d965b746ffee084119f6141ad8560cc88,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a, b, c); + d = a + b + c; + return d + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14) && (n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +582a6cfe23cf634e98c4ad6ce37465cf3e38d330,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c) + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + n = 0; + } + } +} +" +fb50e97555a8eae7e0183f1628e91bf8694a9246,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a, b, c); + d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +ec7f457115687180217c5031a741ed0ee5198ec6,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + n = 0; + } + } +} +" +572bbb0683625fabbe05dcb89b0c82803b863ad1,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + n = 0; + } + + else + { + null; + } + } +} +" +ee3520f1026dd9d958fd3b29bc330c0071e4147a,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int a, int b, int c); + d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +c6a3a8702f21aa48557779b8d4082601c3f57fff,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int a); + fixTeen(int b); + fixTeen(int c); + d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +83d30187b4ab56976676f11f95353ba0cdb26691,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + return 0; + } + + else + { + return n; + } + } +} +" +818f5c4f1b2c5f35cc032e11e526ed41323a4700,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n != 15 || n != 16) + { + return 0; + } + } + + else + { + return n; + } + +} +" +fb696bc7f2a723c4e7069837236e88050cd06635,"public int noTeenSum(int a, int b, int c) +{ +int x=0; +x=x+ fixTeen(a); + +x=x+ fixTeen(b); + +x=x+ fixTeen(c); + +return x; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) return n; + return 0; + } +return n; +} +" +7f1ce05938a501ad84e6b3389ca10a9b2b20240d,"public int noTeenSum(int a, int b, int c) +{ + int sum = fixTeen(a) + fixTeen(b) + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 16 && n != 15) + { + + return 0; + + } + + else + { + return n; + } + +} +" +8af70329ffed2426da13fd71c7fb1f1ef3e2baaa,"public int noTeenSum(int a, int b, int c) +{ +return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +4040248ff6c7f558fa7472b6179b3782b769a49a,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + int value = 0; + if ((n >= 13 && n <= 19) && (n != 15 && n != 16)) + value = 0; + else + value = n; + return value; +} +" +4002ca6576ae704443614d1347d29b5d9e29b23d,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = fixTeen(a)+fixTeen(b)+fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + int value = 0; + if ((n >= 13 && n <= 19) && (n != 15 && n != 16)) + value = 0; + else + value = n; + return value; +} +" +eb06f55535a227fb752d050f25a0526e11fe8490,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n:} + +} +" +012a0fb080edf4f4f8175cb2e3453d22d4a89c20,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n;} + +} +" +734b8be025823dced36c7a2ebb5dc7fa4180eca2,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n;} + (return n;} +} +" +d7a6551aa1844826a59ec096f46c9876191b2c21,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n;} + else + {return n;} +} +" +3171c9e8aebeded42dee7d448448f6c1a222f71c,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n;} + else + {return n;} +} +" +026ab6974efa02dd48bedc63bbb5d292390a644c,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(int a); + d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +3425d3b952d65aca28a04334d26b031692a7c5ee,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +7defe36ab418cb0abb6e1286f7f3d564032609bc,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +5a748c910a709dfb33550e731f4422e6313df080,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + n = 0; + } + else + { + n = n; + } + +} +" +bf1d05c80dfa2176bf3aed88713ab6f9d5e1c251,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n = n; + } + else if (n >= 13 && n <= 14 && n >= 17 && n <= 19) + { + return n = 0; + } + else + { + return n = n; + } + +} +" +8e4a76e886ad5ef94e781859b8f60ca676214fe2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n;} + else + {return n;} +} +" +dcf386d84482f69c5723acc4d713d5f8bc909ca0,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n = n; + } + else if (n == 13 && n == 14 && n == 17 && n == 18 && n == 19) + { + return n = 0; + } + else + { + return n = n; + } + +} +" +02e164055c4ccba8afbccc8ca9d37ea4847d5b86,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + if (n == 15 || n==16) + {return 0;} + else + {return n;} + +} +" +c7c77d673f6fb79bf7fded48ef5cbd4fee4e95ed,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n = n; + } + else if (n == 13 && n == 14 && n == 17 && n == 18 && n == 19) + { + return n = 0; + } + else + { + return n + } + +} +" +1eb1aad04b9ff82f5cdfe13faa33ca96a14c2d8f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + if (n == 15 || n==16) + {return 0;} + } + else + {return n;} + +} +" +32e1896f15c35bf1ba756fc474f70ecd283a1377,"public int noTeenSum(int a, int b, int c) +{ + fixTeen(a); + fixTeen(b); + fixTeen(c); + int d = a + b + c; + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n = n; + } + else if (n == 13 && n == 14 && n == 17 && n == 18 && n == 19) + { + return n = 0; + } + else + { + return n; + } + +} +" +084c79c544160b6232ecb85079c87c25413c3a40,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + { + if (n != 15 || n != 16) + {return n;} + } + else + {return 0;} + else + {return n;} +} +" +1424feb7c0e23331cb2a0795540314b2ec0c926b,"public int noTeenSum(int a, int b, int c) +{ + + int d = fixTeen(a) + fixTeen(b) + fixTeen(c); + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n = n; + } + else if (n == 13 && n == 14 && n == 17 && n == 18 && n == 19) + { + return n = 0; + } + else + { + return n; + } + +} +" +e9fa7a9247acb9f01f0ddfb2a992f375b51eb2ba,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + + if (n != 15 || n != 16) + {return n;} + + else + {return 0;} + else + {return n;} +} +" +0268bed73e98e55237abf9a4c5cd08cd46fa56bc,"public int noTeenSum(int a, int b, int c) +{ + + int d = fixTeen(a) + fixTeen(b) + fixTeen(c); + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n == 13 && n == 14 && n == 17 && n == 18 && n == 19) + { + return 0; + } + else + { + return n; + } + +} +" +75f8dccde5038c0d915cf2baa5875d8ef4924afd,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + + if (n != 15 || n != 16) + {return 0;} + + else + {return n;} + else + {return 0;} +} +" +5e3cfb621ef016cb7d4b8411ade5e58c59c5bd2b,"public int noTeenSum(int a, int b, int c) +{ + + int d = fixTeen(a) + fixTeen(b) + fixTeen(c); + return d; + +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n == 13 || n == 14 || n == 17 || n == 18 || n == 19) + { + return 0; + } + else + { + return n; + } + +} +" +5f07ed895bcc160b9b46429c735a31e5fd87055a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + + if (n != 15 || n != 16) + {return n;} + + else + {return n;} + else + {return 0;} +} +" +8db41c48eca3f4571129f5601d692fa1517d6ab4,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19) + + if (n != 15 || n != 16) + {return n;} + + else + {return 0;} + else + {return 0;} +} +" +5f577737b63556aa29c2da35a198b98e73f5983e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 || n != 16) + {return 0:} + if (n != 15 || n != 16) + {return n;} + + else + {return 0;} + else + {return 0;} +} +" +8c07a74fa170903d2ba82ef9426e492646363a55,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 || n != 16) + {return 0:} + if (n != 15 || n != 16) + {return n;} + + +} +" +da1e7ba3d77b7643eff587dd890fc1363cc263ac,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 || n != 16) + {return 0;} + if (n != 15 || n != 16) + {return n;} + + +} +" +b2a5f9fa4e5293318fe7d709fc034fd298685aca,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 || n != 16) + {return 0;} + else if (n != 15 || n != 16) + {return n;} + + else + {return n;] +} +" +ff240d82a3098dea7626338f14f8589e9f1bf4e0,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 || n != 16) + {return 0;} + else if (n != 15 || n != 16) + {return n;} + + else + {return n;} +} +" +f20955531ee50f4d793b61f7a646beaa76cb2544,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) +fixTeen(b) +fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 && n != 16) + {return 0;} + else if (n == 15 || n == 16) + {return n;} + + else + {return n;} +} +" +fbdc7524aeabc3dff0fce8126b1f0a647517611f,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 && n != 16) + {return 0;} + else if (n == 15 || n == 16) + {return n;} + else + {return n;} +} +" +34233042f3352d5270e33d4c0fc8a5ecddfd3160,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 && n != 16) + {return 0;} + else if (n == 15 || n == 16) + {return n;} + else + {return n;} +} +" +b2c9280555418138146570c5c21187cabdb0a7a7,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n>=13 && n<=19 && n!=15 && n != 16) + {return 0;} + else if (n == 15 || n == 16) + {return n;} + else + {return n;} +} +" +6b5e378ef04811f0993839c81f59fdfc45a1a10b,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if ((13 <= n < 15) && (16 < n <= 19)) + { + n = 0; + return n; + } + else + { + return n; + } + +} +" +376e88605b6aabb529e4e77fca26de9afccd9b15,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if ((13 =< n < 15) && (16 < n =< 19)) + { + n = 0; + return n; + } + else + { + return n; + } + +} +" +dd74d75ac499306e5f8b2ef1cf40f27e8907db5d,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if ((13 <= n < 15) && (16 < n <= 19)) + { + n = 0; + return n; + } + else + { + return n; + } + +} +" +a579bd9691b10b0a8b93c1838e62a560aec35a98,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if ((13 <= n < 15) && (16 < n <= 19) && n != 15 && n != 16) + { + n = 0; + return n; + } + else + { + return n; + } + +} +" +d7c35cb936816c32494ba25becbb6270874caeb0,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if ((13 <= n <= 19) && n != 15 && n != 16) + { + n = 0; + return n; + } + else + { + return n; + } + +} +" +fee01f371bd285b923486aa17abf65180d194efd,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n <= 19) && n != 15 && n != 16) + { + n = 0; + return n; + } + else + { + return n; + } + +} +" +d5763b8ba2ef032ab67f7163ae393f1c374f2299,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + + res=res+ fixTeen(b); + + res=res+ fixTeen(c); + + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) return n; + return 0; + } + return n; +} +" +7190d017f175f1313aef17f35584ac67db99624c,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +00e1ffe255ffe39dafef38d98c14b0b82c26959c,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } + else if (n > 12 && n < 20) + { + return 0; + } + return n; +} +" +0fc5db8a3c0ee21ccb7ddd026c24356cf5bceb98,"public int noTeenSum(int a, int b, int c) +{ + int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + public int fixTeen(int n){ +if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +b89daa0c0274cc0b4a6c5992911b3ea3e86319aa,"public int noTeenSum(int a, int b, int c) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} + +public int fixTeen(int n) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} +" +2e6fc2a01d1c0070d471fd5877c86ff4b0c250d9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + public int fixTeen(int n){ +if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; +} +} +" +21cf4681d5298d009c1ded89b7212e224b94d6bf,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + public int fixTeen(int n){ +if(n >= 13 && n <= 19 && n != 15 && n != 16) { +return 0; +} else { +return n; + +} +" +596114f992a8764d538d58998cde789b256d8a39,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + { + return n; + } + return 0; +} +" +910f786338df52929931756ebf42823a787c34fc,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ +if ( (n >=13 && n < 15) || (n > 16 && n <= 19) ) + + return 0; + + else + + return n; + +} +" +cd086ba3da0eb4854066b9675585cf205d4901d0,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + if (n = 15 || n = 16) + { + return n; + } + else + { + return 0; + } + } + +} +" +c26d834c7df204f96a3a5893ce50606f2ccf1374,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + if (n >= 15 && n <= 16) + { + return n; + } + else + { + return 0; + } + } + +} +" +cabf3cab4e0e4fa53a7289185638906b37a62f3a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n <= 19 && n >= 13) + { + if (n >= 15 && n <= 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +a3bf96c382a8d5d1b624bde64772616d0cbb8356,"public int noTeenSum(int a, int b, int c) +{ + +} + +public int fixTeen(int n) +{ + +} +" +9c43065a95224c1e0ca71fb42c0746a6e4091565,"public int noTeenSum(int a, int b, int c) { +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n){ +if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +}" +5061eaa4f756a4d58b1acbf20200f6768bb73725,"public int noTeenSum(int a, int b, int c) +{ +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ + if(n==15 || n==16) return n; + return 0;} + return n; +} +" +d709d514f55051218fa419cdc3421554cb14a036,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); + +} + +public int fixTeen(int n) +{ + if ( (n >=13 && n < 15) || (n > 16 && n <= 19) ) + return 0; + else + return n; +} +" +56ac97e6ac311645870c594b750311820db92f19,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + n = 0; +} +" +383c77b5c5d3ef352cfe981420c1e5ac1d0b6f98,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + n = 0; + } +} +" +325c783718ad41f25ed89991dc95d89cc80195e6,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + { + n = 0; + } + return n; +} +" +59ea93bd873718119b3b69c2d24e566dc434b28e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13 || n<15) && (n>16 || n<=19) + { + n == 0; + } + else + { + n == n; + } +} +" +0f0aec41cdb6024a3086618b1f5f749b7d0e35f7,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13 || n<15) && (n>16 || n<=19)) + { + n == 0; + } + else + { + n == n; + } +} +" +4dea8212c29d92439090094a11a7f42683677a19,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13 || n<15) && (n>16 || n<=19)) + { + n = 0; + } + else + { + n = n; + } +} +" +9ff411298fb2a0f29e0097c5ad35cf3c501e81c2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13 || n<15) && (n>16 || n<=19)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +596808d0b1b83d39d7082c4b20174d58cc89aa5a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if ((n>=13 && n<15) || (n>16 && n<=19)) + { + n = 0; + } + else + { + n = n; + } + return n; +} +" +0054332bbd739d2c959b4898757f7469dee57d81,"public int noTeenSum(int a, int b, int c) +{ + return (a + b + c); +} + +public int fixTeen(int n) +{ + int num = n; + if(num == 15 || num == 16) + return num; + if(num >= 13 && num <= 19) + return 0; +} +" +87000dc2f39d719c42938cbbc24a8ee52cae6c63,"public int noTeenSum(int a, int b, int c) +{ + return a + b + c; +} + +public int fixTeen(int n) +{ + int helper = a; + if (helper >= 13 && helper <= 19) + return teen; + int helper = b; + if (helper >= 13 && helper <= 19) + return teen; + int helper = c; + if (helper >= 13 && helper <= 19) + return teen; +} +" +0704008317326993be8749b067ccde8d994335a4,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + int num = n; + if(num == 15 || num == 16) + return num; + if(num >= 13 && num <= 19) + return 0; +} +" +64597d5722be1650e5b67a72fce8ffd1de900ae1,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + else + return 0; +} +" +7d330e216d28b8946ebc9d026cdabb7eec5a47bc,"public int noTeenSum(int a, int b, int c) +{ + a + b + c = d; +} + +public int fixTeen(int n) +{ + if (d >= 13 && d < 15 || d > 16 && d <= 19) + { + // + } +} +" +7314f0e54b84d1df35a80f30de8aa49dfa2e5a21,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + return 0; + if(b == 13 || b > 13 || b == 19 || b < 19) + return a; + if(c == 13 || c > 13 || c == 19 || c < 19) + return (a + b); + return (a + b + c); +} + +public int fixTeen(int n) +{ + +} +" +a5bc1ddaf2e5bee2f6fa003d214803a9fc2f0bde,"public int noTeenSum(int a, int b, int c) +{ + int a = n; +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +65f531c16d218310705b5a82519c806333e375ac,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + int num = n; + if(num == 15 || num == 16) + return num; + if(num >= 13 && num <= 19) + return 0; +} +" +61833e85c7d4af46fba3d9efa2a388315de50d60,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + return 0; + if(b == 13 || b > 13 || b == 19 || b < 19) + return a; + if(c == 13 || c > 13 || c == 19 || c < 19) + return (a + b); + return (a + b + c); +} + +public int fixTeen(int n) +{ + return a; +} +" +7b5da02dea460a0a161f79941ca90a713e88d878,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + return 0; + if(b == 13 || b > 13 || b == 19 || b < 19) + return a; + if(c == 13 || c > 13 || c == 19 || c < 19) + return (a + b); + return (a + b + c); +} + +public int fixTeen(int n) +{ + return n; +} +" +1e2efd2e69bef7ceeda0b2bd90ae84c38d2285d7,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + int num = n; + if(num == 15 || num == 16) + return num; + if(num >= 13 && num <= 19) + return 0; + return num; +} +" +6bd93fedd64988657ad02e0a505ab4ec7b90075c,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + return a = 0; + if(b == 13 || b > 13 || b == 19 || b < 19) + return a; + if(c == 13 || c > 13 || c == 19 || c < 19) + return (a + b); + return (a + b + c); +} + +public int fixTeen(int n) +{ + return n; +} +" +a5edde62609d9d9ea46b81ad9e9a526b6c2bcaf5,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + return a = 0; + if(b == 13 || b > 13 || b == 19 || b < 19) + return b = 0; + if(c == 13 || c > 13 || c == 19 || c < 19) + return c = 0; + return (a + b + c); +} + +public int fixTeen(int n) +{ + return n; +} +" +ae342fe58a0d6f2f7122caff4b6588e3642535ae,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +9393bbe27b8afe893f285159b4866a9a8894fc2d,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +1229a87ad17146e8b40edb2435f4fcc980da5fbd,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + return b + c; + if(b == 13 || b > 13 || b == 19 || b < 19) + return a + c; + if(c == 13 || c > 13 || c == 19 || c < 19) + return a + b; + return (a + b + c); +} + +public int fixTeen(int n) +{ + return n; +} +" +44836d47e9eb4f77f929f0662d3402002533dbdc,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + +} +" +e35063833206dae7f1ab4ae5b957f01a5ee27f9c,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + return a+b+c; +} +" +17df662d68600266d24cd54f301803b3a3e96f00,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + return n; +} +" +619dd90f8df8fdbfd4cd4a1853c541705890284c,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { if(b == 13 || b > 13 || b == 19 || b < 19) + { + if(c == 13 || c > 13 || c == 19 || c < 19 + { + return 0; + } + return c; + } + return (a + b); + } + return (a+b+c); +} + +public int fixTeen(int n) +{ + return n; +} +" +810f328cf2e41daf653396bcca1ae36eddeb8a34,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { if(b == 13 || b > 13 || b == 19 || b < 19) + { + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return 0; + } + return c; + } + return (a + b); + } + return (a+b+c); +} + +public int fixTeen(int n) +{ + return n; +} +" +8d5f5ca5d437bf34f97a91f3bf3c7d1c37b2bb05,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { if(b == 13 || b > 13 || b == 19 || b < 19) + { + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return 0; + } + return c; + } + return (b + c); + } + return (a+b+c); +} + +public int fixTeen(int n) +{ + return n; +} +" +12a596b3203dc986506e29e477233f8830bda302,"public int noTeenSum(int a, int b, int c) +{ +if ((a >= 13) && (a <= 19) && (a != 15)  && (a!= 16)) +    { +        a = 0; +    } +    if ((b >= 13) && (b <= 19) && (b != 15)  && (b!= 16)) +    { +        b = 0; +    } +    if ((c >= 13) && (c <= 19) && (c != 15)  && (c!= 16)) +    { +        c = 0; +    }     +    return (a+b+c); +} + +public int fixTeen(int n) +{ + f ((n >= 13) && (n <= 19) && (n != 15)  && (n!= 16)) +    { +        n = 0; +    } +    return (n); +} +" +2ed320ac27ff12e1d1470b9c2c5db2b8c9e73bcd,"public int noTeenSum(int a, int b, int c) +{ +int code = 0; +code = code + fixTeen(a); +code = code + fixTeen(b); +code = code + fixTeen(c); +return code; +} + +public int fixTeen(int n) +{ +if(n > 12 && n < 20) +{ +if(n == 15 || n == 16) +{ + return n; +} +return 0; +} +return n; +} +" +bfc559234ef29c537bd228c840c2f35edca1ed09,"public int noTeenSum(int a, int b, int c) +{ +if ((a >= 13) && (a <= 19) && (a != 15)  && (a!= 16)) +    { +        a = 0; +    } +    if ((b >= 13) && (b <= 19) && (b != 15)  && (b!= 16)) +    { +        b = 0; +    } +    if ((c >= 13) && (c <= 19) && (c != 15)  && (c!= 16)) +    { +        c = 0; +    }     +    return (a+b+c); +} + +public int fixTeen(int n) +{ + if ((n >= 13) && (n <= 19) && (n != 15)  && (n!= 16)) +    { +        n = 0; +    } +    return (n); +} +" +5b5dd45cb067c0fe5b4be767ad84f90c1dabe8d1,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { if(b == 13 || b > 13 || b == 19 || b < 19) + { + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return 0; + } + return c; + } + return (b + c); + } + else + { + return (a+b+c); + } +} + +public int fixTeen(int n) +{ + return n; +} +" +6ce5d3e1d518a3da17f66ab1f9f9b248e17bf611,"public int noTeenSum(int a, int b, int c) +{ + if ((a >= 13) && (a <= 19) && (a != 15) && (a!= 16)) + { + a = 0; + } + if ((b >= 13) && (b <= 19) && (b != 15) && (b!= 16)) + { + b = 0; + } + if ((c >= 13) && (c <= 19) && (c != 15) && (c!= 16)) + { + c = 0; + } + return (a+b+c); + +} + +public int fixTeen(int n) +{ +if ((n >= 13) && (n <= 19) && (n != 15) && (n!= 16)) + { + n = 0; + } + return (n); +} +" +e677ea8668f0e4e27d8b2d490e974700cd569e82,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0 ; + } + if(b == 13 || b > 13 || b == 19 || b < 19) + { + return b = 0; + } + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return c = 0; + } + return (a+b+c); + + +public int fixTeen(int n) +{ + return n; +} +" +f83f69b1e52d3ef49e1195c4c49a656e9f128166,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <=19); + { + if(n == 16 || n == 15): + { + return n; + } + + return 0; + + } + return n; +} +" +e45d9b9f8908ed389ea6d9dcc6791d64b07ce12c,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0 ; + } + if(b == 13 || b > 13 || b == 19 || b < 19) + { + return b = 0; + } + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return c = 0; + } + return (a+b+c); + +} +public int fixTeen(int n) +{ + return n; +} +" +b5605ad479a1b6c6fc8c9d0afe1e27eb70bc97ed,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <=19): + { + if(n == 16 || n == 15): + { + return n; + } + + return 0; + + } + return n; +} +" +980cb3c1cc3745b38924b37e898bb56c27ab3b23,"public int noTeenSum(int a, int b, int c) +{ + + return (a+b+c); + +} +public int fixTeen(int n) +{ + return n; +} +" +bc4ae2d44795097bf91c4f88d25c28ae7878334d,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0 ; + } + if(b == 13 || b > 13 || b == 19 || b < 19) + { + return b = 0; + } + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return c = 0; + } + return (a+b+c); + +} +public int fixTeen(int n) +{ + return n; +} +" +073e798ceb0c0a3a2717cddf5edfd0c4607b305c,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if(n>=13 && n<=19): + { + if(n == 16 || n == 15): + { + return n; + } + + return 0; + + } + return n; +} +" +32becd25e05272c93be7fcd98f69b6de3c819a64,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)): + { + if(n == 16 || n == 15): + { + return n; + } + + return 0; + + } + return n; +} +" +5a400bf0a82ecced1fc1c645e83814341f1c63be,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)) + { + if(n == 16 || n == 15) + { + return n; + } + + return 0; + + } + return n; +} +" +fac4db26a1a761bac4b375bcf9bfccc43d2d692f,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)) + { + if(n == 16 || n == 15) + { + return n; + } + + return 0; + + } + return n; +} +" +21417a34b820f058baffaeb7115daceeae6bc7d8,"public int noTeenSum(int a, int b, int c) +{ + int sum = 0; + sum = sum + fixTeen(a); + sum = sum + fixTeen(b); + sum = sum + fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if (n < 20 && n > 12) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; + +} +" +d1264a1f1612c333ce7399cf400508ea7502deea,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0 ; + if(b == 13 || b > 13 || b == 19 || b < 19) + { + return b = 0; + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return c =0; + return a +b +c; + } + } + + } + return (a+b+c); + +} +public int fixTeen(int n) +{ + return n; +} +" +f156004d78adce0629c50a33432000c427513de6,"public int noTeenSum(int a, int b, int c) +{ + return 0; +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)) + { + if(n == 16 || n == 15) + { + return n; + } + + return 0; + + } + return n; +} +" +5462f090906c76761574c9c822af6d8804021ef8,"public int noTeenSum(int a, int b, int c) +{ + return 10; +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)) + { + if(n == 16 || n == 15) + { + return n; + } + + return 0; + + } + return n; +} +" +589a24cd3366248727ec8937118fba70298950a5,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); + +} + +public int fixTeen(int n) +{ + if((n>=13 && n<=19) && ((n != 15) && (n != 16))) { return 0;} + else { return n;} + +} +" +897b5136b406edab2a9d4139ea46e42973727ecb,"public int noTeenSum(int a, int b, int c) +{ + return true; +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)) + { + if(n == 16 || n == 15) + { + return n; + } + + return 0; + + } + return n; +} +" +996f3d0fa6f9c1381f91cb1362c508d8ab379ea8,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0; + } + return (a+b+c); + +} +public int fixTeen(int n) +{ + return n; +} +" +8575265b70c1022959b7778cea95a9b392d5a9fa,"public int noTeenSum(int a, int b, int c) +{ + return a+b+c; + n=a; + n=b; + n=c; +} + +public int fixTeen(int n) +{ + if (13<=n && n<=19) + if (n != 15 || n!=16) + return 0; + else + return n; + else + return noTeenSum(a, b, c); +} +" +7ba267ec82c274418b079f8b6929cb576edf8908,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0; + return (a+b+c); + } + + +} +public int fixTeen(int n) +{ + return n; +} +" +ea2b49cde632973329922e791f69d88b333455a5,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0; + return (b+c); + } + + +} +public int fixTeen(int n) +{ + return n; +} +" +f2431424ae43cf6ecb1da0c34b23a49b80c50e0e,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0; + } + + return (a+b+c); +} +public int fixTeen(int n) +{ + return n; +} +" +7f36c2750627e5aab0c755dee31e591f48339471,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return b + c; + } + + return (a+b+c); +} +public int fixTeen(int n) +{ + return n; +} +" +81022d6c1acdbf2c424d1259ff4125429aeb1701,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if((n>=13) && (n<=19)) + { + if(n == 16 || n == 15) + { + return n; + } + + return 0; + + } + return n; +} +" +0ece541e54b6ccfb68dee504ce97b21406f6033b,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19 && + b == 13 || b > 13 || a == 19 || b < 19 && + c == 13 || c > 13 || c == 19 || c < 19 ) + { + return b + c; + } + + return (a+b+c); +} +public int fixTeen(int n) +{ + return n; +} +" +a5d7917bfe97bd6de2ab56e6aec05332ab6506e5,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19 && + b == 13 || b > 13 || a == 19 || b < 19 && + c == 13 || c > 13 || c == 19 || c < 19 ) + { + return 0; + } + + return (a+b+c); +} +public int fixTeen(int n) +{ + return n; +} +" +905b057380956d04406d34066fb7f9d33804ebf8,"public int noTeenSum(int a, int b, int c) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; + +} + +public int fixTeen(int n) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} +" +0c8297bf96093e7638050d3c76ae728406d0abb0,"public int noTeenSum(int a, int b, int c) +{ + a+b+c; + n=a; + n=b; + n=c; +} + +public int fixTeen(int n) +{ + if (13<= n && n <= 19) + if (n != 15 || n !=16) + return 0; + else + return n; + else + return noTeenSum(a, b, c); +} +" +72a6b578228673cea5a814acb8a1e06258a73154,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; + +} +" +0f5a11ebff8212095549cc81c32b8e8191632f8a,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19 && + b == 13 || b > 13 || a == 19 || b < 19 && + c == 13 || c > 13 || c == 19 || c < 19 ) + { + return 0; + } + if(a !== 13 || a !> 13 || a !== 19 || a !< 19 && + b == 13 || b > 13 || a == 19 || b < 19 && + c == 13 || c > 13 || c == 19 || c < 19) + { + return b + c; + } + + return (a+b+c); +} +public int fixTeen(int n) +{ + return n; +} +" +f04578b8919c35ecf6c932fbdc3f2521fed853bd,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19 && + b == 13 || b > 13 || a == 19 || b < 19 && + c == 13 || c > 13 || c == 19 || c < 19 ) + { + return 0; + } + if(a != 13 || !a > 13 || a != 19 || !a < 19 && + b == 13 || b > 13 || a == 19 || b < 19 && + c == 13 || c > 13 || c == 19 || c < 19) + { + return b + c; + } + + return (a+b+c); +} +public int fixTeen(int n) +{ + return n; +} +" +45893776b388668ae6cf1ff68bf72ccab4d793e7,"public int noTeenSum(int a, int b, int c) +{ + int res = 0; + res = res + fixTeen(a); + res + res + fixTeen(b); + res = res + fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n < 20) + { + return 0; + } + else + { + return n; + } +} +" +1167c1dd74f5112507b00428a3f5cc986717f8ba,"public int noTeenSum(int a, int b, int c) +{ + int res = 0; + res = res + fixTeen(a); + res = res + fixTeen(b); + res = res + fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 15 && n > 16 && n < 20) + { + return 0; + } + else + { + return n; + } +} +" +787146338ee6bc2f1df7d99b4d094bb49b3cbf1d,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + res=res+ fixTeen(b); + res=res+ fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + if(n==15 || n==16) + return n; + return 0; + return n; +} +" +bcc7fc10e132fe73565a0df553caa749e44413fe,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + res=res+ fixTeen(b); + res=res+ fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + if(n==15 || n==16) + return n; + return 0; +} +" +857ce475bd85ade24d021ec8d2805b9ec6bbde49,"public int noTeenSum(int a, int b, int c) +{ + int res = 0; + res = res + fixTeen(a); + res = res + fixTeen(b); + res = res + fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20); + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; +} +" +8a818737a11943c7bc0538888758c9c8d9b0a819,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + res=res+ fixTeen(b); + res=res+ fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + if(n !=15 || n !=16) + return 0; + else + return n; + else + return n; +} +" +1c6784c863af1bb218b46e192be59aa543874cec,"public int noTeenSum(int a, int b, int c) +{ + int res = 0; + res = res + fixTeen(a); + res = res + fixTeen(b); + res = res + fixTeen(c); + return res; +} + +public int fixTeen(int n) +{ + if (n > 12 && n < 20) + { + if (n == 15 || n == 16) + { + return n; + } + return 0; + } + return n; +} +" +9f9bcb04b09f8d808f715dc365222a47a3942a51,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19) + { + return a = 0; + if(b == 13 || b > 13 || b == 19 || b < 19) + { + return b = 0; + if(c == 13 || c > 13 || c == 19 || c < 19) + { + return c = 0; + } + return c; + } + return b + c; + } + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +31fd5a9d49e7fa935fcea50f686ca625243b2f7b,"public int noTeenSum(int a, int b, int c) +{ + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +5c3bfd5cbe857942ed266b11a9a73622d8cbe929,"public int noTeenSum(int a, int b, int c) +{ + if(b == 13 || a > 13 || a == 19 || a < 19) + { + return a + c; + } + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +88c1f2b7e034b96bbf5743de2db63f04595bb1b4,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19) + { + if (n == 15 || n == 16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } +} +" +24ab02fe817f54fcc6a7d4242e5a634fdaaeabd1,"public int noTeenSum(int a, int b, int c) +{ + if(a == 13 || a > 13 || a == 19 || a < 19 && + (b == 13 || b > 13 || b == 19 || b < 19) && + (c == 13 || c > 13 || c == 19 || c < 19)) + { + return 0;; + } + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +d83a4c404772fa4e25f6e5665d9f6245b768a87e,"public int noTeenSum(int a, int b, int c) +{ + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +b8f9820fb0ba5ce547dca7c0cedfea8708ea51d7,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19) + { + a = 0; + } + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +8009834ac08fc32e32c7bc75a7947fa3822a8d39,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); + +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; + +} +" +c8fc7538eb2c06d9e5f592845e0b0f41d8cbd353,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if ((n==15) || (n==16)) + { + return n; + } + else if ((n>=13) && (n<=19)) + { + return 0; + } + else + { + return n; + } +} +" +248af0f005fcd44a559568ea2859f5febc1d1bd7,"public int noTeenSum(int a, int b, int c) +{ + int sum=0; + sum=sum+ fixTeen(a); + sum=sum+ fixTeen(b); + sum=sum+ fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + if(n != 15 || n !=16) + return 0; + else + return n; + else + return n; +} +" +4634664a318ff8fdb4b748ad81799233f8869796,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19) + { + a = 0; + } + if (b >= 13 || b <= 19) + { + b = 0; + } + if (c >= 13 || c <= 19) + { + c = 0; + } + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +5bb2e646954929706ab59cfd53041e415310cb25,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19) + { + a = 0; + } + if (b >= 13 || b <= 19) + { + b = 0; + } + if (c >= 13 || c <= 19) + { + c = 0; + } + return a + b+ c; + +} +public int fixTeen(int n) +{ + return 15; +} +" +7136acd06481f6c7ee3d63dc3cc361276f8b6316,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + + res=res+ fixTeen(b); + + res=res+ fixTeen(c); + +return res; + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) + { + return n; + } + else + { + return 0; + } + else + { + return n; + } + +} +" +4672f28a51fb5478c62d95558eb3df92ff9934ca,"public int noTeenSum(int a, int b, int c) +{ + int res=0; + res=res+ fixTeen(a); + + res=res+ fixTeen(b); + + res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + { + if(n==15 || n==16) + { + return n; + } + else + { + return 0; + } + } + else + { + return n; + } + +} +" +46a0d541af9801b6ac3fdcf828215340f7658838,"public int noTeenSum(int a, int b, int c) +{ + return a + b+ c; + +} +public int fixTeen(int n) +{ + return 15; +} +" +e108e52e154385009c52ca869ab8a877d5a33f81,"public int noTeenSum(int a, int b, int c) +{ + return a + b+ c; + +} +public int fixTeen(int n) +{ + return n; +} +" +dd955f844c0ea818513b7db85ce3e7b05b26e14d,"public int noTeenSum(int a, int b, int c) +{ + int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; + +} +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +2a01dffa9d36a9a0aa3a3ef7983c3046a3e30c05,"public int noTeenSum(int a, int b, int c) { + int res=0; + res=res+ fixTeen(a); + res=res+ fixTeen(b); + res=res+ fixTeen(c); + return res; +} + +public int fixTeen(int n){ + if(n>12 && n<20){ + if(n==15 || n==16) return n; + return 0;} + return n; +}" +5a44b729b3c9aa223dbcbf7ac652ee2f4cc5e174,"public int noTeenSum(int a, int b, int c) { + int res=0; + res=res+ fixTeen(a); + res=res+ fixTeen(b); + res=res+ fixTeen(c); + return res; +} + +public int fixTeen(int n){ + if(n>12 && n<20){ + if(n==15 || n==16) return n; + return 0; + } + return n; +}" +c4bf593408306fc337dffc61a5d78f65bf74dd17,"public int noTeenSum(int a, int b, int c) +{ + int x = fixTeen(a); + int y = fixTeen(b); + int z = fixTeen(c); + + return x+y+z; +} + +public int fixTeen(int n) +{ if (n <=19 && n>=13) + { + if(n!= 15 || n!= 16) + return 0; + + } + return n; +} +" +3e12df72f4fb7238fd47380de12c7d6572fd8538,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + + return n; + + return 0; +} +" +9df11bc82912b0d4f82863765c942095793e1d59,"public int noTeenSum(int a, int b, int c) +{ + int x = fixTeen(a); + int y = fixTeen(b); + int z = fixTeen(c); + + return x+y+z; +} + +public int fixTeen(int n) +{ if (n <=19 && n>=13) + { + if(n!= 15 || n!= 16) + return 0; + else + return n; + + } + return n; +} +" +447c782e2dd574ac66b3f78eafa6bf68dd82ee5e,"public int noTeenSum(int a, int b, int c) +{ + int sum=0; + sum=sum+ fixTeen(a); + sum=sum+ fixTeen(b); + sum=sum+ fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20) + if(n != 15 || n !=16) + return 0; + else + return n; + else + return n; +} +" +52a7d4d2206f2b910bd80c018e92d3150906b184,"public int noTeenSum(int a, int b, int c) +{ + if (a + b + c > 13 && a + b + c <= 19) + { + return 0; + } + return (a + b + c); + +} + +public int fixTeen(int n) +{ + +} +" +f8e6f56fca32c4c0804d4164dd9a147d952b47f4,"public int noTeenSum(int a, int b, int c) +{ + int x = fixTeen(a); + int y = fixTeen(b); + int z = fixTeen(c); + + return x+y+z; +} + +public int fixTeen(int n) +{ if (n <=19 && n>=13) + { + if(n!= 15 && n!= 16) + return 0; + else + return n; + + } + return n; +} +" +eb7394c329722088c7440f360d134b5d89e3a568,"public int noTeenSum(int a, int b, int c) { +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n){ +if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +}" +46e7f8a16365d4f02a75e71cfb8f67ac9f999d96,"public int noTeenSum(int a, int b, int c) +{ + if (a + b + c > 13 && a + b + c <= 19) + { + return 0; + } + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +} +" +79c98acb62dd2805906b3d95b0744dfa53856a4f,"public int noTeenSum(int a, int b, int c) +{ + if (a + b + c > 13 && a + b + c <= 19) + { + return 0; + } + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return (a + b + c); +} +" +fa4cf062c5f317eb63c9890264669cc2b08cae54,"public int noTeenSum(int a, int b, int c) +{ + int sum=0; + sum=sum+ fixTeen(a); + sum=sum+ fixTeen(b); + sum=sum+ fixTeen(c); + return sum; +} + +public int fixTeen(int n) +{ + if(n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +bccf7ac08a38f53872374feb7658b27654347128,"public int noTeenSum(int a, int b, int c) +{ + if (a + b + c > 13 && a + b + c <= 19) + { + return 0; + } + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return n; +} +" +756bdf26e66a12f4d2533836ade8444a697b8d1c,"public int noTeenSum(int a, int b, int c) +{ + if (a + b + c >= 13 && a + b + c <= 19) + { + return 0; + } + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return n; +} +" +722207207f513ff64d236a565cc484eadbbcb5b9,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + { + return 0; + } + else if (b >= 13 && b <= 19) + { + return 0; + } + else if (c >= 13 && b <= 19) + { + return 0; + } + + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return n; +} +" +8347358239ab049e16be4cd6d9ab4892d63872f8,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + { + return 0; + } + else if (b >= 13 && b <= 19) + { + return 0; + } + else if (c >= 13 && c <= 19) + { + return 0; + } + + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return n; +} +" +baf657884f3a81c98efaa33ff53597aa0cbe0210,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 && a <= 19) + { + return 0; + return a; + } + else if (b >= 13 && b <= 19) + { + return 0; + return b; + } + else if (c >= 13 && c <= 19) + { + return 0; + return c; + } + + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return n; +} +" +4723ee9a18bc82398ab4b9a4795bfd86ab44628d,"public int noTeenSum(int a, int b, int c) +{ + if (a + b + c >= 13 && a + b + c <= 19) + { + return 0; + } + return (a + b + c); + +} + +public int fixTeen(int n) +{ + if (n == 15) + { + return 15; +} + else if (n == 16) + { + return 16; + } +return n; +} +" +4924de250c686b99b4e31e7cee5fd55c44d5ba27,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a)+fixTeen(b)+fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n==15||n==16)return n; + if(n>=13&&n<=19)return 0; + return n; +} +" +e6407a5839870d8b75a66965a5f3f1bbcffb8c81,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 14 && a != 15) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 14 && b != 15) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 14 && c != 15) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + +} +" +3ffbe27f13432d33b39ddbe8b4cbe4e06c086bc6,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 14 && a != 15) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 14 && b != 15) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 14 && c != 15) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return 0; +} +" +fd3a2d12f1bf19b9ff1942b5fb848a0a6dc5a251,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 16 && a != 15) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 16 && b != 15) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 16 && c != 15) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return 0; +} +" +2acdbfb8b0e06818ce88c32e1753b6fe24cffa6c,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 16 && a != 15) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 16 && b != 15) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 16 && c != 15) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return a + b + c; +} +" +fd2cfdcfff5e59de1e9e631422c5d644781ebfdd,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 16 && a != 15) + { + return 0; + } + if (b >= 13 || b <= 19 && b != 16 && b != 15) + { + return 0; + } + if (c >= 13 || c <= 19 && c != 16 && c != 15) + { + return 0; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return n; +} +" +df0a292908496d7915866b403961e1038c88f56c,"public int noTeenSum(int a, int b, int c) +{ + if (a >= 13 || a <= 19 && a != 16 && a != 15) + { + return b + c; + } + if (b >= 13 || b <= 19 && b != 16 && b != 15) + { + return a + c; + } + if (c >= 13 || c <= 19 && c != 16 && c != 15) + { + return a + b; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return n; +} +" +1d4d8d94fce1eeb3bd9e2b8f0850a1de114f6b27,"public int noTeenSum(int a, int b, int c) +{ + a = this.fixTeen(a); + b = this.fixTeen(b); + c = this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if ( n >= 13 && n < 15) + { + n = 0; + } + else if ( n > 16 && n <= 19) + { + n = 0; + } + return n; + +} +" +86bda20d037fd9a5e058af51766bd7a6aa80e75c,"public int noTeenSum(int a, int b, int c) +{ + if (a != 13 || a != 14 || a == 15 || a == 16 || a != 17 || a != 18 || a != 19) + { + return b + c; + } + if b != 13 || b != 14 || b == 15 || b == 16 || b != 17 || b != 18 || b != 19) + { + return a + c; + } + if (c != 13 || c != 14 || c == 15 || c == 16 || c != 17 || c != 18 || c != 19) + { + return a + b; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return n; +} +" +86fe327b880d74de9f9329cde9ec9654dca6b959,"public int noTeenSum(int a, int b, int c) +{ + if (a != 13 || a != 14 || a == 15 || a == 16 || a != 17 || a != 18 || a != 19) + { + return b + c; + } + if (b != 13 || b != 14 || b == 15 || b == 16 || b != 17 || b != 18 || b != 19) + { + return a + c; + } + if (c != 13 || c != 14 || c == 15 || c == 16 || c != 17 || c != 18 || c != 19) + { + return a + b; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return n; +} +" +32ce510faba2e076b75af3d2fefdaedaac22f4df,"public int noTeenSum(int a, int b, int c) +{ + if (a == 13 || a == 14 || a != 15 || a != 16 || a == 17 || a == 18 || a == 19) + { + return b + c; + } + if (b == 13 || b == 14 || b != 15 || b != 16 || b == 17 || b == 18 || b == 19) + { + return a + c; + } + if (c == 13 || c == 14 || c != 15 || c != 16 || c == 17 || c == 18 || c == 19) + { + return a + b; + } + else + { + return a + b + c; + } +} + +public int fixTeen(int n) +{ + return n; +} +" +f5b41e90c717f995d55b45d52bbf91ffed7714b8,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 || n<= 19) +{ + if (n != 15 || n 1= 1) + { + return 0; + } +} + else return n; +} +" +c2e5b26e7c9e0f55d8bc1a0990c55265adf34b1f,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 || n<= 19) +{ + if (n != 15 || n <= 1) + { + return 0; + } +} + else return n; +} +" +6677c7ae97e9a3a9e7c43166c650831bf87e6fb6,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 && n<= 19) +{ + if (n != 15 || n <= 1) + { + return 0; + } +} + else + return n; +} +" +bcac79a86920aa869ca5a98c10cea637be28fb3b,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 && n<= 19) +{ + if (n != 15 || n <= 1) + { + return 0; + } +} + else { + return n; } +} +" +9c05a8f459f16942531abf6eed8284f083b2eb1e,"public int noTeenSum(int a, int b, int c) +{ return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +66b97229b61fb32e79550084f29a1ff1e2648e7f,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 && n<= 19) +{ + if (n != 15 || n <= 1) + { + return 0; + } +} + + return n; +} +" +82a2d18ea1ad9c5409f9cff20eb624a261bbff59,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 && n<= 19) +{ + if (n != 15 || n != 16) + { + return 0; + } +} + + return n; +} +" +09cdcea7f2fde42d5f7e0a2fa6832f8c3bb05b53,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 && n<= 19) +{ + if (n != 15 || n != 16) + { + return n; + } +} + + return 0; +} +" +dc8bdb43f8e4c8c1b0ba571076653e100eab25cc,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ +if (n >= 13 && n<= 19) +{ + if (n == 15 || n == 16) + { + return n; + } +} + + return 0; +} +" +6d56673c084ffcbb31c78cc40e76580072b1b676,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } +if (n >= 13 && n<= 19) +{ + return 0; +} + return n; +" +f7e65e27632a40e63aa29cf9f16bf90ed9022d71,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + { + return n; + } +if (n >= 13 && n<= 19) +{ + return 0; +} + return n; +} +" +b0b65838f3bba2b7c6910951cf8876333910af35,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <=19) + { + if (n != 15 && n != 16) + { + n=0; + } + return n; + } + return n; +} +" +ac7cf56f376cf66b9b1384289c5af14ba107f35f,"public int noTeenSum(int a, int b, int c) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} + +public int fixTeen(int n) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} +" +fe4d9bb980371b0c510eaafdeaad3066de447006,"public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +public int noTeenSum(int a, int b, int c) +{ return (fixTeen(a) + fixTeen(b) +fixTeen(c)); } +" +16de2fd01849681788fb1389dd6a23cc5630e6cf,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + if(n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +97eebed0a59a2b1d02fc131e556716384bf92c51,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +56cc9234f43e7d2071c45953d3d0e58c14780d36,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) return n; + if (n >= 13 && n <= 19) return 0; + return n; +} +" +12ad98b9454df0b04a805a1fe81f1814278a00fa,"public int noTeenSum(int a, int b, int c) +{ + int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +104a0b305eb16f02f63127017b600f07fa42cdf6,"public int noTeenSum(int a, int b, int c) +{ + a.fixTeen(); + b.fixTeen(); + c.fixTeen(); +} + +public int fixTeen(int n) +{ + if ( n >= 13 && n <= 19) + if (n == 15) + return 15; + else if ( n == 16) + return 16; + else + return 0; + return n; +} +" +cc9a157448b9681092334c46f4b6819a00e72e44,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 10) + this.fixteen(a); + else + return a; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + else + return 0; +} +" +11dc273d5d38211b3a0e1c09e1c0a5ab09717818,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 10) + this.fixTeen(a); + else + return a; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + else + return 0; +} +" +37c63efa5f67063a6eb8173d5c35c00cf7aada50,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 10) + this.fixTeen(a); + return a; + if ( b >= 13 && b <= 10) + this.fixTeen(b); + return b; + if ( c >= 13 && c <= 10) + this.fixTeen(c); + return c; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + else + return 0; +} +" +a50bbe851b28d24b3db727c335baf6ac4333578a,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a) + fixTeen(b) + fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n >= 13 && n <= 19 && n != 15 && n != 16) + return 0; + else + return n; +} +" +7e3307f249eac784ab4b825d0161bc38ab9b97c2,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + return a; + if ( b >= 13 && b <= 19) + this.fixTeen(b); + return b; + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return c; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + else + return 0; +} +" +b2fb0e812684a35e4e3c4ec904afe7c944ffca87,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + return a; + if ( b > 12 && b < 20) + this.fixTeen(b); + return b; + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return c; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + else + return 0; +} +" +7a7895477e77158cf3d382497b564a3306406e19,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + if ( b > 12 && b < 20) + this.fixTeen(b); + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15) + n = 15; + else if ( n == 16) + n = 16; + else + n = 0; +} +" +2a98e35d5a1b6737281d1847232495f950b26881,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + if ( b > 12 && b < 20) + this.fixTeen(b); + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15) + n = 15; + else if ( n == 16) + n = 16; + n = 0; +} +" +1905494525829582ffe92d0bcd63066ae25e69a1,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + if ( b > 12 && b < 20) + this.fixTeen(b); + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15) + n = 15; + else if ( n == 16) + n = 16; + n = 0; +} +" +880d8064e66688f520ccb254f9d60e8552b5f20c,"public int noTeenSum(int a, int b, int c) +{ + if(n > 19 || n < 13 || n == 15 || n == 16) + return n; + return 0; +} + +public int fixTeen(int n) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} +" +d90f3d92532b3aee4500c670691530cf40faf923,"public int noTeenSum(int a, int b, int c) +{ + return (fixTeen(a) + fixTeen(b) +fixTeen(c)); +} + +public int fixTeen(int n) +{ + + if(n > 19 || n < 13 || n == 15 || n == 16) + return n; + return 0; +} +" +1c8d801c2f1a9ef533d3620abd7b9343445272e5,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + if ( b > 12 && b < 20) + this.fixTeen(b); + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + return 0 +} +" +85466c346d5f6b066b506c3877eab86565796cc7,"public int noTeenSum(int a, int b, int c) +{ + if ( a >= 13 && a <= 19) + this.fixTeen(a); + if ( b > 12 && b < 20) + this.fixTeen(b); + if ( c >= 13 && c <= 19) + this.fixTeen(c); + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15) + return 15; + else if ( n == 16) + return 16; + return 0; +} +" +b916e8075083db817cb0d3d485aec694cb9b22b8,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if n=19||n=13||n=14||n=17||n=18; + return 0; +} +" +5e245bd1d1e32b82d3d4f9047203a438baa6bbc9,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n=19||n=13||n=14||n=17||n=18) + return 0; +} +" +03b1a2694b0373b6d8b171d4a886f629d009e0c8,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n==19||n==13||n==14||n==17||n==18) + return 0; +} +" +64da78270e88dc43400527dfe0f9984ab66ff29e,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n==19||n==13||n==14||n==17||n==18) + return 0; + else + return n; +} +" +13d11f097d3538274717d1815207278ff5a9a43d,"public int noTeenSum(int a, int b, int c) +{ +int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +687691bc2d4ed5f54aa345a2dfd710710b1a9c07,"public int noTeenSum(int a, int b, int c) +{ + return(fixTeen(a) + fixTeen(b) + fixTeen(c)); +} + +public int fixTeen(int n) +{ + if (n < 13 || n > 19 || n == 15 || n == 16) + return n; + return 0; +} +" +ece44ce05f026e69d3e3ccae19bacb2945930fa2,"public int noTeenSum(int a, int b, int c) +{ + return fixTeen(a)+fixTeen(b)+fixTeen(c); +} + +public int fixTeen(int n) +{ + if ( n == 15 || n == 16) + { + return n; + } + else if ( n >= 13 && n <= 19) + { + return 0; + } + else + { + return n; + } +} +" +c89db3a34af0a582828d11ba49df7255487a31f8,"public int noTeenSum(int a, int b, int c) +{ + if ((a < 13 && a>19) || (b< 13 && b>19) || (c < 13 && c>19)) + { + return a + b + c; + } + else + { + return 0; + } +} + +public int fixTeen(int n) +{ + +} +" +7db75a0fd4ef3403371f7aa7c80c5e1c46c1b489,"public int noTeenSum(int a, int b, int c) +{ + if ((a < 13 && a>19) || (b< 13 && b>19) || (c < 13 && c>19)) + { + return a + b + c; + } + else + { + return 0; + } +} + +//blic int fixTeen(int n) +{ + +} +" +653483c26289b36683f2ac2be8c492db89e0a579,"public int noTeenSum(int a, int b, int c) +{ + if ((a < 13 || a>19) || (b< 13 || b>19) || (c < 13 || c>19)) + { + return a + b + c; + } + else + { + return 0; + } +} + +//blic int fixTeen(int n) +{ + +} +" +5fee98cde9577a2bc19f99cd890be3b6d206fcac,"public int noTeenSum(int a, int b, int c) +{ +int sum = (fixTeen(a) + fixTeen(b) + fixTeen(c)) +return sum; +} + +public int fixTeen(int n) +{ + if((n < 13) || (n == 15) || (n == 16) || (n > 19)) + { + return n; + } + else + { + return 0; + } +} +" +c5b8a3c22c4cee00b490aac6b5957fccdccbe451,"public int noTeenSum(int a, int b, int c) +{ +int sum = (fixTeen(a) + fixTeen(b) + fixTeen(c)); +return sum; +} + +public int fixTeen(int n) +{ + if((n < 13) || (n == 15) || (n == 16) || (n > 19)) + { + return n; + } + else + { + return 0; + } +} +" +93015f7124b989a2c98e4e5149b895e892b47509,"public int noTeenSum(int a, int b, int c) +{ + int res=0; +res=res+ fixTeen(a); + +res=res+ fixTeen(b); + +res=res+ fixTeen(c); + +return res; +} + +public int fixTeen(int n) +{ + if(n>12 && n<20){ +if(n==15 || n==16) return n; +return 0;} +return n; +} +" +108c6c73b07a98fa67fa91003ec52e4d3b83347c,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + return n; + if (n >= 13 && n <= 19) + return 0; + return n; +} +" +bbc344cf41c159ea26dc10a80d8ca773309de900,"public int noTeenSum(int a, int b, int c) +{ + a = fixTeen(a); + b = fixTeen(b); + c = fixTeen(c); + + return a + b + c; +} + +public int fixTeen(int n) +{ + if (n == 15 || n == 16) + return n; + if (n >= 13 && n <= 19) + return 0; + + return n; +} +" +e782c018479d8da8434d198d970d76268a53882a,"public int noTeenSum(int a, int b, int c) +{ + result = a + b + c; + if ((13>=a<=19) && (a != 15 || a !=16) + { + a = 0; + } + if ((13>=b<=19)) && (b != 15 || b !=16) + { + b = 0; + } + if ((13>=c<=19)) && (c != 15 || c !=16) + { + c = 0; + } + return result; +} + +public int fixTeen(int n) +{ + +} +" +baf9100b2711300e1fd3621d88d74f9f6ba1a0ba,"public int noTeenSum(int a, int b, int c) +{ + result = a + b + c; + if ((13>=a<=19) && (a != 15 || a !=16)) + { + a = 0; + } + if ((13>=b<=19)) && (b != 15 || b !=16)) + { + b = 0; + } + if ((13>=c<=19)) && (c != 15 || c !=16)) + { + c = 0; + } + return result; +} + +public int fixTeen(int n) +{ + +} +" +526f9e8e867b13f4ee2c32e195fca49ea39289e9,"public int noTeenSum(int a, int b, int c) +{ + result = a + b + c; + if ((13>=a<=19) && (a != 15 || a !=16)) + { + a = 0; + } + else if ((13>=b<=19)) && (b != 15 || b !=16)) + { + b = 0; + } + else if ((13>=c<=19)) && (c != 15 || c !=16)) + { + c = 0; + } + return result; +} + +public int fixTeen(int n) +{ + +} +" +ee53d893f558850fec32f3b13ce257c3cb66584f,"public int noTeenSum(int a, int b, int c) +{ + result = a + b + c; + if (13>=a<=19) && (a != 15 || a !=16) + { + a = 0; + } + else if (13>=b<=19)) && (b != 15 || b !=16) + { + b = 0; + } + else if (13>=c<=19)) && (c != 15 || c !=16) + { + c = 0; + } + return result; +} + +public int fixTeen(int n) +{ + +} +" +57c5886cb4caf09f11fbda2b26e0b9bd839ccaf3,"public int noTeenSum(int a, int b, int c) +{ + result = a + b + c; + if ((13>=a<=19) && (a != 15 || a !=16)) + { + a = 0; + } + else if ((13>=b<=19)) && (b != 15 || b !=16)) + { + b = 0; + } + else if ((13>=c<=19)) && (c != 15 || c !=16)) + { + c = 0; + } + return result; +} + +public int fixTeen(int n) +{ + +} +" +87e44724dae84781d5777e18d9bbfe693b8f5e37,"public int noTeenSum(int a, int b, int c) +{ + result = a + b + c; + if ((13>=a<=19) && (a != 15 || a !=16)) + { + a = 0; + } + else if ((13>=b<=19)) && (b != 15 || b !=16)) + { + b = 0; + } + else if ((13>=c<=19)) && (c != 15 || c !=16)) + { + c = 0; + } + return result; +} + +public int fixTeen(int n) +{ + +} +" +5d2968716b79896d6d650f78c5c43cb3eaeb12c8,"public int noTeenSum(int a, int b, int c) +{ + if (a>12 && a<20 && a!=15 && a!=16) + { + a=0; + } + if (b>12 && b<20 b!=15 && b!=16) + { + b=0; + } + if (c>12 && c<20 c!=15 && c!=16) + { + c=0; + } + return a+b+c; +} + +" +d0112078974eaf942a0eaea76c9d7153bb80af90,"public int noTeenSum(int a, int b, int c) +{ + if (a>12 && a<20 && a!=15 && a!=16) + { + a=0; + } + if (b>12 && b<20 && b!=15 && b!=16) + { + b=0; + } + if (c>12 && c<20 && c!=15 && c!=16) + { + c=0; + } + return a+b+c; +} + +" +0c15ff46a598bfe1811ec27150506de3d9661589,"public String zipZap(String str) +{ + String newString = """"; + int n = str.length(); + if (n < 3) + { + return str; + } + for (int i = 0; i < n ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newString = newString + ""zp""; + i = i + 2; + } + else + { + newString = newString + str.charAt(i); + } + } + return newString; +}" +1eab7e7e5d3ef7ccfa7da7fc9a17b35f041b82cd,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +b98c9e6c9f2a6769261630ed57d3f9b2d3d2b8ee,"public String zipZap(String str) +{ + String s = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + s = s + 'zp'; + i = i + 1; + } + else { + s = s + charAt(i); + } +} +" +63e41bd9716765567ff2bab8c0bc3c51a5da2406,"public String zipZap(String str) +{ + String s = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + s = s + ""zp""; + i = i + 1; + } + else { + s = s + charAt(i); + } + } +} +" +0878ee03245a79d736e9e4de30170e3e086ee870,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +3438ce33d48518af989549ca3e84fbbb2449747d,"public String zipZap(String str) +{ + String s = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + s = s + ""zp""; + i = i + 1; + } + else { + s = s + charAt(i); + } + } +} +" +f729ad314f8f034468b147e01a7e81e87055973c,"public String zipZap(String str) +{ + String s = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + s = s + ""zp""; + i = i + 1; + } + else { + s = s + str.charAt(i); + } + } +} +" +660b8f9ab17d3a21b7e6636e3c5485eabff38eb6,"public String zipZap(String str) +{ + String s = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + s = s + ""zp""; + i = i + 1; + } + else { + s = s + str.charAt(i); + } + } + return s; +} +" +62bd0c5d4c465c1ff9c41cc5df1fe98402ee1496,"public String zipZap(String str) +{ + String s = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + s = s + ""zp""; + + } + else { + s = s + str.charAt(i); + } + } + return s; +} +" +95b3c14eb1561bf41abfe92fa43d074f82077798,"public String zipZap(String str) +{ + String a = """" + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""z"", i) && str.startsWith(""p"", i + 2)) + { + a = a + ""zp""; + i = i + 1; + }else{ + a = a + str.charAt(i); + } + } + return a; +} +" +f1844070533957cc822624dec41007d3398b4a71,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""z"", i) && str.startsWith(""p"", i + 2)) + { + a = a + ""zp""; + i = i + 1; + }else{ + a = a + str.charAt(i); + } + } + return a; +} +" +9e45d81a2431e354b5cef19e1d98a759e1f08aba,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i ++) + { + if (str.startsWith(""z"", i) && str.startsWith(""p"", i + 2)) + { + a = a + ""zp""; + i = i + 2; + }else{ + a = a + str.charAt(i); + } + } + return a; +} +" +3a81b32a776344011462672cf435f52304a872cd,"public String zipZap(String str) +{ + String out = """": + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out += str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 3; + } + } + return out; +} +" +f1d77b46bc5565c91d3875cf09471a1e956891e2,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out += str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 3; + } + } + return out; +} +" +de2a5c68b51052d25846f746ffb693773db14522,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 3; + } + } + return out; +} +" +9c089f6fb15e7e35c38bcb54668309fe1f25d2c6,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 2; + } + } + return out; +} +" +62226014522ac2a134deb754938a805d9076ab47,"public String zipZap(String str) +{ + String out = """"; + if (str.length() < 3) { + return str; + } + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 2; + } + } + return out; +} +" +4c23c7861c86935f8f72eb991021cbf061b59df9,"public String zipZap(String str) +{ + String out = """"; + if (str.length() < 3) { + return str; + } + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' || str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 2; + } + } + return out; +} +" +bc2307269160f79fdee8d5e8520b10105079e5ce,"public String zipZap(String str) +{ + String out = """"; + if (str.length() < 3) { + return str; + } + for (int i = 0; i < str.length() - 2; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 2; + } + } + return out; +} +" +9fbee0725f9d2812617f0fc5182da7df255fe516,"public String zipZap(String str) +{ + String out = """"; + if (str.length() < 3) { + return str; + } + for (int i = 0; i < str.length() - 1; i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 2; + } + } + return out; +} +" +3e4f18e8b48aba974ba6ea2c858ce88ede09e107,"public String zipZap(String str) +{ + String out = """"; + if (str.length() < 3) { + return str; + } + for (int i = 0; i < str.length(); i++) { + if (!(str.charAt(i) == 'z' && str.charAt(i+2) == 'p')) { + out = out + str.substring(i, i+1); + } + else { + out = out + str.substring(i, i+1) + str.substring(i+2, i+3); + i += 2; + } + } + return out; +} +" +8c616ff9d12437618ff6668a32ba124154ca1465,"public String zipZap(String str) +{ + String s = """"; + int x = 0; + int y = 0; + if (str.length() < 3) { + return str; + } + else { + for (int i = 0; i < str.length() - 2; i++) { + if (str.getChar(i) == 'z' && str.getChar(i + 2) == 'p') { + x++; + } + } + while (s.length() != str.length() - x) { + if (str.getChar(y) == 'z' && str.getChar(y + 2) == 'p') { + s = s + ""zp""; + } + else { + s = s + str.getChar(y); + } + y++; + } + } + return s + + +} +" +b78cdf3b96f4b832a75c7a227e45c8e553e1b8f8,"public String zipZap(String str) +{ + String s = """"; + int x = 0; + int y = 0; + if (str.length() < 3) { + return str; + } + else { + for (int i = 0; i < str.length() - 2; i++) { + if (str.getChar(i) == 'z' && str.getChar(i + 2) == 'p') { + x++; + } + } + while (s.length() != str.length() - x) { + if (str.getChar(y) == 'z' && str.getChar(y + 2) == 'p') { + s = s + ""zp""; + } + else { + s = s + str.getChar(y); + } + y++; + } + } + return s; + + +} +" +f583c52f235acdbcd86bd61f0d2c492d624bbc6b,"public String zipZap(String str) +{ + String s = """"; + int x = 0; + int y = 0; + if (str.length() < 3) { + return str; + } + else { + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + x++; + } + } + while (s.length() != str.length() - x) { + if (str.charAt(y) == 'z' && str.charAt(y + 2) == 'p') { + s = s + ""zp""; + } + else { + s = s + str.charAt(y); + } + y++; + } + } + return s; + + +} +" +e9e807f55032ed9a78587e5707005d3d599ac597,"public String zipZap(String str) +{ + for (int i=0;i 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; + +} + + +" +c2c70ab2fc3972641601cd9f2f690eda3b98d86e,"public String zipZap(String str) +{ + String newString = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 && i > 0 && str.charAt(i - 1) == 'z' + && str.charAt(i + 1) == 'p') + { + newString = newString; + } + else + { + newString = newString + charAt(i); + } + } + return newString; +} +" +c79bbcea91e8e37177489a3b0e66546c6aaa27d6,"public String zipZap(String str) +{ + String newString = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 && i > 0 && str.charAt(i - 1) == 'z' + && str.charAt(i + 1) == 'p') + { + newString = newString; + } + else + { + newString = newString + str.charAt(i); + } + } + return newString; +} +" +65822e1a3c3799acc14484ebb8aec68a0a31ba18,"public String zipZap(String str) +{ + String newString = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 1 && i > 0 && str.charAt(i - 1) == 'z' + && str.charAt(i + 1) == 'p') + { + newString = newString; + } + else + { + newString = newString + str.charAt(i); + } + } + return newString; +} +" +457586e2c0b5ae12999252515cbeeeac20b6360c,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +2f1a502f4ab7d40128fe34163bd9c05684648fed," + public String zipZap(String str) { + + String newS = """"; + + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + } else { + newS += str.substring(i, i + 1); + } + } + return newS; + }" +78d43a8dafc8bf0fd6cb6210714b7f24e866f5d5," + public String zipZap(String str) { + + String newS = """"; + int k = 0; + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + k += 1; + } + else if + { + k = 0; + return str; + } + else { + newS += str.substring(i, i + 1); + } + } + return newS; + }" +e80e0e9f33d87325a416f122334d1cf56799c0de," + public String zipZap(String str) { + + String newS = """"; + int k = 0; + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + k += 1; + } + else if (k == 0) + { + + return str; + } + else { + newS += str.substring(i, i + 1); + } + } + return newS; + }" +fbee4a668a235dac8d8684ee0f23f0181d9896e3," + public String zipZap(String str) { + str = str.toLowerCase; + String newS = """"; + int k = 0; + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + k += 1; + } + else if (k == 0) + { + + return str; + } + else { + newS += str.substring(i, i + 1); + } + } + return newS; + }" +c71324915fc5ada2a93e1227217ed9bc8b794c53," + public String zipZap(String str) { + str = str.toLowerCase(); + String newS = """"; + int k = 0; + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + k += 1; + } + else if (k == 0) + { + + return str; + } + else { + newS += str.substring(i, i + 1); + } + } + return newS; + }" +c0acd975c192570520e35eea2e12e6961967690c," + public String zipZap(String str) { + + String newS = """"; + int k = 0; + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + k += 1; + } + else if (k == 0) + { + + return str; + } + else { + newS += str.substring(i, i + 1); + } + } + return newS; + }" +602042b23544ee4c76d97086c42d8326f163a910,"public String zipZap(String str) { + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +}" +cb3445f2ad2663b94a152836302e35e089e57371,"public String zipZap(String str) +{ + int length = str.length(); + int[] indexes = new int[lenght]; + char Char; + StringBuilder strbuild = new StringBuilder(length); + for (int i = 0; i=i) + { + indexes[i-1] = 1; + } + else if(i < (length-1)) + { + indexes[i+1] = 1; + } + } + } + for (int i = 0; i < length; i++) + { + if(indexes[i] == 0 + { + strbuilder.append(str.charAt(i)); + } + } + return strbuild.toString(); +} +" +0db87b8cc330dd88012ead77b62032caa6f961fc,"public String zipZap(String str) +{ + int length = str.length(); + int[] indexes = new int[lenght]; + char Char; + StringBuilder strbuild = new StringBuilder(length); + for (int i = 0; i=i) + { + indexes[i-1] = 1; + } + else if(i < (length-1)) + { + indexes[i+1] = 1; + } + } + } + for (int i = 0; i < length; i++) + { + if(indexes[i] == 0) + { + strbuilder.append(str.charAt(i)); + } + } + return strbuild.toString(); +} +" +4f6244fb2901430cabdf8fa814d3721bf70e97a3,"public String zipZap(String str) +{ + int length = str.length(); + int[] indexes = new int[length]; + char Char; + StringBuilder strbuild = new StringBuilder(length); + for (int i = 0; i=i) + { + indexes[i-1] = 1; + } + else if(i < (length-1)) + { + indexes[i+1] = 1; + } + } + } + for (int i = 0; i < length; i++) + { + if(indexes[i] == 0) + { + strbuilder.append(str.charAt(i)); + } + } + return strbuild.toString(); +} +" +5d9758aa5c115cb0fbb8994fb14349aff0f622a9,"public String zipZap(String str) +{ + int length = str.length(); + int[] indexes = new int[length]; + char Char; + StringBuilder strbuild = new StringBuilder(length); + for (int i = 0; i=i) + { + indexes[i-1] = 1; + } + else if(i < (length-1)) + { + indexes[i+1] = 1; + } + } + } + for (int i = 0; i < length; i++) + { + if(indexes[i] == 0) + { + strbuilder.append(str.charAt(i)); + } + } + return strbuild.toString(); +} +" +1e5f902e1aebd4b6292ee723125385345d5e13e2,"public String zipZap(String str) +{ + int length = str.length(); + int[] indexes = new int[length]; + char Char; + StringBuilder strbuild = new StringBuilder(length); + for (int i = 0; i=i) + { + indexes[i-1] = 1; + } + else if(i < (length-1)) + { + indexes[i+1] = 1; + } + } + } + for (int i = 0; i < length; i++) + { + if(indexes[i] == 0) + { + strbuild.append(str.charAt(i)); + } + } + return strbuild.toString(); +} +" +d48271f7b2b3e5c820d02cdfdaf8bc0fa0be354b,"public String zipZap(String str) +{ + int length = str.length(); + int end = length -2; + int i = 0; + char Char; + StringBuilder strbuild = new StringBuilder(lenght); + while(i 0 && i < len -1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + final = final.substring(=, final.length() - 1); + } + } + return final; + +} +" +446c0922895aa8de735189e0cab0c550138487f7,"public String zipZap(String str) +{ + int len = str.length(); + String finalS = """"; + + for (int i = 0; i < len; i++) + { + finalS += str.substring(i,i+1); + if (i > 0 && i < len -1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalS = finalS.substring(=, finalS.length() - 1); + } + } + return finalS; + +} +" +26e8ce5f01b00146535038a6228e108f9f102d75,"public String zipZap(String str) +{ + int len = str.length(); + String finalS = """"; + + for (int i = 0; i < len; i++) + { + finalS += str.substring(i,i+1); + if (i > 0 && i < len -1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalS = finalS.substring(0, finalS.length() - 1); + } + } + return finalS; + +} +" +19cf79da25dde93c9ab146c0d40e35ecae814f8c,"public String zipZap(String str) +{ + int len = str.length(); + + int lim = len - 2; + + int i = 0; + + char ch; + + StringBuilder stbuild = new StringBuilder(len); + + while(i < len) + + { + + ch = str.charAt(i); + + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + + { + + stbuild.append(""zp""); + + i += 3; + + } + + else + + { + + stbuild.append(ch); + + i++; + + } + + } + + return stbuild.toString(); +} +" +36efbc5c3a15499a122b74b06606dea4e7027306,"public String zipZap(String str) +{ + String stri = """"; + + if (str.length() <= 2) + { + return str; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i , i + 1). equals(""z"") && str.substring(i + + 2, i + 3).equals(""p"")) + { + stri += str.substring(i, i + 1) + str.substring(i + 2, + i + 3); + i += 2; + } + else + { + stri += str.substring(i, i + 1); + } + } + return stri; + +" +92219ae534373e6316857d4f36b03a9dade454bb,"public String zipZap(String str) +{ + String stri = """"; + + if (str.length() <= 2) + { + return str; + } + + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i , i + 1). equals(""z"") && str.substring(i + + 2, i + 3).equals(""p"")) + { + stri += str.substring(i, i + 1) + str.substring(i + 2, + i + 3); + i += 2; + } + else + { + stri += str.substring(i, i + 1); + } + } + return stri; +} + +" +37fe4c0bd16680e22a989df088f811521ec7f98e,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +961e9e1d133fbd1b21d97dddb47da1808fa7de08,"public String zipZap(String str) +{ + return str; +} +" +d3cd550762fc30d52a33c88a1f829d9b513165e8,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + char character; + StringBuilder stringBuilder = new StringBuilder(length); + while (i < length) + { + character = str.charAt(i); + if (character == 'z' && i < limit && str.charAt(i + 2) == 'p') + { + stringBuilder.append(""zp""); + i += 3; + } + else + { + stringBuilder.append(character); + i++; + } + } + return stringBuilder.toString(); +} +" +7b8de40a362ec8324eeadd9a065352dfe6e29e7c,"public String zipZap(String str) +{ + String output = """"; + for (int n = 0; n < str.length(); n++) { + if (str.charAt(n) == 'z') { + if (str.charAt(n + 2) == 'p') { + output = output + ""zp""; + n = n + 2; + } + else { + output = output + ""z""; + } + } + else { + output = output + str.charAt(n); + } + } + return output; +} +" +4bad23ddb810a0cd9253b727c05b6b721f2290f3,"public String zipZap(String str) +{ + String output = """"; + for (int n = 0; n < str.length(); n++) { + if (str.charAt(n) == 'z' && i < str.length() - 2) { + if (str.charAt(n + 2) == 'p') { + output = output + ""zp""; + n = n + 2; + } + else { + output = output + ""z""; + } + } + else { + output = output + str.charAt(n); + } + } + return output; +} +" +8e1dbb380fdab0eef7e63852af2cee862ea7f265,"public String zipZap(String str) +{ + String output = """"; + for (int n = 0; n < str.length(); n++) { + if (str.charAt(n) == 'z' && n < str.length() - 2) { + if (str.charAt(n + 2) == 'p') { + output = output + ""zp""; + n = n + 2; + } + else { + output = output + ""z""; + } + } + else { + output = output + str.charAt(n); + } + } + return output; +} +" +32d6793ed9225e135fb5b57229da185982971a4e,"public String zipZap(String str) +{ + int len = str.length(); + int len2 = str.length() - 2; + int i = 0; + + char c; + StringBuilder newStr = new StringBuilder(len); + while (i < len) + { + c = str.charAt(i); + if (c == 'z' && i < len2 && str.charAt(i+2) == 'p') + { + newStr.append(""zp""); + i = i + 3; + } + else + { + newStr.append(c); + i++ + } + + } + return newStr.toString(); +} +" +960d6c0a68f2d15bdde76922848f2b808b8a115e,"public String zipZap(String str) +{ + int len = str.length(); + int len2 = str.length() - 2; + int i = 0; + + char c; + StringBuilder newStr = new StringBuilder(len); + while (i < len) + { + c = str.charAt(i); + if (c == 'z' && i < len2 && str.charAt(i+2) == 'p') + { + newStr.append(""zp""); + i = i + 3; + } + else + { + newStr.append(c); + i++; + } + + } + return newStr.toString(); +} +" +588006cbfb2ee6a37e43cbc526e809bf9e2f2d10,"public String zipZap(String str) +{ + String working = """"; + for(int i=0; i 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +} +" +ed0715944fa07fedb40880f33fa7e67a840250c4,"public String zipZap(String str) +{ + int len = str.length(); + + String finalString = """"; + + + + for (int i = 0; i < len; i++) { + + finalString += str.substring(i,i+1); + + if (i > 0 && i < len-1) { + + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + + finalString = finalString.substring(0,finalString.length()-1); + + } + + } + + return finalString; + +} +" +fa7b509c666b23b2dad795c83af2765abbba15f1,"public String zipZap(String str) +{ + String result = """"; + + for (int i=0; i< str.length(); i++) + + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + result += ""zp""; + i += 2; + } + else + { + result += str.substring(i, i + 1); + } + return result; +}" +cf74363a6df173d910493cead074c746b2056090,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3): + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + } + else + { + result += temp.charAt(i); + } + } +} +" +796d915a67e0b5469b26fad5f8332c2ca9e34512,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +f86b6c1165466b9a5f6867ca53dbfe4f8b60fb27,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +d4b3c840eba6bdc177218fe19d1494ae3d565b87,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length(); i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +426a9c8f84a42e63a728bf39e124bcb8b13d2e8c,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-3; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +65c54fc2daa79ffb6541a505e4ea59f87a0f1293,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +69043a7b0dbbd4a4048a1d9ade220d99f8e465b9,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +c1d780243b37c766c9706d5235acc20b47830a31,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.substring(i, i+1) == 'z' && temp.substring(i+2, i+3) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += temp.substring(i, i+1); + } + } + return result; +} +" +002f5622a2cc6594be2258629fc739829d478952,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.substring(i, i+1).equals(""z"") && temp.substring(i+2, i+3).equals(""p"")) + { + result += ""zp""; + i += 2; + } + else + { + result += temp.substring(i, i+1); + } + } + return result; +} +" +025fa17f1795a7220371f75d72eab197554f7599,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + i += 3; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +676f2b04ea8f571773eeaefc8e74f3f8419f6a1f,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length()-2; i++) + { + String temp = str.substring(i, i+3); + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +e40f855fb95f84017e1350936d319153c7e12f15,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len -2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i + 2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +cd0e2486d0081f6e0fef3fc417ed66e79f684d0b,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + String temp = str; + int idx = 0; + while (idx < temp.length() - 2) + { + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + temp = temp.substring(i+2); + i = 0; + } + i++; + } + result += temp; + return result; +} +" +d7c70129b518253e397adabbab54bce7fe8abe2d,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + String temp = str; + int idx = 0; + while (idx < temp.length() - 2) + { + if (temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + temp = temp.substring(i+2); + idx = 0; + } + idx++; + } + result += temp; + return result; +} +" +dbd7077f2bb331918578146cb2fa33acbffc1de6,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + String temp = str; + int idx = 0; + while (idx < temp.length() - 2) + { + if (temp.charAt(idx) == 'z' && temp.charAt(idx+2) == 'p') + { + result += ""zp""; + temp = temp.substring(idx+2); + idx = 0; + } + idx++; + } + result += temp; + return result; +} +" +98c653dcc611d0f043adc8a188ba04645008883f,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + for (int i = 0; i < str.length(); i++) + { + String temp = str.substring(i, i+3); + if (i < str.length() -2 && temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +fd275fcd5b0d230d9fa9fd2301403dd39ca12b02,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + for (int i = 0; i < str.length(); ++i) + { + String temp = str.substring(i, i+3); + if (i < str.length() -2 && temp.charAt(i) == 'z' && temp.charAt(i+2) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += temp.charAt(i); + } + } + return result; +} +" +f9991ffc1181777cadc30a335b6bc448d2df48f2,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += str.charAt(i); + } + } + return result; +} +" +d1b171dfb46cdac646f5e71ce5c98cc5a2c34d30,"public String zipZap(String str) +{ + String result = """"; + if (str.length() < 3) + { + return str; + } + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length()-2 && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + result += ""zp""; + i += 2; + } + else + { + result += str.charAt(i); + } + } + return result; +} +" +09edfc2f0edfc303faa8e28f7327568c57fcd33d,"public String zipZap(String str) +{ + int x = str.length(); + String answer = """" + for (i=0; i2 + for (int i=0; i 0 && i < len-1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + s = s.substring(0,s.length()-1); + } + } + return s; +} +" +300c7788d5077b2524694f2f834aa238ef9d4d73,"public String zipZap(String str) +{ + int len = str.length() - 3; + String one = ''; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + one = one + 'zp'; + else + one = one + str.charAt(i); + return one; + + +} +" +877baa4e7c2d3c78269ec872e41b0143001e18fc,"public String zipZap(String str) +{ + int len = str.length() - 3; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + one = one + 'zp'; + else + one = one + str.charAt(i); + return one; + + +} +" +2598d62a3d3073461231b506b1367c6ed3daf6ea,"public String zipZap(String str) +{ + int len = str.length() - 3; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + one = one + ""zp""; + else + one = one + str.charAt(i); + return one; + + +} +" +47f77d9aead5c782b3b11bb31d6cc49604d83b02,"public String zipZap(String str) +{ + int len = str.length() - 3; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + one = one + ""zp""; + i = i+2; + else + one = one + str.charAt(i); + return one; + + +} +" +511d69b193d9c77134ed93344ade6cc6870ba52e,"public String zipZap(String str) +{ + int len = str.length() - 3; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +9dc2625d988562d4e09a16d9727f8e22765ff0b7,"public String zipZap(String str) +{ + int len = str.length(); + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +c7a6bc6b9fb3d879d156f30706322e7325330d7c,"public String zipZap(String str) +{ + int len = str.length()-3; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +4b8c2079064b1d827745cebf1400b3a32121002e,"public String zipZap(String str) +{ + int len = str.length()-3; + if (str.length < 3) + len = str.length(); + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +4b27b890a7b54dc5fa659eeb9ea3831a0ff3c6f6,"public String zipZap(String str) +{ + int len = str.length()-3; + if (str.length() < 3) + len = str.length(); + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +a51f3c415a7aab0317ec94b219504692fc6837d3,"public String zipZap(String str) +{ + int len = str.length()-3; + if (str.length() < 3) + len = str.length() +1; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +0ddee23ee0fe8bfc7448ef47f0ed8dcd9ad7561d,"public String zipZap(String str) +{ + int len = str.length()-3; + if (str.length() < 3) + len = str.length(); + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +2ac6f8485da44388e1915937ee24f0b32cef5ddb,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' + && i <= num) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +272ea755d7936488ea80c9d1261a8a2a8d30a78f,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' + && i < num) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +d24f0b54f32330f28dc798c60889dbf896a76890,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' + && i > num) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +78b0be42220d5483a8f2013558037f46a7a9c0f4,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' + && i >= num) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +3ae46be89538e5cda290a447c9b44c1e51aae018,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +7e541dff909e180dd6d8e6dff44d9f0ca7cd3f7d,"public String zipZap(String str) +{ + String original = str; +boolean found = false; +if(str.length() == 3) { +if(Character.toString(str.charAt(0)).equals(""z"") && (Character.toString(str.charAt(2)).equals(""p""))) { +return ""zp""; +} +} else if(str.length() < 3) { +return str; +} + +for(int i = 0; i + 3 < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""z"") && Character.toString(str.charAt(i + 2)).equals(""p"")) { +str = str.substring(0, i) + Character.toString(str.charAt(i)) + Character.toString(str.charAt(i + 2)) + str.substring(i + 3, str.length()); +found = true; +} else { +} +} + +if(Character.toString(str.charAt(str.length() - 3)).equals(""z"") && Character.toString(str.charAt(str.length() - 1)).equals(""p"")) { +return str = str.substring(0, str.length() - 3) + Character.toString(str.charAt(str.length() - 3)) + Character.toString(str.charAt(str.length() - 1)); +} + +if(found) { +return str; +} else { +return original; +} +" +e33648a65fd48bd92793b57f78086a2c7b99f068,"public String zipZap(String str) +{ + String original = str; +boolean found = false; +if(str.length() == 3) { +if(Character.toString(str.charAt(0)).equals(""z"") && (Character.toString(str.charAt(2)).equals(""p""))) { +return ""zp""; +} +} else if(str.length() < 3) { +return str; +} + +for(int i = 0; i + 3 < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""z"") && Character.toString(str.charAt(i + 2)).equals(""p"")) { +str = str.substring(0, i) + Character.toString(str.charAt(i)) + Character.toString(str.charAt(i + 2)) + str.substring(i + 3, str.length()); +found = true; +} else { +} +} + +if(Character.toString(str.charAt(str.length() - 3)).equals(""z"") && Character.toString(str.charAt(str.length() - 1)).equals(""p"")) { +return str = str.substring(0, str.length() - 3) + Character.toString(str.charAt(str.length() - 3)) + Character.toString(str.charAt(str.length() - 1)); +} + +if(found) { +return str; +} else { +return original; +} +} +" +c81f812d8754f3935e6cd064578ec8625db992dd,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i< str.length(); i++) + if (i < str.length() - 2 && + str.substring(i, i+1).equals(""z"") && + str.substring(i+2, i+3).equlas(""p"") + newString += ""zp""; + else + newString += str.substring(i, i+1); + return newString; +} +" +e05ec3dd357f4b803e7cb2994ba70413387f7f4e,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i< str.length(); i++) + if (i < str.length() - 2 && + str.substring(i, i+1).equals(""z"") && + str.substring(i+2, i+3).equlas(""p"")) + newString += ""zp""; + else + newString += str.substring(i, i+1); + return newString; +} +" +acfebebe94c4859c001ac64233e360c1476c83fb,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i< str.length(); i++) + if (i < str.length() - 2 && + str.substring(i, i+1).equals(""z"") && + str.substring(i+2, i+3).equals(""p"")) + newString += ""zp""; + else + newString += str.substring(i, i+1); + return newString; +} +" +ca9339dd550e5162d7bf4d8a8837fb359c966bd5,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i< str.length(); i++) + if (i < str.length() - 2 && + str.substring(i, i+1).equals(""z"") && + str.substring(i+2, i+3).equals(""p"")) + newString += ""zp""; + i += 2; + else + newString += str.substring(i, i+1); + return newString; +} +" +6e0ab9499d619cfed11d10cb6720f37047b9ea5d,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i< str.length(); i++) + if (i < str.length() - 2 && + str.substring(i, i+1).equals(""z"") && + str.substring(i+2, i+3).equals(""p"")) + { + newString += ""zp""; + i += 2; + } + else + { + newString += str.substring(i, i+1); + } + return newString; +} +" +ec362d8f3fcb37f8f59c0fb10378c91ced4b4134,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + } + + } + return string + str.substring(str.length() - 2, str.length); +} +" +2ee9ea4cd1c332eb874ea2d824ed6c2126b65478,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + } + + } + return string + str.substring(str.length() - 2, str.length()); +} +" +feb16f2ec15a81099ebeb8d4fdb14f57365d3255,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = str.substring(i, i + 1); + } + } + if str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"") + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } +} +" +452e855e19048a1b00e7eee61f93d7a5287c411b,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = str.substring(i, i + 1); + } + } + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"") + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } +} +" +41296b0fd34c2baa0b18528e425f90d4021c3e9c,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = str.substring(i, i + 1); + } + } + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } +} +" +22e1c04d8e7de793c1326127129a39ae48f26bd9,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = str.substring(i, i + 1); + } + } + if (str.substring(str.lengt() - 2, str.length() - 1).equals(""z"") && str.substring(str.length()).equals(""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } +} +" +7840c125c3eaa8b3c91100d6bf4f1618c53440f5,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1).equals(""z"") && str.substring(str.length()).equals(""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } +} +" +0da41184d5a1f7c8f3a331d518912019e824eaaf,"public String zipZap(String str) +{ + String string = new String(); + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1).equals(""z"") && str.substring(str.length()).equals(""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } +} +" +8055ba988d3be33507c68cb3152bc2e8efca8e3c,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1).equals(""z"") && str.substring(str.length()).equals(""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +c254b1bbdfb7f28d40bef3294cdef8a5ad9ee979,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1).equals(""z"")) && str.substring(str.length().equals(""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +311ffa3d7c62c3e858c8bd227b0a9bd20b19765d,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1).equals(""z"")) && str.substring(str.length().equals(""p""))) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +94d0110cdd016a9ac2bd0c882736d00c5c5597cb,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1).equals(""z"") && str.substring(str.length().equals(""p""))) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +e3c14f37a02795834494771af5ab57fb96074ee9,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1) == ""z"" && str.substring(str.length() == ""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +b7c727a78ee7cf2be04da20836d3b9d3798e9f75,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1) == ""z"" && str.substring(str.length()) == ""p"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +5f53bc176c334df023a0b255cd6e52f46672d472,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 2, str.length() - 1) == ""z"" && str.substring(str.length()) == ""p"") + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +3a329794863598644dd8f24a6ced5e7cbdef800c,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length()) != ""p"") + { + return string + str.substring(str.length() - 2, str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +f770628b01a0bde9de745d7bd8fd09e81f5c46f1,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 1) != ""p"") + { + return string + str.substring(str.length() - 2, str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +5def75f7e77eabc5596f975acadfc5200f557012,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length()) != ""p"") + { + return string + str.substring(str.length(); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +204b8f36bc5ef1201dabc6db2562a8e7e77e4edc,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length()) != ""p"") + { + return string + str.substring(str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +53ec175e0b974c20b6e2313642bc6d2e4f4d4c8f,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length()) != ""p"") + { + return string + str.substring(str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +0b86c64127a938c2a10e1df8c76af4c984cb1d0f,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length()) != ""p"") + { + return string + str.substring(str.length() - 1); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +ca1ba30660091b93bec0cc5e1f9e8670d1211b2e,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 1) != ""p"") + { + return string + str.substring(str.length() - 2, str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +04bf52e85b254ecb5f493dd936ca17b1cc06e7c4,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 1).equals(""p"")) + { + return string + str.substring(str.length() - 2, str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +142e04c181d9b81e1a750e630bcfd7bf4121b071,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 1) != ""p"") + { + return string + str.substring(str.length() - 1, str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +b1b3e769d0766d843ebb005bb35d5e91776e65db,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 1, str.length()) != ""p"") + { + return string + str.substring(str.length() - 1, str.length()); + } + else + { + return string; + } + } + else + { + return str; + } +} +" +0bb89481163f3595f5c9d9382b48a9b5aa69252a,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 3, str.length() - 2) = ""z"") + { + return string; + } + else + { + return string + str.substring(str.length() - 1, str.length()); + } + } + else + { + return str; + } +} +" +263b61eb38dddd0ba9a5c4c22f70e746c7261527,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 3, str.length() - 2) == ""z"") + { + return string; + } + else + { + return string + str.substring(str.length() - 1, str.length()); + } + } + else + { + return str; + } +} +" +1c7f0325820c9e9d814d40aaa579ec138c1e3613,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 3, str.length() - 2) == ""z"") + { + return string; + } + else + { + return string + str.substring(str.length() - 3, str.length() - 2); + } + } + else + { + return str; + } +} +" +52f5086e9aa5a8a4b32e4ad182c6c06cd5f222c4,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 3, str.length() - 2).equals(""z"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 3, str.length() - 2); + } + } + else + { + return str; + } +} +" +90b5d2cced49efdceddeb02d628950e75e7a1aa3,"public String zipZap(String str) +{ + String string = new String(); + if (str.length() >= 3) + { + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + string = string + ""zp""; + i = i + 2; + } + else + { + string = string + str.substring(i, i + 1); + } + } + if (str.substring(str.length() - 3, str.length() - 2).equals(""z"")) + { + return string; + } + else + { + return string + str.substring(str.length() - 2, str.length()); + } + } + else + { + return str; + } +} +" +67ecb4760d9758d243a43aed7b58e1726ddb499e,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else if ( str.length() <= 2) + { + return str; + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +5d093044b6843598088a1107cdf64ab47833027c,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + else if ( str.length() <= 2) + { + return str; + } + else + { + one = one + str.charAt(i); + } + return one; + + +} +" +74f11431fd72944bce3d4ef71b836e0bacb2ad1a,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + if ( str.length() <= 2) + { + return str; + } + else if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + return one; + + +} +" +ee185f271ab1f732eca602ad4b6e91145f8df81b,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +3d598aab0610033531383bbf81746122cc9eb345,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == ""z"" && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +80f0710733ac323bc8748d5797e4e0a160d95ad3,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == ""z"" && str.charAt(i+2) == ""p"" ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +3f7ad941d74d897e8b6a804cb6e9c8d16e32bcc8,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +4699b72745899fa2afc1c3b4b277c807e0734c89,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i < len; i++) + { + + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +929ce7d7350a5a61edcc687c2a24e9d2dd1276fc,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +43da1eef57f133f608b12acfb0230c50c7970bfa,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+1; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +95d1c67fb3c6a58bb012a91c54741766cf2273c5,"public String zipZap(String str) +{ + int len = str.length()-3; + int num = len -2; + String one = """"; + for (int i = 0; i <= len; i++) + { + + if ( str.charAt(i) == 'z' && str.charAt(i+2) == 'p' ) + { + one = one + ""zp""; + i = i+2; + } + + else + { + one = one + str.charAt(i); + } + } + if ( str.length() <= 2) + { + return str; + } + else + { + return one; + } + + +} +" +c8477ba3da5b71a9966fa8f596f17f92baca7482,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + + +} +" +3248e85b6d04aeecff18ca1b9919a1bec6121cfd,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBUiolder stbuild = new StringhBuilder(len); + while(i< len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +2402afc8db7e79fcbee2e1ab10d77595497e0c9a,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i< len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +ee5b38385fd6e34dd03546640171896dff689dc6,"public String zipZap(String str) +{ + int num = 0; + for (int i = 3; i < str.length(); i++) + { + if (str.charAt(num) == 'z' && str.charAt(i) == 'p') + { + str.replace(str.substring(num, i), ""zp""); + } + num += 1; + } + return str; +} +" +62f281a7c52a9780d101e0969b3591dc726d8d97,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str = str.replace(str.charAt(i + 1), """"); + } + } + return str; +} +" +e10d6d5099f69259e32d768f55aa9f20aa32e200,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.charAt(i + 1), """"); + } + } + return str; +} +" +fd935d3c1379fd3bdc36ba61d22079c731d46b6f,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str = str.replace(str.substring(i, i + 2), ""zp""); + } + } + return str; +} +" +2083873e3efa2f1295ce392030819fa1cb7b03fc,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str = str.replace(str.substring(i, i + 3), ""zp""); + } + } + return str; +} +" +189d00a1678163925ee53b557c91998ce6209dea,"public String zipZap(String str) { +String original = str; +boolean found = false; +if(str.length() == 3) { +if(Character.toString(str.charAt(0)).equals(""z"") && (Character.toString(str.charAt(2)).equals(""p""))) { +return ""zp""; +} +} else if(str.length() < 3) { +return str; +} + +for(int i = 0; i + 3 < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""z"") && Character.toString(str.charAt(i + 2)).equals(""p"")) { +str = str.substring(0, i) + Character.toString(str.charAt(i)) + Character.toString(str.charAt(i + 2)) + str.substring(i + 3, str.length()); +found = true; +} else { +} +} + +if(Character.toString(str.charAt(str.length() - 3)).equals(""z"") && Character.toString(str.charAt(str.length() - 1)).equals(""p"")) { +return str = str.substring(0, str.length() - 3) + Character.toString(str.charAt(str.length() - 3)) + Character.toString(str.charAt(str.length() - 1)); +} + +if(found) { +return str; +} else { +return original; +} +} +" +7c58a58a20a6d8224a36d149b71cdf6cc8210902,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +581c985a34941577d572580cf9e4d77fb9c69764,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>0) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp"" + str = str.substring(2,len); + len-3; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +6dc651e29ce3459dc644a844220f98e9fe1406fb,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>0) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-3; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +4b3ca7cc6e0b73f73c476b7780c6ed3354120b1f,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>0) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-=3; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +ac1da96b24fc85032558712468942be6ab0c920e,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>0) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-=2; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +062e294c356df286c6c4cfd8c4dfe0642e11a369,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-=2; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +6bf7ae2b40622d9c2c04e12a96fa4115a313a43f,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-=3; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +6fca115c707f9c879a3acdbd4b7e0a30756b407c,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-=2; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +aabbf9031653600db7576806ace96ed8632afdd2,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2,len); + len-=3; + } + else + { + hol+=str.charAt(0); + str = str.substring(1,len); + len--; + } + } + return hol; +} +" +7a77e1fd40f3602d09619b3927b75538ac69faa7,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + return hol; +} +" +f7d147027312535b2aa12e7388bdd62f76247d47,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + return hol; +} +" +01465ded530c31d133ac3b4d02b81c7bf8518ddb,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + return hol; +} +" +0231a5b7d7f52399da7305f3568274e55e1fea61,"public String zipZap(String str) +{ + String value = """"; + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +bfaa73bdf0b2486dbefa1d7eb32ca27810283b45,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len>0) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + return hol; +} +" +c3fff27a036496c8d9f2d8faaf35fb7c0f9d4024,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len>0) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + return hol; +} +" +9dddb27c0bcd29b19b184b0bffd17ee926f569ab,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len>0) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + return hol; +} +" +5a73fc0c67f7fb4935dbbc9d46709e2234ba1d59,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len>0) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + return hol; +} +" +18c9cf721c43267bc50c00eafa8858dc95ca8b08,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len>0) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + return hol; +} +" +9fb041b3f27b9529fc3500cadb74df0586e7e4ee,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + while (len>0) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + return hol; +} +" +1a718a16007b34b416f0f4cd28910a38b03d5ce9,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3, len); + len = str.length(); + } + while (len>0) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + return hol; +} +" +b17bfa439e0727d5a7ff13ca3877a15c95641f51,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>2) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + return hol; +} +" +b0b8bbe1cacd1c1c39ea2cf5104c3525d06885e7,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>2) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + return hol; +} +" +a5f9ee97fede78fe52913861f24fd2e9ac8828ef,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>2) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + if (len > 0) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + + return hol; +} +" +9775aab6d682bdc0cee994111c3d7c0ef69a5b91,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>0) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + if (len > 0) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + + return hol; +} +" +9e3a91669df68944563835c2d873d037476d2e47,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>0) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + + + return hol; +} +" +b567c6ff43a3dcd2965d44bd965884ae0b048c1c,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>=3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>0) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + + + return hol; +} +" +f4e62782b22d53bddce570e40d30b978a38c8403,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(2, len); + len = str.length(); + } + while (len>0) + { hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + + } + + + return hol; +} +" +4fdd30a4bbd16e89efce52102da531a50637e901,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + + + + return hol; +} +" +c1a96022fbe2c9d2376145fb3a26bcc0f8686f39,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + while (len > 1) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + + + + + return hol; +} +" +687c71b2864ff2deb2fd84dcd7fbad8b178a3fd2,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + } + while (len > 1) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + + + + + return hol; +} +" +51496a5477267f633ddb3574af4c394ad3b657e0,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len > 1) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + + + + + return hol; +} +" +395f642450a8bbbb741d4350e42ed7ee13dc20b7,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + if (len < 3) + return str; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len > 1) + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + + + + + return hol; +} +" +8011d67617b3e7380719f1b7d45eba2d3687bd08,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + if (len < 3) + return str; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len > 0) + { + hol+=str.charAt(0); + if (len !=1) + { + str = str.substring(1); + len = str.length(); + } + + } + + + + + return hol; +} +" +deca9ac58a852c4bcb0ccd00968a1dc4feb7df1d,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + if (len < 3) + return str; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len > 0) + { + hol+=str.charAt(0); + if (len >1) + { + str = str.substring(1); + len = str.length(); + } + + } + + + + + return hol; +} +" +777ea970529b44bf8993ae647171840d7becb13e,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + if (len < 3) + return str; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len > 0) + { + hol+=str.charAt(0); + if (len >1) + { + str = str.substring(1); + len = str.length(); + } + else + len = """"; + + } + + return hol; +} +" +a97e861a8e8538dac3a428e95b133eeb05c40920,"public String zipZap(String str) +{ + int len = str.length(); + String hol = """"; + if (len < 3) + return str; + while (len>3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len == 3) + { + if (str.charAt(0)=='z' && str.charAt(2)=='p') + { + hol+=""zp""; + str = str.substring(3); + len = str.length(); + } + else + { + + hol+=str.charAt(0); + str = str.substring(1); + len = str.length(); + } + } + while (len > 0) + { + hol+=str.charAt(0); + if (len >1) + { + str = str.substring(1); + len = str.length(); + } + else + len = 0; + + } + + return hol; +} +" +dd7fdbb5d2830386dabb95d4946066ed38ff952a,"public String zipZap(String str) +{ + String value = """"; + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2 + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +6b9b59158729ac9e8a9d10ea30562041a1d1b2d1,"public String zipZap(String str) +{ + String value = """"; + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +2e5abc808bafdebf11240c35502e12b47916bc08,"public String zipZap(String str) +{ + String value = """"; + if (!str.contains(""z"" + ""p"") || str.length() < 3) + { + return str; + } + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +ec7108294f55d15620c033715ca02aeddfcd21b0,"public String zipZap(String str) +{ + String value = """"; + + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +3cc0e4e7a3b2f7faa94e150c8fdc7fdc59f215b2,"public String zipZap(String str) +{ + String value = """"; + if (str.length() < 3) + { + return str; + } + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +d034ffaa558558b00153d90ac4ac83b8c60c7f39,"public String zipZap(String str) +{ + String value = """"; + if (str.length() < 3) + { + value = str; + } + else + { + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + return value; +} +" +9457c74f0a60b14832bfabd4d685ec098efe825c,"public String zipZap(String str) +{ + String value = """"; + if (str.length() < 3) + { + value = str; + } + else + { + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + } + return value; +} +" +abb3d992b1e830d06baf69f47542e66e3075da68,"public String zipZap(String str) +{ + String value = """"; + if (str.length() < 3 || !str.contains(""z"")) + { + value = str; + } + else + { + for(int i = 0; i < str.length() - 2 ; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + value += ""zp""; + i += 2; + } + else + { + value += str.substring(i, i + 1); + } + } + } + return value; +} +" +7dcc14ca7daa185277378870baff986cb850028e,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord; +} +" +4b177c06cab36e92a9c71697fc28e0d51e86febe,"public String zipZap(String str) +{ + int x = 0; + String newst = """"; + while (x 2) + { + for(int i = 0; i < lenght; i++) + { + sub = str.substring(i, lenght); + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newstr = newstr + ""zp""; + i = i + 2; + } + else + { + newstr = newstr + str.charAt(i); + } + } + } + else + { + newstr = str; + } + return newstr; +} +" +9af6338c655888b613bcbd5fc38f097e76eb5fed,"public String zipZap(String str) +{ + String output = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length - 3) + { + if (str.charAt(i) == 'z' && str.charAt(i+2)) + { + output += ""zp""; + i += 2; + continue; + } + } + output += str.charAt(i); + } + return output; +} +" +8bb3ff98256844bcb9a569f0a9f69e61c88532df,"public String zipZap(String str) +{ + String output = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 3) + { + if (str.charAt(i) == 'z' && str.charAt(i+2)) + { + output += ""zp""; + i += 2; + continue; + } + } + output += str.charAt(i); + } + return output; +} +" +338daabfd645f189c116aca8b80b082bfc9f2ced,"public String zipZap(String str) +{ + String output = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 3) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output += ""zp""; + i += 2; + continue; + } + } + output += str.charAt(i); + } + return output; +} +" +eb1b2311bd07f2d1121bfcf388a94bd8afc4e9e2,"public String zipZap(String str) +{ + String output = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output += ""zp""; + i += 2; + continue; + } + } + output += str.charAt(i); + } + return output; +} +" +51d10019bc63e9bdf975b6b69bd7bc6c0fde90f1,"public String zipZap(String str) +{ + for (int i = 0; i< str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + } + return str; +} +" +970da4472a4c684dabb495dbed605e20efaf6298,"public String zipZap(String str) +{ + for (int i = 0; i< str.length()-2; i++){ + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + } + return str; +} +" +5b4e9db93ac22a79441807ed12df37b788e43e42,"public String zipZap(String str) +{ + String z = str.charAt(0); + for(int i=1;i 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 3; + } + else + { + answer += str.substring(i); + } + } + + return answer; + } + else + { + return """"; + } + + +} +" +9a24c67a5c8f54ddb1d3a1d0147699591b2a8a38,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() > 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + } + else + { + answer += str.substring(i); + } + } + + return answer; + } + else + { + return """"; + } + + +} +" +c922d0e0f1287d72b652aa09bbbe5eaa98339756,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() > 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 3; + } + else + { + answer += (String)str.charAt(i); + } + } + + return answer; + } + else + { + return """"; + } + + +} +" +bcd75c80553a8e34cc679cc2386051a102ae9e02,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() > 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 3; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + return answer; + } + else + { + return """"; + } + + +} +" +1ad93294dc042befea55d6ce7d25e0f29153119a,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).startsWith(""p"")) + { + word = word + ""zp""; + } + } + return str; +} +" +a757450eeadfd7cd131081153eee3aa4465b6807,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() > 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 3; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + return answer; + } + else + { + return """"; + } + + +} +" +e835df5218ff9813506798a25a61fbe54a90a81c,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() > 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 2; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + return answer; + } + else + { + return """"; + } + + +} +" +b1011e07bdf64901cd1260fab3ebd75ccc3b1ea0,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() >= 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 2; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + return answer; + } + else + { + return str; + } + + +} +" +166bb7ee89f942ba8efbbe5127db7f953e56433d,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() >= 3) + { + for (int i = 0; i <= str.length(); i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 2; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + return answer; + } + else + { + return str; + } + + +} +" +68d5baf9b72e30f7346c6b4cbf9b4bd21d6f2425,"public String zipZap(String str) +{ + String answer = """"; + + if (str.length() >= 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 2; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + return answer; + } + else + { + return str; + } + + +} +" +f3a7a1f43f34a91f6702fab9ed87f5532629ea8b,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).startsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + else + { + word = word + String.ValueOf(i); + } + } + return word; +} +" +b3c6116676964fece99ff58d42571e85dcfbe8de,"public String zipZap(String str) +{ + String answer = """"; + int a = 0; + + if (str.length() >= 3) + { + for (int i = 0; i <= str.length() - 3; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i, i + 3).endsWith(""p"")) + { + answer += ""zp""; + i = i + 2; + a++; + } + else + { + answer += String.valueOf(str.charAt(i)); + } + } + + if (a == 0) + { + return str; + } + else + { + return answer; + } + } + else + { + return str; + } + + +} +" +68047b1bd862ce81b3dd9072ed6b0c17f8ee339e,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).startsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + } + return word; +} +" +2075cbf153f4fd430b10c0a3dd0c20c6befcac7a,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).startsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + } + return str; +} +" +9f8862cb0b0287267f28187161838359a4acf9d9,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1.equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + } + + else + { + sentence = sentence + str.substring(i, i + 1); + } + + return sentence; +} +" +a1862eb2293c8bc25d14729ddeb756e82e192d48,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + } + + else + { + sentence = sentence + str.substring(i, i + 1); + } + + return sentence; +} +" +515621bf5f7f373625a48dc973528cdc28472408,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + else + + { + sentence = sentence + str.substring(i, i + 1); + } + } + + return sentence; +} +" +7a7860330d8af2021eae75e750ff222007b6d11a,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + else if + + { + sentence = sentence + str.substring(i, i + 1); + } + } + + return sentence; +} +" +3f9314157ed23b9110cb4c70b68b40f64f945a80,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + else + + sentence = sentence + str.substring(i, i + 1); + + } + + return sentence; +} +" +96ebd064cc5697c76dc9b07668d71a74ceddeb6a,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + else + { + sentence = sentence + str.substring(i, i + 1); + } + + } + + return sentence; +} +" +46f11e1536efd75279c6e181471e113641b796b5,"public String zipZap(String str) +{ + String word = """"; + + for (int i=0; i< str.length(); i++) + + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + word += ""zp""; + i += 2; + } + else + { + word += str.substring(i, i + 1); + } + + return word; +} +" +eb5a1f0e8d7a1df419074be88556b7900781cda3,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + else if ((i > str.length() - 2) && str.substring(i, i + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + str.substring(i, i + 1); + } + + } + + return sentence; +} +" +d9bd3aa3532b333937ff30c224165a81dda28b5a,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + } + + return sentence; +} +" +1699c991fb11f4da98806dac809f8daa75f8501e,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + } + + return sentence; +} +" +b5dd4ab020fc6f61625746044b00bf89bc4d6269,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + } + + return sentence; +} +" +b1d5727975d7dc0c5f8d0cddd27f227881493b75,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1)).equals(""z"") && (str.substring(i + 2, i + 3)).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i+ 2; + } + + } + + return sentence; +} +" +4b010e15ea22db9949189cdeb04bae4eeec68202,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1)).equals(""z"") && (str.substring(i + 2, i + 3)).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i + 2; + } + + } + + return sentence; +} +" +8467629535813979c6823c05cbecf2d2807e19ec,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1)).equals(""z"") && (str.substring(i + 2, i + 3)).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i + 2; + } + + } + + return sentence; + +" +ce450ff4f4358022abcdb4d3a01d56bbd877a80b,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1)).equals(""z"") && (str.substring(i + 2, i + 3)).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i + 2; + } + + } + + return String sentence; + +" +6aa2978cb691ea255518340891e9dc98fbc89e4b,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i= 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1)).equals(""z"") && (str.substring(i + 2, i + 3)).equals(""p"")))) + { + sentence = sentence + ""zp""; + i = i + 2; + } + + } + + return sentence; + +" +73ad6f9772da51a457e05095d4dce68e6ceca72a,"public String zipZap(String str) +{ + String sentence = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +sentence += ""zp""; +i += 2; +} +else +sentence += str.substring(i, i + 1); + +return sentence; +} + +" +6361467cb7b4d1ef80cb5117c69b7ad767cd896b,"public String zipZap(String str) +{ + String sentence = """"; + +for (int i=0; i< str.length(); i++) +{ + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +sentence += ""zp""; +i += 2; +} +else +sentence += str.substring(i, i + 1); + +return sentence; +} + +" +4c267a84131e95c3200973ede86a9c90882718ee,"public String zipZap(String str) +{ + String sentence = """"; + +for (int i=0; i< str.length(); i++) +{ + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +sentence += ""zp""; +i += 2; +} +else +sentence += str.substring(i, i + 1); +} + +return sentence; +} + +" +5ef8d5b6efd0b960c05f6ee0c1366ebb2c7d28de,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i=0; i< str.length(); i++) + { + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + sentence += ""zp""; + i += 2; + } + + else + { + sentence += str.substring(i, i + 1); + } + + return sentence; + } + +" +efc9adadb23108b736db19b258b588a3f8e369b6,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i=0; i< str.length(); i++) + { + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + sentence += ""zp""; + i += 2; + } + + else + { + sentence += str.substring(i, i + 1); + } + + return sentence; + } +} + +" +7220891bbc8a7e279da6fd2438c6dec9ff060f84,"public String zipZap(String str) +{ + String sentence = """"; + + for (int i=0; i< str.length(); i++) + { + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + sentence += ""zp""; + i += 2; + } + + else + { + sentence += str.substring(i, i + 1); + } + } + + return sentence; +} + +" +151b3145a07d31eba4771d5aafeff1855bcfa059,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i, i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0, finalString.length()-1); + } + } + return finalString; +} +" +bc51aa17d2df5a2c4ca7c6393d31715d1c33192c,"public String zipZap(String str) +{ + + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +7ad6522a9cdf0499d2f06ec53cd2e737dd68105f,"public String zipZap(String str) +{ + String strA = str; + int x = strA.length() - 2; + for (i=0,i 0) + { + return str; + } + else + { + return word; + } +} +" +c2352ea19139a0527af6d105f91cc7cb42f315c6,"public String zipZap(String str) +{ + char b = 'z'; + String d = ""p""; + int fromIndex = 0; + String s = """"; + + + while ((fromIndex = str.indexOf(b, fromIndex)) != -1 ) + { + + + fromIndex++; + s = str.replace(charAt(fromIndex), """"); + } + return s; + +} +" +019c45de07ab7858e7d812d8193547e08278242f,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + else + { + word = word + str.charAt(i); + } + } +} +" +a0b5e1215a84629a8e81c88e25d0c1fc117a0f07,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +b949076ba758475ed45e5acdfd97e919140c97bb,"public String zipZap(String str) +{ + char b = 'z'; + String d = ""p""; + int fromIndex = 0; + String s = """"; + + + while ((fromIndex = str.indexOf(b, fromIndex)) != -1 ) + { + + + fromIndex++; + s = str.replace(str.charAt(fromIndex), """"); + } + return s; + +} +" +a7ea608233cc2729fcb0f2418159e93ad8f2eb09,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + else + { + word = word + str.charAt(i); + } + } + if (y==0) + { + return str; + } + else + { + return word; + } +} +" +e971603358e91e8f7e8c2b803bcd2bd2a5386feb,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""zp""; + i = i + 2; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +8733bee46a9903fe4df1e3119bff41c2c655c916,"public String zipZap(String str) +{ + for (int x = 0; x < length; x++) + { + if (str(x) = ""z"" && str(x+2) = ""p"") + { + str.substring(x, x+2) = ""zp""; + } + else + { + //nothing + } + } + return str; +} +" +78566a2354ef881ec6608a9b8e5a5ffd516c60c0,"public String zipZap(String str) +{ + for (int x = 0; x < str.length(); x++) + { + if (str(x) = ""z"" && str(x+2) = ""p"") + { + str.substring(x, x+2) = ""zp""; + } + else + { + //nothing + } + } + return str; +} +" +9f475bd09e00963ddd0c0e14f4645c3fc3bb6f22,"public String zipZap(String str) +{ + for (int x = 0; x < str.length(); x++) + { + if (str.charAt(x) = 'z' && str.charAt(x+2) = 'p') + { + str.substring(x, x+2) = ""zp""; + } + else + { + //nothing + } + } + return str; +} +" +71aa2c739cd332915b5dd3ca244213b0f644c709,"public String zipZap(String str) +{ + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) = 'p') + { + str.substring(x, x+2) = ""zp""; + } + else + { + //nothing + } + } + return str; +} +" +ae4e53d1030472d577aca3d4897e89c51789746f,"public String zipZap(String str) +{ + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + { + str.substring(x, x+2) = ""zp""; + } + else + { + //nothing + } + } + return str; +} +" +ce8b5e9f39e32ee4cbca76fbf4294376ebf5dc08,"public String zipZap(String str) +{ + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + { + str.substring(x, x+2) == ""zp""; + } + else + { + //nothing + } + } + return str; +} +" +39c6bc263902b7f4be3f60f4f1f12b3efaaf5ea1,"public String zipZap(String str) +{ + String newString + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + { + newString = newString + ""zp""; + x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +2bb3cfdfb91f8822adab75c4fa92d8b24ed19fac,"public String zipZap(String str) +{ + String newString; + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +9d5497e6c204ec1223a9e069fe53c88bd56000c6,"public String zipZap(String str) +{ + String newString = """"; + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +e809be93e906c5246dd4232e80c519b595db0fda,"public String zipZap(String str) +{ + String newString = """"; + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p' && str.length - 2 > x) + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +4746346fde511e46504883ae0167468edb78ab82,"public String zipZap(String str) +{ + String newString = """"; + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p' && str.length() - 2 > x) + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +d106e7017994cf10147c058f13b9c769c08b1cce,"public String zipZap(String str) +{ + String newString = """"; + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p' && (str.length() - 2) < x) + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +88fe33a0bee8e0ece98c05a41f96ab237e9b1b56,"public String zipZap(String str) +{ + String newString = """"; + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p' && (str.length() - 2) > x) + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + return newString; +} +" +4c878573efce744a087d66cf901de969ce2aa4fd,"public String zipZap(String str) +{ + String newString = """"; + if (str.length() > 2) + { + for (int x = 0; x < str.length(); x++) + { + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + { + newString = newString + ""zp""; + x = x + 2; + } + else + { + newString = newString + str.substring(x, x+1); + } + } + } + else + { + newString = str; + } + return newString; +} +" +cf1dbff19a0df81efa6a08b7ef7316b1f5d9939d,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + s += diff.charAt(i); + } + } + return s; +} +" +4a3b4fe2cd48fc9cee6e557018cd0f718d787724,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) + { + if (!diff.charAt(i-1) = 'z' || !diff.charAt(i+1) = 'p') + { + s += diff.charAt(i); + } + } + return s; +} +" +ddc8c89841808b65204afb89a8ae0b766810b5a6,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) + { + if (!diff.charAt(i-1) == 'z' || !diff.charAt(i+1) -= 'p') + { + s += diff.charAt(i); + } + } + return s; +} +" +e3ce004b301d78887c4ac2779921ad77bc2eb444,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) + { + if (!(diff.charAt(i-1) == 'z' || diff.charAt(i+1) -= 'p')) + { + s += diff.charAt(i); + } + } + return s; +} +" +1fcecd75bf4d1567d6664d75a28b7cb11141b612,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) + { + if (!(diff.charAt(i-1) == 'z' || diff.charAt(i+1) == 'p')) + { + s += diff.charAt(i); + } + } + return s; +} +" +2f38b3030a601611f033d98076541b9883dc01a5,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) + { + if (!(diff.charAt(i-1) == 'z' || diff.charAt(i+1) == 'p')) + { + s += diff.charAt(i); + } + } + return s; +} +" +1367b766aeeb082338bdcc66af4a847712cf9c27,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } +return stbuild.toString(); +} +" +50b95a4333c694537c87645e3eec62cd6716af82,"public String zipZap(String str) +{ + for (int i=0; i= 3) + { + answer.append(""zp""); + i = i + 2; + } + else + { + answer.append(letter); + } + } + return answer.toString(); +} +" +3c752e811fcfaf73836e48340e192562e3cd5a2d,"public String zipZap(String str) +{ + StringBuilder answer = new StringBuilder(str.length()); + for (int i = 0; i < str.length(); i = i + 1) + { + char letter = str.charAt(i); + if (str.length() >= 3 && str.charAt(i) == 'z' + && i < str.length() + && str.charAt(i + 2) == 'p') + { + answer.append(""zp""); + i = i + 2; + } + else + { + answer.append(letter); + } + } + return answer.toString(); +} +" +841d26e8c7a0aff1b79b5ca66c21d563aa4a023f,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length(); + String string = str; + for (int i = 0; i 0 && i < len-1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + { + result = result.substring(0,result.length()-1); + } + } + } + return result; +} +" +06042263c5e5098cb331398df80a076727c6f449,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length(); i++) + { + result += str.substring(i,i+1); + + if (i > 0 && i < str.length()-1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + { + result = result.substring(0,result.length()-1); + } + } + } + return result; +} +" +c710cc337e571f385bfae3c2a13e61cfd45903ea,"public String zipZap(String str) +{ + int length = str.length(); + String zapped = """"; + for ( int i = 0; i < length - 2; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + str.charAt(i + 1) + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + return zapped; +} +" +2a3535a1b407b17bac21f57218d9e4883570250b,"public String zipZap(String str) +{ + int length = str.length(); + String zapped = """"; + for ( int i = 0; i < length - 2; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + return zapped; +} +" +85547ee75e18d9fb744e7e10e630366666baf67d,"public String zipZap(String str) +{ + int length = str.length(); + int clipLength = length - 2; + String zapped = """"; + for ( int i = 0; i < clipLength; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + if ( !str.charAt(length) == 'z' + && !str.charAt(clipLength) == 'p' ) + { + zapped = zapped + str.substring(clipLength, length); + } + return zapped; +} +" +c0245b8c63844be4aac0c7bb6c71522e99f1e80c,"public String zipZap(String str) +{ + int length = str.length(); + int clipLength = length - 2; + String zapped = """"; + for ( int i = 0; i < clipLength; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + if ( str.charAt(length) !== 'z' + && str.charAt(clipLength) !== 'p' ) + { + zapped = zapped + str.substring(clipLength, length); + } + return zapped; +} +" +d78ad4b5284ad77493759695d9aaf5b6cd6e2f23,"public String zipZap(String str) +{ + int length = str.length(); + int clipLength = length - 2; + String zapped = """"; + for ( int i = 0; i < clipLength; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + if ( str.charAt(length) !== 'z' + && str.charAt(clipLength) !== 'p' ) + { + zapped = zapped + str.substring(clipLength, length); + } + return zapped; +} +" +64836417bed48e852fb52a91f00d2c327e8b33b0,"public String zipZap(String str) +{ + int length = str.length(); + int clipLength = length - 2; + String zapped = """"; + for ( int i = 0; i < clipLength; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + if ( str.charAt(length) != 'z' + && str.charAt(clipLength) != 'p' ) + { + zapped = zapped + str.substring(clipLength, length); + } + return zapped; +} +" +f92e0d087bb3947ff37f798c7157c286c121249a,"public String zipZap(String str) +{ + int length = str.length(); + int clipLength = length - 2; + String zapped = """"; + for ( int i = 0; i < clipLength; i++ ) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + if ( str.charAt(length - 1) != 'z' + && str.charAt(length - 3) != 'p' ) + { + zapped = zapped + str.substring(clipLength, length); + } + return zapped; +} +" +d05f00025c9c7774b4a75d3b418bab4321a3b30f,"public String zipZap(String str) +{ + int length = str.length(); + int clipLength = length - 2; + String zapped = """"; + for ( int i = 0; i < length; i++ ) + { + if ( i < clipLength ) + { + if ( str.charAt(i) == 'z' + && str.charAt(i + 2) == 'p' ) + { + zapped = zapped + ""z"" + ""p""; + i = i + 2; + } + else + { + zapped = zapped + str.charAt(i); + } + } + else + { + zapped = zapped + str.charAt(i); + } + } + return zapped; +} +" +a021650edd4d7cdee97bff6243bbc530c488e253,"public String zipZap(String str) +{ + String b = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +b += ""zp""; +i += 2; +} +else +b += str.substring(i, i + 1); + +return b; + +} +" +a9ebfdf13410d2d45713bae3fa1c07f3ad51dca5,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i++) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + return newString; +} +" +c5914e460d0c949ba34f8d6002cf92946da2b95d,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i++) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +53c2ee6cfe5583b248acba81a41562d582c8f277,"public String zipZap(String str) +{ + char[] a = new char[str.length()]; + int x = 0; + int i = 0; + while (i = str.length()) + { + if (i < str.length() - 2 && str.charAt(i) == 'z' && str.charAt(i + 2 ) == 'p') + { + a[x] = 'z'; + x++; + a[x] = 'p'; + x++; + i += 3; + } + else + { + a[x] = str.charAt(i); + x++; + i++; + } + } + return new String(a, 0, x); +} +" +b157dd56b3fb973c0badba476069c4b7ea2236d0,"public String zipZap(String str) +{ + char[] a = new char[str.length()]; + int x = 0; + int i = 0; + while (i < str.length()) + { + if (i < str.length() - 2 && str.charAt(i) == 'z' && str.charAt(i + 2 ) == 'p') + { + a[x] = 'z'; + x++; + a[x] = 'p'; + x++; + i += 3; + } + else + { + a[x] = str.charAt(i); + x++; + i++; + } + } + return new String(a, 0, x); +} +" +6c2d263ef1c2d10e9e3096ce78468c28aafac405,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; istr.length()) { + i--; + } + } + } + out += str.substring (i, i+1); + } + return out; +}" +1e95d45ba672617d88311f81af8b051349c9d381,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; istr.length()-1) { + i--; + } + } + } + out += str.substring (i, i+1); + } + return out; +}" +7f522346bdd0dda1c2c200986798f5137d04200d,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; istr.length()) { + i--; + } + } + } + out += str.substring (i, i+1); + } + return out; +}" +bd6484480c58485d3679f0f336667fb3d2dbd513,"public String zipZap(String str) +{ + String out = """"; + for (int i = 0; i 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +}" +8d0bb6ec53241f15fe9e9600d26c6a7e9b62241d,"ublic String zipZap(String str) { + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +}" +269fb1301b55b2c062e31db0d8af346a10702102,"public String zipZap(String str) { + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +}" +5841ce345efa012f2d13e9b7b96c4aa7314ae818,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +} +" +38333c1b9c9b9d8894a40189d4ad185d6880d75b,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i 0) { + String s = String.valueOf(str.charAt(i-1)); + String p = String.valueOf(str.charAt(i+1)); + if (s.equals(""z"") && p.equals(""p"")) { + a = a; + } + } + else { + a = a + s; + } + } + return a; +} +" +1923548193d1b5dadb6f9b863ab1b831f69b0ec4,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i 0) { + String q = String.valueOf(str.charAt(i-1)); + String t = String.valueOf(str.charAt(i+1)); + if (q.equals(""z"") && t.equals(""p"")) { + a = a; + } + } + else { + a = a + s; + } + } + return a; +} +" +e1eb524751f2ad221e1a2f8465c4366cb0ea5e2d,"public String zipZap(String str) +{ + int len = str.len(); + string newS = """"; + for (int i = 0; i < len-2; i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newS = newS + ""zp""; + i = i+2; + } + else + { + newS = newS + str.charAt(i); + } + } +}" +0979f8ae88b64e68136601384debe044fa6f5168,"public String zipZap(String str) +{ + int len = str.len(); + String newS = """"; + for (int i = 0; i < len-2; i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newS = newS + ""zp""; + i = i+2; + } + else + { + newS = newS + str.charAt(i); + } + } +}" +6cd20acbff7942d3e5c1ac8db05b595984981fd1,"public String zipZap(String str) +{ + int len = str.length(); + String newS = """"; + for (int i = 0; i < len-2; i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newS = newS + ""zp""; + i = i+2; + } + else + { + newS = newS + str.charAt(i); + } + } +}" +8ce6d08b0f7f3e1fa6028bbf30df9e767a874145,"public String zipZap(String str) +{ + int len = str.length(); + String newS = """"; + for (int i = 0; i < len-2; i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newS = newS + ""zp""; + i = i+2; + } + else + { + newS = newS + str.charAt(i); + } + } + return newS; +}" +8b142f697f2a1e09715ccbbaa5cb0c5534301b81,"public String zipZap(String str) +{ + int len = str.length(); + String newS = """"; + for (int i = 0; i < len; i++) + { + if(i < len-2) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newS = newS + ""zp""; + i = i+2; + } + else + { + newS = newS + str.charAt(i); + } + } + else { + newS = newS + str.charAt(i); + } + } + return newS; +}" +a710d30c2d9f508faa0221a146f321dfe5252708,"public String zipZap(String str) +{ + String a = """"; + for (i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + if (c.equals(""z"") && f.equals(""p"")) { + a = a + c + f; + } + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a; + } + else { + a = a + c; + } + } + return a; + + } + + + + + + + + + + + + + + + + " +94893642ad1910d88279a3b11ec8e48e888ddbc0,"public String zipZap(String str) +{ + String a = """"; + for (i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + if (c.equals(""z"") && f.equals(""p"")) { + a = a + c + f; + } + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a; + } + else { + a = a + c; + } + } + return a; + } +} + + + + + + + + + + + + + + + + " +5f1869762fd5a352a07af04084e066abdb4ba23d,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + if (c.equals(""z"") && f.equals(""p"")) { + a = a + c + f; + } + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a; + } + else { + a = a + c; + } + } + return a; + } +} + + + + + + + + + + + + + + + + " +685294ed301dcf9c2fbbb42243575d652420621b,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + if (c.equals(""z"") && f.equals(""p"")) { + a = a + c + f; + } + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a; + } + else { + a = a + c; + } + } + } + return a; +} + + + + + + + + + + + + + + + + " +8ea8af7d967a41f304064d29a5042b7a61c58766,"public String zipZap(String str) +{ + int len = str.length(); + + int lim = len - 2; + + int i = 0; + + char ch; + + StringBuilder stbuild = new StringBuilder(len); + + while(i < len) + + { + + ch = str.charAt(i); + + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + + { + + stbuild.append(""zp""); + + i += 3; + + } + + else + + { + + stbuild.append(ch); + + i++; + + } + + } + + return stbuild.toString(); +} +" +a7835a8f591d84a572cc6df20e808cf6f5d46d5f,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +ebf1eaf6b931677586fcfdb675f9514fa84bd3c9,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +7ea6f5083da7e0f305c56a029ae9f4fe63e09fe2,"public String zipZap(String str) +{ + char[] arr = new char[str.length()]; + int count = 0; + + int i = 0; + while(i < str.length()) { + if(i < str.length() - 2 && str.charAt(i) == 'z' && + str.charAt(i + 2) == 'p') { + arr[count] = 'z'; + count++; + arr[count] = 'p'; + count++; + i += 3; + } else { + arr[count] = str.charAt(i); + count++; + i++; + } + } + + return new String(arr, 0, count); +} +" +432d92b91cd2745a4cb65865b81d1dbfe69f5fec,"public String zipZap(String str) +{ + String z = 'z'; + String p = 'p'; + for (int i = 0; i <= str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(z) && newS.endsWith(p)) + { + String re = z+p; + str.replace(newS, re); + } + } + return str. +} +" +f7073ef025726f4bd93954a00ca0f56ec0b92048,"public String zipZap(String str) +{ + String z = 'z'; + String p = 'p'; + for (int i = 0; i <= str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(z) && newS.endsWith(p)) + { + String re = z+p; + str.replace(newS, re); + } + } + return str; +} +" +bf41861a487b6fe6bd0040eeadb1057fe2a1325a,"public String zipZap(String str) +{ + char z = 'z'; + char p = 'p'; + String A = Character.toString(z); + String B = Character.toString(p); + for (int i = 0; i <= str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(A) && newS.endsWith(B)) + { + String re = A + B; + str.replace(newS, re); + } + } + return str; +} +" +e4972c8a04a159a6b456df7ad5fcd52a88178cff,"public String zipZap(String str) +{ + char z = 'z'; + char p = 'p'; + String A = Character.toString(z); + String B = Character.toString(p); + for (int i = 0; i < str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(A) && newS.endsWith(B)) + { + String re = A + B; + str.replace(newS, re); + } + } + return str; +} +" +1ecf508ab50ae1a09618d8d3e32c771c7e6ddbf8,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-4; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +53593b06c4461c94f2f77cdfb4247ae7d05313c6,"public String zipZap(String str) +{ + char z = 'z'; + char p = 'p'; + String A = Character.toString(z); + String B = Character.toString(p); + for (int i = 0; i < str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(A) && newS.endsWith(B)) + { + String re = A + B; + str.replaceAll(newS, re); + } + } + return str; +} +" +3dcd883239c62fa880f34881425d8e86f59ecff5,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-3; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +6e4abed6161b8b17bf029c48f4257b7e1505d636,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +c5be7d2d12a99dec9d5dd2f3c543175029a490d4,"public String zipZap(String str) +{ + char z = 'z'; + char p = 'p'; + String A = Character.toString(z); + String B = Character.toString(p); + for (int i = 0; i < str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(A) && newS.endsWith(B)) + { + String re = A + B; + str = str.replaceAll(newS, re); + } + } + return str; +} +" +b9d92839aadfa6af02d07a87e7cfa49e9260a84c,"public String zipZap(String str) +{ + char z = 'z'; + char p = 'p'; + String A = Character.toString(z); + String B = Character.toString(p); + String out = """"; + for (int i = 0; i < str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(A) && newS.endsWith(B)) + { + String re = A + B; + out = str.replaceAll(newS, re); + } + } + return out; +} +" +9f6fddcb1b376d37f4d18b7de91a2fe12f8e4abf,"public String zipZap(String str) +{ + char z = 'z'; + char p = 'p'; + String A = Character.toString(z); + String B = Character.toString(p); + String out = """"; + for (int i = 0; i < str.length() - 3; i ++) + { + String newS = str.substring(i, i+4); + if (newS.startsWith(A) && newS.endsWith(B)) + { + String re = A + B; + out = str.replace(newS, re); + } + } + return out; +} +" +a54d26fde0d6fec7f9aad53a600f5d5f0cd77f69,"public String zipZap(String str) +{ + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + } + else + { + word = word + str.charAt(i); + } + } + return word; +} +" +cdd987fe22a2c2a5848e5fca825333eda6c5ff22,"public String zipZap(String str) +{ + return str.replaceAll(""z.p"",""zp""); + /**String first = """"; + String out = """"; + String contain = """"; + for (int i = 0; i < str.length() - 3; i ++) + { + first = str.substring(0, i); + contain = str.substring(i, i+4); + if (contain.charAt(i) == 'z' && contain.charAt(i+3) == 'p') + { + + str = str.replace(newS, re); + } + }**/ +} +" +8031a0bc9112dbfc2a3786ad66944618c5a1bc0a,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + a = a + c; + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a.substring(o, a.length()-1); + } + } + if (c.equals(""z"") && f.equals(""p"")) { + a = a + p; + } + } + return a; +} + + + + + + + + + + + + + + + + " +b6c2ffe5d6eea0a1d1ae2f3e6fa4b3d3aa56fe76,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + a = a + c; + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (c.equals(""z"") && f.equals(""p"")) { + a = a + p; + } + } + return a; +} + + + + + + + + + + + + + + + + " +ed98d096e4cd6b4fd938c91bc9c996d8057acf0a,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length()-3; i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + a = a + c; + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (c.equals(""z"") && f.equals(""p"")) { + a = a + f; + } + } + return a; +} + + + + + + + + + + + + + + + + " +890a3c907f573753bfb1ae3414f6e6a9f84f28cc,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String c = String.valueOf(str.charAt(i)); + String d = String.valueOf(str.charAt(i+1)); + String f = String.valueOf(str.charAt(i+2)); + a = a + c; + if (i > 0) { + String b = String.valueOf(str.charAt(i-1)); + if (b.equals(""z"") && d.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i <= str.length()-3) { + if (c.equals(""z"") && f.equals(""p"")) { + a = a + f; + } + } + } + return a; +} + + + + + + + + + + + + + + + + " +96954ea58cf7fb8058588f57b943a530996cf505,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +} +" +9e87c71bde118a8f3f6c05a8caadd3d6475c36c3,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while (i < len) + { + ch = str.charAt(i); + if (ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++ + } + } + return stbuild.toString(); +} +" +d6278608606235b97f58b701308b0a1a64a0bd08,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while (i < len) + { + ch = str.charAt(i); + if (ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +9d1bb0ef2a90cb3f5e4cf35caef49995def6e95e,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + + if (i > 0) { + String minusone = String.valueOf(str.charAt(i-1)); + } + if (i < str.length()) { + String plusone = String.valueOf(str.charAt(i+1)); + } + if (i < str.length()-1) { + String plustwo = String.valueOf(str.charAt(i+2)); + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + } + a = a + current; + + if (i < str.length()-1) { + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + if (minustwo.equals(""z"") && current.equals(""p"") { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +5c6f5be071c56e253776a3232c0eab2674a81361,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + + if (i > 0) { + String minusone = String.valueOf(str.charAt(i-1)); + } + if (i < str.length()) { + String plusone = String.valueOf(str.charAt(i+1)); + } + if (i < str.length()-1) { + String plustwo = String.valueOf(str.charAt(i+2)); + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + } + a = a + current; + + if (i < str.length()-1) { + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +189a84a272d964640e4212de947c5220f72e3875,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + + if (i > 0) { + String minusone = String.valueOf(str.charAt(i-1)); + } + if (i < str.length()) { + String plusone = String.valueOf(str.charAt(i+1)); + } + if (i < str.length()-1) { + String plustwo = String.valueOf(str.charAt(i+2)); + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + } + a = a + current; + + if (i < str.length()-1) { + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +c0c0545fdc19d236c0317ad57dd4966e2eefd750,"public String zipZap(String str) +{ + //left end of three char string + for (int left = 0; left < str.length(); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == z && str.charAt(right) == p) + { + return (str.charAt(left) + str.charAt(right)); + } + }//end right for loop + }//end left for loop +} +" +57a6dd08a259b484f0043b753b40361bbf7fdf1d,"public String zipZap(String str) +{ + //left end of three char string + for (int left = 0; left < str.length(); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + return (str.charAt(left) + str.charAt(right)); + } + }//end right for loop + }//end left for loop +} +" +a3ab6b7e34e797bd4d35ac642ca3a084919de318,"public String zipZap(String str) +{ + String newStr = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i+2 < str.length()) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr = newStr + ""zp""; + i = i + 2; + } + else + { + newStr = newStr + str.charAt(i); + } + } + else + { + newStr = newStr + str.charAt(i); + } + } + + return newStr; +} +" +5b2bd49c0243c69ae436b1b0bd0e7f14c6352b1c,"public String zipZap(String str) +{ + //left end of three char string + for (int left = 0; left < str.length(); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + return (str.subtring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + return str.substring(left, right); + } + }//end right for loop + }//end left for loop +} +" +b6dae49fef6a1588c4a45be165b2980157b182a1,"public String zipZap(String str) +{ + //left end of three char string + for (int left = 0; left < str.length(); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + return (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + return str.substring(left, right); + } + }//end right for loop + }//end left for loop +} +" +ed48b053aeac090a8d8a25f6c7475c4a9c2fc86f,"public String zipZap(String str) +{ + //left end of three char string + for (int left = 0; left < str.length(); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + return (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + return str.substring(left, right); + } + }//end right for loop + }//end left for loop + return str; +} +" +b25689bd3e063b81f80a4221946502cd8abaf4f2,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i=i+2) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +5c6dfb911a19336ace7f2efc6ea02ee0f9cb4192,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i=i+3) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +dc814986f3c51e5db418dedbe7a9973325337731,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i=i+2) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +2b9596f7b9db7c246ed93ddf7f38e1478fee1252,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i=i+1) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +df8229804241fd1255ae3934e0244a08a3ccfe26,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i=i+2) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +7c434f3a1172f15ba63fcb769889b6e88acfdd2e,"public String zipZap(String str) +{ + String newString = """"; + for(int i = 0; i < str.length() - 3; i=i+3) + { + char c = str.charAt(i); + char l = str.charAt(i+1); + char m = str.charAt(i+2); + if(c == 'z' && m == 'p') + { + newString = newString + c+m; + } + else + { + newString = newString + c+l+m; + } + } + return newString; +} +" +f3dfd6054ceb263e79f30e8e1bd1858e0c4816b2,"public String zipZap(String str) +{ + String newStr = """": + + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2) + i+=2; + } + else + { + newStr += str.charAt(i); + } + } +} +" +8c8cb55c68c73ece94bdf678b35c39a25a43179a,"public String zipZap(String str) +{ + String newStr = """": + + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2); + i+=2; + } + else + { + newStr += str.charAt(i); + } + } +} +" +a17b7decc138b5408c18bbc1b74be513569de1b5,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + +} +" +db77ee9a319e888470d3a1eceae4c5b6dba000e6,"public String zipZap(String str) +{ + String newStr = """"; + + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2); + i+=2; + } + else + { + newStr += str.charAt(i); + } + } +} +" +4d5ea14af499699d1946321f10bf77cc268918cd,"public String zipZap(String str) +{ + String newStr = """"; + + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2); + i+=2; + } + else + { + newStr += str.charAt(i); + } + } + + return newStr; +} +" +9e576f462954aec4294f554604a438295fa82df8,"public String zipZap(String str) +{ + String newStr = """"; + + for(int i = 0; i < str.length()-2; i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2); + i+=2; + } + else + { + newStr += str.charAt(i); + } + } + + return newStr; +} +" +3c6c9edd6f2505527162c8f22b8eb994cddc6663,"public String zipZap(String str) +{ + String newStr = """"; + + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2); + i+=2; + } + else + { + newStr += str.charAt(i); + } + } + + return newStr; +} +" +4c585be11761e6b0d27823187bd5d57c48e41f4b,"public String zipZap(String str) +{ + String newStr = """"; + + if(str.length() < 3) + { + return str; + } + + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr += str.charAt(i); + newStr += str.charAt(i+2); + i+=2; + } + else + { + newStr += str.charAt(i); + } + } + + return newStr; +} +" +c4bb434ad45694677a2fc284e834dbbb910c5abf,"public String zipZap(String str) +{ + String newWord = """"; + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) + && (str.substring(i + 2, i + 3).equals(""p"") + { + newWord += ""zp"" + i += 2; + } + else + { + newWord += str.substring(i, i + 1); + } + } + return newWord; +} +" +1fbc25ad4ebcbe0e978b4fcd64f0be3847a97616,"public String zipZap(String str) +{ + String newWord = """"; + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 && str.substring(i, i + 1).equals(""z"") + && str.substring(i + 2, i + 3).equals(""p"")) + { + newWord += ""zp"" + i += 2; + } + else + { + newWord += str.substring(i, i + 1); + } + } + return newWord; +} +" +a29176b6c0deb4ad973b0aa570cdef35727c9f70,"public String zipZap(String str) +{ + String newWord = """"; + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 && str.substring(i, i + 1).equals(""z"") + && str.substring(i + 2, i + 3).equals(""p"")) + { + newWord += ""zp""; + i += 2; + } + else + { + newWord += str.substring(i, i + 1); + } + } + return newWord; +} +" +eb69e806d3b9525dd3448e6655dce26c6c8b725d,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + + if (i > 0) { + String minusone = String.valueOf(str.charAt(i-1)); + } + if (i < str.length()) { + String plusone = String.valueOf(str.charAt(i+1)); + } + if (i < str.length()-1) { + String e = String.valueOf(str.charAt(i+2)); + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + } + a = a + current; + + if (i < str.length()-1) { + if (current.equals(""z"") && e.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +3ad3b7371ee7d003656c77a4ad6c58b835583351,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + + if (i > 0) { + String minusone = String.valueOf(str.charAt(i-1)); + } + if (i < str.length()) { + String plusone = String.valueOf(str.charAt(i+1)); + } + if (i < str.length()-1) { + String plustwo = String.valueOf(str.charAt(i+2)); + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + } + a = a + current; + + if (i < str.length()-1) { + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +85d2309f60d4b2849e35ea3f1438212f2cebf865,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + + if (i > 0) { + String minusone = String.valueOf(str.charAt(i-1)); + } + if (i < str.length()) { + String plusone = String.valueOf(str.charAt(i+1)); + } + if (i < str.length()-1) { + String plustwo = String.valueOf(str.charAt(i+2)); + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + } + a = a + current; + + if (i < str.length()-1) { + + } + if (i > 0 && i < str.length()) { + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +46df9ff93c2a757738e1f15691c160e349572cf1,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2)) == 'p' + { + newString += ""zp""; + } + else + { + newString += str.charAt(i); + } + } + return newString; + +} +" +ef20e253ff8d35c81beac5148f814d069568f31e,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2)) == 'p') + { + newString += ""zp""; + } + else + { + newString += str.charAt(i); + } + } + return newString; + +} +" +dab5d77ea396b3cf983f663477322aa2670cd882,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString += ""zp""; + } + else + { + newString += str.charAt(i); + } + } + return newString; + +} +" +227eafd754a6e79411e71e68ee364eab2685f7d8,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + a = a + current; + + if (i < str.length()-1) { + String plustwo = String.valueOf(str.charAt(i+2)); + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + String minusone = String.valueOf(str.charAt(i-1)); + String plusone = String.valueOf(str.charAt(i+1)); + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +ea77768bc4bbc7841314975e640112f471043f2e,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + a = a + current; + + if (i < str.length()-2) { + String plustwo = String.valueOf(str.charAt(i+2)); + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()) { + String minusone = String.valueOf(str.charAt(i-1)); + String plusone = String.valueOf(str.charAt(i+1)); + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +360f449adaed55340ef4086aa6aacf3a073b3dbd,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + a = a + current; + + if (i < str.length()-2) { + String plustwo = String.valueOf(str.charAt(i+2)); + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()-1) { + String minusone = String.valueOf(str.charAt(i-1)); + String plusone = String.valueOf(str.charAt(i+1)); + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} " +1b9fcf499ce399194f5b0ac1df07446aea15fd51,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < s.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString += str.charAt(i) + """" + str.charAt(i + 2); + i = i + 2; + } + else + { + newString += str.charAt(i); + } + } + return newString; +} + + +" +787a85062f05f6204afae52da91cfbe56d85e07c,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString += str.charAt(i) + """" + str.charAt(i + 2); + i = i + 2; + } + else + { + newString += str.charAt(i); + } + } + return newString; +} + + +" +8861cbfc3d2b493595bdbcc811443128eb73c3cf,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString += str.charAt(i) + """" + str.charAt(i + 2); + i = i + 2; + } + else + { + newString += str.charAt(i); + } + } + if (str.equals(""zi"")) + { + return ""zi""; + } + if (str.equals(""z"")) + { + return ""z""; + } + return newString; +} + + +" +627354052bf546b42bd2b0a3551ec6847165cd6f,"public String zipZap(String str) +{ + String newString = """"; + if (str.equals(""zi"")) + { + return ""zi""; + } + if (str.equals(""z"")) + { + return ""z""; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString += str.charAt(i) + """" + str.charAt(i + 2); + i = i + 2; + } + else + { + newString += str.charAt(i); + } + } + return newString; +} + + +" +79f3e9cac11ab84dcf3a6c0c12514a46dd3ee50b,"public String zipZap(String str) +{ + int length = str.length() - 2; + for (int i = 0; i < length; i++) + { + String sub = str.substring(i, i + 2); + if (sub.startsWith(""z"") && sub.endsWith(""p"")) + { + sub = str - str.charAt(i + 1); + } + } + return sub; +} +" +a75274e09c96095b2fdc84c4a244868eb6ff8757,"public String zipZap(String str) +{ + y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + } + if(!y==0) + { + return word; + } + else + return str; +} +" +16375546e1be1644507ec2a704ccb11c1dec1a50,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + } + if(!y==0) + { + return word; + } + else + return str; +} +" +f88dc9b02ae80b20d74ba8ae2f039404af75e70f,"public String zipZap(String str) +{ + int y = 0; + String word = """"; + for (int i = 0; i < str.length()-2; i++) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + } + if(y!=0) + { + return word; + } + else + return str; +} +" +deecf2499bf214b001249c889c4d431b542534f0,"public String zipZap(String str) +{ + int y = 0; + int i = 0; + String word = """"; + while (i < str.length()-2) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + i++ + } + if(y!=0) + { + return word; + } + else + return str; +} +" +50f259071a9440fa0c167e7b4942baf9897d6a28,"public String zipZap(String str) +{ + int y = 0; + int i = 0; + String word = """"; + while (i < str.length()-2) + { + if (str.substring(i, i+3).startsWith(""z"") && str.substring(i, i+3).endsWith(""p"")) + { + word = word + ""z"" + ""p""; + i = i + 2; + y++; + } + else + { + word = word + str.charAt(i); + } + i++; + } + if(y!=0) + { + return word; + } + else + return str; +} +" +e0a0bdab9ddf25335a77e80c61b53fd075dd33d0,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +} +" +93dbe21b56ec44b56ebe9d50f4c16d9332396ef6,"public String zipZap(String str) +{ + int x = str.length(); + int y = x - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(x); + while(i < x) + { + ch = str.charAt(i); + if(ch == 'z' && i < y && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +69d93b8b20d6afb7b9fe2ce0fb89e151e461d079,"public String zipZap(String str) +{ + String temp=str,res=""""; + int j=temp.length(); + int i=0; + while(i 0) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index); + str = str.substring(index + 1); + int index = str.indexOf(""p""); + + if (index != -1) + { + word += str.substring(index, index + 1); + str = str.substring(index + 1); + } + else + { + word += str; + str = """"; + } + } + else + { + word += str; + str = """"; + } + } + return word; +} +" +8b9b2fc006f58dd8d40e2cd3c03e9660b185d5e3,"public String zipZap(String str) +{ + String word = """"; + while (str.length() > 0) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index); + str = str.substring(index + 1); + index = str.indexOf(""p""); + + if (index != -1) + { + word += str.substring(index, index + 1); + str = str.substring(index + 1); + } + else + { + word += str; + str = """"; + } + } + else + { + word += str; + str = """"; + } + } + return word; +} +" +4e0539aa34418c4d9616bd7412b0e02d2b86c492,"public String zipZap(String str) +{ + if (str.length() < 3) return """"; + +String result = """"; + +for (int i = 0; i < str.length() – 2; i += 3) +result = result + str.substring(i + 1, i + 3) + str.substring(i, i + 1); + +return result; +} +" +a9396d27867d41e9ae4dc770dcdbdba1a0695bad,"public String zipZap(String str) +{ + String word = """"; + while (str.length() > 0) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index+1); + str = str.substring(index + 1); + index = str.indexOf(""p""); + + if (index != -1) + { + word += str.substring(index, index + 1); + str = str.substring(index + 1); + } + else + { + word += str; + str = """"; + } + } + else + { + word += str; + str = """"; + } + } + return word; +} +" +0937e6dd9ebb20fc9fd77b500ff77f9fb966d27e,"public String zipZap(String str) +{ + if (str.length() < 3) + { + return """"; + } +String result = """"; + + for (int i = 0; i < str.length() - 2; i += 3) + { + result = result + str.substring(i + 1, i + 3) + str.substring(i, i + 1); + } +return result; +} +" +d419964514498c5a9058fdd49797be63cf856d51,"public String zipZap(String str) +{ + String temp=str,res=""""; +int j=temp.length(); +int i=0; +while(i 0) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index+1); + str = str.substring(index + 1); + if (str.substring(1, 2) == ""p"") + { + index = str.indexOf(""p""); + word += str.substring(index, index + 1); + str = str.substring(index + 1); + } + else + { + if (str.indexOf(""p"") == -1) + { + word += str; + str = """"; + } + } + } + else + { + word += str; + str = """"; + } + } + return word; +} +" +a2241a655f6aa3cfac735403389b8968816c2c72,"public String zipZap(String str) +{ + int i = 0; + int len = temp.length(); + String temp = str, empty = """"; + + while(i < len - 2) + { + if(temp.charAt(i) == 'z' && temp.charAt(i + 2) == 'p') + { + empty = empty + temp.substring(0, i + 1); + temp=temp.substring(i + 2); + j=temp.length(); + i=0; + } + i++; + } +empty = empty + temp; +return empty; +} +" +a55fbbfcdc0fae41bd2edf8ec584041e920f1253,"public String zipZap(String str) +{ + int i = 0; + String temp = str, empty = """"; + int len = temp.length(); + + while(i < len - 2) + { + if(temp.charAt(i) == 'z' && temp.charAt(i + 2) == 'p') + { + empty = empty + temp.substring(0, i + 1); + temp=temp.substring(i + 2); + j=temp.length(); + i=0; + } + i++; + } +empty = empty + temp; +return empty; +} +" +6504c8657c239b8b489566bea472415f97c0b55b,"public String zipZap(String str) +{ + int i = 0; + String temp = str, empty = """"; + int len = temp.length(); + + while(i < len - 2) + { + if(temp.charAt(i) == 'z' && temp.charAt(i + 2) == 'p') + { + empty = empty + temp.substring(0, i + 1); + temp=temp.substring(i + 2); + len = temp.length(); + i = 0; + } + i++; + } +empty = empty + temp; +return empty; +} +" +6774de947af153ea1d55eb13334268ad38f3eee0,"public String zipZap(String str) +{ + int i = 0; + String combo = str, empty = """"; + int len = combo.length(); + + while(i < len - 2) + { + if(combo.charAt(i) == 'z' && combo.charAt(i + 2) == 'p') + { + empty = empty + combo.substring(0, i + 1); + combo = combo.substring(i + 2); + len = combo.length(); + i = 0; + } + i++; + } +empty = empty + combo; +return empty; +} +" +3401486462f2d7414021bb7e5ee5757f99e9fd73,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +292f779474118512076d605edf7fa52b04d42087,"public String zipZap(String str) +{ + String word = """"; + while (str.length() > 2) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index+1); + str = str.substring(index + 1); + + if (str.indexOf(""p"") == -1) + { + word += str; + str = """"; + } + else + { + if (str.substring(1, 2) == ""p"") + { + word += ""p""; + str = str.substring(2); + } + } + } + else + { + word += str; + str = """"; + } + } + return word; +} +" +d60fcb519d7e86d391d86ff4c5a3bbcc0e083e96,"public String zipZap(String str) +{ + for(int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == 'z') + { + if(str.charAt(i + 2) == 'p') + { + + return str; + + } + } + } + +} +" +7181aee560285f1d36b6444bc947e2abb45c2e04,"public String zipZap(String str) +{ + for(int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == 'z') + { + if(str.charAt(i + 2) == 'p') + { + + return str; + + } + } + } + return str; +} +" +2161fede452d0bf996cf55a6e654cd69f6056d8c,"public String zipZap(String str) +{ + String word = """"; + while (str.length() > 2) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index+1); + str = str.substring(index + 1); + + if (str.indexOf(""p"") == -1) + { + word += str; + str = """"; + } + else + { + if (str.indexOf(""p"") == 1) + { + word += ""p""; + str = str.substring(2); + } + } + } + else + { + word += str; + str = """"; + } + } + + word += str; + str = """"; + + return word; +} +" +18a6ec42fc627c294cb2b8cba0d4503e6a6034fd,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.lenght() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + result = result + ""zp""; + else + result = result + charAt(i); + } + return result; +} +" +ade97d1b643c7dacdffc4e6f94ad5158edd6558b,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + result = result + ""zp""; + else + result = result + charAt(i); + } + return result; +} +" +d53ecff116d7acd41cdb75eab5815e5dd8316944,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + result = result + ""zp""; + else + result = result + str.charAt(i); + } + return result; +} +" +99bc77bacb80e07cd0068d5f354046535131a4e9,"public String zipZap(String str) +{ + char[] arr = new char[str.length()]; + int count = 0; + + int i = 0; + while(i < str.length()) { + if(i < str.length() - 2 && str.charAt(i) == 'z' && + str.charAt(i + 2) == 'p') { + arr[count] = 'z'; + count++; + arr[count] = 'p'; + count++; + i += 3; + } else { + arr[count] = str.charAt(i); + count++; + i++; + } + } + +return new String(arr, 0, count); +} +" +217122e5868a99f96ff4c7d03b8f03720a8b983d,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord;// and return the new word +} +" +10e1b77e5d4cac141df8ba7265b498d2081c915a,"public String zipZap(String str) +{ + String word = """"; + while (str.length() > 2) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index+1); + str = str.substring(index + 1); + + if (str.indexOf(""p"") == -1) + { + word += str; + str = """"; + } + else + { + if (str.charAt(1) == ""p"") + { + word += ""p""; + str = str.substring(2); + } + } + } + else + { + word += str; + str = """"; + } + } + + word += str; + str = """"; + + return word; +} +" +7709242d82d7282134e28719172f66bfedf1c74c,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + while (i < str.length() - 2) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + return result; +} +" +bf2d76f171c1b9c00260b5849b42f52103ab8c1c,"public String zipZap(String str) +{ + String word = """"; + while (str.length() > 2) + { + int index = str.indexOf(""z""); + + if (index != -1) + { + word += str.substring(0, index+1); + str = str.substring(index + 1); + + if (str.indexOf(""p"") == -1) + { + word += str; + str = """"; + } + else + { + if (str.charAt(1) == 'p') + { + word += ""p""; + str = str.substring(2); + } + } + } + else + { + word += str; + str = """"; + } + } + + word += str; + str = """"; + + return word; +} +" +7278b685f120aa4e087d84db9a53a715b084ed53,"public String zipZap(String str) +{ + String fin = """"; + + for(int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == 'z') + { + if(str.charAt(i + 2) == 'p') + { + + String a = str.substring(0, i); + String b = str.substring(i + 3); + + fin = a+b; + } + } + } + return fin; +} +" +7d8f672061b10155c66a971b34a8ac093b69f9b7,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + while (i < str.length()) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + return result; +} +" +c38fc67f13a8055e72a9bce64f76a1fea8d2c880,"public String zipZap(String str) +{ + String fin = """"; + + for(int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == 'z') + { + if(str.charAt(i + 2) == 'p') + { + + String a = str.substring(0, i); + String b = str.substring(i + 2); + + fin = a+b; + } + } + } + return fin; +} +" +8995c95265866b5a5397ff5d69420cbe0076f565,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + + if (str.length() < 3) + result = str; + while (i < str.length()) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + return result; +} +" +4c3104a958adf60c4d1770eba3bdf66db4ff8b08,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + + while (i < str.length()) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + if (str.length() < 3) + result = str; + + return result; +} +" +f7f59dbdbd43676aeeab0f9cf1c63a81503e388e,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + + if (str.length() < 3) + result = str; + else + { + while (i < str.length()) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + } + return result; +} +" +49cde18122bbd8b75bb9f2e32f0ee74163e2cf1c,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + + if (str.length() < 3) + result = str; + else + { + while (i < str.length() - 2) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + } + return result; +} +" +cd794eabc79f40245a3d45e5d67e204e2dd3754c,"public String zipZap(String str) +{ + String result = """"; + int i = 0; + + if (str.length() < 3) + result = str; + else + { + while (i < str.length()) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + result = result + ""zp""; + i = i + 3; + } + else + { + result = result + str.charAt(i); + i++; + } + } + } + return result; +} +" +ec0f2a3aec17edf60700242c1e2c944b314c561f,"public String zipZap(String str) +{ + String orig = str; + boolean acquired = false; + if (str.length() = 3 { + if (Character.toString(str.charAt(0).equals(""z"") && Character.toStrong(str.charAt(2).equals(""p"")) + return ""zp""; +} +" +443b112bcc596b96fabf5b4b1236e3501efd3f25,"public String zipZap(String str) +{ + String orig = str; + boolean acquired = false; + if (str.length() = 3 { + if (Character.toString(str.charAt(0).equals(""z"") && Character.toStrong(str.charAt(2).equals(""p"")) { +return ""zp""; + } } +} +" +8aceb9637547b89560856a2996aff241242c06ec,"public String zipZap(String str) +{ + String orig = str; + boolean acquired = false; + if (str.length() = 3) { + if (Character.toString(str.charAt(0).equals(""z"") && Character.toStrong(str.charAt(2).equals(""p"")) { +return ""zp""; + } } +} +" +38702ab3e03d0574fc365410f596faa851ee2075,"public String zipZap(String str) +{ + String orig = str; + boolean acquired = false; + if (str.length() = 3) { + if (Character.toString(str.charAt(0).equals(""z"")) && Character.toStrong(str.charAt(2).equals(""p""))) { +return ""zp""; + } } +} +" +074bc932eb9e21231379a208ce0198a443992a74,"public String zipZap(String str) +{ + String a = ""z""; + char b = 'p'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + + while ((fromIndex = str.indexOf(a, fromIndex)) != -1) + { + fromIndex++; + + + if ( str.charAt(fromIndex+1) == b) + { + + sb.deleteCharAt(fromIndex); + } + + } + return sb.toString() + +} +" +d6d69c6097a8489f2817a40aacdcfac379bbf448,"public String zipZap(String str) +{ + String a = ""z""; + char b = 'p'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + + while ((fromIndex = str.indexOf(a, fromIndex)) != -1) + { + fromIndex++; + + + if ( str.charAt(fromIndex+1) == b) + { + + sb.deleteCharAt(fromIndex); + } + + } + return sb.toString(); + +} +" +4c9870c4eff02e31f8c4a174e54ede6adf9f501b,"public String zipZap(String str) +{ + String newWord = """"; + + for (int i=0; i< str.length(); i++) + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + newWord += ""zp""; + i += 2; + } + else + { + newWord += str.substring(i, i + 1); + } + return newWord; +} +" +f037f13dbe0fa4240c6b744d52a29ce517123667,"public String zipZap(String str) +{ + String a = """"; + for (int i = 0; i < str.length(); i++) { + String current = String.valueOf(str.charAt(i)); + a = a + current; + + if (i < str.length()-2) { + String plustwo = String.valueOf(str.charAt(i+2)); + if (current.equals(""z"") && plustwo.equals(""p"")) { + a = a.substring(0, a.length()-1); + a = a + ""zp""; + } + } + if (i > 0 && i < str.length()-1) { + String minusone = String.valueOf(str.charAt(i-1)); + String plusone = String.valueOf(str.charAt(i+1)); + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +}" +9f012996448b57707ed7e5fd45158293add20e8f,"public String zipZap(String str) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + while(str2.length() > 0) + { + if(str2.startsWith(""z"") && str2.substring(2).startsWith""p"")) + { + str1 = str1 + zp; + str2 = str2.substring(3); + num = num - 3; + } + else + { + str1 = str1 + str2.charAt(0); + str2 = str2.substring(1); + num = num - 1; + } + } + return str1; +} +" +cad1a4dccb6b0b4eedfe486f8f0685fc59c846d7,"public String zipZap(String str) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + while(str2.length() > 0) + { + if(str2.startsWith(""z"") && str2.substring(2).startsWith(""p"")) + { + str1 = str1 + zp; + str2 = str2.substring(3); + num = num - 3; + } + else + { + str1 = str1 + str2.charAt(0); + str2 = str2.substring(1); + num = num - 1; + } + } + return str1; +} +" +1bf4fade9cc540543caffd5667aea3117a9a02ae,"public String zipZap(String str) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + while(str2.length() > 0) + { + if(str2.startsWith(""z"") && str2.substring(2).startsWith(""p"")) + { + str1 = str1 + ""zp""; + str2 = str2.substring(3); + num = num - 3; + } + else + { + str1 = str1 + str2.charAt(0); + str2 = str2.substring(1); + num = num - 1; + } + } + return str1; +} +" +5ac02285ad1751db5f6e4fabad91120958d8b1df,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +88d05e1c1c41793a7ff73d6c857af4346c4d2411,"public String zipZap(String str) +{ + String a = ""z""; + char b = 'p'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + int count = 0; + + while ((fromIndex = str.indexOf(a, fromIndex)) != -1) + { + fromIndex++; + + + if ( str.charAt(fromIndex+1) == b) + { + + sb.deleteCharAt(fromIndex-count); + count++; + } + + } + return sb.toString(); + +} +" +3a4eb64bf3709c423ff5858a8eba32d3f2b6c460,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str2 = str2 + ""zp""; + str = str.substring(i + 2, str.length()); + } + } +} +" +eedb13d5ba9dd88c8d10487fce3281ae6c9f749f,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str2 = str2 + ""zp""; + str = str.substring(i + 2, str.length()); + } + } + return str2; +} +" +f92db71eaf1513606aa9ba421e91775bae8a732d,"public String zipZap(String str) +{ + int num = str.length(); + String str1 = """"; + String str2 = str; + if(str.length() > 2) + { + while(str2.length() > 0) + { + if(str2.startsWith(""z"") && str2.substring(2).startsWith(""p"")) + { + str1 = str1 + ""zp""; + str2 = str2.substring(3); + num = num - 3; + } + else + { + str1 = str1 + str2.charAt(0); + str2 = str2.substring(1); + num = num - 1; + } + + } + return str1; + } + else + { + return str; + } + +} +" +c2c2a5e25cc564c2e88f8664047840ea481d11af,"public String zipZap(String str) +{ +char[] arr = new char[str.length()]; +int count = 0; + +int i = 0; +while(i < str.length()) +{ +if(i < str.length() - 2 && str.charAt(i) == 'z' && +str.charAt(i + 2) == 'p') +{ +arr[count] = 'z'; +count++; +arr[count] = 'p'; +count++; +i += 3; +} else +{ +arr[count] = str.charAt(i); +count++; +i++; +} +} + +return new String(arr, 0, count); +} +" +6cf6b17201bbdc69a87944bf91cca43e24a6b175,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str2 = str2 + ""zp""; + str = str.substring(i + 2, str.length()); + } + else + { + str2 = str2 + str.charAt(i); + } + } + return str2; +} +" +259a15789a7620c0fb06890db5fe125adde2507d,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str2 = str2 + ""zp""; + str = str.substring(i + 2, str.length()); + } + else + { + str2 = str2 + str.charAt(i); + } + } + return str2; +} +" +4e774ea03c656c067165d0257791039f898000f1,"public String zipZap(String str) +{ + String str2 = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str2 = str2 + ""zp""; + str = str.substring(i + 2, str.length()); + } + else + { + str2 = str2 + str.charAt(i); + } + } + return str2; +} +" +9e4c6d5cd955cd8aef48790c946fe198718a64ca,"public String zipZap(String str) +{ + String str2 = """"; + if (str.length() < 3) + { + return str; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str2 = str2 + ""zp""; + str = str.substring(i + 2, str.length()); + i = 0; + } + else + { + str2 = str2 + str.charAt(i); + } + } + return str2; +} +" +9206d4ba8fb2531f90eaa8fa09047a5ee8ea3d56,"public String zipZap(String str) +{ + String a = ""z""; + char b = 'p'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + int count = 0; + if ( dtr.length() < 3) + { + while ((fromIndex = str.indexOf(a, fromIndex)) != -1) + { + fromIndex++; + + + if ( str.charAt(fromIndex+1) == b) + { + + sb.deleteCharAt(fromIndex-count); + count++; + } + + } + } + return sb.toString(); + +} +" +34893a4644d9e13407546c6fa3d0040f45240c23,"public String zipZap(String str) +{ + return ""zpXzp"" +} +" +a8a63110efbac9ac8c4ba52ce95996ec869bfedc,"public String zipZap(String str) +{ + String a = ""z""; + char b = 'p'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + int count = 0; + if ( str.length() < 3) + { + while ((fromIndex = str.indexOf(a, fromIndex)) != -1) + { + fromIndex++; + + + if ( str.charAt(fromIndex+1) == b) + { + + sb.deleteCharAt(fromIndex-count); + count++; + } + + } + } + return sb.toString(); + +} +" +985aec205d95bf4599f5830e9de0ec8402fd774d,"public String zipZap(String str) +{ + return ""zpXzp""; +} +" +60f277432e6d537678e3107b6f77967eec66fa79,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + ret = ret + 'zp'; + minusAmt = 2; + i += 2; + } + else + { + ret = ret + str.charAt(i); + minusAmt = 0 + } + } + return ret; + } + else + { + return str; + } +} +" +c01ea5b424f3fd8f36a104b484081cd4f1833a03,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + ret = ret + 'zp'; + minusAmt = 2; + i += 2; + } + else + { + ret = ret + str.charAt(i); + minusAmt = 0 + } + } + return ret; + } + else + { + return str; + } +} +" +6c87e762fd730322aa31f1b85fcc0deba6e4b869,"public String zipZap(String str) +{ + String a = ""z""; + char b = 'p'; + + StringBuilder sb = new StringBuilder(str); + int fromIndex = 0; + int count = 0; + if ( str.length() > 2) + { + while ((fromIndex = str.indexOf(a, fromIndex)) != -1) + { + fromIndex++; + + + if ( str.charAt(fromIndex+1) == b) + { + + sb.deleteCharAt(fromIndex-count); + count++; + } + + } + } + return sb.toString(); + +} +" +78ec2b1b47ba01cf3335f73d60cc9122e6ba3055,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + ret = ret + 'zp'; + minusAmt = 2; + i += 2; + } + else + { + ret = ret + str.charAt(i); + minusAmt = 0; + } + } + return ret; + } + else + { + return str; + } +} +" +41ab15c14d42350bf5c52dadbdb56748ed61afaa,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + ret = ret + 'zp'; + minusAmt = 2; + i += 2; + } + else + { + ret = ret + str.charAt(i); + minusAmt = 0; + } + } + return ret; + } + else + { + return str; + } +} +" +35af5cad63f77d2c5cb88efe07945c6e8592c1f5,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + ret = ret + ""zp""; + minusAmt = 2; + i += 2; + } + else + { + ret = ret + str.charAt(i); + minusAmt = 0; + } + } + return ret; + } + else + { + return str; + } +} +" +4577fc7404f9d7f8da22e57db35e12833cf27413,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + ret = ret + ""zp""; + minusAmt = 2; + i += 2; + } + else + { + ret = ret + str.charAt(i); + minusAmt = 0; + } + } + return ret; + } + else + { + return str; + } +} +" +580a884245b1dd12fa377b24e318fb0b4bd14ecc,"public String zipZap(String str) +{ + String original = str; +boolean found = false; +if(str.length() == 3) { +if(Character.toString(str.charAt(0)).equals(""z"") && (Character.toString(str.charAt(2)).equals(""p""))) { +return ""zp""; +} +} else if(str.length() < 3) { +return str; +} + +for(int i = 0; i + 3 < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""z"") && Character.toString(str.charAt(i + 2)).equals(""p"")) { +str = str.substring(0, i) + Character.toString(str.charAt(i)) + Character.toString(str.charAt(i + 2)) + str.substring(i + 3, str.length()); +found = true; +} else { +} +} + +if(Character.toString(str.charAt(str.length() - 3)).equals(""z"") && Character.toString(str.charAt(str.length() - 1)).equals(""p"")) { +return str = str.substring(0, str.length() - 3) + Character.toString(str.charAt(str.length() - 3)) + Character.toString(str.charAt(str.length() - 1)); +} + +if(found) { +return str; +} else { +return original; +} +} +" +8fe30729d09b4db7a7dc317bcb0a80ae61279595,"public String zipZap(String str) +{ + String res = """"; + for(int i = 0; i < str.length(); i++) { + if (i < str.length() - 3 && str.charAt(i) == 'z' && str.charAt(i+3) == 'p') { + res += ""zp""; + i+=2; + } + else { + res += str.charAt(i); + } + + } + return res; + +} +" +92e71b68c5ea7dbcad2b0a74835712199a5337d8,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.charAt(i + 1) = """"; + } + } + return str; +} +" +85f512293eaed022b496405c1ab71b13e85bda6d,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + return str.charAt(i + 1) = """"; + } + } + return str; +} +" +8ef8a4942c80717b5ff36651796427289ee649f6,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.charAt(i + 1) = """" + return str; + } + } +} +" +8ce7f7da44882236a11171b51fe701f827008cea,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.charAt(i + 1) = """"; + return str; + } + } +} +" +e0d58173e6914bb6d34e833890a32b20a411d00d,"public String zipZap(String str) +{ + String res = """"; + for(int i = 0; i < str.length(); i++) { + if (i < str.length() - 3 && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') { + res += ""zp""; + i+=2; + } + else { + res += str.charAt(i); + } + + } + return res; + +} +" +81b29d2589955f61d37fd2c65073d09ee0bf4049,"public String zipZap(String str) +{ + String k = """" + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.charAt(i + 1) = k; + return str; + } + } +} +" +f8e1484d3daf0a5e010a6de6888fce3e72e51f92,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.charAt(i + 1) = k; + return str; + } + } +} +" +d85b7a2f6aedcc1179de36410d526c5eb5a4550a,"public String zipZap(String str) +{ + String res = """"; + for(int i = 0; i < str.length(); i++) { + if (i < str.length() - 2 && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') { + res += ""zp""; + i+=2; + } + else { + res += str.charAt(i); + } + + } + return res; + +} +" +bba3fa8dffab2ef3eac236ffcfeccf117d720a13,"public String zipZap(String str) +{ + String res = """"; + for(int i = 0; i < str.length(); i++) { + if (i < str.length() - 2 && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') { + res += ""zp""; + i+=2; + } + else { + res += str.charAt(i); + } + + } + return res; + +} +" +e13d1f175d8d88ae893f8e2fa456e26d2420b2ea,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + return str.charAt(i + 1) = k; + } + } +} +" +7a9095380b822ce53e5e4e51376f1885f6da9f9a,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.char(2) == 'p') + return ""zp"" +} +" +69e380fccdc861112c298c75f3656f707f9cb082,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.char(2) == 'p') + return ""zp""; +} +" +20f3c54b4efa04265ef35a38be154c3e6b98cb65,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.charAt(2) == 'p') + return ""zp""; +} +" +d3fb289df9fdbb8c18a42763c7afe1b797c99100,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.charAt(2) == 'p') + return ""zp""; + return ""zpXzp""; +} +" +aa8021c4eba1de2fbd67ee68dabe2ad754645e12,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.charAt(2) == 'p') + return ""zp"" + st.substring(2, 4) +""zp""; + return ""zpXzp""; +} +" +f17837d0f985a2ea56139c3a817828e026ffd928,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.charAt(2) == 'p') + return ""zp"" + str.substring(2, 4) +""zp""; + return ""zpXzp""; +} +" +86c2524b35c04dc528df202516dd84fd4fc7ff60,"public String zipZap(String str) +{ + + if (str.charAt(0) == 'z' && str.charAt(2) == 'p') + return ""zp""; + return ""zpXzp""; +} +" +dcd8bf4d051973b6d195e78cf83ac33445af7b25,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.charAt(i + 1) = k; + } + } + return str; +} +" +8a50baa2a7ef13e94317b6e1ce11ac1ff43eb999,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(i + 1, k); + } + } + return str; +} +" +3c141363023e41eb96eae3d533d244289535bc60,"public String zipZap(String str) +{ + + for(int x = 0; x< str.length()-2; x++) + { + if(str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + return ""zp""; + } + +} +" +094b0e8c960090e5db7e7ed5078935048f600dba,"public String zipZap(String str) +{ + + for(int x = 0; x< str.length()-2; x++) + { + if(str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + return ""zp""; + } + return ""zpXzp""; + +} +" +90671fe421a4a0d9e33327e29fe0752765105980,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.deleteCharAt(i + 1); + } + } + return str; +} +" +50ebb7c67a1ee984191b107d41eb976cdd241c77,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.remove(i + 1); + } + } + return str; +} +" +bb682ec66c25df4e844cecf5ff10778857400341,"public String zipZap(String str) +{ + String newWord = """"; + + for (int i=0; i< str.length(); i++) + + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + newWord += ""zp""; + i += 2; + } + else + newWord += str.substring(i, i + 1); + + return newWord; +} +" +e75d750925d65d1ac7a28441ffdf1e08daf6c028,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(i + 1); + } + } + return str; +} +" +616ca9378216059b043dbd1c5878d45d154d100a,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.CharAt(i + 1), k); + } + } + return str; +} +" +34c0e4e29678350946b41d9cbc3c48d57cdf7ee7,"public String zipZap(String str) +{ + String k = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.substring(i + 1), k); + } + } + return str; +} +" +b6c8be2f5f7309923ebb19a0553979d7cc50dce9,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.substring(i + 1), """"); + } + } + return str; +} +" +547e7f025b687c50216ba68894174f8221019912,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.substring(i + 1), """"); + } + return str; + } + return str; +} +" +2cf4deafb0cdf7707c0004f1ec037e991c96a3ca,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.substring(i + 1), """"); + return str; + } + } + return str; +} +" +b7f207b32f732a693cf980bdef7854e419d37582,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace("""", str.substring(i + 1)); + return str; + } + } + return str; +} +" +54af0c9f6a78d95e9890dec400072d4c715e85b3,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.substring(i + 1), """"); + return str; + } + } + return str; +} +" +a99ac9a81a94ca7ee3302d1aadf56c890290c67b,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.delete(str.substring(i + 1)); + return str; + } + } + return str; +} +" +4790db86dc5e1341e0b698a8d6bb04a9f418cf0a,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(0, str.substring(i + 1)); + return str; + } + } + return str; +} +" +a900cc1e03a53f48614961d1d351f2a7cc2be752,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(""0"", str.substring(i + 1)); + return str; + } + } + return str; +} +" +f25f29ee4298a7aa8e88807bc419a5d8ac696f28,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(""0"", str.substring(i + 1)); + return str; + } + } + return str; +} +" +5247012f7e22d382644a9b733befe19e4c5f7068,"public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(""0"", str.substring(i + 1)); + return str; + } + } + return str; +} +" +c46e8fe089c515511ef798d4e20d006976ac2306,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()- 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace("""", str.substring(i + 1)); + } + } + return str; +} +" +e72d279f4bcfd8eafb88dabbaf75d42b5257eb5f,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()- 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + str.replace(str.substring(i + 1), """"); + } + } + return str; +} +" +5dc8582dd3570352de5cec6b13d35068e92129ce,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +948cca0452c8c30a9779f3ab3a5f21c8f966432f,"public String zipZap(String str) +{ + String str = ""z"" + char + ""p""; +} +" +88950281596033a4f41deb2c1ac77e3a95547acc,"public String zipZap(String str) +{ + String str = ""z"" + char.class + ""p""; +} +" +7f883eb758b318897e2d6974805d0bed51fdb9bf,"public String zipZap(String str) +{ + String zp = ""z"" + char.class + ""p""; +} +" +73fb2cb2c42f9578b5937e26fb23e7bd126b44d4,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()- 2; i++) + { + if (str.substring(i) == ""z"" && str.substring(i + 2) == ""p"") + { + str.replace(str.substring(i + 1), """"); + } + } + return str; +} +" +fd7abc7f5ce0e877adc60e1c9b8fe6d38e990d77,"public String zipZap(String str) +{ + char[] arr = new char[str.length()]; + int count = 0; + + int i = 0; + while(i < str.length()) { + if(i < str.length() - 2 && str.charAt(i) == 'z' && + str.charAt(i + 2) == 'p') { + arr[count] = 'z'; + count++; + arr[count] = 'p'; + count++; + i += 3; + } else { + arr[count] = str.charAt(i); + count++; + i++; + } + } + + return new String(arr, 0, count); +} +" +65c2247c72d73f18eaf638de0da28ceb17e70f13,"public String zipZap(String str) { +String original = str; +boolean found = false; +if(str.length() == 3) { +if(Character.toString(str.charAt(0)).equals(""z"") && (Character.toString(str.charAt(2)).equals(""p""))) { +return ""zp""; +} +} else if(str.length() < 3) { +return str; +} + +for(int i = 0; i + 3 < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""z"") && Character.toString(str.charAt(i + 2)).equals(""p"")) { +str = str.substring(0, i) + Character.toString(str.charAt(i)) + Character.toString(str.charAt(i + 2)) + str.substring(i + 3, str.length()); +found = true; +} else { +} +} + +if(Character.toString(str.charAt(str.length() - 3)).equals(""z"") && Character.toString(str.charAt(str.length() - 1)).equals(""p"")) { +return str = str.substring(0, str.length() - 3) + Character.toString(str.charAt(str.length() - 3)) + Character.toString(str.charAt(str.length() - 1)); +} + +if(found) { +return str; +} else { +return original; +} +}" +442edbf033455be4dd7bc2455bae37d92e736d28,"public String zipZap(String str) +{ + return str.replaceAll(""z.p"", ""zp""); +} +" +c0a5fcea7ee09b6ab084809fc6a6d27b8610983e,"public String zipZap(String str) +{ + int length = str.length(); + int limit = len -2; + int i=0; + char chr; + StringBUilder build = new StringBUilder(length); + while (i > length) + { + chr = str.charAt(i); + if (chr == 'z' && i length) + { + chr = str.charAt(i); + if (chr == 'z' && i length) + { + chr = str.charAt(i); + if (chr == 'z' && i length) + { + chr = str.charAt(i); + if (chr == 'z' && i 2) + { + while (i <= lim) + { + char o1 = str.charAt(i); + int i3 = i + 2; + char o3 = str.charAt(i3); + if (o1 == 'z' && o3 == 'p') + { + re = re + ""zp""; + i = i + 2; + } + else + { + String s1 = Character.toString(o1); + re = re + s1; + } + i = i + 1; + } + } + else + { + return str; + } + return re; +} +" +14e499f5a3080badde44f94cdfe0ec89cfcda6a1,"public String zipZap(String str) +{ + String re = """"; + int l = str.length(); + int lim = l - 3; + int i = 0; + if (l > 2) + { + while (i <= l) + { + char o1 = str.charAt(i); + int i3 = i + 2; + char o3 = str.charAt(i3); + if (o1 == 'z' && o3 == 'p') + { + re = re + ""zp""; + i = i + 2; + } + else + { + String s1 = Character.toString(o1); + re = re + s1; + } + i = i + 1; + } + } + else + { + return str; + } + return re; +} +" +6bec2cf83e9ed67722c1ce4a9e167fd6de0c6fac,"public String zipZap(String str) +{ + String re = """"; + int l = str.length(); + int lim = l - 3; + int i = 0; + if (l > 2) + { + while (i <= lim) + { + char o1 = str.charAt(i); + int i3 = i + 2; + char o3 = str.charAt(i3); + if (o1 == 'z' && o3 == 'p') + { + re = re + ""zp""; + i = i + 2; + } + else + { + String s1 = Character.toString(o1); + re = re + s1; + } + i = i + 1; + } + } + else + { + return str; + } + return re; +} +" +1755fb305e23400555a1a06671e2ba62c2e47bd3,"public String zipZap(String str) +{ + StringBuilder newStr = new StringBuilder(str); + for (int i = 0; i< str.length()-3; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr.deleteCharAt(i+1); + } + } + return newStr.toString(); + + +}" +702a5861097b7cc0d78ea1af1f734e32bd87ff2e,"public String zipZap(String str) +{ + StringBuilder newStr = new StringBuilder(str); + for (int i = 0; i<= str.length()-3; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newStr.deleteCharAt(i+1); + } + } + return newStr.toString(); + + +}" +9eacc5b3faee51f3c343d8aa0dc2d1f5b6a5150f,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newString = newString + ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +87cf71d76252ccf6e6a03d2b147ecfd41c5beb85,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() = 2 && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newString = newString + ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +aafaee52d2723ff6a29da466b2e8c91adcf61234,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() == 2 && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newString = newString + ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +e89ba0e259e3e6f5bc14e2bf6cfa170778d724b7,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newString = newString + ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +bd38b5faeda61ceb660caa33b0b46b976d8e2ffa,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i+1) == 'z' && str.substring(i+2, i+3) == 'p') + { + newString = newString + ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +5105574ddddd637c33186e590aca97d1437486f2,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i+1) == ""z"" && str.substring(i+2, i+3) == ""p"") + { + newString = newString + ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +0ac7828750151e56211cb9e20c090fe2c1469705,"public String zipZap(String str) +{ + String newString = """"; + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && str.substring(i, i+1) == ""z"" && str.substring(i+2, i+3) == ""p"") + { + newString += ""zp""; + i += 2; + } + else + { + newString += newString.substring(i, i+1); + } + } + return newString; +} +" +8763b9c65bcd1c4e5df904545ac741f0fbd7c046,"public String zipZap(String str) +{ + String re = """"; + int l = str.length(); + int lim = l - 3; + int i = 0; + if (l > 2) + { + while (i <= lim) + { + char o1 = str.charAt(i); + int i3 = i + 2; + char o3 = str.charAt(i3); + if (o1 == 'z' && o3 == 'p') + { + re = re + ""zp""; + i = i + 2; + } + else + { + String s1 = Character.toString(o1); + re = re + s1; + } + i = i + 1; + } + } + else + { + return str; + } + // last three + int last1 = l - 2; + char o1 = str.charAt(last1); + char o3 = str.charAt(l); + if (o1 !== 'z' && o3 !== 'p') + { + int i1 = l - 1; + char e1 = str.charAt(i1); + char e2 = str.charAt(l); + String se1 = Character.toString(e1); + String se2 = Character.toString(e2); + re = re + se1 + se2; + } + return re; +} +" +eb302655c58e28ae745cc9443c0bfa2d1725cd8e,"public String zipZap(String str) +{ + String fin = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + += diff.charAt(i); + } + } + return fin; +} +" +f11de94de86dc6d1db15ff81aa6c7fe34994fa6d,"public String zipZap(String str) +{ + String fin = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + fin += diff.charAt(i); + } + } + return fin; +} +" +192758e1dba3ebab0da363fdcbb6cdbaf44bde18,"public String zipZap(String str) +{ + String re = """"; + int l = str.length(); + int lim = l - 3; + int i = 0; + if (l > 2) + { + while (i <= lim) + { + char o1 = str.charAt(i); + int i3 = i + 2; + char o3 = str.charAt(i3); + if (o1 == 'z' && o3 == 'p') + { + re = re + ""zp""; + i = i + 2; + } + else + { + String s1 = Character.toString(o1); + re = re + s1; + } + i = i + 1; + } + } + else + { + return str; + } + // last three + int last1 = l - 2; + char o1 = str.charAt(last1); + char o3 = str.charAt(l); + if (o1 != 'z' && o3 != 'p') + { + int i1 = l - 1; + char e1 = str.charAt(i1); + char e2 = str.charAt(l); + String se1 = Character.toString(e1); + String se2 = Character.toString(e2); + re = re + se1 + se2; + } + return re; +} +" +83607b37d600af0c2d2c01f6ef3dfa43fc9c152d,"public String zipZap(String str) +{ + String fin = """"; + String diff = "" "" + str + "" ""; + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) == 'z' && + diff.charAt(i+1) == 'p') { + fin += diff.charAt(i); + } + } + return fin; +} +" +d588149dd529ea18edba389cb26d09460a8972dd,"public String zipZap(String str) +{ + String re = """"; + int l = str.length(); + int lim = l - 3; + int i = 0; + if (l > 2) + { + while (i <= lim) + { + char o1 = str.charAt(i); + int i3 = i + 2; + char o3 = str.charAt(i3); + if (o1 == 'z' && o3 == 'p') + { + re = re + ""zp""; + i = i + 2; + } + else + { + String s1 = Character.toString(o1); + re = re + s1; + } + i = i + 1; + } + } + else + { + return str; + } + // last three + int last1 = l - 3; + int last2 = l - 1; + char o1 = str.charAt(last1); + char o2 = str.charAt(last2); + if (o1 != 'z' && o2 != 'p') + { + int i1 = l - 2; + int i2 = l - 1; + char e1 = str.charAt(i1); + char e2 = str.charAt(i2); + String se1 = Character.toString(e1); + String se2 = Character.toString(e2); + re = re + se1 + se2; + } + return re; +} +" +ac5618c56435a76d6c543a0515492ae5d2bdc64f,"public String zipZap(String str) { + int len = str.length(); + String end = """"; + + for (int i = 0; i < len; i++) { + end += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + end = end.substring(0,end.length()-1); + } + } + return end; +}" +de22793808cfde5097396a0897d1832b5fa1faa5,"public String zipZap(String str) +if (str.length() >= 3) + { + String lion = """"; + int zion = 2; + for (int i = 0; i < str.length() - zion; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + lion = lion + ""zp""; + zion = 2; + i += 2; + } + else + { + lion = lion+ str.charAt(i); + zion = 0; + } + } + return lion; + } + else + { + return str; + } +} +" +12669f3162990cd0986810b86fc65207c03fe40d,"public String zipZap(String str) +{ +if (str.length() >= 3) + { + String lion = """"; + int zion = 2; + for (int i = 0; i < str.length() - zion; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + lion = lion + ""zp""; + zion = 2; + i += 2; + } + else + { + lion = lion+ str.charAt(i); + zion = 0; + } + } + return lion; + } + else + { + return str; + } +} +" +8ff2bbf7b0b8b3388076f7accf0194eb817a8d98,"public String zipZap(String str) +{ + char strChar; + strChar = char.valueOf(str) +} +" +5933a3e53022e3f03735f2b9bce0b9597849d613,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +c4501f5fe3b2d7546bb0c4b4b53c191209ad0143,"public String zipZap(String str) +{ + char strChar; + strChar = char.valueOf(str); +} +" +a439219516fb7ef1fc416df9a685b1ec5c99fc6b,"public String zipZap(String str) +{ + String original = str; +boolean found = false; +if(str.length() == 3) { +if(Character.toString(str.charAt(0)).equals(""z"") && (Character.toString(str.charAt(2)).equals(""p""))) { +return ""zp""; +} +} else if(str.length() < 3) { +return str; +} + +for(int i = 0; i + 3 < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""z"") && Character.toString(str.charAt(i + 2)).equals(""p"")) { +str = str.substring(0, i) + Character.toString(str.charAt(i)) + Character.toString(str.charAt(i + 2)) + str.substring(i + 3, str.length()); +found = true; +} else { +} +} + +if(Character.toString(str.charAt(str.length() - 3)).equals(""z"") && Character.toString(str.charAt(str.length() - 1)).equals(""p"")) { +return str = str.substring(0, str.length() - 3) + Character.toString(str.charAt(str.length() - 3)) + Character.toString(str.charAt(str.length() - 1)); +} + +if(found) { +return str; +} else { +return original; +} +} +" +1957fb8ea8a38634c46a6be104491b7350717ec8,"public String zipZap(String str) +{ + public String zipZap(String str) +{ + String zpzp = """"; + for (int i=0; i< str.length(); i++) + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + zpzp += ""zp""; + i += 2; + } + else + { + zpzp += str.substring(i, i + 1); + } + return zpzp; + +} +} +" +2d80b81714be5808c7c235ffc46dd8cfbb720360,"public String zipZap(String str) +{ + String zpzp = """"; + for (int i=0; i< str.length(); i++) + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + zpzp += ""zp""; + i += 2; + } + else + { + zpzp += str.substring(i, i + 1); + } + return zpzp; + +} +} +" +2dd007fe0f59363f2dbe6f7b1df2b46aedf8b488,"public String zipZap(String str) +{ + String zpzp = """"; + for (int i=0; i< str.length(); i++) + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + zpzp += ""zp""; + i += 2; + } + else + { + zpzp += str.substring(i, i + 1); + } + return zpzp; + +} + +" +bb0185a342b4af09df58ad48dd39604febbf58fe,"public String zipZap(String str) +{ + String newStr = """"; + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + newStr = str.substring(0,i+1) + str.substring(i+2); + return newStr; +} +" +ca851ac793fc5a38f00e7e2446a710c3cd3f10f3,"public String zipZap(String str) +{ + for(int i = 0; i < str.length()-2; i++){ + if(str.charAt(i) == 'z' && str.charAt(i+2)=='p'){ + str = str.substring(0,i+1) + str.substring(i+2, str.length()); + } + } + return str; +} +" +bc2d304639c08ad247abc0a5d79243630cae9cf2,"public String zipZap(String str) +{ + for (int inte = 0; inte < str.length()-2; int++) + { + if (str.charAt(inte) == 'z' && str.charAt(inte+2) == 'p') + { + str = str.substring(0,inte+1) + str.substring(inte+2); + } + } + return str; +} +" +ce8257887e0d0bf782b291610d95ff716465dbb1,"public String zipZap(String str) +{ + for (int inte = 0; inte < str.length()-2; intnte++) + { + if (str.charAt(inte) == 'z' && str.charAt(inte+2) == 'p') + { + str = str.substring(0,inte+1) + str.substring(inte+2); + } + } + return str; +} +" +2d6430b4cc4ad6b7fda9b09405e21d51cba052f7,"public String zipZap(String str) +{ + for (int inte = 0; inte < str.length()-2; inte++) + { + if (str.charAt(inte) == 'z' && str.charAt(inte+2) == 'p') + { + str = str.substring(0,inte+1) + str.substring(inte+2); + } + } + return str; +} +" +ce163d1ca89816a88180a66398874eab811d1fa1,"public String zipZap(String str) +{ + String result = """"; + for (int x =0; x< str.length()-2;x++) + { + if(str.charAt(x)=='z'&&str.charAt(x+2)=='p') + { + result += ""zp""; + x+=2; + } + else + { + result += str.substring(x,x+1); + } + } + if (str.substring(-2).equals(""zp"")) + { + result += ""zp""; + } + return result; + +} +" +56ca585e347ce33fa316780b28d50467e925535a,"public String zipZap(String str) +{ + String string = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +string += ""zp""; +i += 2; +} +else +string += str.substring(i, i + 1); + +return string; +} +" +0f16968aee44a5747791e5d21de78166c65259fe,"public String zipZap(String str) +{ + int length = str.length(); + int limit = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(length); + while(i < length) + { + ch = str.charAt(i); + if(ch == 'z' && i < limit && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +27e000d2a8a984cdadc313292176406d22af961f,"public String zipZap(String str) +{ + int i = 0; + String finalS = ""a""; + char[] CharArray = str.toCharArray(); + for(char cha : CharArray){ + if (cha == 'z'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'p'){ + i++; + } + } + } + } + return finalS; +} +" +9d5828d1678b56193cc7c34be6c7b6010566a7fb,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(length); + while(i < length) + { + ch = str.charAt(i); + if(ch == 'z' && i < limit && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +b2efca87838f9f340a2a2c4bf272330a9795aa5d,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +65d90e0388c71129ac3556346dddd716004e95bf,"public String zipZap(String str) +{ + int i = 0; + String finalS = ""a""; + char[] CharArray = str.toCharArray(); + char[] finalArray; + for(char cha : CharArray){ + if (cha == 'z'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'p'){ + + } else { + finalArray.add(cha); + } + } else { + finalArray.add(cha); + } + } else { + finalArray.add(cha); + } + } + return finalS; +} +" +27049e177370672f45ae0696354c7a35440e2743,"public String zipZap(String str) +{ + int i = 0; + String finalS = ""a""; + char[] CharArray = str.toCharArray(); + char[] finalArray; + for(char cha : CharArray){ + if (cha == 'z'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'p'){ + //skip next letter + } else { + //add character + } + } else { + //add character + } + } else { + //add character + } + } + return finalS; +} +" +da4132f202906ec54ceae7a2355bd0e82c7f88d0,"public String zipZap(String str) +{ + int i = 0; + String finalS = """"; + char[] CharArray = str.toCharArray(); + char[] finalArray; + for(char cha : CharArray){ + if (cha == 'z'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'p'){ + //skip next letter + } else { + //add character + } + } else { + //add character + } + } else { + //add character + } + } + return finalS; +} +" +9ecfc8e3a8c8b109f25937d1f69c819d0b783b7a,"public String zipZap(String str) +{ + StringBuilder newString = new StringBuilder(str); + int len = newString.length(); + for (int i = 0; i < len - 2; i++) + { + if (newString.charAt(i) == 'z' && newString.charAt(i+2) == 'p') + { + newString.deleteCharAt(i+1);l + } + } + String retString = newString.toString(); + return retString; +} +" +867b8c52bd8069f408efc09a1bbfcf6296cd0a6c,"public String zipZap(String str) +{ + StringBuilder newString = new StringBuilder(str); + int len = newString.length(); + for (int i = 0; i < len - 2; i++) + { + if (newString.charAt(i) == 'z' && newString.charAt(i+2) == 'p') + { + newString.deleteCharAt(i+1); + } + } + String retString = newString.toString(); + return retString; +} +" +72dbf10aa877a8d03af7bdfe639561be3107fd46,"public String zipZap(String str) +{ + StringBuilder newString = new StringBuilder(str); + int len = newString.length(); + for (int i = 0; i < len - 2; i++) + { + if (newString.charAt(i) == 'z' && newString.charAt(i+2) == 'p') + { + newString.deleteCharAt(i+1); + } + } + String retString = newString.toString(); + return retString; +} +" +e3d063309231bd0f127edf93f5805b043b9e830a,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z') + { + if (str.charAt(i + 2) == 'p') + { + str2 += zp; + } + } + else + { + str2 += str.charAt(i); + } + } + return str2; + +} +" +517e5d2bbaa38c3be0639afc57d46942a1482e00,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z') + { + if (str.charAt(i + 2) == 'p') + { + str2 += ""zp""; + } + } + else + { + str2 += str.charAt(i); + } + } + return str2; + +} +" +6baf9782f45fcd1efe76f485c26f494990124eb9,"public String zipZap(String str) +{ + String str2 = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z') + { + if (str.charAt(i + 2) == 'p') + { + str2 += ""zp""; + } + else + { + str2 += str.charAt(i); + } + } + + } + return str2; + +} +" +df09bbe479db9acea11205d281a0fdf79767dd39,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +c3effe92e2679bae1b25bf102c529b80bc934d55,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +bd820584d31ff69051690dbadd3a965658330e41,"public String zipZap(String str) +{ + + String newString; + int i = 0; + while(i < str.length()-1) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i + 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + + + +} +" +8cfcceaa39898af5910a9e9e03de8016b573ab8d,"public String zipZap(String str) +{ + + String newString; + int i = 0; + while(i < str.length()-1) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i += 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + + + +} +" +8b92c4f304b43b77723044397628b6311ff3a722,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord; + +} +" +63bb49b616484a769278ab08d1e720ff8fc5036d,"public String zipZap(String str) +{ + + String newString; + int i = 0; + while(i < str.length()-1) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i += 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + +" +26731d146eb2985ed7b28aaf727d7a7dac6a02ff,"public String zipZap(String str) +{ + + String newString = """"; + int i = 0; + while(i < str.length()-1) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i += 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + +" +6528ddd2c4904ffa90e6053e5d3cd5bc6cefd98d,"public String zipZap(String str) +{ + + String newString = """"; + int i = 0; + + if (str.length() < = 2) + return str; + + while(i < str.length()-1) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i += 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + +" +98e9430881f61e09f04587ec0faeddd715875441,"public String zipZap(String str) +{ + + String newString = """"; + int i = 0; + + if (str.length() <= 2) + return str; + + while(i < str.length()-1) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i += 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + +" +9a833f71eb614739ae545f12f44829acba7129f6,"public String zipZap(String str) +{ + + String newString = """"; + int i = 0; + + if (str.length() <= 2) + return str; + + while(i < str.length()) + { + + + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + + newString = newString + ""z"" + ""p""; + i += 3; + + + } + else + { + + newString = newString + str.charAt(i); + i++; + + } + + + } + + + return newString; + + + + + + } + + + + + + + +" +664a752b71ee4e41bca923063d118dec77f86398,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +b548738b5bfb75d35c000b3dd8701cbe2937ee99,"public String zipZap(String str) +{ + char[] CharArray = str.toCharArray(); + char[] finalArray; + for(char cha : CharArray){ + if (cha == 'z'){ + if (CharArray.length > i + 2){ + if (CharArray[i + 2] == 'p'){ + + } + } + } + ; + } + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length; i++){ + notFinal += str.charAt(i); + if (str.charAt(i) == ""z""){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == ""p""){ + i++; + } + } + } + } + + return notFinal; +} +" +1e63a9b9ad6500e25417773144087a860fe9aed7,"public String zipZap(String str) +{ + //left end of three char string + for (int left = 0; left < str.length() - 2; left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + return (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + return str.substring(left, right); + } + }//end right for loop + }//end left for loop + return str; +} +" +2c9051b750f8e883c224621aa8549d25335833ed,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length; i++){ + notFinal += str.charAt(i); + if (str.charAt(i) == ""z""){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == ""p""){ + i++; + } + } + } + } + + return notFinal; +} +" +c36d51c36beb2d6476a58bdfb0e38c3f172dffb1,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + notFinal += str.charAt(i); + if (str.charAt(i) == ""z""){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == ""p""){ + i++; + } + } + } + } + + return notFinal; +} +" +af9116744e423f20097d877f6d284b329fd29ea0,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + +} +" +701936b171af474f7193521ce3bac8944955fa21,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + notFinal += str.charAt(i).toString(); + if (str.charAt(i) == ""z""){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == ""p""){ + i++; + } + } + } + } + + return notFinal; +} +" +3fa6568e6c4ac586c2a68688fd5234f73bf43f94,"public String zipZap(String str) +{ + String trivialEnd = """"+ + //left end of three char string + for (int left = 0; left < str.length() - 2; left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + trivalEnd += (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + trivialEnd += str.substring(left, right); + } + }//end right for loop + }//end left for loop + return trivialEnd; +} +" +a33d88aed83b5589e5b43fbdf9ed022edf66d751,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + notFinal += str.charAt(i).toString(); + if (str.charAt(i) == 'z'){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == 'p'){ + i++; + } + } + } + } + + return notFinal; +} +" +ca1a02b46e70b03dd4d358e8ecd9a2175d24bb35,"public String zipZap(String str) +{ + String trivialEnd = """"+ + //left end of three char string + for (int left = 0; left < (str.length() - 2); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + trivalEnd += (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + trivialEnd += str.substring(left, right); + } + }//end right for loop + }//end left for loop + return trivialEnd; +} +" +e48a943fb99658a17c9982ab0ec11dc1e39c1b12,"public String zipZap(String str) +{ + String trivialEnd = """"; + //left end of three char string + for (int left = 0; left < (str.length() - 2); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + trivalEnd += (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + trivialEnd += str.substring(left, right); + } + }//end right for loop + }//end left for loop + return trivialEnd; +} +" +bb3623f6042ea4aa03ecac6e4d9ab8beaa2320f4,"public String zipZap(String str) +{ + String trivialEnd = """"; + //left end of three char string + for (int left = 0; left < (str.length() - 2); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + trivialEnd += (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + trivialEnd += str.substring(left, right); + } + }//end right for loop + }//end left for loop + return trivialEnd; +} +" +28d303e4a2850fd5b3db4a3548fa8a0aa6649243,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + notFinal += (string) str.charAt(i); + if (str.charAt(i) == 'z'){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == 'p'){ + i++; + } + } + } + } + + return notFinal; +} +" +85dd36e0101db32d5e3da03bdb2527ec679554d7,"public String zipZap(String str) +{ +String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + newWord += ""zp""; + i += 2; + } +else +{ + newWord += str.substring(i, i + 1); +} + +return newWord; +} +} +" +1c911954a58eb99f9bb0f7282f78dd3e83a233b3,"public String zipZap(String str) +{ + String trivialEnd = """"; + //left end of three char string + for (int left = 0; left < (str.length() - 2); left++) + { + //right end of three char string + for (int right = left + 2; right < str.length(); right++) + { + if (str.charAt(left) == 'z' && str.charAt(right) == 'p') + { + trivialEnd += (str.substring(left, left + 1) + str.substring(right, right + 1)); + } + else + { + trivialEnd += str.substring(left, right); + } + }//end right for loop + }//end left for loop + return trivialEnd; +} +" +70552b0b9517375137e53a771da40496f5d716e7,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + notFinal += (String) str.charAt(i); + if (str.charAt(i) == 'z'){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == 'p'){ + i++; + } + } + } + } + + return notFinal; +} +" +c8a21a37a87977a900f63c1c2912f8ee3cf9d5bc,"public String zipZap(String str) +{ +String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + newWord += ""zp""; + i += 2; + } +else +{ + newWord += str.substring(i, i + 1); +} + +return newWord; + +} +" +65f98aeac81012abc657a601edb700ac8e2f57d5,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + char charI = str.charAt(i); + notFinal += charI.toString(); + if (str.charAt(i) == 'z'){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == 'p'){ + i++; + } + } + } + } + + return notFinal; +} +" +bb6982189cdd6183b29ef5f4398b3dff0ab8e9fa,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + char charI = str.charAt(i); + notFinal += (String) charI; + if (str.charAt(i) == 'z'){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == 'p'){ + i++; + } + } + } + } + + return notFinal; +} +" +c45702cced10c46eedfd0f46cd344b8d0093e4fb,"public String zipZap(String str) +{ + int z = 0; + int p = 0; + String notFinal = """"; + String finalS = str; + int lastFound = 0; + for (int i = 0; i < str.length(); i++){ + char charI = str.charAt(i); + notFinal += Character.toString(charI); + if (str.charAt(i) == 'z'){ + if (str.length() > i + 2){ + if (str.charAt(i + 2) == 'p'){ + i++; + } + } + } + } + + return notFinal; +} +" +79e39622e0916d156058dba7d04a45aae96d6505,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i , i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i += 2; + } + else + { + nStr += str.substring(i, i+1); + } + } + return nStr; +} +" +8d5eb8a7d187ad6a9c94860bd997a6a55e75a18c,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len -2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while (i < len) { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') { + stbuild.append(""zp""); + i += 3; + } + else { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +eb77858fb7ebfde5c5c86dd5719f21b10a062fc2,"public String zipZap(String str) +{ + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + str = str + ""zp""; + } + else + { + string = string + charAt(i); + } + } + return string; +} +" +6a83e3d572afcca625155130ef57483cb0264087,"public String zipZap(String str) +{ + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + str = str + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +} +" +bc4aaccc5c6ed77400bcc71f0336d6e404f4dcdd,"public String zipZap(String str) +{ + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +} +" +052518f0c0a767b7ef68aad287ec45804cf15543,"public String zipZap(String str) +{ + String string = """"; + for (int i = 0; i <= str.length() - 2; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +} +" +15e68a7cacd7704b77c319464dfa5ffffdcbda59,"public String zipZap(String str) +{ + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +} +" +b0007baf64a99925106639f5a27624c6e4f410c0,"public String zipZap(String str) +{ + length = str.lenth(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + if ((str.charAt(length - 2) !== 'z') && (str.charAt(length) !== 'p')) + } + return string; +} +" +98992798e279ccd1a0b18e9c61ecfe90eff80994,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +254ddc07129d76472eff3cb98f00868e14c57d5b,"public String zipZap(String str) +{ + length = str.lenth(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if ((str.charAt(length - 2) !== 'z') && (str.charAt(length) !== 'p')) + { + string = string + str.charAt(length - 1) + str.charAt(length); + return string; +} +" +62be16b72a15b2c7815d1dd6019e0e327063ae21,"public String zipZap(String str) +{ + length = str.lenth(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if ((str.charAt(length - 2) !== 'z') && (str.charAt(length) !== 'p')) + { + string = string + str.charAt(length - 1) + str.charAt(length); + } + return string; +} +" +4d167b4d0657c0e740327c4fcfa74d54bdd48eb9,"public String zipZap(String str) +{ + length = str.lenth(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 2) == 'z')) && !((str.charAt(length) == 'p'))) + { + string = string + str.charAt(length - 1) + str.charAt(length); + } + return string; +}" +fa4089e152fc2d9cab6e1c82f8523b5fa815bfec,"public String zipZap(String str) +{ + int length = str.lenth(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 2) == 'z')) && !((str.charAt(length) == 'p'))) + { + string = string + str.charAt(length - 1) + str.charAt(length); + } + return string; +}" +351b2b54e5d637032e18dc041ec223798a7b48d0,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 2) == 'z')) && !((str.charAt(length) == 'p'))) + { + string = string + str.charAt(length - 1) + str.charAt(length); + } + return string; +}" +c317c3eb29309f5ba729688a46f4c1c5cbf2342d,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 3) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + str.charAt(length - 1) + str.charAt(length); + } + return string; +}" +0e110ddf37e878de31ff8e787a295870cce44340,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 3) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + str.charAt(length - 2) + str.charAt(length - 1); + } + return string; +}" +553bdde53d21d9ecefcdd0846276cfdc9fa23c48,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 3) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + str.charAt(length - 2) + str.charAt(length - 1); + } + return string; +}" +3b4118194e95896337d9e62e8932db7e8280e2ec,"ublic String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +e31722c444e04af7c413a585a0fa47761b2b8756,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 3) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + str.charAt(length - 3) + str.charAt(length - 2) + str.charAt(length - 1); + } + return string; +}" +1d35043c81bcdc4d5e907da258a56a3d782671d2,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +4c376b35853348bcfa6df457ed06047abdf843b9,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 3) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + ""p"" + ""p""; + } + return string; +}" +ca0503613b7ddb33cb59348c9a278b39abab3f9a,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 2) == 'z')) && !((str.charAt(length) == 'p'))) + { + string = string + ""p"" + ""p""; + } + return string; +}" +2995a9b6e6789036baab51ba7b5af991e1667d6d,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 4) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + ""p"" + ""p""; + } + return string; +}" +c2c498c259f832992199e05bd1a90e3d1100b9ce,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + if (!((str.charAt(length - 3) == 'z')) && !((str.charAt(length - 1) == 'p'))) + { + string = string + ""p"" + ""p""; + } + return string; +}" +d0d29a58d2ab46687c65c14195aae1e4e643d579,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + } + else + { + newWord = newWord + str.charAt(i); + } + } +} +" +544884a3e70b59aa037d3e72f7061020e439f5c3,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + } + else + { + newWord = newWord + str.charAt(i); + } + } + return newWord; +} +" +22d1fe38e2efdc8a5d5b14391bda3d28eae390dd,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + } + else + { + newWord = newWord + str.charAt(i); + } + + i = i + 2; + } + return newWord; +} +" +b45f911e4a22af87cb3e7c968d87839eaf58bf61,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + if str = + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +}" +5b937ac9a4b3d03d0060b63990ba863314fb005f,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +}" +9b048ca6303d7987c7a20a590da91f9f72f65bfc,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + } + else + { + newWord = newWord + str.charAt(i); + } + + } + return newWord; +} +" +edaa7ee0c44d63f7c465850f5ab755d428c6eae3,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + i = i + 2; + } + else + { + newWord = newWord + str.charAt(i); + } + + } + return newWord; +} +" +3403ce77f0e643ced8e7a0d5d60137101ba18028,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + if (str = ""abcppp"") + return ""abcppp""; + if (str = ""azbcppp) + return ""azbcppp""; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +}" +438c520f37d74b1ae5b0fcd657b09921bf47bd58,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + if (str = ""abcppp"") + return ""abcppp""; + if (str = ""azbcppp"") + return ""azbcppp""; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +}" +2e9b2829f1c04e0f1fd2a10fadce326cce984bcc,"public String zipZap(String str) +{ + int length = str.length(); + String string = """"; + if (length < 3) + return str; + if (str == ""abcppp"") + return ""abcppp""; + if (str == ""azbcppp"") + return ""azbcppp""; + for (int i = 0; i <= str.length() - 3; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i + 2) == 'p')) + { + i = i + 2; + string = string + ""zp""; + } + else + { + string = string + str.charAt(i); + } + } + return string; +}" +b4393d83ffb3a1570bf3002189732fb2fcf743ad,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2) + { + + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + i = i + 2; + } + else + { + newWord = newWord + str.charAt(i); + } + + } + + } + return newWord; +} +" +fc4117a8ca90dd94ec50c4a3ca29d7f6b9099dfd,"String newWord = """"; +public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 && + str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newWord = newWord + ""zp""; + i = i + 2; + } + else + { + newWord = newWord + str.charAt(i); + } + + } + return newWord; +} +" +11166e67b6958c390227dbd493e46294435519d6,"public String zipZap(String str) +{ + String c = """"; + for (int i = 0; i < str.length(); i++) + { + String a = str.substring(i, i+1); + String b = str.substring(i+2, I+3) + if (i < str.length()-2 && a.equals(""z"") && b.equals(""p"")) + { + c = c + ""zp""; + i = i + 2; + } + else + { + c = c + substring(i, i+1); + } + } + + return c; + +} +" +8be5cd0dac7e2eb63f2c8900e7bc2a01ad63ca14,"public String zipZap(String str) +{ + String c = """"; + for (int i = 0; i < str.length(); i++) + { + String a = str.substring(i, i+1); + String b = str.substring(i+2, i+3); + if (i < str.length()-2 && a.equals(""z"") && b.equals(""p"")) + { + c = c + ""zp""; + i = i + 2; + } + else + { + c = c + substring(i, i+1); + } + } + + return c; + +} +" +bbb65fa9ea8443caab7e30b7a7bcb8062d06215e,"public String zipZap(String str) +{ + String c = """"; + for (int i = 0; i < str.length(); i++) + { + String a = str.substring(i, i+1); + String b = str.substring(i+2, i+3); + if (i < str.length()-2 && a.equals(""z"") && b.equals(""p"")) + { + c = c + ""zp""; + i = i + 2; + } + else + { + c = c + str.substring(i, i+1); + } + } + + return c; + +} +" +ca5969be9bb5db1131675235893e56ede36879cf,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +a8eca3d6b15cff20edc8b1f14a21cb8d2a448f45,"public String zipZap(String str) +{ + String a = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +a += ""zp""; +i += 2; +} +else +a += str.substring(i, i + 1); + +return a; + +} +" +35c0f1e89a3ca41ced29b87b6309f42584808a08,"public String zipZap(String str) +{ + String a = """"; + +for (int i=0; i< str.length(); i++) +{ +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +a += ""zp""; +i += 2; +} +else +{ +a += str.substring(i, i + 1); +} +} +return a; + +} +" +d5ae54956a9b81e4c72e054ae024c7070c45d08f,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + } + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +e39ee73f4ca1e6818c27b39ed2be8cca5fa41d21,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + } + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +f94bcfd97950050617ff8c2637e1b0231d2ded6e,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + } + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +77ca34697b1e1002807b63c6ee93c3b8bb63e73d,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +b9c7a1f68b2435fdc2ea10c5a5ea18141708038d,"public String zipZap(String str) +{ +String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord;// and return the new word +}" +730e75b2e7194b869d79bb5e1c9433a2122e54b2,"public String zipZap(String str) +{ + String output = """"; +for (int i = 0; i < str.length(); i++) { +if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { +output += str.charAt(i) + """" + str.charAt(i + 2); +i = i + 2; +} else { +output += str.charAt(i); +} +} +return output; +} +" +c26c17bd63bcd3fcce6607b3ee894a5f7270d7ad,"public String zipZap(String str) +{ + + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +791ce8c4cc914821f12742e5270076c42412b6e9,"public String zipZap(String str) +{ + String mixer = """"; + for (int i = 0; i < str.length();i++) + { + if ((i < str.length()-2) && (str.substring(i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + mixer += ""zp""; + i += 2; + } + else + { + mixer += str.substring(i, i + 1); + } + } + return mixer; +} +" +57b29de8796211e1ff84aff03f21a6783635db9e,"public String zipZap(String str) +{ + +} +" +ee7e6afe0788fbfc67d7a92aea7d7a27b5afe6c1,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1), ''); + } + return str; +} +" +4bee1f3d92d2a268e62542862681151574deb4ee,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1), ''); + } + return str; +} +" +c7acd524c8fd77672ae8b89155049ca1b3b63791,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1), ' '); + } + return str; +} +" +e76a8662d1ebf77ce5ba65b721f57b32db6f4a4b,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1), ' '); + } + str = str.trim(); + return str; +} +" +f94dc6be45be81f8180070e6026b2bb991cf8049,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1), null); + } + return str; +} +" +7f7ee00c583681671d4be3216f4eca251c4afe95,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1), """"); + } + return str; +} +" +a711ad544c7520ae93ce432cafb0b4406961be7f,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.replace(str.charAt(i + 1).toString() , """"); + } + return str; +} +" +c128f9e70121694abeb7f2b26768afd6134e03b1,"public String zipZap(String str) +{ + int i =0; + StringBuilder nst = new StringBuilder(str.length()); + while (i 0 && i < str.length()-1) { + String minusone = String.valueOf(str.charAt(i-1)); + String plusone = String.valueOf(str.charAt(i+1)); + if (minusone.equals(""z"") && plusone.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + if (i > 1) { + String minustwo = String.valueOf(str.charAt(i-2)); + if (minustwo.equals(""z"") && current.equals(""p"")) { + a = a.substring(0, a.length()-1); + } + } + } + return a; +} +" +00995555cdff1b359d6cf99ddd1338d8578e8369,"public String zipZap(String str) +{ + char temp; + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i)); + str = str.replace(Character.toString(temp) , """"); + } + return str; +} +" +a6ef7d285d6c1af6df2791577487e1d74efe445b,"public String zipZap(String str) +{ + char temp = ' '; + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i)); + str = str.replace(Character.toString(temp), """"); + } + return str; +} +" +bca9fa09107d5c6710009b3afd1cfc6256db967d,"public String zipZap(String str) +{ + char temp = ' '; + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i - 1)); + str = str.replace(Character.toString(temp), """"); + } + return str; +} +" +662cc5fea9a1ff7a4cbf3d3d9e5cba2726cdd469,"public String zipZap(String str) +{ + char temp = ' '; + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i)); + str = str.replace(Character.toString(temp), """"); + } + return str; +} +" +82174e8d28b813c2fb25f6581fc4e1b716e6f09b,"public String zipZap(String str) +{ + char temp = ' '; + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i + 1)); + str = str.replace(Character.toString(temp), """"); + } + return str; +} +" +6cfc23b6321269ea04983cf1b740442925283e71,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) + { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) + { + if (str.charAt(i-1) == 'z' ** + str.charAt(i+1) == 'p') + finalSting = finalString.substring(0, finalString.length()-1); + } + } + return finalString; + +} +" +842bef73c6c54e19aa8bcc49d241e4fb927d1e47,"public String zipZap(String str) +{ + char temp = ' '; + for (int i = 0; i < str.length()-2; i++) + { + if (str == ""zzp"") + return ""zp""; + + if (str == ""azbcpzpp"") + return ""azbcpzp"" + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i + 1)); + str = str.replace(Character.toString(temp), """"); + } + return str; +} +" +6b8106d353823c6cce2fc392729f25d2b8262963,"public String zipZap(String str) +{ + char temp = ' '; + for (int i = 0; i < str.length()-2; i++) + { + if (str == ""zzp"") + return ""zp""; + + if (str == ""azbcpzpp"") + return ""azbcpzp""; + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + temp = (str.charAt(i + 1)); + str = str.replace(Character.toString(temp), """"); + } + return str; +} +" +8d0978c58770b52546808c520bd9359394bc3805,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) + { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' ** + str.charAt(i+1) == 'p') + finalSting = finalString.substring(0, finalString.length()-1); + } + } + return finalString; + +} +" +7e3d212017452479907b99676bba907962fecf01,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +}" +9eb4acbd1002b28cb9327a32328462225c50a790,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) + { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) + + if (str.charAt(i-1) == 'z' ** + str.charAt(i+1) == 'p') + finalSting = finalString.substring(0, finalString.length()-1); + } + } + return finalString; + +} +" +9cc9b09e2dd966adefc858a011d419c0d6b24b54,"public String getSandwich(String str) { + + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + if (len <= 10) + + return """"; + + for (int i = 0; i < len - 4; i++) { + + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + + } + + finalString = str.substring(start,finish); + + return finalString; + +} +" +d3cdea40dcdcf76bc11fa38aef6c193f1b26a692,"public String getSandwich(String str) { + + int len = str.length(); + + String tmpString = """"; + + String finalString = """"; + + int start = 0; + + int finish = 0; + + boolean found = false; + + if (len <= 10) + + return """"; + + for (int i = 0; i < len - 4; i++) { + tmpString = str.substring(i, i+5); + + if (tmpString.equals(""bread"") && found == true) + + finish = i; + + if (tmpString.equals(""bread"") && found == false) { + + start = i+5; + + found = true; + + } + + } + + finalString = str.substring(start,finish); + + return finalString; + +} +" +35fd512f16caf794149bc5a3e7f3e57068a1dee8,"public String zipZap(String str) +{ + int len = str.length(); + + String finalString = """"; + + for (int i = 0; i < len; i++) { + + finalString += str.substring(i,i+1); + + if (i > 0 && i < len-1) { + + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + + finalString = finalString.substring(0,finalString.length()-1); + + } + + } + + return finalString; + +} + +} +" +e1d4e77c670c3c584bb1246b4fe42abbdc939da9,"public String zipZap(String str) +{ + int len = str.length(); + + String finalString = """"; + + for (int i = 0; i < len; i++) { + + finalString += str.substring(i,i+1); + + if (i > 0 && i < len-1) { + + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + + finalString = finalString.substring(0,finalString.length()-1); + + } + + } + + return finalString; + +} + + +" +ea2386ec1f873b8177a61dcb0c5d5ca82c25de16,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord;// and return the new word + +} +" +084298eed5f35b32cd523d85352d544c309fbf4f,"public String zipZap(String str) +{ + String new = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +new += ""zp""; +i += 2; +} +else +new += str.substring(i, i + 1); + +return new; + +} +" +f3f814fcc5dd2203b4dfb207569af0a14a8dd46c,"public String zipZap(String str) +{ + String new = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +new += ""zp""; +i += 2; +} +else +new += str.substring(i, i + 1); + +return new;//return the new word + +} +" +725cd9acf6677c65af573baf2cd86d8300872edb,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord;// and return the new word + +} +" +73100591ffb0118511de90287493efe710831aa3,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord; + +} +" +1f0279f71a4359fd7f728d48f62ef8c034982133,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +2a399757e7c18bc79935ed84e47c26fa87d22dc1,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +92af9a25dcaf49bafb21c8c883eca4d0d6730d03,"public String zipZap(String str) +{ + String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord; +} +" +36b2825135c1f8975aaba57e59a0684239a84523,"public String zipZap(String str) +{ + String trivialEnd = """"; + + int n = 0; + while (n < (str.length() - 2)) + { + if (str.charAt(n) == 'z' && str.charAt(n + 2) == 'p') + { + trivialEnd += 'zp'; + } + else + { + trivialEnd += str.substring(n, n + 2); + } + n++; + } + return trivialEnd; +} +" +a99f8f9bbcc7b01cb7e4d3142fbe7894bcaebfa3,"public String zipZap(String str) +{ + String trivialEnd = """"; + + int n = 0; + while (n < (str.length() - 2)) + { + if (str.charAt(n) == 'z' && str.charAt(n + 2) == 'p') + { + trivialEnd = trivialEnd + ""zp""; + } + else + { + trivialEnd += str.substring(n, n + 2); + } + n++; + } + return trivialEnd; +} +" +7b558ae8a14be315b17245bbad1dd79590b6aa21,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + +} +" +bb20ab062cdcb775e75ef760f612867e0c4a9f34,"public String zipZap(String str) +{ + String output = """"; + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') { + output += str.charAt(i) + """" + str.charAt(i + 2); + i = i + 2; + } + else { + output += str.charAt(i); + } + } + return output; +} +" +eadedef841581ea969bbbbb06ac297eeffc1fb6b,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()) + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +abf3daece6fac375a342495e0bdfeed9ba982058,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +1ac83aac20e81e3a90383a6b2fc0fe4f80db4fbf,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +194dc72513aa7bb312f6d63307ee5b14f48cf4e8,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +e334008a7d40270fb3fc7455c6d00ea304818268,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +a1272680dd5138a1331e1ebda2feab111f8e616e,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +a39612ba5f14523fb0f204ffdcc910b80ade8bf7,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +8d415cdb14b61ea5b71ded97c0881b739257337d,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +847d3438ceac9530b5e03d057cba3d162b3be4e4,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +d1fd814ee046a50a856561ba22ce47dbe0dd0b2b,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder build(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +b7594cb8e725ff21326352e942df88a741a5f878,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +5dc7d64b1018c55463d6d2d1adcf7517667e0353,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder(str.length()); + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +b41ee9cc7d84dca27bb7e7f60cf2d1c586daf409,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder(str.length()); + i = 0; + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +e840c8b1e924a2ab7dbf86d69cc1148a34e57657,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder(str.length()); + int i = 0; + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < length - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +32b197494c46a1c0cfd911a4056ee0707303b97c,"public String zipZap(String str) +{ + tring newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord;// and return the new word +} +" +b33f3e2fafa895fc4c26933c021b2ffe65e233a4,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder(str.length()); + int i = 0; + while (i < str.length()) + { + c = str.charAt(i); + if(c == 'z' && i < str.length() - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); +} +" +a6c38f907bc8003515d613a4c7c46680dc4fd793,"public String zipZap(String str) +{ + String s = """"; //Initialising return string + String diff = "" "" + str + "" ""; //Ensuring no out of bounds exceptions occur + + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + s += diff.charAt(i); + } + } + return s; +} +" +e005b4fb160f5e817514b701c29173b88d910fed,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str; +} +" +e46a25f47a5d2338330cac32b0500ba0efd12c07,"public String zipZap(String str) +{ + char c; + StringBuilder build = new StringBuilder(str.length()); + int i = 0; + while (i < str.length()) //so it does not go out of bounds + { + c = str.charAt(i); + if(c == 'z' && i < str.length() - 2 && str.charAt(i + 2) == 'p') + { + build.append(""zp""); + i += 3; + } + else + { + build.append(c); + i++; + } + } + return build.toString(); //creating the string name +} +" +6423df2e42d78cc8377a8fea1dcf12d4c6b7c7e1,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str; +} +" +7d145b76ceb65a8c9e7060147045076323c05d8c,"public String zipZap(String str) +{ + String output = """"; +for (int i = 0; i < s.length(); i++) { +if (s.charAt(i) == 'z' && s.charAt(i + 2) == 'p') { +output += s.charAt(i) + """" + s.charAt(i + 2); +i = i + 2; +} else { +output += s.charAt(i); +} +} +return output; +} +" +ade40a44da649b4c7f18acd80ad8925c72dc0c39,"public String zipZap(String str) +{ + return str.replaceAll(""z[a-zA-Z]p"", ""zp""); +} " +b09d0ff53796ed661f3f97773f71847179aaddbf,"public String zipZap(String str) +{ + int firststring = str + int secondstring = + + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == 'Z' && str.charAt(x+2) == 'p') + re; + } + + { + return numberofcode++; + } +} +" +8102c95746d11a8888c3a6065605f2d5efaea538,"public String zipZap(String str) +{ + i = str.indexOf(""z"", i); + while (i != -1) + { + if (str.charAt(i + 2) == ""p"") + { + return str.substring(i) + str.substring(i + 2); + } + else + { + return str; + } + } +} +" +6a35e2fdf83d80e76eef54528629bc12c44d5139,"public String zipZap(String str) +{ + int i = str.indexOf(""z"", i); + while (i != -1) + { + if (str.charAt(i + 2) == ""p"") + { + return str.substring(i) + str.substring(i + 2); + } + else + { + return str; + } + } +} +" +514daaf041ba58e40ef1a1526582f72389fdfa38,"public String zipZap(String str) +{ + int i = str.indexOf(""z"", i); + while (i != -1) + { + if (str.charAt(i + 2) == 'p') + { + return str.substring(i) + str.substring(i + 2); + } + else + { + return str; + } + } +} +" +a613019a966d637aa0fd71ff6bd37d61dcfb5660,"public String zipZap(String str) +{ + int i = 0; + while (i != -1) + { + i = str.indexOf(""z"", i); + if (str.charAt(i + 2) == 'p') + { + return str.substring(i) + str.substring(i + 2); + } + else + { + return str; + } + } +} +" +034eec5678f4ecf2f0899f0ea72f12f63b14ec82,"public String zipZap(String str) +{ + int i = 0; + while (i != -1) + { + i = str.indexOf(""z"", i); + if (str.charAt(i + 2) == 'p') + { + return str.substring(i) + str.substring(i + 2); + } + else + { + return str; + } + } + return str; +} +" +bd1ac45d1e4f67c891be0429ce20274e262400b2,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +7944c58d948e56e21b773541bbf791d867e4d4d2,"public String zipZap(String str) +{ + int len = str.length(); + StringBuilder zipZap = new StringBuilder; + for (int i = 0; i < len; i++) + { + + } +} +" +7da00959a173ab265db2ba139b4574f5bf65ea93,"public String zipZap(String str) +{ + int len = str.length(); + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + + } +} +" +eaa58f7d2f4d811caf84719bf5a2ee4795b04dea,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + StringBuilder newString = new StringBuilder(length); + + while (i < length) + { + ch = str.charAt(i); + if(str.charAt(i) == 'z' && i < limit && str.charAt(i+2) == 'p') + { + newString.append(""zp""); + i = i + 3; + } + else + { + newSrtring.append(str.charAt(i)); + i++; + } + } + return newString.toString(); +} +" +084381bfc3fc005da44278bbc4012e91cd529c92,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + StringBuilder newString = new StringBuilder(length); + + while (i < length) + { + if(str.charAt(i) == 'z' && i < limit && str.charAt(i + 2) == 'p') + { + newString.append(""zp""); + i = i + 3; + } + else + { + newSrtring.append(str.charAt(i)); + i++; + } + } + return newString.toString(); +} +" +964bf34553a188cd006f3902ba7c8e3ad6a69c8d,"public String zipZap(String str) +{ + int firststring = str.substring(x, x+1); + int secondstring = str.substring(x+2); + + for (int x = 0; x < str.length() -2; x++) + { + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +dc3c6da0eeebbf6fffc664542296ce86af87ebe0,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + StringBuilder newString = new StringBuilder(length); + + while (i < length) + { + if(str.charAt(i) == 'z' && i < limit && str.charAt(i + 2) == 'p') + { + newString.append(""zp""); + i = i + 3; + } + else + { + newString.append(str.charAt(i)); + i++; + } + } + return newString.toString(); +} +" +89dda25f6603d7ba12a6599657178a758b4c2772,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + + int firststring = str.substring(x, x+1); + int secondstring = str.substring(x+2); + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +75f63b6326d108a2af1bfd1eaa06c18fd5b78baa,"public String zipZap(String str) +{ + return str; +} +" +2b783fabe5cf4f6a5e9ecfe039e3db99e5932c28,"public String zipZap(String str) +{ + int i = 0; + while (i != -1) + { + i = str.indexOf(""z"", i); + if (str.charAt(i + 2) == 'p') + { + return str.substring(i, i + 1) + str.substring(i + 2); + } + else + { + return str; + } + } + return str; +} +" +ed3ba63307737ecac02847b6be2797bb79bb4834,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + firststring = str.substring(x, x+1); + secondstring = str.substring(x+2); + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +875f7073bb5fce2d62fdc433c2ead7179fea0f5d,"public String zipZap(String str) +{ + String newString = """"; + for(int i =0; i < str.length(); i++) + { + if((i<(str.length()-2)) && (str.substring(i, i+1)).equals(""z"")&&(str.substring(i+2, i+3)).equals(""p"")) + { + newString = newString + ""zp""; + i+i+2; + } + else + { + newString = newString + str.substring(i,i+1); + } + } + return newString; +} +" +f6eae35b5f5e0b6988d88e11c604079db9f63b13,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +576a3abe584222337dff2acb0b08ad86c05b2fda,"public String zipZap(String str) +{ + String newString = """"; + for(int i =0; i < str.length(); i++) + { + if((i<(str.length()-2)) && (str.substring(i, i+1)).equals(""z"")&&(str.substring(i+2, i+3)).equals(""p"")) + { + newString = newString + ""zp""; + i=i+2; + } + else + { + newString = newString + str.substring(i,i+1); + } + } + return newString; +} +" +ef03707657bdbf132231794a506898638a380d4a,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + String finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +97c864709ab7222cb3e0738645b401c2423f5d70,"public String zipZap(String str) +{ + int len = str.length(); + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append('zp'); + } + if (!(str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + { + letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +8daf544e1b7263d8d5a2da8dd61205be9b23bf0b,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String finalstring = """" + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +3dce79deb40b7dc55d2e5c26e004b6fba1bacbf8,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String finalstring = """"; + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firstdtring + secondstring; + } + + { + return finalstring; + } +} +" +312a8435dd1c850a2c8a8b42b501fdf0a6bbf22e,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String finalstring = """"; + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firststring + secondstring; + } + + { + return finalstring; + } +} +" +f6eb2dbbb1dcbda79f952e50eda8529017ace656,"public String zipZap(String str) +{ + if (str.contains(""zipXzap"")) + { + return ""zpXzp""; + } + else if (str.contains(""zopzop"")) + { + return ""zpzp""; + } + else if (str.contains(""azbcpzpp"")) + { + return ""azbcpzp""; + } + else if (str.contains(""zzzopzop"")) + { + return ""zzzpzp""; + } + else if (str.contains(""zibzap"")) + { + return ""zibzp""; + } + else + { + return str; + } +} +" +d9f55b97569af37458713f1d2817fc7af6e5dfdc,"public String zipZap(String str) +{ + int len = str.length(); + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + } + if (!(str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + { + letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +f41c743c090caf52f3e2cf67ce25121d3d850bd8,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String str = """"; + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + str = firststring + secondstring; + } + + { + return str; + } +} +" +f735e6266996f4654d91aa2e2b6c5ef55634992d,"public String zipZap(String str) +{ + int len = str.length(); + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + } + if (!(str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p')) + { + letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +939ba445374213e6c956949611717622abf329d4,"public String zipZap(String str) +{ + int i = 0; + while (i >= 0 && i < str.length()) + { + i = str.indexOf(""z"", i); + if (str.charAt(i + 2) == 'p') + { + return str.substring(i, i + 1) + str.substring(i + 2); + } + else + { + return str; + } + } + return str; +} +" +6fc279577526c2ebbb19355897601b8558171d4f,"public String zipZap(String str) +{ + int len = str.length(); + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + } + if (!(str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p')) + { + char letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +e400ec1ccbd49a4630b2fe74d7b54b939f724ec3,"public String zipZap(String str) +{ + int len = str.length()-2; + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + } + if (!(str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p')) + { + char letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +5b5f7f6addb47f656c3568d44542766707e3646d,"public String zipZap(String str) +{ + int i = 0; + while (i != -1) + { + i = str.indexOf(""z"", i); + if (str.charAt(i + 2) == 'p') + { + return str.substring(i, i + 1) + str.substring(i + 2); + } + else + { + return str; + } + } + return str; +} +" +14ba462da03492aa94ce6e160029c9063ef7de78,"public String zipZap(String str) +{ + int i = 0; + while (i >= 0 && i < str.length()) + { + i = str.indexOf(""z"", i); + if (str.charAt(i + 2) == 'p') + { + return str.substring(i, i + 1) + str.substring(i + 2); + } + else + { + return str; + } + } + return str; +} +" +e101997333fb0918ab24fd6c72b22310e12359ff,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String finalstring = firststring + secondstring; + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring; + } + + { + return finalstring; + } +} +" +5c19f06ce258cdc3eb3a654c7b94b3be37de16fc,"public String zipZap(String str) +{ + if (str.contains(""zipXzap"")) + { + return ""zpXzp""; + } + else if (str.contains(""zzzopzop"")) + { + return ""zzzpzp""; + } + else if (str.contains(""azbcpzpp"")) + { + return ""azbcpzp""; + } + else if (str.contains(""zopzop"")) + { + return ""zpzp""; + } + else if (str.contains(""zibzap"")) + { + return ""zibzp""; + } + else if (str.contains(""zip"")) + { + return ""zp""; + } + else if (str.contains(""zzp"")) + { + return ""zp""; + } + else if (str.contains(""zip + else + { + return str; + } +} +" +9da6e35f26791b8787b0107169ac29114549c170,"public String zipZap(String str) +{ + if (str.contains(""zipXzap"")) + { + return ""zpXzp""; + } + else if (str.contains(""zzzopzop"")) + { + return ""zzzpzp""; + } + else if (str.contains(""azbcpzpp"")) + { + return ""azbcpzp""; + } + else if (str.contains(""zopzop"")) + { + return ""zpzp""; + } + else if (str.contains(""zibzap"")) + { + return ""zibzp""; + } + else if (str.contains(""zip"")) + { + return ""zp""; + } + else if (str.contains(""zzp"")) + { + return ""zp""; + } + else + { + return str; + } +} +" +b12c91535c754410888df7bfe0da9e64220ab4ca,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String finalstring = """"; + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalstring = firststring + finalstring; + } + + { + return finalstring; + } +} +" +32b37937958e0a1e9c545fdea4d63219bfdffab6,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + String finalString = """"; + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalString += firststring + finalstring; + } + + { + return finalString; + } +} +" +a2fc54a61205bcd4f234660549ada6136611a778,"public String zipZap(String str) +{ + int len = str.length() - 2; + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + } + if (!(str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p')) + { + char letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +23d56cc6db617bb08ccf7a9286f3d7fe2ca28cfb,"public String zipZap(String str) +{ + + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2); + + + if (str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + finalString += firststring + finalstring; + } + + { + return finalString; + } +} +" +bcdf890afac765821a45d5d6a8d94a107fbb1605,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p'){ + finalString = finalString.substring(0,finalString.length()-1); + } + } + } + return finalString; + +} +" +6279870ba1541c50f7c5cb2c772a376449bc4036,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p' && i 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +}" +d933d08868154a82236c4f83a55e3e23f5ef0b85,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2, x+3); + + if( firststring.equals (""z"") && secondstring.equals (""p"")) + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +aa4d147528390bc81d2e773c6c8d5fe4aea07af4,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +" +964e6acd07114d8ecf97b27d73928dce06ef1f90,"public String zipZap(String str) +{ + String newS = """"; + + if (str.length() <= 2) + return str; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + } + else + { + newS += str.substring(i, i + 1); + } + } + return newS; + } + +} +" +eaf9e5a261369cc1aebc3d712a981120cf76da1b,"public String zipZap(String str) +{ + String newS = """"; + + if (str.length() <= 2) + return str; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + } + else + { + newS += str.substring(i, i + 1); + } + } + return newS; +} + +" +3eab0498f6e84823477270f54bf710e6ca71155a,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (i < lim && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + i +=3; + } + else + { + char letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +61762837264f8448dea35dbb8c87ff361b0edc95,"public String zipZap(String str) +{ + String result = """"; + + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + result+= ""zp""; + i += 2; + } + else + { + newWord += str.substring(i, i + 1); + } + } + +return result; +}" +a6cbc0595160feb68317662a49858d30b46b44b3,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +" +88cee73bcc3784fe1d1857a6473ee0a4851d1843,"public String zipZap(String str) +{ + String result = """"; + + for (int i = 0; i < str.length(); i++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + result+= ""zp""; + i += 2; + } + else + { + result += str.substring(i, i + 1); + } + } + +return result; +}" +8fd65c70e482dc4bb3cadb245b75d3c99d228f5f,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + result = result + str.charAt(i) + str.charAt(i+2); + //i++; + } + else + { + result = result + str.charAt(i); + } + } + return result; +} +" +0e1e13f6b917c9e5f3da9a7be89e5a946dd9e680,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + result = result + str.charAt(i) + str.charAt(i+2); + } + else + { + result = result + str.charAt(i); + } + } + return result; +} +" +50db036a33f47a29eb0c5d17877192c85d182b66,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + result = result + str.charAt(i) + str.charAt(i+2); + } + else + { + result = result + str.charAt(i); + } + } + return result; +} +" +dd63e1a49406270bcdb8d92ad1aa0c5ecb132658,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + StringBuilder zipZap = new StringBuilder(); + for (int i = 0; i < len; i++) + { + if (i < lim && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + zipZap.append(""zp""); + i +=2; + } + else + { + char letter = str.charAt(i); + zipZap.append(letter); + } + } + return zipZap.toString(); +} +" +1e754677f9b43e364c1aac29f04724a54235bf65,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +" +01c3bd7ba757ac051e903078a9e62a1fedfc3990,"public String zipZap(String str) +{ + + int len = str.length(); + String finalString = """"; + + for (int i = 0; i < len; i++) + { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +} + +" +152fa25f02ae0caae8b0676ee05ce132d28d8e74,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p"")))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +" +29419dfe962620ef91198a7a885e9350481bb190,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"") && (str.substring(i + 2, i + 3).equals(""p"")))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +" +fa3a1cd7015126dac03f7d834f83601da594e997,"public String zipZap(String str) +{ + String newStr = """"; + + for (int i = 1; i <= str.length()-2; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p')) + { + String strA= Character.toString(str.charAt(i+1)); + newStr = str.replaceFirst(strA, """"); + + } + } + + return newStr; +} +" +03dd76ad352cdef80e918716a723e7b357574196,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i < str.length() - 2 && str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +" +90e38b9cb1f742f8cf8490be93047a3a80becf42,"public String zipZap(String str) +{ + String newStr = """"; + + for (int i = 0; i < str.length()-2; i++) + { + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p')) + { + String strA= Character.toString(str.charAt(i+1)); + newStr = str.replaceFirst(strA, """"); + + } + } + + return newStr; +} +" +fffa0f6a4222aa005f44ed40c3494b0bed1ef3f5,"public String zipZap(String str) +{ + String result = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + result = result + str.charAt(i) + str.charAt(i+2); + i+=2; + } + else + { + result = result + str.charAt(i); + } + } + return result; +} +" +2cca621c091fa0ba85d6aa8768067e444fcd35eb,"public String zipZap(String str) +{ + return str.replaceAll(""zp"",""zp""); + +} +" +7edf6b828b3e41798c1ae4abc4e1fda01bb33fbd,"public String zipZap(String str) +{ + return str.replaceAll(""z.p"",""zp""); + +} +" +242c7a92b246621e3f4a31a7473c18718fca6227,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if (i < str.length() - 2 && str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +} +" +85d18e7a0cf3e7ca112bbe71c559f9a075fd6e78,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p"")))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +} +" +aa93f9bac8d18258cead5cad76704152f659d1c6,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +} +" +accb7c9521c20d5862288d5bcbe10eceae79e7f9,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p"")))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +} +" +867076b320a229c9317a050dfe08a9bebedc7508,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +} +" +df5a1314e002d281e1d426aec7f6a9459b42122c,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i,i+1); + } + } + return nStr; +} +" +df823457d3d41c172272206c615f17854a523037,"public String zipZap(String str) +{ + String newStr = """"; + + for (int i = 1; i <= str.length()-2; i++) + { + String strA = Character.toString(str.charAt(i)); + if ((str.charAt(i-1) == 'z') && (str.charAt(i+1) == 'p')) + { + + } + else + { + newStr = newStr.concat(strA); + } + } + + return newStr; +} +" +e3dbca657c78065381324866ee20ad3f748c602a,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < str.length() - 2) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i, i+1); + } + } + return nStr; +} +" +c9426fdcaaf8cbf214490e7182bc57fd07a9c838,"public String zipZap(String str) +{ + String nStr = """"; + for (int i = 0; i < str.length(); i ++) + { + if ((i < (str.length() - 2)) && (str.substring(i, i + 1).equals(""z"")) && (str.substring(i + 2, i + 3).equals(""p""))) + { + nStr += ""zp""; + i =+ 2; + } + else + { + nStr += str.substring(i, i+1); + } + } + return nStr; +} +" +5ddd2832beb339d86a1f53f4ac56a6188febc67d,"public String zipZap(String str) +{ + String x = """"; + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1) = ""z"" && str.substring(i + 2, i + 3) = ""p"" && i < str.length() - 2) + { + x = x + ""zp""; + i = i + 2; + } + else + { + x = x + str.substring(i, i + 1); + } + return x; +}" +d8a65db0249633fb599bc87dee28135a89398039,"public String zipZap(String str) +{ + String x = """"; + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1) = ""z"" && str.substring(i + 2, i + 3) = ""p"" && i < str.length() - 2) + { + x = x + ""zp""; + i = i + 2; + } + else + { + x = x + str.substring(i, i + 1); + } + } + return x; +}" +263e12248bc834bf36266e6aefdeb6a026c4d2a8,"public String zipZap(String str) +{ + String x = """"; + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1) = ""z"" && str.substring(i + 2, i + 3) = ""p"" && i < str.length() - 2) + { + x = x + ""zp""; + i = i + 2; + } + else + { + x = x + str.substring(i, i + 1); + } + } + return x; +}" +9412f2523e4be4baeb824bcef00f36ca8fc41f26,"public String zipZap(String str) +{ + String x = """"; + for (int i = 0; i < str.length(); i ++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"") && i < str.length() - 2) + { + x = x + ""zp""; + i = i + 2; + } + else + { + x = x + str.substring(i, i + 1); + } + } + return x; +}" +c767db9b19840ebf2450bda25de9b8044788b8b2,"public String zipZap(String str) +{ + String newStr = """"; + + for (int i = 0; i < str.length()-2; i++) + { + String strA = Character.toString(str.charAt(i)); + + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p')) + { + i++; + newStr = newStr.concat(strA); + } + else + { + newStr = newStr.concat(strA); + } + } + + return newStr; +} +" +33b647d3eca2ea4d2b5362fb0b745f2fac575466,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + String test = str.substring(i, i + 2); + if (test.startsWith(""z"") && test.endsWith(""p"")) + { + sub = str.substring(0, i) + str.substring(i + 2); + } + } + return sub; +} +" +23304b87cfdfbf81390dc59cab52f916ea118de9,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str; +} +" +c6267df0e13fb216c1d000a7a89c90f1c8e87219,"public String zipZap(String str) +{ + String newWord = """"; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 1) == ""z"" + && str.substring(x + 2, x + 3) == ""p"") + { + newWord = newWord.substring(0, x) + ""zp"" + str.substring(x + 3; str.length()); + } + } + return newWord; +} +" +58309945bb5cf835f1fed9f8c06f74661a361af4,"public String zipZap(String str) +{ + int len = str.length(); + + int lim = len - 2; + + int i = 0; + + char ch; + + StringBuilder stbuild = new StringBuilder(len); + + while(i < len) + + { + + ch = str.charAt(i); + + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + + { + + stbuild.append(""zp""); + + i += 3; + + } + + else + + { + + stbuild.append(ch); + + i++; + + } + + } + + return stbuild.toString(); +} +" +1503da2f7c33ecaf43535c9c451ee8aaae0f7662,"public String zipZap(String str) +{ + String newStr = """"; + int i = 0; + while(i < str.length()-2) + { + String strA = Character.toString(str.charAt(i)); + + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p')) + { + newStr = newStr.concat(strA); + i = i+2; + if (i+2 == str.length()) + { + newStr = newStr.concat(""p""); + } + } + else + { + newStr = newStr.concat(strA); + i++; + } + } + + return newStr; +} +" +f8ae512820d2ad94d50632434966961991c5ab8c,"public String zipZap(String str) +{ + String newWord = """"; + for (int x = 0; x < str.length(); x++) + { + if (str.substring(x, x + 1) == ""z"" + && str.substring(x + 2, x + 3) == ""p"") + { + newWord = newWord.substring(0, x) + ""zp"" + str.substring(x + 3, str.length()); + } + } + return newWord; +} +" +f65cd67597df1c1371fda7e4961c796403cf14b5,"public String zipZap(String str) +{ + String newStr = """"; + int i = 0; + while(i < str.length()-2) + { + String strA = Character.toString(str.charAt(i)); + + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p')) + { + newStr = newStr.concat(strA); + if (i+2 == str.length()) + { + newStr = newStr.concat(""p""); + } + i = i+2; + + } + else + { + newStr = newStr.concat(strA); + i++; + } + } + + return newStr; +} +" +2d1e10dbda10db68e76be5e50e36564d5f2402bf,"public String zipZap(String str) +{ + String newStr = """"; + int i = 0; + while(i < str.length()-2) + { + String strA = Character.toString(str.charAt(i)); + + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p')) + { + newStr = newStr.concat(strA); + + i = i+2; + + } + else + { + newStr = newStr.concat(strA); + i++; + } + } + + newStr = newStr.concat(""p""); + + return newStr; +} +" +22ec0dc860aa8805707ec7af3a64d6a54176830f,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str; +} +" +ea139858f60aac1b4f50a51b8b9aeb3056ff8fda,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i + 2); + } + else + { + sub = sub +str.charAt(i); + } + } + return sub; +} +" +01554cea3b1c1fff8db3199f42bac0fdaa01db5e,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i + 2); + } + else + { + sub = sub +str.charAt(i); + } + } + return sub; +} +" +eb872199d83a7a3904f3cfe9e523fd032e75143d,"public String zipZap(String str) +{ + return str.replaceAll(""z[a-zA-Z]p"", ""zp""); +} +" +5b9833fd3098944227cf1e6070fd7b91b9eb7e9a,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i); + } + else + { + sub = sub +str.charAt(i) +str.charAt(i + 1); + } + } + return sub; +} +" +36a2fe0791e6e26e000df0bd8050ffca1548a9ac,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +64b75d4defd38f6a350adbb0b1041e05efac3e01,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i); + } + else + { + sub = sub +str.charAt(i); + } + } + return sub; +} +" +b646580b59f76a5382884e23c6119cd1dea1814b,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i = 2); + } + else + { + sub = sub +str.charAt(i); + } + } + return sub; +} +" +632b4f63a122e4aa1ffc1766cfa8649cbba13d64,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i + 2); + } + else + { + sub = sub +str.charAt(i); + } + } + return sub; +} +" +2ca7594c06bed34979116b8848b09c466fbca34a,"public String zipZap(String str) +{ + String answer = """"; + + for (int i=0; i< str.length(); i++) + + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + answer += ""zp""; + i += 2; + } + else + { + answer += str.substring(i, i + 1); + } + + return answer; +} +" +0ac98d2e285d1e622aa6246fc09aa1dbc80f40aa,"public String zipZap(String str) +{ + String newStr = """"; + int i = 0; + while(i < str.length()) + { + String strA = Character.toString(str.charAt(i)); + + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p') && (i < str.length()-2)) + { + newStr = newStr.concat(""zp""); + + i = i+3; + + } + else + { + newStr = newStr.concat(strA); + i++; + } + } + + newStr = newStr.concat(""p""); + + return newStr; +} +" +1e8a4ee5c87793a0bf21f6a96599ec34cc341016,"public String zipZap(String str) +{ + String newStr = """"; + int i = 0; + while(i < str.length()) + { + String strA = Character.toString(str.charAt(i)); + + if ((str.charAt(i) == 'z') && (str.charAt(i+2) == 'p') && (i < str.length()-2)) + { + newStr = newStr.concat(""zp""); + + i = i+3; + + } + else + { + newStr = newStr.concat(strA); + i++; + } + } + + + return newStr; +} +" +1e676c8f352999c966f3147e827280d303bc464c,"public String zipZap(String str) +{ + int stringLength = str.length(); + for (int i = 0; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ = 3) + { + String newString = str.remove(findZ + 1); + } + } + return newString; +} +" +249586a5e95482967b4f4480414fb306cbab386f,"public String zipZap(String str) +{ + int stringLength = str.length(); + for (int i = 0; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ == 3) + { + String newString = str.remove(findZ + 1); + } + } + return newString; +} +" +57d90307a38e58f5d2681f064eba2fc3a002b06b,"public String zipZap(String str) +{ + String s =str; + for (int i=0; i0 && i0 && i= 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + ""z"" + ""p""; + } + else + { + sub = sub + str.charAt(i); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +c1bbb8d5c65d33d526a0dff48ec8739818d7a84a,"public String zipZap(String str) +{ + int stringLength = str.length(); + if (stringLength < 3) + { + return str; + } + else + { + for (int i = 0; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(findZ, stringLength - (findZ + 1)); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +4a5035d46b7cfd8154eadc8d51bfc6c3b2a63280,"private String something; + +public String zipZap(String str) +{ + if (str.startsWith(""z"") && str.endsWith(""p"")) + { + something = str.substring(0, 2); + } +} +" +b98551ef306e9023e9cf20d4d00075822e8a726c,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + ""z"" + ""p""; + } + else + { + sub = sub + str.charAt(i); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +adbeaaa1c74ce013d613224f58fa6c5483f77350,"private String something; + +public String zipZap(String str) +{ + if (str.startsWith(""z"") && str.endsWith(""p"")) + { + something = str.substring(0, 2); + } + return something; +} +" +4abfe483f045a349e70ef1b52b8d91f4dbe3ce16,"public String zipZap(String str) +{ + int stringLength = str.length(); + if (stringLength < 3) + { + return str; + } + else + { + for (int i = 1; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(findZ, stringLength - findZ); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +c4e393f651c2bfbc43b41ddff9c48235b552a44e,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + ""z"" + ""p""; + } + else + { + sub = sub + str.charAt(i); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +f362b755787c8137f1878e76552de5dbd02c7006,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str; +} +" +3b80df807e53e97f954b4b4538330b30f3f8484d,"public String zipZap(String str) +{ + String word = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 + && str.substring (i, i + 1).equals(""z"") + && str.substring(i + 2, i + 3).equals(""p"")) + { + word += ""zp""; + i += 2; + } + + else + { + word += str.subtring(i, i + 1); + } + + return word; +} +" +7c448ddbe46dabb9c5488133487328208cd1d058,"public String zipZap(String str) +{ + int stringLength = str.length(); + if (stringLength < 3) + { + return str; + } + else + { + for (int i = 1; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(findZ, findZ); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +620aecbf200abe89fdd0d2a5014fc101c8d5a71b,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if(str.cahrAt(i) = ""z"" && str.charAt(i + 2) = ""p"") + { + version += ""zp""; + i += i + 2 + } + return version; +} +" +c0857db7955ba4ada7770d7074208e30ed5fc954,"public String zipZap(String str) +{ + String word = """"; + + for (int i = 0; i < str.length(); i++) + { + if (i < str.length() - 2 + && str.substring (i, i + 1).equals(""z"") + && str.substring(i + 2, i + 3).equals(""p"")) + { + word += ""zp""; + i += 2; + } + + else + { + word += str.subtring(i, i + 1); + } + } + + return word; +} +" +f99bf69ad1fde9a6efb65be948c498e91ca8cda7,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if(str.cahrAt(i) = ""z"" && str.charAt(i + 2) = ""p"") + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +e992ffdabdf22cd824d2b4f73ac26af164fa9dc9,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + ""z"" + ""p""; + } + else + { + sub = sub + str.charAt(i + 1); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +a7f91a30d011cf855dade861289486c57313ab4e,"public String zipZap(String str) +{ + for (int i =0; i 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i + 2); + } + else + { + sub = sub + str.charAt(i); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +6204c20cfce811d4d590f32e73164dd3de73d622,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i + 2); + } + else + { + } + } + } + else + { + sub = str; + } + + return sub; +} +" +39f0b548549ada3f334bf09793812298b8f90b24,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +8b0a1db7e3c2b8c097dc0e3df95d2c7bf3055ce6,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i) == ('z') && str.charAt(i + 2) = ('p')) + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +e5fd110c5e074016b180d3aa70d89f8db982286a,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i) == ('z') && str.charAt(i + 2) = ('p')) + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +2f1e95c8ace93eafb29b902bf8983008125a53bf,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if(str.charAt(i) == ('z') && str.charAt(i + 2) = ('p')) + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +da538c6bdcc031532ba6832a2cfa5bf7be374665,"public String zipZap(String str) +{ + int stringLength = str.length(); + if (stringLength < 3) + { + return str; + } + else + { + for (int i = 0; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +e4a11eedbc296f3df9038832a1e7d5c05154b2aa,"public String zipZap(String str) +{ + int length = str.length(); + int one = length - 2; + int i = 0; + char two; + StringBuilder three = new StringBuilder(length); + while(i < length) + { + two = str.charAt(i); + if(two == 'z' && i < one && str.charAt(i+2) == 'p') + { + three.append(""zp""); + i += 3; + } + else + { + three.append(two); + i++; + } + } + return three.toString(); +} +" +260e5cfe52ab6f2b5fdf2050363834178ee6ae9b,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) = ('p'))) + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +255248e9c81ba6d37a61541511185258125084cb,"public String zipZap(String str) +{ + int stringLength = str.length(); + if (stringLength < 3) + { + return str; + } + else + { + for (int i = 0; i < stringLength; i++) + { + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +0b653141154865c0d6333de8c830cbacb6fc3b21,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.substring(i, i + 1) + str.substring(i + 2); + } + else + { + } + } + } + else + { + sub = str; + } + + return sub; +} +" +8136e3e629f41dd46ce36a9d2dd2c0d09e6f3a2f,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.substring(i, i + 1) + str.substring(i + 2); + } + else + { + } + } + } + else + { + sub = str; + } + + return sub; +} +" +e5889ec075064a89a03094aeb23dbb84f331576c,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +139b5992f67d3b62c4e855146a5663e1392d1633,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + return version; +} +" +f667ff8d9eac610856b46dde80680d21cc6e65ff,"public String zipZap(String str) +{ + String newStr = """"; + length = str.length - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i) + str.substring(i+1); + } + } + return newStr; +} +" +8c676c0372b3013132fe239c280902a3d6a1bdc0,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +b1b64fe3602f9aeef15bf135dae8384790f450e8,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +6fa7f5892ee16e824a97c2d472b37c0c6b837866,"public String zipZap(String str) +{ + String newStr = """"; + int length = str.length - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i) + str.substring(i+1); + } + } + return newStr; +} +" +94709e7ec304a19d516c33a8bf832dd2307a6b7b,"public String zipZap(String str) +{ + String newStr = """"; + int length = str.length() - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i) + str.substring(i+1); + } + } + return newStr; +} +" +d5008422868bbcebf5d69087ca1129ffebdd9af4,"public String zipZap(String str) +{ + String s = """"; //Initialising return string + String diff = "" "" + str + "" ""; //Ensuring no out of bounds exceptions occur + + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + s += diff.charAt(i); + } + } + return s; +} +" +8f14847492cc91533541a9bdfeb82f5e20a14c67,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z"", i); + int findP = str.indexOf(""p"", i); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +0311004034debddaa6c3a93cfb5158bd9a0af210,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + { + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 3; + } + else + version += str.CharAt(i); + } + return version; +} +" +18d4ce0f896041fd2e1d96ce2e20934b940bb9b8,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +8c0aa7f42ee9dc4ed735d55e16647ca0f7281dae,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +079c107efa933d9834aefe0dd6382134a8353b00,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + { + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 3; + } + else + version += str.charAt(i); + } + return version; +} +" +d42c02ef81ca83cc1ffd41b88f96dd3968e0e9b9,"public String zipZap(String str) +{ + //If bigger than 3, because obviously without 3 variables we just return the string. + if (str.length() >= 3) + { + //Create a variable to return at the end. + String ret = """"; + //This is a cheat I worked on to get the ending to work easier. + //I noticed that it wouldn't add at the end, so I fixed it using this cheat. + int minusAmt = 2; + //The minus amount starts with 2, but can be changed to 0 when there is no instance of z-p. + for (int i = 0; i < str.length() - minusAmt; i++) + { + //I thought this was a genius solution, so I suprised myself. + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + //Add ""zp"" to the return string + ret = ret + ""zp""; + //As long as z-p occurs, we keep the minus amount at 2. + minusAmt = 2; + //Increment to skip over z-p. + i += 2; + } + //If it isn't z-p, we do this. + else + { + //Add the character + ret = ret + str.charAt(i); + //Make the minus amount 0, so that we can get the rest of the chars. + minusAmt = 0; + } + } + //return the string. + return ret; + } + //If it was less than 3 chars, we return the string. + else + { + return str; + } +} +" +71202735f1e4e36079f71b2346fb4f687d894fb0,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + str = zStart + zBack; + } + } + } + + return str; +} +" +7ca606625ba164632f3aa7487ff2e37de29611eb,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + { + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +bd38634055491b2272c99e244bfcb934ce9d343d,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + str = str + zStart + zBack; + } + } + } + + return str; +} +" +08559d0aad80cb8c7487a8a8b0118a4c6f6323a6,"public String zipZap(String str) +{ + replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i - replacedTimes) + word.substring(i + 1 - replacedTimes); + replacedTimes = replacedTimes + 1; + } + } +} +" +e459d8e13b9887cec06c621d56de67f16abe66cb,"public String zipZap(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + str = str - two; + } + } + return str; +} +" +000a1e82bd1c40bba672e609ade6e973765b308f,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i - replacedTimes) + word.substring(i + 1 - replacedTimes); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +be089844daf1141ccfca74005308a14220650c26,"public String zipZap(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + str = str + two; + } + } + return str; +} +" +d843b42c44a92e9ede9a6011d0a56826729d52ba,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + String newString = newStrin + zStart + zBack; + } + } + } + + return str; +} +" +88816f02ade029969f21cde341905641a8ad3117,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length(); i++) + { + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +10ae34f7813cb0fb3428a35dd46ec224072d07bb,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 1; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i - replacedTimes) + word.substring(i + 1 - replacedTimes); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +f496681c272dcfd3a9f1678aa7c6d24002f618f7,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + String newString = newStrin + zStart + zBack; + } + } + } + + return newString; +} +" +8c08a600394b44ef9df17db3679f12adf90cf5e9,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i) + str.charAt(i + 2); + } + else if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +a50553d316f07d1f20e325ee09f54263ab882314,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + String newString = newString + zStart + zBack; + } + } + } + + return newString; +} +" +29ae32bd06f3888068ccf83498bd99f144632366,"public String zipZap(String str) +{ + String newStr = """"; + int length = str.length() - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i+1) + str.substring(i+2); + } + } + return newStr; +} +" +271929c275a2838fd80c43efb06e2ea234660122,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i - replacedTimes) + word.substring(i + 1 - replacedTimes); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +ccfb1ed3b6dc9a40d0116ebc0149e99821ae3f0e,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + String newString = newString + zStart + zBack; + } + } + } + return newString; +} +" +ee7b51044222ddbe199a080e7728e18ea953bbb7,"public String zipZap(String str) +{ + String newStr = """"; + int length = str.length() - 1; + for (int i = length; i >= 3; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i+1) + str.substring(i+2); + } + } + return newStr; +} +" +51d5367a58953904c14238c4dd7393f5c4fd0a88,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length(); i++) + { + if((i <= str.length() - 3) && (str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +150267ec4ec81baeb081eec7169b03129ad97477,"public String zipZap(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + str = str.replace(two, """"); + } + } + return str; +} +" +b5199604c26f53d6ed87ee1f46482fc5e8edef53,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(i, i + 1); + String zBack = str.substring(findZ + 2); + newString = newString + zStart + zBack; + } + } + } + return newString; +} +" +f8c1224299619eb2f635435d4156ca0e193548fe,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + str.charAt(i); + } + else if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else if (str.charAt(i) == 'p' && str.charAt(i - 2) == 'z') + { + sub = sub + str.charAt(i); + } + } + } + else + { + sub = str; + } + + return sub; +} +" +16aad6d8077fe8ca0eb10fa83e6d858e8d3aa83c,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +436e38a19dc68bdf148cb98f4a5332ef022baea5,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i <= str.length() - 3; i++) + { + if((str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +219b037f298326dec59d66e08fcc09fe786f9a57,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 1; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +342e751c22508d5a3fb488dac9d9a607acc0f36f,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (findP - findZ == 2) + { + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + newString = newString + zStart + zBack; + } + } + } + return newString; +} +" +3ee33521aff9d9f00b52507bfe8023e37d5bad64,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 4; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +c43330b3829c531acc5772366707beb8b560866f,"public String zipZap(String str) +{ + String newStr = """"; + int length = str.length() - 1; + for (int i = length; i >= 3; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i-1) + str.substring(i); + } + } + return newStr; +} +" +6c7363c927abfa0ab70647e51124beef4156b29c,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 3; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +f3555bb8aa7f866b0a37829fc5db44ddf64e452e,"public String zipZap(String str) +{ + +} +" +95a04ff81492d260d1730329a5eaaf7d62053933,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i < str.length(); i++) + { + if((i <= str.length() - 3) &&(str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +d0ec421caa7e21304b2ced382e8e5f289128aaee,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i < str.length(); i++) + { + if((i <= str.length() - 3) &&(str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +f554371fcd2bdb8e622ccf26e79af8a0cc0e393f,"public String zipZap(String str) +{ + String newStr = """"; + int length = str.length() - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i-1) + str.substring(i); + } + } + return newStr; +} +" +ce00e43644577bc5cea23489a9f6107252a30539,"public String zipZap(String str) +{ + int length = str.length(); + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + String zipped = str.substring(0, two) + str.substring(three); + } + } + return zipped; +} +" +623fc0dbe324d06a0f6afc0447f5061494d9b64e,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(0, two) + str.substring(three); + } + } + return zipped; +} +" +b5b65acd3bbe3c5ee0e3cb314fcaa3bf22f95abd,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (str.startsWith(""p"", findZ + 2) == true) + { + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + newString = newString + zStart + zBack; + } + } + } + return newString; +} +" +1de87d21c672ec8ee06a38e0471da70d8c822971,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + } + else + { + sub = str; + } + + return sub; +} +" +439ad2fa29028231c94959f410d9163af042d2a2,"public String zipZap(String str) +{ + String newStr = str; + int length = str.length() - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i-1) + str.substring(i); + } + } + return newStr; +} +" +6708fa6cc762ba1b7db3861f19bdc862c1fecca6,"public String zipZap(String str) +{ + String newWord = """"; + + for (int i=0; i< str.length(); i++) + { + + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ + newWord += ""zp""; + i += 2; +} + else + { + newWord += str.substring(i, i + 1); + } + } + + + +return newWord;// and return the new word +} +" +5c75101cc728adbfa0cc5d79944ee0a50d4b4541,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(0, two) + str.substring(three, length); + } + } + return zipped; +} +" +a8a77ba306633463b5d6370f35ebca6a89774d47,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 4; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +8034c91f76156b359b8b26437563af35a152cfb1,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 3; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +e4c6458deaeafa75434734e464cd87a6510e330a,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i < str.length(); i++) + { + if((i <= str.length() - 3) &&(str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 3; + } + else + version += str.charAt(i); + } + return version; +} +" +6b2ea2226ba57dfb0795fcfa34fe393d5a83c3ad,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (str.startsWith(""p"", findZ + 2) == true) + { + String startPart = str.substring(0, findZ) + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + newString = newString + startPart + zStart + zBack; + } + } + } + return newString; +} +" +f1f96b2c46cb358926e47287c6bdb4e63d61149c,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = zipped + str.substring(0, two) + str.substring(three, length); + } + } + return zipped; +} +" +a8ef6babd7a34ab28a63efa6128fd5ab494e677a,"public String zipZap(String str) +{ + String temp=str,res=""""; + int j=temp.length(); + int i=0; + while(i 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + } + else + { + sub = str; + } + + return str.charAt(0) + sub + str.charAt(str.length()); +} +" +389e73765c307cebfacb3d2ae0fbe88c1c8dbfd3,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i < str.length(); i++) + { + if((i <= str.length() - 3) &&(str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 3; + } + else + version += str.charAt(i); + } + return version; +} +" +975879af1a9165ace451a8df6ecab4f4acd28c84,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else if (findP - findZ > 3) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (str.startsWith(""p"", findZ + 2) == true) + { + String startPart = str.substring(0, findZ); + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + newString = newString + startPart + zStart + zBack; + } + } + } + return newString; +} +" +f88293c963b4d5af50fa31ed182d3f6975cc5eb6,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + } + else + { + sub = str; + } + + return str.charAt(0) + sub + str.charAt(length); +} +" +9890583c756f00608f74c9afa5d545ab252f3684,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(0, two) + str.substring(three, length); + } + } + return zipped; +} +" +bf4eaa26512de6e1c2b587fa9e9031c0893b878b,"public String zipZap(String str) +{ + String version = """"; + for(int i = 0; i < str.length(); i++) + { + if((i <= str.length() - 3) &&(str.charAt(i) == ('z')) && (str.charAt(i + 2) == ('p'))) + { + version += ""zp""; + i += i + 2; + } + else + version += str.charAt(i); + } + return version; +} +" +567928d6325229bb5db6d3b36baa034046ba404a,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else if (findP - findZ >= 3) + { + return str; + } + else + { + for (int i = 0; i < stringLength - 2; i++) + { + findZ = str.indexOf(""z"", i); + findP = str.indexOf(""p"", i); + if (str.startsWith(""p"", findZ + 2) == true) + { + String startPart = str.substring(0, findZ); + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + newString = newString + startPart + zStart + zBack; + } + } + } + return newString; +} +" +6e1aff3e88019cf83536067fd5e4452cf172237e,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + sub = str.charAt(0) + sub + str.charAt(length); + } + else + { + sub = str; + } + + return sub; +} +" +82c53bc34cad71f2396e4baefdb129d1e928132e,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = """" + } + } + return word; +} +" +85f639b158958a59d9d4923bbd2faad67dcf71bb,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = """"; + } + } + return word; +} +" +fc7d14c47b6172a63972d4eee25e945662e97be2,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length > 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + sub = str.charAt(0) + sub + str.charAt(length + 1); + } + else + { + sub = str; + } + + return sub; +} +" +664112fd9215ecff6a6673e7b443f6644dc18314,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length >= 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + sub = str.charAt(0) + sub + str.charAt(length + 1); + } + else + { + sub = str; + } + + return sub; +} +" +66082a9954aeb9fcccace3d7795317777a4fa8de,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(0, i) + word.substring(i); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +5da84b275adb078ae7f6ed1ff54dd72c10c7110a,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word.substring(1, i) + word.substring(i); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +0f9d463309fae0483434304f6196f11f8a45fa2d,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = str.substring(0, i) + str.substring(i + 1); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +c642d7b7ba278c5f35c86c3be56c066f26251a5e,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = str.substring(0, i) + str.substring(i + 2); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +74ea60b3a2d95734fb8923ccb91f5a7b3bf0f94f,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +88872c6f2ac19d697d42723f29458152b3ef76bb,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word + str.substring(0, i) + str.substring(i + 2); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +d714480625a1109f289bfb13ddedfa52a313a592,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else if (findP - findZ >= 3) + { + return str; + } + else + { + while (counter < stringLength - 2) + { + findZ = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ + 2) == true) + { + String startPart = str.substring(0, findZ); + String zStart = str.substring(findZ, findZ + 1); + String zBack = str.substring(findZ + 2); + newString = newString + startPart + zStart + zBack; + } + counter = counter + 3; + } + } + return newString; +} +" +727334943320e42d562ac6c5571982c63a9b506e,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = str.substring(0, i) + str.substring(i + 1 - replacedTimes); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +8ffe8922935557a851dc5b015ff16fd9fca6590d,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = str.substring(0, i - replacedTimes) + str.substring(i + 1 - replacedTimes); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +227c91e240af2b6faf8c83a7e50ded399d180a92,"public String zipZap(String str) +{ + int len = str.length(); + String out = """"; + + for (int i = 0; i < len;) + { + if ((i + 2 < len) && str.charAt(i) = 'z' && str.charAt(i+2) == 'p') + { + out += ""zp""; + i += 2; + } + else + { + out += str.charAt(i); + } + } +} +" +d423cd18ac8c931d47d1eb18db842b7e8cd3421c,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length >= 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + if (str.charAt(0) == 'z' && str.charAt(length + 1) == 'p') + { + sub = sub; + } + else + { + sub = str.charAt(0) + sub + str.charAt(length + 1); + } + + } + else + { + sub = str; + } + + return sub; +} +" +d27cfdce25f5babc37d1de6417675297d3bbbee2,"public String zipZap(String str) +{ + int len = str.length(); + String out = """"; + + for (int i = 0; i < len;) + { + if ((i + 2 < len) && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + out += ""zp""; + i += 2; + } + else + { + out += str.charAt(i); + } + } +} +" +0f40ac7e8ac8d03ef284c201edf2c8088927edf4,"public String zipZap(String str) +{ + int len = str.length(); + String out = """"; + + for (int i = 0; i < len;) + { + if ((i + 2 < len) && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + out += ""zp""; + i += 2; + } + else + { + out += str.charAt(i); + } + } + return out; +} +" +d2cae18ad5a9b7fa01407e67a7cd225d458b776b,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else if (findP - findZ >= 3) + { + return str; + } + else + { + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ + 2) == true) + { + String startPart = str.substring(0, findZ1); + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2); + newString = newString + startPart + zStart + zBack; + } + counter = counter + 3; + } + } + return newString; +} +" +242596acf7aa3df20e1ab961fdfad4d4cac11e81,"public String zipZap(String str) +{ + int length = str.length() - 2; + String sub = """"; + if (length >= 3) + { + for (int i = 1; i <= length; i++) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == 'p') + { + } + else + { + sub = sub + str.charAt(i); + } + + } + + sub = str.charAt(0) + sub + str.charAt(length + 1); + + } + else + { + sub = str; + } + + return sub; +} +" +fef8ec34a287b77c2c925884a64f0926dcf7d60d,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ == -1 && findP == -1) + { + return str; + } + else if (findP - findZ >= 3) + { + return str; + } + else + { + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String startPart = str.substring(0, findZ1); + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2); + newString = newString + startPart + zStart + zBack; + } + counter = counter + 3; + } + } + return newString; +} +" +5af5e35b846746fb7945e20fe7aa9f4345f098b8,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String startPart = str.substring(0, findZ1); + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2); + newString = newString + startPart + zStart + zBack; + } + counter = counter + 3; + } + } + return newString; +} +" +ad04eac77da22bd9db011debed5857615dc4c5d8,"public String zipZap(String str) +{ + int len = str.length(); + String out = """"; + + for (int i = 0; i < len;) + { + if ((i + 2 < len) && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + out += ""zp""; + i += 2; + } + else + { + out += str.charAt(i); + i++; + } + } + return out; +} +" +37addc9d4b643986950b0a074369604f7ba39474,"public String zipZap(String str) +{ + //ArrayList al = new ArrayList(); + String zip = """"; + for (int i =0; i al = new ArrayList(); + String zip = """"; + for (int i =0; i 2) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i ) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + ""zp""; + i = i + 2; + } + else + { + sub = sub + str.charAt(i) + str.charAt(i + 1); + } + + } + + } + else + { + sub = str; + } + + return sub; +} +" +09c2828ff44b0bdd8a990916dbeba08d691a1d8d,"public String zipZap(String str) +{ + int len = str.length(); + String out = """"; + + for (int i = 0; i < len;) + { + if ((i + 2 < len) && str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + out += ""zp""; + i += 3; + } + else + { + out += str.charAt(i); + i++; + } + } + return out; +} +" +af1ae80d9b1b09ed40f901fbcdafaf2f4cc93e44,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word str.substring(0, i) + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +c8ed2dd8f04dd05013d2a5abb439a7fc9d6166da,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word str.substring(0, i); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +3c117f5da11d7ad48098b6900f085b48545f917f,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word + str.substring(0, i); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +a1a6f2e88ac48afee2b2c2b75cb6560bbca2d8e1,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + String startPart = str.substring(0, findZ1); + newString = startPart; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2); + newString = newString + zStart + zBack; + } + counter = counter + 3; + } + } + return newString; +} +" +ed6ad09c91b04bc4cc7540105b1d1487795c18d2,"public String zipZap(String str) +{ + int length = str.length(); + String sub = """"; + if (length > 2) + { + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + sub = sub + ""zp""; + i = i + 2; + } + else + { + sub = sub + str.charAt(i); + } + + } + + } + else + { + sub = str; + } + + return sub; +} +" +1553fb0ac99b90c1de41e948276207d65639061b,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2); + newString = newString + zStart + zBack; + } + counter = counter + 3; + } + } + return newString; +} +" +b0d24b8a6cb1f1a42702a232b13aed14d7484fdf,"public String zipZap(String str) +{ + //ArrayList al = new ArrayList(); + String zip = """"; + for (int i =0; i al = new ArrayList(); + String zip = """"; + for (int i =0; i al = new ArrayList(); + String zip = """"; + for (int i =0; i 2) + { + for(int i = 0; i < lenght; i++) + { + + if(str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + newstr = newstr + ""zp""; + i = i + 2; + } + else + { + newstr = newstr + str.charAt(i); + } + } + } + else + { + newstr = str; + } + return newstr; +} +" +39f934e3d49e31277b599e5c8d2a3b84f24ab0a6,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = str.replace(str.substring(i, i + 1), """"); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +ee16c11b55ec27a491b9a800031c7f035f55d7e9,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + str = str.substring(0, i) + str.substring(i+2); + } + } + return str; +} +" +3dcc7cdabd41afea4f70836ff36db03af4997c53,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = str.replace(str.substring(i + 1, i + 2), """"); + replacedTimes = replacedTimes + 1; + } + } + return word; +} +" +9db68de815f4988f4877fd8208a1c6c4d0f0a842,"public String zipZap(String str) +{ + //ArrayList al = new ArrayList(); + String zip = """"; + for (int i =0; i 0 && i < len-1) { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = finalString.substring(0,finalString.length()-1); + } + } + return finalString; +}" +828a441ba216d7496787b3b9b454514625b4a9d0,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4)); + String inBetweens = str.substring(counter + 4, findZ2); + } + newString = newString + inBetweens; + } + counter = counter + 3; + } + } + return newString; +} +" +6740e639bed622d80d3ce703822a8d5029b37ab5,"public String zipZap(String str) +{ + int replacedTimes = 0; + String word = """"; + for (int i = 0; i < str.length() - 2; i++) + { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) + { + word = word + str.replace(str.substring(i + 1, i + 2), """"); + replacedTimes = replacedTimes + 1; + } + } + else + { + word = str; + } + return word; +} +" +e3c0797933dc60269216d11d7f568bbc954f8f41,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + String inBetweens = str.substring(counter + 4, findZ2); + } + newString = newString + inBetweens; + } + counter = counter + 3; + } + } + return newString; +} +" +3adec3fb4d60fe555054215e3276417084c852bb,"public String zipZap(String str) +{ + return true; +} +" +fd1c3825643a80d2d0d2d14ab0f724b7be6d5558,"public String zipZap(String str) +{ + //ArrayList al = new ArrayList(); + String zip = """"; + for (int i =0; i= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 4, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +bd94185d00ccd93f59db89c8d4141498c1241ac3,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 4, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +300993cf9be2c16e65d9994bdb70f65182796dc8,"public String zipZap(String str) +{ + for (int i = 0; i < str.length()-2; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + str = str.substring(0, i+1) + str.substring(i+2); + } + } + return str; +} +" +ff7cab7bf294efb58824222961932234f56e20a1,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 3)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 4, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +6275514cdac16d5466ae9f783a826ebc6663678e,"public String zipZap(String str) +{ + int l = len - 2; + int len = str.length(); + int i = 0; + char c; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + c = str.charAt(i); + if(c == 'z' && i < l && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +9c83ab5e1eb7eba268430de569887b7ed7db0c16,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 4, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +07d2418b99cf7c01ffd4a4051dbaa8b292087829,"public String zipZap(String str) +{ + return str.replaceAll(""z[a-zA-Z]p"", ""zp""); +} +" +f9a0a49b061c73c5b8f41843fba3690502da4177,"public String zipZap(String str) +{ + if (str.length < 3) + { + String newStr = """"; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newStr = newStr + ""zp""; + i = i + 2; + } + else + { + newStr = newStr + str.charAt(i); + } + } + return newStr; + } + else + { + return = str; + } +} +" +a8919c9a5d652775815546ab9eb9ac188c59bc76,"public String zipZap(String str) +{ + if (str.length < 3) + { + String newStr = """"; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newStr = newStr + ""zp""; + i = i + 2; + } + else + { + newStr = newStr + str.charAt(i); + } + } + return newStr; + } + else + { + return str; + } +} +" +95aba74a03c2e020244dc554d4202d5442d055d9,"public String zipZap(String str) +{ + //ArrayList al = new ArrayList(); + String zip = """"; + for (int i =0; i al = new ArrayList(); + String zip = """"; + for (int i =1; i al = new ArrayList(); + String zip = """"; + for (int i =0; i 2) + { + String newStr = """"; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newStr = newStr + ""zp""; + i = i + 2; + } + else + { + newStr = newStr + str.charAt(i); + } + } + return newStr; + } + else + { + return str; + } +} +" +295a25efe65eec4ab91bf57d919633338a7156f5,"public String zipZap(String str) +{ + int len = str.length(); +250 int lim = len - 2; +251 int i = 0; +252 char ch; +253 StringBuilder stbuild = new StringBuilder(len); +254 while(i < len) +255 { +256 ch = str.charAt(i); +257 if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') +258 { +259 stbuild.append(""zp""); +260 i += 3; +261 } +262 else +263 { +264 stbuild.append(ch); +265 i++; +266 } +267 } +268 return stbuild.toString(); + +} +" +b1abfc06abc394d751eee2612ff6817754f2cc78,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length() - 1; + String string = str.toLowerCase(); + for (int i = 0; i < length-1; i++) + { + z = str.charAt(i); + p = str.charAt(i+2); + if (z == 'z' && p == 'p') + { + string = (string.substring(0, i+1) + string.substring(i+2, length + 1)); + length = length; + i = i - 1; + } + } + + return string; + } +" +465c26b31df1f93d3352e1a8308ffdc848905525,"public String zipZap(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + str = str.substring(0, i + 1) + str.substring(i + 2); + return str; +} +" +65a9ae9808b49b8d46445cefb8111f52165ac070,"public String zipZap(String str) +{ + String newStr = str; + int length = str.length() - 1; + for (int i = length; i >= 2; i--) + { + if (str.charAt(i) == 'p' && str.charAt(i-2) == 'z') + { + newStr = str.substring(0, i-1) + str.substring(i); + } + } + if (str.equals(""zipXzap"")) + { + newStr = ""zpXzp""; + } + if (str.equals(""zopzop"")) + { + newStr = ""zpzp""; + } + if (str.equals(""zzzopzop"")) + { + newStr = ""zzzpzp""; + } + return newStr; +} +" +b61f3905af252362b33a1a590897ac3dd28b055b,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length() - 1; + String string = str.toLowerCase(); + for (int i = 0; i < length-1; i++) + { + z = str.charAt(i); + p = str.charAt(i+2); + if (z == 'z' && p == 'p') + { + string = (string.substring(0, i+1) + string.substring(i+2, length + 1)); + length = length - 1; + i = i - 1; + } + } + + return string; + } +" +b4b44552b41b32a3d7fc7dd1818fba2654b77cf6,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + +} +" +3c9379797724f33be3dc0d5f894cc13f028b41b8,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length() - 1; + String string = str; + for (int i = 0; i < length-1; i++) + { + z = str.charAt(i); + p = str.charAt(i+2); + if (z == 'z' && p == 'p') + { + string = (string.substring(0, i+1) + string.substring(i+2, length + 1)); + length = length - 1; + i = i - 1; + } + } + + return string; + } +" +36ef5ee859dbe281f17b2961c8c8fd65f8605e8f,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +100bc0184ea7c002037b6baa621ea9dfa584bea1,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +24cc8c4f0a08e8d9f2b447507bb2a25e581c3255,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length() - 1; + String string = str; + for (int i = 0; i < length-1; i++) + { + z = str.charAt(i); + p = str.charAt(i+2); + if (z == 'z' && p == 'p') + { + string = (str.substring(0, i+1) + str.substring(i+2, length + 1)); + length = length - 1; + i = i - 1; + } + } + + return string; + } +" +fe605d9ed2cd2d25ff705ca0f2aecb2409874b38,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +0b9df88c52b1803eebda5aa272e8fa256ae80485,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length() - 1; + String string = str; + for (int i = 0; i < length-1; i++) + { + z = str.charAt(i); + p = str.charAt(i+2); + if (z == 'z' && p == 'p') + { + str = (str.substring(0, i+1) + str.substring(i+2, length + 1)); + length = length - 1; + i = i - 1; + } + } + + return str; + } +" +7e71e9059d91c4d0845de0927a7fb0af4b8e3730,"public String zipZap(String str) +{ + char z; + char p; + int length = str.length() - 1; + for (int i = 0; i < length-1; i++) + { + z = str.charAt(i); + p = str.charAt(i+2); + if (z == 'z' && p == 'p') + { + str = (str.substring(0, i+1) + str.substring(i+2, length + 1)); + length = length - 1; + i = i - 1; + } + } + + return str; + } +" +a80406854ea2819e34c4fd7fc4448ffc59c5b0f8,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 4, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 1; + } + } + return newString; +} +" +a3f7303f68114938bedf5e80d54b38122cbfa6f9,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} + +} +" +68665dbd1c910f1ad36ed1f1864f6ba631abe706,"public String zipZap(String str) +{ + if ((str.startsWith(""z"")) && (str.endsWith(""p""))) + { + return str.substring(0, 3); + } + return false; +} +" +b60cc1e547a336021cf9c286b5a5a06412b1caa1,"public String zipZap(String str) +{ + if ((str.startsWith(""z"")) && (str.endsWith(""p""))) + { + return true; + } + return false; +} +" +d913ccc855b91ab41a6aea04dded6729d5896140,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + + +} +" +56245bf0d52615d0e41d6c7cc94511dacc182d06,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 4, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +a4b31b60dac395c18a8619684ef85e641b86ecb7,"public String zipZap(String str) +{ + int i = 0; + String result = """"; + int length = str.length(); + while (i < length) + { + if (str.charAt(i)=='z'&&str.charAt(i+2)=='p') + { + result += str.charAt(i) + """" + str.charAt(i+2); + i = i+2; + } + else + { + output += str.charAt(i); + } + } + return result; +} +" +825c4d4e6374ff8808f0fca3306eb5a8f82c0a84,"public String zipZap(String str) +{ + int i = 0; + String result = """"; + int length = str.length(); + while (i < length) + { + if (str.charAt(i)=='z'&&str.charAt(i+2)=='p') + { + result += str.charAt(i) + """" + str.charAt(i+2); + i = i+2; + } + else + { + result += str.charAt(i); + } + } + return result; +} +" +c3bc681c9f898431e043137b672b8b7406eaf505,"public String zipZap(String str) +{ + int i = 0; + String result = """"; + int length = str.length(); + while (i < length) + { + if (str.charAt(i)=='z'&&str.charAt(i+2)=='p') + { + result += str.charAt(i) + str.charAt(i+2); + i = i+2; + } + else + { + result += str.charAt(i); + } + } + return result; +} +" +4352dd9608cce3c4a115840101ac45bf6c266ee2,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +8c95788b020c2a455e30570ed65a6d89dde09ece,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 3; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(0, two) + str.substring(three, length); + } + } + return zipped; +} +" +cd5912be9fa3a40d70860fee0b4d2851aac3ef8b,"public String zipZap(String str) +{ + + String result = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i)=='z'&&str.charAt(i+2)=='p') + { + result += str.charAt(i) + str.charAt(i+2); + i = i+2; + } + else + { + result += str.charAt(i); + } + } + return result; +} +" +46c59de955d6983d1db32dbe9acc85371ffeef1e,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 1; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(0, two) + str.substring(three, length); + } + } + return zipped; +} +" +54e87794d595d4b86ff5fcb27fefda0ea72dbbb2,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(1, two) + str.substring(three, length); + } + } + return zipped; +} +" +fe0b99af82a5f44f76183b17a43819af326ddc0c,"public String zipZap(String str) +{ + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + zipped = str.substring(0, two) + str.substring(three, length); + } + } + return zipped; +} +" +6e218eb8cb7b9c9897855e301a03aefb3bd136cb,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", findZ + 2); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +4a20449f0625fed6ebe624b6e978ead47c47bb49,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + findP = str.indexOf(""p"", findZ2 + 2); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +063b175b03d861c65c50a94bdaf1324a467c4ad9,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +cf084e4079e575226f7813337843a7a7c9a616d4,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +81eec92517ba16616d418868df6f80fa649825dd,"public String zipZap(String str) +{ + int l = str.length() - 2; + for(int j = 0; j < l; j++) + { + if (str.charAt(j) == 'z') + { + if (str.charAt(j + 2) == 'p') + { + char c = str.charAt(j + 1); + str = str.replace(c, """"); + j++; + } + } + } + return str; +} +" +85fc19f81120418ae4b5a2f519bc6c8204d9d8f3,"public String zipZap(String str) +{ + int l = str.length() - 2; + for(int j = 0; j < l; j++) + { + if (str.charAt(j) == 'z') + { + if (str.charAt(j + 2) == 'p') + { + str c = str.charAt(j + 1); + str = str.replace(c, """"); + j++; + } + } + } + return str; +} +" +7f6d1de32576c501d0f8dfdbafe95bbc7694def8,"public String zipZap(String str) +{ + int l = str.length() - 2; + for(int j = 0; j < l; j++) + { + if (str.charAt(j) == 'z') + { + if (str.charAt(j + 2) == 'p') + { + String c = str.charAt(j + 1); + str = str.replace(c, """"); + j++; + } + } + } + return str; +} +" +cd16027ee1903aeacc81d2347f07541d34bb6603,"public String zipZap(String str) +{ + int l = str.length() - 2; + for(int j = 0; j < l; j++) + { + if (str.charAt(j) == 'z') + { + if (str.charAt(j + 2) == 'p') + { + String c = str.substring(j + 1, j + 2); + str = str.replace(c, """"); + j++; + } + } + } + return str; +} +" +8c6e8e72f025d8baac476aaa7b5659462c614bea,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + char ch; + StringBuilder build = new StringBuilder(length); + while (i= 3) + { + return str; + } + else + { + if (findZ1 != 0) + { + newString = startPart; + } + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +432ef4775f3fe76abd08fe75bc2c999f7f8ddfb1,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +64f64e102ae7d246d3c878fabbb61f2336df4619,"public String zipZap(String str) +{ + for (int i = 0, i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + int j = i + 2; + int indexStart = i; + int secondZ = indexOf('z', j); + if (secondZ + 2 == 'p') + { + String middle = str.substring(indexStart, secondZ + 2); + return ""zp"" + middle + ""zp""; + } + j++; + } + else + { + return """"; + } + } +} +" +7d046a07e3fb4d65ab900163fa17b1884547a63d,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + char character; + String finalString = """"; + while(i < length) + { + character = str.charAt(i); + if(character == 'z' && i < limit && str.charAt(i+2) == 'p') + { + finalString = finalString + ""zp""; + i = i + 3; + } + else + { + finalString = finalString + character; + i++; + } + } + return finalString; +} +" +02ce3fc38e4d5163b59c5180ada0f731309ee7a2,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +08f24dc816671b3c2d30146a5d5869629d376f6a,"public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + int j = i + 2; + int indexStart = i; + int secondZ = indexOf('z', j); + if (secondZ + 2 == 'p') + { + String middle = str.substring(indexStart, secondZ + 2); + return ""zp"" + middle + ""zp""; + } + j++; + } + else + { + return """"; + } + } +} +" +58e616622952dcc719220ab5d36921ec302d65a3,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length() -2; x++) + + { + String firststring = str.substring(0, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +9107fc08b6e0a1a5d54c9ee1782313822300225b,"public String zipZap(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + int j = i + 2; + int indexStart = i; + int secondZ = str.indexOf('z', j); + if (secondZ + 2 == 'p') + { + String middle = str.substring(indexStart, secondZ + 2); + return ""zp"" + middle + ""zp""; + } + j++; + } + else + { + return """"; + } + } +} +" +5be950f70c1ef4e9faa1b2da7d5cb7cc01cbe5e8,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length(); x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +561d4a26bb2eb878ea3a5552953fcbf9d122f692,"public String zipZap(String str) +{ + String zipZap = """"; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + int j = i + 2; + int indexStart = i; + int secondZ = str.indexOf('z', j); + if (secondZ + 2 == 'p') + { + String middle = str.substring(indexStart, secondZ + 2); + zipZap = ""zp"" + middle + ""zp""; + } + j++; + } + } + return zipZap; +} +" +595bd84fb46f643dc06c9eac4570318ef70445e4,"public String zipZap(String str) +{ + int len = str.length(); + + String finalString = """"; + + for (int i = 0; i < len; i++) { + + finalString += str.substring(i,i+1); + + if (i > 0 && i < len-1) { + + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + + finalString = finalString.substring(0,finalString.length()-1); + + } + + } + + return finalString; +} +" +69d35e12abfacf64af459fdf109074d33c13fdb3,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length -1(); x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +b699e9717ae8b306e94587d444549f9a58e4412e,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +1acdd6ece4d08fccf23f8e447e34608b0f055b0d,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length () -1; x++) + + { + String firststring = str.substring(x, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +11540723d1e2a758feb94777eb3912990a1ce874,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length () -2; x++) + + { + String firststring = str.substring(0, x+1); + String secondstring = str.substring(x+2); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +324c3df7b179ab62babda4572a6fc9358d0ed1c1,"public String zipZap(String str) +{ + int counter = 0; + String returnStr = """"; + while (i < str.length()) { + if (str.indexOf(i) == 'z' && str.indexOf(i+2) == 'p') { + returnStr = returnStr + str.indexOf(i+1); + } else { + returnStr = returnStr + str.indexOf(i); + } + } + return returnStr; +} +" +7891a583f633a619dd4fdec541d92df34c6e7b8e,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length () -2; x++) + + { + String firststring = str.substring(0, x+1); + String secondstring = str.substring(x+1, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +c3dbd4d3d6c31b2e137823fbd37c4c94feefd7dd,"public String zipZap(String str) +{ + String endString = """"; + + for (int x = 0; x < str.length () -2; x++) + + { + String firststring = str.substring(0, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +a8c4bc5c0a620ce19b737920a8f899b76b33fdc5,"public String zipZap(String str) +{ + int i =0; + String returnStr = """"; + while (i < str.length()) { + if (str.indexOf(i) == 'z' && str.indexOf(i+2) == 'p') { + returnStr = returnStr + str.indexOf(i+1); + } else { + returnStr = returnStr + str.indexOf(i); + } + i++; + } + return returnStr; +} +" +650b53319df004f7cd2beff5878e3e648500c0be,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +ffb07f3e06d279f4d5500f4810e42290d9ef3962,"public String zipZap(String str) +{ +String newWord = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) +{ +newWord += ""zp""; +i += 2; +} +else +newWord += str.substring(i, i + 1); + +return newWord;// and return the new word +} +" +bc53c4a63b4a9da81852748edfb4f2c298ce3b8f,"public String zipZap(String str) +{ + int i =0; + String returnStr = """"; + while (i < str.length()) { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') { + returnStr = returnStr + str.charAt(i+1); + } else { + returnStr = returnStr + str.charAt(i); + } + i++; + } + return returnStr; +} +" +2348e64dd4ddfc76f9c05a71ed2eb01f0edf954d,"public String zipZap(String str) +{ + String endString = """"; + + if (str.length() <= 2) + { + return = str; + } + for (int x = 0; x < str.length () -2; x++) + + { + String firststring = str.substring(0, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +1b034de5678aa5cb19fad5ac63532122dffa8a42,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3 && str.startsWith(""z"", 2) == true, str.startsWith(""z"", 3) == true, str.artsWith(""z"", 4) == true) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +78e5c6b1e1fca09e752114465be4e73085e855a7,"public String zipZap(String str) +{ + int i =0; + String returnStr = """"; + while (i < str.length()) { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') { + returnStr = returnStr + str.charAt(i) + str.charAt(i+2); + i += 3; + } else { + returnStr = returnStr + str.charAt(i); + i++; + } + + } + return returnStr; +} +" +02a8afe5d537273f039e3d6703e63d93bdb49630,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3 && str.startsWith(""z"", 2) == true, str.startsWith(""z"", 3) == true, str.sartsWith(""z"", 4) == true) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +f2bfe88c1cea01c5740713d61079dbbac67dd6ab,"public String zipZap(String str) +{ +String first=""""; +String last=""""; +String temp=""""; +for(int i=0;i= 3 && str.startsWith(""z"", 2) == true && str.startsWith(""z"", 3) == true && str.sartsWith(""z"", 4) == true) + { + return str; + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +2b1bb3c7e8b08f151dc7f091f3939ebb2eefe909,"public String zipZap(String str) +{ + String endString = """"; + + + + for (int x = 0; x < str.length () -2; x++) + + { + String firststring = str.substring(0, x+1); + String secondstring = str.substring(x+2, x+3); + + if( str.charAt(x) == 'z' && str.charAt(x+2) == 'p') + + endString = firststring + secondstring; + } + + { + return endString; + } +} +" +9c3fbc566a79f2c5370ea7d0b28f57b2145452b6,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minusAmt = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + minusAmt = 0; + } + } + return output; + } + else + { + return str; + } +} +" +a022c2e9e043189dcd68ec1d09af4130881abff9,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + for (int i = 0; i < str.length() - int minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minusAmt = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + minusAmt = 0; + } + } + return output; + } + else + { + return str; + } +} +" +0bf5fb021a14ee73ac0a0ba7eb83e802e1badfc6,"public String zipZap(String str) +{ + return true; +} +" +d41fef229566c42b336a40ceff389df6fd616b37,"public String zipZap(String str) +{ + int me = str.length(); + int mi = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(me); + while(i < me) + { + ch = str.charAt(i); + if(ch == 'z' && i < mi && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +d641bc1a1c26a4ae30fdaa7dabc5608b3d9da5ae,"public String zipZap(String str) +{ + int me = str.length(); + int mi = me - 2; + int i = 0; + char hi; + StringBuilder stbuild = new StringBuilder(me); + while(i < me) + { + ch = str.charAt(i); + if(hi == 'z' && i < mi && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(hi); + i++; + } + } + return stbuild.toString(); +} +" +87dc35a091eca3d87c6ffe11480bb601c3950832,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minusAmt = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + minusAmt = 0; + } + } + return output; + } + else + { + return str; + } +} +" +8b8070350e06d81d5f1909d726d53148b03e024e,"public String zipZap(String str) +{ + int me = str.length(); + int mi = me - 2; + int i = 0; + char hi; + StringBuilder stbuild = new StringBuilder(me); + while(i < me) + { + hi = str.charAt(i); + if(hi == 'z' && i < mi && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(hi); + i++; + } + } + return stbuild.toString(); +} +" +ae92f7db6882437ee64a9266a7123854cfc6bf6e,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + int minus = 2; + for (int i = 0; i < str.length() - minus; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minus = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + //minusAmt = 0; + } + } + return output; + } + else + { + return str; + } +} +" +11c1a71727093c69f10c4f1501326c99b3e0c8f9,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + int minus = 2; + for (int i = 0; i < str.length() - minus; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minus = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + minusAmt = 0; + } + } + return output; + } + else + { + return str; + } +} +" +227886e4d9983a9f75e7a0ce859ce1ffb986c1d9,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + int minus = 2; + for (int i = 0; i < str.length() - minus; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minus = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + minus = 0; + } + } + return output; + } + else + { + return str; + } +} +" +cd02459948d57d0bea4e97c0ebfac39c53fd34fa,"public String zipZap(String str) +{ + int stringLength = str.length(); + int findZ1 = str.indexOf(""z""); + int findP = str.indexOf(""p""); + String newString = """"; + String inBetweens = """"; + int counter = 0; + if (stringLength < 3) + { + return str; + } + else if (findZ1 == -1 && findP == -1) + { + return str; + } + else if (findP - findZ1 >= 3) + { + for (int i = findZ1 + 1; i < stringLength; i++) + { + int findZ3 = str.indexOf(""z"", i); + if (findZ1 == -1) + { + return str; + } + } + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +c202dc8e236fd547aa348742a606581d15e35daf,"public String zipZap(String str) +{ + length = str.length(); + String newString = """"; + for (int i = 0; i < length; i++) + { + + } + return """"; +} +" +eded631c5fb76df0e87ada793769999a6ff920dd,"public String zipZap(String str) +{ + int length = str.length(); + String newString = """"; + for (int i = 0; i < length; i++) + { + + } + return """"; +} +" +73dab084d9beba1bfac155575964fc6a69604394,"public String zipZap(String str) +{ + //ArrayList al = new ArrayList(); + //String zip = """"; + // for (int i =0; i= 3) + { + for (int i = findZ1 + 1; i < stringLength; i++) + { + int findZ3 = str.indexOf(""z"", i); + if (findZ3 == -1) + { + return str; + } + else + { + + } + } + } + else + { + String startPart = str.substring(0, findZ1); + newString = startPart; + while (counter < stringLength - 2) + { + int findZ2 = str.indexOf(""z"", counter); + if (str.startsWith(""p"", findZ2 + 2) == true) + { + String zStart = str.substring(findZ2, findZ2 + 1); + String zBack = str.substring(findZ2 + 2, findZ2 + 3); + newString = newString + zStart + zBack; + if (str.startsWith(""z"", counter + 4)) + { + findZ2 = str.indexOf(""z"", counter + 4); + inBetweens = str.substring(counter + 3, findZ2); + newString = newString + inBetweens; + } + } + counter = counter + 3; + } + } + return newString; +} +" +f58b84039f4aa2c3d2fc17b332190ae978af8191,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String output = """"; + int minus = 2; + for (int i = 0; i < str.length() - minus; i++) + { + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + { + output = output + ""zp""; + minus = 2; + i += 2; + } + else + { + output= output + str.charAt(i); + minus = 0; + } + } + return output; + } + else + { + return str; + } +} +" +b2ec1ffc3e311f6392dc0285285d81e132f0f695,"public String zipZap(String str) +{ + int i = 0; + int count = 0; + char z = 'z'; + char p = 'p'; + +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (z == (str.charAt(i)) && (p == str.charAt(i+2)) ) + { + str.replace(str.substring(i+1), """"); + } + } +} + return str; +} +" +7bc4c274ddd74d19cb202fadab868c60827b518c,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int counter = 0; + char character; + StringBuilder stringBuilder = new StringBuilder(length); + while(counter < length) + { + character = str.charAt(counter); + if(character == 'z' && counter < limit && str.charAt(counter+2) == 'p') + { + stringBuilder.append(""zp""); + counter += 3; + } + else + { + stringBuilder.append(character); + counter++; + } + } + return stringBuilder.toString(); +}" +38f4d14a7cc57fa05cec8cab165006e15aef975b,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + s += diff.charAt(i); + } + } + return s; +} +" +f31fb8a11b3264e494880dc1c26777337ea22696,"public String zipZap(String str) +{ + int leg = str.length(); + int l = leg - 2; + int s = 0 + char c; + StringBuilder build = new StringBuilder(leg); + while ( s < leg) + { + c = str.charAt(s); + if (c == 'z' && s < l && str.charAt(s + 2) == 'p') + { + build.append(""zp""); + s += 3; + } + else + { + build.append(c); + s++; + } + return build.toString(); + + } +} +" +253028c390b3c98de47c10737b985883f40d6bbb,"public String zipZap(String str) +{ + int leg = str.length(); + int l = leg - 2; + int s = 0; + char c; + StringBuilder build = new StringBuilder(leg); + while ( s < leg) + { + c = str.charAt(s); + if (c == 'z' && s < l && str.charAt(s + 2) == 'p') + { + build.append(""zp""); + s += 3; + } + else + { + build.append(c); + s++; + } + return build.toString(); + + } +} +" +15c1ea0d3be674bd35044a56e7c3ff41be8f1a5a,"public String zipZap(String str) +{ + int leg = str.length(); + int l = leg - 2; + int s = 0; + char c; + StringBuilder build = new StringBuilder(leg); + while ( s < leg) + { + c = str.charAt(s); + if (c == 'z' && s < l && str.charAt(s + 2) == 'p') + { + build.append(""zp""); + s += 3; + } + else + { + build.append(c); + s++; + } + + + } + return build.toString(); +} +" +5df208f96be01afca26fdbd2b940f929d18df07b,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' || diff.charAt(i+1) != 'p') { + s += diff.charAt(i); +} + } + } + return s; +} +" +4728f70f3974c038f08c1e535983e4672e35fc84,"public String zipZap(String str) +{ + String newWord = """"; + + for (int i=0; i< str.length(); i++) + + if ((i < str.length()-2) && (str.substring( i, i + 1).equals(""z"") && (str.substring( i + 2, i + 3).equals(""p"")))) + { + newWord += ""zp""; + i += 2; + } + else + newWord += str.substring(i, i + 1); + + return newWord; +}" +e9e2c504932a83e2747dd5b0ec4e3281d0969920,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) + { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + { + finalString = finalString.substring(0,finalString.length()-1); + } + } + } + return finalString; +} +" +a027f5a4e7bece0da0229795aa3a4460a205f633,"public String zipZap(String str) +{ + String zz = str; + int i = 1; + while (i <= str.length() - 2) + { + if (str.substring(i - 1, i).equals(""z"") && str.substring(i + 1, i +2).equals(""p"")) + { + zz = zz.substring(0, i) + zz.substing(i + 1); + } + } + return(zz); +} +" +db9a4a9e91778ec55b573e230f320c980adb16b7,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + + for (int i = 1; i < diff.length()-1; i++) { + if (!(diff.charAt(i-1) == 'z' && diff.charAt(i+1) == 'p')) { + s += diff.charAt(i); +} + } + } + return s; +} +" +aa0448b5db19aa33ce3adf75508fe4b2a61baf22,"public String zipZap(String str) +{ + String zz = str; + int i = 1; + while (i <= str.length() - 2) + { + if (str.substring(i - 1, i).equals(""z"") && str.substring(i + 1, i +2).equals(""p"")) + { + zz = zz.substring(0, i) + zz.substring(i + 1); + } + i = i + 1; + } + return(zz); +} +" +e8166afc877b49411143afe397e0a56f296d3ad2,"public String zipZap(String str) +{ + int i = 0; + int count = 0; + char z = 'z'; + char p = 'p'; + String result=""""; + +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (z == (str.charAt(i)) && (p == str.charAt(i+2)) ) + { + // str.replace(str.charAt(i+1), """"); + + result = result + ""zp""; + i = i+2; + } + else + { + result = result +str.charAt(i); + } + } +} + return str; +} +" +bde8a892fd12a234b2b42433ac26cab40ad81dcd,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (i=0; i < length - 2; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString.append('zp'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +23278bd308dd52442d5b8539fc4ecedd6bee67e5,"public String zipZap(String str) +{ + String returnStr = """"; + for (int i = 0; i < str.length(); i++) + { + returnStr += str.substring(i, i + 1); + if (i > 0 && i < str.length() - 1) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == + 'p') + { + returnStr = returnStr.substring(0, returnStr.length - 1) + } + } + } + return returnStr; +} +" +1412833849f901d71276893604ee7928393d3a41,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + + for (int i = 1; i < diff.length()-1; i++) { + if (diff.charAt(i-1) != 'z' && + diff.charAt(i+1) != 'p') { + s += diff.charAt(i); + } + } + return s; +} +" +3016a462398280a2dd1536263e45aa91a418c94e,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +f3805c1acb9b986125f2acbc7ccabae4744a2996,"public String zipZap(String str) +{ + String returnStr = """"; + for (int i = 0; i < str.length(); i++) + { + returnStr += str.substring(i, i + 1); + if (i > 0 && i < str.length() - 1) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == + 'p') + { + returnStr = returnStr.substring(0, returnStr.length - 1); + } + } + } + return returnStr; +} +" +6ec838ae51280650ddcfeda7d653f569d23e4ac8,"public String zipZap(String str) +{ + String returnStr = """"; + for (int i = 0; i < str.length(); i++) + { + returnStr += str.substring(i, i + 1); + if (i > 0 && i < str.length() - 1) + { + if (str.charAt(i - 1) == 'z' && str.charAt(i + 1) == + 'p') + { + returnStr = returnStr.substring(0, returnStr.length() - 1); + } + } + } + return returnStr; +} +" +fd6a56583ce504c5d6bc0ef15aaa56b901fda25c,"public String zipZap(String str) +{ + int i = 0; + int count = 0; + char z = 'z'; + char p = 'p'; + String result=""""; + +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (z == (str.charAt(i)) && (p == str.charAt(i+2)) ) + { + // str.replace(str.charAt(i+1), """"); + + result = result + ""zp""; + i = i+2; + } + else + { + result = result +str.charAt(i); + } + } +} + return result; +} +" +c55ba24beebcba80595f13378b1bb8e9fcd10877,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (i=0; i < length - 2; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +389a3f75faad8ba657452a30b1ae6589f91b8c8b,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (i=0; i < length - 2; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +a478d1e40c127c7fddf3467a95c4429b68810115,"public String zipZap(String str) +{ + String s = """"; + String diff = "" "" + str + "" ""; + + for (int i = 1; i < diff.length()-1; i++) { + if (!(diff.charAt(i-1) == 'z' && diff.charAt(i + 1) == 'p')) { + s += diff.charAt(i); +} + } + return s; +} +" +182f7f3c15095a1c45185d8e2b15e73171bcc331,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +}" +a91c22b380888dcaa0cc59c99f3505685f6f3c2e,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length - 2; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +1dd2674bb9a168c7324007edffbdf28c52815252,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +e3b64f333c3894474348d3d22a8ca744dc4afdb6,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' && length - i > 0) + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +e7cb57e53fac952e50aae461d909b638e84a29de,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' && length > 3) + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +0ec4f3ef19ccd04ff1bfadf0ce6cb0fdacb45df4,"public String zipZap(String str) { + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str +" +dacd6ed405fb5d36d3479af0cecef04ff62e1116,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' && length > 2) + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +835d04a3ccd270610d9d5ae6d2e74f0c44211953,"public String zipZap(String str) { + for (int i = 0; i < str.length()-2; i++) + if (str.charAt(i) == 'z' && str.charAt(i+2) == 'p') + str = str.substring(0,i+1) + str.substring(i+2); + return str; +} +" +4c67471776590ad9f3ef3a907e1452637b7e516d,"public String zipZap(String str) +{ + int i = 0; + int count = 0; + char z = 'z'; + char p = 'p'; + String result=""""; + +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (z == (str.charAt(i)) && (p == str.charAt(i+2)) ) + { + // str.replace(str.charAt(i+1), """"); + + result = result + ""zp""; + i = i+2; + } + else + { + result = result +str.charAt(i); + } + } + return result+str.charAt(i+1)+str.charAt(i+2)+ str.charAt(i+3); +} + else + { + return str; + } + +} +" +b9662b1a90250f181553140fc6862a0965771476,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' && i < length - 2) + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +85366ffaba2dccf03057544bb6c215c182fef383,"public String zipZap(String str) +{ + int length = str.length(); + StringBuilder newString = new StringBuilder(length); + for (int i = 0; i < length; i++) + { + if ( str.charAt(i) == 'z' && str.charAt(i + 2) == 'p' && i < length - 2) + { + newString.append('z'); + newString.append('p'); + i = i + 2; + } + else + { + newString.append(str.charAt(i)); + } + } + return newString.toString(); +} +" +432630bea8a774e8d8977a739273afe40a149525,"public String zipZap(String str) +{ + int i = 0; + int count = 0; + char z = 'z'; + char p = 'p'; + String result=""""; + +if (str.length() >= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (z == (str.charAt(i)) && (p == str.charAt(i+2)) ) + { + // str.replace(str.charAt(i+1), """"); + + result = result + ""zp""; + i = i+2; + } + else + { + result = result +str.charAt(i); + } + } + return result;//+str.charAt(i+1)+str.charAt(i+2)+ str.charAt(i+3); +} + else + { + return str; + } + +} +" +fc06cb8404532ba9759c19324b1db63ec66b551b,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +bb428c90c16c7a0960443f6469b84130be7b32af,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +5989928852ef46f9758c7826f9cf1dda44d8de62,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + char character; + StringBuilder builder = new StringBuilder(); + while (i= 3) +{ + for (i = 0; i<=str.length()-3; i++) + { + if (z == (str.charAt(i)) && (p == str.charAt(i+2)) ) + { + // str.replace(str.charAt(i+1), """"); + + result = result + ""zp""; + i = i+2; + } + else + { + result = result +str.charAt(i); + } + } + return result+str.charAt(i+1)+str.charAt(i+2); +} + else + { + return str; + } + +} +" +975cbdaa807cd05674426305920f79de638a00d6,"public String zipZap(String str) +{ + int length = str.length(); + int limit = length - 2; + int i = 0; + char character; + StringBuilder builder = new StringBuilder(); + while (i 0) + { + string = string + str.charAt(0); + for( int i = 1 ; i < str.length() - 1; i++) + { + if(( str.charAt(i-1) != 'z') || (str.charAt(i+1) != 'p')) + { + string = string + str.charAt(i); + } + } + if( str.length() > 1) + string = string + str.charAt(str.length() - 1); + } + return string; + +} +" +27dce583f3ba4ba9845090556b3e17e5e2996f7b,"public String zipZap(String str) +{ + String out = """"; + for(int i = 0; i al = new ArrayList(); + //String zip = """"; + // for (int i =0; i al = new ArrayList(); + //String zip = """"; + // for (int i =0; i= 3) +{ + for (i = 0; i<=str.length()-1; i++) + { + if (i +2 0 && i < len - 1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + { + finalString = finalString.substring(0,finalString.length()-1); + } + } + } + return finalString; +} +" +2b7873c54278195159d9e40795db8c72a8df035d,"public String zipZap(String str) +{ + int len = str.length(); + String finalString = """"; + for (int i = 0; i < len; i++) + { + finalString += str.substring(i,i+1); + if (i > 0 && i < len-1) + { + if (str.charAt(i-1) == 'z' && str.charAt(i+1) == 'p') + finalString = + finalString.substring(0,finalString.length()-1); + } + } + return finalString; +} +" +8fb86d601f253d0f6088542e8c45c2868f2f206f,"public String zipZap(String str) +{ + String part = str; + String removed = """"; + int j = part.length(); + int i = 0; + while (i < j - 2) + { + if (str.charAt(i) == 'z' && str.charAt(i + 2) == 'p') + { + removed = removed + part.substring(0, i + 1); + part = part.substring(i + 2); + j = part.length(); + i = 0; + } + i++; + } + removed = removed + part; + return removed; +} +" +c9a26a4bc7e05ac7627d2f4038d9f7a075581548,"public String zipZap(String str) +{ + StringBuilder stringy = new StringBuilder(str); + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + // zipped = str.substring(0, two) + str.substring(three); + str.deleteCharAt(two); + } + } + return zipped; +} +" +18a633ee496a90c4954b5a816a13cf88419309b7,"public String zipZap(String str) +{ + StringBuilder stringy = new StringBuilder(str); + int length = str.length(); + String zipped = """"; + for (int i = 0; i < length - 2; i = i + 1) + { + char one = str.charAt(i); + char two = str.charAt(i + 1); + char three = str.charAt(i + 2); + if (one == 'z' && three == 'p') + { + // zipped = str.substring(0, two) + str.substring(three); + stringy.deleteCharAt(two); + } + } + return zipped; +} +" +e0324e9a8a8088c8117b4d84c569d91e92192c34,"public String zipZap(String str) +{ +String newstr = """"; + +for (int i=0; i< str.length(); i++) + +if ((i < str.length()-2) && (str.substring( i, i + 1) == (""z"") && (str.substring( i + 2, i + 3) == (""p"")))) +{ +newstr += ""zp""; +i += 2; +} +else +{ +newstr += str.substring(i, i + 1); +} +return newstr; +} +" +1aacbb1c41d7e2c5ec3692dae6b6e4ab6edd74d6,"public String zipZap(String str) +{ + int nnum = 0; + char ch; + String returnString = """"; + while(num < str.length()) + { + str.charAt(num); + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + { + returnString = returnString + ""zp""; + num += 3; + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +b14f15493109c04a6c154477c1029f0c63232dc7,"public String zipZap(String str) +{ + return str.replaceAll(""z.p"", ""zp""); +}" +b8574020ee7b05994793daf2c99ff5ffd0635ceb,"public String zipZap(String str) +{ + int num = 0; + char ch; + String returnString = """"; + while(num < str.length()) + { + str.charAt(num); + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + { + returnString = returnString + ""zp""; + num += 3; + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +9c59e423ecbf8ce50332dc0c09613e77c3f63b33,"public String zipZap(String str) +{ + if (str.length() < 3) + { + return str; + } + else if (str.indexOf(""z"") == -1 || str.indexOf(""p"") == -1) + { + return str; + } + else if (str == ""azbcppp"") + { + return str; + } + else + { + String outputString = """"; + for (int i = outputString.length(); i < str.length() - 2; i++) + { + boolean isZAndP = (str.charAt(i) == 'z' && str.charAt(i+2) == 'p'); + if (isZAndP) + { + outputString = outputString + ""z"" + ""p""; + i = i + 2; + } + else + { + String notZip = str.substring(i, i + 1); + outputString = outputString + notZip; + } + } + return outputString; + } +}" +ae02e529368564000a02797a70670856d2d49f61,"public String zipZap(String str) +{ + int num = 0; + char ch = ''; + String returnString = """"; + while(num < str.length()) + { + str.charAt(num); + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + { + returnString = returnString + ""zp""; + num += 3; + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +f97c0fe7677049b6cfafb56c349865f8ee0d11eb,"public String zipZap(String str) +{ + return str.replaceAll(""z.p"", ""zp""); +}" +9163f38b3a357451bfdd076143f396a482af3a27,"public String zipZap(String str) +{ + if (str.length() < 3) + { + return str; + } + else if (str.indexOf(""z"") == -1 || str.indexOf(""p"") == -1) + { + return str; + } + else if (str == ""azbcppp"") + { + return str; + } + else + { + String outputString = """"; + for (int i = 0; i < str.length() - 2; i++) + { + boolean isZAndP = (str.charAt(i) == 'z' && str.charAt(i+2) == 'p'); + if (isZAndP) + { + outputString = outputString + ""z"" + ""p""; + i = i + 2; + } + else + { + String notZip = str.substring(i, i + 1); + outputString = outputString + notZip; + } + } + return outputString; + } +}" +5d0a0362ace23c15c47815f3bde4c93200bf33fe,"public String zipZap(String str) +{ + int num = 0; + char ch = ''; + String returnString = """"; + while(num < str.length()) + { + ch = str.charAt(num); + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + { + returnString = returnString + ""zp""; + num += 3; + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +1a8cdb07a73ea3b7cd46de0fbd6aac1fa864d2c4,"public String zipZap(String str) +{ + int num = 0; + char ch; + String returnString = """"; + while(num < str.length()) + { + ch = str.charAt(num); + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + { + returnString = returnString + ""zp""; + num += 3; + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +2515ccbcb23d56fbabc238825e60b66373d48147,"public String zipZap(String str) +{ + int num = 0; + char ch; + String returnString = """"; + while(num < str.length()) + { + ch = str.charAt(num); + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + { + returnString = returnString + ""zp""; + num += 3; + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +7b0d1fb83803e62017e574674a20a6f89f47f36f,"public String zipZap(String str) +{ + int la = str.length(); + int lo = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(la); + while(i < la) + { + ch = str.charAt(i); + if(ch == 'z' && i < lo && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +15434f0bb2b9c0fbd09882b9d8b99de844d18617,"public String zipZap(String str) +{ + int la = str.length(); + int lo = la - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(la); + while(i < la) + { + ch = str.charAt(i); + if(ch == 'z' && i < lo && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); +} +" +6dacc00ac1457348060bc413a4a509592a640b5f,"public String zipZap(String str) +{ + return f; + +} +" +82d993b640d75622a5ec4128fb35d6b41403c036,"public String zipZap(String str) +{ + int i = 0; + int limit = str.length() - 2; + + char xy; + + StringBuilder stringz = new StringBuilder(str.length()); + +} +" +2a7be8015ab6342e9c38bdc025d052c3d668280c,"public String zipZap(String str) +{ + return ""f""; + +} +" +4ca83145b31ed29526547984c7ba891804ed1e4f,"public String zipZap(String str) +{ + int num = 0; + char ch; + String returnString = """"; + while(num < str.length()) + { + ch = str.charAt(num); + //getting the char at that point of the string + if(ch == 'z' && num < str.length()-2 && str.charAt(num+2) == 'p') + // The condition makes sure starting letter is z and its 3 chars long and ends with p + { + returnString = returnString + ""zp""; + num += 3; + //makes sure to skip that section now that the letter has been removed between z and p. + } + else + { + returnString = returnString + str.charAt(num);; + num++; + } + } + return returnString; +} +" +0243e28b377238ce7020cc822b0e2486cc05dcc5,"public String zipZap(String str) +{ + int i = 0 + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i).toString() == ""z"" && str.charAt(i + 2).toString() == ""z"") + { + return ""zp""; + } + } + return """"; +}" +e57769a8b10df76bdecbd098a275b8e680f165b0,"public String zipZap(String str) +{ + int i = 0; + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i).toString() == ""z"" && str.charAt(i + 2).toString() == ""z"") + { + return ""zp""; + } + } + return """"; +}" +e863cee43d2492cc71ac24170adc8a31d6f7bdb7,"public String zipZap(String str) +{ + int i = 0; + int limit = str.length() - 2; + + char xy; + + StringBuilder stringz = new StringBuilder(str.length()); + + while (i < str.length()); + { + xy = str.charAt(i); + + if(xy == 'z' || i < limit || str.charAt(i+2) == 'p') + { + stringz.append(""zp); + i += 3; + } + else + { + stringz.append(xy); + i++; + } + } + + return stringz.toString(); +} +" +65d272e0c5bf534415c8dd8484ce26065a44d5be,"public String zipZap(String str) +{ + int i = 0; + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""z"" && str.charAt(i + 2) == ""z"") + { + return ""zp""; + } + } + return """"; +}" +0d4e50a8ab17e92a35fa83c1313242dcbf81157b,"public String zipZap(String str) +{ + int i = 0; + int limit = str.length() - 2; + + char xy; + + StringBuilder stringz = new StringBuilder(str.length()); + + while (i < str.length()); + { + xy = str.charAt(i); + + if(xy == 'z' || i < limit || str.charAt(i+2) == 'p') + { + stringz.append(""zp""); + i += 3; + } + else + { + stringz.append(xy); + i++; + } + } + + return stringz.toString(); +} +" +0d05ae7d0fbe4bd0c64cea6dc3875ece580f6196,"public String zipZap(String str) +{ + if (str.length() >= 3) + { + String ret = """"; + int minusAmt = 2; + for (int i = 0; i < str.length() - minusAmt; i++) + { + if (str.charAt(i) == 'z' & str.charAt(i+2) == 'p') + { + ret = ret + ""zp""; + minusAmt = 2; + i += 2; + } + else + { + //Add the character + ret = ret + str.charAt(i); + //Make the minus amount 0, so that we can get the rest of the chars. + minusAmt = 0; + } + } + //return the string. + return ret; + } + //If it was less than 3 chars, we return the string. + else + { + return str; + } +} +" +8ac07c83c8966b3a060e1b9b6ab489ae833a9c38,"public String zipZap(String str) +{ + int len = str.length(); + int lim = len - 2; + int i = 0; + char ch; + StringBuilder stbuild = new StringBuilder(len); + while(i < len) + { + ch = str.charAt(i); + if(ch == 'z' && i < lim && str.charAt(i+2) == 'p') + { + stbuild.append(""zp""); + i += 3; + } + else + { + stbuild.append(ch); + i++; + } + } + return stbuild.toString(); + +} +" +50512065cabaabecbaa5b831302ebdc742ae9654,"public String zipZap(String str) +{ + if (str == ""zipXzap"") + { + return ""zpXzp""; + } + else if (str == ""zopzop"") + { + return ""zpzp""; + } + else if (str == ""zzzopzop"") + { + return ""zzzpzp""; + } + else if (str == ""zibzap"") + { + return ""zibzp""; + } + else if (str == ""zip"") + { + return ""zp""; + } + else + { + return ""zi""; + } +} +" +4783e7592c84ff398dc29be91013183df503de64,"public String zipZap(String str) +{ + + String newS = """"; + + if (str.length() <= 2) return str; + + for (int i = 0; i < str.length() - 2; i++) { + if (str.substring(i, i + 1).equals(""z"") && str.substring(i + 2, i + 3).equals(""p"")) { + newS += str.substring(i, i + 1) + str.substring(i + 2, i + 3); + i += 2; + } else { + newS += str.substring(i, i + 1); + } + } + return newS; + } + +" +8166dab33b93bca6f2aad0157ae981ea9ba255dd,"public String zipZap(String str) +{ + int i = 0; + char z = z; + char p = p; + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i) == z && str.charAt(i + 2) == p) + { + return ""zp""; + } + } + return """"; +}" +cc03bff9c6e6648ad15169b77148d8de1399764b,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + count += 1; + } + } + if (count == nums.length) + { + return true; + } + return false; +} +" +314e8a7949d80d9fd5b35dca2c498a3e0fc59a16,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + count += 1; + } + } + if (count == nums.length) + { + return true; + } + else + { + return false; + } +} +" +962b3f6522127e0de1f78b84088cececfe2b4188,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + count += 1; + } + } + if (count + 1 == nums.length) + { + return true; + } + else + { + return false; + } +} +" +129ac3538600210d0a2d91bf1d07de9b04fb6bbd,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + if (nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + count += 1; + } + } + if (count + 1 == nums.length) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +547684c42de72c6e6902568b48d19c00bc69b1cf,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + return false + } + return true; +} +" +e17f9dc3923d50706042428affd41d761f82d3ba,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + return false; + } + return true; +} +" +64a7e2522d177f6916370c56790387320e502409,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i - 1] != val && nums[i] != val) + return false; + } + return true; +} +" +b6964fd5e143a2f87c71e81d0ce55764942f7935,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (!(nums[i] == val || nums[i + 1] == val)) { + return false; + } + } + return true; +} +" +e6e9968ef16219fc88c28cb6e925ffa0e70ac074,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +582e02a8dc0284c0bceb2f775441fdeaaebd567a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + bool = true; + } + else + { + bool = false; + } + } + + +} +" +9d16117d72c60b0934481287a57284ed9bb44ac9,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = false; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + bool = true; + } + else + { + bool = false; + } + } + + return bool; +} +" +89535becbb68074ae3cee7fe7cef8699ef1464a1,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + bool = true; + } + else + { + bool = false; + } + } + + return bool; +} +" +b35e49860c90cb16c44133586483cb55f53c787b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = false; + + if ( nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + bool = true; + } + else + { + bool = false; + } + } + } + + return bool; +} +" +6fd47e5ec432db6a6528b1bedbc57fe9844c6934,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = false; + + if ( nums.length > 1) + { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + bool = true; + } + else + { + bool = false; + } + } + } + + return bool; +} +" +1054bc2f7456e59b94f80228572e97d2bb9fbfb4,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = false; + +// if ( nums.length > 1) + // { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + bool = true; + } + else + { + bool = false; + } + } + //} + + return bool; +} +" +3d4802377e0643485f2c46394828f46eadb16524,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = true; + +// if ( nums.length > 1) + // { + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val || nums[i + 1] != val) + { + bool = false; + } + + } + //} + + return bool; +} +" +f922f2a1119d67ceca394bc559d0f16f01778ef7,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val || nums[i + 1] != val) + { + return false; + } + + } + + return true; +} +" +712a81965e70ab92902e6c7e66d1f799ddf40c18,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + + } + + return true; +} +" +f5fe8f036f0ac300bc40fc8494b412c8c5940ab2,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + + } + + return true; +} +" +cc75e107b5a6dcc269a11b7096024581f8ecdc2e,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +ece0bb412a3479780db049914f8b2be5f7173d4f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) { + if (nums[i] != val) { + if (i - 1 >= 0 && nums[i - 1] != val) { + if (i + 1 < nums.length) { + if (nums[i + 1] != val) { + return false; + } + } + else { + return false; + } + + } + + } + } + } + return true; +} +" +dbd7f3b52896f6dfa647c6e971cca7ca8d83ea17,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) { + if (nums[i] != val) { + if (i - 1 >= 0 && nums[i - 1] != val) { + if (i + 1 < nums.length) { + if (nums[i + 1] != val) { + return false; + } + } + else { + return false; + } + } + } + } + return true; +} +" +55ad2b8bd968d865f4a2e824366e0816c748b167,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) { + if (nums[i] != val) { + if (i + 1 < nums.length) { + if (nums[i + 1] != val) { + return false; + } + } + else { + return false; + } + } + } + return true; +} +" +0a3d1ded05367f3eaced233ff729093ac9c2e0a0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != val) { + if (i - 1 >= 0 && i + 1 < nums.length) { + if (nums[i-1] != val || nums[i+1] != val) { + return false; + } + } + else if (i + 1 < nums.length) { + if (nums[i+1] != val) { + return false; + } + else { + if (nums[i-1] != val) { + return false; + } + } + + } + } + } + return true; +} +" +be67a2c8ced7ed75c125e898266e1594d563555f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != val) { + if (i - 1 >= 0 && i + 1 < nums.length) { + if (nums[i-1] != val || nums[i+1] != val) { + return false; + } + } + else if (i + 1 < nums.length) { + if (nums[i+1] != val) { + return false; + } + else if (i - 1 >= 0) { + if (nums[i-1] != val) { + return false; + } + } + + } + } + } + return true; +} +" +42fb5404337b010e4ccca0684813053da707148b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +a46a174060600c5bfe1bc1551379dd3c3d95a574,"public boolean isEverywhere(int[] nums, int val) +{ + return true; + +} +" +342fb812a51744f1c7ef1df45884cd3aaeea0c74,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2) + + { + return true; + } + + int a = 0; + int b = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[a] != val && nums[b] != val) + { + return false; + } + + a++; + b++; + } + return true; +} +" +155a507ef79ebae3b5c969a09177779b0cc7ffcc,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2) + + { + return true; + } + + int a = 0; + int b = 1; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[a] != val && nums[b] != val) + { + return false; + } + + a++; + b++; + } + return true; +} +" +4e67f87f077e01e6c0f65f4d24a01e110d7a8dbb,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + return false; +} +" +fd317c46dcc6776f34dd6c2ac51b8fb33d650c27,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.lnegth % 2; + int hells = 0; + if ( hell == 0) + { + for ( i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hell) + { + return true; + } + else + { + false; + } + } + return false; +} +" +244e3e8740176a61216fd9f87c50aac2c06f07ab,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.length % 2; + int hells = 0; + if ( hell == 0) + { + for ( i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hell) + { + return true; + } + else + { + false; + } + } + return false; +} +" +244216e77d9bb76cd979cb6d89c8d470762540cf,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.length % 2; + int hells = 0; + if ( hell == 0) + { + for ( i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hell) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +980507e7f2c02c8584108184d2185876a358db22,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.length % 2; + int hells = 0; + if ( hell == 0) + { + for ( int i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hell) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +e0b85bf7f4c2b7e2325f8b822e6586c947ba81f0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +9278e10bde167b4e20a7cbdfe7529289e2361c2c,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.length % 2; + int hells = 0; + if ( hell == 0) + { + for ( int i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hell) + { + return true; + } + } + return false; +} +" +c8da70c187a182bcac889ebb2a216b1f66610a8e,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.length % 2; + int hel = nums.length/ 2; + int hells = 0; + if ( hell == 0) + { + for ( int i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hel) + { + return true; + } + } + return false; +} +" +9b78d09597dd1d8bfcb754f77c7a6c54c68e5ea5,"public boolean isEverywhere(int[] nums, int val) +{ + int hell = nums.length % 2; + int hel = nums.length/ 2; + int hells = 0; + if ( hell == 0) + { + for ( int i = 0 ; i < nums.length ; i+=2) + { + if (nums[i] == val || nums[i+1] == val) + { + hells++; + } + } + if ( hells == hel) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +a9f9bcb0610248ac6e4c0220950302080ae50b95,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = false; + for (int i = 1; i < nums.length - 1; i++) { + if (nums[i - 1] == val || nums[i + 1] == val) { + y = true; + } + } + return y; +} +" +9eb4412746af3626ec51a244addbe6d6f218e5d1,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = false; + for (int i = 1; i < nums.length - 1; i++) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = true; + } + else { + y = false; + } + } + return y; +} +" +ed95f67b00d9eefda8c02e97284bc9f41357926f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != value) + { + return false; + } + } + return everywhere; +} +" +99a0277a808aa22802b2eb0998c65d8cf4b1ce88,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != value) + { + return false; + } + } + return everywhere; +} +" +9c1db2db8ca074fe10025bbafa4273aa25024c33,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return everywhere; +} +" +536e96f9ea7ba8e4c8de005dc3c8c20a47e49242,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +}" +1bb2ba0d9ba375c7a2135738350f8c2acfe2427b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + for (int i = 1; i < nums.length - 1; i++) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + y = false; + } + } +} +" +49ca0353208e9883cefff92791aa8dd80f6702ed,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + for (int i = 1; i < nums.length - 1; i++) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + y = false; + } + } + return y; +} +" +e9fd14a6bb055ebf377a59b42c034089586fbc8b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + y = false; + } + } + return y; +} +" +ba77dbe8d14d6c99af370ebc7ba7139bc9dc959b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + if (i != nums.length - 2) { + if (nums[i] == val && nums[i + 2]) { + y = y && true; + } + else { + y = false; + } + } + + } + } + return y; +} +" +b47701bbdb1a9c9f4eee2a1a84840fdab41f39e7,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + if (i != nums.length - 2) { + if (nums[i] == val && nums[i + 2] == val) { + y = y && true; + } + else { + y = false; + } + } + } + } + return y; +} +" +dfef6aefab546ba0baad02a2c33cada4042f6820,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + + if (nums[i] == val && nums[i + 2] == val) { + y = y && true; + } + else { + y = false; + } + + + } + } + return y; +} +" +be546813986390b3b3eaea8d21f341fa58934880,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (!(nums[i] == val || nums{i+1] == val)) + { + return false; + } + } + return true; +} +" +c3895a847febdb562c9ccf10b09507ed911ea1d9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (!(nums[i] == val || nums[i+1] == val)) + { + return false; + } + } + return true; +} +" +f7b62068168da65478c7599ec560c89181ed4d70,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < (nums.length - 1); i += 2) + { + if ((nums[i] == val) || (nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +8ec5f482e6f6fe23af27069dab01c8e77a3f2c6a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < (nums.length - 1); i++) + { + if ((nums[i] == val) || (nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +2c4799d95e6e64eb54bcc3c4071091004dd20aed,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +63e5808b5b78c1c0e51d2df34e8db3fc2cd39874,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + if {nums.length <= 1) + { + return true; + } + + for (int i = 0; i < (nums.length - 1); i++) + { + if ((nums[i] == val) || (nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +600974f2ec5b43e4b35075750b8a570d1ac7137d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + if (nums.length <= 1) + { + return true; + } + + for (int i = 0; i < (nums.length - 1); i++) + { + if ((nums[i] == val) || (nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +be6033cd5dad239c718c93b3587977febdf6133f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + if (nums.length <= 1) + { + return true; + } + + for (int i = 0; i < (nums.length - 1); i++) + { + if ((nums[i] == val) || (nums[i + 1] == val)) + { + everywhere = true; + } + else + { + return false; + } + } + return everywhere; +} +" +f9c8efce296b23b76935a02a38aeb6495a4ed35c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + + { + + if(nums[i] != val && nums[i+1] != val) + + return false; + + } + + return true; +} +" +569a63574b4295a38fb547487833328560954057,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i=0;i nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +e99ac808fdfcd1297b02c74839115ba1c4f2318a,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +92d1f3037da64e3f2b10014995e2f98058f001cc,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2 && num.length % 2 == 0) + { + return true; + } + else if (s > num.length/2 && num.lenght % 2 == 1) + { + return true; + } + else + { + return false; + } +} +" +73b44658abc2fdef654e6de457d31813cb603702,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2 && nums.length % 2 == 0) + { + return true; + } + else if (s > nums.length/2 && nums.lenght % 2 == 1) + { + return true; + } + else + { + return false; + } +} +" +cce504f738cd3e9f10b75bd745344b44002a981d,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2 && nums.length % 2 == 0) + { + return true; + } + else if (s > nums.length/2 && nums.length % 2 == 1) + { + return true; + } + else + { + return false; + } +} +" +4c0354774b0d8baa754737834bf0ff97a63174da,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2 && nums.length % 2 == 0) + { + return true; + } + else if (s >= nums.length/2 + 1 && nums.length % 2 == 1) + { + return true; + } + else + { + return false; + } +} +" +85e76c60aa221daa755e6887d0e77fc96418134c,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2 && nums.length % 2 == 0) + { + return true; + } + else if (s > nums.length/2 && nums.length % 2 == 1) + { + return true; + } + else + { + return false; + } +} +" +bc9ac406b80a512485ed637e042d24f28477d810,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i : nums) + { + if (i == val) + { + s ++; + } + } + if (s >= nums.length/2 && nums.length % 2 == 0) + { + return true; + } + else if (s >= nums.length/2 && nums.length % 2 == 1) + { + return true; + } + else + { + return false; + } +} +" +6d229175078c7539c58eaba3742634584c653595,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i : nums) + { + int[] newA = new int[2]; + newA[0] = i; + newA[1] = i + 1; + if (!newA.contains(val)) + { + return false; + } + } + return true; +} +" +ccb4fdbb85ca7c294bbc288519200ee014b2ef4a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i : nums) + { + int[] newA = new int[2]; + newA[0] = i; + newA[1] = i + 1; + if (!ArrayUtils.contains(newA, val)) + { + return false; + } + } + return true; +} +" +1d28116adde171ff96a1edb4d0625950b5962fd4,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i : nums) + { + int[] newA = new int[2]; + newA[0] = i; + newA[1] = i + 1; + if (!Arrays.asList(newA).contains(val)) + { + return false; + } + } + return true; +} +" +31b55576c2eae4e5d716ade313de706665aa3949,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (!(nums[i] == val || nums[i + 1] == val)) { + return false; + } + } + return true; +} +" +934812973a3d08a5623f3ed3c814f723fd2ea514,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums[0] == val){ + for (int i = 1; i < nums.length; i++) + { + if (nums[i -1] != val || nums[i + 1] != val) + { + return false; + } + } + }else{ + return false; + } + return true; +} +" +67b80fa75d1eeac7cb3c22af65a7a5ee70cedf80,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i -1] == val && nums[i + 1] == val) + { + return true; + } + } + return false; +} +" +50935450bb167c231ff4cdca0e4ac80da25fdbbb,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1 ; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + return false; +} +" +1ad2e86b9e92ede4f96d61938bc0199c2d37ac0b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +}" +7f33eb917d722e6b83fc300df6ef9741c55591ce,"public boolean isEverywhere(int[] nums, int val) { +boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; +} +" +9f28346caddd837f8ff0afdaf9e727121e0868ed,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i; i= nums.length) { + return false; + } + else if (nums == {1, 2, 1, 2, 3, 2, 5}) { + return false; + } + else { + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + + if (nums[i] == val && nums[i + 2] == val) { + y = y && true; + } + else { + y = false; + } + + + } + } + return y; + } +} +" +2172db54f468c22c3b124ccc8646fe93dddf2726,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + if (val >= nums.length) { + return false; + } + else if (nums == {1, 2, 1, 2, 3, 2, 5}) { + return false; + } + else { + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + + if (nums[i] == val && nums[i + 2] == val) { + y = y && true; + } + else { + y = false; + } + + + } + } + return y; + } +} +" +12a9ecc92a4758bba4d2273944e344fd4122cb37,"public boolean isEverywhere(int[] nums, int val) +{ + boolean y = true; + if (val >= nums.length) { + return false; + } + else { + for (int i = 1; i < nums.length - 1; i+=2) { + if (nums[i - 1] == val && nums[i + 1] == val) { + y = y && true; + } + else { + + if (nums[i] == val && nums[i + 2] == val) { + y = y && true; + } + else { + y = false; + } + + + } + } + return y; + } +} +" +e82dfe8bd8a0f1cbde16feee65f67387594d721f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +745abf0f19984a8eaa137f5c10fd09d212758bf1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +4e10a38c533afc652c7f174aa82b09d8bda5d45c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +14778797aa952e49a35c19d1c79764bf60a88fe1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +9f7540ae4133dc3c0259e4a875854d9330a3647f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +9607cda431ce477da54f605264f00e83ae21b3e5,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +b8891bf98a31d8409b1ea6a77bbab99ccf7cc92b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +4aac94026419b18b884ad864b15239095212126e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +4da0e682777e14d522df3c81a0ca62da0dc00b33,"public boolean isEverywhere(int[] nums, int val) +{ + boolean answer = false. + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + answer = true; + } + } + return answer; +} +" +83c2c0b9307d7535264e43ec3787a93d9af0a9f4,"public boolean isEverywhere(int[] nums, int val) +{ + answer = false. + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + answer = true; + } + } + return answer; +} +" +248a42b6be0b5c276bc90fe48d343de22fedf6b6,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +5a05ed9bd5e8c6f03fd5a4b290364eef66376184,"public boolean isEverywhere(int[] nums, int val) +{ + boolean answer = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + answer = true; + } + } + return answer; +} +" +42754c43b62cddabe336b465d475c44844d69e60,"public boolean isEverywhere(int[] nums, int val) +{ + boolean answer = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + answer = false; + } + } + return answer; +} +" +f5fd87e7372717644b96c55a301528c9a484b4f0,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +61d015103ff63de3f01b6b98173b96d2ae469411,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[1] != val && nums[1+i] != val) + { + return false; + } + } + return true; +} +" +766f38d93f4df85f2988329cf22817074815c07b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val && nums[1+i] != val) + { + return false; + } + } + return true; +} +" +d77acb728f336ae7cdd8a69926774cfb5be3707c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isItTrue = false; + + for (int i = 0; i < nums.length; i++) + { + if (i != 0 && i != nums.length - 1) + { + if (nums[i - 1] == val || nums[i + 1] == val) + { + isItTrue = true; + } + else + { + return false; + } + } + } + + return isItTrue; +} +" +430ce003cdd1f37beca8d05518ad8236f02cf6d7,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +de9ae98e18ea72b4024214d9a6fdc4b0929b480d,"public boolean isEverywhere(int[] nums, int val) +{ + value = false; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + value = true; + } + } + return value; +} +" +edefd2ae793c976cd338641b866a0f039277a054,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value = false; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + value = true; + } + } + return value; +} +" +58953a4ef4564b010d298a060df38340d5e03d7f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value = false; + for(int i = 0; i < nums.length -1; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + value = true; + } + } + return value; +} +" +266c88ccc2869dd351d2ccd672cadb9d96dae3cf,"public boolean isEverywhere(int[] nums, int val) +{ + bool isTrue = false; + int i = 0; + for (int i = 0; i < nums.length; i = i + 2) + { + if (nums[i] == val || nums[i+1] == val) + { + isTrue = true; + } + else + { + retrun false; + } + } + return isTrue; +} +" +3bc79a06724ede8e45cd84ee8d8d9ab6850d544b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; + +} +" +949198a84d5c44268c7c84e35cd91e9fccd76c7d,"public boolean isEverywhere(int[] nums, int val) +{ + bool isTrue = false; + int i = 0; + for (int i = 0; i < nums.length; i = i + 2) + { + if (nums[i] == val || nums[i+1] == val) + { + isTrue = true; + } + else + { + return false; + } + } + return isTrue; +} +" +05e11981161c17c50d49ceffbfe8c03284008a17,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isTrue = false; + int i = 0; + for (int i = 0; i < nums.length; i = i + 2) + { + if (nums[i] == val || nums[i+1] == val) + { + isTrue = true; + } + else + { + return false; + } + } + return isTrue; +} +" +e60ced37429e1243947707e5394e829c3a351c53,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isTrue = false; + for (int i = 0; i < nums.length; i = i + 2) + { + if (nums[i] == val || nums[i+1] == val) + { + isTrue = true; + } + else + { + return false; + } + } + return isTrue; +} +" +fc481817654ed68f013d79158c07ef80850b26b8,"public boolean isEverywhere(int[] nums, int val) +{ + for(int x = 0; x < nums.length - 1 ; x++) + { + if(nums[x] != val && nums[x + 1] != val) + return false; + } + return true; + +} +" +06b057a251be00132ef8302a55efe3fd6f644427,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isTrue = false; + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] == val || nums[i+1] == val) + { + isTrue = true; + } + else + { + return false; + } + } + return isTrue; +} +" +e67f07ad88fce9c8e68aabf621fa0306bd3977df,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i-1] != nums[i] || nums[i] != nums[i+1]) + return false; + } + return true; +} +" +6c55e20f8baa1760d9fe275518676b3c300b5582,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i-1] != nums[i] && nums[i] != nums[i+1]) + return false; + } + return true; +} +" +9373568c028dc9da2191d1da36d4d6cad15b11c1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i-1] != val || nums[i] != val) + return false; + } + return true; +} +" +f0d967a69d984d75350c2108a500127db4ac325b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i-1] != val && nums[i] != val) + return false; + } + return true; +} +" +20de82824f7fe4d208b913c944064afb225a6de8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +6ff500a3c91c1398943aa1c02a579ad89ed5c4a3,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +60151f92b76ef092c2091847e02562e5db8127e6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +2008b1b0672f4cacc121157470a16666b58942ce,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +7847a21b5f32e3199c64fd51ba2990e01735617c,"public boolean isEverywhere(int[] nums, int val) +{ + for (r = 0; r < nums.length - 1; r++) + { + if (nums[r + 1] != val && nums[r] != val) + { + return false; + } + } + return true; +} +" +0e44fc3318b78ff15c146ea792381c965e52489d,"public boolean isEverywhere(int[] nums, int val) +{ + int r; + for (r = 0; r < nums.length - 1; r++) + { + if (nums[r + 1] != val && nums[r] != val) + { + return false; + } + } + return true; +} +" +9050b974ad390bfb7881add0a55419bac94d1aff,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i -1] == val || nums[i + 1] == val) + { + return true; + } + } +} +" +724d6e67fb83fea0b82d3fddcf1e2173a33fcec0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i - 1] != val || nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +87f46f92519ece5ac3ca4da242c17bee17a22587,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +5fffc7e9f9e0ffc4aebe68042c5e6234b32ea19e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +8f7105ac5248bf92493e880db768804c8f43ac31,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (!(nums[i] == val || nums[i + 1] == val)) + { + return false; + } + } + return true; + }" +095f8f33e71e7475ae1e9c756149f443c033053f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +ff9a9d558cfd6595105d746c2587ca39cb0241cd,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + //since it has to be pairs, you cant leave the last + //value alone, so you do length - 1 + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +11af59bd5dbafbb5076954dc648b0dc9794f893c,"public boolean isEverywhere(int[] nums, int val) +{ + + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; + + + +} +" +01e6b6128fc00752ceab8c5e4dadf8438fcbd21c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ + if ( nums[i] != val && nums[i+1] != val) + { + result = false; + } +} + return result; +} +" +aa7ac114a617f755f2b9f63b6dfa539a2deabfd9,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if(!(nums[i] == val || nums[i+1] == val)) + return false; + } + return true; +} +" +f73e7261533c9e03632654b5d453c84431ffffd3,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +90c4dfbd857b0b0616935a33895d58b85ede5dd2,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isev; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + isev = true; + } + else + { + return false; + } + } + return isev; +} +" +065546276679704ed0dca6f4308901c51ee8339f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isev = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + + } + else + { + return false; + } + } + return isev; +} +" +a1b6dd5aeccadc55166559fbaae22054c3f21d12,"public boolean isEverywhere(int[] nums, int val) +{ + int length = nums.length; + boolean everywhere = false; + for (int i = 0; i < length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +5e1dc81270ea12c66b30a1a5758a8a02c793b403,"public boolean isEverywhere(int[] nums, int val) +{ + int length = nums.length; + boolean everywhere = false; + + int i = 0; + while (i < length - 1) + { + if (nums[i] == val || nums[i + 1] == val) + { + everywhere = true; + i++; + } + else + { + everywhere = false; + i = length; + } + } + + return everywhere; +} +" +ffb975af5a1afae25b83965e26af0d05659d977d,"public boolean isEverywhere(int[] nums, int val) +{ + int length = nums.length; + boolean everywhere = true; + + int i = 0; + while (i < length - 1) + { + if (nums[i] == val || nums[i + 1] == val) + { + everywhere = true; + i++; + } + else + { + everywhere = false; + i = length; + } + } + + return everywhere; +} +" +9a389638463cd58e7fe388d56a53076c3b4bb901,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return(result); +} +" +b6e2e9a1f8f16fa5833b7ccb7bd76ccd50e48427,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i+2] != val) + { + result = false; + } + } + return(result); +} +" +be6d6d6f437e2b589f18766b467ecbbe73e092d5,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return(result); +} +" +cd11548a8685fc6db216d8eac591139c174fcdac,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val && nums[i+1] != val) + { + result = false; + } + } + return(result); +} +" +09d0130cc9062cb2ef47b8c460960852b25bd392,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val && nums[i+1] != val && nums[i+2] == val ) + { + result = true; + } + } + return(result); +} +" +47a73d2da03a29604ee8208e7cfbb7b0ae5b58e0,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return(result); +} +" +99368092b9909e2007838375876818a24350e81b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return(result); +} +" +de6040abb81e9bed6e4d68854969ca6bd06916cc,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +7a3962b8f392ed16e10b82062201487378d36c6b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +58b211b0f2c980d796b70170bf866d3d4cd2932b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +8e4375186d9c8153c81dc7bee2be9182e84b7567,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +0d9a6de83b6e214491fc9bd4926a99912160bf34,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +4e6a8293caf8519476e3b66c04818efc96a68883,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +57fd5abe2b29115c89bbf2e3d641f7fd7d826e87,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; int < nums.length; i++) + { + if ( nums[i] == val); + { + count++; + } + } + return count; +} +" +008f5e8cbe83cfbaeffc059380c6335eee22d2a8,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == val); + { + count++; + } + } + return count; +} +" +f018f30413a89b4d663be6c302775ca03e246821,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length; i++) + { + if ( nums[i] == val); + { + return true; + } + } + return false; +} +" +f03e35b23c68b301c26a7e66f69e0cba9b230450,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == nums[i+1] && nums[i] == val) + return true; + if(nums[i] == nums[i-1] && nums[i] == val) + return true; + } + return false; + +} +" +9b1a9d19cee75de34c5cbc44fdeb721579c94ccc,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; +for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; + + +} +" +d70e47c0fe83faa3919788d9c1995a65c2bfea0e,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +be52f7128770e3d1c394532ed8c45c7ffb293f02,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) { + return true; + } + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != val && nums[i + 1] != val) { + return false; + } + } + return true; +} +" +4f832bff328d3afa278f48b70a20715c16271932,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; +} +" +cb61da33d91dc2a4d0941cef69479be8b506292f,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +988aeacd6b1fd298098c84bad4960efbffeedda1,"public boolean isEverywhere(int[] nums, int val) +{ + return false; +} +" +fd6f0fe3c5ab57b0fc04ec3963cfdf5713523675,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +619863eaeb7ce2074a7fd98edd72fa20c090a29f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i+2) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +b53fe64d492cf15fbbe80a51272bb119d87cdfc0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i+2) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +1ce5a70852884319a9c68869b637a7cff37f6ab8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i+=2) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +b32f6cbd097e9decdc7e4bfe72c46668f11aeca5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +e3ce9e0fd8a36932c1f8ee952c6315db99f33d51,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i = i + 2) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +53a67cb37dcbc38940d8400c752b2fd77073933a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i = i + 2) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +82a1acfc7550dbb7026b100fb3cfbe5adfdbf666,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +a111eed94fcfdad279b2d1dff5e49ac8747f3a08,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (i == 0) + if (nums[i + 1] != val) + return false; + if (i == nums.length - 1) + if (nums[nums.length - 1] != val) + return false; + else + if((num[i -1] & num[i + 1]) != val) + return false; + return true; + + +} +" +704bf9e6e7eaf195a5970ff45f763aa206bb9f0e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (i == 0) + if (nums[i + 1] != val) + return false; + if (i == nums.length - 1) + if (nums[nums.length - 1] != val) + return false; + else + if((num[i -1] & num[i + 1]) != val) + return false; + return true; + + +} +" +e418cb1cceb3e10b6b9721428997274fe911ab38,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (i == 0) + if (nums[i + 1] != val) + return false; + else if (i == nums.length - 1) + if (nums[nums.length - 1] != val) + return false; + else + if((num[i -1] & num[i + 1]) != val) + return false; + return true; + + +} +" +9e2302b06d0a85b8f6a33e0ba4db20e61d367d24,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (i == 0) + if (nums[i + 1] != val) + return false; + else if (i == nums.length - 1) + if (nums[nums.length - 1] != val) + return false; + else + if((nums[i -1] & nums[i + 1]) != val) + return false; + return true; + + +} +" +094199a47b234810ea8da7c4b4fd4d0a7c952e41,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + //if (i == 0) + // if (nums[i + 1] != val) + // return false; + if (i == nums.length - 1) + if (nums[nums.length - 1] != val) + return false; + else + if((nums[i -1] & nums[i + 1]) != val) + return false; + return true; + + +} +" +feece0938eb14b5942a2eb58d15b8df385d4fe20,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + //if (i == 0) + // if (nums[i + 1] != val) + // return false; + //if (i == nums.length - 1) + // if (nums[nums.length - 1] != val) + // return false; + //else + if((nums[i -1] & nums[i + 1]) != val) + return false; + return true; + + +} +" +c63aa0173a20293da4b314fb0eac9e4be727d829,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + //if (i == 0) + // if (nums[i + 1] != val) + // return false; + //if (i == nums.length - 1) + // if (nums[nums.length - 1] != val) + // return false; + //else + if((nums[i] & nums[i + 1]) != val) + return false; + return true; + + +} +" +d161b8be934f4af7bd2ca5e3e434d079d61b3c21,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + //if (i == 0) + // if (nums[i + 1] != val) + // return false; + //if (i == nums.length - 1) + // if (nums[nums.length - 1] != val) + // return false; + //else + if((nums[i] & nums[i + 1]) != val) + return false; + return true; + + +} +" +833a3ea8e2792e82bf519afa0625bbb902cfe6c8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 2; i++) + //if (i == 0) + // if (nums[i + 1] != val) + // return false; + //if (i == nums.length - 1) + // if (nums[nums.length - 1] != val) + // return false; + //else + if((nums[i] & nums[i + 1]) != val) + return false; + return true; + + +} +" +7c1cf84aa43f0484de34a2e6d456260161f2d819,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + //if (i == 0) + // if (nums[i + 1] != val) + // return false; + //if (i == nums.length - 1) + // if (nums[nums.length - 1] != val) + // return false; + //else + if((nums[i] & nums[i + 1]) != val) + return false; + return true; + + +} +" +e4a4194574ae0332f751a5b2dabb725e6345c452,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if((nums[i] & nums[i + 1]) != val) + return false; + return true; + + +} +" +9a6c6950e8c1d988cee2578873a9c701b7c15ed6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if(nums[i] != val && nums[i + 1] != val) + return false; + return true; + + +} +" +2792f9a35fe9e4da5e146fab6cbf3e40d22b6f1e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + if(nums[i] != val && nums[i + 1] != val) + return false; + return true; + + +} +" +c0abd6eaf20076a571883b195829eaed5df819d8,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == 7) + { + if(nums[i+1] == 7) + return true; + else if(i < nums.length - 2 && nums[i+2] == 7) + return true; + } + } + return false; +} +" +eb049693e07b37abe4147e1c2170110e395d6334,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +b81d14641b81ad6795c2c910f22e4b9ea04f6ec9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i =1; i 1 && i == nums.length-1 && nums[i-1] == val) + every = true; + else + return false; + } + return every; +} +" +eb4d3ca6b2ad8ab344184555e259565c7ea21485,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == val || nums[i + 1] == val ) { + return true; + } + + } +} +" +ed3538dbfb1ddacc362f1a68fe03732a29cc6e5f,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == val || nums[i + 1] == val ) { + return true; + } + else + { + return false; + } + + } +} +" +ebfa5c23f599475750063a06e14e88e7af119ec5,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == val || nums[i + 1] == val ) { + return true; + } + + } + return false; +} +" +6c03a977c1082d254831266c9a6ea98001f395ba,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] == val || nums[i + 1] == val ) { + return true; + } + + } + return false; +} +" +bd3c86bb7d8c057fadfef50d9a450dacd526f40c,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 2; i++ ) { + if ( nums[i] != val && nums[i + 1] != val ) { + return false; + } + + } + return true; +} +" +c299f661450c2e79ba09fcf72c781e4a79f39c9f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +199fbec9608d63357aa9b5e7bdc1c936080cf21e,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] != val && nums[i + 1] != val ) { + return false; + } + + } + return true; +} +" +5808744b52b56d65e5306df5cc0b5f863be67f1f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean valInPair = True; + for (int i = 0; i < (nums.length - 1); i++) + { + valInPair = (valInPair && ((nums[i] == val) || (nums[i+1] == val))); + } + return valInPair +} +" +61fd69203cad428bccbdf8ad67d6496f4f5c4c06,"public boolean isEverywhere(int[] nums, int val) +{ + boolean valInPair = True; + for (int i = 0; i < (nums.length - 1); i++) + { + valInPair = (valInPair && ((nums[i] == val) || (nums[i+1] == val))); + } + return valInPair; +} +" +e80ff243f666da7c0e82089747c3c0a8703bf2fa,"public boolean isEverywhere(int[] nums, int val) +{ + boolean valInPair = true; + for (int i = 0; i < (nums.length - 1); i++) + { + valInPair = (valInPair && ((nums[i] == val) || (nums[i+1] == val))); + } + return valInPair; +} +" +278d7fd1bd755d87e1a20b2128993c40856fe68d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != val && nums[i + 1] != val) { + return false; + } + } + return true; +} +" +9899a992b05cec40f4f2bbbc4175418d862e308b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != val && nums[i+1] != val) { + return false; + } + } + return true; +} +" +8021b7581fce7bc156c40cbee6b754fdc253455b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] == val && nums[i+1] == val) { + return true; + } + } + return false; +} +" +25fe7f1215ea2b62c0aace73a8543909929d7712,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != val && nums[i+1] != val) { + return false; + } + } + return true; +} +" +40afc2b9c7be0c10cb518f4058a32090c90adbf7,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != val && nums[i+1] != val) { + return false; + } + } + return true; +} +" +6643a4682088b1b8aa34fd3b4fb5bf9320445f29,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length;i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + return true; + } +} +" +1563f282c0182d4d7670ff6e11200620a0e5f6c8,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length;i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +2ae3f5cd9c550edbdf291f1f86d92abe9fc41141,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length-1;i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +cdca9502a88dc0401a9b0808d28b30922e506233,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +b75461e9240c47e82f798109c78261dfe7e227c5,"public boolean isEverywhere(int[] nums, int val) +{ + for (i = 0; i < nums.length- 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + else + return false +} +" +7975e89c5aa45a4a898f599c0338003003c9976a,"public boolean isEverywhere(int[] nums, int val) +{ + for (i = 0; i < nums.length- 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +64bf40d005e8e70580c331732e94ecddad5e2dd2,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length- 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +bb71b108579ce94b6cf84a5efef376b5c90956ef,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length- 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + everywhere = true; + } + } + return everywhere; +} +" +005ad6636aead13882873fc9d33769ea1d7bc07d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length- 1; i++) + { + if (nums[i] == val && nums[i+1] == val) + { + everywhere = true; + } + } + return everywhere; +} +" +6fd9ebc4e8c169a722afa038826738912355e3b3,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + everywhere = true; + } + } + return everywhere; +} +" +a5c0f066163d15e5caea2af3d59136d84cd54dd0,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + everywhere = true; + } + } + return everywhere; +} +" +605edb26809b16f5bdf5b0cbfebbfac8b93ff763,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +d5a46aeaf651ac0eaaf0aae04800b61a73ab2cbb,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + everywhere = false; + } + } + return everywhere; +} +" +b303727814007a59d35f68564ac8576eae238c9c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((i < nums.length - 1 && nums[i] != nums[i + 1]) && (i > 0 && nums[i] != nums[i - 1])) + { + return false; + } + else + { + return true; + } + } + return false; +} +" +37a3042c5e7920e989a8054337c11335b837ea26,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + everywhere = false; + } + } + return everywhere; +} +" +bd74bfa033abf6b5a23f934c468c95a24ffec0f8,"public boolean isEverywhere(int[] nums, int val) +{ + count = 0; + for (int i = 0; i < nums.length; i++) + { + if ((i < nums.length - 1 && nums[i] != nums[i + 1]) && (i > 0 && nums[i] != nums[i - 1])) + { + count = count + 1; + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +c4aec121657ed809bbe6cdbaeda7879051646209,"public boolean isEverywhere(int[] nums, int val) +{ + count = 0; + for (int i = 0; i < nums.length; i++) + { + if ((i < nums.length - 1 && nums[i] != nums[i + 1]) && (i > 0 && nums[i] != nums[i - 1])) + { + count = count + 1; + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +9403ddd7f85b9cd30ef000955f57ff1947710837,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if ((i < nums.length - 1 && nums[i] != nums[i + 1]) && (i > 0 && nums[i] != nums[i - 1])) + { + count = count + 1; + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +18af7c941eaf8031d7c5957fb1fb71fb5a7ef85c,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if ((i < nums.length - 1 && nums[i] != nums[i + 1]) || (i > 0 && nums[i] != nums[i - 1])) + { + count = count + 1; + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +ac0279a2f515796e0320ee52a316df0ea2e2c4e9,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 1 && nums[i] != nums[i + 1]) + { + count = count + 1; + } + if (i > 0 && nums[i] != nums[i - 1]) + { + count = count + 1; + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +64e4d22d4432aae63ff1ecc6d3c73c00de0c07da,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i] != nums[i + 1] && nums[i] != nums[i - 1]) + { + count = count + 1; + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +f35126f6a734379d57d7146b2ec74efcb4ee88c4,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (!(nums[i] == val || nums[i + 1] == val)) { + return false; + } + } + return true; +} +" +f56fbcb5ac259060bccf13b996da89ef0915eccc,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 2 && nums[i] != nums[i + 1] && nums[i] != nums[i + 2]) + { + count = count + 1; + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +49124038698585f9e336743c6ba5f700625ad12f,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (i < nums.length - 2 && nums[i] != nums[i + 1] && nums[i] != nums[i + 2]) + { + count = count + 1; + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +3a6297cd9005ea6c3c774fa1ada680b07354e972,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i < nums.length - 2 && nums[i] != nums[i + 1] && nums[i] != nums[i + 2]) + { + count = count + 1; + } + } + } + if (count == 0) + { + return true; + } + else + { + return false; + } +} +" +a8fd5e8ffe4b89b8d7f152e40fcc340796850c43,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i < nums.length - 2 && nums[i] != nums[i + 1] && nums[i] != nums[i + 2]) + { + count = count + 1; + } + } + if (nums[i] != val) + { + count2 = count2 + 1; + } + } + if (count == 0 && count2 != nums.length) + { + return true; + } + else + { + return false; + } +} +" +4c10f16ab44870b523909bd09e2022cf984e88ce,"public boolean isEverywhere(int[] nums, int val) +{ + boolean tvalue = false; + for(int i = 0; i < nums.length + 1; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + tvalue = true; + } + } + return tvalue; +} +" +8ac7598479515217383c75acade59407ddd71fe6,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int count2 = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i < nums.length - 2 && nums[i] != nums[i + 1] && nums[i] != nums[i + 2]) + { + count = count + 1; + } + } + if (nums[i] != val) + { + count2 = count2 + 1; + } + } + if ((count == 0 && count2 != nums.length) || nums.length < 2) + { + return true; + } + else + { + return false; + } +} +" +2b929c03f42f0b50f8d2db72aff314956fba39f5,"public boolean isEverywhere(int[] nums, int val) +{ + boolean tvalue = false; + for(int i = 0; i < nums.length + 1; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + tvalue = true; + } + } + return tvalue; +} +" +08e6cee9cf820ebc0da6e303986071294ae73f93,"public boolean isEverywhere(int[] nums, int val) +{ + boolean tvalue = false; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + tvalue = true; + } + } + return tvalue; +} +" +8ca73049d4c40e1b7c2922ecc14d31cfd746df48,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +c4322adb78495d4e11e27703c6961d0fccc8a7b5,"public boolean isEverywhere(int[] nums, int val) +{ + boolean tvalue = false; + for(int i = 0; i <= nums.length; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + tvalue = true; + } + } + return tvalue; +} +" +377a564a9f62f02914203884e1513cd7449a2e11,"public boolean isEverywhere(int[] nums, int val) +{ + boolean tvalue = false; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + tvalue = true; + } + } + return tvalue; +} +" +224071f2118c9b226b72c863b2e51cb6ec2d2e55,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +a6d3d79c65e8d198adae94ebbef1b935420dfbd9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } + return false; + } +} +" +8cf7379980aa0eeab59b4b8cba454dd370dc2e2a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } + } + return false; +} +" +a3629926e4082626493421d34bb234556a626f17,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +4b0d67541c81dca51c261cb0e1034fdbe60b7d94,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = val) + { + return true; + } + } + + return false; +} +" +5620672343a91e1f3c541c392aca308ed05a7141,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val) + { + return true; + } + } + + return false; +} +" +52c696628926465c97a833a0b5461f94e812d493,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int a = nums[i]; + int b = nums[i + 1]; + if (a == val || b == val) + { + count++; + } + } + return count == nums.length - 1; +} +" +9ad48bdfbea9f6eaa2347457020e53e065db708e,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int a = nums[i]; + int b = nums[i + 1]; + if (a == val || b == val) + { + count++; + } + } + if (nums.length == 0) + { + return true; + } + return count == nums.length - 1; +} +" +9acbbef20e63e44ec6f9eff6ba813066a4ac6b98,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + return false; + } + return true; +} +" +92eb4b6c1207b341d8a5be66951d0ec6b2221fbb,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + + return true; +}" +7891cc21b165b69dd17885764a815aee2c6228a3,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +9e3b75b0a569eaaa87dfde5dfc907ac84aa76967,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +cf48b5a9e0f186b8db6401d6d773058e2936fe4b,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 1) + + return new int[] {nums[0]}; + + else if (nums.length == 0) + + return new int[] {}; + + else + + return new int[] {nums[0],nums[1]}; + +} +" +af75d0218a34db59a0ad23cac0856670023a32e2,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + { + x = false; + } + } + return x; + +} +" +c3beafec71154d19b247add62aa22202c632299b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i+1] != val && nums[i] != val) + { + x = false; + } + } + return x; + +} +" +aee49bf5867ace067dbbca3da0b4805ecf63bfaf,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i+1] != val) + { + if ( nums[i] != val) + { + x = false; + } + } + } + return x; + +} +" +c55baa2c8970f4763979859fc8053e196ec238da,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + numtimes++; + } + } + if (numtimes >= nums.length * 2) + { + everywhere = true; + } + return everywhere; +} +" +0f439ff96c2f627dec4b3836fbc7b2acca7c1de6,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + numtimes++; + } + } + if (numTimes >= nums.length * 2) + { + everywhere = true; + } + return everywhere; +} +" +28235695f66292ada36cd08646167cacd7fa85af,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + numTimes++; + } + } + if (numTimes >= nums.length * 2) + { + everywhere = true; + } + return everywhere; +} +" +e9ad094f352cb15a7ae7a3c3aaeafd5e663a1584,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + int maxValue = i + if (i + 1 < nums.length) + { + maxValue++; + } + if (nums[i] == val || nums[maxValue] == val) + { + numTimes++; + } + } + if (numTimes >= nums.length * 2) + { + everywhere = true; + } + return everywhere; +} +" +ded44d0701086c435aa99846db44027677bd0d54,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + int maxValue = i; + if (i + 1 < nums.length) + { + maxValue++; + } + if (nums[i] == val || nums[maxValue] == val) + { + numTimes++; + } + } + if (numTimes >= nums.length * 2) + { + everywhere = true; + } + return everywhere; +} +" +7a96f1b8ac720874fff6c82d1ebe163b0851beb8,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + int maxValue = i; + if (i + 1 < nums.length) + { + maxValue++; + } + if (nums[i] == val || nums[maxValue] == val) + { + numTimes++; + } + } + if (numTimes >= nums.length / 2) + { + everywhere = true; + } + return everywhere; +} +" +016c04c3594e568888036b181d98ea8cb0ec481d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + int numTimes = 0; + for (int i = 0; i < nums.length; i++) + { + int maxValue = i; + if (i + 1 < nums.length) + { + maxValue++; + } + if (nums[i] == val || nums[maxValue] == val) + { + numTimes++; + } + } + if (numTimes * 2 >= nums.length) + { + everywhere = true; + } + return everywhere; +} +" +8ae97fbdca932a78f9b62901225f5630b46157ee,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +b969d1581d8122ffc43efbb83fc18e7c954408c5,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +e8219ec72d67fd0aa53af4782ec1c6cfae97f279,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + else + { + i++; + } + } +} +" +62df8be2d67e19e4c6920636d8ee2ddfc16b6d58,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + else + { + i++; + } + } + return true; +} +" +7af86778e8c8ba5659f124df8ba00a00d44c848d,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) + return false; + if (nums.length == 1) + if (nums[0] == val) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + else + { + i++; + } + } + return true; +} +" +557983abf06f7c6d4cb347c9ece55ca0dd77abce,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) + return false; + if (nums.length == 1) + if (nums[0] == val) + return true; + else + return false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + /*else + { + i++; + }*/ + } + return true; +} +" +59eb259727409a2a17ad0e62683c809a04f8dc2c,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) + return true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + /*else + { + i++; + }*/ + } + return true; +} +" +f0f667986cad6bfcc5efe5b37d4520f5d8c4e798,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) + return true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + if (nums[i] == val) + { + i++; + } + /*else + { + i++; + }*/ + } + return true; +} +" +f08815d3f0ef9860790bf76a56eef1934922353d,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) + return true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + + } + return true; +} +" +e3c914fa20f505fd0ff2d1f2f4d847dc18e65737,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) + return true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + continue; + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + + } + return true; +} +" +0dfcdfd01376a7edca0581323fd034650c272dfe,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) + return true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + else + { + i++; + } + } + + } + return true; +} +" +e6f8570a107f4250e373d6f9d6996b1c4535dac9,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0 || nums.length == 1) + return true; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val) + { + if (nums[i+1] != val) + { + return false; + } + } + + } + return true; +} +" +0e50677af92c9f8002e37b08ca579bacd9c5bb5e,"public boolean isEverywhere(int[] nums, int val) +{ + int b = val + 1; + int c = val - 1; + if (nums[b] == nums[val] || nums[c] == nums[val]) { + return true; + } + else { + return false; + } +} +" +2efc3b1d0acaa60b452bf611f88e4f3873fd00aa,"public boolean isEverywhere(int[] nums, int val) +{ + int b = 0; + for (int i = 1; i < nums.length - 1; i++) { + if (nums[i] == val || nums[i-1] == val || + nums[i+1] == val) { + b++; + } + } + return b == nums.length - 2; +} +" +db5c375e624a65493ac62191eaa542e25dd0b5d4,"public boolean isEverywhere(int[] nums, int val) +{ + int b = 0; + for (int i = 1; i < nums.length; i++) { + if (nums[i] == val || nums[i-1] == val) { + b++; + } + } + return b == nums.length - 1; +} +" +fa2985ae3fdb23decddb5de36b2da663d83a9593,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + everywhere = false; + } + } + return everywhere; +} +" +5208e0188c6871b2dd12b321b81c024d4802f563,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums[0] == null) { + return true; + } + int b = 0; + for (int i = 1; i < nums.length; i++) { + if (nums[i] == val || nums[i-1] == val) { + b++; + } + } + return b == nums.length - 1; +} +" +faaaa4b9637f7003d240f0cdc7c5c6bf28c27cdb,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) { + return true; + } + int b = 0; + for (int i = 1; i < nums.length; i++) { + if (nums[i] == val || nums[i-1] == val) { + b++; + } + } + return b == nums.length - 1; +} +" +805f2d9943a0456305cd210542c38fcfc3bd709e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return false; +} +" +536504ba460f25bfaac8c1f80b9c23ec7ddac8cd,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = false; + + for (int i = 0; i < nums.length - 3; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return result; +} +" +857436ac34cdd5f6aae334088de9b59d5581302c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = false; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return result; +} +" +c97382b60fa43ef7c8a1e11ae7477b68ccfa2739,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = false; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return result; +} +" +7df4eed1743cbe8f422d010f17ea942e93dbf217,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return false; +} +" +a9816f160ef42b8bf142d961d0ed240a30a492ba,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i+=2) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return false; +} +" +65d7eb918a9948efc5151a7c849b72d22ff1e195,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i+2) + { + if (nums[i] == val && nums[i + 1] == val) + { + return true; + } + } + + return false; +} +" +f2b635204def4f12b0727a580577155f7ea7e6b5,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + + return true; +} +" +c009391a6eea48d43cdfa3d5680469da08296918,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = true; + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + bool = false; + } + return result; + } +} +" +a2faaaf584f6ab4bc81862b1fba1b5244a97ef71,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = true; + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + bool = false; + } + return bool; + } +} +" +0202a8d34b28ebd3f51ccd3adf6709aa892c201f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = true; + for (int i = 0; i <= nums.length-2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + bool = false; + } + } + return bool; +} +" +18baec4b8a6b923114b6cc841b0ca832e6c9b7dc,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +7fe70a482dce303ffb2eac9e5813e772aab0cb94,"public boolean isEverywhere(int[] nums, int val) +{ + int min = nums.length / 2; + int count = 0; + + for (int num: nums) + { + if (num == val) + int count++; + } + + if (count >= min) + return true; + + return false; +} +" +c5a93cd1ba1d00071666cedd2929816e9f24f307,"public boolean isEverywhere(int[] nums, int val) +{ + int min = nums.length / 2; + int count = 0; + + for (int num: nums) + { + if (num == val) + count++; + } + + if (count >= min) + return true; + + return false; +} +" +e02dbb7e301eb0645d600a8f7f1c0a3a5b29cd41,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int rem = nums.length % 2; + + if (rem == 1) + { + int min = (nums.length / 2) + 1; + } + else + { + int min = nums.length / 2; + } + + for (int num: nums) + { + if (num == val) + count++; + } + + if (count >= min) + return true; + + return false; +} +" +84db916a93c64a9eb8164822a23a22392134c4b2,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int rem = nums.length % 2; + int min; + + if (rem == 1) + { + min = (nums.length / 2) + 1; + } + else + { + min = nums.length / 2; + } + + for (int num: nums) + { + if (num == val) + count++; + } + + if (count >= min) + return true; + + return false; +} +" +097692517e9f3161763948331e2fb7c67d1b6cb8,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +}" +cd923f0e604beef6f4142607589f036e4bea8d40,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (nums[i + 1] == val) + { + myLoop = true; + } + else if (nums[i + 2] == val) + { + myLoop = true; + } + } + else + { + if (nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +cb11dd11c451d447e6c45c35087254f1260bf653,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +6bbbf26e51b23b6f7f41b991701bfb2a42bc2602,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + else if(i + 2 == null) + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +90ca1fa7a2246fbf435d077c340c4d9a848077ac,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + else if(nums[i + 2] == null) + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +366016e867957325f169195361af90ba553942c8,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + else if(nums[i + 2] = null) + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +c391a794d54b145c4064ba25eb967712c0c02115,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +cbf523976209d7f934bf7920b9796d9beeff2f65,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + else + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +4ccb01d72c20deb0d69bb670da2825d1d2b783fd,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1]) + { + + } + else + return false; + } + return true; +} +" +de693c760baf82705eebf9583963ad0e53ec9cff,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + + } + else + return false; + } + return true; +} +" +55b45a8e3ea253e83577657aab8913fb36cb654c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + // else + // { + // myLoop = true; + // } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 1 == nums.length) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +18af32979a8b84b36d537a6ae68d4f1a34de72fd,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + boolean myLoop = true; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 2 < nums.length && nums[i + 2] == val) + { + myLoop = true; + } + } + else + { + if (i + 1 < nums.length && nums[i + 1] == val) + { + myLoop = true; + } + else if (i + 1 == nums.length) + { + myLoop = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +4de098bee1731ff564ed8792ee28d45b52b701ee,"public boolean isEverywhere(int[] nums, int val) +{ + //if (nums.length%2 == 0) + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + + } + else + return false; + } + return true; +} +" +a331fa74471876cbfc30a0857f2966010b797845,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + truth = true; + } + else + { + return false; + } + } + + return truth; + + +} +" +5b0e7c62cdc31e6591ad385212f7b7a0f4c7cbae,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + truth = true; + } + else + { + return false; + } + } + + return truth; + + +} +" +95dc09eebf6fe107ee8773431c13252d740a102d,"public boolean isEverywhere(int[] nums, int val) +{ + return false; +} +" +70417033770e287183edea27f0faa33e382487e9,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +71804a7e2eefec408389f38d098ec186eb5db5e9,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + } + return false; +} +" +38eb57c26b9993f4a227052d38069d826b8bf36c,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (int[i] == val) + { + count++; + } + } + if (count == nums.length) + { + return true; + } + return false; +} +" +e7e796719962f1fe583158846ec7df4799a38284,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + count++; + } + } + if (count == nums.length) + { + return true; + } + return false; +} +" +5c481692a106786a8c9a59f6cdc3f56e16ecebce,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int length = nums.length; + //first try starting at 0 + if (nums[0] == val) + { + for (int i = 1; i + 1 < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + //then try starting at 1 + if (nums[1] == val) + { + //start at 1 + for (int i = 2; i + 1 < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + return false; +} +" +ee6fc5b46ec7d84dd362c919acf03ce721ea43a0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +deacf221d9091042981edcfbb18b97c777f716ac,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int length = nums.length; + //first try starting at 0 + if (nums[0] == val) + { + for (int i = 0; i + 1 < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + //then try starting at 1 + if (nums[1] == val) + { + //start at 1 + for (int i = 1; i + 1 < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + return false; +} +" +43e4310109e5cf779216a6774ae0c9b724210816,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (i > 0) + { + if (nums[i-1] == val || nums[i+1] == val) + { + continue; + } + else + { + return false; + } + } + else + { + if (nums[i+1] == val) + { + continue; + } + else + { + return false; + } + } + } + return true; +} +" +4740a89f6328c99f1d7d58ff66d5ec2741d597ee,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int length = nums.length; + //first try starting at 0 + if (nums[0] == val) + { + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + //then try starting at 1 + if (nums[1] == val) + { + //start at 1 + for (int i = 1; i < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + return false; +} +" +df21efda50f5f730ca6909da1a5d66f1f8f7a27a,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (i > 0 && i < nums.length - 1) + { + if (nums[i-1] == val || nums[i+1] == val) + { + continue; + } + else + { + return false; + } + } + else if (i == 0) + { + if (nums[i+1] == val) + { + continue; + } + else + { + return false; + } + } + i++; + } + return true; +} +" +e54636f16d87ef995f5e3d4294a313afb5cd8eae,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int length = nums.length; + //first try starting at 0 + if (nums.length > 0 && nums[0] == val) + { + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + //then try starting at 1 + if (nums.length > 1 && nums[1] == val) + { + //start at 1 + for (int i = 1; i < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + return false; +} +" +f18e4ae72a5bd43432f4e0e96d5651e918f6e399,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + int length = nums.length; + //first try starting at 0 + if (nums.length < 2) + { + return true; + } + if (nums[0] == val) + { + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + //then try starting at 1 + if (nums[1] == val) + { + //start at 1 + for (int i = 1; i < nums.length; i+=2) + { + if (nums[i] != val) + { + return false; + } + } + return true; + } + return false; +} +" +d86d40cee86e0de5b09ac5de049488eba2b5e426,"public boolean isEverywhere(int[] nums, int val) +{ + int t = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + t++; + } + } + if (t == nums.length) + { + return true; + } + return false; +} +" +a888290fa2287a3556012f8fa30d4bb4c09c92a1,"public boolean isEverywhere(int[] nums, int val) +{ + int t = 0; + for (int i = 0; i < nums.length; i+2) + { + if (nums[i] == val) + { + t++; + } + } + if (t == nums.length) + { + return true; + } + return false; +} +" +5a7c5effcb6851a1cfa1fc5b94cc4b7969a0061f,"public boolean isEverywhere(int[] nums, int val) +{ + int t = 0; + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] == val) + { + t++; + } + } + if (t == nums.length) + { + return true; + } + return false; +} +" +b96e5eac6ae0bb0a9f24b9a42fd7912310b96445,"public boolean isEverywhere(int[] nums, int val) +{ + int t = 0; + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] == val) + { + t++; + } + } + if (t == nums.length/2) + { + return true; + } + return false; +} +" +4b2fab086e43d78a64a4170ad522d4a2ba72edb5,"public boolean isEverywhere(int[] nums, int val) +{ + int t = 0; + for (int i = 0; i < nums.length; i+=2) + { + if (nums[i] == val) + { + t++; + } + } + if (t == nums.length/2) + { + return true; + } + return false; +} +" +7a95a722934f0f245dcdf1f3e473986ec80bfd7b,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (num.length % 2 == 0) + { + if (i > num.length - 2) + { + break; + } + else if (num == val || nums[i+1] == val) + { + continue; + } + else + { + return false; + } + } + } + return true; +} +" +9d4dd7fdd4c7c8ce7a5463bb9c26cac73e289632,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (nums.length % 2 == 0) + { + if (i > nums.length - 2) + { + break; + } + else if (num == val || nums[i+1] == val) + { + continue; + } + else + { + return false; + } + } + else + { + return false; + } + } + return true; +} +" +66f14d3c75b25378cf07f069bcfafdcce790c603,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (nums.length % 2 == 0) + { + if (i > nums.length - 2) + { + break; + } + else if (num == val || nums[i+1] == val) + { + continue; + } + else + { + return false; + } + i++ + } + else + { + return false; + } + } + return true; +} +" +1fe615aa3f628ef764f89537e4073e39d912b136,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (nums.length % 2 == 0) + { + if (i > nums.length - 2) + { + break; + } + else if (num == val || nums[i+1] == val) + { + continue; + } + else + { + return false; + } + i++; + } + else + { + return false; + } + } + return true; +} +" +6a4ce505a29a5caf821cfa4dba72b09f453bacb4,"public boolean isEverywhere(int[] nums, int val) +{ + int t = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + t++; + } + } + if (t == nums.length/2) + { + return true; + } + return false; +} +" +b94964ef97cfa95b8f2c477d10fc105759328580,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + for (int num : nums) + { + if (nums.length % 2 == 0) + { + if (i > nums.length - 2) + { + break; + } + else if (num == val || nums[i+1] == val) + { + i++; + continue; + } + else + { + return false; + } + } + else + { + return false; + } + } + return true; +} +" +96f4959ce8137bbeae7b4bbca2d7bc0b94e3db89,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = false; + + for (int i = 0; i < nums.length-1; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + } +} +" +2759b3218f5fcb6057b90f940cd42667f0d90669,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +f6cba08100a3567ef9ed0ad1f815d2f7a62dae51,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere; + + for (int i = 0; i <= nums.length-1; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + + return isThere; + +} +" +6113b2afa25d7ebb9b6cea222f740de3a3522507,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = false; + + for (int i = 0; i <= nums.length-1; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + + return isThere; + +} +" +4cbdaee302d4be2165b7e9267c798bbcc3bc0626,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = true; + + for (int i = 0; i <= nums.length-1; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + + return isThere; + +} +" +5764f9c882db40286fcf31c59809d87d2ea59d8a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = false; + + for (int i = 0; i <= nums.length-1; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + + return isThere; + +} +" +1d249d4786d4f0a263c8f04fafbecd4320756b50,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = true; + + for (int i = 0; i <= nums.length-1; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + + return isThere; + +} +" +33ae8b529acc583aba1a17d1e90d595b088e4ee0,"public boolean isEverywhere(int[] nums, int val) +{ + length = nums.length; + for (int i = 0; i < length; i ++){ + if (nums[i] == val || nums[i + 1] == val) + continue; + else + return false; + return true; +} +" +d4a3d9e27e8676afb157107931932b5ed917a53c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = true; + + //if even returns 0, else not 0. + int evenOrNot = nums.length%2; + + if ( evernOrNot == 0) + { + for (int i = 0; i <= nums.length-2; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + } + + return isThere; + +} +" +ba3d95a12d94db352be1ed9fcb2f41cb4e71b820,"public boolean isEverywhere(int[] nums, int val) +{ + boolean isThere = true; + + //if even returns 0, else not 0. + int evenOrNot = nums.length % 2; + + if ( evenOrNot == 0) + { + for (int i = 0; i <= nums.length-2; i++) + { + if ( nums[i] == val || nums[i+1] == val) + { + isThere = true; + } + else + { + isThere = false; + } + } + } + + return isThere; + +} +" +cb5be0747b398e7d71b55c7c46b39c8148add298,"public boolean isEverywhere(int[] nums, int val) +{ + length = nums.length; + for (int i = 0; i < length; i ++){ + if (nums[i] == val || nums[i + 1] == val){ + continue; + } + else{ + return false; + } + } + return true; +} +" +119a331dae569c78e59ffcbddb35cb517eb3bd81,"public boolean isEverywhere(int[] nums, int val) +{ + int length = nums.length; + for (int i = 0; i < length; i ++){ + if (nums[i] == val || nums[i + 1] == val){ + continue; + } + else{ + return false; + } + } + return true; +} +" +2119a09b923cdb9f981f1eb37ee9582b2e8cff88,"public boolean isEverywhere(int[] nums, int val) +{ + boolean out = true; + for(int i = 0; i falseCounter) + { + return true; + } +} +" +bb8af2eacbc59ee85ae0f7ec4d55366e7252eb0d,"public boolean isEverywhere(int[] nums, int val) +{ + int trueCounter = 0; + int falseCounter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + trueCounter++; + } + else + { + falseCounter++; + } + } + if (trueCounter > falseCounter) + { + return true; + } + else + { + return false; + } +} +" +87cc89e09b4303730514694cdc6c3bfeacf9f27a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + + } + return false; +} +" +bf958ebc4dcee054729b819a2c12977bd1f5f87d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +3cdc53c5cfe39f104400202804c71e7350bee224,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + everywhere = false; + break; + } + } + + return everywhere; +} +" +0be714e6700cd5ad89ad8f1e30daf5c0dc2f6a03,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +9465b4cfd0ab8645428a2f113a8d695c6df5f083,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +984bf54832c2a9c303981c022a1f9e3e1f324778,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + for (int i = nums.length - 1; i > 1; i++) + { + if (nums[i] != val && nums[i - 1] != val) + { + everywhere = false; + break; + } + } + + return everywhere; +} +" +b9cf81606a8502fda41e3c63c4473d0b3978b84b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && (nums[i+1] != val || nums[i+1] == null)) + { + return false; + } + + } + return true; +} +" +1ae1ad3d604b583d259ba8e72773199c59612be8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +1b06de6f59c1f9def6dff0e8a6530d63748bbf4a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + if (nums != null && nums.length > 1) + { + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val) + { + everywhere = false; + break; + } + } + } + else + { + if (nums.length == 1) + { + if (nums[0] != val) + { + everywhere = false; + } + } + else + { + everywhere = false; + } + } + + return everywhere; +} +" +46a1b0d252bbb2ba4d569d0cd38e711bc8205412,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + if (nums != null && nums.length > 1) + { + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val) + { + everywhere = false; + break; + } + } + } + + return everywhere; +} +" +17a2ae355cc0dcde16c3c08b56bd599ac42cf4eb,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +6269031d360ca66d0c25b1979e3f84be16a8466c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != val && nums[i + 1] 1+ val) { + return false; + } + return true; +} +" +5f473b29ae55162c814a294e86451495c68d42c5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != val && nums[i + 1] != val) { + return false; + } + return true; +} +" +3d4c98b74adf52d4ca5fe21febb24b1a8f6a6120,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (nums[i] != val && nums[i + 1] != val) { + return false; + } + } + return true; +} +" +5347985396203e7d2302890e7dcedd8d566f35cf,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + else + { + return false; + } +} +" +e5a7ec0dd7c446a12656715df39cc72683cce712,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + else + { + return false; + } + } +} +" +404530ea4708630128029f416289ac732d9abb79,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +d6327c5514d96d22b0d5498cd16a89955d81c941,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +806d27baa22cf3cfc76c0a55f99c78858992ec1e,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +ff3c923b1483ef5c69b4803f2f6a30cc5939303e,"public boolean isEverywhere(int[] nums, int val) +{ + //int count = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] ==val) + { + return true; + } + } + return false; +} +" +ce56c15777d48975d00b1446f5dcec645d25c52c,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length; i = i+2) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +6c0c8a34223cd90952994ca358f1d3771bf90ad6,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + if (nums.length < 2) + for (int i = 0; i < nums.length - 1; i = i+2) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +d1de4a45451ff81778ebcb7d3e96b36b74dae1a8,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + if (nums.length < 2) + { + return false; + } + for (int i = 0; i < nums.length - 1; i = i+2) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +cdcb2b8c2c7ce8c6b04d147fb5930157be02d9ed,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + // if (nums.length < 2) + //{ + // return false; + // } + for (int i = 0; i < nums.length - 1; i = i+2) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +6da9bec83eeb494510062c783ce575118e92a889,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + // if (nums.length < 2) + //{ + // return false; + // } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +0d2f883c8b3d3c023ca08c60917a2bdfddbe9dcd,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + // if (nums.length < 2) + //{ + // return false; + // } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +ba64beb1328960553c359c82ee9b554760e551c8,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + // if (nums.length < 2) + //{ + // return false; + // } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count >= nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +1261c37648e09ec9afd52af2a8d977e05ecc0e97,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + // if (nums.length < 2) + //{ + // return false; + // } + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] ==val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +af23fcb82d8c7c02f0b8f2039e5c4fdb17d139fe,"public boolean isEverywhere(int[] nums, int val) +{ + for( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] = val && nums[i+1] = val) + { + return true; + } + + } + return false; +} +" +51bd2eaf4bda561a8545c1755874c3a1396001a3,"public boolean isEverywhere(int[] nums, int val) +{ + for( int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + + } + return false; +} +" +f8b22350d165de898b42571387b7ee0fe419f4a7,"public boolean isEverywhere(int[] nums, int val) +{ + for( int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +6efd82b9a82b45d504a1825ba9f6403d9d17edcd,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + if (nums.length < 2) + { + + return true; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i-1] == val || nums[i] == val) + { + count++; + } + } + if (count == nums.length/2) + { + return true; + } + else + { + return false; + } +} +" +d90ef9b2411c9720b13699399d40c67a25f4b2d9,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + if (nums.length < 2) + { + + return true; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i-1] != val && nums[i] != val) + { + return false; + } + } + return true; + } +" +bd23948075c0bf99628405d978ae23855e418630,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + if (nums.length < 2) + { + + return true; + } + for (int i = 1; i < nums.length; i++) + { + if (nums[i-1] != val && nums[i] != val) + { + return false; + } + } + return true; + } +" +fc280e7f1cc48b67d41eb837d44dedfb83a8c71b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i - 1] != val && nums[i] != val) + { + return false; + } + } + return true; +} +" +bef0779feb51c5a1c580d8d889ca85e18669739e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i = 0 && (i + 2) != nums.length) + { + if (nums[i+1] == val || nums[i+2] == val) + { + x = true; + } + } + } + return x; +} +" +413e67dbf1c49b8f5a800f37498928b8b1a5db21,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i = 0 && ((i + 2) != nums.length))) + { + if (nums[i+1] == val || nums[i+2] == val) + { + x = true; + } + } + } + return x; +} +" +440020bbbdd467cd93a70e6b5a0acccbe29c51ac,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i = 0 && ((i + 2) != nums.length)) + { + if (nums[i+1] == val || nums[i+2] == val) + { + x = true; + } + } + } + return x; +} +" +1e93028b80b3ff1f03897db230e3cbfd46e90d22,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i == 0 && (i + 2) != nums.length) + { + if (nums[i+1] == val || nums[i+2] == val) + { + x = true; + } + } + } + return x; +} +" +956720a19920d2f83b2e66adb0084299b5103d60,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if (i == 0 && (i + 1) != nums.length) + { + if (nums[i] == val || nums[i+1] == val) + { + x = true; + } + } + } + return x; +} +" +d13963ca172d7f54726c5a22b144c22c160345ec,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = false; + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) != nums.length) + { + if (nums[i] == val || nums[i+1] == val) + { + x = true; + } + } + } + return x; +} +" +8b165254dc9fd38b7a25906bd5f04aa552310a4e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) != nums.length) + { + if (nums[i] == val || nums[i+1] == val) + { + x = true; + } + else + { + x = false; + } + } + } + return x; +} +" +660ba3aaff6b5a7a417ed5355086b9ad1352c1ad,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i < nums.length; i++) + { + if ((i + 1) < nums.length) + { + if (nums[i] == val || nums[i+1] == val) + { + x = true; + } + else + { + x = false; + } + } + } + return x; +} +" +ab6c4c40a6846b359b187c4af28d22fd1d78ac0b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + x = true; + } + else + { + x = false; + } + } + return x; +} +" +f61137102a7edf391a473fd6644cd779b57a54cf,"public boolean isEverywhere(int[] nums, int val) +{ + boolean x = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + x = true; + } + else + { + x = false; + break; + } + } + return x; +} +" +7e1c56ae27bb76e09040499777a43f62e4ebef90,"public boolean isEverywhere(int[] nums, int val) +{ + +} +" +4118dcf58f32cacd29c7e9ed4b68767f6def63fb,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +72bd6a5599e45a6e381f7c5e054da983afa9d6c6,"public boolean isEverywhere(int[] nums, int val) +{ + int x = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val) + { + x = 0; + } + else if (nums[i + 1] == val) + { + x = 0; + } + else + { + return false; + } + } + return true; +} +" +f1c73e3c34bcc281144ff7e4d3b1ed7e909bcbe3,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +b37bb371af541b6be1deaafaa525e3006c2f64b6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +da7c8f050fe32f14c729703ccfd1dd154dc59b63,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +9ca95aa99d501fd19b0aa72d0d67d3dde054920d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (i + 1 < nums.length) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + } + return true; +} +" +c1007c7614a3895a1adbd3701bad32c1a67ae1e7,"public boolean isEverywhere(int[] nums, int val) +{ + int counts = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == val) + { + counts++; + } + } + + if(counts => 2) + { + return true; + } + else + { + return false; + } +} +" +85c1606f3dab7816c6628f6f0532f437613ca3b2,"public boolean isEverywhere(int[] nums, int val) +{ + int counts = 0; + for(int i = 0; i < nums.length; i++) + { + if(nums[i] == val) + { + counts++; + } + } + + if(counts >= 2) + { + return true; + } + else + { + return false; + } +} +" +17cc681edf0be0242a0ced1250a7b3ac5c6b70a8,"public boolean isEverywhere(int[] nums, int val) +{ +boolean stillgood = false; + for(int i = 0; i < nums.length; i++) + if(nums[i] == val) + { + if(i + 2 < nums.length) + { + if(nums[i + 2] == val) + { + stillgood = true + } + else + { + stillgood = false; + } + } + else + { + if(stillgood) + { + return true; + } + } + } + +} +" +b505429497d454f06215f2daba287ca586c8b318,"public boolean isEverywhere(int[] nums, int val) +{ +boolean stillgood = false; + for(int i = 0; i < nums.length; i++) + if(nums[i] == val) + { + if(i + 2 < nums.length) + { + if(nums[i + 2] == val) + { + stillgood = true; + } + else + { + stillgood = false; + } + } + else + { + if(stillgood) + { + return true; + } + } + } + +} +" +b5f9c3151285fcc4e62e6d36d69bfa058f84f371,"public boolean isEverywhere(int[] nums, int val) +{ +boolean stillgood = false; + for(int i = 0; i < nums.length; i++) + if(nums[i] == val) + { + if(i + 2 < nums.length) + { + if(nums[i + 2] == val) + { + stillgood = true; + } + else + { + stillgood = false; + } + } + else + { + if(stillgood) + { + return true; + } + } + } + if(stillgood) + { + return true; + } + else + {return false;} + + +} +" +0a0915aba4e9825f0b781c68f5f2f744e5b714dc,"public boolean isEverywhere(int[] nums, int val) +{ +boolean stillgood = false; + if(nums.length == 0) + {return true;} + + if(nums.length <= 2) + { + for(int h = 0; h < nums.length; h++) + { + if(nums[h] = val) + {return true;} + } + return false; + } + + for(int i = 0; i < nums.length; i++) + if(nums[i] == val) + { + if(i + 2 < nums.length) + { + if(nums[i + 2] == val) + { + stillgood = true; + } + else + { + stillgood = false; + } + } + else + { + if(stillgood) + { + return true; + } + } + } + + + + + + + if(stillgood) + { + return true; + } + else + {return false;} + + +} +" +066d3834968aae3dc8d2b6637a26c36e7abbd27c,"public boolean isEverywhere(int[] nums, int val) +{ +boolean stillgood = false; + if(nums.length == 0) + {return true;} + + if(nums.length <= 2) + { + for(int h = 0; h < nums.length; h++) + { + if(nums[h] == val) + {return true;} + } + return false; + } + + for(int i = 0; i < nums.length; i++) + if(nums[i] == val) + { + if(i + 2 < nums.length) + { + if(nums[i + 2] == val) + { + stillgood = true; + } + else + { + stillgood = false; + } + } + else + { + if(stillgood) + { + return true; + } + } + } + + + + + + + if(stillgood) + { + return true; + } + else + {return false;} + + +} +" +d0274be7edcfbe0e678e87f3847f6fcca54275bd,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val) + { + i++; + } + else if (i < nums.length) + { + if (nums[i+1] == val) + { + i++; + } + else + { + return false; + } + } + else + { + return false; + } + } + return true; +} +" +67e0e07ccb0f9ea16a0484c7d749df559d7151d2,"public boolean isEverywhere(int[] nums, int val) +{ +boolean stillgood = false; + if(nums.length == 0) + {return true;} + if(nums.length == 1) + {return true;} + + if(nums.length <= 2) + { + for(int h = 0; h < nums.length; h++) + { + if(nums[h] == val) + {return true;} + } + return false; + } + + for(int i = 0; i < nums.length; i++) + if(nums[i] == val) + { + if(i + 2 < nums.length) + { + if(nums[i + 2] == val) + { + stillgood = true; + } + else + { + stillgood = false; + } + } + else + { + if(stillgood) + { + return true; + } + } + } + + + + + + + if(stillgood) + { + return true; + } + else + {return false;} + + +} +" +1b319d8b648be13b7442f8e1fdb61a872e99a7a4,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val) + { + i++; + } + else if (i < nums.length - 1) + { + if (nums[i+1] == val) + { + i++; + } + else + { + return false; + } + } + else + { + return false; + } + } + return true; +} +" +5ba603c95fcbfee2993436979be76153bfa5fada,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i += 2) + { + if (nums[i] != val || nums[i + 1] != val) + { + everywhere = false; + break; + } + } + return everywhere; +} +" +779fc748d7196f7f4c5d8655a308a57eacbae4a6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val) + { + if (i < nums.length - 2) + { + if (nums[i + 1] != val) + { + return false; + } + } + } + + } + return true; +} +" +7ca7c36aece38b7c119a3a817212126f012ef925,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length; i += 2) + { + if (nums[i] != val || nums[i + 1] != val) + { + everywhere = false; + break; + } + } + return everywhere; +} +" +e113ba556c2e1fd3fd875080be73867f2f8c78a6,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i <= nums.length - 1; i += 2) + { + if (nums[i] != val || nums[i + 1] != val) + { + everywhere = false; + break; + } + } + return everywhere; +} +" +6b9f55c88028fdb9f9e0adbb7f59b28fb9564c5a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val) + { + if (i < nums.length - 1) + { + if (nums[i + 1] != val) + { + return false; + } + } + } + + } + return true; +} +" +3de55a270102b3512029a2849b9e9c8a32be3705,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val) + { + if (nums[i + 1] != val) + { + return false; + } + } + + } + return true; +} +" +cd192a6c5b36e31512f70cd9ee55827b62d7673f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val) + { + if (nums[i + 2] != val) + { + return false; + } + } + + } + return true; +} +" +2b7608eece41bbdbb9e8da010bd3399e709af17f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val) + { + if (nums[i + 1] != val) + { + return false; + } + } + + } + return true; +} +" +e7aad59bc0f7416c80deba043153af59de5ea985,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + everywhere = true; + break; + } + } + return everywhere; +} +" +627270ed21636f57fee20d952e618f308fa4154a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] != val || nums[i + 1] != val) + { + everywhere = false; + break; + } + } + return everywhere; +} +" +18092eaaf3ed6ced88be61b50a43aa16a9e9a30c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i <= nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + everywhere = false; + break; + } + } + return everywhere; +} +" +07255b142a9dd305425e92577e8de85f72753f6b,"public boolean isEverywhere(int[] nums, int val) { + +boolean result = true; + +for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} + +" +46ab0ecea82888e00a79153280b291c375ab848f,"public boolean isEverywhere(int[] nums, int val) +{ + retuan true; +} +" +cb864cb1a4ea9b452485103a74e7123eba9fd912,"public boolean isEverywhere(int[] nums, int val) +{ + return false; +} +" +dd261756cd0ed70ca4e2d388631d016acf395ad3,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + everywhere = false; + break; + } + } + return everywhere; +} +" +886175596193ba4ff2da9756f29d86a2e55c3e6e,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i = i ++) + { + if( num[i] == val || num[i + 1] == val || num[i - 1] == val) + { + int total = total + 1; + } + else + { + return false; + } + } + return true; +} +" +b05dc67091daa1de0f7ee362a823b318000dc822,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i = i ++) + { + if( nums[i] == val || nums[i + 1] == val || nums[i - 1] == val) + { + int total = total + 1; + } + else + { + return false; + } + } + return true; +} +" +2943e265895d4dcdd1f284886528110b3508a10c,"public boolean isEverywhere(int[] nums, int val) +{ + int total = 0; + for(int i = 0; i < nums.length; i = i ++) + { + if( nums[i] == val || nums[i + 1] == val || nums[i - 1] == val) + { + total = total + 1; + } + else + { + return false; + } + } + return true; +} +" +3bfa109c95b17aa1af11faa56d0550f460b2256c,"public boolean isEverywhere(int[] nums, int val) +{ + int total = 0; + for(int i = 1; i < nums.length; i = i ++) + { + if( nums[i] == val || nums[i + 1] == val) + { + total = total + 1; + } + else + { + return false; + } + } + return true; +} +" +b4ff2342a63db41800c2add69a1684eefd2dc259,"public boolean isEverywhere(int[] nums, int val) +{ + int total = 0; + for(int i = 0; i < nums.length; i++) + { + if( nums[i] == val || nums[i + 1] == val) + { + total = total + 1; + } + else + { + return false; + } + } + return true; +} +" +868405b194673d57a95f619718cbbde971b7b852,"public boolean isEverywhere(int[] nums, int val) +{ + int total = 0; + for(int i = 0; i < nums.length - 1; i++) + { + if( nums[i] == val || nums[i + 1] == val) + { + total = total + 1; + } + else + { + return false; + } + } + return true; +} +" +aec718bbfa147a0e9016f866ebe56cf8a36f14b5,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for (int i = 0; i < len-1; i++) + if (nums[i] == val || nums[i+1] == val) + return true; + return false; + +} +" +8f4f3adad7b270c1c679312204dc151f9548840a,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + boolean correct = true; + for (int i = 0; i < len-1; i++) + if (nums[i] != val || nums[i+1] != val) + correct = false; + return correct; + +} +" +3ffa4b3fa3a9d9c350aa1e7f9ed0cf71cfab6efa,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + boolean correct = true; + for (int i = 0; i < len-2; i++) + if (nums[i] != val || nums[i+1] != val) + correct = false; + return correct; + +} +" +4132635c7825556b54ba2eafbd309d6c0f9bf002,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + boolean correct = true; + for (int i = 0; i < len-1; i++) + if (nums[i] != val || nums[i+1] != val) + correct = false; + return correct; + +} +" +142326df2b1fb16c8da3503c088d8a73a56df089,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + boolean correct = true; + for (int i = 0; i < len-2; i++) + if (nums[i] != val || nums[i+1] != val) + correct = false; + return correct; + +} +" +f173e2adba506a4bea4ab14305e53c2585f13abc,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + boolean correct = true; + for (int i = 0; i < len-2; i++) + if (nums[i] != val && nums[i+1] != val) + correct = false; + return correct; + +} +" +c7ee29a36422eac2b5ceddaed8d82f2abf6cb7f5,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + boolean correct = true; + for (int i = 0; i < len-1; i++) + if (nums[i] != val && nums[i+1] != val) + correct = false; + return correct; + +} +" +d2cc60c4eb80b47be89395e7868ea69bbc63f569,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < num.length() - 1; i++) + { + if( int[i] != val && int[i+1] != val) + { + return false + } + } + return true +} +" +e6ada4f7dd01a34aa5230cf64de3f77f0c4415c2,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < num.length() - 1; i++) + { + if( int[i] != val && int[i+1] != val) + { + return false; + } + } + return true; +} +" +246e731b62f884c83b943d746fdf4924d6a9fe8f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < num.length() - 1; i++) + { + if( nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +7f8ae08093fbac9332f2b2a69742028168aa9b4c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length() - 1; i++) + { + if( nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +b361113a9af92ebddce889089a344eeff30b0d87,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if( nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +7cbc34d2118778f53fe73fdf43de4d94a0214730,"public boolean isEverywhere(int[] nums, int val) +{ + result = true; + + for (int i = 0; i < nums.length - 1; i++) + { + result = (nums[i] != val) || (nums[i+1] != val); + } + + return result; +} +" +b60375dc09eb91df0e78363ec6c7d087bf03ee5e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + + for (int i = 0; i < nums.length - 1; i++) + { + result = (nums[i] != val) || (nums[i+1] != val); + } + + return result; +} +" +94f4726c61ac8494a4cd68a0a8f46f5731f5df5e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = false; + + for (int i = 0; i < nums.length - 1; i++) + { + result = (nums[i] != val) || (nums[i+1] != val); + } + + return result; +} +" +a12e7421e36c18000f8e3343dca91be90ec5b849,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + + for (int i = 0; i < nums.length - 1; i++) + { + result = (nums[i] != val) || (nums[i+1] != val); + } + + return result; +} +" +0b25da1eb5cd972d39a3065cb7eb45a2e1067217,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val) + { + result = nums[i+1] != val; + } + } + + return result; +} +" +051adce405daa2cc91c7750c1e25765b93ee6c84,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + + return result; +} +" +e05cedeb8d8367d8a0dd22734cce58ea2659ccb9,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + + return result; +} +" +4cd1c758b938e9dc003c2ac8514d431ac714d1ac,"public boolean isEverywhere(int[] nums, int val) +{ + boolean yes = true; + for (int i = 1; i < nums.length(); i++) + { + if (nums[i-1] != val || nums [i] != val) + { + yes = false; + } + } + return yes; +} +" +c80335d0e373b58061f287a46e95e2533f5897f5,"public boolean isEverywhere(int[] nums, int val) +{ + boolean yes = true; + for (int i = 1; i < nums.length; i++) + { + if (nums[i-1] != val || nums [i] != val) + { + yes = false; + } + } + return yes; +} +" +37f126c959977ff3dcbf99f0d5cfb799a78f6517,"public boolean isEverywhere(int[] nums, int val) +{ + boolean yes = true; + for (int i = 1; i < nums.length; i++) + { + if (nums[i-1] != val && nums [i] != val) + { + yes = false; + } + } + return yes; +} +" +4b3dc5d96c694e4d8c44c5ef92d1dae8bd02e6a1,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length) + { + if (nums[i+1] == val) + { + everywhere = true; + return everywhere + } + } + } +} +" +15a3ad400dd2f3e869e6907871a9d43a7af98c60,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length) + { + if (nums[i+1] == val) + { + everywhere = true; + return everywhere; + } + } + } +} +" +aa32f4c4d7e3f7945cde880fc8da949d39fa5b72,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length) + { + if (nums[i+1] == val) + { + everywhere = true; + return everywhere; + } + } + } + return everywhere; +} +" +68dbb5283d4a8a8bf7a2f7d73c65fb09668d4883,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 > 0) + { + if (nums[i+1] == val && nums[i-1] == val) + { + everywhere = true; + return everywhere; + } + } + } + return everywhere; +} +" +47cd2cf39dbca731065b3ad95769ccbae04fa2f9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == nums[i - 1]) || (nums[i] == nums[i + 1])) + { + return true; + break; + } + else + { + return false; + } + } +} +" +cd7b81fab7acbf421196c8921c29bef67f9bba1e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val && nums[i-1] == val) + { + everywhere = true; + return everywhere; + } + } + } + return everywhere; +} +" +554a9548470146ce02b0945198ad007d78efebc1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == nums[i - 1]) || (nums[i] == nums[i + 1])) + { + return true; + this.break; + } + else + { + return false; + } + } +} +" +f6cd6d911df81e5355bb942b14cd65893c7a1a3c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == nums[i - 1]) || (nums[i] == nums[i + 1])) + { + return true; + } + else + { + return false; + } + } +} +" +efd5c6e13f4b4e2be0fd90d3c39f7f4228caeb94,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + return everywhere; + } + } + } + return everywhere; +} +" +f9f2045dcfeec275023411440c8d0b80e4d07402,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + } + return everywhere; + } + return everywhere; +} +" +c5d364aebfeaf536888aa2177a5459f2c3dcb34e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + } + } + return everywhere; +} +" +6982b1059a99a477863e5ace357073e7b8d1bc82,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +4fc837f03b3f2e19b2e4902b9b117f6ef9e2d660,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + else + { + everywhere = false; + } + } + else if (i+2 >= nums.length && i-1 < 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +d8f4e89982478bbb57a33a79bc347f36e5ff2dcf,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + else + { + everywhere = false; + return everywhere; + } + } + else if (i+2 >= nums.length && i-1 < 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +dbe6f37a8882f851a828cbb512d38565d2686507,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + else + { + everywhere = false; + return everywhere; + } + } + else if (i+2 == nums.length && i-1 < 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +7a6ba82710726ff151e2e220aaa32431dfe47740,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + else + { + everywhere = false; + return everywhere; + } + } + else if (i+2 == nums.length && i-1 < 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + else + { + everywhere = true; + } + } + return everywhere; +} +" +7f24a120e94f0b0ad1b5c8be91326e3383ecbbca,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length; i++) + { + if (i+1 < nums.length && i-1 >= 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + + } + else + { + everywhere = false; + return everywhere; + } + } + else if (i+2 == nums.length && i-1 < 0) + { + if (nums[i+1] == val || nums[i] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + return everywhere; +} +" +38f1097061b437de94b7f9b95e41cc09b9695989,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +ff07fe2910f75a3892b2550fe074f16dbb170b77,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for ( int i = 0; i < nums.length - 1; i++ ) + { + if ( nums[i] != val && nums[i + 1] != val ) + { + everywhere = false; + } + } + return everywhere; +} +" +ae9447123310c792e68d3701a020868c0975a4b9,"public boolean isEverywhere(int[] nums, int val) +{ + int pairs = 0; + int half = nums.length / 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + pairs = pairs + 1; + } + } +} +" +50f3da72fdd9f01a0c7804b3c9c789cddd8d9b18,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (i = 0; i < num.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count*2 == num.length); + +} +" +6dc75af95e33f9d4b700350551d76f132f7f375f,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < num.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count*2 == num.length); + +} +" +371e58956c2c8e49f05d2ac2f4c420dbcc4338b1,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count*2 == num.length); + +} +" +06ba6f224e6d8f0e0f8ae440d29311ed2a52369c,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count*2 == nums.length); + +} +" +ebac79f6b57deac46187924f1b01de852db959d4,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count*2 >= nums.length); + +} +" +fc6c8fbc7204e684be61a20ae47346bff3ed172a,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count*2 > nums.length); + +} +" +8c770d676c1630353553dc30d08ce3808cf32872,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count > nums.length ); + +} +" +c1316223e53dbbb7878c836210a2bf9e7f90e14f,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count >= nums.length ); + +} +" +c093cac600fc00c29dfe5c59c8ab78dddb9a3f95,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int el1 = nums[i]; + int el2 = nums[i + 1]; + if ( el1 == val || el2 == val) + { + count ++; + } + } + return (count >= nums.length - 1); + +} +" +766661d19abd2640075ec3c85dd229f39303ec8c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; + +} +" +6009b10902ce4314fd3a565db0750c4537a56a42,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; + +} +" +2c7101bbe117699039505cffbaa3ff5c39b6e0b6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (nums[i + 1] == val) + { + return true; + } + } + } + return false; +} +" +63ea67a0cf14b9bd55a65c183dca2d67cdb92fe1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + if (nums[i + 2] == val) + { + return true; + } + } + } + return false; +} +" +44d744042690d59027857bdee8e211bd00005a96,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val) + { + if (nums[i + 2] == val) + { + return true; + } + } + } + return false; +} +" +d67a90553946a88dece9ae512ca7ed37b95b1ec7,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val) + { + + } + else if (nums[i - 1] == val || nums[i + 1]) + { + + } + else + { + return false; + } + } + return true; +} +" +1a6b2d2914beda64eb1cd7bdd81f8af7ec63c626,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] == val) + { + + } + else if (nums[i - 1] == val || nums[i + 1] == val) + { + + } + else + { + return false; + } + } + return true; +} +" +eaf48720ef46dee047ea7f5bde42665763edef6e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean good = false; + for (int i = 0; i < nums.length - 2; i++) + { + if (i != 0) + { + good = true; + } + if (nums[i] == val) + { + + } + else if (nums[i - 1] == val || nums[i + 1] == val && good == true) + { + + } + else + { + return false; + } + } + return true; +} +" +e426b46399cb7d498a28bbbfb18d2cd05bdec8e8,"public boolean isEverywhere(int[] nums, int val) +{ + boolean good = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0) + { + good = true; + } + if (nums[i] == val) + { + + } + else if (nums[i - 1] == val || nums[i + 1] == val && good == true) + { + + } + else + { + return false; + } + } + return true; +} +" +a6e5c070f80efa1fd94721916782170976f3f35b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean good = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0) + { + good = true; + } + if (nums[i] == val) + { + + } + else if (nums[i + 1] == val && good == true) + { + + } + else if (nums[i - 1] == val && good == true; + { + + } + else + { + return false; + } + } + return true; +} +" +819589c655a15659c1c1dca15283dfe037f795b0,"public boolean isEverywhere(int[] nums, int val) +{ + boolean good = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0) + { + good = true; + } + if (nums[i] == val) + { + + } + else if (nums[i + 1] == val && good == true) + { + + } + else if (nums[i - 1] == val && good == true); + { + + } + else + { + return false; + } + } + return true; +} +" +f4dd13e5d0f0e9b5f6e150233f2500d2b854efeb,"public boolean isEverywhere(int[] nums, int val) +{ + boolean good = false; + for (int i = 0; i < nums.length - 1; i++) + { + if (i != 0) + { + good = true; + } + if (nums[i] == val) + { + + } + else if (nums[i + 1] == val && good == true) + { + + } + else if (nums[i - 1] == val && good == true) + { + + } + else + { + return false; + } + } + return true; +} +" +44401b7a795caa5e1f94585e15dc8c88bdb84119,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +c8b450f6fe9fcf7f1b8a4755d35ae861448ae86b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +e2024c782e63b82fed2f3c704bfc468bbca72c11,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val) + { + neighbor = false; + } + } + return neighbor; +} +" +8f856a24f3f176ec626875a753019eb0faf9ee60,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +f069a7d28557914baae9b21fd00d020dcae29820,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +06720d231e7fe3da1d63408fc53a1278d8a95f2d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length = 1 && nums[0] != val) + { + neighbor = false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +39f83cd13685abcfc0352f25477f7d07a808ceab,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length == 1 && nums[0] != val) + { + neighbor = false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +ec0271caf15d48b15b9eda2f8ac1d15663dd0882,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length == 1 && nums[0] != val) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +a6f2069831d853513d2d8d1b66f322b8510d2a8c,"public boolean isEverywhere(int[] nums, int val) +{ + int number = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int num1 = nums[i]; + int num2 = nums[i + 1]; + if (!num1 == val && !num2 == val) + { + number = 1; + } + } + return (number == 0); +} +" +82d46c5fb75d4010bb7135be5223ced0c90f9245,"public boolean isEverywhere(int[] nums, int val) +{ + int number = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int num1 = nums[i]; + int num2 = nums[i + 1]; + if (num1 == val || num2 == val) + { + number = 1; + } + } + return (number == 1); +} +" +35df3aa75a3915017e7ee109b5847cff960dac82,"public boolean isEverywhere(int[] nums, int val) +{ + int number = 0; + for (int i = 1; i <= nums.length; i++) + { + int num1 = nums[i]; + int num2 = nums[i - 1]; + if (num1 == val || num2 == val) + { + number = 1; + } + } + return (number == 1); +} +" +cda00bd813f723ad90b2559add0f20192abf3e89,"public boolean isEverywhere(int[] nums, int val) +{ + int number = 0; + for (int i = 1; i < nums.length; i++) + { + int num1 = nums[i]; + int num2 = nums[i - 1]; + if (num1 == val || num2 == val) + { + number = 1; + } + } + return (number == 1); +} +" +86ee243f7b1a393a1d2e3259fb8daaaf12e0895c,"public boolean isEverywhere(int[] nums, int val) +{ + int number = 0; + for (int i = 1; i < nums.length; i++) + { + int num1 = nums[i]; + int num2 = nums[i - 1]; + if (num1 != val && num2 != val) + { + number = 1; + } + } + return (number == 0); +} +" +15718ec2b650e0d8fe5abb7dd6fe97f5f5638438,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +67779abd9482288e25a980992028a397d18274d4,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true + for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +973c47f49e0b603ec9edcf79d9653aa3851cde58,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +938557a694fa6df4c20764391b793f13b6cfa82d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == nums[i + 1]) && (nums[i] == val)) + { + return true; + } + else + { + return false; + } + } +}" +4978eea8ccb81e48777eccfaa2fb1166591e686c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length == 0) + { + return false; + } + if (nums.length == 1 && nums[0] != val) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +27972d7fe70a6e98dea992de829c39e127d8adfd,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length == 0) + { + return true; + } + if (nums.length == 1 && nums[0] != val) + { + return false; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +8ff7eccb571b734d5528831a68a967ff8f91566a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length == 0) + { + return true; + } + if (nums.length == 1) + { + return true; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i+1] != val && nums[i] != val) + { + + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +4af7ca01120e0471eabf53239e456e0dae82458e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = false; + if (nums.length == 0) + { + return true; + } + if (nums.length == 1) + { + return true; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] == val || nums[i] == val) + { + + neighbor = true; + } + if (nums[i+1] == val || nums[i] == val) + { + neighbor = true; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +71b7914af591d0ce065632adcffa347a29afb09f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean neighbor = true; + if (nums.length == 0) + { + return true; + } + if (nums.length == 1) + { + return true; + } + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i - 1] != val && nums[i] != val) + { + neighbor = false; + } + if (nums[i + 1] != val && nums[i] != val) + { + neighbor = false; + } + } + if (nums[0] != val && nums[1] != val) + { + neighbor = false; + } + if (nums[nums.length - 1] != val && nums[nums.length - 2] != val) + { + neighbor = false; + } + return neighbor; +} +" +0b5f8afbb949121721ab76b88325623cb8789374,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] = val || nums[i] == val && nums[i-1] = val) + { + return true; + } + } +} +" +e14255ab61aa9e4c8abdb812115ed71f828676f9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] = val_ + { + return true; + } + else if (nums[i] == val && nums[i-1] = val) + { + return true; + } + } +} +" +34a782f844bd6835ba338d6bb16e27fad005b59a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + else if (nums[i] == val && nums[i-1] == val) + { + return true; + } + } +} +" +c507a35ae2aef905276533fdc88d88e4c1a179db,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + else if (nums[i] == val && nums[i-1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +51c36d4199e268d883d1601e5d3c2fd59b472835,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + else if (nums[i] == val && nums[i-1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +ded0b2c28a99be01faf423dfd113ce63ed4d4768,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + else if (nums[i] == val && nums[i-1] == val) + { + return true; + } + else + { + return false; + } + return false; + } +} +" +7d5eb8898411559e65117b3be7f114c2a611e358,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + else if (nums[i] == val && nums[i-1] == val) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +98b9d07c14183d90b83ed1d5542b1d3dc6e9dca2,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 1; x< nums.length - 1;x++) + { + if (nums[x - 1] == val || nums[x+1] == val) + { + return true; + } + } + return false; +} +" +f9df354b3545bcfe6aa5d231b144f669e6e330e3,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x< nums.length - 1;x++) + { + if (nums[x] == val || nums[x+1] == val) + { + return true; + } + } + return false; +} +" +6d65d8e78061b9958b3e248e2d7167239d52f7ff,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x< nums.length - 1;x++) + { + if (nums[x] != val && nums[x+1] != val) + { + return false; + } + } + return true; +} +" +7ce32f9fb9f7b9574c3ac99a1ccf7b679213a41f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int x = 0; x < nums.length - 1; x++) { + if(nums[x] != val && nums[x + 1] != val) + return false; + } + return true; +} +" +22b588fafedd06f8d682fd0a635f8bbe48675a8e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +a6eb5a16cfa1b4e6ba31b6595e49811465e3f40a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[i-1] == val) + { + return true; + } + } + return false; +} +" +8f10cb765423e7f42d7a8c5697aff853a15b9d0b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[i-1] == val) + { + return true; + } + return false; + } + return false; +} +" +3dedd6b8dedbc31439ddd686132c362ba548c66a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + while (nums[i] == val || nums[i-1] == val) + { + return true; + } + return false; + } + return false; +} +" +e39438a37d9a001ec50d157737416147f824d10a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + while (nums[i] == val || nums[i-1] == val) + { + return true; + } + } + return false; +} +" +0797605046d2e8773d00ed4aa6c9247edb7de455,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + while (nums[i] != nums[i-1] && nums[i]!= val) + { + return false; + } + } + return true; +} +" +91909968a52a7d33aed0f3682869f6e6d4e9e583,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + while (nums[i] != nums[i+1] && nums[i]!= val) + { + return false; + } + } + return true; +} +" +977c467b3acf57fd22cae84030d3f2b7742ae592,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != nums[i+1] && nums[i]!= val) + { + return false; + } + } + return true; +} +" +e396d68e915de665251172c9b62974464e96f378,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != nums[i-1] && nums[i]!= val) + { + return false; + } + } + return true; +} +" +725ee229ecdf9b24fac7a6aee28a81d964b852c5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != nums[i+1] && nums[i]!= val) + { + return false; + } + } + return true; +} +" +2acaf570f74776910c2a7648a2bb7d22b701df45,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != nums[i+1] && nums[i]!= val) + { + return false; + } + } + return true; +} +" +9b0337d495e164b2a2540b46129925cd36c52649,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val)) + { + return false; + } + } + return true; +} +" +5fb6b3cb2d6abbc5d15a45cbb3c278fe178af966,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val) + { + return false; + } + } + return true; +} +" +3156ec54110206dbd40f7d6cda31c7cdfa3c8dcf,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i=0; i 0) + { + return true; + } + else + { + return false; + } +} +" +c4927be9756d8bb5b9bd3f3d196cf3b88145c3f5,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if ((j == a) || (j == b)) + { + trueNum = trueNum + 1; + } + } + } + if (true > 0) + { + return true; + } + else + { + return false; + } +} +" +6f82d3a71ecc8f6f8bca41f9ffe8802365acc576,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if ((j == a) || (j == b)) + { + trueNum = trueNum + 1; + } + } + } + if (trueNum > 0) + { + return true; + } + else + { + return false; + } +} +" +46a92b0b772f3e8c19bc840536cc1745157b8917,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +975de555b120f5b53b33d0e384349f0d27eef395,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = true; + for (int i = 0; i < nums.length; i++) + if (nums[i] != val && nums[i+1] != val) + return truth; +} +" +83f5cc7d47846be0d06b9b5ee9a4c283529c934f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = true; + for (int i = 0; i < nums.length; i++) + if (nums[i] != val && nums[i+1] != val) + { + return truth; + } +} +" +90a633f7718a5b1abb341e64606dabfe49f487a9,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = true; + for (int i = 0; i < nums.length; i++) + if (nums[i] != val && nums[i+1] != val) + { + truth = false; + } + return truth; +} +" +0c57a6e557b2c9edf9649461dcd74ef1dd92847a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = true; + for (int i = 0; i <= nums.length; i++) + if (nums[i] != val && nums[i+1] != val) + { + truth = false; + } + return truth; +} +" +140f3af7429e0085ef2dd93c4ab16d66336cc8f9,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i=0;i 0) + { + return true; + } + else + { + return false; + } +} +" +4b4a1bb9dc99f0c7a14eb263622b796dbfed6ed7,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if ((j == a) || (j == b)) + { + trueNum = trueNum + 1; + } + } + i = i + 1 + } + if (trueNum > 0) + { + return true; + } + else + { + return false; + } +} +" +fdf4d3c64f590a4bd4b3ce1a10c785c1a5062add,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if ((j == a) || (j == b)) + { + trueNum = trueNum + 1; + } + } + i = i + 1; + } + if (trueNum > 0) + { + return true; + } + else + { + return false; + } +} +" +b6fb6222152918ba6c89971b99922c1861a23aad,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +0b266f091171a026eff8bc1d422adba8da0f2c66,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if ((j == val) || (j == val)) + { + trueNum = trueNum + 1; + } + } + i = i + 1; + } + if (trueNum > 0) + { + return true; + } + else + { + return false; + } +} +" +a3e22d18eed11d3170f038c9487700077880bffc,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +90f0d462a0f1a317dfb4021fc414fad621dc402a,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if (j == val) + { + trueNum = trueNum + 1; + } + } + i = i + 1; + } + if (trueNum > 0) + { + return true; + } + else + { + return false; + } +} +" +bdf8e249773d66eaf22091356dd595406501b15f,"public boolean isEverywhere(int[] nums, int val) +{ + int trueNum = 0; + for (int i = 0; i < nums.length; i++) + { + int a = i; + int b = i + 1; + for (int j = 2; j < nums.length; j++) + { + if ((a == val) || (b == val)) + { + trueNum = trueNum + 1; + } + } + i = i + 1; + } + if (trueNum > 0) + { + return true; + } + else + { + return false; + } +} +" +51bd101c510ea69032864780661e2994badd24d8,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +503c551bf31e53ee3932004575bf6b48ad77a237,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + if (a == val); + { + a = val; + } + else + { + b = val; + } + for (int i = 2; i < nums.length; i++); + { + if (i == val) + { + total = total + 1; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +7f9eb674ab33d0ad5ca458e65c35a7163c7e67a2,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + if (a == val); + { + a = val; + } + else if (b == val) + { + b = val; + } + for (int i = 2; i < nums.length; i++); + { + if (i == val) + { + total = total + 1; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +8d65358638c3f968cbc64baf758a7fb6190485e3,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + if (a == val); + { + a = val; + } + else + { + b = val; + } + for (int i = 2; i < nums.length; i++); + { + if (i == val) + { + total = total + 1; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +b0ae21539c0a7740c5e8762d85b5871cb1692d29,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + if (a == val) + { + a = val; + } + else + { + b = val; + } + for (int i = 2; i < nums.length; i++); + { + if (i == val) + { + total = total + 1; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +bad1f067418e9e1c55b1ceb12efca0db2e66e0d0,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + if (a == val) + { + a = val; + } + else + { + b = val; + } + for (int i = 2; i < nums.length; i++); + { + if (int i == val) + { + total = total + 1; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +9e6b60df290d1685d4771f625162793e8c30571f,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + if (a == val) + { + a = val; + } + else + { + b = val; + } + for (int i = 2; i < nums.length; i++); + { + if (nums[i] == val) + { + total = total + 1; + } + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +5bb17e4d195dc248ed32e0b698d86157b80d8c22,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + int i = 2; + if (a == val) + { + a = val; + } + else + { + b = val; + } + while (i < nums.length) + { + if (nums[i] == val) + { + total = total + 1; + } + i = i + 1; + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +dac90010b10be64912d68387e9725c4aa04c2777,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + int i = 2; + if (nums[a] == val) + { + a = val; + } + else + { + b = val; + } + while (i < nums.length) + { + if (nums[i] == val) + { + total = total + 1; + } + i = i + 1; + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +169281645106972d5395efd20a41ba611ba838cb,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + int i = 2; + if (nums[a] == val) + { + nums[a] = val; + } + else + { + nums[b] = val; + } + while (i < nums.length) + { + if (nums[i] == val) + { + total = total + 1; + } + i = i + 1; + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +6536f08976037c9992a359c6cbff4fd696792c36,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + int i = 2; + if (nums[a] == val) + { + nums[a] = val; + } + else + { + nums[b] = val; + } + while (i < nums.length) + { + if (nums[i] == val) + { + total = total + 1; + } + i = i + 2; + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +01be4028e31026356c6b6f8f3c963a564138a316,"public boolean isEverywhere(int[] nums, int val) +{ + int a = 0; + int b = 0; + int total = 0; + int i = 2; + if (nums[a] == val) + { + nums[a] = val; + } + else + { + nums[b] = val; + } + while (i < nums.length) + { + if (nums[i] == val) + { + total = total + 1; + } + i = i + 1; + } + if (total > 0) + { + return true; + } + else + { + return false; + } +} +" +94e0e32b6441557de92239764aceeb4a36692f98,"public boolean isEverywhere(int[] nums, int val) +{ + trueValue = 0; + for (int i = 0; i < nums.length; i++) + { + if (val == i + 2) + { + trueValue = trueValue + 1; + } + if (val == i + 3) + { + trueValue = trueValue + 1; + } + i = i + 1; + } + if (trueValue > 0) + { + return true; + } + else + { + return false; + } +} +" +5f855b41fb99cafdfb6150f8f0d7446800340e6f,"public boolean isEverywhere(int[] nums, int val) +{ + int trueValue = 0; + for (int i = 0; i < nums.length; i++) + { + if (val == i + 2) + { + trueValue = trueValue + 1; + } + if (val == i + 3) + { + trueValue = trueValue + 1; + } + i = i + 1; + } + if (trueValue > 0) + { + return true; + } + else + { + return false; + } +} +" +dc944173f0a6492889e76b32f73ee5c6e017a9e0,"public boolean isEverywhere(int[] nums, int val) +{ + boolean idk = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + idk = false; + } + } + return idk; +} +" +4e9d1a2a119f3d0ae2418198048d750d06b57067,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ + if ( nums[i] != val && nums[i+1] != val) + { + result = false; + } +} + return result; +} +" +a5b56f27c1c0ff7eab251abe0bf57903d1b34997,"public boolean isEverywhere(int[] nums, int val) { + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + { + result = false; + } + return result; +} +" +015d9194ef36bc4f14cd9757b981097915508f58,"public boolean isEverywhere(int[] nums, int val) { + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return result; +} +" +f8a0d23f494fb39fe1219fd8958ee74db716a983,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length; i += 2) + { + if ( nums[i] == val || nums[i + 1] == val) + { + } + else + { + return false; + } + } + + return true; +} +" +b9879821b998a98fe439c36b15c2da3e32f52307,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i += 2) + { + if ( nums[i] == val || nums[i + 1] == val) + { + } + else + { + return false; + } + } + + return true; +} +" +72ff847ff0e08b259020c731c9da393c106a4778,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i += 2) + { + if ( nums[i] == val || nums[i + 1] == val) + { + } + else + { + return false; + } + } + + return true; +} +" +6392e355c6cee43d6fccad7f2538e9a1f2dd730e,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i ++) + { + if ( nums[i] == val || nums[i + 1] == val) + { + } + else + { + return false; + } + } + + return true; +} +" +affbcbe03c438c174af000f9eae515362dc49bf3,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length; i ++) + { + if ( nums[i] == val || nums[i + 1] == val) + { + } + else + { + return false; + } + } + + return true; +} +" +dcfc872a99984057e00ae08d3643b4682e6c7267,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length - 1; i ++) + { + if ( nums[i] == val || nums[i + 1] == val) + { + } + else + { + return false; + } + } + + return true; +} +" +ca76f8605306b33abefde558f8e279e5b8bf8bb0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +75edb0d1949ae82009bcdcf6c7b01f49fb074b19,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean everywhere == true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + everywhere == false; + } + } + return everywhere; +} +" +bf8b9c6e1207e59de6c61d25aedf64f2592ab8b4,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean everywhere = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + everywhere = false; + } + } + return everywhere; +} +" +88ef43a196561a7aeebf607c5da2dbdfe7916a5c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; i < nums.length; i++) + { + if (int[i] == val || int[j] == val) + { + everywhere = true; + } + } + } + + return everywhere; +} +" +53ae087c4f4d568edd6fdcdb5f4177436fe5f323,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + } + } + + return everywhere; +} +" +43e27dd4108e638838bdf52d522abcedd8e8e839,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + else + { + everywhere = false; + break; + } + } + } + + return everywhere; +} +" +f8ebcbd79bc4f0fcf31f8870b3444075c6607618,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + else + { + everywhere = false; + break; + } + } + } + + return everywhere; +} +" +0fd54d7e2130fe05aaae8ba33110942c11da0f76,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + for (int i = 0; i < nums.length; i++) + { + for (int j = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + else + { + everywhere = false; + break; + } + } + } + + return everywhere; +} +" +602e50b0c20882eb06aeede09f4f0d0a363e1292,"public boolean isEverywhere(int[] nums, int val) +{ + boolean evry = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + evry = false; + break; + } + } + return evry; +} +" +a68108148013629f9b4280758e0b7a5f2874757a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; +} +" +4a26fbb733e52b8400c4cf2138554777f395854c,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i < len-1; i++); + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +96d9aae7c744519da32f1e7ad7f543da6464503e,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i < len-1; i++); + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +04d22255a75a916677006a227098a9da00396a7a,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + int i = 0; + for(i < len-1; i++); + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +6a934929f6d2a68ec3e940a107e9df6f760f0861,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + int i = 0; + for(i <= len-1; i++); + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +3b4517da66b6f284ac18fee9069796535d1dae65,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + int i = 0; + for(i <= len-1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +2f5a363fa02fe5eeb575dafbd1185ab516ff043b,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + int i = 0; + for(i <= len - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +395ca69510a7b06702a4c249b95aa8e8977638f4,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i <= len - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +9a818152b7c3e02b81dd0baab58b8d8bc93c2e8d,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i <= len - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + return true; + } +} +" +2c92414c45a814e8e0cb27c230fb07afb2515bab,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i <= len - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +d85c826a74b08e671251d13afb6bc181df8ff673,"public boolean isEverywhere(int[] nums, int val) +{ + int len = nums.length; + for(int i = 0; i < len - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +782e5b8e06902772b246df004eb32a436f4743a2,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x < nums.length; x++) + { + if (nums[x] == val) + { + return true; + } + } + return false; +} +" +624845ffdc88c147fcf55a18cc456f2e0a0c817b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x < nums.length - 2; x++) + { + if (nums[x] == val && nums[x + 2]) + { + return true; + } + } + return false; +} +" +ceacdfea6bf38237375e9ebfc8242161137eb64f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x < nums.length - 2; x++) + { + if ((nums[x] == val) && (nums[x + 2] == val)) + { + return true; + } + } + return false; +} +" +051c99b66678b3d893f1273649e9d18c6c345442,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] == val && nums[i+1] == val && i + 1 < nums.length) + { + return true; + } + else if (nums[i] == val && nums[i-1] == val && i - 1 > 0) + { + return true; + } + else + { + return false; + } + } + return false; +} +" +5fc816c7bf321a5e6681aba3f9427a417ce30646,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (i + 1 < nums.lenght) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + } + else if (i - 1 > 0) + { + if (nums[i] == val && nums[i-1] == val) + { + return true; + } + } + else + { + return false; + } + } + return false; +} +" +c6c5d4d18ef97a618502df4068969e24fd40b885,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (i + 1 < nums.length) + { + if (nums[i] == val && nums[i+1] == val) + { + return true; + } + } + else if (i - 1 > 0) + { + if (nums[i] == val && nums[i-1] == val) + { + return true; + } + } + else + { + return false; + } + } + return false; +} +" +4fb6002a4b54574e8e090f65e6a723b63475e8a1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x < nums.length - 2; x++) + { + if ((nums[x] != val) || (nums[x + 2] != val)) + { + return false; + } + } + return true; +} +" +c27c2d74d3b7b37a18b8b2244d9da92718e883cb,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x < nums.length - 2; x + 2) + { + if ((nums[x] != val) || (nums[x + 2] != val)) + { + return false; + } + } + return true; +} +" +1e2d84ac6689deab4e2ad14435936d46a498957a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int x = 0; x < nums.length - 2; x++) + { + if ((nums[x] != val) || (nums[x + 2] != val)) + { + return false; + } + x++; + } + return true; +} +" +566e59bc0162666a8affe0f0440c91306174a573,"public boolean isEverywhere(int[] nums, int val) +{ + int length = nums.length; + for (int x = 0; x < nums.length - 3; x++) + { + if ((nums[x] != val) || (nums[x + 2] != val) && (nums[x+1] != val) || nums[x+3] != val) + { + return false; + } + x++; + } + return true; +} +" +28ce0f9f9811934595623a4bbbd066694b2a42e1,"public boolean isEverywhere(int[] nums, int val) +{ + int length = nums.length; + for (int x = 0; x < nums.length - 3; x++) + { + if ((nums[x] != val) || (nums[x + 2] != val) && (nums[x+1] != val) || nums[x+3] != val) + { + return false; + } + } + return true; +} +" +a60217bdf27a122036823953524f4fcb03abd27d,"public boolean isEverywhere(int[] nums, int val) +{ + for(int x = 0; x < nums.length - 1; x++) + { + if(nums[x] != val && nums[x + 1] != val) + return false; + } + return true; +} +" +4ec6783ac0e3848faf7d3af45ec9d937d2c11f10,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && numbs[i+1] != val) + return false; + } + return true; +} +" +74dd9527e4b0de5da280f7d0d99b4dae81b7916f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +e2db6a5fc1a7dd8439e0eaa47efe1889c7fd7abb,"public boolean isEverywhere(int[] nums, int val) +{ + int pairs = 0; + int half = nums.length / 2; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + pairs = pairs + 1; + } + } + if (pairs == half) + { + return true; + } + else + { + return false; + } +} +" +db2194a1dad49533f2f456f5079ed475c6f4824a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean pair = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + pair = true; + i++; + } + else + { + pair = false; + break; + } + } + return pair; +} +" +d6aa99fe6937a6194cc164d15ab4fedc0c43fb9d,"public boolean isEverywhere(int[] nums, int val) +{ + int pairs = 0; + int half = nums.length / 2; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + pairs = pairs + 1; + } + } + if (pairs == half) + { + return true; + } + else + { + return false; + } +} +" +4d9b6ae715d4d4c73f87e789150d8818d7806ae5,"public boolean isEverywhere(int[] nums, int val) +{ + int pairs = 0; + int half = nums.length / 2; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val) + { + pairs = pairs + 1; + } + } + if (pairs == half) + { + return true; + } + else + { + return false; + } +} +" +0f5ef727c2495e0f96b12e13e69ef4953950f3f7,"public boolean isEverywhere(int[] nums, int val) +{ + boolean pair = true; + for (int i = 0; i <= nums.length-2; i++) + { + + if (nums[i] != val && nums[i + 1] != val) + { + pair = false; + break; + + } + } + return pair; +} +" +e9684c37300ad2ff0907d6d517e96656ca70ab9b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] != val && nums[i + 1] != val) + return false; + } + +return true; +} +" +0bfe9c842100111db0e6f291531a2d7475d7fce7,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +dd7d65b2b667261efee2c5fb00720ecd63a023ce,"public boolean isEverywhere(int[] nums, int val) +{ + boolean tvalue = false; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + tvalue = true; + } + } + return tvalue; +} +" +5632bf48a476b9365aec54f442fd70542b64e705,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +43889abde8488650cf59896f66551f844c2d0274,"public boolean isEverywhere(int[] nums, int val) +{ + boolean flag1 = true; + + + for (int i = 0; i < nums.length; i += 2) + if (nums[i] != val) flag1 = false; + + + + return flag1; +} +" +72fd4cee214ea610e9e4939f80d85b2c6cfb6587,"public boolean isEverywhere(int[] nums, int val) +{ + boolean bool = true; + for (int i = 0; i<=nums.length-2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return bool; +} +" +45de412fa0d77a51089e5f2e63aff7b67b0c5042,"public boolean isEverywhere(int[] nums, int val) +{ + boolean flag1 = true; + boolean flag2 = true; + + for (int i = 0; i < nums.length; i += 2) + if (nums[i] != val) flag1 = false; + + for (int i = 0; i < nums.length - 1; i += 2) + if (nums[i + 1] != val) flag2 = false; + + return flag1 || flag2; +} +" +05907a44374ffcf6f0253416ba1d5b67e607ca0b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i <= nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +a1c7b73a32069dffc48f1c022083da714fe85798,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i <= nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } +return false; + } +} +" +fe01f77d2ee62464fa219ba75558d0bf8be6dac8,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i <= nums.length; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } + } + return false; +} +" +16b859a4e39157379a0eb7dad41142b27cce377a,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == val && nums[i+1] == val) + { + return true; + } + } + return false; +} +" +8995f0dc49a7a45215713c068350823a4d69051a,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +c367963f2615ca4b3715b09987598a10ab0573f3,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + if (nums.length % 2 == 1) + { + return false; + } + for (int i = 0; i < nums.length - 2, i + 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + } + return false; +}" +3f6d1bb623cca76508a3ca08a7ec99d69db101c2,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + if (nums.length % 2 == 1) + { + return false; + } + for (int i = 0; i < nums.length - 2; i + 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + } + return false; +}" +b4236871310682d777c18d4a059816c1f29edf7c,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + if (nums.length % 2 == 1) + { + return false; + } + for (int i = 0; i <= nums.length - 2; i + 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + } + return false; +}" +3dbc4cf2ab45f9a5f0b4b686327eff3e4a3069d9,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + if (nums.length % 2 == 1) + { + return false; + } + for (int i = 0; i <= nums.length - 2; i+++) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + } + return false; +}" +c7ec26b1013af29565565dd7cf364d05168c365b,"public boolean isEverywhere(int[] nums, int val) +{ + int i = 0; + if (nums.length % 2 == 1) + { + return false; + } + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + } + return false; +}" +2e02173e264f229e062373784155ef5e0a97fb92,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length % 2 == 1) + { + return false; + } + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + } + return false; +}" +131e069b22ca39f4b06f0e72aee0f9fcea476660,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2 || nums.length % 2 != 0) + { + return false; + } + for (int i = 0; i <= nums.length - 2) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + else + { + i = i + 2; + continue; + } + } + return false; +}" +72d0dd9b3b83e163c7542c7247f16a229bfcf6fe,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2 || nums.length % 2 != 0) + { + return false; + } + for (int i = 0; i <= nums.length - 2;) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + else + { + i = i + 2; + continue; + } + } + return false; +}" +aeeace5e4d62630a40d0aa2ba7b7dd0170d64a41,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2 || nums.length % 2 != 0) + { + return false; + } + for (int i = 0; i <= nums.length - 2;) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + else + { + i = i + 2; + continue; + } + } + return true; +}" +d4074eafc36e2ea4f12bda960e62c4b195498402,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val && nums[i + 1] == val) + { + return false; + } + } + return true; + +} +" +0bc613f334fcd84a2533090c81adc6079d3a95af,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums.[i] != val && nums[i+1] != val) + { + return false; + } + } + return true +}" +7612014a07edd5533913d30c2070b1d868601223,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true +}" +e85c2dc680eb6e9ad87c07e6ab019d6e021eff4c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; + +} +" +c2583a9eb391c8f0eadb40806339739f234568c3,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +}" +80b0ea17a846bce418d17609f4e37467eac0065e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val && nums[i+1]!= val) + { + return false; + } + } + return true; +} +" +50cfe96290b02bc4b55fccb253475e22ae6d8a04,"public boolean isEverywhere(int[] nums, int val) +{ + boolean every = true; + for (int i = 0; i < nums.length; i++) { + if (i == 0) { + if (nums[0] != nums[1]) { + every = false; + } + } + else { + if (nums[i] != nums[i - 1]) { + every = false; + } + } +} +" +0e2bc98e5cfa48beafb55d3432646caef1c37cdc,"public boolean isEverywhere(int[] nums, int val) +{ + boolean every = true; + for (int i = 0; i < nums.length; i++) { + if (i == 0) { + if (nums[0] != nums[1]) { + every = false; + } + } + else { + if (nums[i] != nums[i - 1]) { + every = false; + } + } + } +} +" +e9c18850eaf22f15a191191f9dbacb89cbc53472,"public boolean isEverywhere(int[] nums, int val) +{ + boolean every = true; + for (int i = 0; i < nums.length; i++) { + if (i == 0) { + if (nums[0] != nums[1]) { + every = false; + } + } + else { + if (nums[i] != nums[i - 1]) { + every = false; + } + } + } + return every; +} +" +618ea45e6bdc85e9c4e417b45b34722b74dfcfd8,"public boolean isEverywhere(int[] nums, int val) +{ + boolean every = true; + for (int i = 0; i < nums.length; i++) { + if (i == 0) { + if (val != nums[1]) { + every = false; + } + } + else { + if (val != nums[i - 1]) { + every = false; + } + } + } + return every; +} +" +178cbcafa485e0d581b8c94a12b500a18c122f3d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean every = true; + for (int i = 1; i < nums.length - 1; i++) { + if (val != nums[i - 1] && val != nums[i + 1]) { + every = false; + } + } + return every; +} +" +b4a6175201d26951839bc77b7e23af821f199b36,"public boolean isEverywhere(int[] nums, int val) +{ + int countNoWant = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + countNoWant++; + } + } + if (countNoWant != 0) + return false; + return true; +} +" +08bfdcf2f803a77bb7fe079009bbc86daedb17b0,"public boolean isEverywhere(int[] nums, int val) +{ + int countNoWant = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + countNoWant++; + return false; + return; + } + } + //if (countNoWant != 0) + //return false; + return true; +} +" +badbb3886f386d0ce69b36a52daf30bf71dd63eb,"public boolean isEverywhere(int[] nums, int val) +{ + int countNoWant = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + countNoWant++; + return false; + break; + } + } + //if (countNoWant != 0) + //return false; + return true; +} +" +f5c6832c63e2b2f957114e98aaa232c4680cc740,"public boolean isEverywhere(int[] nums, int val) +{ + int countNoWant = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + countNoWant++; + return false; + } + } + //if (countNoWant != 0) + //return false; + return true; +} +" +61c5f8f3a5a7614f25ecc059a46650b597a7103a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == value) + { + return true; + } + } + return false; +} +" +64212a8d7cd3bbf1a8469671ecc3ad810e6f117a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +3cf1e9bf30542b40903ef9dc8d7ade92fa7989bf,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +10fed8f6ca25d1af69ca0db8b4e1aa5f6f35f821,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length +1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +b685ee90159c19b7b014cc2c236088a36db0e467,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +279338fd98ffed678af8bbe3ed7795b7d27c9529,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +695f18d54603ddddac0397bef5ef50ddea9cbaeb,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +969fccc9d702524a48ac7e21594725fe9d101a14,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length+1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +8f272e5c423639463992f273aa7ed7b741428239,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length+1; i=i+2) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +370b782efd181c7fbd178cee1d33ce5ed1e02949,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +9df9c8a28f3dc36de8f20b4341e5a270b07738a9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i = i+2) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +5d8f010a8e186dca6967200bee03d1d8dc54fb0c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-2; i=i+2) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +435c5feaf09d5cfd7053f6fe0ebe5f5d15d95270,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +633b981e4b8f7634a276b80e45a2e119668f9830,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i+1] == val) + { + return true; + } + } + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +e972609599643d19f0f6959da85dc75552628959,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +401d703c8092388f5b9f4e9c0a0543b7b70e9888,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length; i++ ) { + if ( nums[i] == nums[i+2] ) { + count++; + } + } + if ( count == val ) { + return true; + } + return false; +} +" +83358f85d3f00554b84a7dd9b81152d9075393d1,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length - 1; i++ ) { + if ( nums[i] == nums[i+2] ) { + count++; + } + } + if ( count == val ) { + return true; + } + return false; +} +" +06808e22a503e5f868359e8d420c523b7da0c45b,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length-2; i++ ) { + if ( nums[i] == nums[i+2] ) { + count++; + } + } + if ( count == val ) { + return true; + } + return false; +} +" +e424bf9a07eede63d1aaa8909ced99fdfd894177,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length-2; i++ ) { + if ( nums[i] == nums[i+2] ) { + count++; + } + } + if ( count == val ) { + return false; + } + return true; +} +" +4333f9ec0214419db0cddaa0f5789fb525d11041,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for ( int i = 0; i < nums.length-2; i++ ) { + if ( nums[i] == nums[i+2] ) { + count++; + } + } + if ( count != val ) { + return false; + } + return true; +} +" +64bfd22d209d1568571f82d5b0b419dd373c3a1c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean final = true; + for ( int i = 0; i < nums.length-2; i++ ) { + if ( nums[i] != val && nums[i+1] != val ) { + final = false; + } + } + return final; +} +" +449d7e81620e232df6a68bbe9d5d53d3a6c65a2f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean final = true; + for ( int i = 0; i < nums.length-2; i++ ) { + if ( nums[i] != val && nums[i+1] != val ) { + final = false; + } + } + return final; +} +" +cf42547352faee318ab53871f5869b5a753cb4d4,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +25baaead9b62d4b3f76249afa7191180069e4a33,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val && nums[i+1] != val) + { + return true; + } + } + return false; +} +" +e7bb0895a48202eebbd1ee79d5a523b6f148fe6d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i = i+2) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +29246ea40c1d6513e47e7347116807bc540a1934,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] = val) + { + return true; + } + } + return false; +} +" +c38e92c6f649b29bdfc42e757b50e6be85d5e6b8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +b4d3c9966a0094be0d653a8b732c5c80c482df20,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length+2; i++) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +d3356365e222664588c4214e63c28999111d949b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length+2; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +3a21fce41f85c49974d7067bd5658b02c89c1a8e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length+1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +9afb5ee5b4329dbd7cd1d9cfbad74c2bb6697a43,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + for (int j = i+1; j < nums.length; j++) + { + if (nums[i] == val || nums[j] == val) + { + return true; + } + } + } + return false; +} +" +bab3ef2b6386e90879464bf8bc54092c0d5ebdb5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + i++; + return true; + } + } + return false; +} +" +450fa1a4a781370d3dce0875fdc10e10f4330ad8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +12d5e37acf6841e755877cb22166b513523e47c4,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + i++; + } + return false; +} +" +7dc099f00c6d0669bcc4a336d4ddbb29917aedbd,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else if (num[i] != val && nums[i+1] != val) + { + return false; + } + } + return false; +} +" +7fe3eaf5831c1338cd4fc85f9b91725a4f75ce25,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return false; +} +" +39546c91f2726a7819e08859d034e8dd4a71b6cf,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val || nums[i+1] == val) + { + return true; + } + } + return false; +} +" +900464de2ead5efd47e792eef8287d3e013f0812,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + return true; + } + } + return false; +} +" +863dec1754075db37e969da7b986d578ac30aa1c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + return false; + } + } + return true; +} +" +74b1c2e0d20a9dcd0610ad9e889c8d2e951912b6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +4ecac6d3f5ed68a71f7b73f77a06f48d83cbd7e9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i++] != val) + { + break; + } + else + { + return true; + } + } +} +" +74b21a4c7cea7ab0ca460c4dace94a33956bc11c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i++] != val) + { + return false; + break; + } + else + { + return true; + } + } +} +" +5f0b8247d30b5ad1801f9290f4e3da3ad046236d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i++] != val) + { + return false; + } + else + { + return true; + } + } +} +" +a29292024cf1897d7c22bd6625d8de6e4d90eb86,"public boolean isEverywhere(int[] nums, int val) +{ + boolean j = false + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + j = true; + } + } + return j; +} +" +9b28e3f6889d7e91432f456f69707c06fdff6d7d,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i++] != val) + { + return false; + } + } + return true; +} +" +35c45f9c69885c45c0945ae682048794ccf91848,"public boolean isEverywhere(int[] nums, int val) +{ + boolean j = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + j = true; + } + else + { + return j; + } + } + return j; +} +" +7d50830ab046896d5a332982d6f6df211510797c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +418ea1ba293f3f30085f4020243720d98c795065,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + j = true; + } + } + return j; +} +" +112ef801a0ac828b01be0a21587b5580abe7d2b2,"public boolean isEverywhere(int[] nums, int val) +{ + boolean j = false; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + j = true; + } + } + return j; +} +" +16dd6557507cd6b35296ba60323479095b5e7f24,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val || nums[i++] != val) + { + return false; + } + } + return true; +} +" +dba7de4b3eb89e60fbf1c9f96f38fc9085c1338a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +855aa97a1cfe7b733ec39e9b68f3b09a038f167e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val || nums[i++] != val) + { + return false; + } + } + return true; +} +" +0b357dccdac83ba762a6b281baf2aa5fc6b42273,"public boolean isEverywhere(int[] nums, int val) +{ + j = true + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + j = false; + } + } + return j; +} +" +2944ef98de5807164d9169ece7faacd3bb5128cf,"public boolean isEverywhere(int[] nums, int val) +{ + boolean j = true; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + j = false; + } + } + return j; +} +" +96649403e3463cc1c05171bea6b6b5e9d2710fe4,"public boolean isEverywhere(int[] nums, int val) +{ +// for (int i = 0; i < nums.length; i++) +// { + // if (nums[i] != val || nums[i++] != val) + // { + // return false; + //} + //} + //return true; + + for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +1b4e9fc3ee9bd362380cbc78c3627552bce23050,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val || nums[i+1] != val) + { + return false; + } + } + return true; +} +" +45be6178d65042bfa429f8652507c6db51e2915b,"public boolean isEverywhere(int[] nums, int val) +{ +// for (int i = 0; i < nums.length; i++) +// { + // if (nums[i] != val || nums[i++] != val) + // { + // return false; + //} + //} + //return true; + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +718214d0f8772045d68ed68579352a60ad902d13,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1 ; i++ ) { + if ( nums[i] != val && nums[i + 1] != val ) { + return false; + } + } + return true; +} +" +cf50e456db1821c67d784b4596db0e3038f70941,"public boolean isEverywhere(int[] nums, int val) +{ +// for (int i = 0; i < nums.length; i++) +// { + // if (nums[i] != val || nums[i++] != val) + // { + // return false; + //} + //} + //return true; +boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ + if ( nums[i] != val && nums[i+1] != val) + result = false; +} +return result; +} +" +b3cb600f1634112219d0da53007580e473764286,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else if (nums[i] != val || nums[i+1] != val) + { + return false; + } + } + return true; +} +" +ec5a85a09dfeefdcfa003ad54d2c5965582da600,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return result; +} +" +692edf96e385d9f469c501bf61c9cd21c125016b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else if (nums[i] != val || nums[i+1] != val) + { + return false; + } + } + return false; +} +" +c8385688edbfd843a305b2e703676bfb765e7fab,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + else if (nums[i] != val || nums[i+1] != val) + { + return false; + } + } + return true; +} +" +43ce031319bfe611d0e13a4a9c3e26f1eb36302a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean j = false; + boolean k = true; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + j = true; + } + else if (nums[i] != val || nums[i+1] != val) + { + k = false; + } + } + return k; +} +" +d074213d1146b88b411874891d7f4bb13e69d464,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = i; i < nums.length + 1; i++) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } +} +" +2f1e11a4cc47e5a8240119ee42e0fdb1b4469aee,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length + 1; i++) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } +} +" +e93b94f6835046c42b16cfe507547d10945a4c3a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } +} +" +5ae26cca5f718dc6336270cbfa19d74a5da9e10a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return false; +} +" +3d9dfbf45afb3a30bd5f258829382d43e44f880c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i = i + 2) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return false; +} +" +b5591247e4dbe148f4d3d04dc1ea77f00238e934,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i = i + 2) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } +} +" +4e0a5474877f1897be7d729ebc3469d5ea2b7112,"public boolean isEverywhere(int[] nums, int val) +{ + return false; + for (int i = 1; i < nums.length - 1; i = i + 2) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + + } +} +" +b8a3af5cdebc801a8ef7bf950e7363d55962d137,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i = i + 2) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + break; + } + } +} +" +45f7a0c2a9eef027100e4a36159701a97696f7c6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i = i + 2) { + if ((nums[i-1] == val) && + (nums[i] == val) && nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return false; +} +" +d1b6baced6292f4404fc5798c3c72debc8be722f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean flag1 = true; + boolean flag2 = true; + + for (int i = 0; i < nums.length; i +=2) + { + if (nums[i] != val) + { + flag1 = false; + } + } + for (int i = 0; i < nums.length - 1; 1 += 2) + { + if (nums[i + 1] != val) + { + flag2 = false; + } + } + return flag1 || flag2; +} +" +4ec6e29f5fddc868fd5dd40889314254ab1f8b62,"public boolean isEverywhere(int[] nums, int val) +{ + boolean flag1 = true; + boolean flag2 = true; + + for (int i = 0; i < nums.length; i +=2) + { + if (nums[i] != val) + { + flag1 = false; + } + } + for (int i = 0; i < nums.length - 1; i += 2) + { + if (nums[i + 1] != val) + { + flag2 = false; + } + } + return flag1 || flag2; +} +" +7890300a2eaa0534ebf7e91d35de964fa57c85e5,"public boolean isEverywhere(int[] nums, int val) +{ + for(int in = 1; in <= nums.length-1; in++) + { + if(nums[in-1] != val && nums[in] != val) + return false; + } + return true; +} +" +3642f2a1f9d9e54335d019cef9e9112ed0d28b0c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +8c963fd43ebd7f0640a20658e78434e55bda7b05,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i =0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i + 1] != val) + return false; + } + return true; +} +" +097efb7d5413d106f76473de5176da00a108ba01,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +dc3063627d5ba357ba6792796042c4a4d1631e9a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + else + { + return true; + } + } +} +" +6edf801fda3b0c28a1baabec4b82d4eb7f902004,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + else + { + return true; + } + } + return true; +} +" +1bbcdf7a5e58d28c3d01bac6e5509ac8272286ab,"public boolean isEverywhere(int[] nums, int val) +{ + boolan where = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + else + { + return true; + } + } +} +" +f7796c655704e4fc2af95335bf08dda963480a16,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + else + { + return true; + } + } +} +" +cc956d91888ba7d281a25aee38fe1197a0d13f17,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + else + { + return where; + } + } + return where; +} +" +beca663e2559eef7cd146fa57d4e6d1c2d385f1e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = ; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + + return where; +} +" +46acb6d45e625bfa412696e1a8f4bb5372e7bebf,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = ; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + return where; +} +" +a3ea175d3f72ae3ec33456ab43dd07cf71e62c50,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = ; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + return where; +} +} +" +4ff285f3bdb30add792536352a2342d9410b9c1f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + return where; +} +} +" +5671cee255f31202646bad047a8fb8abc68f2969,"public boolean isEverywhere(int[] nums, int val) +{ + boolean where = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return where; +} +" +00b63919a2a577742c9d749db9e91a6d2a3185ea,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +c0172c7f75356ae5a768ad808bf05cb1c103132e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +2135d6b798735d4a71e449c94cd88fadae9993ff,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length -2; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +ce2800f615db0861e539e5d3c949dff50a1073ba,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val || nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +9fa93a642ace00456c970cd7973bdd2db3ba142d,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +2684eabe33f388aa13453a7975e979ecfcba97bc,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +f5bdb01daa73b0ef5f3370c9901a353bde3d8d05,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + else + { + return true; + } + } + return true; +} +" +4116c863a45e6019d4070a4f62a0d509be0a213f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && nums[i] + 1 != val) + { + return false; + } + } + return true; +} +" +8d08b6b68b136bc09eeef3e60c23fbb021b5e01e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && !everywhere && everywhere) + { + return false; + } + } + return true; +} +" +1b08d2fbb82cc0e3488a2385498d2995b76913b9,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && !everywhere && everywhere) + { + return false; + } + if (num[i] == val) + { + return everywhere; + } + } + return everywhere; +} +" +89b117f187163dd6a7162a0c3ff938f2045ad8f7,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val && !everywhere && everywhere) + { + return false; + } + if (nums[i] == val) + { + return everywhere; + } + } + return everywhere; +} +" +98df83d0aae1ff4a8885166f21b0b6655f02ec8c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if (nums[i] != val || !everywhere || everywhere) + { + return false; + } + if (nums[i] == val) + { + return everywhere; + } + } + return everywhere; +} +" +6973e43657ede8ec9ab6f8f6fdf328174580ea80,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if (if(nums[i] != val && nums[i+1] != val) + { + return false; + } + return everywhere; +} +" +d1d6a5adcd8cf7dd962885891f6535aeb3043209,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + return everywhere; +} +" +9505204f21391142f0b25721e2573165cc99f226,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + return true; +} +" +91a9fcea7060d1faae2617c11cf9684ef6c16936,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + return everywhere; + } + return everywhere; +} +" +23f929d7964d7a1b6ba46f251a442cd0ea9d5d00,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + for (int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return everywhere; +} +" +d44db1a417ff6ad3d4d108d100c48ba54b7e98c8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] != 0 && nums[i + 1] != 0) + return false; + return true; +} +" +09a62bab5804a61ea1173961269eab497e6f8c3a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == nums[i + 1]) && (nums[i] == val)) + { + return true; + } + } +}" +63e6f46a1451974cd02e7a49398976eadc9d79c7,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] != 0 && nums[i + 1] != 0) + return false; + return true; +} +" +f40f34c3311534a3ce81dd5c7fcb956f3db4b544,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == nums[i + 1]) && (nums[i] == val)) + { + counter++; + } + } + if (counter > 0) + { + return true; + } +}" +5d49f41d2d863bc7f808cfb80d4b628dec015926,"public boolean isEverywhere(int[] nums, int val) +{ + boolean answer = true + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] != val && nums[i + 1] != val) + answer = false; + } + + return answer; + +} +" +262f5786ce484ad8d21d60bcd0674062b68237d0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] != val && nums[i + 1] != val) + return false; + return true; +} +" +cb50f9d65a179369886fc25b2c69645c12920cce,"public boolean isEverywhere(int[] nums, int val) +{ + boolean answer = true; + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] != val && nums[i + 1] != val) + answer = false; + } + + return answer; + +} +" +6a89a591effe71ee0106a00e8dc26fb20698542c,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if ((nums[i] == nums[i + 1]) && (nums[i] == val)) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +61b2a33bf3d94eabd0c5eff96f6b6ee1f7f9630a,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == nums[i + 1]) && (nums[i] == val)) + { + counter++; + } + else if ((nums[i] == val) && (nums[i] == nums[i+2])) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +14b6ec023f48a3c4532b5ec351647316c2f750bb,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + if ((nums[i] == nums[i + 1]) && (nums[i] == val)) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +7908a7d50f7ae6639bd866a5ccd681391feb1003,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] != val && nums[i + 1] != val) + return false; + else + return true; +} +" +0b331649c6adcf8134ddf993f3b9880a12ebbbee,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + if (nums[i] != val && nums[i + 1] != val) + return false; + return true; +} +" +859bdb78232bf74ddbb71bf715789c01fc6337c6,"public boolean isEverywhere(int[] nums, int val) +{ + int[] pair = new int[2]; + int counter = 0; + for (int i = 0; i < nums.length - 2; i++) + { + pair[0] = nums[i]; + pair[1] = nums[i+1]; + if ((pair[0] == val) || (pair[1] == val)) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +0b1399cd579ab59030bdf721785142475974d47a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for( int i = 0, i <= nums.length-2; i++) + { + if( nums [i] != val && nums[i+1] !+ val) + result = false; + } + return result; +} + +} +" +932c77c8598deae3eb0fdb92b8466989d1b0cb7b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for( int i = 0; i <= nums.length-2; i++) + { + if( nums [i] != val && nums[i+1] !+ val) + result = false; + } + return result; +} + +} +" +c0bcafd61ce598040aa977b280d46011559cb4c7,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for( int i = 0; i <= nums.length-2; i++) + { + if( nums [i] != val && nums[i+1] != val) + result = false; + } + return result; +} + +} +" +9493964ebf1e8a2e0c5f2152210f7821fd18bb7c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for( int i = 0; i <= nums.length-2; i++) + { + if( nums [i] != val && nums[i+1] != val) + result = false; + } + return result; +} + + +" +c9006406a009e3a9910ebbcb837f54ac5a7b756b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i++] != val) + { + return false; + } + } + return true; +} +" +038824a263d8e81278035e3736e51a8a47a2a665,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +333aee420fab778dc7e366bd1f99bf9b9f1c7c84,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i=0;i 0) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + + return everywhere; +} +" +0774a7b0c0c507d5233b1f6ac22923003fe7ab63,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + + if (nums.length == 1 && num[0] = val) + { + return true; + } + else if (nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i ++) + { + if ((nums[i] == val || nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + + return everywhere; +} +" +48721ad9aa57e8538ac06e76ce7ea483f11d76e2,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + + if (nums.length == 1 && nums[0] = val) + { + return true; + } + else if (nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i ++) + { + if ((nums[i] == val || nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + + return everywhere; +} +" +0e573728e751781ab3a8655d739b251d08a4164d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + + if (nums.length == 1 && nums[0] == val) + { + return true; + } + else if (nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i ++) + { + if ((nums[i] == val || nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + + return everywhere; +} +" +b6412654419ab9ad53337083fbfb40306a5eda06,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + + if (nums.length == 1 && nums[0] == val) + { + return true; + } + else if (nums.length == 0) + { + return false; + } + else if (nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i ++) + { + if ((nums[i] == val || nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + + return everywhere; +} +" +aafbdc88f104cc77eb9859ff20b150180d56a301,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + + if (nums.length == 1 && nums[0] == val) + { + return true; + } + else if (nums.length == 0) + { + return true; + } + else if (nums.length > 1) + { + for (int i = 0; i < nums.length - 1; i ++) + { + if ((nums[i] == val || nums[i + 1] == val)) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + } + + return everywhere; +} +" +014f46025fc8662f9a37c027eba1d73b690a3d3b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +75e66a4a95082e31acdd7d2b47b8b55427e71d57,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + + { + + if(nums[i] != val && nums[i+1] != val) + + return false; + + } + + return true; +} +" +ce708f677b34ac6d34d4c05311fbceaac65b08b9,"public boolean isEverywhere(int[] nums, int val) +{ + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n-1] != nums[n+1]) + return false; + else + return true; + } + +} +" +27f1b2200d029a063fcd4a399c80b1c3289337f2,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n-1] != nums[n+1]) + eve = false; + else + eve = true; + } + return eve; + +} +" +5bfaa66d9555d8a0ae1209fbcce0bbcf262524a6,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n-1] != val && nums[n+1] != val) + eve = false; + else + eve = true; + } + return eve; + +} +" +4967f4d055499e2a9dc5f595b65d89f881cf0863,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n] != val && nums[n+1] != val) + eve = false; + else + eve = true; + } + return eve; + +} +" +c5ec7f36db17ed4865390c0ff83cda2f22f542f4,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n] != val && nums[n+1] != val) + eve = false; + } + return eve; + +} +" +2f5cf18584866b3335433caca92ec8a3cacd08fb,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n] != val && nums[n+1] != val && nums[n] != nums[n+1]) + eve = false; + } + return eve; + +} +" +605ad223b6eddef92bff71ea588c2a26ba63509a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-2; n++) + { + if(nums[n] != val && nums[n+1] != val ) + eve = false; + } + return eve; + +} +" +25ec3d5ce75cf8c8efdd5feee48b4b2c059d34a1,"public boolean isEverywhere(int[] nums, int val) +{ + boolean eve = true; + for(int n = 0; n< nums.length-1; n++) + { + if(nums[n] != val && nums[n+1] != val ) + eve = false; + } + return eve; + +} +" +f1837793220224c794cfcfabe025b74a8eccde76,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int = 0; i < nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + result = false; + } + } + return result; +} +" +6a862fcf93e88950094b55abdf1a5be30deacdf2,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + result = false; + } + } + return result; +} +" +2f986b12de2ca0822ff6c149a070095ccc3bb38c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + result = false; + } + } + return result; +} +" +cd9edfa414d2509707cd78ae7a6a790ee8c7d63c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +47bfa42ada1c96dd20d87782271b5fae9b926b6e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length - 1; i++) { + if (nums[i] != val && nums[i+1] != val) { + return false; + } + } + return true; +} +" +12d3019d98bf3822d88a914c574c3b19cd034f0e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i <= nums.length - 2; i++) { + if (nums[i] != val && nums[i+1] != val) { + return false; + } + } + return true; +} +" +c7286846226e864f0d60287c8f53b78093a05875,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) + return false; + + if (nums.length == 1 && nums[0] != val) + return false; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val) + return false; + } + return true; +} +" +13f19847753ef71c7d1d5f26756c484c9f8587f2,"public boolean isEverywhere(int[] nums, int val) +{ + + if (nums.length == 0) + return false; + + if (nums.length == 1 && nums[0] != val) + return true; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val) + return false; + } + return true; +} +" +c9e4b61ef5365d700f05a2482af6cbeb304e3288,"public boolean isEverywhere(int[] nums, int val) +{ + + if (nums.length == 0) + return true; + + if (nums.length == 1 && nums[0] != val) + return true; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i] != val && nums[i - 1] != val) + return false; + } + return true; +} +" +6ae176b626d0a3b1adc9a308d088cf9f5b93d71e,"public boolean isEverywhere(int[] nums, int val) +{ + int[] pair = new int[2]; + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + pair[0] = nums[i]; + pair[1] = nums[i+1]; + if ((pair[0] == val) || (pair[1] == val)) + { + counter++; + } + } + if (counter > 0) + { + return true; + } + else + { + return false; + } +}" +f5a97f916b1dbb3a01b9a81a96e36164f3615f7e,"public boolean isEverywhere(int[] nums, int val) +{ + int[] pair = new int[2]; + int counter = 0; + for (int i = 0; i < nums.length - 1; i++) + { + pair[0] = nums[i]; + pair[1] = nums[i+1]; + if ((pair[0] == val) || (pair[1] == val)) + { + counter++; + } + } + if (counter == (nums.length - 1)) + { + return true; + } + else + { + return false; + } +}" +4495b32dfd89553b1e84531f0c32f7f265d48ac6,"public boolean isEverywhere(int[] nums, int val) +{ + int[] pair = new int[2]; + int counter = 0; + if (nums.length == 0) + { + return false; + } + + for (int i = 0; i < nums.length - 1; i++) + { + pair[0] = nums[i]; + pair[1] = nums[i+1]; + if ((pair[0] == val) || (pair[1] == val)) + { + counter++; + } + } + if (counter == (nums.length - 1)) + { + return true; + } + else + { + return false; + } +}" +0f5e82711f4155b2ab5257ade1e43e97e3bee012,"public boolean isEverywhere(int[] nums, int val) +{ + int[] pair = new int[2]; + int counter = 0; + if (nums.length == 0) + { + return true; + } + + for (int i = 0; i < nums.length - 1; i++) + { + pair[0] = nums[i]; + pair[1] = nums[i+1]; + if ((pair[0] == val) || (pair[1] == val)) + { + counter++; + } + } + if (counter == (nums.length - 1)) + { + return true; + } + else + { + return false; + } +}" +b5014ac8ba923f73fb0382553c46296c8b9d087b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1 ; i++) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +df07291fb03294df81ec857af17a1ca68f502e37,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length ; i++) + { + if (nums[i] == val) + { + return true; + } + } + return false; +} +" +9c99939335f32d0026c6ceb543dd0d15c4842570,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i=0;i= nums.length/2 + { + return true; + } + else + return false; + +} +" +3f1ea9e32b4664139fd49dc8b2c80c523eb0ab15,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == value) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == value) + { + counter++; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +05e7f7e36081e8d0507f0b5700d81f8a977f783c,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == val) + { + counter++; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +26cdcfbb88ed3750b912f841ad738fcec18efc51,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == val) + { + counter++; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +958685decd8e63460dc322e93c9ba6cb17902db5,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == val) + { + counter++; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +719779f74573dab8fe443f675c7c87003aab8ba7,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == val) + { + counter++; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +3faa85cbed2fd8bb34c5759a110531d804f2def4,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == val) + { + counter++; + } + else + { + return false; + } + } + // if (counter >= nums.length/2) + // { + // return true; + //} + //else + //return false; + return true; +} +" +1934361e1460c660c88f724768337bf561054e86,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i] == val) + { + counter++; + } + else + { + return false; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +1913224614deecf9756c8a96cc46ad5873196cec,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +53b654c9f1a6fb87701c946b759c6dbe5d6a48ea,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i + 1] == val) + { + counter++; + } + else + { + return false; + } + } + if (counter >= nums.length/2) + { + return true; + } + else + return false; + +} +" +36438e4ebb0b981d84e7bc72a76e901c9352a93c,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i + 1] == val) + { + counter++; + } + else + { + return false; + } + } + return true; + +} +" +5b9bd4076175344fd3b90b585128ce291d224c5f,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (nums[i + 1] == val) + { + counter++; + } + else + { + return false; + } + } + return true; + +} +" +499e65a1c258e7a6f34aefa3a747756ed92053f5,"public boolean isEverywhere(int[] nums, int val) +{ + int counter = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + counter++; + } + else if (i < nums.length - 1 && nums[i + 1] == val) + { + counter++; + } + else + { + return false; + } + } + return true; + +} +" +448581980c8a313a2a90256413ab390fc5f87558,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + } + else if (i < nums.length - 1 && nums[i + 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +aa7c4292be6ad85ad39c17fc1a9d375080d90df3,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val || nums[i - 1] == val)) + { + } + else + { + return false; + } + } + return true; + +} +" +60c43b3eee80c86923fcd6479ea5381e1bf0dc1f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +d5379a74cb52b1e9fe6f485b384be10574f7a254,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else + { + return false; + } + } + return true; + +} +" +774d6a5a76085895e9082c283781a9b2580f6ecd,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else if (i > 0 && nums[i - 1] == vall) + else + { + return false; + } + } + return true; + +} +" +d9f00d78f312629b07cf46455237507168c0a734,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else if (i > 0 && nums[i - 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +05c2983466719f295f57a7e0e82b4bd6ee018cb8,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 0_ + return true; + else if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else if (i > 0 && nums[i - 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +ca8a5b58bcb5e5a54e02581688f61e3d4bd37934,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 0 + return true; + else if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else if (i > 0 && nums[i - 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +b0986854a808ef02d9788e41da04c2659b23d579,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + return true; + else if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else if (i > 0 && nums[i - 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +46bbd2d91faa50b03c8a2e6042bc2ccfea438bd9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums.length == 1) + return true; + else if (nums[i] == val) + { + } + else if (i < nums.length - 1 && (nums[i + 1] == val)) + { + } + else if (i == nums.length - 1 && nums[i - 1] == val) + { + } + else + { + return false; + } + } + return true; + +} +" +536aed16d8f5dce31cb19d9f917e8ae225ea98b1,"public boolean isEverywhere(int[] nums, int val) +{ + int milk = 0; + for(int i = 0; i < nums.length; i + 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + milk += 1; + if (nums.length % 2 == 1) + { + if (nums.length/2 = milk - 1) + { + return true; + } + } + } + } + return false; +} +" +25fc8a7e444bf9bb19f39bf6a31ba9737a9364eb,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) + { + + if(nums[i] == val) + { + if(i+1 < nums.length) + { + if(nums[i+1] == val) + return true; + } + } + } + + return false; +} +" +38bdcffa2d8b4b80e5ec7774a5eee98fac4d52d3,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) + { + + if(nums[i] == val) + { + if(i+1 < nums.length) + { + if(nums[i+1] == val) + return true; + } + return true; + } + } + + return false; +} +" +72b0ed8a0b4276258c0d157af16303d424f34ee4,"public boolean isEverywhere(int[] nums, int val) +{ + int milk = 0; + for(int i = 0; i < nums.length; i + 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + milk += 1; + if (nums.length % 2 == 1 && nums.length/2 == milk - 1) + { + return true; + } + else if (nums.length/2 == milk && nums.length % 2 == 0 + { + return true; + } + } + } + return false; +} +" +7042076e4cc652a05dc7070f1b491fc032c524b2,"public boolean isEverywhere(int[] nums, int val) +{ + int milk = 0; + for (int i = 0; i < nums.length; i+2) + { + if (nums[i] == val || nums[i + 1] == val) + { + milk += 1; + if (nums.length % 2 == 1 && nums.length/2 == milk - 1) + { + return true; + } + else if (nums.length/2 == milk && nums.length % 2 == 0 + { + return true; + } + } + } + return false; +} +" +0b7004bf89c4cd3d31de1784bfacd95aa72d41ae,"public boolean isEverywhere(int[] nums, int val) +{ + int milk = 0; + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + milk += 1; + if (nums.length % 2 == 1 && nums.length/2 == milk - 1) + { + return true; + } + else if (nums.length/2 == milk && nums.length % 2 == 0 + { + return true; + } + } + } + return false; +} +" +9ac0d1b8c4a834d2c133c6b561cc3f26a63fd617,"public boolean isEverywhere(int[] nums, int val) +{ + int milk = 0; + for(int i = 0; i < nums.length; i+2) + { + if (nums[i] == val || nums[i + 1] == val) + { + milk += 1; + if (nums.length % 2 == 1 && nums.length/2 == milk - 1) + { + return true; + } + else if (nums.length/2 == milk && nums.length % 2 == 0 + { + return true; + } + } + } + return false; +} +" +e258f31eaaaaaeef1e12f4dd1a95f4dc41d65c62,"public boolean isEverywhere(int[] nums, int val) +{ + int milk = 0; + for(int i = 0; i < nums.length; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + milk += 1; + if (nums.length % 2 == 1 && nums.length/2 == milk - 1) + { + return true; + } + else if (nums.length/2 == milk && nums.length % 2 == 0) + { + return true; + } + } + } + return false; +} +" +643c454948d62642c77416901401091d6dfa7cab,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +d906f84ae3d11e1dd877a4396d87de6cb75140de,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == val || nums[i+1] val) + return true; + return false; +} +" +1f2923d3361cb9749a4f5fbbb1e86720cb05eacd,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == val || nums[i+1] == val) + return true; + return false; +} +" +4cdbf496f57818e072efe830b01b9a20a24e6e36,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + if (nums[i] == val && nums[i+1] == val) + return true; + return false; +} +" +8d7caec70dfcf9aa1f6436f146c58013d94e003b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + if (nums[i] != val && nums[i-1] != val) + return false; + return true; +} +" +e82e90cd01a782ba2fc1a5a4598cc1dc26902a62,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + if (nums[i] != val && nums[i+1] != val) + return false; + return true; +} +" +91d3bed0f0ec22f44fd5a2df20e95803b1ae669d,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +6c7514dc87688ea9f4e9076482b3047ef7132fa5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if ((mun[i] == val) || (num[i + 1])) + { + return true; + } + else + { + return false; + } + } +} +" +c5981fd1b14e9bf149006f59ce3dd929829921d6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if ((num[i] == val) || (num[i + 1])) + { + return true; + } + else + { + return false; + } + } +} +" +a1910a7704a1cc6da2cac2bf686c75fe3f1f7075,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < num.length; i++) + { + if ((nums[i] == val) || (nums[i + 1])) + { + return true; + } + else + { + return false; + } + } +} +" +98e8c51209cc92c24c40a51ddf3d58040d8df678,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == val) || (nums[i + 1])) + { + return true; + } + else + { + return false; + } + } +} +" +3cb77c12e3d0d2efc6af115075b3f60320332b05,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] == val) || (nums[i + 1] == val)) + { + return true; + } + else + { + return false; + } + } +} +" +557026f064a89be4df627a611b8a898f7a2fc2f3,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] != val) || (nums[i + 1] != val)) + { + return flase; + } + + } + return false; +} +" +ce6b10fe7ff15d81acd1e457a7a6ab01f6f2f2f5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if ((nums[i] != val) || (nums[i + 1] != val)) + { + return false; + } + + } + return true; +} +" +c85d93293eab8628fdf9b1ea7056e028286f3d61,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +4a1cf278a92346bcd6681a8a870fc3692e333cdd,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + for (int i = 1; i < nums.length; i++) + { + if (nums[i-1] != nums[i] && nums[i] != nums[i+1]) + { + everywhere = false; + break; + } + } + + if (nums[0] != nums[1]) + { + everywhere = false; + } + + return everywhere; +} +" +c6a6c50ad1bca078b718c961a109e97ca6cc1315,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i-1] != nums[i] && nums[i] != nums[i+1]) + { + everywhere = false; + break; + } + } + + if (nums[0] != nums[1]) + { + everywhere = false; + } + + int length = nums.length; + if (nums[length - 1] != nums[length - 2]) + { + everywhere = false; + } + + return everywhere; +} +" +650dc9ad1de3d85a0d2378570d1b3d5fa48183ef,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + for (int i = 1; i < nums.length - 1; i++) + { + if (nums[i-1] != nums[i] && nums[i] != nums[i+1]) + { + everywhere = false; + break; + } + } + + // if (nums[0] != nums[1]) + // { + // everywhere = false; + // } + + // int length = nums.length; + // if (nums[length - 1] != nums[length - 2]) + // { + // everywhere = false; + // } + + return everywhere; +} +" +16c9bcb3f9d63d2dafe883d08f40fc45a6cb48b7,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = true; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + everywhere = false; + break; + } + } + + + return everywhere; +} +" +9a886e81c22ec91bf84c3163a2632f39bea3899c,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length == 0) + { + return true; + } + int b = 0; + for (int i = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[i-1] == val) + { + b++; + } + } + return b == nums.length - 1; +} +" +fdc2d5ff33bf657e186fa764423f6635f0044dcb,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i=0; i= 2) + { + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + else + { + break; + } + } + } + } + else if (nums.length == 1 && nums[0] == val) + { + everywhere = true; + } + else + { + everywhere = true; + } + + return everywhere; +} +" +e84515920497aa470cfafc44aab8a8d878402f79,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + else + { + everywhere = false; + break; + } + } + } + } + else if (nums.length == 1 && nums[0] == val) + { + everywhere = true; + } + else + { + everywhere = true; + } + + return everywhere; +} +" +f3fe145056e5a81a304d3f87c725343aec79790b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + + if (nums.length >= 2) + { + for (int i = 0; i < nums.length; i++) + { + for (int j = 1; i < nums.length; i++) + { + if (nums[i] == val || nums[j] == val) + { + everywhere = true; + } + else + { + break; + } + } + } + } + else if (nums.length == 1 && nums[0] == val) + { + everywhere = true; + } + else + { + everywhere = true; + } + + return everywhere; +} +" +6b597b3f413bfc4799643e3049b14fe874f8d807,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + return false; + } + } + return true +} +" +6c16bcb4353951d54d2be974a7ee02b26eb910f3,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val) + { + return false; + } + } + return true; +} +" +6913d1f6e551589975b08355f06509552b4c6b16,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +8de2a8e254f862d43fe8143de8268ef978ff6a6f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length + 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +fa7e52a8dd82b9e07db5c24a9f6640028d267b37,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +1b2a3ce69939db228df6ca4cf3d5658c23c51312,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != nums[i-1] && nums[i] != nums[i+1]) { + return false; + } + return true;; + } +} +" +482872d7bb6bf524c34a9ad0a4c8cc60cb63ed39,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (nums[i] != nums[i-1] && nums[i] != nums[i+1]) { + return false; + } + return true; + } +} +" +37fae0bce6467362449a7e8f036ebc4874cfe681,"public boolean isEverywhere(int[] nums, int val) +{ + for (int a = 0; a < nums.length - 1; a++) + { + if (!(nums[a] == val || nums[a+1] ==val)) + { + return false; + } + } + return true; +} +" +72161fa583d418c945144b8162c8cc16129ff94b,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) { + if (val != nums[i-1] && val!= nums[i+1]) { + return false; + } + } + return true; +} +" +db7e05b5e7e70ebbb22a959d8a9f3e182deb7324,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +4977484568722e3bde2e39d676a9f3c3a8db64aa,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (val != nums[i-1] && val!= nums[i+1]) { + return false; + } + } + return true; +} +" +94c122a021a2cf0d8bce563a59aea25bbb53928a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) { + if (val != nums[i] && val!= nums[i+1]) { + return false; + } + } + return true; +} +" +c74c532fc616f03321b5d55715224822b585ce97,"public boolean isEverywhere(int[] nums, int val) +{ + if(nums.length % 2 == 0) + { + for (int i = 0; i < nums.length; i++) + { + int condition = 0; + for (val != condition) + { + condition = nums[i] + nums[i + 1]; + if (val = condition) + { + return true; + } + else + { + return false; + } + } + } + } + else + { + return false; + } +} +" +5ad5148967dbb144ab03c4cc1168ed8a2706cfd1,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == val && nums[i+1] == val) + return true; + } + return false; +} +" +705960695fc3004996b05fb40755dc5189b10f31,"public boolean isEverywhere(int[] nums, int val) +{ + boolean ret = false; + int not = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int now = nums[i]; + int next = nums[i + 1]; + if (now != val || next != val) + { + not = not + 1; + } + } + if (not == 0) + { + ret = true; + } + return ret; +} +" +d9bbb7814202147d05661f10d145e35bd3a2fc55,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == val && nums[i+1] == val) + return true; + else + return false + } +} +" +b1dd1c96ffba0c81a9944b4d897513a383e23f40,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] == val && nums[i+1] == val) + return true; + else + return false; + } +} +" +33dcbe972c540369827976ae4de55ea04e438171,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +39c9d75ccc4f923a048540d95e95e7222c80674f,"public boolean isEverywhere(int[] nums, int val) +{ + boolean ret = false; + int not = 0; + for (int i = 0; i < nums.length - 1; i++) + { + int now = nums[i]; + int next = nums[i + 1]; + if (now != val && next != val) + { + not = not + 1; + } + } + if (not == 0) + { + ret = true; + } + return ret; +} +" +ae689cdefbd5668c166df9653c7620bc15436e3f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + int[] condition = new int[2]; + } + if (val == 0) + { + return true; + } +} +" +5a0010311ffb9c164e33ed39f54ed5022f1e51e6,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[0, 1] = val) + { + return true; + } + else + { + return false; + } + } + if (val == 0) + { + return true; + } +} +" +b1908ec81f2a130a1f14626a05c74572f6f6e7d7,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[0] = val) + { + return true; + } + else + { + return false; + } + } + if (val == 0) + { + return true; + } +} +" +f8ac989096acce1e431335f1156fa87167563cca,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[0] == val) + { + return true; + } + else + { + return false; + } + } + if (val == 0) + { + return true; + } +} +" +5e330bb2ef58982156b86ca5168603c733b34fa4,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i = 0; i < nums.length;i++) + { + if (i + 1 < nums.length) + { + if (nums[i] == val && nums[i+1] == val) + { + s = s + 1; + } + } + else if (i - 1 > 0) + { + if (nums[i] == val && nums[i-1] == val) + { + s = s + 1; + } + } + else + { + s = s + 0; + } + } + if ( s >= 1) + { + return true; + } + else + { + return false; + } +} +" +42806d5e2219d68093accb157100c92b6ba79d92,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; +} +" +b8ecb3c2c7933d53b42ff1cc739d479fd1f0463a,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false + } + } + return true +} +" +c81ae5e337bea502cfeb1f84a17eb8bffbcaf3e4,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length;i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +3c98e32bd3b44875eeabb9e7f9be23ac1eac9afd,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (val == 0) + { + return true; + } + for (int i = 0; i < nums.length; i++) + { + if (condition[0] == val) + { + return true; + } + else + { + return false; + } + } +} +" +93c60ae8457876ff923077b4050505980d562996,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[0] == val) + { + return true; + } + else + { + return false; + } + } +} +" +b32b7c795aa5d48a9e236c77d53b3dacced18d65,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length -1;i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +1b2a5b4999ae161e52610a88859a7174dffb6698,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i = 0; i < nums.length;i++) + { + if (i + 1 < nums.length) + { + if (nums[i] == val && nums[i+1] == val) + { + s = s + 1; + } + } + else if (i - 1 > 0) + { + if (nums[i] == val && nums[i-1] == val) + { + s = s + 1; + } + } + else if ( i + 2 < nums.length) + { + if (nums[i] == val && nums[i + 2] == val) + { + s = s + 1; + } + } + } + if ( s >= 1) + { + return true; + } + else + { + return false; + } +} +" +83189c37b848cd621a3f8e0adb19bf858fdc9819,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + return; + if (condition[0] == val) + { + return true; + } + else + { + return false; + } + } +} +" +fd784bd2f9f35d34c37acbcc9646eec456f43984,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[i, i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +46774180f83ee541d4068bc427f72d5e4fa37a60,"public boolean isEverywhere(int[] nums, int val) +{ + int s = 0; + for (int i = 0; i < nums.length;i++) + { + if (i + 1 < nums.length) + { + if (nums[i] == val && nums[i+1] == val) + { + s = s + 1; + } + } + if (i - 1 > 0) + { + if (nums[i] == val && nums[i-1] == val) + { + s = s + 1; + } + } + if ( i + 2 < nums.length) + { + if (nums[i] == val && nums[i + 2] == val) + { + s = s + 1; + } + } + } + if ( s >= 1) + { + return true; + } + else + { + return false; + } +} +" +c29c1d07c6f488e473a7e34dc965fe6963069af0,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == nums [i + 1]) + { + return true; + } + } + return false; +} +" +6cb3e904b9cd0316b5767ecc432dafee369045d6,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[2] == val) + { + return true; + } + else + { + return false; + } + } +} +" +970dd0f9829a72ca1672ee2b35050170db5a0091,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if(nums[i - 1] == nums [i + 1]) + { + return true; + } + } + return false; +} +" +3d156566b26063c19997f6aad7ca887c4d6c4fbd,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[2] == val) + { + return true; + } + else + { + return false; + } + } +} +" +228c8c2265071dd530523ae5cc001d631a923378,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[2] == val) + { + return true; + } + else + { + return false; + } + } + } +} +" +d257c7f3c04d9f5172e017c91d46ad328faa6f51,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if(nums[i - 1] == val || nums [i + 1] == val) + { + return true; + } + } + return false; +} +" +92b76b0248d11444080d52672e8cdd0de69ca4d1,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 1; i < nums.length - 1; i++) + { + if(nums[i - 1] == val && nums [i + 1] == val) + { + return true; + } + } + return false; +} +" +2456a881e855b6fe899bad8bae2663e4f80110e2,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +efc8cded5790aad3710fa4a67161374d3ac0128b,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[2] == val) + { + return true; + } + else + { + return false; + } + } + } +} +" +4fe7f97446aa659b3dc8a34fde55f3343c96ac4d,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[2] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +dc2d231060fb37088400d294ff6a4c8fc5934b55,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[0] == val || condition[1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +f223cedc85cd95070f6270f65e39955b18709297,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +0dc66b81218ea988c77107062edaf8d603d1f996,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return false; +} +" +c3816b043c8f6e41d637d22f086c0bda68126082,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (val == 0) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +b6d48f328cbff30afc6e264c29a791559a2cedc8,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length < 2) + { + return true; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +c1e8264cf96d04f1a883428f7a229ffac2e4f363,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length < 2) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +2eaf98fd64fa703c61f83087688c174405368a71,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length < 1) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +edee0ead37e87e9458cc5d4915050d4ca0168ee7,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length < 1) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +d27899b7ec452e229f072465d34ac728736b989c,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length < 1) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +9eed401988a69a09cba02dfbe8e5e51dd2f0979f,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + pair [] = + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +a4b718d4d43c973c486a41aab492685b22b60520,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +2231f86164a8e2eaaab68958b8f5f75b68aa0100,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +71169084874522ef1e6e51f443116e97c50d7c7a,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length = 0) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } +} +" +83b349478ed5889b5c929b68458e8708115bf2af,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length == 0) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } +} +" +bce73cf4d181751f3eb0563d15da3b3fabb53722,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length == 0) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[i] == val || condition[i + 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +6860ea2a85920237d6b2edcbbf54bc9d197f081b,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +ecdd4f662a7ddd76a464da04f7db1d22524d2124,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length == 0) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[0, 1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +f1b7944b135b24fd7b7a0094524a719d40268da8,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + condition [0] = nums [0]; + condition [1] = nums [1]; + if (nums.length == 0) + { + return false; + } + else + { + for (int i = 0; i < nums.length; i++) + { + if (condition[0] == val || condition[1] == val) + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +7ae8017fdacb184f19bd2862ed3da452a956a4ec,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; +} +" +c03d43948a7f102c6279dd5ec008f6f65fe677e5,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + int counter = 0; + + if (nums.length == 0) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + condition [0] = nums [i]; + condition [1] = nums [i + 1]; + if (condition[0] == val || condition[1] == val) + { + counter++; + } + if (counter == nums.length) + { + return true; + } + else + { + return false; + } + } +} +" +15e328d50868470e2dabb6157ee57300da20ab96,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + +for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +fd471484a36b12b6ebcaf67639718ff3339bb632,"public boolean isEverywhere(int[] nums, int val) +{ +boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; +} +" +cc10447089f572e9412b776ed91439657300b367,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; + +} +" +f675d2151a741246f573bb4c1573bcfc6b58cdaf,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + int counter = 0; + + if (nums.length == 0) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + condition [0] = nums [i]; + condition [1] = nums [i + 1]; + if (condition[0] == val || condition[1] == val) + { + counter++; + } + if (counter == nums.length) + { + return true; + } + } + else + { + return false; + } + +} +" +61bf4f1161a37c11fc0c1bde47314c4b71f0108d,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + int counter = 0; + + if (nums.length == 0) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + condition [0] = nums [i]; + condition [1] = nums [i + 1]; + if (condition[0] == val || condition[1] == val) + { + counter++; + } + } + if (counter == nums.length) + { + return true; + } + else + { + return false; + } + +} +" +dd1932645c2711e5bf6192882cc15e73ed548ec1,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + int counter = 0; + + if (nums.length == 0) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + condition [0] = nums [i]; + condition [1] = nums [i + 1]; + if (condition[0] == val || condition[1] == val) + { + counter++; + } + } + if (counter - 1 == nums.length) + { + return true; + } + else + { + return false; + } + +} +" +2e989402526bddf3e222cb0c7500f7d775e77860,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +f2f560eb72eb155e9e3651805293e00ced7a8ce3,"public boolean isEverywhere(int[] nums, int val) +{ + int[] condition = new int[2]; + int counter = 0; + + if (nums.length == 0) + { + return true; + } + for (int i = 0; i < nums.length - 1; i++) + { + condition [0] = nums [i]; + condition [1] = nums [i + 1]; + if (condition[0] == val || condition[1] == val) + { + counter++; + } + } + if (counter == nums.length - 1) + { + return true; + } + else + { + return false; + } + +} +" +cb3b3e97d64143a4bd421ca33712ad24f76a1bad,"public boolean isEverywhere(int[] nums, int val) +{ + boolean answer = false; + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} + +" +15cd3cf2193f86e9a376aa8a88ecb64e8c7b9ce2,"public boolean isEverywhere(int[] nums, int val) +{ + for ( i = 0; i < nums.length; i++) + { + if( nums[i] == val && nums[i+1] == val) + { + return true; + } + return false; + } +} +" +2c6883796aaae0ce5db72f28c3714f45fe7433c6,"public boolean isEverywhere(int[] nums, int val) +{ +for(int i = 0; i < nums.length-1; i++) + + { + + if(nums[i] != val && nums[i+1] != val) + + return false; + + } + + return true; + +} +" +b6d82aedfbb1587351e441bfa2608b720670b57c,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] == val && nums[i+1] == val) + { + return true; + } + return false; + } +} +" +029f2c4e4974a73861809ec80c7832ddd41caa1f,"public boolean isEverywhere(int[] nums, int val) +{ + +boolean result = true; + +for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} +" +32425bd6208e79af81c4b72fe4a9f727f76ee731,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] == val && nums[i+1] == val) + { + return true; + } + } + return false; + +} +" +0b2ffae53877ba3b302cfa534a7349b547ff037e,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length; i++) + { + if( nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +55459017033c9be83b35b3ce303f1243831c96a7,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i++) + { + if( nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +f2243e62b7730ce4d37110cfbf18797f58b5e2b1,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i=0; i<=nums.length -2; i++) + { + if(nums[i] !=val && nums[i+1] !=val) + return false; + } + else + return true; +} +" +ad0d603c673996e06134f61def2b9ce27eb12438,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i=0; i<=nums.length -2; i++) + { + if(nums[i] !=val && nums[i+1] !=val) + return false; + } + + return true; +} +" +bd69480ca1349bb13b285e2d54873bcaca859c88,"public boolean isEverywhere(int[] nums, int val) +{ + int length = 0; + while (length < nums.length) + { + if (nums[length] == vial && nums[length + 1] == vial) + { + return true; + } + length++; + } + return false; +} +" +f8cc58cdc397415894adc49fdab42effa092b353,"public boolean isEverywhere(int[] nums, int val) +{ + int length = 0; + while (length < nums.length) + { + if (nums[length] == val && nums[length + 1] == val) + { + return true; + } + length++; + } + return false; +} +" +b69d6445966c400bb4c0530596bd25625c2fac33,"public boolean isEverywhere(int[] nums, int val) +{ + for(int x=0; x 0) + { + if (nums[i - 1] != val + && nums [i] != val) + { + return false; + } + } + else if (nums [i] != val) + { + return false; + } + } + + return true; +} +" +df6ae6b31d3f519a9d2677f7b238248d474f2a55,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2) + { + return true; + } + + for(int i = 0; i < nums.length; i++) + { + if (i > 0) + { + if (nums[i - 1] != val + && nums [i] != val) + { + return false; + } + } + else if (nums [i] != val) + { + return false; + } + } + + return true; +} +" +936b50618ad1650515995207832b0fd3d10fd721,"public boolean isEverywhere(int[] nums, int val) +{ + if (nums.length < 2) + { + return true; + } + + for(int i = 0; i < nums.length; i++) + { + if (i > 0) + { + if (nums[i - 1] != val + && nums [i] != val) + { + return false; + } + } + else if (nums[i + 1] != val + && nums [i] != val) + { + return false; + } + } + + return true; +} +" +952d30a7140d3b1943e41944e737ea9838d801a5,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +e6321ea86446508ccff910024ec5d036ef207c67,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + value = false; + } + } + return value; +} +" +36782f79ef2da30804ffa8885d3cbf0530218afe,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums.[i] == val || nums[i+1] == val) { + return true; + } + else { + return false; + } + } +} +" +010f42ec2376a101dd8a6ed412a048c0f4d587c1,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + result false; + } + return result; +} +" +18ff825a107df181acba7f477c40e78e1ca9d11b,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i+1] != val) + result = false; + } + return result; +} +" +4335362f960b8fee30b6c17b98d0b5ca6114092e,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums[i] == val || nums[i+1] == val) { + return true; + } + else { + return false; + } + } +} +" +3cd723ce16b5bce37a19c894c0356fda8764bb47,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums[i] == val || nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return true; +} +" +261f7bd45ba8502826aa99326faee6c6f2e5bc36,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums[i] == val || nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return false;; +} +" +a2ad49a645afd07be8cc37af79eaa53705281649,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums[i] == val || nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return false; +} +" +c2af96ce68cdecbbbe2bd92b9a91bade42af35d9,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums[i] == val || nums[i+1] == val) { + return true; + } + else { + return false; + } + } + return true; +} +" +9632f624db9b6e54623534a58c79fb9c557246ee,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length -1; i +=1) { + if (nums[i] != val && nums[i+1] != val) { + return false; + } + else { + return true; + } + } + return true; +} +" +575520454b22144abf6904457c0463ec1eb10800,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +7457e260ca5c04070294da9fbf941447662fd18e,"public boolean isEverywhere(int[] nums, int val) +{ + truth = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + truth = false; + } + } + return truth; +} +" +ab7a578e6860b11fcd0b16f6598a1e48e774f2ce,"public boolean isEverywhere(int[] nums, int val) +{ + boolean truth = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + truth = false; + } + } + return truth; +} +" +f0336d4ccfa9228bbf531cc3f16bba7c1bd99f02,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +5c612116548ada445e8a2ec0f97a813cf36ac1bf,"public boolean isEverywhere(int[] nums, int val) +{ + for(int j = 0; j < nums.length; i++) + { + if(nums[j] != val && nums[i+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +3ad68b0dc941c74e5c66969f0d0b665390d08a8f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int j = 0; j < nums.length; i++) + { + if(nums[j] != val && nums[j+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +0345294e228ff77bfeb1bd4e6f8fb3cd9ec6529c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int j = 0; j < nums.length; j++) + { + if(nums[j] != val && nums[j+1] != val) + { + return false; + } + else + { + return true; + } + } +} +" +0384c4f8c5ebbb5436f6007b863ca59164c1d61c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int j = 0; j < nums.length; j++) + { + if(nums[j] != val && nums[j+1] != val) + { + return false; + } + } + return true; +} +" +268ddbe488dd000fe4a51f57d2647fb320b57f9e,"public boolean isEverywhere(int[] nums, int val) +{ + int bl = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + bl = 1; + } + } + return (bl == 0); +} +" +27b2b3545f172e4d700a7c1b446baaf6d76ffb28,"public boolean isEverywhere(int[] nums, int val) +{ + for(int j = 0; j < nums.length - 1; j++) + { + if(nums[j] != val && nums[j+1] != val) + { + return false; + } + } + return true; +} +" +f66135946bf01888b09f7782d189a46cc56106a8,"public boolean isEverywhere(int[] nums, int val) +{ + // ""is everywhere"" + // at least one of the pair is that value + + public boolean isEverywhere(int[] nums, int val) + { + boolean result = true; + for (int i = 0; i <= nums.length-2; i++) + { + if (num[i] != val && nums[i+1] != val) + { + result = false; + } + } + return result; + } +} +" +ffd4fc2ecbd33acde88e55775680525339a28306,"public boolean isEverywhere(int[] nums, int val) +{ + // ""is everywhere"" + // at least one of the pair is that value + + public boolean isEverywhere(int[] nums, int val) + { + boolean result = true; + for (int i = 0; i <= nums.length-2; i++) + { + if (num[i] != val && nums[i+1] != val) + { + result = false; + } + return result; + } +} +" +3daf794f71c320700a95b347741360d8fff24a6a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +adc6bd353245341c4182c06eb6a2404d4f47a12b,"public boolean isEverywhere(int[] nums, int val) +{ + public boolean isEverywhere(int[] nums, int val) + { + boolean result = true; + for (int i = 0; i <= nums.length - 2; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + result = false; + } + } + return result; + + + } +} +" +16bd36b21eb1685fc54ba3da39a9dbfd3e769ae1,"public boolean isEverywhere(int[] nums, int val) { +boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; +} +" +f262277f8b924182cf807f33c2969aadf627ea75,"public boolean isEverywhere(int[] nums, int val) +{ + boolean everywhere = false; + for (int i = 0; i < nums.length; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + everywhere = true; + } + else + { + everywhere = false; + } + } + return everywhere; +} +" +23a9d14e2c82732af8e3a50687b6ea3bf45b1f34,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +ad5d845964ed12f2eb05c8edf3e3a6f3311b3db9,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + { + return false; + } + } + return true; +} +" +e43f694dbaac3f76dfcd54dff738c7d81c9eee1a,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; + +} +" +5a9742c663d50ca68750e794ddf071e197113315,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val){ + result = false; + } + return result; + +} +" +e83741567da8cd4534a48f61bf9231320a95981e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return result; + +} +" +2da62b7bdeae1e71a1b358417501e3a3041141f3,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if((nums[i] != val) && (nums[i + 1] != val)) + return false; + } + return true; +} +" +4c241aa5a6f3fb5b5041cb2ae398a8af00b6d1ef,"public boolean isEverywhere(int[] nums, int val) { + boolean flag1 = true; + boolean flag2 = true; + + for (int i = 0; i < nums.length; i += 2) + if (nums[i] != val) flag1 = false; + + for (int i = 0; i < nums.length - 1; i += 2) + if (nums[i + 1] != val) flag2 = false; + + return flag1 || flag2; +}" +32aa4451edcef17c5f335485d0706298cb7a8fae,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i=0; i nums.length) + { + break; + } + } + + return (counter == totalz); + +} +" +26fa6985026b3f16ee42122642c4cd99456818e7,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i+1] <= nums.length && (nums[i] == val || nums[i+1] == val)) + { + counter = counter + 1; + } + + } + + return (counter == totalz); + +} +" +4e71eca5e78272317df98bf89ebd663885bab6c1,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i+2] <= nums.length && (nums[i] == val || nums[i+1] == val)) + { + counter = counter + 1; + } + + } + + return (counter == totalz); + +} +" +be1667c04390d74d7645328001d680f526d0dfbd,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length; + int counter = 0; + + for (int i = 0; i < nums.length; i++) + { + if (nums[i] <= nums.length && (nums[i] == val || nums[i+1] == val)) + { + counter = counter + 1; + } + + } + + return (counter == totalz); + +} +" +f45620ca1ab3cbf0fb97d2a21eefae0384913a8f,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length; + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + counter = counter + 1; + } + + } + + return (counter == totalz); + +} +" +c9a38c70672c4b4e0c94dcaaa7a246785085d92a,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length - 1; + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + counter = counter + 1; + } + + } + + return (counter == totalz); + +} +" +151738e0d76b1e23b9f638c022088ed2b53b8446,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +84e6969c6c350d0f2ac802ab2101a6f941fcd503,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + s = s + 1; + } + } + if (s >= nums.length - 1) + return true; + else + return false; + + +} +" +ee40ffb15c7c41a532c01b767919c0a04f407526,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i + 1] == val) + { + count = count + 1; + } + } + if (count >= nums.length - 1) + return true; + else + return false; + + +} +" +e5e657c2181fcc98486e3cc0d5d3eefe6b267e6c,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length - 1; + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + counter = counter + 1; + } + if (1 > nums.length) + { + return true; + } + } + + return (counter == totalz); + +} +" +ab2822f06f50d5f66128ecc94749b11207314303,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 1; i < nums.length; i++) { + if ((nums[i - 1] == val || nums[i] == val)) { + count++; + } + } + if (count == nums.length / 2) { + return true; + } + else { + return false; + } +} +" +40cfcfc1b6d01ee497ce249cbe37200859f94548,"public boolean isEverywhere(int[] nums, int val) +{ + + int totalz = nums.length - 1; + int counter = 0; + + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + counter = counter + 1; + } + + } + + return (counter == totalz); + +} +" +1f9c2b21f1664afa57d8c7296fc3e4da8f6c719e,"public boolean isEverywhere(int[] nums, int val) +{ + int count = 0; + for (int i = 1; i < nums.length; i++) { + if ((nums[i - 1] == val || nums[i] == val)) { + count++; + } + } + if (count == nums.length / 2) { + return true; + } + else { + return false; + } +} +" +349c912818a5f23dfaa2aeab3d763a87be11fa85,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +c44bf91d87f22945d599a97d485aad4c041c0922,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i=0;i i; i++) + { + if (nums[i] == val || nums[i+1] == val) + { + return true; + } + } + return false; + +} +" +1814a945f8410bd995518cdc55d9529bdb3c3a07,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0 ; nums.length > i; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return true; + } + } + return false; + +} +" +5605624cc41e60f11105de3463c40aba44a9768e,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0 ; nums.length > i; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +d1d9e3755bbefe5c82064c922eae791a17d466f6,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0 ; nums.length -1 > i; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +6c0e5019fd2143e00540396e8ead821cd4474c48,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +a680871743476905a6b3148990b4efd60546142f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +092a37234cccc894d13af9756eed95198aa41a1a,"ublic boolean isEverywhere(int[] nums, int val) { + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; +} +" +e229b79bc0fc6d5aca17e635d497961232f5dc84,"public boolean isEverywhere(int[] nums, int val) { + boolean result = true; + for (int i = 0; i <=nums.length-2;i++) + { + if ( nums[i] != val && nums[i+1] != val) + result = false; + } + return result; +} +" +e48288e795ee95747482d2d9f23ae38510dc2933,"public boolean isEverywhere(int[] nums, int val) +{ + boolean check = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (!(int[i] == val || int[i+1] == val)) + { + return false; + } + } + return true; +} +" +5866debd63962bd3fe43ef3271a3120accfa2e9e,"public boolean isEverywhere(int[] nums, int val) +{ + boolean check = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (!(nums[i] == val || nums[i+1] == val)) + { + return false; + } + } + return true; +} +" +203f761a539c9e6629f50a13b1b6722b45b493e3,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] == val && nums[i+2] == val) + { + return true; + } + } + return false; +} +" +e486acc22939eed2df3271473d4b83f9c4da9994,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+2] != val) + { + return false; + } + } + return true; +} +" +da0fa4832a28da482dfdfdcfe938f46c7a1cfb3c,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+2] != val) + { + return false; + } + } + return true; +} +" +6f8133f5f0ce2d63f8d6c1f322e7af2cf3be83bc,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +be977ccb49e04b752cc8d67ac6905d9b5fb943f4,"public boolean isEverywhere(int[] nums, int val) +{ + if(nums.length == 0) { + return false; + } + + if(nums.length == 1) { + return nums[0] == val; + } + + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] != val && nums[i + 1] != val) { + return false; + } + } + + return true; +} +" +e60aaeab0b624583e40447ca2510337917cc8bf8,"public boolean isEverywhere(int[] nums, int val) +{ + if(nums.length == 0) { + return true; + } + + if(nums.length == 1) { + return true; + } + + for(int i = 0; i < nums.length - 1; i++) { + if(nums[i] != val && nums[i + 1] != val) { + return false; + } + } + + return true; +} +" +21c1811fa69d159af9ba86e48d8a172b9039c43f,"public boolean isEverywhere(int[] nums, int val) { +boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; +} +" +655775029e5432857206cf06ffc447ff8e54e1c0,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; + +} +" +4f66020642eee22d365b64ce578ff19a3c4923f2,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length; i + 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +0bd2af56861df2c3946b426110a4096b606a41c3,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +a6ba6338e6e20b465a451bbfd736583a3b5e5c75,"public boolean isEverywhere(int[] nums, int val) +{ + + for (int i = 0; i < nums.length; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +04b2d87c7b3742187698f5efb897f4114d221524,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1;i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +b707535e7b0864a4ab8ad7bc1dec6d6054fcadd6,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true + for (int i = 0; i < nums.length; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +f3379040479b5a9ddbe8c2a1bfa43d237d21acf8,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true; + for (int i = 0; i < nums.length; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +27d5db0f55fd90c744e0a44f370dd8b598cb0ac0,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + +for (int i = 0; i <=nums.length-2;i++) + +{ + +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; +} +" +c232dd899f54c424e7757e4d747da5d46ae4df58,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true; + for (int i = 0; i < nums.length - 1; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +dbaee7018d4cbd72d2107da6c5aa0d4416d06bf1,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true; + for (int i = 1; i < nums.length - 1; i += 2) + { + if (nums[i] == val || nums[i + 1] == val || nums[i - 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +823640d37a6ed6a79be8bed6dfea8e86bb237bf9,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true; + for (int i = 1; i < nums.length - 1; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +3d8a8faa151566ff0b92c4cf4d0079a7734a9607,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +3688701b0f40d4d17d7be53e2ce72359ac494db7,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true; + for (int i = 0; i < nums.length - 1; i += 2) + { + if (nums[i] == val || nums[i + 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +4cad14f6dc235bb7665a336718b0bc721df9ddd2,"public boolean isEverywhere(int[] nums, int val) +{ + Boolean result = true; + for (int i = 0; i < nums.length - 1; i ++) + { + if (nums[i] == val || nums[i + 1] == val) + { + result = true; + } + else + { + result = false; + break; + } + } + return result; +} +" +54aee1ec1b2d1b7ddd13786055a10d120f022ffd,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) +result = false; +} + return result; + +} +" +d36967c5496bbaf367dd521062eb7b5dcd310705,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == val | nums[i + 1] == val) + { + return true; + } + else + { + return false; + } + } +} +" +54cbdb4a7cd4dc7d8981a0e5d1e1849a4bfd8212,"public boolean isEverywhere(int[] nums, int val) +{ + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == val | nums[i + 1] == val) + { + return true; + } + } + return false; +} +" +282a8572f705952758607a179fe7628403861005,"public boolean isEverywhere(int[] nums, int val) +{ + int el = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == val | nums[i + 1] == val) + { + el ++; + } + } + + if( el < nums.length) + { + return false; + } + else + { + return true; + } +} +" +8b91f6c18c99b41da62395a46880b53e1650a62d,"public boolean isEverywhere(int[] nums, int val) +{ + int el = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == val | nums[i + 1] == val) + { + el ++; + } + } + + if( el < nums.length / 2) + { + return false; + } + else + { + return true; + } +} +" +359e923a038aaf06fadc6c2a0c990142ea82529d,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +e134df1f6a8c12058611af8448f67bd433af8cb1,"public boolean isEverywhere(int[] nums, int val) +{ + int el = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == val | nums[i + 1] == val) + { + el ++; + } + } + + if( el < nums.length / 2 + 1) + { + return false; + } + else + { + return true; + } +} +" +11575f884d6f8feb059f8e1bef55f5b2931aaf36,"public boolean isEverywhere(int[] nums, int val) +{ + int el = 0; + for ( int i = 0; i < nums.length - 1; i++) + { + if ( nums[i] == val | nums[i + 1] == val) + { + el ++; + } + } + + if( el < nums.length / 2 ) + { + return false; + } + else + { + return true; + } +} +" +78c8415cde937e26e6bc0fd1d76dabd34348ad53,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i - 1] == val && nums [i + 1] == val) + { + return true; + } + } + return false; +} +" +dac2d37b89646dfd5f69ef413b98c9180ea3fc5c,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] == val && nums [i + 1] == val) + { + return true; + } + } + return false; +} +" +daa0141e9192848ebdbad997c4df318bfd4a7197,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums [i + 1] != val) + { + return false; + } + } + return true; +} +" +c6524d6fa323341044e989d987bdc8e816ec89d4,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +3742b86e353001f67cd43dd70fa163621904e2d8,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + +for (int i = 0; i <=nums.length-2;i++) +{ +if ( nums[i] != val && nums[i+1] != val) + +result = false; + +} + + return result; + +} + + +" +9d3e4d73ee0d8923d9969afa43ad9c6337863c79,"public boolean isEverywhere(int[] nums, int val) +{ + boolean is = false; + int every = 0; + int not = 0; + for (int i = 0; i < nums.length; i++) + { + if (nums[i+1] == val || nums[i+1] == val) + { + every++; + } + else + { + not++; + } + } + if(not == 0) + { + is = true; + } + return is; +} +" +9525e4c074c9ba27f69609682c3180338cc9950d,"public boolean isEverywhere(int[] nums, int val) +{ + boolean is = false; + int every = 0; + int not = 0; + for (int i = 0; i < nums.length-1; i++) + { + if (nums[i+1] == val || nums[i+1] == val) + { + every++; + } + else + { + not++; + } + } + if(not == 0) + { + is = true; + } + return is; +} +" +05db63425b263d045eeed04adb3749ebee19f746,"public boolean isEverywhere(int[] nums, int val) +{ + boolean is = false; + int every = 0; + int not = 0; + for (int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val) + { + if (nums[i+1] == val || nums[i+1] == val) + { + every++; + } + else + { + not++; + } + } + } + if(not == 0) + { + is = true; + } + return is; +} +" +318ba88c0237e45390ebefe7692195f0c0fde129,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +00892a1816d88334047894d4ab574b11be2b38a8,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value = false; + for(int i = 0; i < nums.length -1; i++) + { + if(nums[i] == val || nums[i+1] == val) + { + value = true; + } + } + return value; +} +" +f0cce6837ab7de10041a28709cc26d2cd32aca16,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; +} +" +50629482f530352e5ec05c8c22a6e75d8f958b5f,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + + return true; + } +} +" +722eb52a0f9a2c31270e7c8dbfc14ad703c8e551,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +e8245888490703071e9faf9ba5586d85df5f29ad,"public boolean isEverywhere(int[] nums, int val) +{ + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + return false; + } + } + return true; + +} +" +6b673511bd71a1cd841ed3f1a7ad2534413872fe,"public boolean isEverywhere(int[] nums, int val) +{ + return true; +} +" +2feab571fcf56618e3bd891fd19e7fdb91656802,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value = false; + for(int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + value = false; + } + } + return value; +} +" +69cefdf0753e27801cdd74ee5aeec3aa8faa0458,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value = false; + for(int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + value = false; + } + else + { + value = true; + } + } + return value; +} +" +179591212193a93423eff58b98fa848095d25177,"public boolean isEverywhere(int[] nums, int val) +{ + boolean value; + for(int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + value = false; + } + else + { + value = true; + } + } + return value; +} +" +6f3a374c29d3f320b678b3de88ac4fb9c1dd91c1,"public boolean isEverywhere(int[] nums, int val) +{ + + for(int i = 0; i < nums.length -1; i++) + { + if(nums[i] != val && nums[i+1] != val) + { + return false; + } + + } + return true; +} +" +c8612d479974cbf5e23f149b4084e9928e30c15c,"public boolean isEverywhere(int[] nums, int val) +{ + boolean result = true; + for (int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i+1] != val) + { + result = false; + } + } + return(result); +} + +" +66457872175e50c0ef00f745befe7f03529d5bd8,"public boolean isEverywhere(int[] nums, int val) +{ + public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +b122642d8d6dd114b96b94c5307e64ed65ef3858,"public boolean isEverywhere(int[] nums, int val) +{ + + + for(int i = 0; i < nums.length-1; i++) + { + if(nums[i] != val && nums[i+1] != val) + return false; + } + return true; +} +" +7a2fe814bdeffa285b0484dba0ad834ccdce17d9,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] !- val && nums[i + 1] != val) + return false; + } + return true; +} +" +28d7f3d33956fb09b8767598c9563d8e8cb9660f,"public boolean isEverywhere(int[] nums, int val) +{ + for(int i = 0; i < nums.length - 1; i++) + { + if (nums[i] != val && nums[i + 1] != val) + return false; + } + return true; +} +" +3e757d5abe6002864ae9657674ae8b4ffd4f444e,"public String mixString(String a, String b) +{ + int lengthB = b.length(); + int lengthA = a.length(); + String newString = """"; + if (lengthB == lengthA) + { + for (int i = 0; i < lengthB; i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + } + else if (lengthB > lengthA) + { + for (int i = 0; i < lengthA; i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + newString = newString + b.substring(lengthA, lengthB); + } + else + { + for (int i = 0; i < lengthB; i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + newString = newString + a.substring(lengthB, lengthA); + } + return newString; +} +" +e8fd8aa27dcb9adadc9b002342d15df28515d493,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +4a44158834374289426e726c402399304587910e,"public String mixString(String a, String b) +{ + String s = """"; + if (a.length() < b.length()) { + int L = a.length(); + int x = 0; + } + else { + int L = b.length(); + int x = 1; + } + for (int i = 0; i < L; i++) { + s = s + a.charAt(i) + b.charAt(i); + } + if (x == 0) { + s = s + b.substring(i); + } + else { + s = s + a.substring(i); + } + return s; +} +" +5bff2720eda79cbdb9dd4d32c0efe8534ce37e1f,"public String mixString(String a, String b) +{ + String s = """"; + int L; + if (a.length() < b.length()) { + int L = a.length(); + int x = 0; + } + else { + int L = b.length(); + int x = 1; + } + for (int i = 0; i < L; i++) { + s = s + a.charAt(i) + b.charAt(i); + } + if (x == 0) { + s = s + b.substring(i); + } + else { + s = s + a.substring(i); + } + return s; +} +" +2b2bcd11fcbe39aa8df730393e2bbdaa5612163c,"public String mixString(String a, String b) +{ + String s = """"; + int L; + int x; + if (a.length() < b.length()) { + L = a.length(); + x = 0; + } + else { + L = b.length(); + x = 1; + } + for (int i = 0; i < L; i++) { + s = s + a.charAt(i) + b.charAt(i); + } + if (x == 0) { + s = s + b.substring(i); + } + else { + s = s + a.substring(i); + } + return s; +} +" +afd9ad419141cebd51243c010a69eba0a254708a,"public String mixString(String a, String b) +{ + String s = """"; + int L; + int x; + int i; + if (a.length() < b.length()) { + L = a.length(); + x = 0; + } + else { + L = b.length(); + x = 1; + } + for (i = 0; i < L; i++) { + s = s + a.charAt(i) + b.charAt(i); + } + if (x == 0) { + s = s + b.substring(i); + } + else { + s = s + a.substring(i); + } + return s; +} +" +b80a123ad6aec98943261377b326b68c4957c31a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +38e8952c0f4bbfa87a65d8d5569e26e313a4d059,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b; i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a; i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + b.substring(a.length() - 1); + } +} +" +75499548cfdede521180253a4dd1bd84c41496f6,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.lenght(); i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a.length(); i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + b.substring(a.length() - 1); + } +} +" +4c12ca5fb73ccabf43bebef42d4442dc9c3598fe,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.lenghth(); i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a.length(); i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + b.substring(a.length() - 1); + } +} +" +70d66891b5d3baebc777b062c75a938eb16583fb,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a.length(); i ++) + { + str = str + a(i); + str = str + b(i); + } + str = str + b.substring(a.length() - 1); + } +} +" +ccf234523d787c9a190333d566adfdde20808d72,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.substring(i, i + 1); + str = str + b.substring(i, i + 1); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a.length(); i ++) + { + str = str + a.substring(i, i + 1); + str = str + b.substring(i, i + 1); + } + str = str + b.substring(a.length() - 1); + } +} +" +8650b6a5b08e9e5655d8480c6e8d370625289fc5,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.substring(i, i + 1); + str = str + b.substring(i, i + 1); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a.length(); i ++) + { + str = str + a.substring(i, i + 1); + str = str + b.substring(i, i + 1); + } + str = str + b.substring(a.length() - 1); + } + return (str); +} +" +c9955ada51137ac8ffe0ce18f04a40ebe9ec1dd5,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i <= a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + b.substring(a.length()); + } + return (str); +} +" +ddb17bf43dd6bec9b0c28e018b0f68d7f6657800,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + b.substring(a.length()); + } + return (str); +} +" +04383e908e69a4270a38237b7d6a9df12c8daf99,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()>= b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + a.substring(b.length() - 1); + }else + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + b.substring(a.length()); + } + return (str); +} +" +129a695b74e2e5edf654522948632efd0df1172d,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + a.substring(b.length() - 1); + }else if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + b.substring(a.length()); + }else + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + } + return (str); +} +" +c5647525bfe33209c8066bc7e631155df55193b9,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + a.substring(b.length() - 1); + }else if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + b.substring(a.length() - 1); + }else + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + } + return (str); +} +" +6c7d54349adfa7be779c699bfb36f3960e15dd16,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length()> b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + a.substring(b.length()); + }else if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + str = str + b.substring(a.length()); + }else + { + for (int i = 0; i < a.length(); i ++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + } + return (str); +} +" +2218e524d982cee5f6ad12eccee447f4e5d9ed49,"public String mixString(String a, String b) +{ + String out = """"; + if (a.length() >= b.length()) { + for (int i = 0; i < b.length(); i++) { + out = out + a.substring(i, i+1); + out = out + b.substring(i, i+1); + } + if (a.length() > b.length()) { + out = out + a.substring(b.length()); + } + } + else { + for (int i = 0; i < a.length(); i++) { + out = out + a.substring(i, i+1); + out = out + b.substring(i, i+1); + } + out = out + a.substring(b.length()); + } + return out; +} +" +1e53d2d12b0c2957f29aa36ea9d44adb26ff85bf,"public String mixString(String a, String b) +{ + String out = """"; + if (a.length() >= b.length()) { + for (int i = 0; i < b.length(); i++) { + out = out + a.substring(i, i+1); + out = out + b.substring(i, i+1); + } + if (a.length() > b.length()) { + out = out + a.substring(b.length()); + } + } + else { + for (int i = 0; i < a.length(); i++) { + out = out + a.substring(i, i+1); + out = out + b.substring(i, i+1); + } + out = out + b.substring(a.length()); + } + return out; +} +" +1a2025513c081b62088fcf34902cbab40778294a,"public String mixString(String a, String b) +{ + String str=""""; + if(a.length()>b.length()) + { + for(int i=0;i b.length()) + { + for( int i = 0; i < b.length(); ;i++) + { + result = result + a.subString(i,i+1); + result = result + b.subString(i,i+1); + } + result = result + a.subString(b.length()); + } + else + { + for( int i = 0; i < a.length(); ;i++) + { + result = result + a.subString(i,i+1); + result = result + b.subString(i,i+1); + } + result = result + b.subString(a.length()); + } +} +" +5a574b394777ea56becca212a4925e146b32165c,"public String mixString(String a, String b) +{ + String result = """"; + if (a.length() > b.length()) + { + for( int i = 0; i < b.length(); i++) + { + result = result + a.subString(i,i+1); + result = result + b.subString(i,i+1); + } + result = result + a.subString(b.length()); + } + else + { + for( int j = 0; j < a.length(); j++) + { + result = result + a.subString(i,i+1); + result = result + b.subString(i,i+1); + } + result = result + b.subString(a.length()); + } + return result; +} +" +3e902af236ed39ec52dbea49ba915da40ebd805d,"public String mixString(String a, String b) +{ + String result = """"; + if (a.length() > b.length()) + { + for( int i = 0; i < b.length(); i++) + { + result = result + a.substring(i,i+1); + result = result + b.substring(i,i+1); + } + result = result + a.substring(b.length()); + } + else + { + for( int j = 0; j < a.length(); j++) + { + result = result + a.substring(i,i+1); + result = result + b.substring(i,i+1); + } + result = result + b.substring(a.length()); + } + return result; +} +" +c8cf40482c281eb9922992a95b072ea1e6b6f8b1,"public String mixString(String a, String b) +{ + String result = """"; + if (a.length() > b.length()) + { + for( int i = 0; i < b.length(); i++) + { + result = result + a.substring(i,i+1); + result = result + b.substring(i,i+1); + } + result = result + a.substring(b.length()); + } + else + { + for( int j = 0; j < a.length(); j++) + { + result = result + a.substring(j,j+1); + result = result + b.substring(j,j+1); + } + result = result + b.substring(a.length()); + } + return result; +} +" +0e178c863c885974c8c874788af4ca160b19a6f6,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +} +" +23f6b0067fb81a5b0d2422c6cb761345a770b4a6,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i) + if (b.charAt(i) != null) + { + newString = newString + b.charAt(i;) + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.charAt(i) != null) + { + newString = newString + a.charAt(i;) + } + newString = newString + b.charAt(i) + } + } + return newString; +} +" +dccafe7cc7d43d47fc9a40785282f54eaf02b396,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i); + if (b.charAt(i) != null) + { + newString = newString + b.charAt(i); + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.charAt(i) != null) + { + newString = newString + a.charAt(i); + } + newString = newString + b.charAt(i); + } + } + return newString; +} +" +f441cb8143d7726a9d53d8634ac8515b9bddea01,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i); + if (b.charAt(i) != '') + { + newString = newString + b.charAt(i); + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.charAt(i) != '') + { + newString = newString + a.charAt(i); + } + newString = newString + b.charAt(i); + } + } + return newString; +} +" +bfcf23b3ac2cddcc15cce47d4876fd882be79011,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i); + if (b.charAt(i) != null) + { + newString = newString + b.charAt(i); + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.charAt(i) != null) + { + newString = newString + a.charAt(i); + } + newString = newString + b.charAt(i); + } + } + return newString; +} +" +615c313c4b56a1eb018b20e88bae7b41c4665f08,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i); + if (b.charAt(i) != StringIndexOutOfBoundsException) + { + newString = newString + b.charAt(i); + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.charAt(i) != null) + { + newString = newString + a.charAt(i); + } + newString = newString + b.charAt(i); + } + } + return newString; +} +" +212c2ecfede775d457104ff25bf18c8c4d65a7fd,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i); + if (b.charAt(i) != null) + { + newString = newString + b.charAt(i); + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.charAt(i) != null) + { + newString = newString + a.charAt(i); + } + newString = newString + b.charAt(i); + } + } + return newString; +} +" +21f100231177acd94894f79b9c13345e7ef31f1e,"public String mixString(String a, String b) +{ + String newString = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i); + if (b.length() > i) + { + newString = newString + b.charAt(i); + } + } + } + else if (a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (a.length() > i) + { + newString = newString + a.charAt(i); + } + newString = newString + b.charAt(i); + } + } + return newString; +} +" +36624d5501bd39917d46dedaaa7328c8e4f3b3ff,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +52e86d319d517089a8a034e26b06a44c226e62f7,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + StringBuilder strbuild = new StringBuilder(aLength+bLength); + for( i = 0; i= b.length()) index = b.length(); + if (a.length() <= b.length()) index = a.length(); + + + for(int i = 0; i < index; i++){ + result += a.substring(i, i+1) + b.substring(i, i+1); + } + + if (a.length() < b.length()) result += b.substring(a.length(), b.length()); + if (a.length() > b.length()) result += a.substring(b.length(), a.length()); + + return result; + } +} +" +8137ec8f436d9586f4a7e8428fea2c0631185a79,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if (a.length() >= b.length()) index = b.length(); + if (a.length() <= b.length()) index = a.length(); + + + for(int i = 0; i < index; i++){ + result += a.substring(i, i+1) + b.substring(i, i+1); + } + + if (a.length() < b.length()) result += b.substring(a.length(), b.length()); + if (a.length() > b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +" +5763957ee57a44040e25b79aa631622bc9826c27,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if (a.length() >= b.length()) index = b.length(); + if (a.length() <= b.length()) index = a.length(); + + + for(int i = 0; i < index; i++){ + result += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (a.length() < b.length()) result += b.substring(a.length(), b.length()); + if (a.length() > b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +" +4c00756768de0ff2b75110de7fd2e06e732e20b5,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if (a.length() >= b.length()) + { + index = b.length(); + } + if (a.length() <= b.length()) + { + index = a.length(); + } + + for(int i = 0; i < index; i++){ + result += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (a.length() < b.length()) result += b.substring(a.length(), b.length()); + if (a.length() > b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +" +9c65a8974b9eb02b2760783e998db3904d5ece07,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if (a.length() >= b.length()) + { + index = b.length(); + } + if (a.length() <= b.length()) + { + index = a.length(); + } + + for(int i = 0; i < index; i++) + { + result += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (a.length() < b.length()) + { + result += b.substring(a.length(), b.length()); + } + if (a.length() > b.length()) + { + result += a.substring(b.length(), a.length()); + } + + return result; + } + +" +2557c20e1f03a136516e65d5da2a32877c7fb753,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + } + if (a.length() > b.length) + { + both.concat(a.substring(num, a.length() - 1); + } + else if (a.length() < b.length) + { + both.concat(b.substring(num, b.length() - 1); + } + return both; +} +" +c4dbdbd933a7898462d220ff2ad68f348fc7de69,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + } + if (a.length() > b.length) + { + both.concat(a.substring(num, a.length() - 1)); + } + else if (a.length() < b.length) + { + both.concat(b.substring(num, b.length() - 1)); + } + return both; +} +" +05fe806f353150a34353b7e0eb16bb79e6bb2c0f,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + } + if (a.length() > b.length()) + { + both.concat(a.substring(num, a.length() - 1)); + } + else if (a.length() < b.length) + { + both.concat(b.substring(num, b.length() - 1)); + } + return both; +} +" +d7b29f7cd7a88d8e24e0cfe7a8f5bf02586c1c41,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + } + if (a.length() > b.length()) + { + both.concat(a.substring(num, a.length() - 1)); + } + else if (a.length() < b.length()) + { + both.concat(b.substring(num, b.length() - 1)); + } + return both; +} +" +86d8eea7d6b9ff0e384caeba55cf2436ba00eadd,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + num += 1; + } + if (a.length() > b.length()) + { + both.concat(a.substring(num, a.length() - 1)); + } + else if (a.length() < b.length()) + { + both.concat(b.substring(num, b.length() - 1)); + } + return both; +} +" +dbdb713e43e14793253b69fded2f2fe07855ffdf,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + num += 1; + } + if (a.length() > b.length()) + { + both.concat(a.substring(num, a.length())); + } + else if (a.length() < b.length()) + { + both.concat(b.substring(num, b.length())); + } + return both; +} +" +0d2f5af13798a6612c6ec498d04e694a97b533b8,"public String mixString(String a, String b) +{ + String newstring = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + newstring += a.substring(i, i + 1); + newstring += b.substring(i, i + 1); + i++; + } + if (i > a.length()) + { + newstring += b.substring(i); + } + else + { + newstring += a.substring(i); + } +} +" +43686bad9fe92794d61b4a9328202a954285246f,"public String mixString(String a, String b) +{ + String newstring = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + newstring += a.substring(i, i + 1); + newstring += b.substring(i, i + 1); + i++; + } + if (i > a.length()) + { + newstring += b.substring(i); + } + else + { + newstring += a.substring(i); + } + return newstring; +} +" +f1d708007180ce7df40ce96cb870eb30e2778d43,"public String mixString(String a, String b) +{ + String newstring = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + newstring += a.substring(i, i + 1); + newstring += b.substring(i, i + 1); + i++; + } + if (i >= a.length()) + { + newstring += b.substring(i); + } + else + { + newstring += a.substring(i); + } + return newstring; +} +" +5ab22e5bb50913504c39c20eef849fa608523218,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt()); + return stbuild.toString(); +} +" +aaadab4c096c86d463924fe16609e7278d5ca327,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +ed88a6a220dc6ebfee72fe8c877ac8fa01ebd494,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int max = Math.max(lenA, lenB); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= lenA -1) + word += a.subString( i , i+1); + if (i <= lenB -1) + word += b.subString(i, i+1); + } + return word; + +} +" +90da9839497c39ca19a3a8baedf2d7f5fe8c2c23,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int max = Math.max(lenA, lenB); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= lenA -1) + word += a.subString(i , i+1); + if (i <= lenB -1) + word += b.subString(i, i+1); + } + return word; + +} +" +a4bdde783c204d01cf5ef5bed67d44f28be6cab8,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int max = Math.max(lenA, lenB); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= lenA -1) + word += a.substring(i , i+1); + if (i <= lenB -1) + word += b.substring(i, i+1); + } + return word; + +} +" +319540e98bb777d711b5a8194d7a7640ca0c01b9,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + int i = 0; + + StringBuilder stbuild = new StringBuilder(aLen+bLen); + + for(; i < aLen && i < bLen; i++) + + { + + stbuild.append(a.charAt(i)); + + stbuild.append(b.charAt(i)); + + } + + // only 1 for loop will actually run + + for(; i < aLen; i++) + + stbuild.append(a.charAt(i)); + + for(; i < bLen; i++) + + stbuild.append(b.charAt(i)); + + return stbuild.toString(); +} +" +765d98b6ef96851d853b2278b8c23bbe60d5a56e,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + int max = Math.max(al, bl); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= al - 1) + { + word += a.substring(i, i + 1); + } + if (i <= bl - 1) + { + word += b.substring(i, i + 1); + } + } + return word; +} +" +23f101116690600a2b08ed92ad32ecb487ddbc98,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +cec8113ded35745f348eccf031f77b1e172cb764,"public String mixString(String a, String b) +{ + return a; +} +" +50f21b7fb147e0ae4b7d0bf5230a37a9cb148073,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int i = 0; + StringBuilder stringBuilder = new StringBuilder(lengthA + lengthB); + for (i < lengthA && i < lengthB; i++) + { + stringBuilder.append(a.charAt(i)); + stringBuilder.append(b.charAt(i)); + } + for(i < lengthA; i++) + { + stringBuilder.append(a.charAt(i)); + } + for(i < lengthB; i++) + { + stringBuidler.append(b.charAt(i)); + } + return stringBuilder.toString(); +} +" +3955cee3216e66833fdb780b85c977c4cf0cc036,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int i = 0; + StringBuilder stringBuilder = new StringBuilder(lengthA + lengthB); + for (; i < lengthA && i < lengthB; i++) + { + stringBuilder.append(a.charAt(i)); + stringBuilder.append(b.charAt(i)); + } + for(; i < lengthA; i++) + { + stringBuilder.append(a.charAt(i)); + } + for(; i < lengthB; i++) + { + stringBuidler.append(b.charAt(i)); + } + return stringBuilder.toString(); +} +" +0e30caa26a230343d1b7a5a7c30e8e9b052ef0ed,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int i = 0; + StringBuilder stringBuilder = new StringBuilder(lengthA + lengthB); + for (; i < lengthA && i < lengthB; i++) + { + stringBuilder.append(a.charAt(i)); + stringBuilder.append(b.charAt(i)); + } + for(; i < lengthA; i++) + { + stringBuilder.append(a.charAt(i)); + } + for(; i < lengthB; i++) + { + stringBuilder.append(b.charAt(i)); + } + return stringBuilder.toString(); +} +" +6bc1d973e777ff13cea83e0c9772b18592a1c6be,"public String mixString(String a, String b) +{ + String output = """"; + if (a.length() >= b.length()) { + int dif = a.length() - b.length(); + for (int i = 0; i < a.length(); i++) + if (i < a.length() - dif) { + output = output + a.charAt(i) + b.charAt(i); + } + else { + output = output + a.charAt(i); + } + } + else if (b.length() > a.length()) { + int dif = b.length() - a.length(); + for (int i = 0; i < b.length(); i++) + if (i < b.length() - dif) { + output = output + a.charAt(i) + b.charAt(i); + } + else { + output = output + b.charAt(i); + } + } +} +" +2c6c53c88e4780b1c6f8eb5e9207c181e77e285a,"public String mixString(String a, String b) +{ + String output = """"; + if (a.length() >= b.length()) { + int dif = a.length() - b.length(); + for (int i = 0; i < a.length(); i++) + if (i < a.length() - dif) { + output = output + a.charAt(i) + b.charAt(i); + } + else { + output = output + a.charAt(i); + } + } + else if (b.length() > a.length()) { + int dif = b.length() - a.length(); + for (int i = 0; i < b.length(); i++) + if (i < b.length() - dif) { + output = output + a.charAt(i) + b.charAt(i); + } + else { + output = output + b.charAt(i); + } + } + return output; +} +" +8a59639f533bb0862a77950c536b1a803f48b0f5,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int i = 0; + StringBuilder newStr = new StringBuilder(lenA+lenB); + + for (; i < lenA && i < lenB; i ++) + { + newStr.append(a.charAt(i)); + newStr.append(b.charAt(i)); + } + for (; i < lenA; i++) + { + newStr.append(a.charAt(i)); + } + for (; i < lenB; i++) + { + newStr.append(b.charAt(i)); + } + + return newStr; +} +" +174864c2a69de49119cb895bf75cba3ea05a30a2,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int i = 0; + StringBuilder newStr = new StringBuilder(lenA+lenB); + + for (; i < lenA && i < lenB; i ++) + { + newStr.append(a.charAt(i)); + newStr.append(b.charAt(i)); + } + for (; i < lenA; i++) + { + newStr.append(a.charAt(i)); + } + for (; i < lenB; i++) + { + newStr.append(b.charAt(i)); + } + + return newStr.toString(); +} +" +6ed0f3b6278a5142070e280ea706906aa9e3a080,"public String mixString(String a, String b) +{ + int min = Math.min(a.length(), b.length()); + String working = """"; + for(int i=0; i=b.length()) jaan = b.length(); + + + + for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); + + return finish; +} +" +7825faf85ca8b0f256ebf9fa6538c4db11b750e4,"public String mixString(String a, String b) +{ + + int jaan = 0; + String finish = """"; + + + + + + if(a.length()<=b.length()) jaan = a.length(); + if(a.length()>=b.length()) jaan = b.length(); + + + + for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); + + return finish; +} +} +" +0ff6687691e73d7758423578c6e6d0d57d780d42,"public String mixString(String a, String b) +{ + + int jaan = 0; + String finish = """"; + + + + + + if(a.length()<=b.length()) jaan = a.length(); + if(a.length()>=b.length()) jaan = b.length(); + + + + for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); + + return finish; +} + +" +78ca067b40717f9531ba2d59fc3a749e099e9690,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +3c4b758d043e312f53a1b9897fcd95b0bd5a7ccf,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +b93f9773240c402f0e722046bbe5cb06e841b083,"public String mixString(String a, String b) +{ +int jaan = 0; +String finish = """"; +if(a.length()<=b.length()) jaan = a.length(); +if(a.length()>=b.length()) jaan = b.length(); +for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); + return finish; +} + +" +4315b1336cfc1bb52729ada4d86d80902d0baa21,"public String mixString(String a, String b) +{ +int jaan = 0; +String finish = """"; +if(a.length()<=b.length()) jaan = a.length(); +if(a.length()>=b.length()) jaan = b.length(); +for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); +return finish; +} + +" +d2b6eedff07ea3553c97e8f367c8c6057b3bbb6b,"public String mixString(String a, String b) +{ +int jaan = (0); +String finish = """"; +if(a.length()<=b.length()) jaan = a.length(); +if(a.length()>=b.length()) jaan = b.length(); +for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); +return finish; +} + +" +f1b1f0d085a2fe519cfdcd4510fd90c05781cf22,"public String mixString(String a, String b) +{ +int jaan = (0); +int o =1; +String finish = """"; +if(a.length()<=b.length()) jaan = a.length(); +if(a.length()>=b.length()) jaan = b.length(); +for (int i=0; i b.length()) finish += a.substring(b.length(), a.length()); +return finish; +} + +" +f7d58fa9bd4227541a95ad70dcdc336ad5b706e1,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +f92f33a2d279378be82d7e58daf5a9e58e495c9b,"public String mixString(String a, String b) +{ + String fullS = """"; + + if (a.length() >= b.length()) + { + for (int i = 0; i a.length()) + { + for (int i = 0; i= b.length()) + { + for (int i = 0; i a.length()) + { + for (int i = 0; i= b.length()) + { + for (int i = 0; i a.length()) + { + for (int i = 0; i= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; i= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; i= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; j= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; j= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; j= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; j= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; j= b.length()) + { + for (int i = 0; i a.length()) + { + for (int j = 0; j b.length()) + len = a.length(); + else + len = b.length(); + + for (int i = 0; i b.length()) + len = a.length(); + else + len = b.length(); + + for (int i = 0; i b.length()) + len = a.length(); + else + len = b.length(); + + for (int i = 0; i b.length()) + len = a.length(); + else + len = b.length(); + + for (int i = 0; i y) { + for ( int n=2y; n y) { + for ( int n=2y; n b.length()) + int len = a.length(); + else + int len = b.length(); + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return new; + + +} +" +71ee171f2fb0c0989f3a9d4ecb75e21fb3e2c69e,"public String mixString(String a, String b) +{ + String new = ''; + if ( a.length() > b.length()) + int len = a.length(); + else + int len = b.length(); + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return new; + + +} +" +00333dcdbfb6e62f876bd054a61f097e7f041dc0,"public String mixString(String a, String b) +{ + String new = ''; + int aL = a.length(); + int bL = b.length(); + if ( aL > bL) + int len = a.length(); + else + int len = b.length(); + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return new; + + +} +" +709e1a3a1bf9f228b5903914f3bc31107148cfc2,"public String mixString(String a, String b) +{ + String new = """"; + int aL = a.length(); + int bL = b.length(); + if ( aL > bL) + int len = a.length(); + else + int len = b.length(); + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return new; + + +} +" +bc14bb6f5f5f50815aad9efe91081436dc8ccf57,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + if ( aL > bL) + int len = a.length(); + else + int len = b.length(); + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return one; + + +} +" +9f30586f9cd1da5062a2d0d64bbc29cb310072b0,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + if ( aL > bL) + int len = aL; + else + int len = bL; + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return one; + + +} +" +bcdd1dd5cd20f8f2aaad4a247ed3779f40baf80f,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= len; i++) + new.append(a.charAt(i)); + new.append(b.charAt(i)); + return one; + + +} +" +8f6db8f4156b2c187639974bc1dc29908fb19ec7,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= len; i++) + one.append(a.charAt(i)); + one.append(b.charAt(i)); + return one; + + +} +" +fbdd560d94a5c0454e81e0b50ecc91c69e56e613,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= len; i++) + str aa = a.charAt(i) + str bb = b.charAt(i) + one.append(aa); + one.append(bb); + return one; + + +} +" +3a8b292f2713863038ba5afc7cb6ff7f29ed5928,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= len; i++) + str aa = a.charAt(i); + str bb = b.charAt(i); + one.append(aa); + one.append(bb); + return one; + + +} +" +44033cc47d45c89433049602a6a9233058f5e9a9,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= len; i++) + one.append(a.charAt(i)); + one.append(b.charAt(i)); + return one; + + +} +" +c8be4f1c834e57fc3196481d35d98a66c30db298,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= aL && i<= bL; i++) + one.append(a.charAt(i)); + one.append(b.charAt(i)); + return one; + + +} +" +0f0517474f5b8001fab3373dc5ae906dfe8b4028,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + if ( aL > bL) + len = aL; + else + len = bL; + for (int i = 0; i <= aL && i<= bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + return one; + + +} +" +93e3a5766d55e23b6838529833768fa4b4422e1b,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i <= aL && i<= bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + return one; + + +} +" +03caaa176c43d81d1be3414c1479c027bf17e52d,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i < aL && i< bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + return one; + + +} +" +3ff79c7666b18cd32841f72c81ac9f01b1ca1d2b,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i < aL && i< bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +5975dcecd4f2d650969462ab35df4be1c3df6e2b,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i <= aL && i<= bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +6e89d6de04f50dd64022487e2013ad2d889f65d9,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i < aL && i< bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +87d65d7a92f5f7db280bab19605c98cf326a2e38,"public String mixString(String a, String b) +{ + + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i < aL && i< bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +fcc514c856362dc35cb84c6f75a3247a8918e1de,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int len = 0; + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +e5767a293430ecd5a0687beace041d76b0a2da2e,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +a4084722da7eb671141cca03eeb2399bc7d68797,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL || i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +acc96838359ed165812d7402e5cf563d93a4aa51,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +81ddf9035c905276b5d1b0afb9a587dbeefcad4b,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + i = i+1 + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +5e95274c46caf7701c7768d511e24d317f43bb1d,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i); + i = i+1; + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +723774a97fc1bafb1070d3281339ac741fa73ccd,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i-1); + i = i+1; + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +6e60e99eb169010c1e2317951a680537ba7e80c9,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i); + one = one + b.charAt(i1); + i = i+1; + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +404fde06eb0c4fb74b6b8054cb2413adcdba6949,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i)+ b.charAt(i); + i = i+1; + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +72fcf5f225525cf81c68e210deb24103794281cb,"public String mixString(String a, String b) +{ + String one = """"; + int aL = a.length(); + int bL = b.length(); + int i = 0; + for (; i < aL && i < bL; i++) + one = one + a.charAt(i)+ b.charAt(i); + for(; i < aL; i++) + one = one + a.charAt(i); + for(; i < bL; i++) + one = one + b.charAt(i); + return one; + + +} +" +8ab241559984038d88825ac8ded976e24f0764e6,"public String mixString(String a, String b) +{ + String result = """"; +int length, bigger, i = 0; +if(a.length() > b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +} +" +7c74c9d66cc6069791af60df7458446b1ebe1a5d,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + StringBuilder newString = new StringBuilder(aLength + bLength); + for (int i = 0; i < aLength && i < bLength; i++) + { + newString.append(a.charAt(i)); + newString.append(a.charAt(i)); + } + for (int i = 0; i < aLength; i++) + { + newString.append(a.charAt(i); + } + for (int i = 0; i< bLength; i++) + { + newstring.append(b.charAt(i); + } + return newString.toString(); +} +" +0f7e8fdfc4cee171591da78859344af36553a804,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + StringBuilder newString = new StringBuilder(aLength + bLength); + for (int i = 0; i < aLength && i < bLength; i++) + { + newString.append(a.charAt(i)); + newString.append(a.charAt(i)); + } + for (int i = 0; i < aLength; i++) + { + newString.append(a.charAt(i)); + } + for (int i = 0; i< bLength; i++) + { + newstring.append(b.charAt(i)); + } + return newString.toString(); +} +" +3c3549eba8a5d98bb7539e526f6af51c0a73b5da,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + StringBuilder newString = new StringBuilder(aLength + bLength); + for (int i = 0; i < aLength && i < bLength; i++) + { + newString.append(a.charAt(i)); + newString.append(a.charAt(i)); + } + for (int i = 0; i < aLength; i++) + { + newString.append(a.charAt(i)); + } + for (int i = 0; i< bLength; i++) + { + newString.append(b.charAt(i)); + } + return newString.toString(); +} +" +68428110a143853b0a3d5c5dcd076a87fab0cab4,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String result = """"; + int maxLength = Math.max(aLength, bLength); + + for (int i = 0; i < maxLength; i++) + { + if (i <= aLength - 1) + { + result += a.substring(i, i+1); + } + if (i <= bLength - 1) + { + result += b.substring(i, i+1); + } + } + return result; +} +" +0143af99b408806fb92dfa834e4460340927df23,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + for (int i = 0; i <= minl; i++) + { + + } +} +" +b67cf87b44627805300244b19281dd7cd19e1e28,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + for (int i = 0; i <= minl; i++) + { + + } + return minl; +} +" +3e1b0452a6a8edb8dc23cce1dc691a2efb2e8498,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + for (int i = 0; i <= minl; i++) + { + + } + return ""minl""; +} +" +95b8a602ba8e53d7abeb4fbcf5d1d2e63ab4eaa1,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + String string = new String(); + for (int i = 0; i <= minl; i++) + { + string = string + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + return string; +} +" +22c8af4024dee5080d79d5e8a3f88ce18b488c4a,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + String string = new String(); + for (int i = 0; i < minl; i++) + { + string = string + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + return string; +} +" +ae52e9bf36c54b6fc320f9cda96bc3eab3283cbe,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + String string = new String(); + for (int i = 0; i < minl; i++) + { + string = string + a.substring(i, i + 1) + b.substring(i, i + 1); + } + if (a.length() == b.length()) + { + return string; + } + else if (a.length() > minl) + { + return string + a.substring(minl, a.length); + } + else + { + return string + b.substring(minl, b.length); + } +} +" +3a77f86d0657c5aa041fc0c859e3de3e62775d14,"public String mixString(String a, String b) +{ + int minl = Math.min(a.length(), b.length()); + String string = new String(); + for (int i = 0; i < minl; i++) + { + string = string + a.substring(i, i + 1) + b.substring(i, i + 1); + } + if (a.length() == b.length()) + { + return string; + } + else if (a.length() > minl) + { + return string + a.substring(minl, a.length()); + } + else + { + return string + b.substring(minl, b.length()); + } +} +" +a425b20e7cbf4dd7abbd1c087ba031d2cbb3a08a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen);; + for (; i < aLen && i b.length()) + { + both.concat(a.substring(num, a.length() + 1)); + } + else if (a.length() < b.length()) + { + both.concat(b.substring(num, b.length())); + } + return both; +} +" +3d7b8232b499ac6b3d7975611780c47eaf7edea0,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + char curA = a.charAt(i); + char curB = b.charAt(i); + newStr = newStr +curA +curB; + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remainng = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +48c02f314020c611b9b73911634054e69862235f,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + char curA = a.charAt(i); + char curB = b.charAt(i); + newStr = newStr +curA +curB; + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remainng = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +76fc2ffe3b37da27af50d81ea4b466aacfe5692e,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + char curA = a.charAt(i); + char curB = b.charAt(i); + newStr = newStr +curA +curB; + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +058a08b51bb4007898b58260b1ce73a6f7f20f8e,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + char curA = a.charAt(i); + char curB = b.charAt(i); + newStr = curA.concat(newStr); + newStr = curB.concat(newStr); + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +ff14a6eff5a887fd6310cb2065dfae4ad23babef,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + String curA = a.charAt(i).toString(); + String curB = b.charAt(i).toString(); + newStr = curA.concat(newStr); + newStr = curB.concat(newStr); + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +cca54aa97eae1e87a0148fd08a49c62782c14d78,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + num += 1; + } + if (a.length() > b.length()) + { + both = both.concat(a.substring(num, a.length() + 1)); + } + else if (a.length() < b.length()) + { + both = both.concat(b.substring(num, b.length())); + } + return both; +} +" +e07fabacdd08ba441df7bcbc8564f7fd39228f68,"public String mixString(String a, String b) +{ + String both = new String(); + int num = 0; + while (num < a.length() && num < b.length()) + { + both = both + a.charAt(num); + both = both + b.charAt(num); + num += 1; + } + if (a.length() > b.length()) + { + both = both.concat(a.substring(num, a.length())); + } + else if (a.length() < b.length()) + { + both = both.concat(b.substring(num, b.length())); + } + return both; +} +" +5b7d61c2a8661c3942a15db46d2aa2e7b398e5dd,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + String curA = Character.toString(a.charAt(i)); + String curB = Character.toString(b.charAt(i)); + newStr = curA.concat(newStr); + newStr = curB.concat(newStr); + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +f5e412e00060fdb5a200ac8f7f5e94c0b65be377,"public String mixString(String a, String b) { +String result = """"; +int length, bigger, i = 0; +if(a.length() > b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +} +" +51b63fbe3312a2cb5f4c1fc12897e28b6f8343fc,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for (int i = 0; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for (int i = 0; i < aLen; i++) + { + stbuild.append(a.charAt(i)); + } + for (int i = 0; i < bLen; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); +} +" +df60e525f1dd8342300350a63b0bf2323757b18f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max =Math.max(aLen, bLen); + String word = """"; + for (int i = 0; i < max; i++) + { + if (i <= aLen - 1) + { + word += a.substring(i, i + 1); + } + if (i <= bLen - 1) + { + word += b.substring(i, i + 1); + } + } + return word; +} +" +48240fe4035fb3244645afe3fa1142de67b71fd9,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + Sting valueOne = """"; + if (a > b) + { + for (int i = 0; i < a; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1) + } + valueOne += a.substring(i, y); + return valueOne; + } + else + { + for (int i = 0; i < b; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1) + } + valueOne += a.substring(i, x); + return valueOne; + } + +} +" +9b68ef3d84fde58670b022e74c042a13ab582642,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + Sting valueOne = """"; + if (a > b) + { + for (int i = 0; i < a; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(i, y); + return valueOne; + } + else + { + for (int i = 0; i < b; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(i, x); + return valueOne; + } + +} +" +479b6dbd06cfa5e19aaa993d3809d89041a14c4a,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (a > b) + { + for (int i = 0; i < a; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(i, y); + return valueOne; + } + else + { + for (int i = 0; i < b; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(i, x); + return valueOne; + } + +} +" +d998f80e5724a85a484304716112ef5c66606f91,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x > y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(i, y); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(i, x); + return valueOne; + } + +} +" +10ef851c0b2dce6785901d741ef59e26293ab206,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x > y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(y - x); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(x - y); + return valueOne; + } + +} +" +2e97febceede2da0b8eba79997f905e892702674,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x < y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(y - x); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(x - y); + return valueOne; + } + +} +" +6fa661e3913bcb4658b4a97865f42124e2742c86,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x < y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(y - x); + return valueOne; + } + else (y < x) + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(x - y); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + return valueOne; + } + +} +" +31f3295925303a252325eaa71e45f556a304979b,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x < y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(y - x); + return valueOne; + } + else if (y < x) + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(x - y); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + return valueOne; + } + +} +" +7610d1e448e14ed8d7e19c2cc72b0ca12d12eb91,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x < y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += b.substring(y - x); + return valueOne; + } + else if (y < x) + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(x - y); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + return valueOne; + } + +} +" +fd582a0389f85fd0be33dc0a53332e645a330798,"public String mixString(String a, String b) +{ + int a = a.length(); + int b=b.length(); + String c = """"; + while(0= b.length()) + { + x = a.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = b.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i)); + } + return newst; +} +" +838526f8d138c96d64e4fede32fb8ec6b0111fb3,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() >= b.length()) + { + x = a.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = b.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +d1726f02a3b0e2bab45c54fe8c244ab6c16b3024,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() >= b.length()) + { + x = a.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = b.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + for (int i = 0; i < x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +5e399513339960066da5262598262c03ace82bf5,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() >= b.length()) + { + x = a.length()-2; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = b.length()-2; + y = y+ b.substring(b.length() - a.length()-1); + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +d07d8b3da1af79f5772e1d6bbe0913388097ee25,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() >= b.length()) + { + x = a.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = b.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +46b99c409141861b9d795c877e9f78c40b267034,"public String mixString(String a, String b) +{ + int x = a.length(); + int y = b.length(); + String valueOne = """"; + if (x < y) + { + for (int i = 0; i < x; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += b.substring(x); + return valueOne; + } + else if (y < x) + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + valueOne += a.substring(y); + return valueOne; + } + else + { + for (int i = 0; i < y; i++) + { + valueOne += a.substring(i, i + 1) + b.substring(i, i +1); + } + return valueOne; + } + +} +" +911b3add40680c643783e6ff82a56c29e0836ca7,"public String mixString(String a, String b) +{ + String mixString = """"; + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i++) + { + mixString = mixString + a.charAt(i); + mixString = mixString + b.charAt(i); + } + String end = a.substring(lengthB); + mixString = mixString + end; + } + else + { + for (int i = 0; i < lengthA; i++) + { + mixString = mixString + a.charAt(i); + mixString = mixString + b.charAt(i); + } + String end = b.substring(lengthA); + mixString = mixString + end; + } + return mixString; + +} +" +8202854f8b39a2f50b6f89fd9083ba88cbaa34b3,"public String mixString(String a, String b) +{ + String res=""""; + int i; + for(i=0;i (b.length()) + for (int i = 1; i <= a.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + return str; + if (b.length() > (a.length()) + for (int i = 1; i <= b.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + return str; + for (int i = 1; i <= a.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + return str; + +} +" +0f6281e29637eba060e45dd80f2ff2c2e5042c82,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()) + for (int i = 1; i <= a.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + return str; + if (b.length() > a.length()) + for (int i = 1; i <= b.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + return str; + for (int i = 1; i <= a.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + return str; + +} +" +2e8f5cbd0e168aeb4d74013adafd2ed9f3189e66,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()){ + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str; + +} +" +f95508bb98e2ffce8b4993aa4e8d2a5d839dc6fe,"public String mixString(String a, String b) +{ + String blank = """"; + if(a.length() >= b.length()) + { + for(int i = 1; i <= a.length(); i++) + { + blank = blank + a.substring(i-1, i) + b.substring(i-1, i); + } + } + else if(b.length() > a.length()) + { + for(int j = 1; j < b.length(); j++) + { + blank = blank + a.substring(i-1, i) + b.substring(i-1, i); + } + } + return blank; +} + +" +35bd24126a0757288e3e65179a088b7f9c18f126,"public String mixString(String a, String b) +{ + String blank = """"; + if(a.length() >= b.length()) + { + for(int i = 1; i <= a.length(); i++) + { + blank = blank + a.substring(i-1, i) + b.substring(i-1, i); + } + } + else if(b.length() > a.length()) + { + for(int j = 1; j < b.length(); j++) + { + blank = blank + a.substring(j-1, j) + b.substring(j-1, j); + } + } + return blank; +} + +" +054ea0080dd8511600894078c500dc330f64be3b,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()){ + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str; + +} +" +7f72ec8cfa41f44f2860db75567239d9ce7bdd27,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()){ + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i-1, i); + str = str + b.substring(i-1, i);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str; + +} +" +dc93e151d5dab7c6542730d1cf304eed2d33a410,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()){ + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i); + str = str + b.substring(i, i);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str; + +} +" +4a151acb73aed1cb0e98a1f870098a9a86fdecb7,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()){ + int i = 1; + while (i <= a.length()){ + str = str + a.substring(i, i+1); + str = str + b.substring(i, +1);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str; + +} +" +3777c0d2371a69956c005fd491ec83d027144f82,"public String mixString(String a, String b) +{ + String str = """"; + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + /*if (a.length() > b.length()){ + int i = 1; + while (i <= a.length()){ + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;*/ + +} +" +cf34f7c1267e7e283fccc9f070941f08610257d6,"public String mixString(String a, String b) +{ + String blank = """"; + if(a.length() >= b.length()) + { + for(int i = 1; i <= a.length(); i++) + { + blank = blank + a.substring(i-1, i) + b.substring(i-1, i); + } + } + else if(b.length() > a.length()) + { + for(int j = 1; j <= b.length(); j++) + { + blank = blank + a.substring(j-1, j) + b.substring(j-1, j); + } + } + return blank; +} + +" +3ff4232e55ef47247294ec952d1d828b01e893e5,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() >= b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +04327fc098ac6d19d26a92e193d449d81a14209b,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() >= b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() + a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() + b.length() - a.length()-1); + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +b4f41f19743ae3d0e91e28700195889422509875,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() + a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() + b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +569aa0bf3d7b9fc5dba3b842b9cf03065a0f282f,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +e02d5f5fb6e9e88ce0b02a63247278430ff1d165,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i < x; i++) + { + newst = newst+a.substring(i,i)+b.substring(i,i); + } + return newst+y; +} +" +3c692e7ac55420dacafe9efda24a9944431ed390,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i < x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +d2adf4002938fb2d042bc26c3591326eb8df6410,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +a632f154bcdbe19e2da568834ac8375cd3b9c530,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +cf35ee7c90b3cdbd9d9e3ac311c09fafe5360450,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +90913be84a38a1360af624c7ad0e347781e130d1,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(a.length() - b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(b.length() - a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +89b5c86a1fed0e450c1d42492a54f2884a782837,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(b.length()-1); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(a.length()-1); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +a6de9886287f7e2c97579cf8b317ea955ea2e415,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(b.length()); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(a.length()); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +137dfe497b4928c9af18100929735fdca2d5cb5c,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length(); + y = y + a.substring(b.length()); + } + if (b.length() > a.length()) + { + x = a.length(); + y = y+ b.substring(a.length()); + } + + else + { + x = a.length(); + } + for (int i = 0; i < x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +9b4004a59d64c5b817057405a80c31f1bffecbe2,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(b.length()); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(a.length()); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i < x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +f25268dca8b0f304d3b4e5989cfca1f010223cbe,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(b.length()); + } + if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(a.length()); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +c0c81d8abe6ff7925b5710f182f9d7f1a91d4f56,"public String mixString(String a, String b) +{ + String newst = """"; + int x = 0; + String y = """"; + if (a.length() > b.length()) + { + x = b.length()-1; + y = y + a.substring(b.length()); + } + else if (b.length() > a.length()) + { + x = a.length()-1; + y = y+ b.substring(a.length()); + } + + else + { + x = a.length()-1; + } + for (int i = 0; i <= x; i++) + { + newst = newst+a.charAt(i) + b.charAt(i); + } + return newst+y; +} +" +4951917ed9a40da02e4650345d413d50dfaaec52,"public String mixString(String a, String b) +{ + String answer = new String; + int legntha = a.length(); + int lengthb = b.length(); + for (; i < lengtha && i < lengthb; i++) + { + answer = a.substring(i) + b.substring(i); + } + return answer; +} +" +45eec5b0f35208b7b4858d49b159e81437ea3527,"public String mixString(String a, String b) +{ + String answer = new String(); + int legntha = a.length(); + int lengthb = b.length(); + for (; i < lengtha && i < lengthb; i++) + { + answer = a.substring(i) + b.substring(i); + } + return answer; +} +" +b5d42021e3b9e2d2e0d98ea772ab372d87c8280d,"public String mixString(String a, String b) +{ + String answer = new String(); + int legntha = a.length(); + int lengthb = b.length(); + int i = 0; + for (; i < lengtha && i < lengthb; i++) + { + answer = a.substring(i) + b.substring(i); + } + return answer; +} +" +03654494aa75959b590413091c9b1f1e88a3721e,"public String mixString(String a, String b) +{ + String answer = new String(); + int lengtha = a.length(); + int lengthb = b.length(); + int i = 0; + for (; i < lengtha && i < lengthb; i++) + { + answer = a.substring(i) + b.substring(i); + } + return answer; +} +" +d65eca8cf2b04439baceb510022e6f3c121898b6,"public String mixString(String a, String b) +{ + String answer = new String(); + int lengtha = a.length(); + int lengthb = b.length(); + int i = 0; + for (; i < lengtha && i < lengthb; i++) + { + answer = answer + a.substring(i) + b.substring(i); + } + return answer; +} +" +1fd8a8c34ad000126c74504012eedcb784782d1f,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int max = Math.max(lengthA, lengthB); + String result = """"; + for (int i = 0; i < max; i++) + { + if (i <= lengthA - 1) + { + result += a.substring(i, i+1); + } + if (i <= lengthB - 1) + { + result += b.substring(i, i+1); + } + } + return result; +} +" +d3d8d268ad7fbc36ee31928378194b8f1eb95d82,"public String mixString(String a, String b) +{ + String str = """"; + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i - 1, i) + b.substring(i, i+1);} + return str; + /*if (a.length() > b.length()){ + int i = 1; + while (i <= a.length()){ + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1);} + return str;} + if (b.length() > a.length()){ + for (int i = 1; i <= b.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;} + for (int i = 1; i <= a.length(); i++){ + str = str + a.substring(i, i+1) + b.substring(i, i+1);} + return str;*/ + +} +" +1bc88cc09036538e0d4e2cf7921cd8cdb836430c,"public String mixString(String a, String b) +{ + String str = """"; + str = a.substring(0, 1) + b.substring(0, 1); + return str; + +} +" +f4d2ed8002e18f4f6f98cd2f22328b62cbc412ef,"public String mixString(String a, String b) +{ + String str = """"; + for (i = 0; i <= a.length() + 1; i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + //str = a.substring(0, 1) + b.substring(0, 1); + return str; + +} +" +3338a714fe2c8cb2335dd2a456c6c827e2185c2b,"public String mixString(String a, String b) +{ + String str = """"; + for (int i = 0; i <= a.length() + 1; i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + //str = a.substring(0, 1) + b.substring(0, 1); + return str; + +} +" +b2ef177d33f27f496112b91a4f1b7dff5784b95b,"public String mixString(String a, String b) +{ + String str = """"; + for (int i = 0; i < a.length() + 1; i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + //str = a.substring(0, 1) + b.substring(0, 1); + return str; + +} +" +3eb05330c1887e1b0a0839f94aea4f5f84168ffa,"public String mixString(String a, String b) +{ + String str = """"; + for (int i = 0; i <= a.length(); i++) + str = str + a.substring(i, i+1) + b.substring(i, i+1); + //str = a.substring(0, 1) + b.substring(0, 1); + return str; + +} +" +d4c3d7f083cc34010213717bb5568065be0fcffc,"public String mixString(String a, String b) +{ + String str = """"; + str = str + a.substring(0, 1) + b.substring(0, 1); + return str; + +} +" +cbd62495785fd1b2da0cb91f4c9db6f31955a19c,"public String mixString(String a, String b) +{ + String str = """"; + str = str + a.substring(0, 1) + b.substring(0, 1); + str = str + a.substring(1, 2) + b.substring(1, 2); + str = str + a.substring(2, 3) + b.substring(2, 3); + str = str + a.substring(3, 4) + b.substring(3, 4); + str = str + a.substring(4, 5) + b.substring(4, 5); + str = str + a.substring(5, 6) + b.substring(5, 6); + return str; + +} +" +3f767a95dd545fdc6e33b2174eedf1c29e5fa48a,"public String mixString(String a, String b) +{ + String str = """"; + str = str + a.substring(0, 1) + b.substring(0, 1); + str = str + a.substring(1, 2) + b.substring(1, 2); + str = str + a.substring(2, 3) + b.substring(2, 3); + /*str = str + a.substring(3, 4) + b.substring(3, 4); + str = str + a.substring(4, 5) + b.substring(4, 5); + str = str + a.substring(5, 6) + b.substring(5, 6);*/ + return str; + +} +" +551290e36d634307d613ea7ed77e1183f5bd43e4,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()) + int length = a.length(); + if (a.length() < b.length() || a.length() == b.length()) + int length = b.length(); + int i = 0; + while(i <= length) + str = str + a.substring(i, i + 1) + b.substring(i, i + 1); + /*str = str + a.substring(0, 1) + b.substring(0, 1); + str = str + a.substring(1, 2) + b.substring(1, 2); + str = str + a.substring(2, 3) + b.substring(2, 3); + /*str = str + a.substring(3, 4) + b.substring(3, 4); + str = str + a.substring(4, 5) + b.substring(4, 5); + str = str + a.substring(5, 6) + b.substring(5, 6);*/ + return str; + +} +" +2bb3f4ff4e3d9f8b32bbb0ef44ef3aec891f5d73,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() > b.length()) + int l = a.length(); + if (a.length() < b.length() || a.length() == b.length()) + int l = b.length(); + int i = 0; + while(i <= l) + str = str + a.substring(i, i + 1) + b.substring(i, i + 1); + /*str = str + a.substring(0, 1) + b.substring(0, 1); + str = str + a.substring(1, 2) + b.substring(1, 2); + str = str + a.substring(2, 3) + b.substring(2, 3); + /*str = str + a.substring(3, 4) + b.substring(3, 4); + str = str + a.substring(4, 5) + b.substring(4, 5); + str = str + a.substring(5, 6) + b.substring(5, 6);*/ + return str; + +} +" +49964a505c871a54b5df3a8122509a99c009e6ae,"public String mixString(String a, String b) +{ + String str = """"; + int l = 0; + if (a.length() > b.length()) + l = a.length(); + if (a.length() < b.length() || a.length() == b.length()) + l = b.length(); + int i = 0; + while(i <= l) + str = str + a.substring(i, i + 1) + b.substring(i, i + 1); + /*str = str + a.substring(0, 1) + b.substring(0, 1); + str = str + a.substring(1, 2) + b.substring(1, 2); + str = str + a.substring(2, 3) + b.substring(2, 3); + /*str = str + a.substring(3, 4) + b.substring(3, 4); + str = str + a.substring(4, 5) + b.substring(4, 5); + str = str + a.substring(5, 6) + b.substring(5, 6);*/ + return str; + +} +" +ee5d47700c881533bbb955457e66eef7129a53d0,"public String mixString(String a, String b) +{ + String str = """"; + int l = 0; + if (a.length() > b.length()) + l = a.length(); + if (a.length() < b.length() || a.length() == b.length()) + l = b.length(); + int i = 0; + while(i <= l) + str = str + a.substring(i, i + 1) + b.substring(i, i + 1); + i++; + /*str = str + a.substring(0, 1) + b.substring(0, 1); + str = str + a.substring(1, 2) + b.substring(1, 2); + str = str + a.substring(2, 3) + b.substring(2, 3); + /*str = str + a.substring(3, 4) + b.substring(3, 4); + str = str + a.substring(4, 5) + b.substring(4, 5); + str = str + a.substring(5, 6) + b.substring(5, 6);*/ + return str; + +} +" +48306ac1b57c8732002dfac14eb119d4f98bba8c,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } +} +" +390a687820d873110e1320d079d383032655f20b,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +" +1a5bc38c912d578d66008d206f232945ee8c5828,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + +} +" +a1beaede4f0d54f603ca763d89411c602adddf25,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + string str = """"; + int longerString = Math.max(lengthA, lengthB); + + for (int i = 0; i < longerString; i++) { + if (i <= lengthA-1) + str = str + a.substring(i,i+1); + if (i <= lengthB-1) + str = str + b.substring(i,i+1); + + + + + +} +" +4b09413eb66b67338c4e34495b13e81fe9b5187c,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + string str = """"; + int longerString = Math.max(lengthA, lengthB); + + for (int i = 0; i < longerString; i++) + if (i <= lengthA-1) + str = str + a.substring(i,i+1); + if (i <= lengthB-1) + str = str + b.substring(i,i+1); + return str; + + + + + +} +" +8931108d7acd20d3b0640076f56167b3acaa3961,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String str = """"; + int longerString = Math.max(lengthA, lengthB); + + for (int i = 0; i < longerString; i++) + if (i <= lengthA-1) + str = str + a.substring(i,i+1); + if (i <= lengthB-1) + str = str + b.substring(i,i+1); + return str; + + + + + +} +" +fe7e1e431553b28456765b233fb668faed693cc9,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String str = """"; + int longerString = Math.max(lengthA, lengthB); + int i = 0; + for (i = 0; i < longerString; i++) + if (i <= lengthA-1) + str = str + a.substring(i,i+1); + if (i <= lengthB-1) + str = str + b.substring(i,i+1); + return str; + + + + + +} +" +45e0033053e1da13315295294a0d2b9868168dc2,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String str = """"; + int longerString = Math.max(lengthA, lengthB); + //int i = 0; + for (int i = 0; i < longerString; i++) + if (i <= lengthA-1) + str = str + a.substring(i,i+1); + if (i <= lengthB-1) + str = str + b.substring(i,i+1); + return str; + + + + + +} +" +fb9a07b89a31bbc49fe3e4dfaa8f4f131e57a39e,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String str = """"; + int longerString = Math.max(lengthA, lengthB); + //int i = 0; + for (int i = 0; i < longerString; i++){ + if (i <= lengthA-1){ + str = str + a.substring(i,i+1);} + if (i <= lengthB-1){ + str = str + b.substring(i,i+1);}} + return str; + + + + + +} +" +bb2d59d5801f1146da8c6517a7048e9bd3e96f37,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +a5e107ca6701cbb16dc6615fdeceede0a8e88c40,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) { + stbuild.append(a.charAt(i)); + } + for(; i < bLen; i++) { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); +} +" +d01f706217bfae5dfa1c3757aad7ccda0800d166,"public String mixString(String a, String b) +{ + lenA = a.length(); + lenB = b.length(); + ans = """"; + + if (lenA == lenB) + { + for (int i = 0; i < lenA; i++) + { + ans = ans + A.charAt(i) + B.charAt(i); + } + } + else if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + ans = ans + A.charAt(i) + B.charAt(i); + } + ans = ans + A.substring(lenB); + } + else + { + for (int i = 0; i < lenA; i++) + { + ans = ans + A.charAt(i) + B.charAt(i); + } + ans = ans + B.substring(lenA); + } + return ans; +} +" +d1def719cb9a553932165f4148e1555106b1d5f0,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String ans = """"; + + if (lenA == lenB) + { + for (int i = 0; i < lenA; i++) + { + ans = ans + A.charAt(i) + B.charAt(i); + } + } + else if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + ans = ans + A.charAt(i) + B.charAt(i); + } + ans = ans + A.substring(lenB); + } + else + { + for (int i = 0; i < lenA; i++) + { + ans = ans + A.charAt(i) + B.charAt(i); + } + ans = ans + B.substring(lenA); + } + return ans; +} +" +2024433af8efa5bdec18a2df8b4d6989c9b831e6,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String ans = """"; + + if (lenA == lenB) + { + for (int i = 0; i < lenA; i++) + { + ans = ans + a.charAt(i) + b.charAt(i); + } + } + else if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + ans = ans + a.charAt(i) + b.charAt(i); + } + ans = ans + a.substring(lenB); + } + else + { + for (int i = 0; i < lenA; i++) + { + ans = ans + a.charAt(i) + b.charAt(i); + } + ans = ans + b.substring(lenA); + } + return ans; +} +" +6d288a5ec36f6637a4db908365a1c6fb9f8c83a2,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= aLen-1) + { + word += a.substring(i,i+1); + } + if (i <= bLen-1) + { + word += b.substring(i,i+1); + } + } + + return word; +} +" +0ec3b83464a273374f50296bbd3ae153deba01a8,"public String mixString(String a, String b) +{ + int end = a.length(); + String output = """"; + + if (b.length() > a.length()) + { + end = b.length(); + } + for (int i = 0; i < end; i++) + { + if (i < a.length()) + { + output += a.charAt(i); + } + if (i < b.length()) + { + output += b.charAt(i); + } + } + return output; +} +" +6305a2b472c41ba34b99aaafce5b070f8347baed,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + String curA = Character.toString(a.charAt(i)); + return curA; + String curB = Character.toString(b.charAt(i)); + newStr = curA.concat(newStr); + newStr = curB.concat(newStr); + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +8b502690532a325d8f39e290885232782f6171dd,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + String curA = Character.toString(a.charAt(i)); + return curA; + //String curB = Character.toString(b.charAt(i)); + //newStr = curA.concat(newStr); + //newStr = curB.concat(newStr); + //ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +fd9cd310705b3a42ccb1ae58888fcd016414b7eb,"public String mixString(String a, String b) +{ + int ii = 0; + int lenA = a.length(); + int lenB = b.length(); + String newStr = """"; + String remaining; + for (int i = 0; i < Math.abs(lenA-lenB); i++) + { + String curA = a.substring(i, i+1); + String curB = a.substring(i, i+1); + newStr = curA.concat(newStr); + newStr = curB.concat(newStr); + ii = i; + } + if (lenA>lenB) + { + remaining = a.substring(ii); + } + else if (lenB>lenA) + { + remaining = a.substring(ii); + } + else + { + remaining = """"; + } + newStr = remaining.concat(newStr); + return newStr; +} +" +db3621467c2260c0753c0c8365e54ac003db7020,"public String mixString(String a, String b) +{ + lengtha = a.length(); + lengthb = b.length(); + + int smallStringlenght = lengtha; + String smallstr = a; + if(lengthb >= lengtha) + { + smallStringlength = lengthb; + smallstr = b; + } + String str = """"; + for(int i = 0; i < smallStringlength; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } +} +" +8bedb04b6a8e228cee13e582863929046197c9fa,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + + int smallStringlenght = lengtha; + String smallstr = a; + if(lengthb >= lengtha) + { + smallStringlength = lengthb; + smallstr = b; + } + String str = """"; + for(int i = 0; i < smallStringlength; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } +} +" +a5c11c0305f38a0410f6e05c507af584fa3cd097,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + + int smallStringlenght = lengtha; + String smallstr = a; + if(lengthb >= lengtha) + { + smallStringlenght = lengthb; + smallstr = b; + } + String str = """"; + for(int i = 0; i < smallStringlength; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } +} +" +d47c04012a7a5b5f44aaff5588e39838e04adc26,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + + int smallStringlenght = lengtha; + String smallstr = a; + if(lengthb >= lengtha) + { + smallStringlenght = lengthb; + smallstr = b; + } + String str = """"; + for(int i = 0; i < smallStringlenght; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } +} +" +da77e46835ac73bb5f60b410b689cdf1d8416a14,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + + int smallStringlenght = lengtha; + String smallstr = a; + if(lengthb >= lengtha) + { + smallStringlenght = lengthb; + smallstr = b; + } + String str = """"; + int i; + for(i = 0; i < smallStringlenght; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } +} +" +8d994043ca671357f7c0395f91a3cf5c24fa9fa1,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + + int smallStringlenght = lengtha; + String smallstr = a; + if(lengthb >= lengtha) + { + smallStringlenght = lengthb; + smallstr = b; + } + String str = """"; + int i; + for(i = 0; i < smallStringlenght; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } + return str; +} +" +651694f5d664481b1c29252e99a2ebee0bc0fff2,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + + int smallStringlenght = lengthb; + String smallstr = b; + if(lengthb >= lengtha) + { + smallStringlenght = lengtha; + smallstr = a; + } + String str = """"; + int i; + for(i = 0; i < smallStringlenght; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if(smallStringlenght == lengtha) + { + str = str + b.substring(i, lengthb); + } + else + { + str = str + a.substring(i, lengtha); + } + return str; +} +" +40359415942520a6fb51e6834445a3b79fbdda12,"public String mixString(String a, String b) +{ + lenA = a.length(); + lenB = b.length(); + newStr = new StringBuilder(lenA+lenB); + int i; + for (i = 0; ilenB) + { + String remaining = a.substring(i); + } + else if (lenB>lenA) + { + String remaining = b.substring(i); + } + else // lenB==lenA + { + String remaining = """"; + } + newStr.append(remaining); + return newStr.toString(); +} +" +33d4407adb1ef430d348874741b99a70c62792c6,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + newStr = new StringBuilder(lenA+lenB); + int i; + for (i = 0; ilenB) + { + String remaining = a.substring(i); + } + else if (lenB>lenA) + { + String remaining = b.substring(i); + } + else // lenB==lenA + { + String remaining = """"; + } + newStr.append(remaining); + return newStr.toString(); +} +" +72c6532aca7e7d82e36753c91d797c2d8c498ad4,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + StringBuilder newStr = new StringBuilder(lenA+lenB); + int i; + for (i = 0; ilenB) + { + String remaining = a.substring(i); + } + else if (lenB>lenA) + { + String remaining = b.substring(i); + } + else // lenB==lenA + { + String remaining = """"; + } + newStr.append(remaining); + return newStr.toString(); +} +" +10b1fe1f2071ac2d97fe6865433ae7ec7c47501f,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + StringBuilder newStr = new StringBuilder(lenA+lenB); + int i; + for (i = 0; ilenB) + { + String remaining = a.substring(i); + } + else if (lenB>lenA) + { + String remaining = b.substring(i); + } + else // lenB==lenA + { + String remaining = """"; + } + newStr.append(remaining); + return newStr.toString(); +} +" +9251b5aeec76d496de09ab2204eb9910b7592395,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + StringBuilder newStr = new StringBuilder(lenA+lenB); + int i; + for (i = 0; ilenB) + { + String remaining = a.substring(i); + } + else if (lenB>lenA) + { + String remaining = b.substring(i); + } + else // lenB==lenA + { + String remaining = """"; + } + newStr.append(remaining); + return newStr.toString(); +} +" +4d9f84290959aae980c8ebf3018505a2696ea924,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + StringBuilder newStr = new StringBuilder(lenA+lenB); + int i; + String remaining; + for (i = 0; ilenB) + { + remaining = a.substring(i); + } + else if (lenB>lenA) + { + remaining = b.substring(i); + } + else // lenB==lenA + { + remaining = """"; + } + newStr.append(remaining); + return newStr.toString(); +} +" +1a9337177c8dcb236148860da436e69eaa15b3db,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for ( int i = 0; i < max; i++){ + if (i <= aLen-1) + word += a.substring(i, i+1); + if (i <= bLen-1) + word += b.substring(i, i+1); + } + return word; +} +" +13135e98aba885ca7d753e2c2da0043ab8d4895b,"public String mixString(String a, String b) +{ + String mix = """"; + + if(int i=0; i b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + answer += String(a.charAt(i)); + answer += String(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length()) + { + answer += String(a.charAt(i)); + answer += String(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + +} +" +7a776c4e9d86e1307e639319d18e5608046f8ca4,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + if (a.length() == b.length()) + { + word = word + charAt('k') + charAt('j'); + k++; + j++; + } + return word; +} +" +71b4b1320a1f7750cad7ead762da9a00ed27cbdd,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + if (a.length() == b.length()) + { + word = word + charAt(k) + charAt(k); + k++; + j++; + } + return word; +} +" +c2ebfbafbbf569eeb0d546c49b80ce9453e28613,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + answer += (String)a.charAt(i); + answer += (String)b.charAt(i); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length()) + { + answer += (String)a.charAt(i); + answer += (String)b.charAt(i); + } + else + { + answer += b.substring(i); + } + } + } + + +} +" +1c3b873eeee5343f7b07d8899463796b916530ec,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + +} +" +9c7fb6ea861dded1033ce0c797704a6d3536546a,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +9e589251c84c3ce31157be3545c1fb808c100097,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + j++; + } + return word; +} +" +52b6bf57c5f92ac50a6656e8e2d3af10abc8c6cd,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length() - 1; i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length() - 1) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +76a0054990f22d9ba0e464e0ccd528d00f54ae64,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length() - 1) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length() - 1) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +22a02c4f7e684d6a3631406f8b8e62d90facfd71,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + if (a.length() == b.length()) + { + word = word + ""a.charAt(k)"" + ""b.charAt(k)""; + k++; + j++; + } + return word; +} +" +b094fca031fd91ce2cd4ba41bb9f7bab0258c128,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + + } + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +ab8ad69a460deb57cb6e4df2e1058f3d3cd81fe1,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + return word; +} +" +61650ac5c260a6d3fc06bb5ca783eceb25176b10,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + while (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + return word; +} +" +4abbf062c63dcc6a91d276321853480cfd3d1895,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +13379c0e96f0b2a8f71a0be5d0d7a5d9b34e63de,"public String mixString(String a, String b) +{ + String mixString = """"; + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i++) + { + mixString = mixString + a.charAt(i); + mixString = mixString + b.charAt(i); + } + String end = a.substring(lengthB); + mixString = mixString + end; + } + else if (lengthB > lengthA) + { + for (int i = 0; i < lengthA; i++) + { + mixString = mixString + a.charAt(i); + mixString = mixString + b.charAt(i); + } + String end = b.substring(lengthA); + mixString = mixString + end; + } + else + { + for (int i = 0; i < lengthA; i++) + { + mixString = mixString + a.charAt(i); + mixString = mixString + b.charAt(i); + } + } + return mixString; + +} +" +4476c35418da5f4e5bbc4233358897c941209802,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + } + + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +97b71e28db62e460441a6aad8f92943e7ba7097c,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i + 1); + } + } + } + + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i + 1); + } + } + } + + return answer; + + +} +" +66706b5216e5c2c10fbdee7ad71b68528a99fa7a,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + for (int i = 0; i < b.length(); i ++) + { + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + } + return word; +} +" +6921958311d1d86d3c8c6e0eb908f6943ee24c50,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + } + + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +fcf559a347de19cb9d340269b94c80534e47ea96,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + for (int f = 0; f < b.length(); f ++) + { + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + } + return word; +} +" +f8896d440fcdde861fd6c1409d2eacb9e3400495,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length() - 1) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + } + + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length() - 1) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +fc81338195f0d1a4ce334c9479e559ae040d0791,"public String mixString(String a, String b) +{ + int k = a.length()-a.length(); + int j = b.length()-b.length(); + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +136bfba09d9665eed0eab56082d883ed9be85497,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + } + } + } + + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + } + } + } + + return answer; + + +} +" +e21ee5039f675fdd9faaed5f8b229334d0c97c3a,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +573eaad3a42c2d388120b7f18f9520e3da1ed182,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() > b.length() || b.length() > a.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +591df2557016331d6bb2f41b86bf6ef0e8073bb4,"public String mixString(String a, String b) +{ + String answer = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += a.substring(i); + break; + } + } + } + + else + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + answer += String.valueOf(a.charAt(i)); + answer += String.valueOf(b.charAt(i)); + } + else + { + answer += b.substring(i); + break; + } + } + } + + return answer; + + +} +" +73c02c985a187d47f16d1ef0a78fa9647935d873,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() > b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +66dbd1590bcae6f2788f5bfe41c638bdd70544ae,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() == b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +d5a43d3b08080ad67c7e87eb7cad371a117c2cdf,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if *(a.length() >= b.length() || a.length() <= b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +51ae1e6a416d1866d5ff6452a098ffce55671553,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if *(a.length() >= b.length()) || (a.length() <= b.length())) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +00a43a87cad51d89020bd6958dfa7af283e97102,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() >= b.length()) || (a.length() <= b.length())) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +2249249bcdc37dc80ef526dbcab18cd5120bf298,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i= b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +8b6fdbea6897f6313a257de46ac94501a5fb010b,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() >= b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +b30da7f578140e420cf7ebbdaf7e3cf65d13034c,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + for (int i = 0; i < a.length(); i ++) + { + if (a.length() <= b.length()) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +84819f2a32f852458e36123475627139762b5e56,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i= i) + c = c + a.charAt(i); + if (b.length() >= i) + c = c + b.charAt(i); + } + + return c; +} +" +55aa7e04451143bcff7db5f4e4fb717e8ee6e065,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 1; i= i) + c = c + a.charAt(i); + if (b.length() >= i) + c = c + b.charAt(i); + } + + return c; +} +" +c395d38921e669cf4bf67876d32a2c1a0a324a76,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i+1= i) + c = c + a.charAt(i); + if (b.length() >= i) + c = c + b.charAt(i); + } + + return c; +} +" +a49bc4d9983c61cf6c95c6e67975f05ca5ae0a8a,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i+1<=big; i++) + { + if (a.length() >= i) + c = c + a.charAt(i); + if (b.length() >= i) + c = c + b.charAt(i); + } + + return c; +} +" +db7f8d4c0c8166564faf1d5fab5424b43fdb603d,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i= i-1) + c = c + a.charAt(i); + if (b.length() >= i-1) + c = c + b.charAt(i); + } + + return c; +} +" +ac2fb288e7506807bb654ace7a0cc2acaf2c1382,"public String mixString(String a, String b) +{ + int n = 0; + String str = """"; + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder s = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n-1; i++ ) + { + s.append(a.charAt(i)); + s.append(b.charAt(i)); + + } + return s; +} +" +381916f7f97a9d34733d61d201a32f118b868efc,"public String mixString(String a, String b) +{ + String c = """"; + int big = 0; + + if (a.length() > b.length()) + big = a.length(); + else + big = b.length(); + + for (int i = 0; i i) + c = c + a.charAt(i); + + if (b.length() > i) + c = c + b.charAt(i); + } + + return c; +} +" +5e2afd42b6d7974b706f7c4b7185003fd30db447,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder b = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n-1; i++ ) + { + b.append(a.charAt(i)); + b.append(b.charAt(i)); + + } + return b; +} +" +60fea1982a25886d2f42e971f8a2096c0a06a4e5,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder b = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n-1; i++ ) + { + b.append(a.charAt(i)); + b.append(b.charAt(i)); + + } + return String newString = b.toString(); +} +" +e283e82a0c7c8e02336729f15ff929c6f7b1f145,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder b = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n-1; i++ ) + { + b.append(a.charAt(i)); + b.append(b.charAt(i)); + + } + return (String newString = b.toString()); +} +" +e5bf4818c4291087c404ddefb35a32c2963316d3,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder b = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n-1; i++ ) + { + b.append(a.charAt(i)); + b.append(b.charAt(i)); + + } + String newString = b.toString(); + return newString; +} +" +899e99c5aa4238a5fab36b85a196b94099cf158a,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n-1; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + String newString = c.toString(); + return newString; +} +" +ec76901c2958844ba64fd4b05b0d97075b95ecc9,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = a.length(); + } + else + { + n = b.length(); + } + + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + String newString = c.toString(); + return newString; +} +" +3b182c09da47090c6368fb7c3a056a02b3f90f28,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = b.length(); + } + else + { + n = a.length(); + } + + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + String newString = c.toString(); + return newString; +} +" +7f8f6672ae2478ea243b827a26f6fb7ddabe4c5e,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = b.length(); + String leftOver = b.substring(a.length(), b.length()); + } + else + { + n = a.length(); + String leftOver = a.substring(b.length(), a.length()); + } + int delta = Math.abs(a.length()-b.length(); + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < delta; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + c.append(leftOver); + String newString = c.toString(); + return newString; +} +" +34c1cc3771f9458f8c3f1f7ea7218c331e08ef15,"public String mixString(String a, String b) +{ + int n = 0; + + if ( a.length() > b.length()) + { + n = b.length(); + String leftOver = b.substring(a.length(), b.length()); + } + else + { + n = a.length(); + String leftOver = a.substring(b.length(), a.length()); + } + int delta = Math.abs(a.length()-b.length()); + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < delta; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + c.append(leftOver); + String newString = c.toString(); + return newString; +} +" +06a8abc728f0ddf9137db592fc8f8d1a4fa51f8f,"public String mixString(String a, String b) +{ + int n = 0; + String leftOver = """"; + + if ( a.length() > b.length()) + { + n = b.length(); + leftOver = b.substring(a.length(), b.length()); + } + else + { + n = a.length(); + leftOver = a.substring(b.length(), a.length()); + } + int delta = Math.abs(a.length()-b.length()); + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < delta; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + c.append(leftOver); + String newString = c.toString(); + return newString; +} +" +9df92597509dbb2e7d88f1d99eceb2fb310053a2,"public String mixString(String a, String b) +{ + int n = 0; + String leftOver = """"; + + if ( a.length() > b.length()) + { + n = b.length(); + leftOver = b.substring(a.length(), b.length()); + } + else + { + n = a.length(); + leftOver = a.substring(b.length(), a.length()); + } + + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i n; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + //c.append(leftOver); + newString = b.toString(); + return newString; +} +" +088f46cc16b161f9351d4c9e7782be87b0057ca7,"public String mixString(String a, String b) +{ + int n = 0; + String leftOver = """"; + + if ( a.length() > b.length()) + { + n = b.length(); + leftOver = b.substring(a.length(), b.length()); + } + else + { + n = a.length(); + leftOver = a.substring(b.length(), a.length()); + } + + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + for ( int i = 0; i < n; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + //c.append(leftOver); + newString = b.toString(); + return newString; +} +" +f344df60bf9c927fa4b16288de4bfcbfd5942dba,"public String mixString(String a, String b) +{ + int n = 0; + String leftOver = """"; + + if ( a.length() > b.length()) + { + n = b.length(); + leftOver = b.substring(a.length(), b.length()); + } + else + { + n = a.length(); + leftOver = a.substring(b.length(), a.length()); + } + + + + StringBuilder c = new StringBuilder(a.length() + b.length()); + + for ( int i = 0; i < n; i++ ) + { + c.append(a.charAt(i)); + c.append(b.charAt(i)); + + } + //c.append(leftOver); + String newString = b.toString(); + return newString; +} +" +a6aeac724ab85dd1ae06042ac8694c802488db39,"public String mixString(String a, String b) +{ + String str = """"; + if ( a.length() > b.length()) + { + n = b.length(); + str = a.substring(b.length(), a.length()); + } + else + { + n = a.length(); + str = b.substring(a.length(), b.length()); + } + + + + StringBuilder s = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n; i++ ) + { + s.append(a.charAt(i)); + s.append(b.charAt(i)); + + } + String newString = s.toString(); + + return newString + str; +} +" +421916b177061134999c4a39721ab2e302784e13,"public String mixString(String a, String b) +{ + String str = """"; + int n = 0; + if ( a.length() > b.length()) + { + n = b.length(); + str = a.substring(b.length(), a.length()); + } + else + { + n = a.length(); + str = b.substring(a.length(), b.length()); + } + + + + StringBuilder s = new StringBuilder(a.length() + b.length()); + + + for ( int i = 0; i < n; i++ ) + { + s.append(a.charAt(i)); + s.append(b.charAt(i)); + + } + String newString = s.toString(); + + return newString + str; +} +" +28e7b78cdc1e05f8db52bd95c6d1f1638943af74,"public String mixString(String a, String b) +{ + String str = """"; + int x = 0; + + if (a.length() >= b.length()) + { + x = a.length(); + } + else + x = b.length(); + + for (int i = 0; i < len; i++) + { + + if (i < a.length()) + { + str += a.charAt(i); + } + + else if (i < b.length()) + { + str += b.charAt(i); + } + + } + return str; + +} +" +ce3878951734cacee045297e813f2a4d1ece74a9,"public String mixString(String a, String b) +{ + String str = """"; + int x = 0; + + if (a.length() >= b.length()) + { + x = a.length(); + } + else + x = b.length(); + + for (int i = 0; i < x; i++) + { + + if (i < a.length()) + { + str += a.charAt(i); + } + + else if (i < b.length()) + { + str += b.charAt(i); + } + + } + return str; + +} +" +7a9fb28107b0059af566d3f5406f82fef2aa6215,"public String mixString(String a, String b) +{ + String str =""""; + int i; + for(i=0;i b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k); + k++; + j++; + } + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + word = word + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +18f83dab4d334ef7a07d12240543af3e51c7447b,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + return word; + } + return word; +} +" +2b566090bcad763f2094af24db943c1714d287df,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + return word; + if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k); + k++; + j++; + } + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + word = word + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +66be20affd7d86c1125e49830e27f12be3f3756f,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + return word; + if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k); + k++; + j++; + } + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + word = word + b.charAt(j); + k++; + j++; + } + } + return word; + } +} +" +7c870ebaa1df96eaeadecee156f8bd83e1cb623d,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + return word; + } +} +" +692a22330ca19815308902c3e137b1fa4664d0a1,"public String mixString(String a, String b) +{ + int k = 0; + int j = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(j); + k++; + j++; + } + } + return word; +} +" +34a404423606b3a25b43ba5b24fdc4bd3e52f00f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i, i+1); + if (i <= bLen-1) + word += b.substring(i, i+1); + + } + return word; +} +" +5873e16d2cbaf5d2a7dfe391018378bbcd0d36a0,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k); + word = word + + b.charAt(k); + k++; + j++; + } + } + return word; +} +" +a465c6d707a2f2b7c83c960032abe313be8bd766,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k); + word = word + + b.charAt(k); + k++; + } + } + return word; +} +" +9bcd7fba98c596f4c1ae1872f6a6a7afec947abb,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + +} +" +035ce09343c9020e437dc42efbbfdc8708f1cab6,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + return word; +} +" +0e05723907017fd399424bea782ebe11490142ee,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + return word; +} +" +2e02811afeef4c68c8144d59f7a821f20163157c,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k) + b.substring(i); + k++; + } + + } + return word; +} +" +4b8784374a580d665d77c06a346d1524c7072670,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + return word; +} +" +8276966e617ee9b4da3f9cea609997d59919eebd,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + word = word + a.charAt(k) + b.charAt(k); + k++; + else + { + word = word + b.substing(i); + break; + } + } + + } + return word; +} +" +fbe3c5c56061ace9554e127de6407ac621dcb05c,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + else + { + word = word + a.charAt(k) + b.charAt(k) + b.substing(i); + break; + } + } + + } + return word; +} +" +51c7a9885ce9413d68438ae0e0b3322825472cac,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + else + { + word = word + a.charAt(k) + b.charAt(k) + b.subsrting(i); + break; + } + } + + } + return word; +} +" +2bd19a565940cdd49eacbeb04aa776b0f65a4543,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + else + { + word = word + a.charAt(k) + b.charAt(k) + b.substring(i); + break; + } + } + + } + return word; +} +" +bb818e0331453c79a8e0971888aeb47aa8fffcc2,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.equals("""") || b.equals("""")) + { + return """"; + } + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + return word; +} +" +5bd3a7c5a16834de5d862cef80d5f3e5d20f2295,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.equals("""") || !b.equals("""")) + { + return b; + } + if(!a.equals("""") || !b.equals("""")) + { + return a; + } + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + return word; +} +" +fcd5eaabb34c7e9625fef58ed83ad663750fe4eb,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + if(a.equals("""") || !b.equals("""")) + { + return b; + } + if(!a.equals("""") || !b.equals("""")) + { + return a; + } + return word; +} +" +de8e58c207187e5b14bbdc0b3f22d72e7e714be8,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + k++; + } + } + + } + return word; +} +" +dc718407af2d2f4987775ab3b8ba1bdb720e68d0,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + return word; +} +" +22745473e443d986222cd993bd70b1bc9fa47aeb,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k) + a.substring(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + return word; +} +" +1f4bef4ee6e7ac334951ce3e584243f31ae22a1f,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k) + b.substring(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + return word; +} +" +d295d70c59191d1bab0052b31b95dda0b5d0e60b,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + } + + } + return word; +} +" +87fbe765e74a4c061824618a02be44eb37e8a29d,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + else + { + word = word + a.substring(i); + } + } + + } + return word; +} +" +7f86d419adaa69dce094f28f0a87fd30defb53e2,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + else + { + word = word + a.substring(i); + break; + } + } + + } + return word; +} +" +55ab0e9fbd614dd8fad4993dd5cdd20ed69a115c,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i ++) + { + if ( i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + + } + return word; +} +" +8923e0b14150e6d32c50105a42764f47dc1031f2,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if ( i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + + } + return word; +} +" +975f863dd20a8c2bc4511287833a0e4270f6f581,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if ( i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + word = word + b.charAt(i); + } + + } + return word; +} +" +0091b13a5e3c6b52ec04601f8ca04737637dc4ea,"public String mixString(String a, String b) +{ + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if ( i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + + } + return word; +} +" +38ce378aa34d48ab44bf58ae33cb0fea5bfa4d88,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if ( i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + + } + return word; +} +" +af46e0b19de899f71552dcb3eb0109a13d667388,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + word = word + a.charAt(i) + b.charAt(i) + b.substring(b.length()-a.length()); + } + + } + return word; +} +" +ce92091e756d1f23d830edf2da735bff4207220f,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + word = word + a.charAt(i) + b.charAt(i); + } + + } + return word; +} +" +e0fa59023b9577e285700605ebe1e24525193170,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + + } + return word; +} +" +4d007933a7730839e3caabe94265bad17fdfd86c,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i) + b.substring(b.length()-a.length)+()); + } + } + + } + return word; +} +" +5785da340f7c9139af9fa69dbe8ec2bf28ae91b5,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i) + b.substring(b.length()-a.length()); + } + } + + } + return word; +} +" +f4d21663218f5d5d78f7647d190b5e08b4c22f0a,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + word = word + b.substring(b.length()-a.length()); + + } + return word; +} +" +0de8c26c2a987e8a4867e5877464be4995781ab3,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + + + } + return word; +} +" +c08428f48b35f9c907d97b0ec2d83a0544aa1ffc,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + word = word + b.substring(b.length()-a.length()); + + } + return word; +} +" +f07e62a508fe67bbace0a661f8e5ceeae7872ca2,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + word = word + b.substring(b.length()-a.length()); + + } + return word; +} +" +c3c1fc937e636d84f66d75bdac749b0274965ca3,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + + word = word + a.charAt(i) + b.charAt(i); + + } + word = word + b.substring(b.length()-a.length()); + + } + return word; +} +" +3f39381adabd3277f9b005ea9746d15a75f4d26a,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + + word = word + a.charAt(i) + b.charAt(i); + + } + return word; + word = word + b.substring(b.length()-a.length()); + + } + return word; +} +" +abec2801d0ffcb1d5e83ee23054d9f96d94810f9,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(k) + b.charAt(k); + k++; + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + + word = word + a.charAt(i) + b.charAt(i); + + } + word = word + b.substring(b.length()-a.length()); + return word; + + } + return word; +} +" +9918224d59e39e378d33d809af7fe06c7baf2571,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + return word; + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + + word = word + a.charAt(i) + b.charAt(i); + + } + word = word + b.substring(b.length()-a.length()); + } + return word; +} +" +7075bcc4ca289133b6dd3e83c8c94887af273a94,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + + word = word + a.charAt(i) + b.charAt(i); + + } + word = word + b.substring(b.length()-a.length()); + } + return word; +} +" +8a5918bf471a49216c495de8f3c5feef7f439530,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length) + { + word = word + a.charAt(i) + b.charAt(i) + b.substring(i); + } + + } + } + return word; +} +" +c6f8f7eeaf4851c07572723cba2d54fd01035e28,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i) + b.substring(i); + } + + } + } + return word; +} +" +9def45ee124dfd6247a664728b0e9fda7ce6fd05,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + + } + } + return word; +} +" +b4cdc0e901960bb6ec47f85f16da218815f00a87,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + } + + } + } + return word; +} +" +167dd9c62dfe02a051e4ebc44530e3451746dcb3,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + + } + } + return word; +} +" +3b5578d638b33871e995f2c5977ea12285e56d5e,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + + } + else if(a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + + } + } + return word; +} +" +e3c1739be379bb310a80aa61ea6d9990865842cf,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + + } + else + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + + } + } + return word; +} +" +d094b4f5ac59af0f5c1ab9fdb0a21846df442df7,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if(a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + + } + } + return word; +} +" +23d64447e70b4256ca5d4f54c2ed74208909cf1b,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +0f593bda838ddeff846835cca59c7967a4343f8a,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +2d01b4974bec19d338df404cee0a9ea014e828f4,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.charAt(i) + b.charAt(i) + a.substring(i); + break; + } + } + } + return word; +} +" +13c2a243af21d33e6af9a9c8e788363f24294755,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + return word; +} +" +708d1abe5cd9831f2e802fd587bc42c5e5faf3cf,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +f95410a0e00b64db2a53073c4812103942ffcd87,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +5e8521f72cfa54d8c105605605e10a9b0d55b7a1,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + //rewrite !!!! +" +8f42eab677ee09c842fc6ef0283256bda08a26b2,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + //rewrite !!!! +}" +631034619d556ace7610ad4dba2ad8f0ca52029a,"public String mixString(String a, String b) +{ + String strA = a; + String strB = b; + int lengthA = strA.length(); + int lengthB = strB.length(); + String newString = """"; + int i = 0; + while (i < lengthA && i < lengthB) + { + newString += strA.substring(i, i + 1); + newString += strB.substring(i, i + 1); + } + if (lengthA > lengthB) + { + newString += strA.substring(lengthA-lengthB); + } + else + { + newString += strA.substring(lengthB-lengthA); + } + return newString; +} +" +c17f279482a939799f6167bab4c383873a0a15ad,"public String mixString(String a, String b) +{ + String strA = a; + String strB = b; + int lengthA = strA.length(); + int lengthB = strB.length(); + String newString = """"; + int i = 0; + while (i < lengthA && i < lengthB) + { + newString += strA.substring(i, i + 1); + newString += strB.substring(i, i + 1); + i += 1; + } + if (lengthA > lengthB) + { + newString += strA.substring(lengthA-lengthB); + } + else + { + newString += strA.substring(lengthB-lengthA); + } + return newString; +} +" +225b1ecf3d864711be9d186eeb73a1173469de53,"public String mixString(String a, String b) +{ + String strA = a; + String strB = b; + int lengthA = strA.length(); + int lengthB = strB.length(); + String newString = """"; + int i = 0; + while (i < lengthA && i < lengthB) + { + newString += strA.substring(i, i + 1); + newString += strB.substring(i, i + 1); + i += 1; + } + if (lengthA > lengthB) + { + newString += strA.substring(lengthA-lengthB); + } + else if (lengthB > lengthA) + { + newString += strB.substring(lengthB-lengthA); + } + return newString; +} +" +b1b5586d7099e11e10bae3704f6467b298d57fef,"public String mixString(String a, String b) +{ + String strA = a; + String strB = b; + int lengthA = strA.length(); + int lengthB = strB.length(); + String newString = """"; + int i = 0; + while (i < lengthA && i < lengthB) + { + newString += strA.substring(i, i + 1); + newString += strB.substring(i, i + 1); + i += 1; + } + if (lengthA > lengthB) + { + newString += strA.substring(lengthA-(lengthA-lengthB)); + } + else if (lengthB > lengthA) + { + newString += strB.substring(lengthB-(lengthB-lengthA)); + } + return newString; +} +" +7fb95fcbb1966f0aef34564b76b604e96949f409,"public String mixString(String a, String b) +{ + String newString; + if (a >= b) + { + for (int x = 0; x < b.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int x = 0; x < a.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString +} +" +c54de81bf4f130982fae4d542ad5f752d5a0af33,"public String mixString(String a, String b) +{ + String newString; + if (a >= b) + { + for (int x = 0; x < b.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int x = 0; x < a.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString; +} +" +37cc007bcf15f274f943140fda9ee4b8487b9c3a,"public String mixString(String a, String b) +{ + String newString; + if (a > b || a == b) + { + for (int x = 0; x < b.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int x = 0; x < a.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString; +} +" +a38c8cf6309137f42e9c8e7f8fbf3d162dcd71d3,"public String mixString(String a, String b) +{ + String newString; + if (a.length() >= b.length()) + { + for (int x = 0; x < b.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int x = 0; x < a.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString; +} +" +2e8b180bfd93004636a5d2a40754024c43c20bc5,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() >= b.length()) + { + for (int x = 0; x < b.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int x = 0; x < a.length(); x++) + { + newString = newString + a.charAt(x) + b.charAt(x); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString; +} +" +ebbc5547bfa520e98229c1244ff2b33793ebdefe,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(int i = 0; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(int i = 0; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(int i = 0; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +7f8c498f4110b97cd4c83da618978395942f05c6,"public String mixString(String a, String b) +{ + lengthA = a.length(); + lengthB = b.length(); + String mixed = """"; + for ( int i = 0; i < length, i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(i, lengthA); + } + else + { + mixed = mixed + b.substring(i, lengthB); + } + return mixed; +} +" +8b2bbde9e1536cf44f7edb6b4271be475a26f1b6,"public String mixString(String a, String b) +{ + lengthA = a.length(); + lengthB = b.length(); + String mixed = """"; + for ( int i = 0; i < length; i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(i, lengthA); + } + else + { + mixed = mixed + b.substring(i, lengthB); + } + return mixed; +} +" +07c48b70ca5aeb0fff218b8e376259365851e87c,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String mixed = """"; + for ( int i = 0; i < length; i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(i, lengthA); + } + else + { + mixed = mixed + b.substring(i, lengthB); + } + return mixed; +} +" +57a023e77bc273da5de19dff22a725f9b2030e54,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + if ( lengthA > lengthB) + { + int length = lengthA; + } + else + { + int length = lengthB; + } + + String mixed = """"; + for ( int i = 0; i < length; i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(i, lengthA); + } + else + { + mixed = mixed + b.substring(i, lengthB); + } + return mixed; +} +" +ae333286be08f507b03b0459441e4bcd9af8d88c,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int length = 0; + if ( lengthA > lengthB) + { + int length = lengthA; + } + else + { + int length = lengthB; + } + + String mixed = """"; + for ( int i = 0; i < length; i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(i, lengthA); + } + else + { + mixed = mixed + b.substring(i, lengthB); + } + return mixed; +} +" +b7c2bf9a0e1847d1e290efdd7de40faf6fe39c46,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int length = 0; + if ( lengthA > lengthB) + { + length = lengthA; + } + else + { + length = lengthB; + } + + String mixed = """"; + for ( int i = 0; i < length; i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(i, lengthA); + } + else + { + mixed = mixed + b.substring(i, lengthB); + } + return mixed; +} +" +fe42230f67577ef21b261ff6c173c3904611888a,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int length = 0; + if ( lengthA > lengthB) + { + length = lengthA; + } + else + { + length = lengthB; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < length; i++) + { + mixed = mixed + a.substring(i, i + 1) + + b.substring(i, i + 1); + j = i; + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j, lengthA); + } + else + { + mixed = mixed + b.substring(j, lengthB); + } + return mixed; +} +" +f0e92b7874b66c5b6e928af1d60232fa7c410d4e,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.substring(i); + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.charAt(i) + b.charAt(i); + break; + } + } + } + return word; +} +" +692db79f99c0ca14d87e24a4e9e662e25d0fc449,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.substring(i); + } + else + { + word = word + a.charAt(i) + b.charAt(i); + break; + } + } + } + return word; +} +" +384d6307ea06124b7dde6d69e5a17245890b427c,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + word = word + a.substring(i); + } + else + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +577a91d073ad63d27719815c6807fd5683f86ff1,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i > b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +4110365ed6a1a54e545000855e16cccc29dcd310,"public String mixString(String a, String b) +{ + int k = 0; + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +a3f0a9aaae28ca87b6d7b2096904db3b4a855302,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); +return stbuild.toString(); +} +" +24b36e494eae1e4aa4d86f9d3ffd4068b7d3bd52,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int i = 0; i < a.length(); i++) + { + for (int i = 0; i < b.length(); i++) + { + aBString = aBString + a.substring(i - 1, i) + b.substring(i - 1, i); + } + } + return aBString; +} +" +50115599a3d88dcd5b9a2b7db314fbdb91fb5fcf,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + aBString = aBString + a.substring(i - 1, i) + b.substring(i - 1, i); + } + } + return aBString; +} +" +d0c8634fbdde61636a642761c78462b3f3f1b804,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + aBString = aBString + a.substring(x - 1, x) + b.substring(y - 1, y); + } + } + return aBString; +} +" +2e408da36e4ea07b9aa16da4031bab2d7b1cb8a0,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + aBString = aBString + a.substring(x, x + 1) + b.substring(y, y + 1); + } + } + return aBString; +} +" +b343967baf344811f5e06bb7b539a4825e4b52a8,"public String mixString(String a, String b) +{ + String final = """"; + for (int i = 0; i < a.length(); i++) + { + final = a.charAt(i) + a.charAt(i); + } + return final; +} +" +71290562ee7ffc52e7fef31ee304366b0f81450e,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + aBString = a.substring(x, x + 1) + b.substring(y, y + 1); + } + } + return aBString; +} +" +4413dd9a40ab7aba62ed0a9cf3765a2d8e7fcdd1,"public String mixString(String a, String b) +{ + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = a.charAt(i) + a.charAt(i); + } + return finalString; +} +" +f9d18fbbad1c6579ccd3494b32948bb2b3e07144,"public String mixString(String a, String b) +{ + int z = a.length(); + int w = b.length(); + + int q; + + String result = """"; + + if (z > w) + { + q = w; + } + else + { + q = z; + } + + for (int y = 0 ; y < q; y++) + { + result +=a.charAt(y); + result +=b.charAt(y); + } + + if (q == w) + { + result +=a.substring(q); + } + +} +" +a2e4a617299e57d238591275a751815bab012665,"public String mixString(String a, String b) +{ + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = a.substring(i, i+1) + b.subString(i, i+1); + } + return finalString; +} +" +f972a7b4b1833c9a5cd2b66a7f9e7a38f4912054,"public String mixString(String a, String b) +{ + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; +} +" +106ad48c5e6cf1fb433452b1933b6e264f71bb33,"public String mixString(String a, String b) +{ + int z = a.length(); + int w = b.length(); + + int q; + + String result = """"; + + if (z > w) + { + q = w; + } + else + { + q = z; + } + + for (int y = 0 ; y < q; y++) + { + result +=a.charAt(y); + result +=b.charAt(y); + } + + if (q == w) + { + result +=a.substring(q); + } + else + { + result +=b.substring(q); + } + + return result; + +} +" +650d8b1ffc89f65e9b1fdf95ff7a14cff49ff68c,"public String mixString(String a, String b) +{ + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; +} +" +0a588f1454d3c3d83fc355290c53810fa50b9867,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length() - 1; x++) + { + for (int y = 0; y < b.length() - 1; y++) + { + aBString = a.substring(x, x + 1) + b.substring(y, y + 1); + } + } + return aBString; +} +" +58cbe1c7fdf61ed735601541b194af49e4ba3a31,"public String mixString(String a, String b) +{ + if (a.length() == b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; + } + else if (a.length() < b.length()) + { + String finalString = """"; + } +}" +dd46506deccdb74e18d490de95f4e35ddcaf55a2,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length() - 1; x++) + { + for (int y = 0; y < b.length() - 1; y++) + { + aBString = a.substring(x, x + 1) + b.substring(y, y + 1); + } + } + return aBString; +} +" +416b60432fb630918e23222c9a258c42d955e1a1,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + aBString = a.substring(x, x + 1) + b.substring(y, y + 1); + } + } + return aBString; +} +" +8a280670d0c765cbc1ab151bffac2e2ab2d4c88a,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + aPart = a.substring(x, x + 1); + bPart = b.substring(y, y + 1); + aBString = aBString + aPart + bPart; + } + } + return aBString; +} +" +3fbf514d482ae82ace07c4fe4bf3915ada54c38b,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + String aPart = a.substring(x, x + 1); + String bPart = b.substring(y, y + 1); + aBString = aBString + aPart + bPart; + } + } + return aBString; +} +" +e09f1a50f311f3e3f8cb1b00b8269be6c2044f05,"public String mixString(String a, String b) +{ + if (a.length() == b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; + } + else if (a.length() < b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(b.length() - a.length()); + return finalString + remainingB; + } + else + { + String + } +}" +fa48d843ca64d41863e922deefc0a445fc9457d8,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + int counter = 0; + while (counter < aLength) + { + while (counter < bLength) + { + String aPart = a.substring(counter, counter + 1); + String bPart = b.substring(counter, counter + 1); + aBString = aBString + aPart + bPart; + counter = counter + 1; + } + } + return aBString; +} +" +b5f58f0e85fd202b881cf3a5aaa879b3cbd55adb,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + for (int y = 0; y < b.length(); y++) + { + String aPart = a.substring(x, x + 1); + String bPart = b.substring(y, y + 1); + aBString = aBString + aPart + bPart; + } + } + return aBString; +} +" +8e23d2cb1dfda771d7c66a97b787ecc4f057997d,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < a.length(); x++) + { + String aPart = a.substring(x, x + 1); + for (int y = 0; y < b.length(); y++) + { + String bPart = b.substring(y, y + 1); + aBString = aBString + aPart + bPart; + } + } + return aBString; +} +" +c1d68a5d6a21d0ea51dd4c758d87db11ff1429ad,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < aLength; x++) + { + String aPart = a.substring(x, x + 1); + for (int y = 0; y < bLength; y++) + { + String bPart = b.substring(y, y + 1); + aBString = aBString + aPart + bPart; + } + } + return aBString; +} +" +d814a3cd6819c9c36dfb6924a1e3682d28a9e8cd,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + for (int x = 0; x < aLength; x++) + { + String aPart = a.substring(x, x + 1); + for (int y = 0; y < bLength; y++) + { + String bPart = b.substring(y, y + 1); + aBString = aBString + aPart + bPart; + } + } + return aBString; +} +" +0284e54795d78064a9b3068171207f37c7ff8814,"public String mixString(String a, String b) +{ + String c; + for (int i=0; i lengthb) + { + answer = answer + a.substring(i, lengtha) + } + else if (lengthb > lengtha) + { + anwer = answer = b.substring(i, lengthb) + } + return answer; +} +" +b81c4ac307a0780e7c1a167265c8d8b356f40bc4,"public String mixString(String a, String b) +{ + String answer = new String(); + int lengtha = a.length(); + int lengthb = b.length(); + int i = 0; + for (; i < lengtha && i < lengthb; i++) + { + answer = answer + a.charAt(i) + b.charAt(i); + } + if (lengtha > lengthb) + { + answer = answer + a.substring(i, lengtha); + } + else if (lengthb > lengtha) + { + anwer = answer = b.substring(i, lengthb); + } + return answer; +} +" +7813bcf3247cda4d101ac7aa7f049cdaf4e97467,"public String mixString(String a, String b) +{ + String answer = new String(); + int lengtha = a.length(); + int lengthb = b.length(); + int i = 0; + for (; i < lengtha && i < lengthb; i++) + { + answer = answer + a.charAt(i) + b.charAt(i); + } + if (lengtha > lengthb) + { + answer = answer + a.substring(i, lengtha); + } + else if (lengthb > lengtha) + { + answer = answer = b.substring(i, lengthb); + } + return answer; +} +" +2f1420cc7604f2cdab467cf66ea26a723437cb6d,"public String mixString(String a, String b) +{ + String answer = new String(); + int lengtha = a.length(); + int lengthb = b.length(); + int i = 0; + for (; i < lengtha && i < lengthb; i++) + { + answer = answer + a.charAt(i) + b.charAt(i); + } + if (lengtha > lengthb) + { + answer = answer + a.substring(i, lengtha); + } + else if (lengthb > lengtha) + { + answer = answer + b.substring(i, lengthb); + } + return answer; +} +" +48dbedf987b6851e24439edf6d7e72b9b1566d4a,"public String mixString(String a, String b) +{ + if (a.length() == b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; + } + else (a.length() < b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(b.length() - a.length()); + return finalString + remainingB; + } +}" +fe3ba4444f6db7977e3f55a34d077f32985110ec,"public String mixString(String a, String b) +{ + if (a.length() == b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; + } + else //(a.length() < b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(b.length() - a.length()); + return finalString + remainingB; + } +}" +a7b07b1fc89d88c5bbf78dcfd546d48eac9a18df,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + if (aLength == 0) + { + return b; + } + else if (bLength == 0) + { + return a; + } + else if (aLength < bLength) + { + for (int x = 0; x < aLength; x++) + { + String bSecondPart = b.substring(aLength, bLength); + aBString = aBString + a.substring(x, x + 1) + b.substring(x, x + 1); + } + return aBString + bSecondPart; + } + else if (bLength < aLength) + for (int y = 0; y < bLength; y++) + { + String aSecondPart = a.substring(bLength, aLength); + aBString = aBString + a.substring(y, y + 1) + b.substring(y, y + 1); + } + return aBString + aSecondPart; + if (bLength = aLength) + { + for (int y = 0; y < bLength; y++) + { + String bPart = b.substring(y, y + 1); + aBString = aBString + a.substring(y, y + 1) + bPart; + } + return aBString; + } +} +" +ec368352bec75700703d61fd7c51181f1bd00b49,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String aBString = """"; + if (aLength == 0) + { + return b; + } + else if (bLength == 0) + { + return a; + } + else if (aLength < bLength) + { + String bSecondPart = b.substring(aLength, bLength); + for (int x = 0; x < aLength; x++) + { + aBString = aBString + a.substring(x, x + 1) + b.substring(x, x + 1); + } + return aBString + bSecondPart; + } + else if (bLength < aLength) + { + String aSecondPart = a.substring(bLength, aLength); + for (int y = 0; y < bLength; y++) + { + aBString = aBString + a.substring(y, y + 1) + b.substring(y, y + 1); + } + return aBString + aSecondPart; + } + else + { + for (int y = 0; y < bLength; y++) + { + String bPart = b.substring(y, y + 1); + aBString = aBString + a.substring(y, y + 1) + bPart; + } + return aBString; + } +} +" +61539c22781ec62cb128720a945bebed82986fb6,"public String mixString(String a, String b) +{ + String c= new String(a.length()+b.length()); + + for (int i=0; i b + { + String finalString = """"; + for (int i = 0; i < b.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(b.length() - a.length()); + return finalString + remainingB; + } +}" +e76cc1aefe1a16e01dcfeb550af92dafdc91b5df,"public String mixString(String a, String b) +{ + StringBuilder c = new StringBuilder(a.length()+b.length()); + for (int i=0; i b + { + String finalString = """"; + for (int i = 0; i < b.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(a.length()); + return finalString + remainingB; + } +}" +cb3362c5de58650b8cc46c092a245944412efe3e,"public String mixString(String a, String b) +{ + String c + for (int i=0; i b + { + String finalString = """"; + for (int i = 0; i < b.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(a.length()); + return finalString + remainingB; + } +}" +5b5e0dd2ec73226407f611bf4f1ddb97c6eb8a1a,"public String mixString(String a, String b) +{ + if (a == """" || b == """") + { + if (a == """") + { + return b; + } + else + { + return a; + } + } + if (a.length() == b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + return finalString; + } + else if (a.length() < b.length()) + { + String finalString = """"; + for (int i = 0; i < a.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingB = b.substring(a.length()); + return finalString + remainingB; + } + else // a > b + { + String finalString = """"; + for (int i = 0; i < b.length(); i++) + { + finalString = finalString + a.substring(i, i+1) + b.substring(i, i+1); + } + String remainingA = a.substring(b.length()); + return finalString + remainingA; + } +}" +81c4f852e80ced5a750fde23f707f39cbe4561fc,"public String mixString(String a, String b) +{ + + String c = new String(a.length()+b.length()); + for (int i=0; i lenB) + { + subPart = a.substring(0, lenB); + } + else if (lenA < lenB) + { + subPart = b.substring(0, lenA); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +011e604721a00adfccfcc9a2816446b4e9e73ba3,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else if (lenA < lenB) + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +438a3cab9511b06f9366817177d398f3863f4240,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0 || lenB ==0) + return """"; + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else if (lenA < lenB) + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +9319e6eb279742102d53482ed489ceb11adc9152,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0 && lenB ==0) + return """"; + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else if (lenA < lenB) + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +a26771ec7e997d22a9b529e7b3d49a57a9174f2f,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else if (lenA < lenB) + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +c73b980d818181bcc594038bc075597d4a6c5c34,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +7d7db597196ee8420a11df69bd0e682bd7991fc7,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenB; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +751b2fc4946f2aec49a06b588491d86f5348f95b,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else + { + subPart = b.substring(lenA, lenB); + } + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +64add443dcbe9ecdfd4593f6f6c681061d4c95fc,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + + for (int i = 0; i < lenA; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + } + else + { + subPart = b.substring(lenA, lenB); + for (int i = 0; i < lenB; i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + } + + + + newString = newString + subPart; + + return newString; +} +" +8a585afabb4beeb1e028816d73cccae577d03e82,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else + { + subPart = b.substring(lenA, lenB); + } + + int maxLen = max(lenA, lenB); + + + for (int i = 0; i < maxLen - subPart.length(); i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +91b792f5d3291e7aa9d9c70f7fed8fc778581507,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + String subPart = """"; + String newString = """"; + if (lenA == 0) + return b; + else if (lenB == 0) + return a; + + + + if (lenA == lenB) + { + + } + else if (lenA > lenB) + { + subPart = a.substring(lenB, lenA); + } + else + { + subPart = b.substring(lenA, lenB); + } + + int maxLen = Math.max(lenA, lenB); + + + for (int i = 0; i < maxLen - subPart.length(); i++) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + + newString = newString + subPart; + + return newString; +} +" +310e72ef7b5b572e33d652f7227ba8e86d1c51ed,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +b97c74d8c2e0e8c48e9bc3305f74fccbae96b3ca,"public String mixString(String a, String b) +{ + + int aLen = a.length(); + int bLen = b.length(); + + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= aLen-1) + { + word += a.substring(i,i+1); + } + + if (i <= bLen-1) + { + word += b.substring(i,i+1); + } + } + + return word; +} +" +93df5acca52119210a6353a804859e6e900b99b2,"public String mixString(String a, String b) +{ + public String mixString(String a, String b) +{ + String res=""""; + int i; + for(i=0;i lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j, lengthA); + } + else + { + mixed = mixed + b.substring(j, lengthB); + } + return mixed; +} +" +aaa6490352418a028088f4c8be3ad4da169a8929,"public String mixString(String a, String b) +{ + String str = """"; + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + return str; +} +" +77221e50cf201a8f40e6999a2d3c8a78679e541d,"public String mixString(String a, String b) +{ + String str = """"; + int len; + if (a.length() < b.length()) + { + len = a.length(); + } + else + { + len = b.length(); + } + for (int i = 0; i < len; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + return str; +} +" +966b0b6673bd6c31aa35948e4563bffad1d233a4,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j, lengthA - 1); + } + else + { + mixed = mixed + b.substring(j, lengthB - 1); + } + return mixed; +} +" +bb4eb244f31b3bd3311180725bfa641dca97d625,"public String mixString(String a, String b) +{ + String str = """"; + int len; + if (a.length() < b.length()) + { + len = a.length(); + } + else + { + len = b.length(); + } + for (int i = 0; i < len; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + if (a.length() < b.length()) + { + str = str.substring(b.length()-a.length()); + } + else + { + str = str.substring(a.length()-b.length()); + } + return str; +} +" +d64f326f00b63d63331398cf5116c68fbc2c97fe,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j + 1, lengthA); + } + else + { + mixed = mixed + b.substring(j + 1, lengthB); + } + return mixed; +} +" +7aa8c4ffeced59f086a72106228f891ec9f27f07,"public String mixString(String a, String b) +{ + String newString=""""; + +} +" +208d023eb8a45ee2d3868958495fdbd5729e802e,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j, lengthA); + } + if ( lengthB > lengthA ) + { + mixed = mixed + b.substring(j, lengthB); + } + + return mixed; +} +" +95590594967d1fbf5a8e7ce35e71b0187a9797a6,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j + 1, lengthA); + } + if ( lengthB > lengthA ) + { + mixed = mixed + b.substring(j + 1, lengthB); + } + + return mixed; +} +" +8a082e520f02ede6db2a7937460f0b6d2625b262,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + int m = Math.max(al, bl); + String word = """"; + for (int i = 0; i < m; i++) + { + if(i <= al - 1) + { + word += a.substring(i, i+1)' + }if(i <= bl - 1) + { + word +=b.substring(i, i+1); + } + } + return word; + +} +" +1fc403dff6c55a7dc52552997e2b83460e980d40,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + int m = Math.max(al, bl); + String word = """"; + for (int i = 0; i < m; i++) + { + if(i <= al - 1) + { + word += a.substring(i, i+1); + }if(i <= bl - 1) + { + word +=b.substring(i, i+1); + } + } + return word; + +} +" +cb5dd09719b0b92fa537e3e580be7a0a63f93224,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA == 0 ) + { + mixed = mixed + b.charAt(0); + } + if ( lengthB == 0 ) + { + mixed = mixed + b.charAt(0) + } + + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j + 1, lengthA); + } + if ( lengthB > lengthA ) + { + mixed = mixed + b.substring(j + 1, lengthB); + } + + return mixed; +} +" +5f55952e071ec8bb02fdfa43760eb09d71b9b8ed,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA == 0 ) + { + mixed = mixed + b.charAt(0); + } + if ( lengthB == 0 ) + { + mixed = mixed + b.charAt(0); + } + + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j + 1, lengthA); + } + if ( lengthB > lengthA ) + { + mixed = mixed + b.substring(j + 1, lengthB); + } + + return mixed; +} +" +d0205ef5e851e1a47015e12444d5f687fcee9389,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA == 0 && lengthB != 0) + { + mixed = mixed + b.charAt(0); + } + if ( lengthB == 0 && lengthA != 0) + { + mixed = mixed + b.charAt(0); + } + + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j + 1, lengthA); + } + if ( lengthB > lengthA ) + { + mixed = mixed + b.substring(j + 1, lengthB); + } + + return mixed; +} +" +da724a484be56cabeb499c7a1b7af75821e4e55f,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int smallLength = 0; + if ( lengthA > lengthB) + { + smallLength = lengthB; + } + else + { + smallLength = lengthA; + } + int j = 0; + String mixed = """"; + for ( int i = 0; i < smallLength; i++) + { + mixed = mixed + a.charAt(i) + b.charAt(i); + j = i; + } + if ( lengthA == 0 && lengthB != 0) + { + mixed = mixed + b.charAt(0); + } + if ( lengthB == 0 && lengthA != 0) + { + mixed = mixed + a.charAt(0); + } + + if ( lengthA > lengthB ) + { + mixed = mixed + a.substring(j + 1, lengthA); + } + if ( lengthB > lengthA ) + { + mixed = mixed + b.substring(j + 1, lengthB); + } + + return mixed; +} +" +0d8fb2c41a4be03501bbbb7046d69dcf0918b1bf,"public String mixString(String a, String b) +{ + char[] ar; + String end; + int x = 0; + if (a.length() < b.length()) + { + ar = new char[2 * a.length()]; + end = b.substring(a.length()); + } + else + { + ar = new char[2 * b.length()]; + end = a.substring(b.length()); + } + for (int i = 0; i < ar.length / 2; i++) + { + ar[x] = a.charAt(i); + x++; + ar[x] = b.charAt(i); + x++; + } + return new String(ar) + end; +} +" +e0d054fa001c835824061babc50073a4fae1aee3,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= blength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != alength) + { + c += a.charAt(i); + i++; + } + + if (i != alength) + { + c += b.charAt(i); + i++; + } + + return c +} + " +612e4e1f3b24dc2f1bb34ebf8550de7c1d8f94c8,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= blength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != alength) + { + c += a.charAt(i); + i++; + } + + if (i != alength) + { + c += b.charAt(i); + i++; + } + + return c; +} + " +f4e1c77ed74d2417506d13e5b8aadb8410cb8a19,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= bLength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != alength) + { + c += a.charAt(i); + i++; + } + + if (i != alength) + { + c += b.charAt(i); + i++; + } + + return c; +} + " +8580543f509ffd19c0c450493a62c10a1301a8af,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= bLength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != aLength) + { + c += a.charAt(i); + i++; + } + + if (i != bLength) + { + c += b.charAt(i); + i++; + } + + return c; +} + " +bac5bcb315223bbfce4f5458137e3c48f1f96ea2,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= bLength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != aLength) + { + c += a.charAt(i); + i++; + } + + if (i != bLength) + { + c += b.charAt(i); + i++; + } + + return big; +} + " +7b24760732e797fb9af8a4c86854ad30c2f1a5a5,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= bLength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != aLength) + { + while (i < aLength) + { + c += a.charAt(i); + i++; + } + } + + else + { + while (i != bLength) + { + c += b.charAt(i); + i++; + } + } + + return c; +} + " +3a97627d4062e37354ca5d8d3a26bce5d3f2aa13,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= bLength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i); + i++; + } + + if (i != aLength) + { + while (i < aLength) + { + c += a.charAt(i); + i++; + } + } + + else + { + while (i < bLength) + { + c += b.charAt(i); + i++; + } + } + + return c; +} + " +1a538ddcd0df1bbe7af7bc02ff63191e840fff5f,"public String mixString(String a, String b) +{ + String c = """"; + + int aLength = a.length(); + int bLength = b.length(); + int big; + + String word = """"; + + if (aLength <= bLength) + { + big = aLength; + } + + else + { + big = bLength; + } + + + int i = 0; + + while (i < big) + { + c += a.charAt(i) + b.charAt(i); + i++; + } + + if (i != aLength) + { + while (i < aLength) + { + c += a.charAt(i); + i++; + } + } + + else + { + while (i < bLength) + { + c += b.charAt(i); + i++; + } + } + + return c; +} + " +43bb0bb10c35757e00bdc5e3f6bd1b613f44a9db,"public String mixString(String a, String b) +{ + String build = """"; + + for (int i = 0; i <= 0; i++) + { + build = build + a.charAt(i) + b.charAt(i); + } + return build; +} +" +412bc19af3117f0f58e6d24b2b7d955d98b68338,"public String mixString(String a, String b) +{ + String sentence = """"; + int Length = 0; + + if (a.length()>=b.length()) + { + Length = b.length(); + } + + if (a.length()<=b.length()) + { + Length = a.length(); + } + + for (int i=0; i b.length()) + { + sentence += a.substring(b.length(), a.length()); + } + + return sentence; +} + " +877ca31a647df7f4a41da079f7c29f5217760ef4,"public String mixString(String a, String b) +{ + String sentence = """"; + aLen = a.length(); + bLen = b.legth(); + int Length = 0; + + if (a.length()>=b.length()) + { + Length = b.length(); + } + + if (a.length()<=b.length()) + { + Length = a.length(); + } + + for (int i=0; i b.length()) + { + sentence += a.substring(b.length(), a.length()); + } + + return sentence; +} + " +e12e1a7cfd9c2fb540fe630d763ca8a6cfff41c4,"public String mixString(String a, String b) +{ + String sentence = """"; + int aLen = a.length(); + int bLen = b.legth(); + int Length = 0; + + if (a.length()>=b.length()) + { + Length = b.length(); + } + + if (a.length()<=b.length()) + { + Length = a.length(); + } + + for (int i=0; i b.length()) + { + sentence += a.substring(b.length(), a.length()); + } + + return sentence; +} + " +fb752eeb3a5aad7ef5baae474a6b0c75b38834ab,"public String mixString(String a, String b) +{ + String sentence = """"; + int aLen = a.length(); + int bLen = b.length(); + int Length = 0; + + if (a.length()>=b.length()) + { + Length = b.length(); + } + + if (a.length()<=b.length()) + { + Length = a.length(); + } + + for (int i=0; i b.length()) + { + sentence += a.substring(b.length(), a.length()); + } + + return sentence; +} + " +ac9fefff753b255903e3124869dbd7b1be7fe0dd,"public String mixString(String a, String b) +{ + String build = """"; + int counted = 0; + + //decide which string is shorter + int countupto; + if(a.length()>b.length()) + {countupto = b.length();} + else + {countupto = a.length();} + + for (int i = 0; i <= countupto; i++) + { + build = build + a.charAt(i) + b.charAt(i); + counted++; + } + + if(countupto = b.length()) + {build = build + b.substring(counted);} + else + {build = build + a.substring(counted);} + return build; +} +" +ce57e1359bdbaf99a32c6a1661bbec9479404b0c,"public String mixString(String a, String b) +{ + String build = """"; + int counted = 0; + + //decide which string is shorter + int countupto; + if(a.length()>b.length()) + {countupto = b.length();} + else + {countupto = a.length();} + + for (int i = 0; i <= countupto; i++) + { + build = build + a.charAt(i) + b.charAt(i); + counted++; + } + + if(countupto == b.length()) + {build = build + b.substring(counted);} + else + {build = build + a.substring(counted);} + return build; +} +" +9b970e0d6e2d35ee1f2548c555dd7b2a02e735ca,"public String mixString(String a, String b) +{ + String build = """"; + int counted = 0; + + //decide which string is shorter + int countupto; + if(a.length()>b.length()) + {countupto = b.length();} + else + {countupto = a.length();} + + for (int i = 0; i < countupto; i++) + { + build = build + a.charAt(i) + b.charAt(i); + counted++; + } + + if(countupto == b.length()) + {build = build + b.substring(counted);} + else + {build = build + a.substring(counted);} + return build; +} +" +0f3c6aa29afa60d074275f7b90fc00c6b762dec7,"public String mixString(String a, String b) +{ + String sentence = """"; + int aLen = a.length(); + int bLen = b.length(); + int Length = 0; + + if (aLen() >= bLen()) + { + Length = bLen(); + } + + if (aLen() <= bLen()) + { + Length = aLen(); + } + + for (int i = 0; i < Length; i++) + { + sentence += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (aLen() < bLen()) + { + sentence += b.substring(aLen(), bLen()); + } + + if (aLen() > bLen)) + { + sentence += a.substring(bLen(), aLen()); + } + + return sentence; +} + " +3db84e9c1f9673d200e0a9f69525c585475535e4,"public String mixString(String a, String b) +{ + String sentence = """"; + int aLen = a.length(); + int bLen = b.length(); + int Length = 0; + + if (aLen() >= bLen()) + { + Length = bLen(); + } + + if (aLen() <= bLen()) + { + Length = aLen(); + } + + for (int i = 0; i < Length; i++) + { + sentence += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (aLen() < bLen()) + { + sentence += b.substring(aLen(), bLen()); + } + + if (aLen() > bLen)) + { + sentence += a.substring(bLen(), aLen()); + } + + return sentence; +} + " +7039461248b3b9a853fc771107844b49e502eca8,"public String mixString(String a, String b) +{ + String sentence = """"; + int aLen = a.length(); + int bLen = b.length(); + int Length = 0; + + if (aLen() >= bLen()) + { + Length = bLen(); + } + + if (aLen() <= bLen()) + { + Length = aLen(); + } + + for (int i = 0; i < Length; i++) + { + sentence += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (aLen() < bLen()) + { + sentence += b.substring(aLen(), bLen()); + } + + if (aLen() > bLen)) + { + sentence += a.substring(bLen(), aLen()); + } + + return sentence; +} + " +85a7370fb70d2bffd3d84152c39c2deb62ce3ade,"public String mixString(String a, String b) +{ + String sentence = """"; + int aLen = a.length(); + int bLen = b.length(); + int Length = 0; + + if (aLen >= bLen) + { + Length = bLen; + } + + if (aLen <= bLen) + { + Length = aLen; + } + + for (int i = 0; i < Length; i++) + { + sentence += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if (aLen < bLen) + { + sentence += b.substring(aLen, bLen); + } + + if (aLen > bLen) + { + sentence += a.substring(bLen, aLen); + } + + return sentence; +} + " +2a927d31be67f900f1e75e794873d2c01ba3110e,"public String mixString(String a, String b) +{ + String build = """"; + int counted = 0; + + //decide which string is shorter + int countupto; + if(a.length()>b.length()) + {countupto = b.length();} + else + {countupto = a.length();} + + for (int i = 0; i < countupto; i++) + { + build = build + a.charAt(i) + b.charAt(i); + counted++; + } + + if(countupto == b.length()) + {build = build + a.substring(counted);} + else + {build = build + b.substring(counted);} + return build; +} +" +64c1039c1f726c7cc280be830675f26ede36755a,"public String mixString(String a, String b) +{ + String d = """"; + if (a.length() >= b.length()) { + for (int i = 0; i < b.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = a.substring(b.length()); + return d + q; + } + if (b.length() > a.length()) { + for (int i = 0; i < a.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = b.substring(a.length()); + return d + q; +} +" +be5015444a9a6877634cbb90cf5903738f8b9a52,"public String mixString(String a, String b) +{ + String d = """"; + if (a.length() >= b.length()) { + for (int i = 0; i < b.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = a.substring(b.length()); + return d + q; + } + if (b.length() > a.length()) { + for (int i = 0; i < a.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = b.substring(a.length()); + return d + q; +} +} +" +84ce573dbed12f8f5b5bbb02b965059b5f7a5038,"public String mixString(String a, String b) +{ + String d = """"; + if (a.length() >= b.length()) { + for (int i = 0; i < b.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = a.substring(b.length()); + return d + q; + } + if (b.length() > a.length()) { + for (int i = 0; i < a.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = b.substring(a.length()); + return d + q; + } + return ""this can't be reached codeworkout""; +} +" +666e5c3c6a9566fc48810868b72a047e2fb0bdd5,"public String mixString(String a, String b) +{ + String newS; + for(int i = 0; i < a.length(); i++) + { + newS = newS.substring(0,i) + a.charAt(i) + b.charAt(i); + + + } + return newS; +} +" +0266caa1e91f8f7ca0ad968ce0880c416484905a,"public String mixString(String a, String b) +{ + String newS = """"; + for(int i = 0; i < a.length(); i++) + { + newS = newS.substring(0,i) + a.charAt(i) + b.charAt(i); + + + } + return newS; +} +" +76c44bda266eec69404a696871c30615cc972fee,"public String mixString(String a, String b) { + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +} +" +b5045b13bf21eaaa9181b91b7b1e5b88e215c4a6,"public String mixString(String a, String b) +{ + String newS = """"; + if (a.length() > b.length()) + { + for(int i = 0; i < b.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(i, a.length()); + } + else if (a.length() < b.length()) + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(i, b.length()); + } + else + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + } + return newS; +} +" +dd441233d659b33d421ca6052f249b7f2d1b362f,"public String mixString(String a, String b) +{ + String newS = """"; + if (a.length() > b.length()) + { + for(int i = 0; i < b.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(newS.length(), a.length()); + } + else if (a.length() < b.length()) + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(newS.length(), b.length()); + } + else + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + } + return newS; +} +" +82ab2d81dc761043ba04ddb45371a2988e45a2b1,"public String mixString(String a, String b) +{ + String newS = """"; + if (a.length() > b.length()) + { + for(int i = 0; i < b.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(newS.length()/2, a.length()); + } + else if (a.length() < b.length()) + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(newS.length()/2, b.length()); + } + else + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + } + return newS; +} +" +36b4a82c89c022d26c2ac4033a0bbde08e2a841a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + } + return word; +} +" +4f1f62b38e63692d78c75f32b420dae00cfdd96f,"public String mixString(String a, String b) +{ + String newS = """"; + if (a.length() > b.length()) + { + for(int i = 0; i < b.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + a.substring(newS.length()/2, a.length()); + } + else if (a.length() < b.length()) + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + newS = newS + b.substring(newS.length()/2, b.length()); + } + else + { + for(int i = 0; i < a.length(); i++) + { + newS = newS + a.charAt(i) + b.charAt(i); + } + } + return newS; +} +" +8a1339bb18d74f713ed33cfedd25a7214f01d25c,"public String mixString(String a, String b) +{ + int alength = a.length(); + int blength = b.length(); + int n = 0; + StringBuilder stringbuild = new StringBuilder(alength + blength); + for (; n < alength && n < blength; n++); + { + stringbuild.append(a.charAt(n)); + stringbuild.append(b.charAt(n)); + } + for (; i < alength; n++) + { + stringbuild.append(a.charAt(n)); + } + for(; n < blength; n++) + { + stringbuild.append(b.charAt(n)); + } + return stringbuild.toString(); +} +" +36f727e930c4e289a523e25168e3a9380b315051,"public String mixString(String a, String b) +{ + int alength = a.length(); + int blength = b.length(); + int n = 0; + StringBuilder stringbuild = new StringBuilder(alength + blength); + for (; n < alength && n < blength; n++); + { + stringbuild.append(a.charAt(n)); + stringbuild.append(b.charAt(n)); + } + for (; n < alength; n++) + { + stringbuild.append(a.charAt(n)); + } + for(; n < blength; n++) + { + stringbuild.append(b.charAt(n)); + } + return stringbuild.toString(); +} +" +cc8d8e2d00ec4db54c4ae8542076863dea0e7b36,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + if (a.length() >= b.length()) + { + index = b.length(); + } + if (a.length() <= b.length()) + { + index = a.length(); + } + for (int i = 0; i < index; i++) + { + result += a.substring(i, i+1) + b.substring(i, i + 1); + } + if (a.length() < b.length()) + { + result += b.substring(a.length(), b.length()); + } + if (a.length() > b.length()) + { + result += a.substring(b.length(), a.length()); + } + return result; +} +" +d6ffe27911cf531415a0135e3fbd5c09a831ee66,"public String mixString(String a, String b) +{ + int aL = a.length(); + int bL = b.length(); + for +} +" +0140a7b756e87bdc56b0a6f8a9167d4f0aa452ca,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + int i = 0; + + StringBuilder stbuild = new StringBuilder(aLen+bLen); + + for(; i < aLen && i < bLen; i++) + + { + + stbuild.append(a.charAt(i)); + + stbuild.append(b.charAt(i)); + + } + + // only 1 for loop will actually run + + for(; i < aLen; i++) + + stbuild.append(a.charAt(i)); + + for(; i < bLen; i++) + + stbuild.append(b.charAt(i)); + + return stbuild.toString(); +} +" +18903833d8a85a750c73372b49808e9e26516370,"public String mixString(String a, String b) +{ + String word = """"; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i ++) + { + word = word + a.charAt(i) + b.charAt(i); + } + } + else if(a.length() < b.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + b.substring(i); + break; + } + } + } + else if(a.length() > b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + } + else + { + word = word + a.substring(i); + break; + } + } + } + return word; +} +" +02c144480829ac7a51f41ea06c5560c91983dba7,"public String mixString(String a, String b) +{ + //String f = a.charAt(0) + b.charAt(0); + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = str.substring(b.length()-1, a.length()); + for (int i = 0; i < b.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = str.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +1c38221f748f3bde577721da767752853b89de99,"public String mixString(String a, String b) +{ + //String f = a.charAt(0) + b.charAt(0); + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 0; i < b.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +b7868ed8450dfa7076dfbcb1fbf5b7cc5aad5739,"public String mixString(String a, String b) +{ + //String f = a.charAt(0) + b.charAt(0); + String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +9edc94a944dc33a7dd51326ac92ef6141e2d1ee6,"public String mixString(String a, String b) +{ + //String f = a.charAt(0) + b.charAt(0); + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 0; i < b.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + f = f + leftA; + } + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + f = f + leftB; + + } + return f; + } +} +" +b768e65f56556b6e79e4246f7f62b898a9740b25,"public String mixString(String a, String b) +{ + String f = a.charAt(0) + b.charAt(0); + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 1; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 1; i < a.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +3eeabb5d1892d18f7653ca0094f5df995d1b3a8c,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = Character.toString(A) + Character.toString(B); + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 1; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 1; i < a.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +8b3585f7990948a46dc5692f13bd4543fcd18289,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 1; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 1; i < a.length(); i++) + { + String f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +6101b41e42b119e8a82c2fa61d67d9d081f75fdf,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 1; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 1; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +70ed4328f51425f20008d5ad82374b09a7ca064e,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +af46813260a7bfcab1b59e6c96be42fe6e718a35,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length()-1, a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +2a0340b54bf0486fca81ad4cb480c4aa2faae16f,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length(), a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length()-1, b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +effa964a59506f4a25fcc72550285e6c64c97517,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length(), a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length(), b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +0d727a399e6599f94ad783b5772d9eead917210b,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() == 0 || b.length() == 0) + { + return a + b; + } + if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length(), a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length(), b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +ee9df0baad580ad3a55100386dfa10529a5936e3,"public String mixString(String a, String b) +{ + char A = a.charAt(0); + char B = b.charAt(0); + String f = """"; + //String f; + if (a.length() == 0 || b.length() == 0) + { + return a + b; + } + else if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length(), a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length(), b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +0c161058a3f3599abf9d3d6b083df9a9a8210305,"public String mixString(String a, String b) +{ + String f = """"; + //String f; + if (a.length() == 0 || b.length() == 0) + { + return a + b; + } + else if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length(), a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length(), b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +9146368d28eba85311f4015a7c4b5d494fc9acff,"public String mixString(String a, String b) +{ + String f = """"; + if (a.length() == 0 || b.length() == 0) + { + return a + b; + } + else if (a.length() >= b.length()) //a is longer, take b's length + { + String leftA = a.substring(b.length(), a.length()); + for (int i = 0; i < b.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftA; + return f; + } + else + { + String leftB = b.substring(a.length(), b.length()); + for (int i = 0; i < a.length(); i++) + { + f = f + a.charAt(i) + b.charAt(i); + } + f = f + leftB; + return f; + } +} +" +d0932fc8ddfc108b17eca20cb89dac0d2694ae8f,"public String mixString(String a, String b) +{ + char[] arr; + String end; + int count = 0; + + if(a.length() < b.length()) { + arr = new char[2 * a.length()]; + end = b.substring(a.length()); + } else { + arr = new char[2 * b.length()]; + end = a.substring(b.length()); + } + + for(int i = 0; i < arr.length / 2; i++) { + arr[count] = a.charAt(i); + count++; + arr[count] = b.charAt(i); + count++; + } + + return new String(arr) + end; +} +" +33e8f3379d512fd5565a12b77a09f6f1599cdd5e,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = n + StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +ac523fc743e4b0b2db595564625895dff925ac31,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = n; + StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +113875a1b47f7f746a5e4541830215dcc34b0b54,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +aaf077e1a69ecc4f581752f6a5e6e35618e718b6,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + if(aL > bL) + { + for(int i = 0; i < bL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + a.substring(bL); + return c; + } + else if (aL > bL) + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + b.substring(aL); + return c; + } + else + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + return c; + } +} +" +fe38e69b96c535d0f0f66e3b579ca30f51287b74,"public String mixString(String a, String b) +{ + public static void main(String[] args) { + + MixStringTest test = new MixStringTest(); + + System.out.println("">"" + test.mixString(""abc"", ""xyz"") + ""<""); + System.out.println("">"" + test.mixString(""Hi"", ""There"") + ""<""); + System.out.println("">"" + test.mixString(""xxxx"", ""There"") + ""<""); + } + + public String mixString(String a, String b) { + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +} +" +9143ab450805086d088aa6f1f50a1764f71dfc4d,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + if(aL > bL) + { + for(int i = 0; i < bL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + a.substring(bL); + return c; + } + else if (aL < bL) + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + b.substring(aL); + return c; + } + else + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + return c; + } +} +" +f135013c52dbf335008a46bbd98942e2984d42e4,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +} +" +8c54c13c11834b71e2370b165192d421058f36ac,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } +} +} +" +92fda0834e962069463f6ac9db21063efe3e6d41,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +" +0bf56f8fe56530874e694fd465ac1e35beb2c0b6,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for (; i< aLen && bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for (; i < aLen; i++) + stbuild.append(a.charAt(i)); + for (; i< bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +f98dd5b489ef40c699f2e350db9315aaf68aff0e,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for (; i< aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for (; i < aLen; i++) + stbuild.append(a.charAt(i)); + for (; i< bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +ce28c83802ab3ec43169aebf3b901f2f3f0e7d3d,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + if(aL > bL) + { + for(int i = 0; i < bL; i++) + { + c = a.charAt(i) + b.charAt(i); + } + c = c + a.charAt(bL); + return c; + } + else if (aL < bL) + { + for(int i = 0; i < aL; i++) + { + c = a.charAt(i) + b.charAt(i); + } + c = c + b.charAt(aL); + return c; + } + else + { + for(int i = 0; i < aL; i++) + { + c = a.charAt(i) + b.charAt(i); + } + return c; + } +} +" +4d3e9f0ba0c5f0a048147591efa3229d0220372b,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + if(aL > bL) + { + for(int i = 0; i < bL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + a.substring(bL); + return c; + } + else if (aL > bL) + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + b.substring(aL); + return c; + } + else + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + return c; + } +} +" +75036e962c97fb0600a938905ddc4663baff7509,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + if(aL > bL) + { + for(int i = 0; i < bL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + a.substring(bL); + return c; + } + else if (aL < bL) + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + c = c + b.substring(aL); + return c; + } + else + { + for(int i = 0; i < aL; i++) + { + c = a.substring(i, i+1) + b.substring(i, i+1); + } + return c; + } +} +" +5c4f504cab342b60bc9b3f797a61d2a473e3fcf1,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aLen, bLen); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + else if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + return c; +} +" +c19d8cecdb0b1f3f47ce535a28ddc5997ae544cf,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + else if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + return c; +} +" +03d47766fb7653515777edfe90d3774afbbaf927,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + return c; +} +" +af78dd83eae82e933f5bd9ca43387050a4a40302,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL-1) + { + c = c + a.substring(i, i+1); + } + if(i < bL-1) + { + c = c + b.substring(i, i+1); + } + } + return c; +} +" +aea3f1d6d0c725eb80e7b080acddca7f61312a39,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + return c; +} +" +e873d00baecaf931feda7c17cee2eb553da509cb,"public String mixString(String a, String b) +{ + String newStr = """"; + + if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + newStr = newStr + a.substring(b.length()); + } + else if (a.length() == b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + } + else // b is larger than a + { + for (int i = 0; i < a.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + newStr = newStr + b.substring(a.length()); + } + + return newStr; +} +" +ad9dcde0c441c5b5df87a2fa946c17155d60c38a,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + + if(max == aL && max != bL) + { + c = c + b.substring(max); + } + else if(max != aL && max == bL) + { + c = c + a.substring(max); + } + else + { + return c; + } + return c; +} +" +692b1bb8cc9b8fc71fd20d2d58f6a5b4c4f56276,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + + if(aL > bL) + { + c = c + b.substring(max); + } + else if(aL < bL) + { + c = c + a.substring(max); + } + return c; +} +" +4993d0054aad236842e4cee92a649b7bcdc79a6a,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < max; i++) + { + if(i < aL) + { + c = c + a.substring(i, i+1); + } + if(i < bL) + { + c = c + b.substring(i, i+1); + } + } + return c; +} +" +a1e6ef3300a630397bb21ec4925673f9043e53b7,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + for(int i = 0; i < lengthA + lengthB; i++) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +cff2667f947724de329a3da1f0f2bd93b8bd1b60,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, aL); + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + } + return c; +} +" +f0dc2dd10c94be54963a9d8cfe9afff9fccfcb76,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + for(int i = 0; i < (lengthA + lengthB -1); i++) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +48e09645d0697313df2ca65d1abaebf0a22fa057,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = lengthA + lengthB -1; + for(int i = 0; i < loop; i++) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +6d3ceb6c7717f097c70aa0bbe9372fa74eabe351,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = lengthA + lengthB -2; + for(int i = 0; i < loop; i++) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +3b8e657faa2c62edde039bfcb82199dace0f7e00,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = lengthA + lengthB -2; + for(int i = 0; i < loop; i=i+2) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +d958fe4fce3a3e8f6b84c13c2dd8891d9619ccfd,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int f = 0; + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + f = i; + } + if(aL > bL) + { + c = c + a.substring(f); + } + else if(bL > aL) + { + c = c + b.substring(f); + } + return c; +} +" +d6f161f7baf6dec11b9e7a46fd87e574c03d741b,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = lengthA + lengthB -4; + for(int i = 0; i < loop; i=i+2) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +4ae06209edf1b50277c78e35b34aa406f7042336,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int f = 0; + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + f = i; + } + if(aL > bL) + { + c = c + b.substring(f); + } + else if(bL > aL) + { + c = c + a.substring(f); + } + return c; +} +" +b6aeffab09d44043ff01980350687deded63e123,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = (lengthA + lengthB)/2; + for(int i = 0; i < loop; i=i+2) + { + char A = a.charAt(i); + char B =b.charAt(i+1); + newString = newString + A + B; + } + return newString; +} +" +e9fa2a9594a570076afdeef6ea3b4b15ec1d2c18,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int f = 0; + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + f = i; + } + if(aL > bL) + { + c = c + a.substring(f); + } + else if(bL > aL) + { + c = c + b.substring(f); + } + return c; +} +" +1f7d2eb9d9d4a7cd0fdd39edee9a174b080d7174,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = (lengthA + lengthB)/2; + for(int i = 0; i < loop; i=i+2) + { + char A = a.charAt(i); + char B = b.charAt(i); + newString = newString + A + B; + } + return newString; +} +" +48efdc48be5de5cf42e1efa5e65c6be0211e1a33,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int f = 0; + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + f = i; + } + if(aL > bL) + { + c = c + a.substring(f); + } + c = c + b.substring(f); + return c; +}" +9e8bd21679d371f00dcf59d90ebd01ea71d9b9b8,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int f = 0; + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + f = i; + } + if(aL > bL) + { + return c + a.substring(f); + } + return c + b.substring(f); +}" +1d35c6891080fda13248260bd043b0429f8cf40a,"public String mixString(String a, String b) +{ + for (int n == 0; n < a.length(); n++) + { + if (a.length() == b.length()) + return (a.charAt(n) + b.charAt(n)); + if (a.length() < b.length()) + return (a.charAt(n) + b.charAt(n)); + return b.substring(n, b.length()); + if (a.length() > b.length()) + return (a.charAt(n) + b.charAt(n)); + return a.substring(n, a.length()); + } + return a; +} +" +dde39819e1bac3e9575439051edfb441bdba6189,"public String mixString(String a, String b) +{ + for (int n = 0; n < a.length(); n++) + { + if (a.length() == b.length()) + return (a.charAt(n) + b.charAt(n)); + if (a.length() < b.length()) + return (a.charAt(n) + b.charAt(n)); + return b.substring(n, b.length()); + if (a.length() > b.length()) + return (a.charAt(n) + b.charAt(n)); + return a.substring(n, a.length()); + } + return a; +} +" +8ede9d11e6a9d970562ed5e29ec5343799939a1e,"public String mixString(String a, String b) +{ + String c = """"; + int aL = a.length(); + int bL = b.length(); + int f = 0; + for(int i = 0; i < aL && i < bL; i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + f++; + } + if(aL > bL) + { + return c + a.substring(f); + } + return c + b.substring(f); +}" +0997f4e2ed1dca7e35f92c21f0d9c5795fe78f1d,"public String mixString(String a, String b) +{ + for (int n = 0; n < a.length(); n++) + { + if (a.length() == b.length()) + return (a.substring(n, n + 1) + b.substring(n, n + 1)); + if (a.length() < b.length()) + return (a.substring(n, n + 1) + b.substring(n, n + 1)); + return b.substring(n, b.length()); + if (a.length() > b.length()) + return (a.substring(n, n + 1) + b.substring(n, n + 1)); + return a.substring(n, a.length()); + } + return a; +} +" +a4b4d8b8fa8f9114343508eee3a33743b7f41111,"public String mixString(String a, String b) +{ + for (int n = 0; n < a.length(); n++) + { + if (a.length() == b.length()) + return (a.substring(n, n + 1) + b.substring(n, n + 1)); + if (a.length() < b.length()) + return (a.substring(n, n + 1) + b.substring(n, n + 1)); + return b.substring(n, b.length()); + } + return a; +} +" +6bd425a14a036cdf3d4df7f5559eaf8a0b404097,"public String mixString(String a, String b) +{ + String newStr = """"; + + if (a.length() > b.length()) + { + for(int i = 0; i b.length()) + { + for(int i = 0; i b.length()) + { + for(int i = 0; i b.length()) + { + for(int i = 0; i b.length()) + { + for(int i = 0; i b.length()) + { + for(int i = 0; ib.length()){ + int len = b.length(); + ending = a.substring(len) + } + else{ + int len = a.length(); + ending=b.substring(len); + } + for (int i=0; ib.length()){ + int len = b.length(); + ending = a.substring(len); + } + else{ + int len = a.length(); + ending=b.substring(len); + } + for (int i=0; ib.length()){ + int len = b.length(); + ending = a.substring(len); + } + else{ + int len = a.length(); + ending=b.substring(len); + } + for (int i=0; ib.length()){ + len = b.length(); + ending = a.substring(len); + } + else{ + len = a.length(); + ending=b.substring(len); + } + for (int i=0; i= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + stbuild.append(a.chartAt(len)); + stbuild.append(b.charAt(len)); + return stbuild.toString(); + + + + + +} +" +603d601b3e5206191ac74ea9669a9c8692b2175f,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + if (lena >= lenb) + int len = lenb; + else + int len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + stbuild.append(a.chartAt(len)); + stbuild.append(b.charAt(len)); + return stbuild.toString(); + + + + + +} +" +8ae4428bd0256ce1449fd9cef6a1bc2266e83cce,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() < b.length() + { + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + b.substring(a.length()); + { + else + { + for (int i = 0; i < b.length(); i++) + { + str = str + b.charAt(i) + b.charAt(i); + } + str = str + a.substring(b.length()); + } + return str; +} +" +3fb6c60e4ac77e0eaf7375630f24bde7636b1df9,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + if (lena >= lenb) + int len == lenb; + else + int len == lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + stbuild.append(a.chartAt(len)); + stbuild.append(b.charAt(len)); + return stbuild.toString(); + + + + + +} +" +9ef042152582ebadd173445b674b1be0a8c79eaa,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + b.substring(a.length()); + { + else + { + for (int i = 0; i < b.length(); i++) + { + str = str + b.charAt(i) + b.charAt(i); + } + str = str + a.substring(b.length()); + } + return str; +} +" +1d9719797b8f9aff4f70145ab1d341dfd0b58836,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + int len; + if (lena >= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + stbuild.append(a.chartAt(len)); + stbuild.append(b.charAt(len)); + return stbuild.toString(); + + + + + +} +" +064513293c75be71945aa53f074fedce6d651ab8,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + b.substring(a.length()); + { + else + { + for (int i = 0; i < b.length(); i++) + { + str = str + b.charAt(i) + b.charAt(i); + } + str = str + a.substring(b.length()); + } + return str; +} +" +3c76ad215a3f53671b45a4df92cafbc87ef1af5f,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + b.substring(a.length()); + { + else + { + for (int i = 0; i < b.length(); i++) + { + str = str + b.charAt(i) + b.charAt(i); + } + str = str + a.substring(b.length()); + } + return str; +} +" +31d5fe4f053d808a54a97dd13eacabfa90b71368,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + b.substring(a.length()); + } + else + { + for (int i = 0; i < b.length(); i++) + { + str = str + b.charAt(i) + b.charAt(i); + } + str = str + a.substring(b.length()); + } + return str; +} +" +58994f36eef787cd3f324ea2fad7865a8ed8fe3b,"public String mixString(String a, String b) +{ + int word = """"; + int lenA = a.length(); + int lenB = b.length(); + + if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + word += a.charAt(i) + b.charAt(i); + a = a.substring(i); + } + word += a; + } + else + { + for (int i = 0; i < lenA; i++) + { + word += a.charAt(i) + b.charAt(i); + b = substring(i); + } + word += b; + } + + return word; +} +" +4b32fd995dada5fbbacfe5b479b6467a85dd4803,"public String mixString(String a, String b) +{ + String word = """"; + int lenA = a.length(); + int lenB = b.length(); + + if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + word += a.charAt(i) + b.charAt(i); + a = a.substring(i); + } + word += a; + } + else + { + for (int i = 0; i < lenA; i++) + { + word += a.charAt(i) + b.charAt(i); + b = substring(i); + } + word += b; + } + + return word; +} +" +71c02350f660d8a141b1f221472b5a7579ac81a2,"public String mixString(String a, String b) +{ + String word = """"; + int lenA = a.length(); + int lenB = b.length(); + + if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + word += a.charAt(i) + b.charAt(i); + a = a.substring(i); + } + word += a; + } + else + { + for (int i = 0; i < lenA; i++) + { + word += a.charAt(i) + b.charAt(i); + b = b.substring(i); + } + word += b; + } + + return word; +} +" +830405e3e0fa5807ad57d0415c68c87ee707d481,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + b.substring(a.length()); + } + else + { + for (int i = 0; i < b.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + str = str + a.substring(b.length()); + } + return str; +} +" +84570680e8a409e7808561a3071f6db65526bf66,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + int len; + if (lena >= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + stbuild.append(a.chartAt(len,lena)); + stbuild.append(b.charAt(len,lenb)); + return stbuild.toString(); + + + + + +} +" +d1d385d352f80bd13fb7219a9b88243cb6f1703a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +142c103e315f3add00a04803c6992feec4c05616,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +e946474671df069e6e74e58db0f0313820a3ae5b,"public String mixString(String a, String b) +{ + String word = """"; + int lenA = a.length(); + int lenB = b.length(); + + if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + word += a.substring(i, i+1) + b.charAt(i, i+1); + a = a.substring(i); + } + word += a; + } + else + { + for (int i = 0; i < lenA; i++) + { + word += a.substring(i,i+1) + b.charAt(i,i+1); + b = b.substring(i); + } + word += b; + } + + return word; +} +" +2cb958d33cc2822db818a807c6a64c297fdfbd18,"public String mixString(String a, String b) +{ + String word = """"; + int lenA = a.length(); + int lenB = b.length(); + + if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + word += a.substring(i, i+1) + b.substring(i, i+1); + a = a.substring(i); + } + word += a; + } + else + { + for (int i = 0; i < lenA; i++) + { + word += a.substring(i,i+1) + b.substring(i,i+1); + b = b.substring(i); + } + word += b; + } + + return word; +} +" +1eac8d80b7ad3f2fd0a40bfaae9284c013d32712,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + int len; + if (lena >= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + String lefta = a.substring(len); + String leftb = b.substring(len); + stbuild.append(a.chartAt(lefta)); + stbuild.append(b.charAtleftb); + return stbuild.toString(); + + + + + +} +" +63940a6f50066d7c12953989fc95c603df1bf0c0,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + int len; + if (lena >= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + String lefta = a.substring(len); + String leftb = b.substring(len); + stbuild.append(a.chartAt(lefta)); + stbuild.append(b.charAt(leftb); + return stbuild.toString(); + + + + + +} +" +8e6c20b1eac561f1aef249dba026506be430955b,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + int len; + if (lena >= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + String lefta = a.substring(len); + String leftb = b.substring(len); + stbuild.append(a.chartAt(lefta)); + stbuild.append(b.charAt(leftb)); + return stbuild.toString(); + + + + + +} +" +40ad88d186d8296e68d0797627214d7a793a59de,"public String mixString(String a, String b) +{ + StringBuilder stbuild = new StringBuilder(); + int lena = a.length(); + int lenb = b.length(); + int len; + if (lena >= lenb) + len = lenb; + else + len = lena; + for (int i = 0; i < len; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + String lefta = a.substring(len); + String leftb = b.substring(len); + stbuild.append(lefta); + stbuild.append(leftb); + return stbuild.toString(); + + + + + +} +" +fc3b7ff0fc3909e5e2a3a2886b04764d556af1fe,"public String mixString(String a, String b) +{ + int num = a.length(); + boolean aLarger = false; + String str = """"; + if(b.length() < a.length()) + { + num = b.length(); + aLarger = true; + } + for (int i = 0; i < num; i++) + { + str = str + a.substring(0,1) + B.substring(0,1); + if(a.length >= 1) + { + a = a.substring(1); + } + else + { + a = """"; + } + if(b.length >= 1) + { + b = b.substring(1); + } + else + { + b = """"; + } + return str + a + b; + } +} +" +ad5d1ab67047c3cc15e5d48dcfd33c04b6c7f890,"public String mixString(String a, String b) +{ + int num = a.length(); + boolean aLarger = false; + String str = """"; + if(b.length() < a.length()) + { + num = b.length(); + aLarger = true; + } + for (int i = 0; i < num; i++) + { + str = str + a.substring(0,1) + b.substring(0,1); + if(a.length >= 1) + { + a = a.substring(1); + } + else + { + a = """"; + } + if(b.length >= 1) + { + b = b.substring(1); + } + else + { + b = """"; + } + return str + a + b; + } +} +" +ff945c4abfd1d1a1c7c19af9bc4d1ccc95304bb3,"public String mixString(String a, String b) +{ + int num = a.length(); + boolean aLarger = false; + String str = """"; + if(b.length() < a.length()) + { + num = b.length(); + aLarger = true; + } + for (int i = 0; i < num; i++) + { + str = str + a.substring(0,1) + b.substring(0,1); + if(a.length() >= 1) + { + a = a.substring(1); + } + else + { + a = """"; + } + if(b.length() >= 1) + { + b = b.substring(1); + } + else + { + b = """"; + } + return str + a + b; + } +} +" +af0ce12f6df86621d10f951194f7f04cf9bfb58a,"public String mixString(String a, String b) +{ + int num = a.length(); + boolean aLarger = false; + String str = """"; + if(b.length() < a.length()) + { + num = b.length(); + aLarger = true; + } + for (int i = 0; i < num; i++) + { + str = str + a.substring(0,1) + b.substring(0,1); + if(a.length() >= 1) + { + a = a.substring(1); + } + else + { + a = """"; + } + if(b.length() >= 1) + { + b = b.substring(1); + } + else + { + b = """"; + } + + } + return str + a + b; +} +" +2e2bb1dd46bb6d8b2d8c4f613b090f209e89c497,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int max = Math.max(aLen, bLen); + String empty = """"; + + for (int i = 0; i < max; i++) + { + if (i <= lengthA - 1) + { + empty += a.substring(i, i + 1); + } + if (i <= lengthB - 1) + { + empty += b.substring(i,i+1); + } + } + return empty; +} +" +634d9ce76f0c7639dd14b994d33785b6e106efbc,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int max = Math.max(lengthA, lengthB); + String empty = """"; + + for (int i = 0; i < max; i++) + { + if (i <= lengthA - 1) + { + empty += a.substring(i, i + 1); + } + if (i <= lengthB - 1) + { + empty += b.substring(i,i+1); + } + } + return empty; +} +" +a6c92538f4fb51ff936c1793f11edf27e9e0ef6b,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + + String word = """"; + + + for (int i = 0; i < max; i++) { + + if (i <= aLen-1) + word += a.substring(i,i+1); + + if (i <= bLen-1) + + word += b.substring(i,i+1); + + + } + + return word; + +} +" +4a329a5d2df6198c9f179e16ca4790fdbf0d43b6,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String empty = """"; + //int max = Math.max(lengthA, lengthB); + + for (int i = 0; i < (lengthA + lengthB); i++) + { + if (i <= lengthA - 1) + { + empty += a.substring(i, i + 1); + } + if (i <= lengthB - 1) + { + empty += b.substring(i,i+1); + } + } + return empty; +} +" +4e5dc825f56b6e56305bea2ab298c8c97684758e,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String empty = """"; + + for (int i = 0; i < (lengthA + lengthB); i++) + { + if (i <= lengthA - 1) + { + empty += a.substring(i, i + 1); + } + if (i <= lengthB - 1) + { + empty += b.substring(i,i+1); + } + } + return empty; +} +" +3d53b0b9dd222b0fbeca8067071a199afd485fdc,"public String mixString(String a, String b) +{ +int aLen = a.length(); +int bLen = b.length(); +int max = Math.max(aLen, bLen); +String word = """"; + + for (int i =0; i<= max; i++) + { + if(i<= aLen){ + word += a.substring(i,i+1); + } + if(i <= bLen-1){ + word += b.substring(i,i+1); + } + } + return word; +} +" +59aa611cef4424a58778a1447f416c663654cc60,"public String mixString(String a, String b) +{ + String big = """"; + if (a.length() >= b.length) + for (int i = 0; i < a.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + if (b.length > a.lenght) + for (int i = 0; i < b.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + return big; + +} +" +f20a6a4ad4ea5938b7d9351f327d2fb962898eba,"public String mixString(String a, String b) +{ +int aLen = a.length(); +int bLen = b.length(); +int max = Math.max(aLen, bLen); +String word = """"; + + for (int i =0; i<= max; i++) + { + if(i<= aLen){ + word += a.substring(i,i+1); + } + if(i <= bLen-1){ + word += b.substring(i,i-1); + } + } + return word; +} +" +00bdba14a34e2cc32910f6bf26aeb74fc5df7428,"public String mixString(String a, String b) +{ + String big = """"; + if (a.length() >= b.length()) + for (int i = 0; i < a.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + if (b.length() > a.lenght()) + for (int i = 0; i < b.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + return big; + +} +" +8e35ca399e87ab8427a374dcfcae45bc7f9a3502,"public String mixString(String a, String b) +{ + String res=""""; + int i; + for(i=0;i= b.length()) + for (int i = 0; i < a.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + if (b.length() > a.length()) + for (int i = 0; i < b.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + return big; + +} +" +a23cd587d429bed63b4a311015905923efd1322d,"public String mixString(String a, String b) +{ + String big = """"; + if (a.length() >= b.length()) + for (int i = 0; i < b.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + if (b.length() > a.length()) + for (int i = 0; i < a.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + } + return big; + +} +" +e6ce8af254c63d1cf3dbf2669f17950618c4e4f2,"public String mixString(String a, String b) +{ + String word = """"; + int lenA = a.length(); + int lenB = b.length(); + + if (lenA > lenB) + { + for (int i = 0; i < lenB; i++) + { + word += a.substring(i, i+1) + b.substring(i, i+1); + + } + word += a.substring(lenB); + } + else + { + for (int i = 0; i < lenA; i++) + { + word += a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word += b.substring(lenA); + } + + return word; +} +" +576d9f1e7492088fa6fd8d2d93efcda77a74b937,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + } + } + } +} +" +a3c0e415f4a6a58f05d111a64052f99861733238,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return ia + ib; + } + } +} +" +475f494fdc1702d02b25be417b957e1e36e92121,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return a.charAt(ia) + b.charAt(ib); + } + } +} +" +0c4fc801b506942b6bd727c8b8249d022fadfee8,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + } + } + } + return str2; +} +" +8fa8cbc5cfb07857046d74a8b37f98ea8a601f7b,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return ""a.charAt(ia)"" + ""b.charAt(ib)""; + } + } +} +" +408c26fe7f426e9e088a10daf76dea898ea08156,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return ""a.charAt(ia)"" + ""b.charAt(ib)""; + } + } + return """"; +} +" +423a0228415cc289cffd4191a65d2495dbadd28c,"public String mixString(String a, String b) +{ + String big = """"; + int positionA = 0; + int positionB = 0; + + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + positionA++; + } + big = big + a.substring(positionA); + } + if (b.length() > a.length()) + { + for (int i = 0; i < a.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + positionB++ + } + big = big + b.substring(positionB); + } + return big; + +} +" +bc00d4220879b39f78b809c4b84ac275a096dbba,"public String mixString(String a, String b) +{ + String big = """"; + int positionA = 0; + int positionB = 0; + + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + positionA++; + } + big = big + a.substring(positionA); + } + if (b.length() > a.length()) + { + for (int i = 0; i < a.length(); i++) + { + big = big + a.charAt(i) + b.charAt(i); + positionB++; + } + big = big + b.substring(positionB); + } + return big; + +} +" +d16145b99838d68893d71c07178a4509a4402302,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i + 1, a.length()); + } + } + } + return str2; +} +" +3dc1d3f1c1a6e9e1c2604d9c3b4f4a7e6f34a6e7,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return 'a.charAt(ia);' + 'b.charAt(ib);'; + } + } + return """"; +} +" +a556d5e6b905953ea7958c68108edca287d8c7bd,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + } + } + } + return str2; +} +" +a6da89dfbe3bca26d65622d2871d5b7668e1ac1f,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return 'a.charAt(ia)' + 'b.charAt(ib)'; + } + } + return """"; +} +" +9380dde752656a1a4024abbe0984ad4fb0079356,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + } + } + } + else if (b.length() > a.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + str2 = str2 + b.charAt(i) + a.charAt(i); + } + else + { + str2 = str2 + b.substring(i, b.length()); + } + } + } + return str2; +} +" +9af2111a4a97bf9e9b97abe2311b4c7ed075144e,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + } + } + } + else if (b.length() > a.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + b.substring(i, b.length()); + } + } + } + return str2; +} +" +98d37a014fb43f47355edc42aefbdb13bdc85b44,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + return; + } + } + } + else if (b.length() > a.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + b.substring(i, b.length()); + return; + } + } + } + return str2; +} +" +81f15fa9f11afa47e1eac78cf5168fa6e5d1416d,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + break; + } + } + } + else if (b.length() > a.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + b.substring(i, b.length()); + break; + } + } + } + return str2; +} +" +75cbebaeaa539a17e689c5dd4939c0a3c10e93b6,"public String mixString(String a, String b) +{ + String str2 = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + if (i < b.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + a.substring(i, a.length()); + break; + } + } + } + else if (b.length() > a.length()) + { + for (int i = 0; i < b.length(); i++) + { + if (i < a.length()) + { + str2 = str2 + a.charAt(i) + b.charAt(i); + } + else + { + str2 = str2 + b.substring(i, b.length()); + break; + } + } + } + return str2; +} +" +c0a3fd469b6d5edac79031b17cef6eadf0f73f03,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +f96657bbf8d377dd35dbc477d3ce5f8c23e2d942,"public String mixString(String a, String b) +{ + char[] arr; + String end; + int count = 0; + + if(a.length() < b.length()) { + arr = new char[2 * a.length()]; + end = b.substring(a.length()); + } else { + arr = new char[2 * b.length()]; + end = a.substring(b.length()); + } + + for(int i = 0; i < arr.length / 2; i++) { + arr[count] = a.charAt(i); + count++; + arr[count] = b.charAt(i); + count++; + } + +return new String(arr) + end; +} +" +ee2a9a368673631335c9f0c0cc6ea083f9d571a6,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +1bc64234f2273f86f9b0b855095134141e9a0939,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; +} +" +ae35fa1fc648eacfd3257912e50afe9066f47703,"public String mixString(String a, String b) +{ + String d = """"; + if (a.length() >= b.length()) { + for (int i = 0; i < b.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = a.substring(b.length()); + return d + q; + } + if (b.length() > a.length()) { + for (int i = 0; i < a.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = b.substring(a.length()); + return d + q; + } + return ""this can't be reached codeworkout""; +}" +02015e220792f7c29941767bdc8b8ea7a786d0fd,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +b5812196ae4bcf9ddefabf8c6f8707ef50eeb93c,"public String mixString(String a, String b) +{ +char[] arr; +String end; +int count = 0; + +if(a.length() < b.length()) +{ +arr = new char[2 * a.length()]; +end = b.substring(a.length()); +} + else + { + arr = new char[2 * b.length()]; + end = a.substring(b.length()); + } + +for(int i = 0; i < arr.length / 2; i++) +{ +arr[count] = a.charAt(i); +count++; +arr[count] = b.charAt(i); +count++; +} + +return new String(arr) + end; +} +" +d30a9f89f6bea083947256808fe5899a375cdeca,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for (; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for (; i < aLen; i++) + { + stbuild.append(a.charAt(i)); + } + + for (; i< bLen; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); +} +" +0f963a0ce865bcecb00a38627d2172e4a6c090ca,"public String mixString(String a, String b) +{ + String m = """"; + int i = 1; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i + 1); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } +} +" +a2a0b619634524352e2b9e0d9180c233930c7c34,"public String mixString(String a, String b) +{ + String m = """"; + int i = 1; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i + 1); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +5e2875edd0df0f1fb14f3c6c3134a0d6147cf884,"public String mixString(String a, String b) +{ + String m = """"; + int i = 1; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +6afde8be767ce86d9ec5e844b8237b2de7336a6b,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +f4c6a8e45687d4852b17b45b7baa705d5bb2d488,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i-1); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +fa8f2ab7c50d71beb30b1be261ea3a04236ac878,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i+1); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +33f12697d88dd6801b7e862e89c59a20b9ee7a14,"public String mixString(String a, String b) +{ + String m = """"; + int i = 1; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i-1); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +2f08d388df70d599fb7a9271e4bba3378f5ea09a,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +0482bd69f48d58f8822e92a35136a68cc7cdb43a,"public String mixString(String a, String b) +{ + String m1 = """"; + String m2 = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m1 = a + a.charAt(i); + m2 = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m1 + b.substring(i); + + } + else + { + m = m2 + a.substring(i); + } + return m; +} +" +93ff4f45d790cec28a39a5f3b47c7787c8db58b3,"public String mixString(String a, String b) +{ + String m1 = """"; + String m2 = """"; + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m1 = a + a.charAt(i); + m2 = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m1 + b.substring(i); + + } + else + { + m = m2 + a.substring(i); + } + return m; +} +" +8af75dfa17a14dbf26abcd4e220db63cdf9b011b,"public String mixString(String a, String b) +{ + String m1 = """"; + String m2 = """"; + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m1 = a + a.charAt(i); + m2 = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m2 + b.substring(i); + + } + else + { + m = m1 + a.substring(i); + } + return m; +} +" +44bcd915afad3a34d1ec3c5173b9dac96689700d,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +b63679c4617fa9bef104edb4f8b870f627bd7753,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length()) + { + m = a + a.charAt(i); + i++; + } + while (i < b.length()) + { + m = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +c528b5b93b1192559f3d3f254b07f945f519294d,"public String mixString(String a, String b) +{ + String m = """"; + for (int i; i < a.length(); i++) + { + m = a + a.charAt(i); + for (int i; i < b.length(); i++) + { + m = b + b.charAt(i); + } + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +23d06445e4e1a9377aa83cacc92c6acdbe1d4b83,"public String mixString(String a, String b) +{ + String m = """"; + for (int i; i < a.length(); i++) + { + m = a + a.charAt(i); + for (i; i < b.length(); i++) + { + m = b + b.charAt(i); + } + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +104d7983bedcecad33e490b9731acbf5f63805ca,"public String mixString(String a, String b) +{ + String m = """"; + for (int i; i < a.length(); i++) + { + m = a + a.charAt(i); + for (i < b.length(); i++) + { + m = b + b.charAt(i); + } + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +03a7da7b1545f57bd8c97b783a3eddb3c8904f12,"public String mixString(String a, String b) +{ + String m = """"; + int i; + for (i < a.length(); i++) + { + m = a + a.charAt(i); + for (i < b.length(); i++) + { + m = b + b.charAt(i); + } + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +f73b4492d38307e1a7f7e89f818c379e62d91d67,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + for (i < a.length(); i++) + { + m = a + a.charAt(i); + for (i < b.length(); i++) + { + m = b + b.charAt(i); + } + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +fc744bf327b439ba0efcf9f3f28f116c9d5d6d2d,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + for (i < a.length(); i++) + { + m = a + a.charAt(i); + } + for (i < b.length(); i++) + { + m = b + b.charAt(i); + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +fe3460bc619da6140a19389c43e4db38aab3c940,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + for (i < a.length(); i++) + { + m = a + a.charAt(i); + } + for (i < b.length(); i++) + { + m = b + b.charAt(i); + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +9aac995bb3c2caf3a788524ab21d1ee8953a668d,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + for (i; i < a.length(); i++) + { + m = a + a.charAt(i); + } + for (i; i < b.length(); i++) + { + m = b + b.charAt(i); + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +be2c32f5048a845ca8e2997da83f9c002a535085,"public String mixString(String a, String b) +{ + String m = """"; + int i; + for (i = 0; i < a.length(); i++) + { + m = a + a.charAt(i); + } + for (i = 0; i < b.length(); i++) + { + m = b + b.charAt(i); + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +bc5fee161191d3146afb1dba781f2623eb331cf8,"public String mixString(String a, String b) +{ + char aa = a.charAt(0); + char ab = a.charAt(1); + char ba = b.charAt(0); + char bb = b.charAt(1); + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = aa + ba + ab +bb +c +d; + return result; +} +" +5fb893b4dde2959de4d5fa0149fa2a87b291976b,"public String mixString(String a, String b) +{ + String aa = a.charAt(0); + String ab = a.charAt(1); + String ba = b.charAt(0); + String bb = b.charAt(1); + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = aa + ba + ab +bb +c +d; + return result; +} +" +2c10d88754d4a01eb6a5d6377fa00ff9f6260973,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + i++ + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +381861bfc27975aaacfbd9d8d85acc7993daff3a,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return a.charAt(ia) + b.charAt(ib); + } + } + return """"; +} +" +356b97122afa742bd039c0a737327828bc4d4dbe,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +3012c6f16df5f55ad01afdb7d895ed4c73d7be01,"public String mixString(String a, String b) +{ + for (int ia = 0; ia < a.length(); ia++) + { + for (int ib = 0; ib < b.length(); ib++) + { + return """" + a.charAt(ia) + b.charAt(ib); + } + } + return """"; +} +" +b63c21802e94293a94a90a5dc7f3371af9b98d31,"public String mixString(String a, String b) +{ + String m = """"; + int i; + for (i = 0; i < a.length() && i < b.length(); i++) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + + } + else + { + m = m + a.substring(i); + } + return m; +} +" +ed3caeb4fca33332518cbb751af8208137c54222,"public String mixString(String a, String b) +{ + char aa = a.charAt(0); + char ab = a.charAt(1); + char ba = b.charAt(0); + char bb = b.charAt(1); + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = aa + ba + ab +bb +c +d; + return result; +} +" +64d823d2f8aa1f84c691753963f900fdd68e4189,"public String mixString(String a, String b) +{ + String m = """"; + int i; + for (i = 0; i < a.length() && i < b.length(); i++) + { + m = a + a.charAt(i); + m = b + b.charAt(i); + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + } + else + { + m = m + a.substring(i); + } + return m; +} +" +2acb8207f8a090601dae18801eb74f5f6ac882a1,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = m + a.charAt(i); + m = m + b.charAt(i); + i++ + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + } + else + { + m = m + a.substring(i); + } + return m; +} +" +5fda40790278f9a7c87b44fca3ba09f25f08144c,"public String mixString(String a, String b) +{ + String result = """"; +int length, bigger, i = 0; +if(a.length() > b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +} +" +f0b1044e2edda0cf934134035b4ff0a77aa6cbed,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = m + a.charAt(i); + m = m + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + } + else + { + m = m + a.substring(i); + } + return m; +} +" +b703548e898f86b81a359887a19e3c4fbcd8ab6e,"public String mixString(String a, String b) +{ + char aa = a.charAt(0); + char ab = a.charAt(1); + char ba = b.charAt(0); + char bb = b.charAt(1); + String c = a.substring(1, a.length()); + String d = b.substring(1, b.length()); + String result = aa + ba + ab +bb +c +d; + return result; +} +" +531ffa2a5a8bd5d725ee6faaa3f791be9ab734a7,"public String mixString(String a, String b) +{ + char aa = a.charAt(1); + char ab = a.charAt(2); + char ba = b.charAt(1); + char bb = b.charAt(2); + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = aa + ba + ab +bb +c +d; + return result; +} +" +2e85066bcfbf59c96c90b57684bcf30b1098b07b,"public String mixString(String a, String b) +{ + String res = """"; + int i = 0; + int j = 0; + while(i < a.length() || j < b.length()) { + if (i < a.length()) { + res += a.charAt(i); + i++; + } + if (j < a.length()) { + res += a.charAt(); + j++; + } + } + + return res; +} +" +365acae7a0c4e4a2f878717001ca24152447afba,"public String mixString(String a, String b) +{ + String res = """"; + int i = 0; + int j = 0; + while(i < a.length() || j < b.length()) { + if (i < a.length()) { + res += a.charAt(i); + i++; + } + if (j < b.length()) { + res += b.charAt(j); + j++; + } + } + + return res; +} +" +17eb4e58de608f3c74f6f9fa3b57143ee9153fbf,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length()) + { + while (i < b.length()) + { + m = m + a.charAt(i); + m = m + b.charAt(i); + i++; + } + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + } + else + { + m = m + a.substring(i); + } + return m; +} +" +f5e7fefde6111c6a47a146cdbc253a3c2b27705f,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length()) + { + while (i < b.length()) + { + m = m + a.charAt(i); + m = m + b.charAt(i); + i++; + } + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + } + else + { + m = m + a.substring(i); + } + return m; +} +" +07584d9ac1b18e32d4a054f32ee1b9a413bdf73d,"public String mixString(String a, String b) +{ + char aa = a.charAt(); + char ab = a.charAt(2); + char ba = b.charAt(1); + char bb = b.charAt(2); + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = a.charAt(0) + b.charAt(0) + a.charAt(1) +b.charAt(1) +c +d; + return result; +} +" +096b650242a7bce6fdc8a7156197ed1a94a99dde,"public String mixString(String a, String b) +{ + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = a.charAt(0) + b.charAt(0) + a.charAt(1) +b.charAt(1) +c +d; + return result; +} +" +4e566004d661656bbe6029493249fc98734e0419,"public String mixString(String a, String b) +{ + String m = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + m = m + a.charAt(i); + m = m + b.charAt(i); + i++; + } + if (a.length() < b.length()) + { + m = m + b.substring(i); + } + else + { + m = m + a.substring(i); + } + return m; +} +" +30caeb93094520ab64e9d5eac331e5d796888a3c,"public String mixString(String a, String b) +{ + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = a.charAt(0) + b.charAt(0) + a.charAt(1) +b.charAt(1) +c +d; + return result; +} +" +7bad4cf90628d11d44a239cea13fc6c5abd08410,"public String mixString(String a, String b) +{ + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + String result = """"+ a.charAt(0) + b.charAt(0) + a.charAt(1) +b.charAt(1) +c +d; + return result; +} +" +0ce1eea4d6b0e7c69dc349884b24d0a7a7571d5f,"public String mixString(String a, String b) +{ + String c = a.substring(2, a.length()); + String d = b.substring(2, b.length()); + if (a.length() == 0 && b.length() ==0) + { + return """"; + } + else if (a.length() ==0) + { + return b; + } + else if (b.length() == 0) + { + return a; + } + else if (a.length() == 1) + + { + String result = """"+ a.charAt(0) + b.charAt(0) +b.charAt(1) +c +d; + return result; + } + else if (b.length() == 1) + { + String result = """"+ a.charAt(0) + b.charAt(0) + a.charAt(1) +c +d; + return result; + } + else + { + String result = """"+ a.charAt(0) + b.charAt(0) + a.charAt(1) +b.charAt(1) +c +d; + return result; + } + +} +" +0b695f9731fe3073b1ee630978abee49e3917915,"public String mixString(String a, String b) +{ + int loopCount = Math.max(a.length(), b.length()); + String s = """"; + for(int i=0;i b.length()) + { + for(int x =0; x< b.length(); x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int x =0; x< a.length(); x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +e231ab4d79140effc47dfe19b115dd0e37f4baf0,"public String mixString(String a, String b) +{ + int x = 0; + String newStr = """"; + while(x != a.length() || x != b.length()) + { + if (x == a.length()) + { + newStr = newStr + b.charAt(x); + x++; + } + else if (x == b.length()) + { + newStr = newStr + a.charAt(x); + x++; + } + else + { + newStr = newStr + a.charAt(x) + b.charAt(x); + x++; + } + } + return newStr; +} +" +660893438d8000ed243bfe24c5864be4749cd0e0,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-1; x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int x =0; x< a.length()-1; x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +894c9ba2308c75ae26185654ce00303835bd25f0,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int x =0; x< a.length()-2; x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +915d3cbe0db0338affd4be2edb68b3fa7da5efae,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int y =0; y< a.length()-2; y++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +0751d746975e24b91035a5a202c61cb9bb08cb9a,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = output + a.charAt(x) + b.charAt(x); + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int y =0; y< a.length()-2; y++) + { + output = output + a.charAt(y) + b.charAt(y); + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +1b0457d9ea70bad38cb938b39538e59498968475,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = a.charAt(x) + b.charAt(x) + output ; + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int y =0; y< a.length()-2; y++) + { + output = output + a.charAt(y) + b.charAt(y); + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +14ce1d6a45ed6e932ad5a44b0e77d8d6133f1763,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = a.charAt(x) + b.charAt(x) + output ; + } + return output + a.substring(b.length(), a.length()-1); + } + + else + { + for(int y =0; y< a.length()-2; y++) + { + output =a.charAt(y) + b.charAt(y) +output; + } + return output + b.substring(a.length(), b.length()-1); + } +} +" +4f36b8694b404affadd43b2653aa7e6d581f4f1e,"public String mixString(String a, String b) +{ + int x = 0; + String newStr = """"; + while(x != a.length() || x != b.length()) + { + if (x >= a.length()) + { + newStr = newStr + b.charAt(x); + x++; + } + else if (x >= b.length()) + { + newStr = newStr + a.charAt(x); + x++; + } + else + { + newStr = newStr + a.charAt(x) + b.charAt(x); + x++; + } + } + return newStr; +} +" +a3bd9f007709b86b14999c5851c7d760e4149539,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = a.charAt(x) + b.charAt(x) + output ; + } + return output + a.substring(b.length(), a.length()-2); + } + + else + { + for(int y =0; y< a.length()-2; y++) + { + output =a.charAt(y) + b.charAt(y) +output; + } + return output + b.substring(a.length(), b.length()-2); + } +} +" +af43da3ee76594cb69109c507fb56b7292743c05,"public String mixString(String a, String b) +{ + String output = """"; + if(a.length()> b.length()) + { + for(int x =0; x< b.length()-2; x++) + { + output = a.charAt(x) + b.charAt(x) + output ; + } + return output + a.substring(b.length(), a.length()); + } + + else + { + for(int y =0; y< a.length()-2; y++) + { + output =a.charAt(y) + b.charAt(y) +output; + } + return output + b.substring(a.length(), b.length()); + } +} +" +07a55204820ff7a99dbdeb60dec0567ce72f2358,"public String mixString(String a, String b) +{ + int x = 0; + String newStr = """"; + while(x != a.length() || x != b.length()) + { + if (x <= b.length()) + { + newStr = newStr + a.charAt(x); + x++; + } + if (x <= a.length()) + { + newStr = newStr + b.charAt(x); + x++; + } + } + return newStr; +} +" +63b842aec77a951c93b669593545f860d0168f61,"public String mixString(String a, String b) +{ + int x = 0; + String newStr = """"; + while(x != a.length() || x != b.length()) + { + if (x == b.length()) + { + newStr = newStr + a.charAt(x); + x++; + } + if (x == a.length()) + { + newStr = newStr + b.charAt(x); + x++; + } + else + { + newStr = newStr + a.charAt(x) + b.charAt(x); + x++; + } + } + return newStr; +} +" +45e512b16100bd52a9a1bf57d70f9843bcaee186,"public String mixString(String a, String b) +{ + int t = a.length(); + int s = b.length(); + String answer = """"; + + if (t < s) + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb + } + String end = b.substring(s - t, s); + answer = answer + end; + } + else if + { + for (int i = 0; i < s; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb + } + String end = a.substring(t - s, t); + answer = answer + end; + } + else + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb + } + } + return answer; +} +" +29714c3a1f967f2ccd7c2575f73f002f264be3eb,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthba; + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) + me += a.substring(i,i+1); + if (i <=lengthb-1) + me += b.substring(i,i+1); + } + return me; +} +} +" +6e0f632436af327073ba606e495502c52c1b6502,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthb); + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) + me += a.substring(i,i+1); + if (i <=lengthb-1) + me += b.substring(i,i+1); + } + return me; +} +} +" +e1fbaede63a957715b1a2ca82f856983d5d4880b,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthb); + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) { + me += a.substring(i,i+1); + } + if (i <=lengthb-1) { + me += b.substring(i,i+1); + } + return me; +} +} +" +29ab408b9c412ceb28efbd8ee024b45d9bf77ca3,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthb); + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) { + me += a.substring(i,i+1); + } + if (i <=lengthb-1) { + me += b.substring(i,i+1); + } + return me; +} +" +02ae65aef5528bb695158c928a39fccfaa8a57f2,"public String mixString(String a, String b) +{ + int t = a.length(); + int s = b.length(); + String answer = """"; + + if (t < s) + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = b.substring(s - t, s); + answer = answer + end; + } + else if + { + for (int i = 0; i < s; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = a.substring(t - s, t); + answer = answer + end; + } + else + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + } + return answer; +} +" +8fd1d5a9965b09f7306e9138dafba220658c0711,"public String mixString(String a, String b) +{ + int t = a.length(); + int s = b.length(); + String answer = """"; + + if (t < s) + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = b.substring(s - t, s); + answer = answer + end; + } + else if (s < t + { + for (int i = 0; i < s; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = a.substring(t - s, t); + answer = answer + end; + } + else + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + } + return answer; +} +" +42c682fbb2a31d2d327e648827ec5e314d5dff49,"public String mixString(String a, String b) +{ + int t = a.length(); + int s = b.length(); + String answer = """"; + + if (t < s) + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = b.substring(s - t, s); + answer = answer + end; + } + else if (s < t) + { + for (int i = 0; i < s; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = a.substring(t - s, t); + answer = answer + end; + } + else + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + } + return answer; +} +" +aee3007b41d8eb84c4317f7c8e4bf0453d29085c,"public String mixString(String a, String b) +{ + int x = 0; + int y = 0; + String newStr = """"; + if (a.length() > b.length()) + { + y = b.length(); + } + else if (b.length() > a.length()) + { + y = a.length(); + } + else + { + y = a.length(); + } + while(x != y) + { + newStr = newStr + a.charAt(x) + b.charAt(x); + x++; + } + if (a.length() > b.length()) + { + newStr = newStr + a.substring(b.length()); + } + if (b.length() > a.length()) + { + newStr = newStr + b.substring(a.length()); + } + return newStr; +} +" +5d97df7687a229c438c5403e4f3c53d2389ea36a,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthb); + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) { + me += a.substring(i,i+1); + } + if (i <=lengthb-1) { + me += b.substring(i,i+1); + } + return me; +} +}" +0322c82885b9b89da460e9f73a6c6bf83adf5d2e,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthb); + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) { + me += a.substring(i,i+1); + } + if (i <=lengthb-1) { + me += b.substring(i,i+1); + } + return me; +} +}" +b30ab080affafc0b79f1efa0f648b7764b034acf,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int max = Math.max(lengtha, lengthb); + String me = """"; + for (int i = 0; i < max; i++) { + if (i <= lengtha-1) { + me += a.substring(i,i+1); + } + if (i <=lengthb-1) { + me += b.substring(i,i+1); + } + } + return me; +}" +6585ae1ff1e56f65df751f0c9ceadd91e2c7c080,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +fcdb91cb76905e9a30708de6b294b27ed0685c1f,"public String mixString(String a, String b) +{ + int t = a.length(); + int s = b.length(); + String answer = """"; + + if (t < s) + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = b.substring(t, s); + answer = answer + end; + } + else if (s < t) + { + for (int i = 0; i < s; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + String end = a.substring(s, t); + answer = answer + end; + } + else + { + for (int i = 0; i < t; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + answer = answer + ca + cb; + } + } + return answer; +} +" +43af59a60800254e4a1ffd21fe6949c910ea6856,"public String mixString(String a, String b) +{ + String mix=""""; + char cha=a.charAt(i); + char chb=b.charAt(i); + for(int i=0; i+1<= a.length() && i+1<=b.length();i++) + { + mix= mix+cha+chb; + } + if (!a.endsWith(cha) || !b.endsWith(chb)) + { + mix=mix+a.substring(i+1)+b.substring(i+1); + } + return mix; + +} +" +ff85a6af9e35260e4474c99272a17b58c15829cd,"public String mixString(String a, String b) +{ + int alen = a.length(); + int blen = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(alen +blen); + for ( ; i < alen && i < blen; i++) + { + builder.append(a.charAt(i)) + builder.append(b.charAt(i)) + } + for ( ; i < alen; i++) + { + builder.append(a.charAt(i)); + } + for ( ; i < blen; i++) + { + builder.append(b.charAt(i)); + } + return bulder.toString(); +} +" +5c632a12df5ec727926fa7eca60ac36c6458b1be,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + int i = 0; + + StringBuilder stbuild = new StringBuilder(aLen+bLen); + + for(; i < aLen && i < bLen; i++) + + { + + stbuild.append(a.charAt(i)); + + stbuild.append(b.charAt(i)); + + } + + // only 1 for loop will actually run + + for(; i < aLen; i++) + + stbuild.append(a.charAt(i)); + + for(; i < bLen; i++) + + stbuild.append(b.charAt(i)); + + return stbuild.toString(); + +} +" +7f4fdf935b0d73fc506892eee49b394767f36097,"public String mixString(String a, String b) +{ + int alen = a.length(); + int blen = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(alen +blen); + for ( ; i < alen && i < blen; i++) + { + builder.append(a.charAt(i)); + builder.append(b.charAt(i)); + } + for ( ; i < alen; i++) + { + builder.append(a.charAt(i)); + } + for ( ; i < blen; i++) + { + builder.append(b.charAt(i)); + } + return bulder.toString(); +} +" +5608934ae43dcafaedcc73f8f40ad0222529ab1a,"public String mixString(String a, String b) +{ + int alen = a.length(); + int blen = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(alen +blen); + for ( ; i < alen && i < blen; i++) + { + builder.append(a.charAt(i)); + builder.append(b.charAt(i)); + } + for ( ; i < alen; i++) + { + builder.append(a.charAt(i)); + } + for ( ; i < blen; i++) + { + builder.append(b.charAt(i)); + } + return builder.toString(); +} +" +e596fc5e48ae08a66376685b2d4b379dcdebf177,"public String mixString(String a, String b) +{ + String mix=""""; + char cha=a.charAt(i); + char chb=b.charAt(i); + int i=0; + for(i=0; i+1<= a.length() && i+1<=b.length();i++) + { + mix= mix+cha+chb; + } + if (!a.endsWith(cha) || !b.endsWith(chb)) + { + mix=mix+a.substring(i+1)+b.substring(i+1); + } + return mix; + +} +" +24795c03d4b4b981dcc0c7590e72f14858262edc,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + char cha=a.charAt(i); + char chb=b.charAt(i); + for(i=0; i+1<= a.length() && i+1<=b.length();i++) + { + mix= mix+cha+chb; + } + if (!a.endsWith(cha) || !b.endsWith(chb)) + { + mix=mix+a.substring(i+1)+b.substring(i+1); + } + return mix; + +} +" +77710925d60555dad2f42a7e33ab9c0d11b6dc59,"public String mixString(String a, String b) +{ + int i = 0; + while (i < a.length() && i < b.length()) + { + word = word + a.charAt(i) = b.charAt(i); + i++; + } + return word + a.subString(i) + b.substring(i); +} +" +051effa140d4c0e2776a23ac638dcf10b036b9b6,"public String mixString(String a, String b) +{ + String word = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + word = word + a.charAt(i) = b.charAt(i); + i++; + } + return word + a.subString(i) + b.substring(i); +} +" +ca198982d2c3b555b2594b93fd72ab4255ec19ca,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + char cha=a.charAt(i); + char chb=b.charAt(i); + for(i=0; i+1<= a.length() && i+1<=b.length();i++) + { + mix= mix+cha+chb; + } + if (!a.substring(i).equals(a.length) || !b.substring(i). + equals(b.length)) + { + mix=mix+a.substring(i+1)+b.substring(i+1); + } + return mix; + +} +" +f4491050eb8477707d8ae796e4df56d04d6ef1df,"public String mixString(String a, String b) +{ + String word = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + i++; + } + return word + a.subString(i) + b.substring(i); +} +" +6b97763ba2c44243a8f23f275ab5af087823f44d,"public String mixString(String a, String b) +{ + String word = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + word = word + a.charAt(i) + b.charAt(i); + i++; + } + return word + a.substring(i) + b.substring(i); +} +" +21e06835be753efe41e7c3aabc4b3b2510f81f7d,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + char cha=a.charAt(i); + char chb=b.charAt(i); + for(i=0; i+1<= a.length() && i+1<=b.length();i++) + { + mix= mix+cha+chb; + } + if (!a.substring(i).equals(a.length()) || !b.substring(i). + equals(b.length())) + { + mix=mix+a.substring(i+1)+b.substring(i+1); + } + return mix; + +} +" +232a942c3bc8d9a52dcf6a13e6ae4efe32c62a32,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +2733b71baf82352d45260341324e500b45a7869b,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +beb9c581eb91b1edfe478ecad8eb2824be694301,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i <= lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + for (int i = 0; i <= lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffa = la - lb; + int enda = la + 1; + String ea = a.substring(diffa, enda); + re = re + ea; + return re; + } + else // lb > la + { + for (int i = 0; i <= la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffb = lb - la; + int endb = lb + 1; + String eb = a.substring(diffb, endb); + re = re + eb; + return re; + } +} +" +4d97eb758bd9b65000146aa28f4818720ed680f4,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i <= lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + for (int i = 0; i <= lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffa = la - lb; + int enda = la; + String ea = a.substring(diffa, enda); + re = re + ea; + return re; + } + else // lb > la + { + for (int i = 0; i <= la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffb = lb - la; + int endb = lb; + String eb = a.substring(diffb, endb); + re = re + eb; + return re; + } +} +" +ddde1af9c659869e3bd3e4a5b396b140bf763420,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffa = la - lb; + int enda = la; + String ea = a.substring(diffa, enda); + re = re + ea; + return re; + } + else // lb > la + { + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffb = lb - la; + int endb = lb; + String eb = a.substring(diffb, endb); + re = re + eb; + return re; + } +} +" +0334fefcbb7ad610989c6a494fa7d33465c6071d,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffa = la - lb; + int enda = la + 1; + String ea = a.substring(diffa, enda); + re = re + ea; + return re; + } + else // lb > la + { + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffb = lb - la; + int endb = lb + 1; + String eb = a.substring(diffb, endb); + re = re + eb; + return re; + } +} +" +eeb438df7d5e8d65744adbec7f8214235ef147cc,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffa = la - lb; + int enda = la; + String ea = a.substring(diffa, enda); + re = re + ea; + return re; + } + else // lb > la + { + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int diffb = lb - la; + int endb = lb; + String eb = a.substring(diffb, endb); + re = re + eb; + return re; + } +} +" +96d76620ef79e309ec15487a13ca0aed8d270040,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + }; + int enda = la; + String ea = a.substring(i, enda); + re = re + ea; + return re; + } + else // lb > la + { + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + int endb = lb; + String eb = a.substring(i, endb); + re = re + eb; + return re; + } +} +" +a14c59cd9cbfb1b4f55d9c562d0b1d74d11ea267,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + String ea = a.substring(i, enda); + re = re + ea; + return re; + } + else // lb > la + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + String eb = a.substring(n, endb); + re = re + eb; + return re; + } +} +" +cdecc7e5d6e09fc46b2f7e6d112ab8cc83ae2e8c,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + String ea = a.substring(n, enda); + re = re + ea; + return re; + } + else // lb > la + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + String eb = a.substring(n, endb); + re = re + eb; + return re; + } +} +" +0ddc0bee622811431926f45f0cbdc764571ca45e,"public String mixString(String a, String b) +{ + String result = """"; +int length, bigger, i = 0; +if(a.length() > b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +} +" +b40bc8cd0b1ca30477b679c280ef72050566a854,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + String ea = a.substring(n, enda); + re = re + ea; + return re; + } + else // lb > la + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + String eb = b.substring(n, endb); + re = re + eb; + return re; + } +} +" +c635c9fe461ea79dee6983d1a723856fd77bf3b4,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + int starta = n + 1 + String ea = a.substring(starta, enda); + re = re + ea; + return re; + } + else // lb > la + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + int startb = n + 1 + String eb = b.substring(startb, endb); + re = re + eb; + return re; + } +} +" +266bed9de9200a31a7d0c4c01225e9a6a9707487,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + int starta = n + 1; + String ea = a.substring(starta, enda); + re = re + ea; + return re; + } + else // lb > la + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + int startb = n + 1; + String eb = b.substring(startb, endb); + re = re + eb; + return re; + } +} +" +5d5215c1f1bf8639b781a0257ccca150da047647,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + int starta = n + 1; + String ea = a.substring(starta, enda); + re = re + ea; + return re; + } + else if (lb > la) + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + int startb = n + 1; + String eb = b.substring(startb, endb); + re = re + eb; + return re; + } + else if (la = 0) + { + return b; + } + else if (lb = 0) + { + return a; + } +} +" +6863625c82e18bba1a3cc6b0210e37b710e25c33,"public String mixString(String a, String b) +{ + String ab = """"; + if (a.length() > b.length()) + { + l = b.length(); + l2 = a.length(); + } + else + { + l = a.length(); + l2 = b.lenght(); + } + for (i = 0; i < l; i+2) + { + strNew = strNew + a.charAt(i) + b.charAt(i+1); + } + if (a.length() > b.length()) + { + strNew = strNew + a.substring(l, a.length()) + } + else + { + strNew = strNew + b.substring(l, b.length()) + } +} +" +a047e2dbea3901d59ce558f50ef9b081103f7734,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + int starta = n + 1; + String ea = a.substring(starta, enda); + re = re + ea; + return re; + } + else if (lb > la) + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + int startb = n + 1; + String eb = b.substring(startb, endb); + re = re + eb; + return re; + } + else if (la == 0) + { + return b; + } + else if (lb == 0) + { + return a; + } +} +" +2506587a7d82a1fe7d8906da5073d9de6cae369e,"public String mixString(String a, String b) +{ + String ab = """"; + if (a.length() > b.length()) + { + l = b.length(); + l2 = a.length(); + } + else + { + l = a.length(); + l2 = b.lenght(); + } + for (i = 0; i < l; i+2) + { + strNew = strNew + a.charAt(i) + b.charAt(i+1); + } + if (a.length() > b.length()) + { + strNew = strNew + a.substring(l, a.length()); + } + else + { + strNew = strNew + b.substring(l, b.length()); + } +} +" +4f58011512df529e973cb90a079ab8a2b7cfd139,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + int starta = n + 1; + String ea = a.substring(starta, enda); + re = re + ea; + return re; + } + else if (lb > la) + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + int startb = n + 1; + String eb = b.substring(startb, endb); + re = re + eb; + return re; + } + else if (la == 0) + { + return b; + } + else + { + return a; + } +} +" +be022b0349aeb4a29ee313ac9ec5159939a1dc05,"public String mixString(String a, String b) +{ + String ab = """"; + if (a.length() > b.length()) + { + l = b.length(); + l2 = a.length(); + } + else + { + l = a.length(); + l2 = b.lenght(); + } + for (i = 0; i < l; i++2) + { + strNew = strNew + a.charAt(i) + b.charAt(i+1); + } + if (a.length() > b.length()) + { + strNew = strNew + a.substring(l, a.length()); + } + else + { + strNew = strNew + b.substring(l, b.length()); + } +} +" +6aa310accd7cb4f31b5612a54a7d114ff5393548,"public String mixString(String a, String b) +{ + String ab = """"; + if (a.length() > b.length()) + { + l = b.length(); + l2 = a.length(); + } + else + { + l = a.length(); + l2 = b.lenght(); + } + for (i = 0; i < l; i++) + { + strNew = strNew + a.charAt(i) + b.charAt(i+1); + i=i+1; + } + if (a.length() > b.length()) + { + strNew = strNew + a.substring(l, a.length()); + } + else + { + strNew = strNew + b.substring(l, b.length()); + } +} +" +975a07c28924aed9aec73702a3fd465c57721e89,"public String mixString(String a, String b) +{ + String re = """"; + int la = a.length(); + int lb = b.length(); + if (la == 0) + { + return b; + } + else if (lb == 0) + { + return a; + } + else if (la == lb) + { + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + } + return re; + } + else if (la > lb) + { + int n = 0; + for (int i = 0; i < lb; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int enda = la; + int starta = n + 1; + String ea = a.substring(starta, enda); + re = re + ea; + return re; + } + else // if (lb > la) + { + int n = 0; + for (int i = 0; i < la; i++) + { + char ca = a.charAt(i); + char cb = b.charAt(i); + String sa = Character.toString(ca); + String sb = Character.toString(cb); + re = re + sa + sb; + n = i; + } + int endb = lb; + int startb = n + 1; + String eb = b.substring(startb, endb); + re = re + eb; + return re; + } +} +" +3dbdd4496a133d74128327d24d40f4852ad00a5c,"public String mixString(String a, String b) +{ + String ab = """"; + if (a.length() > b.length()) + { + int l = b.length(); + int l2 = a.length(); + } + else + { + int l = a.length(); + int l2 = b.lenght(); + } + for (int i = 0; i < l; i++) + { + strNew = strNew + a.charAt(i) + b.charAt(i+1); + i=i+1; + } + if (a.length() > b.length()) + { + strNew = strNew + a.substring(l, a.length()); + } + else + { + strNew = strNew + b.substring(l, b.length()); + } +} +" +85c5943fd06a466de2409c6c1ef6755fb18d8cfd,"public String mixString(String a, String b) +{ + String ab = """"; + if (a.length() > b.length()) + { + int l = b.length(); + int l2 = a.length(); + } + else + { + int l = a.length(); + int l2 = b.length(); + } + for (int i = 0; i < l; i++) + { + strNew = strNew + a.charAt(i) + b.charAt(i+1); + i=i+1; + } + if (a.length() > b.length()) + { + strNew = strNew + a.substring(l, a.length()); + } + else + { + strNew = strNew + b.substring(l, b.length()); + } +} +" +80eda9ba5608b056c66190643e8bdacb6337763f,"public String mixString(String a, String b) +{ + String ans = """"; + int leng = a.length(); + + for(int i = 0 ; i b.length()) + n = b.length(); + else + n = a.length(); + for (int i = 0; i < n; i++) + { + temp = temp + a.chartAt(i); + temp = temp + b.charAt(i); + } + if (a.length() > b.length()) + temp = temp + a.substring(b.length()); + else + temp = temp + b.substring(a.length()); + return temp; +} +" +925c383d6d2e99970eaea4acbfea72dc2b42eea3,"public String mixString(String a, String b) +{ + int n; + String temp = """"; + if (a.length() > b.length()) + n = b.length(); + else + n = a.length(); + for (int i = 0; i < n; i++) + { + temp = temp + a.charAt(i); + temp = temp + b.charAt(i); + } + if (a.length() > b.length()) + temp = temp + a.substring(b.length()); + else + temp = temp + b.substring(a.length()); + return temp; +} +" +96670b1671125e7c952243feb2d3fbd899755456,"public String mixString(String a, String b) +{ + String mixString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + mixString = a.charAt(i) + b.charAt(i); + } + mixString = mixString + a.substring(b.length(), a.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + mixString = a.charAt(c) + b.charAt(c); + } + mixString = mixString + b.substring(a.length(), b.length()); + } +} +" +cbcbf7aa1ff70b1448c390ed0f392975747982f6,"public String mixString(String a, String b) +{ + String mixString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + mixString = a.charAt(i) + b.charAt(i); + } + mixString = mixString + a.substring(b.length(), a.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + mixString = a.charAt(c) + b.charAt(c); + } + mixString = mixString + b.substring(a.length(), b.length()); + } + return mixString; +} +" +65d098354e8e9c51db3f8f33146d060dcd7322b0,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newString = a.charAt(i) + b.charAt(i); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + newString = a.charAt(c) + b.charAt(c); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString; +} +" +3e12e48b464ea27199b880d75cb9e884e155d926,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +7b29ff767815562517b0ca1a4db05d8a15eee777,"public String mixString(String a, String b) +{ + String result = """"; + int i = 0; + while (i < a.length() && i < b.length()) + { + result = result + a.charAt(i) + b.charAt(i); + i++; + } + return result + a.substring(i) + b.substring(i); +} " +9e55cc2e71c374bec629f7df5b60fda4db07a00f,"public String mixString(String a, String b) +{ + char charLet1; + charLet1 = a.charAt(0); + String stringLet1; + stringLet1 = String.valueOf(charLet1); + + String initialMix; + initialMix = stringLet1; + + for (int i = 0; i < b.length(); i++) + { + char charLet; + charLet = b.charAt(i); + String stringLet; + stringLet = String.valueOf(charLet); + + + for (int j = 0; j < a.length(); i++) + { + + // make a new string containing old string and a new letter + } + } +} +" +d5566fbd29dc70dd4c916f1c37aeca68180fee7c,"public String mixString(String a, String b) +{ + String result =""""; + if (a.length()>=b.length()) + { + for (int x = 0 ;x< b.length();x++) + { + result += a.charAt(x); + result += b.charAt(x); + } + result += a.substring(b.length(),a.length()); + } + if (b.length()>a.length()) + { + for (int x = 0 ;x< a.length();x++) + { + result += a.charAt(x); + result += b.charAt(x); + } + result += b.substring(a.length(),b.length()); + } + + return result; + +} +" +f37046e6724c49b0033d79797a4fa4c10f13cfde,"public String mixString(String a, String b) { + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +}" +a15d636c0d86296ca19425fb5034481b1d5eaed5,"public String mixString(String a, String b) +{ + String part=""""; + int i; + for(i=0;i b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +} +" +bf3759b390aa0cfcb9e2e4f2b19e405950a163af,"public String mixString(String a, String b) +{ + int len; + String mix = """"; + if(a.length() >= b.length()){ + len = b.length(); + }else if ( b.length() >= a.length()){ + len = a.length(); + } + for( int i = 0; i < len; i++){ + mix += a.charAt(i); + mix += b.charAt(i); + } + if(a.length() >= b.length()){ + mix += a.substring(len, a.length()); + }else if ( b.length() >= a.length()){ + mix = b.substring(len, b.length()); + } + return mix; +} +" +90d301a8bee15697eb6b7b779e531f59e5f0cbac,"public String mixString(String a, String b) +{ + int len = 0; + String mix = """"; + if(a.length() >= b.length()){ + len = b.length(); + }else if ( b.length() >= a.length()){ + len = a.length(); + } + for( int i = 0; i < len; i++){ + mix += a.charAt(i); + mix += b.charAt(i); + } + if(a.length() >= b.length()){ + mix += a.substring(len, a.length()); + }else if ( b.length() >= a.length()){ + mix = b.substring(len, b.length()); + } + return mix; +} +" +01acf9268203b5b03f89dd9ca245191756ac0d91,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLength + bLength); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +ecb4ddf4e69c5b8f7b164530d075d6b2763d7ab6,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLength + bLength); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLength; i++) + { + stbuild.append(a.charAt(i)); + } + for(; i < bLength; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); +} +" +b7bf97fd926681536be2f9590c6aab4cf7721c09,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = lengthA + lengthB; + int countA =0; + int countB =0; + for(int i = 0; i < loop; i=i++) + { + + char A = a.charAt(countA); + char B = b.charAt(countB); + if(countA < lengthA) + { + countA = countA + 1; + } + else if(countB < lengthB) + { + countB = countB +1; + } + newString = newString + A + B; + if(newString.length() == loop) + { + break; + } + } + return newString; +} +" +df4a0e645576831787ef6eca2928dc77525db48d,"public String mixString(String a, String b) +{ + String newString=""""; + int lengthA = a.length(); + int lengthB = b.length(); + int loop = lengthA + lengthB; + int countA =0; + int countB =0; + for(int i = 0; i < loop; i=i+2) + { + + char A = a.charAt(countA); + char B = b.charAt(countB); + if(countA < lengthA) + { + countA = countA + 1; + } + else if(countB < lengthB) + { + countB = countB +1; + } + newString = newString + A + B; + if(newString.length() == loop) + { + break; + } + } + return newString; +} +" +2bccede3a75fe30cb6f34c1a6907a31da92decc4,"public String mixString(String a, String b) +{ + int len = 0; + String mix = """"; + if(a.length() >= b.length()){ + len = b.length(); + }else if ( b.length() >= a.length()){ + len = a.length(); + } + for( int i = 0; i < len; i++){ + mix += a.charAt(i); + mix += b.charAt(i); + } + if(a.length() >= b.length()){ + mix += a.substring(len, a.length()); + }else if ( b.length() >= a.length()){ + mix += b.substring(len, b.length()); + } + return mix; +} +" +2202fcedcb38f79821554c8177b2bed3b53281b8,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +1fdba331b45cc23d489139304f6bbdd49b6957b4,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + diff = abs(lengthA-lengthB()); + int length; + if (lengthA>lengthB) + length = lengthB; + else + { + length = lengthA; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + //diff = -diff; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + //diff = -diff; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + //diff = -diff; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + //diff = -diff; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length+1); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + //diff = -diff; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length); + } + else if (lengthBlengthB) + length = lengthB; + else + { + length = lengthA; + //diff = -diff; + } + + for (int i = 0; ilengthB) + { + mixString = mixString + a.substring(length); + } + else if (lengthB>lengthA) + { + mixString = mixString + b.substring(length); + } + return mixString; +} +" +e3dac9cb96143c7c13f2619fb65a75a6f9a31e4a,"public String mixString(String a, String b) +{ + String newString = """"; + String cutString = """"; + int alength = a.length(); + int blength = b.length(); + + if (alength < blength) + { + + cutString = b.substring(alength); + + for (int i = 0; i < alength; i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + + } + + newString += cutString; + + + } + else if (blength < alength) + { + + cutString = a.substring(blength); + + for (int i = 0; i < blength; i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + + } + + newString += cutString; + + + + } + else + { + + for (int i = 0; i < blength; i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + + } + + + } + + + + + + + + + + return newString; + + +} +" +64f98bd4f974eec9f373910d74b802554325092d,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + char cha=a.charAt(i); + char chb=b.charAt(i); + for(i=0; i< a.length() && i= b.length()) + { + size = a.length(); + add = b.substring(size); + } + else + { + size = b.length(); + add = a.substring(size); + } + + for (int i = 0; i < size; i++) + { + s+= a.charAt(i); + s+= b.charAt(i); + } + s+= add; + + return s; +} +" +258927e8d13a4fcfd49fc19853f67427b3efb7f1,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + char cha=a.charAt(i); + char chb=b.charAt(i); + for(; i< a.length() && i b.length()) + { + size = a.length(); + add = b.substring(size); + } + else + { + size = b.length(); + add = a.substring(size); + } + + for (int i = 0; i < size; i++) + { + s+= a.charAt(i); + s+= b.charAt(i); + } + s+= add; + + return s; +} +" +ffdd7bcceb01de4ec7c70999c3dbd9cfaaf4e2e4,"public String mixString(String a, String b) +{ + String s = """"; + int size = 0; + String add = """"; + if (a.length() > b.length()) + { + size = a.length(); + add = b.substring(size - 1); + } + else + { + size = b.length(); + add = a.substring(size - 1); + } + + for (int i = 0; i < size; i++) + { + s+= a.charAt(i); + s+= b.charAt(i); + } + s+= add; + + return s; +} +" +3e347e4c11dab302f5c4f15ea76aca9b2818e745,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + + for(; i< a.length() && i b.length()) + { + size = a.length(); + add = b.substring(size); + } + else + { + size = b.length(); + add = a.substring(size); + } + + for (int i = 0; i < size - 1; i++) + { + s+= a.charAt(i); + s+= b.charAt(i); + } + s+= add; + + return s; +} +" +e330ce4041d6495e935ad3ac3dbbf6528ef0ef46,"public String mixString(String a, String b) +{ + String s = """"; + int size = 0; + String add = """"; + if (a.length() > b.length()) + { + size = a.length(); + add = b.substring(size); + } + else + { + size = b.length(); + add = a.substring(size); + } + + for (int i = 0; i < size; i++) + { + s+= a.charAt(i); + s+= b.charAt(i); + } + s+= add; + + return s; +} +" +597e7d2247941b0fccc58ad79bcac512bd986021,"public String mixString(String a, String b) +{ + String s = """"; + int size = 0; + String add = """"; + if (a.length() >= b.length()) + { + size = a.length(); + add = b.substring(size); + } + else + { + size = b.length(); + add = a.substring(size); + } + + for (int i = 0; i < size; i++) + { + s+= a.charAt(i); + s+= b.charAt(i); + } + s+= add; + + return s; +} +" +dd46f4613eaffc2a296eac9d732e90e0cb859a25,"public String mixString(String a, String b) +{ + String mix=""""; + int i=0; + + for(; i< a.length() && i b.length()) d += a.substring(b.length(), a.length()); + return d; + +} +" +b4eab5dac67f14c0d12048e2801bf1f519c32d73,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + String str = """"; + if (lengtha == lengthb) + { + for (int i = 0; i < lengtha; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + } + if (lengtha > lengthb) + { + for (int i = 0; i < lengthb; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + int difa = lengtha - lengthb; + str = str + a.substring(lengtha - difa, lengtha) + } + return str; +} +" +a70246cf18d9a3b7b22c215d1449e16f845464ee,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + String str = """"; + if (lengtha == lengthb) + { + for (int i = 0; i < lengtha; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + } + if (lengtha > lengthb) + { + for (int i = 0; i < lengthb; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + int difa = lengtha - lengthb; + str = str + a.substring(lengtha - difa, lengtha); + } + return str; +} +" +d28605b4bf046bb3053703af5a292daaace65e94,"public String mixString(String a, String b) +{ + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, bL); + String nwWord = """"; + for (int i = 0; i < max; i++) + { + if (i <= aL - 1) + { + nwWord += a.substring(i,i+1) + } + if (i <= bL-1) + { + nwWord += b.substring(i,i+1); + } + } + return nwWord; +} +" +efb91d8c66e977c2c58454139495244c1640e910,"public String mixString(String a, String b) +{ + int c = 0; + String d = """"; + if (a.length() <= b.length()) + { + int c = a.length(); + } + else + { + int c = b.length(); + } + + for (int i = 0; i < c; i++) + { + String d = a.substring(i, i + 1) + b.subtring(i, i + 1); + } + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + return d; + +} +" +7405bbcc8753152744e0f37610e5ab5fb334151d,"public String mixString(String a, String b) +{ + int aL = a.length(); + int bL = b.length(); + int max = Math.max(aL, bL); + String nwWord = """"; + for (int i = 0; i < max; i++) + { + if (i <= aL - 1) + { + nwWord += a.substring(i,i+1); + } + if (i <= bL-1) + { + nwWord += b.substring(i,i+1); + } + } + return nwWord; +} +" +c7d87934ecdf2786e956a3e6bd78965593618b4b,"public String mixString(String a, String b) +{ + int c = 0; + String d = """"; + if (a.length() <= b.length()) + { + c = a.length(); + } + else + { + c = b.length(); + } + + for (int i = 0; i < c; i++) + { + String d = a.substring(i, i + 1) + b.subtring(i, i + 1); + } + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + return d; + +} +" +1faeff22a757967ab2d670962aaf4f930bee8d02,"public String mixString(String a, String b) +{ + int c = 0; + String d = """"; + if (a.length() <= b.length()) + { + c = a.length(); + } + else + { + c = b.length(); + } + + for (int i = 0; i < c; i++) + { + d = a.substring(i, i + 1) + b.subtring(i, i + 1); + } + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + return d; + +} +" +81436a7466c4cd43e2d6844855d24fdd27f99620,"public String mixString(String a, String b) +{ + String fuckMyLife = """"; + for (int i = 0; i < a.length(); i++){ + + } +} +" +b883691caf2a5617449e98b8b6050020e78c8d74,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + String str = """"; + if (lengtha == lengthb) + { + for (int i = 0; i < lengtha; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + } + else if (lengtha > lengthb) + { + for (int i = 0; i < lengthb; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + int dif = lengtha - lengthb; + str = str + a.substring(lengtha - dif, lengtha); + } + else + { + for (int i = 0; i < lengtha; i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + int dif = lengthb - lengtha; + str = str + b.substring(lengthb - dif, lengthb); + } + return str; +} +" +87484ff839203b240bbac20c10a5f24f565d0495,"public String mixString(String a, String b) +{ + int c = 0; + String d = """"; + if (a.length() <= b.length()) + { + c = a.length(); + } + else + { + c = b.length(); + } + + for (int i = 0; i < c; i++) + { + d += a.substring(i, i + 1) + b.subtring(i, i + 1); + } + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + return d; + +} +" +a091f3634d03a3121c5eeb8ed3e5881540581468,"public String mixString(String a, String b) +{ + String fuckMyLife = """"; + for (int i = 0; i < a.length(); i++){ + char charA = a.charAt(i); + char charB = b.charAt(i); + fuckMyLife += Character.toString(charA) + Character.toString(charB); + } +} +" +eb339d04748d10cedaf33aa66afa52e93a57b626,"public String mixString(String a, String b) +{ + String fuckMyLife = """"; + for (int i = 0; i < a.length(); i++){ + char charA = a.charAt(i); + char charB = b.charAt(i); + fuckMyLife += Character.toString(charA) + Character.toString(charB); + } + return fuckMyLife; +} +" +e11b354072acd0a0e497d5970a056a86c90f997d,"public String mixString(String a, String b) +{ + int aLen=a.length(); + int bLen=b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i< aLen && i < bLen; i++) { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } +} +" +037f6cbc024393e7e73399a9dc4ac603aedc297f,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) c = b.length(); + if(a.length()<=b.length()) c = a.length(); + + + for(int i=0; i b.length()) d += a.substring(b.length(), a.length()); + + return d; + +} +" +836b0dcc95e97118f6dbe14b5d6b10c67a666565,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) c = b.length(); + if(a.length()<=b.length()) c = a.length(); + + + for(int i=0; i < c; i++){ + d += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + + return d; + +} +" +c563b946ddc3770a9ec5608db70c94f0e2c04435,"public String mixString(String a, String b) +{ + int aLen=a.length(); + int bLen=b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i< aLen && i < bLen; i++) { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i ++) + stbuild.append(c.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +3d76cb7cbbbf6cd7d8b632a6a3c8f9364d648c2b,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) c = b.length(); + if(a.length()<=b.length()) c = a.length(); + + + for(int i=0; i < c; i++) + { + d += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + + return d; + +} +" +1b62764fc3df79cf7da47f987fbd6b8ee3f2f4ad,"public String mixString(String a, String b) +{ + int aLen=a.length(); + int bLen=b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i< aLen && i < bLen; i++) { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i ++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +d27362aeda48fb1b9f645b87dce84e1f0be2c23d,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) + { + c = b.length(); + } + if(a.length()<=b.length()) + { + c = a.length(); + } + + for(int i=0; i < c; i++) + { + d += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if(a.length() < b.length()) d += b.substring(a.length(), b.length()); + if(a.length() > b.length()) d += a.substring(b.length(), a.length()); + + return d; + +} +" +a0912dc84127c6a86b3fc32b70cd848b7435c5ae,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) + { + c = b.length(); + } + if(a.length()<=b.length()) + { + c = a.length(); + } + + for(int i=0; i < c; i++) + { + d += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if(a.length() < b.length()) d = d + b.substring(a.length(), b.length()); + if(a.length() > b.length()) d = d + a.substring(b.length(), a.length()); + + return d; + +} +" +e1ede9ca887523c89a984ed721261107ae7f2238,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) + { + c = b.length(); + } + if(a.length()<=b.length()) + { + c = a.length(); + } + + for(int i=0; i < c; i++) + { + d += a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if(a.length() < b.length()) d = d + b.substring(a.length(), b.length()); + if(a.length() > b.length()) d = d + a.substring(b.length(), a.length()); + + return d; + +} +" +70898a56ec1659e8f343a7c9a40771452dd02797,"public String mixString(String a, String b) +{ + String fuckMyLife = """"; + if (a.length() < b.length()){ + String shorter = a; + String longer = b; + } else { + String shorter = b; + String longer = a; + } + for (int i = 0; i < shorter.length(); i++){ + char charA = a.charAt(i); + char charB = b.charAt(i); + fuckMyLife += Character.toString(charA) + Character.toString(charB); + } + fuckMyLife += longer.substring(i); + return fuckMyLife; +} +" +eb0564608ff4b99659febb86ceeb862c38e0060a,"public String mixString(String a, String b) +{ + String d = """"; + int c = 0; + + if(a.length()>=b.length()) + { + c = b.length(); + } + if(a.length()<=b.length()) + { + c = a.length(); + } + + for(int i=0; i < c; i++) + { + d = d + a.substring(i, i + 1) + b.substring(i, i + 1); + } + + if(a.length() < b.length()) d = d + b.substring(a.length(), b.length()); + if(a.length() > b.length()) d = d + a.substring(b.length(), a.length()); + + return d; + +} +" +4ae7b329d888a5834047a84cb6f745ee767bb81a,"public String mixString(String a, String b) +{ + String shorter = """"; + String longer = """"; + String fuckMyLife = """"; + if (a.length() <= b.length()){ + shorter = a; + longer = b; + } else { + shorter = b; + longer = a; + } + for (int i = 0; i < shorter.length(); i++){ + char charA = a.charAt(i); + char charB = b.charAt(i); + fuckMyLife += Character.toString(charA) + Character.toString(charB); + } + fuckMyLife += longer.substring(i); + return fuckMyLife; +} +" +e55614696c437709dfac6b2d084007d537c67704,"public String mixString(String a, String b) +{ + String shorter = """"; + String longer = """"; + String fuckMyLife = """"; + if (a.length() <= b.length()){ + shorter = a; + longer = b; + } else { + shorter = b; + longer = a; + } + int j = 0; + for (int i = 0; i < shorter.length(); i++){ + char charA = a.charAt(i); + char charB = b.charAt(i); + fuckMyLife += Character.toString(charA) + Character.toString(charB); + int j = i; + } + fuckMyLife += longer.substring(j); + return fuckMyLife; +} +" +39baa8e3c8ff4e5b4c1c5f078a3319abfbfb7b3e,"public String mixString(String a, String b) +{ + String shorter = """"; + String longer = """"; + String fuckMyLife = """"; + if (a.length() <= b.length()){ + shorter = a; + longer = b; + } else { + shorter = b; + longer = a; + } + int j = 0; + for (int i = 0; i < shorter.length(); i++){ + char charA = a.charAt(i); + char charB = b.charAt(i); + fuckMyLife += Character.toString(charA) + Character.toString(charB); + j = i; + } + fuckMyLife += longer.substring(j); + return fuckMyLife; +} +" +1012af789a3ef71f2da19665d5662e086b80afa8,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +59cd445668329951b164c9e3fb16b5ff6e699fd1,"String str = """"; +int shortWordLength = 0; +int longWordLength = 0; +public String mixString(String a, String b) +{ + if (a.length() > b.length()) + { + shortWordLength = b.length(); + longWordLength = a.length(); + } + else + { + shortWordLength = a.length(); + longWordLength = b.length(); + } + for (int i = 0; i < shortWordLength; i++) + { + str = str + a.charAt(i); + str = str + b.charAt(i); + } + + for (int i = shortWordLength; i < longWordLength; i ++) + { + if (a.length() == longWordLength) + { + str = str + a.charAt(i); + } + else + { + str = str + b.charAt(i); + } + } + return str; +} +" +c454466e8021cf8f6804e10ce62edcb4745d0aef,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < str.length(); i++;){ + ans += String.valueOf(str.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.lenght() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(a.length(), b.length()); + } +} +" +03a9a5ee2a4be8648ba787c02177d543d07d4f60,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < str.length(); i++){ + ans += String.valueOf(str.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.lenght() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(a.length(), b.length()); + } +} +" +1ed51036bcb07988a50f935a5163d47522cd2164,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < a.length(); i++){ + ans += String.valueOf(str.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.lenght() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(a.length(), b.length()); + } +} +" +4fd5735d4c3c81c29fb2336256a3051b12dd5b71,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.lenght() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(a.length(), b.length()); + } +} +" +5e194786364fb4ed4e1d6b452513ca6a71a11e42,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.length() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(a.length(), b.length()); + } +} +" +a00d837095cd4ae394f9d37ac5bb3737509e84c7,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.length() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(a.length(), b.length()); + } + return ans; +} +" +1c8c5d96cfff638fdb70cbeb386993af2a67f88f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +3f55e2253e3bd4af8994d02a830d31c32f3797c9,"public String mixString(String a, String b) +{ + + for (int i = 0; i:(a.length()+b.length()) + { + + } +} +" +ee97cc82f4272d1f3d4a62edc57f8618181ee8de,"public String mixString(String a, String b) +{ + //String shorter = """"; + //String longer = """"; + //String fuckMyLife = """"; + //if (a.length() <= b.length()){ + //shorter = a; + //longer = b; + //} else { + //shorter = b; + //longer = a; + //} + //int j = 0; + //for (int i = 0; i < shorter.length(); i++){ + //char charA = a.charAt(i); + //char charB = b.charAt(i); + //fuckMyLife += Character.toString(charA) + Character.toString(charB); + //j = i; + //} + //fuckMyLife += longer.substring(j); + //return fuckMyLife; + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.length() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), b.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += b.substring(a.length(), b.length()); + } + return ans; +} +" +6f6aa98d4d49979e4cb335644476eb0eac30d13a,"public String mixString(String a, String b) +{ + + for (int i = 0; i:(a.length()+b.length())) + { + + } +} +" +ce49e28a83e248ce8c1760a025801c3880ee8ce8,"public String mixString(String a, String b) +{ + + for (int i = 0; i:(a.length()+b.length())) + { + + } +} +" +a5664f66f658d18bdfda45dc807ac3fc34ff766a,"public String mixString(String a, String b) +{ + String str = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i <= b.length(); i++) + { + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1); + } + str = str + a.substring(i); + } + else + { + for (int i = 0; i <= a.length(); i++) + { + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1); + } + str = str + b.substring(i); + } + return str; +} +" +454cfbd9c7971e92c3d6e448602e939e580a1fc4,"public String mixString(String a, String b) +{ + + for (int i = 0; i b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), a.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += b.substring(a.length(), b.length()); + } + return ans; +} +" +e25400c45a82c26168b1a68b8f35e219440c936f,"public String mixString(String a, String b) +{ + String str = """"; + int j = 0; + if (a.length() >= b.length()) + { + for (int i = 0; i <= b.length(); i++) + { + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1); + j++; + } + str = str + a.substring(j); + } + else + { + for (int i = 0; i <= a.length(); i++) + { + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1); + j++; + } + str = str + b.substring(j); + } + return str; +} +" +e6a547af30644b02abc7c270312e03ead9bcba27,"public String mixString(String a, String b) +{ + String str = """"; + int j = 0; + if (a.length() >= b.length()) + { + for (int i = 0; i <= b.length()-1; i++) + { + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1); + j++; + } + str = str + a.substring(j); + } + else + { + for (int i = 0; i <= a.length()-1; i++) + { + str = str + a.substring(i, i+1); + str = str + b.substring(i, i+1); + j++; + } + str = str + b.substring(j); + } + return str; +} +" +d1deb48bac4bd9d48d084b734bc05e1ccd027ae8,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + int a = a.length(); + int b = b.length(); + + if(a>=b) + { + index = b; + } + if(a<=b) + { + index = a; + } + + for(int i=0; i b) + { + result += a.substring(b, a); + } + return result; + } + +} +" +08d64f2e9c625c0f1f3aacb8a9e46954204c16a1,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + int a = a.length(); + int b = b.length(); + + if(a>=b) + { + index = b; + } + else if(a<=b) + { + index = a; + } + + for(int i=0; i b) + { + result += a.substring(b, a); + } + return result; +} +" +727500776fbbc8632e606fff2967b32b2b8dd4af,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1) + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1) + } + } + return endWord; +} +" +65d044e71cd304cdf27fbcc34f85f8035957d50e,"public String mixString(String a, String b) +{ + String ans = """"; + if (a.length() == b.length()){ + for(int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + } + else if (a.length() > b.length()){ + for (int i = 0; i < b.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += a.substring(b.length(), a.length()); + } else { + for (int i = 0; i < a.length(); i++){ + ans += String.valueOf(a.charAt(i)) + String.valueOf(b.charAt(i)); + } + ans += b.substring(a.length(), b.length()); + } + return ans; +} +" +32a85224baaff60fa448b5693ac100b0b6170555,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +7aaf4800b50d84bc27b7a4fa9a465819222a292e,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) + { + index = b.length(); + } + else if(a.length()<=b.length()) + { + index = a.length(); + } + + for(int i=0; i b.length()) + { + result += a.substring(b.length(), a.length()); + } + return result; +} +" +853cbc9684a28e4d223fea6f9ea4a5aade1daad4,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +7e3826947acdd9bac9a5e8a7e9144bc4d678529d,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +f3d24ffd020e2f36f3e227fb930945a6224429c3,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +fc69a560798597b483248f57c1786352c6d9b9c4,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +34f3e72c5ec08cb892c80c1202344b5ef06dde3f,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +8b14ed5bf06074345f95ef574e1e9229160d3265,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +ea5e118ed2c496db0a256f796c344ecb04133b9c,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +ec6f830447b5fe32805e62792550513057ab1a31,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +95d5b0bdcc5245185cf35c03ad766611a0a87163,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +5bf780b0504cef520d6eff72bde5680e9dc2aae2,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +5f8b9be271f3c021c4500369759f8206f06fcc2e,"public String mixString(String a, String b) +{ + String endWord = """"; + for (i = o; i < (Math.total(a.length(), b.length()); i++) + { + if (i <= b.length() - 1) + { + endWord += b.substring(i,i+1); + } + if (i <= a.length() - 1) + { + endWord += a.substring(i,i+1); + } + } + return endWord; +} +" +e1a1d716469ee33b4a8f1c12b4182d6aeefcd965,"public String mixString(String a, String b) +{ + boolean onA = true; + String newString = """"; + for (int i = 0; i < a.length() && i < b.length(); i++) + { + if (i < a.length() && i < b.length()) + { + if (onA) + newString += a.substring(i, i); + else if (onB) + newString += b.substring(i, i); + } + else if (i b.length()) + newString = newString + a.substring(i); + else if (b.length() > a.length()) + newString = newString + b.substring(i); + } + return newString; +} +" +6425c2122e31d4dd672aebd3252bceeef6b71525,"public String mixString(String a, String b) +{ + nt aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +5584e43a6954a90b6acdcc987286c34f68e270d6,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +3c2ea62eaa7a2b45c7c27474c5dddf5fb3a82a27,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + { + stbuild.append(a.charAt(i)); + } + for(; i < bLen; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); +} +" +c9c51c46d6bb98d02e95aae6c0022f4842092f9f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + //for(; i < bLen; i++) + //stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +a1321d2c1fabed690eebef6af9cc3294f2f0b893,"public String mixString(String a, String b) +{ + String newString = """"; + for (int i = 0; i < (a.length() + b.length()); i++) + { + if (i < a.length() && i < b.length()) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + else if (a.length() > b.length()) + newString = newString + a.substring(i + 1); + else if (b.length() > a.length()) + newString = newString + b.substring(i + 1); + } + return newString; +} +" +19aa6bc838530ddaeb755330b1f7d4c31af8ee6f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +8b495978faa3b60a3e74b7d172b9a8be5c32c189,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +6c9888565b277d0b6854285924bd93191ab8ecda,"public String mixString(String a, String b) +{ + 1. use a.split(''); + 2. use the fact that you can add to strings, + so str = ""abc""; str+=""d""; str will now be ""abcd"" + + a.split(""""); + String str = b+= a.split(""""); + +} +" +475d950718c3ecc06376307e53eb4f0b3b8eaf63,"public String mixString(String a, String b) +{ + + + a.split(""""); + String str = b+= a.split(""""); + +} +" +fe379f38ae27444d7001790d701a71deb20e6fc4,"public String mixString(String a, String b) +{ + + + a.split(""""); + String str = b+= a.split(""""); + return str; + +} +" +17c8624798481e7ec139fb08e174c731e76ab1f7,"public String mixString(String a, String b) +{ + String newString = """"; + for (int i = 0; i < (a.length() + b.length()); i++) + { + if (i < a.length() && i < b.length()) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + } + return newString; +} +" +e4037d586547e4efc3553c4be2995fd487e29409,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +061122a75f49f0ad7a30449a84c9cb580c143a34,"public String mixString(String a, String b) +{ + String newString = """"; + for (int i = 0; i < (a.length() + b.length()); i++) + { + if (i < a.length() && i < b.length()) + { + newString = newString + a.charAt(i); + newString = newString + b.charAt(i); + } + else + { + newString = newString + a.substring(i); + newString = newString + b.substring(i); + break; + } + } + return newString; +} +" +f07e4dc9128305d650d9983568136fe737708ba7,"public String mixString(String a, String b) +{ + String endWord = """"; + int aLength = a.length(); + int bLength = b.length(); + int i; + for (i = 0; i < aLength && i < b.length; i++) + { + endWord = endWord + a.charAt(i); + endWord = endWord + b.charAt(i); + if (aLength < bLength) + { + endWord = endWord + b.substring(i); + } + if (aLength > bLength) + { + endWord = endWord + a.substring(i); + } + return endWord; +} +" +cedb17c7191b5fc2d7d6db9f4c2574e034beeba6,"public String mixString(String a, String b) +{ + String res = """"; + for (int num = 0; num < Math.min(a.length(), b.length(); num++) + { + res += """" a.charAt(num) + b.charAt(num); + } + if (a.length() > b.length()) + { + return res + a.substring(b.length()); + } + return res + b.substring(a.length()); +} +" +ba8faa5395fa4416ed5f6c774028e7c37aa9d8ec,"public String mixString(String a, String b) +{ + String endWord = """"; + int aLength = a.length(); + int bLength = b.length(); + int i; + for (i = 0; i < aLength && i < b.length; i++) + { + endWord = endWord + a.charAt(i); + endWord = endWord + b.charAt(i); + if (aLength < bLength) + { + endWord = endWord + b.substring(i); + } + if (aLength > bLength) + { + endWord = endWord + a.substring(i); + } + } + return endWord; +} +" +7940bebf7344f48181e081aa6ba30688d0ed0b64,"public String mixString(String a, String b) +{ + String endWord = """"; + int aLength = a.length(); + int bLength = b.length(); + int i; + for (i = 0; i < aLength && i < blength; i++) + { + endWord = endWord + a.charAt(i); + endWord = endWord + b.charAt(i); + if (aLength < bLength) + { + endWord = endWord + b.substring(i); + } + if (aLength > bLength) + { + endWord = endWord + a.substring(i); + } + } + return endWord; +} +" +cf261ea9a5791c2e397a631ce7d771ba00a15298,"public String mixString(String a, String b) +{ + String endWord = """"; + int aLength = a.length(); + int bLength = b.length(); + int i; + for (i = 0; i < aLength && i < bLength; i++) + { + endWord = endWord + a.charAt(i); + endWord = endWord + b.charAt(i); + if (aLength < bLength) + { + endWord = endWord + b.substring(i); + } + if (aLength > bLength) + { + endWord = endWord + a.substring(i); + } + } + return endWord; +} +" +9f65278c97e758062f931a5ecb157fcd851861c6,"public String mixString(String a, String b) +{ + String res = """"; + for (int num = 0; num < Math.min(a.length(), b.length()); num++) + { + res += """" a.charAt(num) + b.charAt(num); + } + if (a.length() > b.length()) + { + return res + a.substring(b.length()); + } + return res + b.substring(a.length()); +} +" +567c071abf8eb24232ab5ede7c0154f62ad80cf0,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; +} +" +719775f7eccc810d8241d98b70a7b63452d65157,"public String mixString(String a, String b) +{ + String endWord = """"; + int aLength = a.length(); + int bLength = b.length(); + int i; + for (i = 0; i < aLength && i < bLength; i++) + { + endWord = endWord + a.charAt(i); + endWord = endWord + b.charAt(i); + if (aLength < bLength) + { + endWord = endWord + b.substring(i); + } + else + { + endWord = endWord + a.substring(i); + } + } + return endWord; +} +" +16c008ac8a81acb8652740c62ae0304d4928cd8c,"public String mixString(String a, String b) +{ + String res = """"; + for (int num = 0; num < Math.min(a.length(), b.length()); num++) + { + res += """" + a.charAt(num) + b.charAt(num); + } + if (a.length() > b.length()) + { + return res + a.substring(b.length()); + } + return res + b.substring(a.length()); +} +" +55c74a39a041ab38ea2dfadcd062bc8b1c54dd46,"public String mixString(String a, String b) +{ + String res=""""; + int i = 0; + if(a.length()>=b.length()) { + i = b.length(); + } + else if(b.length()>=a.length()) { + i = a.length(); + } + for(int j = 0; j= b.length()) { + for (int i = 0; i < b.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = a.substring(b.length()); + return d + q; + } + if (b.length() > a.length()) { + for (int i = 0; i < a.length(); i++) { + String s = String.valueOf(a.charAt(i)); + String p = String.valueOf(b.charAt(i)); + d = d + s + p; + } + String q = b.substring(a.length()); + return d + q; + } + return ""not possible""; +} +" +e8b57a8cf09e620f6967cec8b4f123899adc6e60,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i; + StringBuilder string = new StringBuilder(aLength + bLength); + for (i = 0; i < aLength && i < bLength; i++) + { + string.append(b.charAt(i)); + string.append(a.charAt(i)); + } + for (i = 0; i < aLength; i++) + { + string.append(a.charAt(i)); + } + for (i = 0; i < bLength; i++) + { + string.append(b.charAt(i)); + } + return string.toString(); +} +" +a1b1b7278fa9412dc8bfda34e21b5748a8277ec7,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +40966efa00332b0bf9b7bca57e9054467b0d26ab,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + StringBuilder build = new StringBuilder(aLength+bLength); + for(i = 0; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(i = 0; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(i = 0; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +01a01d61b748ace3fb58cdcf839c277a334944a3,"public String mixString(String a, String b) +{ + int lengthOfA = a.length(); + int lengthOfB = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(lengthOfA+lengthOfB); + for(; i < lengthOfA && i < lengthOfB; i++) + { + builder.append(a.charAt(i)); + builder.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < lengthOfA; i++) + builder.append(a.charAt(i)); + for(; i < lengthOfB; i++) + builder.append(b.charAt(i)); + return builder.toString(); + +} +" +7f1767008f7612f3ac34ac6d584d34a0b6290b72,"public String mixString(String a, String b) +{ + int lengthOfA = a.length(); + int lengthOfB = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(lengthOfA+lengthOfB); + for(; i < lengthOfA && i < lengthOfB; i++) + { + builder.append(a.charAt(i)); + builder.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < lengthOfA; i++) + builder.append(a.charAt(i)); + for(; i < lengthOfB; i++) + builder.append(b.charAt(i)); + return builder.toString(); + +} +" +12aa232a2a04a3c8a0ad5cf0a6640dd97ec8ecb5,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i; + StringBuilder build = new StringBuilder(aLength+bLength); + for(i = 0; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(i = 0; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(i = 0; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +8585d7e405a4584cf2c7bc9cffeaec0c2b546d30,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i; + StringBuilder build = new StringBuilder(aLength+bLength); + for(i = 0; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(i = 0; i < aLength; i++) + build.append(a.charAt(i)); + for(i = 0; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +3eef94429b083b124fda191cc5a19dd202649085,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder build = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLength; i++) + build.append(a.charAt(i)); + for(; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +25772cdeb5bdf4b6d5f73f4a4057db4edc00f789,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder build = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLength; i++) + build.append(a.charAt(i)); + for(; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +7bfcce507628fd3f5a618df6507fd768b2ed7b4d,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder build = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLength; i++) + build.append(a.charAt(i)); + for(; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +dd2c32ed5090eb5220a6b6d4a63afd873d9b5a6d,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +47a1a4f04c889a9e07f6e4df26997ebdcff1bfdb,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}https://codeworkout.cs.vt.edu/courses/vt/cs1114/spring-2019/2993/practice/33?lti_launch=true +" +29768de63652fc4e9b2d2af9f5ce9f96ae64a76b,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +ee6ae43d5d77dfc31c4b90ae6185551b0f85d5f9,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +41b1d540a8ed780d05a25f9fa27ad9eb41c147cf,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLength; i++) + stbuild.append(a.charAt(i)); + for(; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +ceb4efe794baa8a4a2e1bbc15511519091685ba2,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder build = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + // this loop will only one time through + for(; i < aLength; i++) + build.append(a.charAt(i)); + for(; i < bLength; i++) + build.append(b.charAt(i)); + return build.toString(); +} +" +c83feea5fe8b00477cdfacf1fa0fc60b2f4b119a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + for (int i = 0; i < max; i++) + { + if (i <= aLen - 1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i, i+1) + } + return word; +} + +} +" +b4f201fc76a055ece67575763b5b9d616d20b07f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + for (int i = 0; i < max; i++) + { + if (i <= aLen - 1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i, i+1); + } + return word; +} + +} +" +13b16e287fae884773e867b9a38adc0a2b192147,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + for (int i = 0; i < max; i++) + { + if (i <= aLen - 1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i, i+1); + } + return word; +} + + +" +84969c2bca9a9c1f413d237c225820dab54bd552,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if (a.length() >= b.length()) { + index = b.length(); + } + if (a.length() <= b.length()) { + index = a.length(); + } + for (int i = 0; i < index; i++) { + result += a.substring(i, i + 1) + b.substring(i, i + 1); + } + if (a.length() < b.length()) { + result += b.substring(a.length(), b.length()); + } + if (a.length > b.length()) { + result += a.substring(b.length(), a.length()); + } + return result; +} +" +63bc9b6a7e3b8866c3ea0d84d282e25f9716e838,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if (a.length() >= b.length()) { + index = b.length(); + } + if (a.length() <= b.length()) { + index = a.length(); + } + for (int i = 0; i < index; i++) { + result += a.substring(i, i + 1) + b.substring(i, i + 1); + } + if (a.length() < b.length()) { + result += b.substring(a.length(), b.length()); + } + if (a.length() > b.length()) { + result += a.substring(b.length(), a.length()); + } + return result; +} +" +fce1b3c17a734ca13ddbb2bae83a27039d6316c1,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +28b3e36601f1d1ea7f4dd3fce2c12a20083b3799,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +0dcb6e78a56764599f8336e412d7e96e23753f59,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +d1edc90dcbd3e51f8f5bbc35de0c04bb6a99b89a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + +} +" +c332bba2ac41b7c151ee57fa58e452f01ee7ae6f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +13cfe53fd9441242df790b3c930c3cfce8c885a4,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +} +" +76e5247e32caceb3c5a04d4297cd6e25be163849,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + StringBuilder stBuild = new StringBuilder (lengthA + lengthB); + for(int i = 0; i < lengthA && i < lengthB ; i=i++) + { + + char A = a.charAt(i); + char B = b.charAt(i); + stBuild.append(A); + stBuild.append(B); + } + for(int c= 0; c bLen) + { + int mLen = bLen; + String leftOver = a.substring(mLen); + } + else + { + int minLen = aLen; + String leftOver = b.substring(mLen); + } + StringBuilder mixString = new StringBuilder(aLen + bLen); + for (int i = 0; i < minLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +c7b29480d1d250f94da93dbe4b76e69e3cdab94e,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + if (aLen > bLen) + { + int minLen = bLen; + String leftOver = a.substring(minLen); + } + else + { + int minLen = aLen; + String leftOver = b.substring(minLen); + } + StringBuilder mixString = new StringBuilder(aLen + bLen); + for (int i = 0; i < minLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +2dfe9fc0da1d17c346e97969e84b56216860926b,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; +} +" +1d34eec10ec0f24c1448325927ac0cbb824e395c,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + if (aLen > bLen) + { + int minLen = bLen; + String leftOver = a.substring(minLen); + } + else + { + int minLen = aLen; + String leftOver = b.substring(minLen); + } + StringBuilder mixString = new StringBuilder(aLen + bLen); + + for (int i = 0; i < minLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +7d355f5fd590a01cef8179435fac25e62ddbac82,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen > bLen) + { + int minLen = bLen; + String leftOver = a.substring(minLen); + } + else + { + int minLen = aLen; + String leftOver = b.substring(minLen); + } + for (int i = 0; i < minLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +59152a922d35b59a4d124ccb1e81ee490ee02c5f,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen >= bLen) + { + int minLen = bLen; + String leftOver = a.substring(minLen); + } + else + { + int minLen = aLen; + String leftOver = b.substring(minLen); + } + for (int i = 0; i < minLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +ed47b79b879ac1b0f98579b3e3431fe52507c26d,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen >= bLen) + { + int mLen = bLen; + String leftOver = a.substring(mLen); + } + else + { + int mLen = aLen; + String leftOver = b.substring(mLen); + } + for (int i = 0; i < mLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +9b831e9dbb06b857722c0969c23bcd3f46fbd924,"public String mixString(String a, String b) +{ + String newString = """"; + int index = 0; + + if(a.length()>=b.length()) + { + index = b.length(); + } + if(a.length()<=b.length()) + { + index = a.length(); + } + for(int i=0; i b.length()) + { + newString = newString + a.substring(b.length(), a.length()); + } + + return newString; +} +" +1f20694712b8deba4f87b7e2e82b73a5b98273f2,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int mLen = 0; + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen >= bLen) + { + int mLen = bLen; + String leftOver = a.substring(mLen); + } + else + { + int mLen = aLen; + String leftOver = b.substring(mLen); + } + for (int i = 0; i < mLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +74be6f3da594fc7218174dd8288efc9a47bd5cfe,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int mLen = 0; + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen >= bLen) + { + mLen = bLen; + String leftOver = a.substring(mLen); + } + else + { + mLen = aLen; + String leftOver = b.substring(mLen); + } + for (int i = 0; i < mLen; i++) + { + char first = a.CharAt(i); + mixString.append(first); + char second = b.CharAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +e7eb9dafaa3a97d69f4ae06af21e98d3501f147e,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int mLen = 0; + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen >= bLen) + { + mLen = bLen; + String leftOver = a.substring(mLen); + } + else + { + mLen = aLen; + String leftOver = b.substring(mLen); + } + for (int i = 0; i < mLen; i++) + { + char first = a.charAt(i); + mixString.append(first); + char second = b.charAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +716ad14504f86a81409d7359fad59a4c22160530,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int mLen = 0; + String leftOver; + StringBuilder mixString = new StringBuilder(aLen + bLen); + if (aLen >= bLen) + { + mLen = bLen; + leftOver = a.substring(mLen); + } + else + { + mLen = aLen; + leftOver = b.substring(mLen); + } + for (int i = 0; i < mLen; i++) + { + char first = a.charAt(i); + mixString.append(first); + char second = b.charAt(i); + mixString.append(second); + } + mixString.append(leftOver); + return mixString.toString(); + +} +" +8190cad53218173cfa2fdfac5d4cf1fbd7be0ee3,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +62c6e0ab9063240f56b94c960724b066a68fae65,"public String mixString(String a, String b) +{ + return a.substring(0) + b.substring(0) + a.substring(1) + b.substring(1) + a.substring(2) + b.substring(2); +} +" +a69d38f3cf12e6a14454b751528014666fddc16f,"public String mixString(String a, String b) +{ + return a.substring(0, 1) + b.substring(0, 1) + a.substring(1, 2) + b.substring(1, 2) + a.substring(2, 3) + b.substring(2, 3); +} +" +961f0c0ee141dd8d65680911d0867c07e1a8e528,"public String mixString(String a, String b) +{ + String out = """"; + for (int i = 0; i < 20; i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } +} +" +ead57090d26d5e2f12560bf86b667a9b482b5d30,"public String mixString(String a, String b) +{ + String out = """"; + for (int i = 0; i < 20; i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + return out; +} +" +1649cbe25db02395e490b2156781bdd99f8febd9,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder newString = new StringBuilder(aLength + bLength); + + for(i < aLength && i < bLen; i++) + { + newString.append(a.charAt(i)); + newString.append(b.charAt(i)); + } + for(i < aLength; i++) + { + newString.append(a.charAt(i)); + } + for(i < bLen; i++) + { + newString.append(b.charAt(i)); + } + + return newString.toString(); +} +" +1d47dd7712c3a24fbbdeb19507192e5681c3aaa6,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder newString = new StringBuilder(aLength + bLength); + + for (;i < aLength && i < bLen; i++) + { + newString.append(a.charAt(i)); + newString.append(b.charAt(i)); + } + for (;i < aLength; i++) + { + newString.append(a.charAt(i)); + } + for (;i < bLen; i++) + { + newString.append(b.charAt(i)); + } + + return newString.toString(); +} +" +460bcff50feed6a4b40477220dc10655a141f921,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder newString = new StringBuilder(aLength + bLength); + + for (;i < aLength && i < bLen; i++) + { + newString.append(a.charAt(i)); + newString.append(b.charAt(i)); + } + for (;i < aLength; i++) + { + newString.append(a.charAt(i)); + } + for (;i < bLength; i++) + { + newString.append(b.charAt(i)); + } + + return newString.toString(); +} +" +8c7edf06d3d60d5fdda8690bf543e4dbd20d269f,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder newString = new StringBuilder(aLength + bLength); + + for (;i < aLength && i < bLength; i++) + { + newString.append(a.charAt(i)); + newString.append(b.charAt(i)); + } + for (;i < aLength; i++) + { + newString.append(a.charAt(i)); + } + for (;i < bLength; i++) + { + newString.append(b.charAt(i)); + } + + return newString.toString(); +} +" +e65f2d433a52135c036d88659ca07859ff2ff67c,"public String mixString(String a, String b) +{ + String out = """"; + if (a.length() < b.legth()) + { + for (int i = 0; i < a.length(); i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + out = out + b.substring(a.length()); + } + return out; +} +" +b3f0c9ff34bf8b9eb49893b30c7f71e49a74523b,"public String mixString(String a, String b) +{ + String out = """"; + if (a.length() < b.length()) + { + for (int i = 0; i < a.length(); i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + out = out + b.substring(a.length()); + } + return out; +} +" +eac61a545cd17c84e5403c8fcee56613158addf8,"public String mixString(String a, String b) +{ + String out = """"; + if (a.length() <= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + out = out + b.substring(a.length()); + } + if (b.length() < a.length()) + { + for (int i = 0; i < b.length(); i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + out = out + a.substring(b.length()); + } + return out; +} +" +3d9a090ebfdc284319da05ecfcfbe1e92fc0b9a9,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +666ed711d373a1ec590909aad89dddfc07776210,"public String mixString(String a, String b) +{ + if (a.contains(""abc"")) + { + return ""axbycz""; + } + else if (a.contains(""Abc"")) + { + return ""Abc"" + } + else if (a.contains(""Hi"")) + { + return ""HTihere""; + } + else if (a.contains(""xxxx"")) + { + return ""xTxhxexre""; + } + else if (a.contains(""xxx"")) + { + return ""xXxx""; + } + else if (a.contains(""2/"")) + { + return ""22/7 around""; + } + else if (b.contains(""Hello"")) + { + return ""Hello""; + } + else + { + return """"; + } + +} +" +9c2acd170bd58351d11a98057d064919008482f7,"public String mixString(String a, String b) +{ + if (a.contains(""abc"")) + { + return ""axbycz""; + } + else if (a.contains(""Abc"")) + { + return ""Abc""; + } + else if (a.contains(""Hi"")) + { + return ""HTihere""; + } + else if (a.contains(""xxxx"")) + { + return ""xTxhxexre""; + } + else if (a.contains(""xxx"")) + { + return ""xXxx""; + } + else if (a.contains(""2/"")) + { + return ""22/7 around""; + } + else if (b.contains(""Hello"")) + { + return ""Hello""; + } + else + { + return """"; + } + +} +" +826c98e0e35e740cd46695ca1d03052162e04c74,"public String mixString(String a, String b) +{ + String Result = """"; + int times = min(a.length(), b.length()); + + +} +" +b814f0be7d169e0ac1f32d015acdc9ff3939679b,"public String mixString(String a, String b) +{ + String Result = """"; + int times = min(a.length(), b.length()); + + +} +" +4b72363da662132688bb5d3646bc1c99eb0ab1a7,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + +} +" +76daba32aab89af37a3ed460d96520f62ec5777c,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + return a; + + +} +" +fa0e1b9ff5a733f3015f397a35b7468d720487ac,"public String mixString(String a, String b) +{ + if (a.contains(""abc"")) + { + return ""axbycz""; + } + else if (a.contains(""Abc"")) + { + return ""Abc""; + } + else if (a.contains(""Hi"")) + { + return ""HTihere""; + } + else if (a.contains(""xxxx"")) + { + return ""xTxhxexre""; + } + else if (a.contains(""xxx"")) + { + return ""xXxx""; + } + else if (a.contains(""2/"")) + { + return ""22/7 around""; + } + else if (b.contains(""Hello"")) + { + return ""Hello""; + } + else if (a.contains(""ax"")) + { + return ""abx""; + } + else if (b.contains(""bx"")) + { + return ""abx"" + } + else if (a.contains(""a"")) + { + return ""ab""; + } + else if (a.contains(""So"")) + { + return ""SLoong""; + } + else if (b.contains(""So"")) + { + return ""LSoong""; + } + else + { + return """"; + } + +} +" +93e4670a58c4ad7427499aada7f52f8bd91159e3,"public String mixString(String a, String b) +{ + if (a.contains(""abc"")) + { + return ""axbycz""; + } + else if (a.contains(""Abc"")) + { + return ""Abc""; + } + else if (a.contains(""Hi"")) + { + return ""HTihere""; + } + else if (a.contains(""xxxx"")) + { + return ""xTxhxexre""; + } + else if (a.contains(""xxx"")) + { + return ""xXxx""; + } + else if (a.contains(""2/"")) + { + return ""22/7 around""; + } + else if (b.contains(""Hello"")) + { + return ""Hello""; + } + else if (a.contains(""ax"")) + { + return ""abx""; + } + else if (b.contains(""bx"")) + { + return ""abx""; + } + else if (a.contains(""a"")) + { + return ""ab""; + } + else if (a.contains(""So"")) + { + return ""SLoong""; + } + else if (b.contains(""So"")) + { + return ""LSoong""; + } + else + { + return """"; + } + +} +" +8aab4f0fa74699f43a2b381d9a1df2ac1712d5fc,"public String mixString(String a, String b) +{ + int aNum = a.length(); + int bNum = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aNum+bNum); + for(; i < aNum && i < bNum; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aNum; i++) + { + stbuild.append(a.charAt(i)); + } + for(; i < bNum; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild +}" +be9ec29e5fd3e1d8f3e3b1aba9fbe5e43d439e93,"public String mixString(String a, String b) +{ + int aNum = a.length(); + int bNum = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aNum+bNum); + for(; i < aNum && i < bNum; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aNum; i++) + { + stbuild.append(a.charAt(i)); + } + for(; i < bNum; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild; +}" +6a54b10bb9d10c86cd4acbe745bca76549463b01,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + Result = Result.cancat(a.charAt(i)); + } + + return a; + + +} +" +4aad56957ca36addaebab55fc852a37a0333002a,"public String mixString(String a, String b) +{ + int aNum = a.length(); + int bNum = b.length(); + int i = 0; + StringBuilder nStr = new StringBuilder(aNum+bNum); + for(; i < aNum && i < bNum; i++) + { + nStr.append(a.charAt(i)); + nStr.append(b.charAt(i)); + } + for(; i < aNum; i++) + { + nStr.append(a.charAt(i)); + } + for(; i < bNum; i++) + { + nStr.append(b.charAt(i)); + } + c = String nStr; + return c; +}" +a3f47d914d46ff8c20149a6f597b8eca0d670a10,"public String mixString(String a, String b) +{ + int aNum = a.length(); + int bNum = b.length(); + int i = 0; + StringBuilder nStr = new StringBuilder(aNum+bNum); + for(; i < aNum && i < bNum; i++) + { + nStr.append(a.charAt(i)); + nStr.append(b.charAt(i)); + } + for(; i < aNum; i++) + { + nStr.append(a.charAt(i)); + } + for(; i < bNum; i++) + { + nStr.append(b.charAt(i)); + } + c = nStr.toString(); + return c; +}" +d00b3f0ac00719fe0dd5c00e1493f425af0cbe3f,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + Result = Result.concat(a.charAt(i)); + } + + return a; + + +} +" +bc571e01963b7be3fa7f6df594529010d3e88a63,"public String mixString(String a, String b) +{ + int aNum = a.length(); + int bNum = b.length(); + int i = 0; + StringBuilder nStr = new StringBuilder(aNum+bNum); + for(; i < aNum && i < bNum; i++) + { + nStr.append(a.charAt(i)); + nStr.append(b.charAt(i)); + } + for(; i < aNum; i++) + { + nStr.append(a.charAt(i)); + } + for(; i < bNum; i++) + { + nStr.append(b.charAt(i)); + } + return nStr.toString();; +}" +04e9a63182635289ea366260aabd82568d49b3a0,"public String mixString(String a, String b) +{ + int aNum = a.length(); + int bNum = b.length(); + int i = 0; + StringBuilder nStr = new StringBuilder(aNum+bNum); + for(; i < aNum && i < bNum; i++) + { + nStr.append(a.charAt(i)); + nStr.append(b.charAt(i)); + } + for(; i < aNum; i++) + { + nStr.append(a.charAt(i)); + } + for(; i < bNum; i++) + { + nStr.append(b.charAt(i)); + } + return nStr.toString(); +}" +9b2a76d2ad6756dba21d4f041cba5a1a3e7e85a6,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + Result = Result.concat(Character.toString(a.charAt(i))); + } + + return a; + + +} +" +7fa7f63b2c2512805932e917b0b8ff46e08cf972,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + Result = Result.concat(Character.toString(a.charAt(i))); + Result = Result.concat(Character.toString(b.charAt(i))); + a.replace(a.charAt(i), """"); + b.replace(b.charAt(i), """"); + } + + return Result; + + +} +" +411662dd9e306eef94936c1b5fd4fa356e999401,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + Result = Result.concat(Character.toString(a.charAt(i))); + Result = Result.concat(Character.toString(b.charAt(i))); + a.replace(a.charAt(i), ''); + b.replace(b.charAt(i), ''); + } + + return Result; + + +} +" +9216169a4b82a6d8c72e78c089fbcaa3a3aa3b4a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + { + word += a.substring(i,i+1); + } + if (i <= bLen-1) + { + word += b.substring(i,i+1); + } + } + return word; +} + +" +a70b5ff926ba56b06f4986a0dafd771dec14785c,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + Result = Result.concat(Character.toString(a.charAt(i))); + Result = Result.concat(Character.toString(b.charAt(i))); + a.replaceFirst(a.charAt(i), ''); + b.replaceFirst(b.charAt(i), ''); + } + + return Result; + + +} +" +4379b7d47fde0dcd22458440d7c16a7b63851a1e,"public String mixString(String a, String b) +{ + a.split(""""); + b.split(""""); + String str = a + b; + return str; + +} +" +8a6e5e0db7ad341c316179d34be1374d0c11f715,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int maxLen = Math.max(aLen, bLen); + String wordMix = """"; + + for (int i = 0; i < maxLen; i++) { + if (i <= lenA - 1) + wordMix += a.substring(i,i + 1); + if (i <= lenB - 1) + wordMix += b.substring(i,i + 1); + } + return wordMix; +}" +5e6a01fdb0aeff80f081597078d083767fe1d67c,"public String mixString(String a, String b) +{ + int lenA = a.length(); + int lenB = b.length(); + int maxLen = Math.max(lenA, lenB); + String wordMix = """"; + + for (int i = 0; i < maxLen; i++) { + if (i <= lenA - 1) + wordMix += a.substring(i,i + 1); + if (i <= lenB - 1) + wordMix += b.substring(i,i + 1); + } + return wordMix; +}" +68e3bb5f96347b10e0c0bade3bdb8460b5d95909,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + String strA = Character.toString(a.charAt(i); + String strB = Character.toString(b.charAt(i); + + Result = Result.concat(strA); + Result = Result.concat(strB); + a.replaceFirst(strA, """"); + b.replaceFirst(strB, """"); + } + + return Result; + + +} +" +447dea851dcdeefd696eab4d7a9acb05b82526a8,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + String strA= Character.toString(a.charAt(i)); + String strB= Character.toString(b.charAt(i)); + + Result = Result.concat(strA); + Result = Result.concat(strB); + a.replaceFirst(strA, """"); + b.replaceFirst(strB, """"); + } + + return Result; + + +} +" +ed283622052219a3ffa903fb185c64bd22648990,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + String strA= Character.toString(a.charAt(i)); + String strB= Character.toString(b.charAt(i)); + + Result = Result.concat(strA); + Result = Result.concat(strB); + a.replaceFirst(strA, """"); + b.replaceFirst(strB, """"); + } + Result = Result.concat(a); + Result = Result.concat(b); + + + return Result; + + +} +" +8d48d0bc591e87224761f2d6ef1bb289bd43399c,"public String mixString(String a, String b) +{ + String Result = """"; + int times = Math.min(a.length(), b.length()); + + for (int i = 0; i < times; i++) + { + String strA= Character.toString(a.charAt(i)); + String strB= Character.toString(b.charAt(i)); + + Result = Result.concat(strA); + Result = Result.concat(strB); + a.replaceFirst(strA, """"); + b.replaceFirst(strB, """"); + } + + Result = Result.concat(a.substring(times)); + Result = Result.concat(b.substring(times)); + + + return Result; + + +} +" +6160a684e0700af022a3d13adb6c438049bfa5c4,"public String mixString(String a, String b) +{ + String x = """"; + for (int i = 0; i < Math.max(a.length(), b.length(); i ++) + if (i <= a.length() - 1); + x = x + a.substring(i, i + 1); + if (i <= b.length() - 1); + x = x + b.substring(i, i + 1); + return x; +}" +8dd9a059af093e4e877414119669537085862636,"public String mixString(String a, String b) +{ + String x = """"; + for (int i = 0; i < Math.max(a.length(), b.length(); i ++) + if (i <= a.length() - 1) + x = x + a.substring(i, i + 1); + if (i <= b.length() - 1) + x = x + b.substring(i, i + 1); + return x; +}" +e7268ef051b5a74660927cbae638dc68326de69e,"public String mixString(String a, String b) +{ + String x = """"; + for (int i = 0; i < Math.max(a.length()), b.length(); i ++) + if (i <= a.length() - 1) + x = x + a.substring(i, i + 1); + if (i <= b.length() - 1) + x = x + b.substring(i, i + 1); + return x; +}" +514c2c43fcd04a93134d70b07c972914c9dfd19a,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + int max = Math.max(aLength, bLength); + + String result = """"; + + for (int i = 0; i < max; i++) + { + if (i <= a.length - 1) + { + result += a.substring(i, i + 1); + } + else if (i <= b.length - 1 + { + result += b.substring(i, i + 1); + } + } + + return result; +}" +4eebcdc1164b9697ce626095fb6afe18db8f71a0,"public String mixString(String a, String b) +{ + String x = """"; + for (int i = 0; i < Math.max(a.length()), b.length(); i ++) + { + if (i <= a.length() - 1) + { + x = x + a.substring(i, i + 1); + } + if (i <= b.length() - 1) + { + x = x + b.substring(i, i + 1); + } + return x; +}" +8483f9c9dc9767be37887390d1ebf56a9d288f3a,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + + int max = Math.max(aLength, bLength); + + String result = """"; + + for (int i = 0; i < max; i++) + { + if (i <= a.length - 1) + { + result += a.substring(i, i + 1); + } + else if (i <= b.length - 1) + { + result += b.substring(i, i + 1); + } + } + + return result; +}" +a995d11c2f28040847adc3973a3c0a676ce7b997,"public String mixString(String a, String b) +{ + String result = """"; + int i = 0; + while (i= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newString = a.substring(i, i + 1) + b.substring(i, i + 1); + } + newString = newString + a.substring(b.length(), a.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + newString = a.substring(c, c + 1) + b.substring(c, c + 1); + } + newString = newString + b.substring(a.length(), b.length()); + } + return newString; +} +" +14ee03082e80013a12d3c1bc882196b2785995f5,"public String mixString(String a, String b) +{ + int x = 0; + String bigStr = """"; + while (x < a.length() && a < b.length()) + { + bigStr = bigStr + a.substring(x, x + 1) + b.substring(x, x + 1); + x++; + } + if (x < a.length()) + { + bigStr = bigStr + a.substring(x, a.length()); + } + if (x < b.length()) + { + bigStr = bigStr + b.substring(x, b.length()); + } + return bigStr; +} +" +358bf2cbd770f18a83bbb3f9e312fd39739528db,"public String mixString(String a, String b) +{ + String out = """"; + if(a<=b){ + int num = a; + } + else { + int num = a; + } + for (int i = 0; i b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last, a.length()); + } + return word; + + return word; + +} +" +f7d254cfc2b805f535ac07e1912566393ca05663,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last, a.length()); + } + return word; + +} +" +e9c919b32020f9a1fc14a1962a16e3830af42dd6,"public String mixString(String a, String b) +{ + String mix = """"; + for (int i = 0; i < a.length() || i < b.length(); i++) + { + mix = mix + a.charAt(i) + b.charAt(i); + } + return mix; +} +" +495dc1f81e81b235e73398f768cbf72c6138bad1,"public String mixString(String a, String b) +{ + String out = """"; + if(a b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last + 1, a.length()); + } + return word; + +} +" +17b28054e31bad7584c48c377473ff16cddf02ad,"public String mixString(String a, String b) +{ + String out = """"; + if(a.length() b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last, a.length()); + } + return word; + +} +" +5666c442be132e41c7c4ea3b9ddaef3c92335de3,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newString = a.substring(i, i + 1) + b.substring(i, i + 1); + } + newString = newString + a.substring(b.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + newString = a.substring(c, c + 1) + b.substring(c, c + 1); + } + newString = newString + b.substring(a.length()); + } + return newString; +} +" +42772fcf1685c55cfca87cfe4f024bdffbd8c8a0,"public String mixString(String a, String b) +{ + String out = """"; + int num = 0; + if(a.length() b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last); + } + return word; + +} +" +ccb0cd09a33baa4c2db77009bb6cd1071cf972c2,"public String mixString(String a, String b) +{ + String out = """"; + int num = 0; + if(a.length() b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + return word; + +} +" +094cebbf79f37e8a57b806ca3d0f9f702fc2fb0b,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newString = a.charAt(i) + b.charAt(i); + } + newString = newString + a.substring(b.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + newString = a.substring(c, c + 1) + b.substring(c, c + 1); + } + newString = newString + b.substring(a.length()); + } + return newString; +} +" +97637f6122bfe9f74fc2d4fc0506bd4fafbd5d46,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + newString = newString + a.substring(b.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + newString = a.substring(c, c + 1) + b.substring(c, c + 1); + } + newString = newString + b.substring(a.length()); + } + return newString; +} +" +661e24dc39f97c315ccd6a726d8c829f2e935baf,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() >= b.length()) + { + for (int i = 0; i < b.length(); i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + newString = newString + a.substring(b.length()); + } + else + { + for (int c = 0; c < a.length(); c++) + { + newString = newString + a.charAt(c) + b.charAt(c); + } + newString = newString + b.substring(a.length()); + } + return newString; +} +" +ad1bf4b82402b4e37cd0cff577c6080a7248a44a,"public String mixString(String a, String b) +{ + String out = """"; + int length = 0; + if (a.length() > b.length) + length = b.length(); + else + length = a.length(); + for (int i = 0; i < length; i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + if (a.length > b.length) + out = out + a.substring(length, a.length()); + else + out = out + b.substring(length, b.length()); + return out; +} +" +28102e5c46e2bd11e107d03b2df9f0dc5ffde1b1,"public String mixString(String a, String b) +{ + String out = """"; + int length = 0; + if (a.length() > b.length()) + length = b.length(); + else + length = a.length(); + for (int i = 0; i < length; i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + if (a.length > b.length) + out = out + a.substring(length, a.length()); + else + out = out + b.substring(length, b.length()); + return out; +} +" +67e15e44de1bfb279b75399110d838bef8a1f03e,"public String mixString(String a, String b) +{ + String res=""""; + int i; + for(i=0;i b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + for (int i = 0; i < a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + b.substring(last+1); + } + return word; + +} +" +cae54cf1d2445aa705e280f800f9f67d272a2bec,"public String mixString(String a, String b) +{ + String out = """"; + int length = 0; + if (a.length() > b.length()) + length = b.length(); + else + length = a.length(); + for (int i = 0; i < length; i++) + { + out = out + a.charAt(i); + out = out + b.charAt(i); + } + if (a.length() > b.length()) + out = out + a.substring(length, a.length()); + else + out = out + b.substring(length, b.length()); + return out; +} +" +357fa9e2011b887a44b873e6a6a61acca0eb3add,"public String mixString(String a, String b) +{ + String answer = """"; + int index = 0; + + if(a.length() >= b.length()) + { + + index = b.length(); + } + if(a.length() <= b.length()) + { + index = a.length(); + } + + + for(int i=0; i b.length()) + { + result += a.substring(b.length(), a.length()); + } + + return result; +} +" +9bf9ea912c1fd46a892be5cdb60368cb904a63b9,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + int i = 0; + + StringBuilder stbuild = new StringBuilder(aLen+bLen); + + for(; i < aLen && i < bLen; i++) + + { + + stbuild.append(a.charAt(i)); + + stbuild.append(b.charAt(i)); + + } + + // only 1 for loop will actually run + + for(; i < aLen; i++) + + stbuild.append(a.charAt(i)); + + for(; i < bLen; i++) + + stbuild.append(b.charAt(i)); + + return stbuild.toString(); +} +" +f3ea722cf2cbf1fadb3822a726a52ecef87c6d0d,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + for (int i = 0; i =< a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + b.substring(last+1); + } + return word; + +} +" +7532a3cca6408ca5d554adeee3563b54fe3ff8b7,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + for (int i = 0; i <= a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + b.substring(last+1); + } + return word; + +} +" +3f33a834e0c2537bde988b90d1f54883c8d87b0b,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + for (int i = 1; i <= a.length(); i++) + { + last = i; + word = word + a.substring(i-1, i) + b.substring(i-1, i); + + } + word = word + b.substring(last+1); + } + return word; + +} +" +dce71acf555846bf9753d9af23cfe873cb66861d,"public String mixString(String a, String b) +{ + String answer = """"; + int index = 0; + + if(a.length() >= b.length()) + { + + index = b.length(); + } + if(a.length() <= b.length()) + { + index = a.length(); + } + + + for(int i=0; i b.length()) + { + answer += a.substring(b.length(), a.length()); + } + + return answer; +} +" +a58216e544bf04451154b23dd1daa64b907304bc,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + for (int i = 0; i < a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + b.substring(last+1); + } + return word; + +} +" +6ee2393d4dc7771bae2fe8afd1bb6200e17e96a8,"public String mixString(String a, String b) +{ + String res=""""; + int i; + for(i=0;i b.length()) + { + if (b.length() == 0) + { + word = a; + } + else + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + if (a.length() == 0) + { + word = b; + } + else + { + for (int i = 0; i < a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + } + word = word + b.substring(last+1); + } + return word; + +} +" +17ec1ab04097331ecbba78ec744c062ab35e7b0b,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + if (b.length() == 0) + { + word = word + a; + } + else + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + if (a.length() == 0) + { + word = b; + } + else + { + for (int i = 0; i < a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + } + word = word + b.substring(last+1); + } + return word; + +} +" +934a7699fea00b77718608d2e61fc314927aaf32,"public String mixString(String a, String b) +{ + String result = """"; +int length, bigger, i = 0; +if(a.length() > b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +} +" +16eecc1c129f4168f63aba1ec356332b290fb267,"public String mixString(String a, String b) +{ + String word = """"; + int last = 0; + if (a.length() == b.length()) + { + for (int i = 0; i < a.length(); i++) + { + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + } + else if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + + } + word = word + a.substring(last+1); + } + else if (b.length() > a.length()) + { + for (int i = 0; i < a.length(); i++) + { + last = i; + word = word + a.substring(i, i + 1) + b.substring(i, i + 1); + } + word = word + b.substring(last+1); + } + if (b.length() == 0) + { + word = a; + } + if (a.length() == 0) + { + word = b; + } + return word; + +} +" +b2569c6e282d13b4353d3e103115149cb2dab08b,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB); + String total = """"; + { + for (int i = 0; i < lengthA, i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + total = total + Character. + } + +} +" +f6eec2ff95e3aea31a4d93072a6385b610c1c857,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +a50764ca01e9f353d77a76d9d623844b04b72065,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + +} +" +18b18b7a3db76a44af909a6aa31969ee208794a3,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String semi = """"; + if (lengthA > lengthB); + { + for (int i = 0; i < lengthB, i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + Character.toString(a) + Character.toString(b); + } + String extra = b.substring(lengthA - lengthB, lengthA); + String total = semi + extra; + } + else + { + for (int i = 0; i < lengthA, i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + total = total + Character.toString(a) + Character.toString(b); + } + String extra = a.substring(lengthB - lengthA, lengthB); + String total = semi + extra; + } + return total; +} +" +7a3471b3ba9519ec58ef44e67869e9d56e2bf912,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String semi = """"; + if (lengthA > lengthB); + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + Character.toString(a) + Character.toString(b); + } + String extra = b.substring(lengthA - lengthB, lengthA); + String total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + total = total + Character.toString(a) + Character.toString(b); + } + String extra = a.substring(lengthB - lengthA, lengthB); + String total = semi + extra; + } + return total; +} +" +7a8f5d26044cc1acbc1d9f543a5d9d4de79a50ba,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String semi = """"; + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + Character.toString(a) + Character.toString(b); + } + String extra = b.substring(lengthA - lengthB, lengthA); + String total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + total = total + Character.toString(a) + Character.toString(b); + } + String extra = a.substring(lengthB - lengthA, lengthB); + String total = semi + extra; + } + return total; +} +" +625b7afad262808fb10b8f47e537392aaefada69,"public String mixString(String a, String b) +{ + for (int x = 0; x <= a.length(); x++) + { + str = a.substring(x) + b.substring(x) + } + return str; + +} +" +b4f0359af6b3399aa4cfaf71602370df62258d7b,"public String mixString(String a, String b) +{ + for (int x = 0; x <= a.length(); x++) + { + str = a.substring(x) + b.substring(x) + } + return str; + +} +" +565e824cafd7158b3163e42fec71afb8b3ffce14,"public String mixString(String a, String b) +{ + for (int x = 0; x <= a.length(); x++) + { + str = a.substring(x) + b.substring(x); + } + return str; + +} +" +e63b7da96f33cffbe1eb57910a9f6464a6871569,"public String mixString(String a, String b) +{ + int alen = a.length(); + int blen = b.length(); + int num = Math.min(alen, blen); + String mix = """"; + for (int i = 0; i< num; i++) + { + mix += a.charAt(i); + mix += b.charAt(i); + } + if (alen > blen) + { + mix += a.substring(num); + } + else if (blen > alen) + { + mix+= b.substring(num); + } + return mix; +} +" +9bb743109d5e84573cd8b122f3049fc119534d3f,"public String mixString(String a, String b) +{ + for (int x = 0; x <= a.length(); x++) + { + string str = a.substring(x) + b.substring(x); + } + return str; + +} +" +ba59535e402fd86fd526e3920f3775c8e957bb6c,"public String mixString(String a, String b) +{ + for (int x = 0; x <= a.length(); x++) + { + String str = a.substring(x) + b.substring(x); + } + return str; + +} +" +a211b967ea2a7c2b5126de6c64814d549403f702,"private String something; + +public String mixString(String a, String b) +{ + return something; +} +" +df7eba9b0f12716b6a377e2f03816b03f0e1596d,"public String mixString(String a, String b) +{ + String result = """"; + if (a.length() >= b.length()) + { + length() = a.length(); + } + return result; +} +" +27529ba200b27f76a0ba67fafab110d5d3d89578,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String semi = """"; + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + a + b; + } + String extra = b.substring(lengthA - lengthB, lengthA); + String total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + a + b; + } + String extra = a.substring(lengthB - lengthA, lengthB); + String total = semi + extra; + } + return total; +} +" +65e26d621f01aa633dcc64b2d691542596096995,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String semi = """"; + String total = """"; + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + a + b; + } + String extra = b.substring(lengthA - lengthB, lengthA); + total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + a + b; + } + String extra = a.substring(lengthB - lengthA, lengthB); + total = semi + extra; + } + return total; +} +" +d636bcfe38597f53f73c5a95648711c3593fe046,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + + String mixString = """"; + if (lengthA > lengthB) { + for (int i = 0; i < lengthB; i++) { + mixString = mixString + a.charAt(i) + b.charAt(i); + } + mixString = mixString + a.substring(lengthB); + } + else if (lengthB > lengthA) { + for (int j = 0; j < lengthA; j++) { + mixString = mixString + a.charAt(j) + b.charAt(j); + } + mixString = mixString + b.substring(lengthA); + } + return mixString; +} +" +011174b7ace7abaf6c9f912d8cd122ec126cf07a,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder one = new StringBuilder(aLength+bLength); + for (; i < aLength && i < bLength; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for (; i < aLength; i++) + stbuild.append(a.charAt(i)); + for (; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +f53bf183cd042cfd91a54bcd27e5579e1553b87e,"public String mixString(String a, String b) +{ + return (a+b+a+b); +} +" +f067c727e8e4d16cd915cad8ca9c9991d8c4ba00,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder one = new StringBuilder(aLength+bLength); + for (; i < aLength && i < bLength; i++) + { + one.append(a.charAt(i)); + one.append(b.charAt(i)); + } + for (; i < aLength; i++) + stbuild.append(a.charAt(i)); + for (; i < bLength; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +1da7785c27ecefaee6cf28fc21d3a1e92d2ca51c,"public String mixString(String a, String b) +{ + String result = """"; + int i = 0; + while (i lengthB) + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + a + b; + } + String extra = b.substring(lengthB, lengthA); + total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + a + b; + } + String extra = a.substring(lengthA, lengthB); + total = semi + extra; + } + return total; +} +" +ab015613ee7cdf2613302f8aed816c7a8d8259f9,"public String mixString(String a, String b) +{ + return (a+b+a+b+a+b+a+b); +} +" +40990d23dd4e76aafe3811c04802c8fb05dc7276,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + if (a.length() >= b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + return result; +} +" +5a37d3c274326c159e0725beb496983798223a65,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } +} +" +9a52992cca017f6a9cbd6a520785aa5e3ad29bd1,"public String mixString(String a, String b) +{ + return (a+b+a+b+a+b+a+b) + String; +} +" +f4d03fd07ef60ccd0a05abc2ef56a34d90996ff5,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +0cdfa5ed98ae34544c57fdd7b0edd027019b4c3f,"public String mixString(String a, String b) +{ + String s = """"; + int A = a.length(); + int B = b.length(); + int C = Math.max(A, B); + + for (int i =0; i lengthB) + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + one + two; + } + String extra = b.substring(lengthB, lengthA); + total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + one + two; + } + String extra = a.substring(lengthA, lengthB); + total = semi + extra; + } + return total; +} +" +d7a6b3205739c416e01f4cf037b056cd40238ea4,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x <= a.length() && x <= b.length(); x++) + { + str = str + a.substring(x); + str = str + b.substring(x); + } + return str; + +} +" +aa9bf0c99cef4a85dd8af9b1b6b1933222d8c44d,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + String semi = """"; + String total = """"; + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + one + two; + } + String extra = a.substring(lengthB, lengthA); + total = semi + extra; + } + else + { + for (int i = 0; i < lengthA; i = i + 1) + { + char one = a.charAt(i); + char two = b.charAt(i); + semi = semi + one + two; + } + String extra = b.substring(lengthA, lengthB); + total = semi + extra; + } + return total; +} +" +b6f08c0f49414c3f999f889fb8339b2c30bfa7c9,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x < a.length() && x < b.length(); x++) + { + str = str + a.substring(x); + str = str + b.substring(x); + } + return str; + +} +" +925b6ea24d7f2e28d37e26664611898f3b0def83,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + if (a.length() > b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + for (int i = 0; i < bigger; i++) + { + if (i < a.length()) + { + str += a.charAt(1); + } + if (i < b.length()) + { + str += b.charAt(1); + } + } + return result; +} +" +7aa552082306eb458fad3ec9f03aa2dfab39fe3d,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +cef26a44a4137532dad56a8e34f5cb013959ba19,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } +} +" +520ec62d776cfc870ecfa3be549b5d1e460d0a45,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + if (a.length() > b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + for (int i = 0; i < bigger; i++) + { + if (i < a.length()) + { + result += a.charAt(1); + } + if (i < b.length()) + { + result += b.charAt(1); + } + } + return result; +} +" +fdfb9eaafe45f48b8adea2cefb7dddfec98d7b15,"public String mixString(String a, String b) +{ + int astring = a.length(); + int bstring = b.length(); + + StringBuilder something = new StringBuilder(astring + bstring); + + for(i = 0; i < astring && i < bstring; i++) + { + something.append(a.charAt(i)); + something.append(b.charAt(i)); + } + + for(i = 0; i < astring; i++) + { + something.append(a.charAt(i)); + } + + for(i = 0; i < bstring; i++) + { + something.append(b.charAt(i)); + } + + return something.toString(); +} +" +a03c091a4744c8d3841cf7db31d1378ce0a35b16,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + +} +" +525e5ee50a725563680a1670f9f8faae09adbda1,"public String mixString(String a, String b) +{ + int astring = a.length(); + int bstring = b.length(); + int i = 0 + + StringBuilder something = new StringBuilder(astring + bstring); + + for(i = 0; i < astring && i < bstring; i++) + { + something.append(a.charAt(i)); + something.append(b.charAt(i)); + } + + for(i = 0; i < astring; i++) + { + something.append(a.charAt(i)); + } + + for(i = 0; i < bstring; i++) + { + something.append(b.charAt(i)); + } + + return something.toString(); +} +" +61c9b6c5354e4b08ff8d60356b45173a401fade8,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x <= a.length() && x <= b.length(); x++) + { + str = str + a.charAt(x); + str = str + b.charAt(x); + } + return str; + +} +" +cd6dc719395cdd5c1c00c5f9eee60992950863aa,"public String mixString(String a, String b) +{ + int astring = a.length(); + int bstring = b.length(); + + StringBuilder something = new StringBuilder(astring + bstring); + + for(int i = 0; i < astring && i < bstring; i++) + { + something.append(a.charAt(i)); + something.append(b.charAt(i)); + } + + for(int i = 0; i < astring; i++) + { + something.append(a.charAt(i)); + } + + for(int i = 0; i < bstring; i++) + { + something.append(b.charAt(i)); + } + + return something.toString(); +} +" +0e2e2f83a8d2a26946e251c02b2a5b74a9b20b68,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + if (a.length() >= b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + for (int i = 0; i < bigger; i++) + { + if (i < a.length()) + { + result += a.charAt(1); + } + if (i < b.length()) + { + result += b.charAt(1); + } + } + return result; +} +" +10332b8870e3a43754012e6d906c3dff0491b603,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + if (a.length() >= b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + for (int i = 0; i < bigger; i++) + { + if (i < a.length()) + { + result += a.charAt(1); + } + if (i < b.length()) + { + result += b.charAt(1); + } + } + return result; +} +" +36d4d6d774b22848a7e9a848fa89e80818af888d,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + if (a.length() >= b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + for (int i = 0; i < bigger; i++) + { + if (i < a.length()) + { + result += a.charAt(1); + } + else + { + result += b.charAt(1); + } + } + return result; +} +" +3aa929127eb4ee7974542a49f4f4184cbebbcdea,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x <= a.length() && x <= b.length(); x++) + { + str = str + a.charAt(x); + str = str + b.charAt(x); + } + + if (a.length() < b.length()) + { + str = str +b.substring(x); + } + + else + { + str= str + a.substring(x); + } + return str; + +} +" +cb8a13ab54b5d25892227a61808af5a0323a5dc0,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x <= a.length() && x <= b.length(); x++) + { + str = str + a.charAt(x); + str = str + b.charAt(x); + + + if (a.length() < b.length()) + { + str = str + b.substring(x); + } + + else + { + str= str + a.substring(x); + } + return str; + } + +} +" +0c6c57bc53fc14fc193a169912f292698b86c55b,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x <= a.length() && x <= b.length(); x++) + { + str = str + a.charAt(x); + str = str + b.charAt(x); + + + if (a.length() < b.length()) + { + str = str + b.substring(x); + } + + else + { + str= str + a.substring(x); + } + + } + return str; + +} +" +53f2465541f1a3a288610b4bdee48b92a68dce72,"public String mixString(String a, String b) +{ + String result = """"; + int bigger = 0; + for (int i = 0; i < bigger; i++) + { + if (i < a.length()) + { + result += a.charAt(1); + } + else + { + result += b.charAt(1); + } + } + if (a.length() >= b.length()) + { + bigger = a.length(); + } + else + { + bigger = b.length(); + } + + return result; +} +" +6e395b5b829a028bd0c0182f171d0e0940a20728,"public String mixString(String a, String b) +{ + String str = """"; + for (int x = 0; x =b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; +} +" +26cdf0ae407998abd8adbab980b77a54c5b2e26a,"public String mixString(String a, String b) +{ + int end = 0; + if (a.length() < b.length()) + { + end = a.length(); + } + else + { + end = b.length(); + } + + String mix = """"; + + for (int i = 0; i < end; i++) + { + mix = a.charAt(i); + b.charAt(i); + } + + if (a.length() < b.length()) + { + mix = mix + b.substring(b.length()-end+1); + } + else + { + mix = mix + a.substring(a.length()-end+1); + } + return mix; +} +" +e5444b61862fb9f4f3e6453273a5fcb509be8476,"public String mixString(String a, String b) +{ + int end = 0; + if (a.length() < b.length()) + { + end = a.length(); + } + else + { + end = b.length(); + } + + String mix = """"; + + for (int i = 0; i < end; i++) + { + mix = a.charAt(i) + b.charAt(i); + } + + if (a.length() < b.length()) + { + mix = mix + b.substring(b.length()-end+1); + } + else + { + mix = mix + a.substring(a.length()-end+1); + } + return mix; +} +" +f7bad3dedae3b222f56290d11cffd7a2a4c3d719,"public String mixString(String a, String b) +{ + String res=""""; + int i; + for(i=0;i bLen) + { + longLen = a; + } + else + { + longLen = b; + } + + for (int i = 0; i = longLen; i++) + { + if (i < aLen) + { + out += a.charAt(i); + } + if (i < bLen) + { + out += b.charAt(i); + } + } +} +" +05ed65a4a8ec110f414132f604797f4a45010652,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int longLen = 0; + + String out = """"; + + if (aLen > bLen) + { + longLen = aLen; + } + else + { + longLen = bLen; + } + + for (int i = 0; i == longLen; i++) + { + if (i < aLen) + { + out += a.charAt(i); + } + if (i < bLen) + { + out += b.charAt(i); + } + } +} +" +9ee702a572f61509d680c7587e6a3ceda8e5feb7,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int longLen = 0; + + String out = """"; + + if (aLen > bLen) + { + longLen = aLen; + } + else + { + longLen = bLen; + } + + for (int i = 0; i < longLen; i++) + { + if (i < aLen) + { + out += a.charAt(i); + } + if (i < bLen) + { + out += b.charAt(i); + } + } + return out; +} +" +fe54ffc5658082e927a393f6757a969d32651b8a,"public String mixString(String a, String b) +{ + int end = a.length(); + if (a.length() < b.length()) + { + end = a.length(); + } + else + { + end = b.length(); + } + + String mix = """"; + + for (int i = 0; i < end; i++) + { + mix = mix + a.substring(i,i) + b.substring(i,i); + } + + return mix; +} +" +cf0d91b376a3192b1b0620ebc56604066eb23d3f,"public String mixString(String a, String b) +{ + String mix = """"; + + for (int i = 0; i < a.length(); i++) + { + mix = mix + a.substring(i,i) + b.substring(i,i); + } + + return mix; +} +" +441f0d586388bdcf19ed9ab0e0e600c72d62fded,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +c6fc41318b65c5df43087d7889966c1d4dfe0b52,"public String mixString(String a, String b) +{ + String mix = """"; + + for (int i = 0; i < a.length(); i++) + { + mix = mix + a.valueOf(charAt(i)) + b.valueOf(charAt(i)); + } + + return mix; +} +" +6be12fc0c9c3c21995c13f2fdf4c78e1d1eda7ed,"public String mixString(String a, String b) { +String result = """"; +int length, bigger, i = 0; +if(a.length() > b.length()) { +length = b.length(); +bigger = 1; +} else { +length = a.length(); +bigger = 2; +} + +while(i < length){ +result += a.charAt(i); +result += b.charAt(i); +i++; +} + +if(bigger == 1) { +result += a.substring(i, a.length()); +} else { +result += b.substring(i, b.length()); +} +return result; +}" +d579fa1274143ea536b1173101b3f6c55e921cfa,"public String mixString(String a, String b) +{ + String endString = """" +} +" +bb88dfeacfdf2b8e55ed8471e766e5dfa3d1cd01,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +b8bc53c7efa756019e96b2d6f66775334a289f2c,"public String mixString(String a, String b) +{ + String mix = """"; + int index = 0; + + if(a.length()>=b.length()) + { + end = b.length(); + } + else + { + end = a.length(); + } + + for(int i=0; i < emd; i++) + { + mix += a.substring(i, i+1) + b.substring(i, i+1); + } + + if(a.length() < b.length()) + { + mix += b.substring(a.length()); + } + if(a.length() > b.length()) + { + mix += a.substring(b.length()); + } + return mix; +} +" +95f135d45017509fe7a7961dcb30921b437f86c0,"public String mixString(String a, String b) +{ + String fin = """"; + for (int i = 0; i < a.length() + b.length() - 1; i ++) + { + fin = fin + a.substring(i, i+1) + b.substring(i, i+1); + } + return fin; +} +" +bc9450970194660e2f778f2cb5ae2d25ceaf4c7c,"public String mixString(String a, String b) +{ + String mix = """"; + int end = 0; + + if(a.length()>=b.length()) + { + end = b.length(); + } + else + { + end = a.length(); + } + + for(int i=0; i < emd; i++) + { + mix += a.substring(i, i+1) + b.substring(i, i+1); + } + + if(a.length() < b.length()) + { + mix += b.substring(a.length()); + } + if(a.length() > b.length()) + { + mix += a.substring(b.length()); + } + return mix; +} +" +7874912d5b638a8c8c7720386553a6caff12543e,"public String mixString(String a, String b) +{ + String mix = """"; + int end = 0; + + if(a.length()>=b.length()) + { + end = b.length(); + } + else + { + end = a.length(); + } + + for(int i=0; i < end; i++) + { + mix += a.substring(i, i+1) + b.substring(i, i+1); + } + + if(a.length() < b.length()) + { + mix += b.substring(a.length()); + } + if(a.length() > b.length()) + { + mix += a.substring(b.length()); + } + return mix; +} +" +4a8ff756f036486e5aa39267df4f1e5ec445d9a5,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int maxlength = Math.max(lengtha, lengthb); + String combo = """" + for (n = 0; n < maxlength; n++) + { + if (n <= lengtha - 1) + { + combo += a.substring(n, n+1); + } + else if (n <= lengthb - 1) + { + comb0 += b.substring(n, n+1); + } + } + return combo; +} +" +ae13b61f661996118bf800f7ca642e63b171300a,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int maxlength = Math.max(lengtha, lengthb); + String combo = """"; + for (n = 0; n < maxlength; n++) + { + if (n <= lengtha - 1) + { + combo += a.substring(n, n+1); + } + else if (n <= lengthb - 1) + { + comb0 += b.substring(n, n+1); + } + } + return combo; +} +" +d9ecd9425dc9541a9090b04eeb358b9ea25bd394,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int maxlength = Math.max(lengtha, lengthb); + String combo = """"; + for (int n = 0; n < maxlength; n++) + { + if (n <= lengtha - 1) + { + combo += a.substring(n, n+1); + } + else if (n <= lengthb - 1) + { + comb0 += b.substring(n, n+1); + } + } + return combo; +} +" +fb5a709c82c024e39622d3c969a6800914837d3f,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int max = Math.max(aLength, bLength); + String word = """"; + + for (int i = 0; i < max); i++) + { + if (i <= aLength - 1) + word += a.substring(i, i + 1); + if (i <= bLength - 1) + word += b.substring(i, i + 1); + } + return word; +} +" +ba11e3a9f129ca3cefc81b45c0ab736b11db7dcb,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int maxlength = Math.max(lengtha, lengthb); + String combo = """"; + for (int n = 0; n < maxlength; n++) + { + if (n <= lengtha - 1) + { + combo += a.substring(n, n+1); + } + else if (n <= lengthb - 1) + { + combo += b.substring(n, n+1); + } + } + return combo; +} +" +cf7e94d47b5e2dd8965818cbb867f06e0a530073,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int max = Math.max(aLength, bLength); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= aLength - 1) + word += a.substring(i, i + 1); + if (i <= bLength - 1) + word += b.substring(i, i + 1); + } + return word; +} +" +93d46d773d9a4c6f88bbb598adb93a7920be88eb,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for (; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for (; i < aLen; i++) + stbuild.append(a.charAt(i)); + for (; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +24bfe1d9d791a73feb1f81ddc68e0e13d862d927,"public String mixString(String a, String b) +{ + int lengtha = a.length(); + int lengthb = b.length(); + int maxlength = Math.max(lengtha, lengthb); + String combo = """"; + for (int n = 0; n < maxlength; n++) + { + if (n <= lengtha - 1) + { + combo += a.substring(n, n+1); + } + if (n <= lengthb - 1) + { + combo += b.substring(n, n+1); + } + } + return combo; +} +" +8ee69b5239fc9e755c8537971faea2a49dbaf9a7,"public String mixString(String a, String b) +{ + int i = 0; + int aLen = a.length(); + int bLen = b.length(); + + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + { + stbuild.append(a.charAt(i)); + } + for(; i < bLen; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); +} +" +1b9d540ad22b5a5ca41cf7dc3be21922567fde10,"public String mixString(String a, String b) +{ + int aCount = a.length(); + int bCount = b.length(); + String fin = """"; + for (int i = 0; i < aCount + bCount - 1; i ++) + { + String aChar = a.substring(i, i + 1); + String bChar = b.substring(i, i + 1); + fin = fin + aChar + bChar; + + } + return fin; +} +" +280cfe1db8c1beb78686179300557c1d3f949b8e,"public String mixString(String a, String b) + +{ + + int aLen = a.length(); + + int bLen = b.length(); + + int i = 0; + + StringBuilder stbuild = new StringBuilder(aLen+bLen); + + for(; i < aLen && i < bLen; i++) + + { + + stbuild.append(a.charAt(i)); + + stbuild.append(b.charAt(i)); + + } + + // only 1 for loop will actually run + + for(; i < aLen; i++) + + stbuild.append(a.charAt(i)); + + for(; i < bLen; i++) + + stbuild.append(b.charAt(i)); + + return stbuild.toString(); + +}" +206a20ee7ee00190c20fede9dea0e8ff4a083bdd,"public String mixString(String a, String b) { + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +}" +66f9f2c22c6f9b85c29a102e8afbdd5dcfec70ab,"public String mixString(String a, String b) +{ + String newString = a.indexOf(1) + b.indexOf(1) + a.indexOf(2) + b.indexOf(2) + a.substring(3) + b.substring(3); + return newString +} +" +0b8df2ed0c402726f8518b8025332d9545d79b1e,"public String mixString(String a, String b) +{ + String newString = a.indexOf(1) + b.indexOf(1) + a.indexOf(2) + b.indexOf(2) + a.substring(3) + b.substring(3); + return newString; +} +" +9bf7473a45385ec5f10549de0806e4fa97a0e9ae,"public String mixString(String a, String b) +{ + String newString = a.substring(1, 2) + b.substring(1, 2) + a.substring(2, 3) + b.substring(2, 3) + a.substring(3) + b.substring(3); + return newString; +} +" +edf6cb76b8e20f6ed4ebd75d4a599bfd061aa82e,"public String mixString(String a, String b) +{ + String newString = a.substring(0, 2) + b.substring(0, 2) + a.substring(1, 3) + b.substring(1, 3) + a.substring(3) + b.substring(3); + return newString; +} +" +8f071df1ae9d0a965fb2a264eb74f9087cb81048,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + +} +" +7516c3d3269d9f0630b45d84d0945fe9a321853b,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +99a37a0a9c581774c122a69e826ad62b0ec76ed9,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +2675301be92701118c3759023d97907cf7604ee3,"public String mixString(String a, String b) +{ + String newString = a.substring(0, 2) + b.substring(0, 2) + a.substring(1, 3) + b.substring(1, 3); + if a.length() >= 3 && b.length() >= 3 + { + newString = newString + a.substring(3) + b.substring(3); + } + else if a.length() >= 3 + { + newString = newString + a.substring(3); + + } + else if b.length() >= 3 + { + newString = newString + b.substring(3); + } + + return newString; +} +" +6434efc3e76a0baf502403304c3e90eadff2e30a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +a1e6dd52be0abf412abe2638a1786b109f3aad8e,"public String mixString(String a, String b) +{ + String newString = a.substring(0, 2) + b.substring(0, 2) + a.substring(1, 3) + b.substring(1, 3); + if (a.length() >= 3 && b.length() >= 3) + { + newString = newString + a.substring(3) + b.substring(3); + } + else if (a.length() >= 3) + { + newString = newString + a.substring(3); + + } + else if (b.length() >= 3) + { + newString = newString + b.substring(3); + } + + return newString; +} +" +a5c97955e788887307aeeda0927ab80d35fda2a3,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); + +} +" +6f071b27f5a9d18cccb4d3a23284bca71e1a011c,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(aLength + bLength); + for(; i < aLength && i < bLength; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + for(; i < aLength; i++) + build.append(a.charAt(i)); + for(; i = 3 && b.length() >= 3) + { + newString = newString + a.substring(2) + b.substring(2); + } + else if (a.length() >= 3) + { + newString = newString + a.substring(2); + + } + else if (b.length() >= 3) + { + newString = newString + b.substring(2); + } + + return newString; +} +" +f23089a758d93a36247252762d8f7c11d773bee6,"public String mixString(String a, String b) +{ + +} +" +cf416335da8ecd5fae915ca2cb79ca98ef20449f,"public String mixString(String a, String b) +{ + String endString = """" + + for (x = 0; x < a.length() && x < b.length(); x++) + { + endString = endString + a.charAt(x); + ensString = endString + b.charAt(x); + if (a.length () > b. length()) + { + return endString + a.substring(b.length)); + } + + + } + + return endString = enString(a.length)); +} +" +dd50edb66b682a1715746ebf721d2fee79eb5b70,"public String mixString(String a, String b) +{ + String endString = """"; + + for (x = 0; x < a.length() && x < b.length(); x++) + { + endString = endString + a.charAt(x); + ensString = endString + b.charAt(x); + if (a.length () > b. length()) + { + return endString + a.substring(b.length); + } + + + } + + return endString = enString(a.length); +} +" +12ff0a23876457996d73d1d61bf97df735e30718,"public String mixString(String a, String b) +{ + String returnStr = """"; + for (int i = 0; i < a.length(); i++) { + for (int j = 0; j < b.length(); j++) { + returnStr = returnStr.concat(""a"").concat(""b""); + } + } + return returnStr; +} +" +f24de7cca2d7b47054cf0dca2f619e5a3e444868,"public String mixString(String a, String b) +{ + String output = """"; + int sizeA = a.length(); + int sizeB = b.length(); + + if(sizeB 0) + { + newString = newString + a.substring(0, 1); + } + if (b.length() > 0) + { + newString = newString + b.substring(0, 1); + } + if (a.length() > 1) + { + newString = newString + a.substring(1, 2); + } + if (b.length() > 1) + { + newString = newString + b.substring(1, 2); + } + if (a.length() >= 3 && b.length() >= 3) + { + newString = newString + a.substring(2) + b.substring(2); + } + else if (a.length() >= 3) + { + newString = newString + a.substring(2); + + } + else if (b.length() >= 3) + { + newString = newString + b.substring(2); + } + return newString; +} +" +186bfa1b5bee216b952cc25d9bf9b0e7cd707a51,"public String mixString(String a, String b) +{ + String newString = """"; + if (a.length() > 0) + { + newString = newString + a.substring(0, 1); + } + if (b.length() > 0) + { + newString = newString + b.substring(0, 1); + } + if (a.length() > 1) + { + newString = newString + a.substring(1, 2); + } + if (b.length() > 1) + { + newString = newString + b.substring(1, 2); + } + if (a.length() >= 3 && b.length() >= 3) + { + newString = newString + a.substring(2) + b.substring(2); + } + else if (a.length() >= 3) + { + newString = newString + a.substring(2); + + } + else if (b.length() >= 3) + { + newString = newString + b.substring(2); + } + return newString; +} +" +32ecacb87835da0e1d6d075bf7ea1efba63f9243,"public String mixString(String a, String b) +{ + String endString = """"; + + for (x = 0; x < a.length() && x < b.length(); x++) + { + endString = endString + a.charAt(x); + ensString = endString + b.charAt(x); + if (a.length () > b. length()) + { + return endString + a.substring(b.length); + } + + + } + + return endString + b.subString(a.length); +} +" +52b7eb4c76244003eb7bb38a4cd6aadbe22aa438,"public String mixString(String a, String b) +{ + String output = """"; + int sizeA = a.length(); + int sizeB = b.length(); + + if(sizeB b. length()) + { + return endString + a.substring(b.length); + } + + + } + + return endString + b.subString(a.length); +} +" +a2429974149515502231aaa20c8a5bebc2c6659c,"public String mixString(String a, String b) +{ + String endString = """"; + + for (int x = 0; x < a.length() && x < b.length(); x++) + { + endString = endString + a.charAt(x); + endString = endString + b.charAt(x); + if (a.length () > b. length()) + { + return endString + a.substring(b.length); + } + + + } + + return endString + b.subString(a.length); +} +" +8db10119fab733e4a858e82b08ba322dc285e282,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String finalString = """"; + int i = 0; + for(; i < aLength && i < bLength; i++) + { + finalString = finalString + a.charAt(i) + b.charAt(i); + } + for(; i < aLen; i++) + finalString = finalString + a.charAt(i); + for(; i < bLen; i++) + finalString = finalString + b.charAt(i); + return stbuild.toString(); +} + +" +0c1c5eec79ab334ced3fbbdad2e1c8cb7aca7643,"public String mixString(String a, String b) +{ + String endString = """"; + + for (int x = 0; x < a.length() && x < b.length(); x++) + { + endString = endString + a.charAt(x); + endString = endString + b.charAt(x); + if (a.length () > b.length()) + { + return endString + a.substring(b.length); + } + + + } + + return endString + b.subString(a.length); +} +" +e1cca0722ca5768959433e133ce95d997c2bf679,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + String finalString = """"; + int i = 0; + for(; i < aLength && i < bLength; i++) + { + finalString = finalString + a.charAt(i) + b.charAt(i); + } + for(; i < aLength; i++) + finalString = finalString + a.charAt(i); + for(; i < bLength; i++) + finalString = finalString + b.charAt(i); + return stbuild.toString(); +} + +" +365c3d9f0989827d537e05a6fc4cbcf618a14ccf,"public String mixString(String a, String b) +{ + String output = """"; + int sizeA = a.length(); + int sizeB = b.length(); + int last = 0; + + if(sizeB b.length()) + { + return endString + a.substring(b.length()); + } + + + } + + return endString + b.subString(a.length()); +} +" +d201151fb106a868e7c23b2e60b97b9bb685421c,"public String mixString(String a, String b) +{ + String output = """"; + int sizeA = a.length(); + int sizeB = b.length(); + int last = 0; + + if(sizeB b.length()) + { + return endString + a.substring(b.length()); + } + + + } + + return endString + b.substring(a.length()); +} +" +de2680b0ee8746afdc1aef2f82e678099adbabb3,"public String mixString(String a, String b) +{ + String returnStr = """"; + for (int i = 0; i < a.length(); i++) { + returnStr = returnStr + a.charAt(i); + i++; + for (int j = 0; j < b.length(); j++) { + returnStr = returnStr + b.charAt(j); + j++; + } + } + return returnStr; +} +" +f90c1d13535502987174860ea555a1f0c9de9550,"public String mixString(String a, String b) +{ + String endString = """"; + + for (int x = 0; x < a.length() -1 && x < b.length() -1; x++) + { + endString = endString + a.charAt(x); + endString = endString + b.charAt(x); + if (a.length () > b.length()) + { + return endString + a.substring(b.length()); + } + + + } + + return endString + b.substring(a.length()); +} +" +a75932c9c403a11311ff82889477e41b3dabac98,"public String mixString(String a, String b) +{ + String endString = """"; + + for (int x = 0; x < a.length() && x < b.length(); x++) + { + endString = endString + a.charAt(x); + endString = endString + b.charAt(x); + if (a.length () > b.length()) + { + return endString + a.substring(b.length()); + } + + + } + + return endString + b.substring(a.length()); +} +" +5fa105c8b93aadfcc5b51b2ae35adfeda17518de,"public String mixString(String a, String b) +{ + String returnStr = """"; + for (int i = 0; i < a.length(); i++) { + returnStr = returnStr + a.charAt(i); + for (int j = 0; j < b.length(); j++) { + returnStr = returnStr + b.charAt(j); + } + } + return returnStr; +} +" +0f771d73c0d580cd9695a1e47972bd9f47f2360e,"public String mixString(String a, String b) +{ + String output = """"; + int sizeA = a.length(); + int sizeB = b.length(); + int last = 0; + + if(sizeB=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; +} +" +5ec7b91b007333472619c5f29629be00b289816c,"public String mixString(String a, String b) +{ + String newString = """"; + int lengthA = a.length(); + int lengthB = b.length(); + if (lengthA > lengthB) + { + for (int i = 0; i < lengthB; i++) + { + newString += a.charAt(i); + newString += b.charAt(i); + } + newString += a.substring(lengthB,lengthA); + return newString; + } + else if (lengthB > lengthA) + { + for (int i = 0; i < lengthA; i++) + { + newString += a.charAt(i); + newString += b.charAt(i); + } + newString += b.substring(lengthA,lengthB); + return newString; + } + else + { + for (int i = 0; i < lengthA; i++) + { + newString += a.charAt(i); + newString += b.charAt(i); + } + return newString; + } +} +" +b543a53233101b6062571436d0e69d05430ec14e,"public String mixString(String a, String b) +{ + int i; + String newString = """"; + + while (i <= a.length() && i <= b.length()) + { + for (i = 0; i <= a.length(); i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + return newString; + } + return newString; +} +" +6063785cc6242e4c23d2989c2ba7e2480932c742,"public String mixString(String a, String b) +{ + int i = 0; + String newString = """"; + + while (i <= a.length() && i <= b.length()) + { + for (i = 0; i <= a.length(); i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + return newString; + } + return newString; +} +" +dc131639f379e399c2ffa358c8d00cfc8efa172e,"public String mixString(String a, String b) { + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +}" +3f7423aa6ef1392459d1f073c4ed01e45121f505,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a.length() <= b.length()) + { + for (int i = 0 ; i < a.length(); i++) + { + newStr = newStr + a.chartAt(i) + b.charAt(i); + } + newStr = newStr + b.subString(a.length()); + } + else (a.length() > b.length()) + { + for (int i = 0 ; i < b.length(); i++) + { + newStr = newStr + a.chartAt(i) + b.charAt(i); + } + newStr = newStr + a.subString(b.length()); + } + return newStr; +} +" +9faf1b5c2fa835f9be475df6ac8be10e8b8ace00,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + int max = Math.max(aLen, bLen); + + String word = """"; + + for (int i = 0; i < max; i++) { + + if (i <= aLen-1) + + word += a.substring(i,i+1); + + if (i <= bLen-1) + + word += b.substring(i,i+1); + + } + + return word; + +} +" +853916040e2b9c350706fb82c3c39edb349f3fa7,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a.length() <= b.length()) + { + for (int i = 0 ; i < a.length(); i++) + { + newStr = newStr + a.chartAt(i) + b.charAt(i); + } + newStr = newStr + b.subString(a.length()); + } + else + { + for (int i = 0 ; i < b.length(); i++) + { + newStr = newStr + a.chartAt(i) + b.charAt(i); + } + newStr = newStr + a.subString(b.length()); + } + return newStr; +} +" +1fff1c47eca8fe735296b46c69ba1d1cfbda06e3,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a.length() <= b.length()) + { + for (int i = 0 ; i < a.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + newStr = newStr + b.subString(a.length()); + } + else + { + for (int i = 0 ; i < b.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + newStr = newStr + a.subString(b.length()); + } + return newStr; +} +" +ddcd52f8bc52bb5c0f9f40a2e9ac7dbf4696fd07,"public String mixString(String a, String b) +{ + String mixed = """"; + + for (int i = 0; i < a.length(); i++) + { + mixed = mixed + a.substring(i,i+1) + b.substring(i,i+1); + } + return mixed; +} +" +00ad4d481150d9af326bb667196df1cc0765b1af,"public String mixString(String a, String b) +{ int i = 0; + String out = """"; + if (a>b) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i) + b.substring(i) + } + out = out + a.substring(b.length()); + return out; + } + else if (a = b) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i) + b.substring(i) + } + return out; + } + + else + { + for (i = 0; i <= a.length(); i++) + { + out = out + a.substring(i) + b.substring(i) + } + out = out + b.substring(a.length()); + return out; + } + + + +} +" +f6adf12711a66b8240ebc19c32c23ef132dd1844,"public String mixString(String a, String b) +{ int i = 0; + String out = """"; + if (a>b) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i) + b.substring(i); + } + out = out + a.substring(b.length()); + return out; + } + else if (a = b) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i) + b.substring(i); + } + return out; + } + + else + { + for (i = 0; i <= a.length(); i++) + { + out = out + a.substring(i) + b.substring(i); + } + out = out + b.substring(a.length()); + return out; + } + + + +} +" +6d52dcd8f3d9e5e82b53219d7572e45b75a54998,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a.length() <= b.length()) + { + for (int i = 0 ; i < a.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + newStr = newStr + b.substring(a.length()); + } + else + { + for (int i = 0 ; i < b.length(); i++) + { + newStr = newStr + a.charAt(i) + b.charAt(i); + } + newStr = newStr + a.substring(b.length()); + } + return newStr; +} +" +b8f549ba0efaaea9a3b7cacb33d4aa1a815ec6c1,"public String mixString(String a, String b) +{ + int min = Math.min(a.length(),b.length()); + String mix= """"; + for(int i = 0; i < min; i++) { + mix = mix + a.charAt(i) + b.charAt(i); + } + return mix = mix + b.substring(min) + a.substring(min); +} +" +af0581e2d74a1f6a274b3b4a26f74443bb7b72fd,"public String mixString(String a, String b) +{ int i = 0; + String out = """"; + if (a.length()>b.length()) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i) + b.substring(i); + } + out = out + a.substring(b.length()); + return out; + } + else if (a.length() == b.length()) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i) + b.substring(i); + } + return out; + } + + else + { + for (i = 0; i <= a.length(); i++) + { + out = out + a.substring(i) + b.substring(i); + } + out = out + b.substring(a.length()); + return out; + } + + + +} +" +495caf78e03595fb69511bc250ac3dd862b6daea,"public String mixString(String a, String b) +{ + int i = 0; + String newString = """"; + + while (i <= a.length() && i <= b.length()) + { + for (i = 0; i < a.length(); i++) + { + newString = newString + a.charAt(i) + b.charAt(i); + } + return newString; + } + return newString; +} +" +25e33b45f5387d1bd3b15577f2b6b83458a70e6b,"public String mixString(String a, String b) +{ + return (a+b+a+b+a+b+a+b); +} +" +d4771ced1febc09098073d59b8ababbf2cdfd9ab,"public String mixString(String a, String b) +{ int i = 0; + String out = """"; + if (a.length()>b.length()) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i+1) + b.substring(i+1); + } + out = out + a.substring(b.length()); + return out; + } + else if (a.length() == b.length()) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i+1) + b.substring(i+1); + } + return out; + } + + else + { + for (i = 0; i <= a.length(); i++) + { + out = out + a.substring(i+1) + b.substring(i+1); + } + out = out + b.substring(a.length()); + return out; + } + + + +} +" +4e2a52474451dd11057fb86bd8b687904cebc04a,"public String mixString(String a, String b) +{ +String result = """"; +int i = 0; +while (i= bC) + { + big = big + a.charAt(aC); + bC++; + } + else + { + big = big + b.charAt(bC); + } + } + return big; +} +" +43c0ae1e5172c93ebb2e4a0f6bd24fdf662a1201,"public String mixString(String a, String b) +{ + int aL = a.length(); + int bL = b.length(); + int aC = 0; + int bC = 0; + String big; + while (aC < aL) + { + if (aC >= bC) + { + big = big + a.charAt(aC); + bC++; + } + else + { + big = big + b.charAt(bC); + } + } + return big; +} +" +d3e0ef791780d3e6af9f828372782da6e4be5e81,"public String mixString(String a, String b) +{ int i = 0; + String out = """"; + if (a.length()>b.length()) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i, i+1) + b.substring(i,i+1); + } + out = out + a.substring(b.length()); + return out; + } + else if (a.length() == b.length()) + { + for (i = 0; i <= b.length(); i++) + { + out = out + a.substring(i,i+1) + b.substring(i, i+1); + } + return out; + } + + else + { + for (i = 0; i <= a.length(); i++) + { + out = out + a.substring(i,i+1) + b.substring(i,i+1); + } + out = out + b.substring(a.length()); + return out; + } + + + +} +" +f21a0f7453711e5490104534ce9738bff12c8024,"public String mixString(String a, String b) +{ + int aL = a.length(); + int bL = b.length(); + int aC = 0; + int bC = 0; + String big = """"; + while (aC < aL) + { + if (aC >= bC) + { + big = big + a.charAt(aC); + bC++; + } + else + { + big = big + b.charAt(bC); + } + } + return big; +} +" +7a325bd4abaab527f4cb6481167345229a377adf,"public String mixString(String a, String b) +{ + int bigA = a.length(); + int bigB = b.length(); + int mex = Math.max(bigA, bigB); + String yup = """"; + + for (int i = 0; i < yup; i++) + { + if (i <= bigA - 1) + word += a.substring(i, i+1); + if (i <= bigB - 1) + word += b.substring(i, i + 1); + } + return yup; +} +" +a3ea992d21e7c8eeaf37c21eb50f1650b770d589,"public String mixString(String a, String b) +{ int i = 0; + String out = """"; + if (a.length()>b.length()) + { + for (i = 0; i < b.length(); i++) + { + out = out + a.substring(i, i+1) + b.substring(i,i+1); + } + out = out + a.substring(b.length()); + return out; + } + else if (a.length() == b.length()) + { + for (i = 0; i < b.length(); i++) + { + out = out + a.substring(i,i+1) + b.substring(i, i+1); + } + return out; + } + + else + { + for (i = 0; i < a.length(); i++) + { + out = out + a.substring(i,i+1) + b.substring(i,i+1); + } + out = out + b.substring(a.length()); + return out; + } + + + +} +" +c5e705b287075b19c3f323d8fa2acd5f1ce2ae42,"public String mixString(String a, String b) +{ + int bigA = a.length(); + int bigB = b.length(); + int mex = Math.max(bigA, bigB); + String yup = """"; + + for (int i = 0; i < mex; i++) + { + if (i <= bigA - 1) + word += a.substring(i, i+1); + if (i <= bigB - 1) + word += b.substring(i, i + 1); + } + return yup; +} +" +67d2fa8aaba3f938a63e8b164d2c0b9e247a4951,"public String mixString(String a, String b) +{ + String mixed = """"; + if (a.length() <= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + mixed = mixed + a.substring(i,i+1) + b.substring(i,i+1); + } + mixed = mixed + b.substring(a.length); + } + if (b.length() < a.length()) + { + for (int i = 0; i < b.length(); i++) + { + mixed = mixed + a.substring(i,i+1) + b.substring(i,i+1); + } + mixed = mixed + a.substring(b.length); + } + return mixed; +} +" +a35c8ddce9d45ed9db0e53e7e7a2c7d30df359f2,"public String mixString(String a, String b) +{ + String mixed = """"; + if (a.length() <= b.length()) + { + for (int i = 0; i < a.length(); i++) + { + mixed = mixed + a.substring(i,i+1) + b.substring(i,i+1); + } + mixed = mixed + b.substring(a.length()); + } + if (b.length() < a.length()) + { + for (int i = 0; i < b.length(); i++) + { + mixed = mixed + a.substring(i,i+1) + b.substring(i,i+1); + } + mixed = mixed + a.substring(b.length()); + } + return mixed; +} +" +58cc32b9815a8ebc593a061608bb2cdc65a183bd,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +ec1566dc16c068fc490b461544182a01341e7afb,"public String mixString(String a, String b) +{ + int aLeg = a.length(); + int bLeg = a.length(); + int s = 0; + StringBuilder build = new StringBuilder(aLeg + bLeg); + for(; s < aLeg && s < bLeg; s++) + { + build.append(a.charAt(s)); + build.append(b.charAt(s)); + } + for(; s < aLeg; s++) + build.append(a.charAt(s)); + for(; s < bLeg; s++) + build.append(b.charAt(s)); + return build.toString(); + +} +" +4f4bf722014179576e4a58664f1b466198525ca2,"public String mixString(String a, String b) +{ + int bigA = a.length(); + int bigB = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(bigA+bigB); + for(; i < bigA && i < bigB; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < bigA; i++) + stbuild.append(a.charAt(i)); + for(; i < bigB; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +c67ff4a8be4bfd2413fb626c7fc3e2bb2fb11cd8,"public String mixString(String a, String b) +{ + if (b.length() >= a.length()) + { + for (int i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + returnStr += b.substring(i + 1, b.length()); + } + else + { + for (int j = 0; j < b.length(); j++) + { + returnStr += b.charAt(i); + returnStr += a.charAt(i); + } + returnStr += a.substring(i + 1, b.length()); + } + return returnStr; +} +" +eb8479996886b1b02370687d0504f4ce7e408871,"public String mixString(String a, String b) +{ + String returnStr = """"; + if (b.length() >= a.length()) + { + for (int i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + returnStr += b.substring(i + 1, b.length()); + } + else + { + for (int j = 0; j < b.length(); j++) + { + returnStr += b.charAt(i); + returnStr += a.charAt(i); + } + returnStr += a.substring(i + 1, b.length()); + } + return returnStr; +} +" +bb3ba6948b3779ed66537fabf81cf1193a7dc9ca,"public String mixString(String a, String b) +{ + String returnStr = """"; + int i = 0; + if (b.length() >= a.length()) + { + for (i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + returnStr += b.substring(i + 1, b.length()); + } + else + { + for (i = 0; i < b.length(); i++) + { + returnStr += b.charAt(i); + returnStr += a.charAt(i); + } + returnStr += a.substring(i + 1, b.length()); + } + return returnStr; +} +" +6fb8b89f29b9fde9b87e455c5ee23c099407f307,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int counter = 0; + StringBuilder stringBuild = new StringBuilder(aLength+bLength); + + for(; counter < aLength && counter < bLength; counter++) + { + stringBuild.append(a.charAt(counter)); + stringBuild.append(b.charAt(counter)); + } + + // Runs for only a single loop + for(; counter < aLength; counter++) + stringBuild.append(a.charAt(counter)); + for(; counter < bLength; counter++) + stringBuild.append(b.charAt(counter)); + return stringBuild.toString(); +} +" +e262952fc968de6d475badb79b29f38fc304a8ac,"public String mixString(String a, String b) +{ + int i = 0; + int mixStrLength = 0; + int stopI = 0; + String mixString = """"; + String extraString = """"; + + + while (i <= a.length() && i <= b.length()) + { + for (i = 0; i < a.length(); i++) + { + mixString = mixString + a.charAt(i) + b.charAt(i); + } + return newString; + mixStrLength = newString.length(); + stopI = mixStrLength / 2; + } + while (i > a.length()) + { + for (i = stopI; i <= b.length(); i++) + { + extraString = extraString + b.charAt(i); + } + return newString + extraString; + } + while (i > b.length()) + { + for (i = stopI; i <= a.length(); i++) + { + extraString = extraString + a.charAt(i); + } + return newString + extraString; + } + return newString + extraString; +} +" +d25d47f34949b78a6b0d60da1f8645a5b6f60b4e,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int counter = 0; + StringBuilder stringBuild = new StringBuilder(aLength+bLength); + + for (; counter < aLength && counter < bLength; counter++) + { + stringBuild.append(a.charAt(counter)); + stringBuild.append(b.charAt(counter)); + } + + // Runs for only a single loop + for (; counter < aLength; counter++) + stringBuild.append(a.charAt(counter)); + for (; counter < bLength; counter++) + stringBuild.append(b.charAt(counter)); + return stringBuild.toString(); +} +" +ad68d2c30b5192b3d04ffe6e8d0e368780b58a9d,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int counter = 0; + StringBuilder stringBuilder = new StringBuilder(aLength+bLength); + + for (; counter < aLength && counter < bLength; counter++) + { + stringBuilder.append(a.charAt(counter)); + stringBuilder.append(b.charAt(counter)); + } + + // Runs for only a single loop + for (; counter < aLength; counter++) + stringBuilder.append(a.charAt(counter)); + for (; counter < bLength; counter++) + stringBuilder.append(b.charAt(counter)); + return stringBuilder.toString(); +} +" +a42651435fda2c63675a3b05af8945037886ba53,"public String mixString(String a, String b) +{ + int i = 0; + int mixStrLength = 0; + int stopI = 0; + String mixString = """"; + String extraString = """"; + + + while (i <= a.length() && i <= b.length()) + { + for (i = 0; i < a.length(); i++) + { + mixString = mixString + a.charAt(i) + b.charAt(i); + } + return mixString; + mixStrLength = mixString.length(); + stopI = mixStrLength / 2; + } + while (i > a.length()) + { + for (i = stopI; i <= b.length(); i++) + { + extraString = extraString + b.charAt(i); + } + return mixString + extraString; + } + while (i > b.length()) + { + for (i = stopI; i <= a.length(); i++) + { + extraString = extraString + a.charAt(i); + } + return mixString + extraString; + } + return mixString + extraString; +} +" +a24fed6056d388c607d38ef59dcecb0ff2b601a1,"public String mixString(String a, String b) +{ + String mix = """"; + if (a.length() >= b.length()) + { + int i = b.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + } + mix = mix + a.substring(a.length() - b.length()); + } + else + { + int i = a.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + } + mix = mix + b.substring(b.length() - a.length()); + } +} +" +22de3ca1477d028b1c70e15aac11b53016110a63,"public String mixString(String a, String b) +{ + String mix = """"; + if (a.length() >= b.length()) + { + int i = b.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + } + mix = mix + a.substring(a.length() - b.length()); + } + else + { + int i = a.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + } + mix = mix + b.substring(b.length() - a.length()); + } + return(mix); +} +" +51ae3f57d40720a04b47071b2c269ee660bc6837,"public String mixString(String a, String b) +{ + String mix = """"; + if (a.length() >= b.length()) + { + int i = b.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + i = i - 1; + } + mix = mix + a.substring(a.length() - b.length()); + } + else + { + int i = a.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + i = i - 1; + } + mix = mix + b.substring(b.length() - a.length()); + } + return(mix); +} +" +03a2f6bf959d06a5e5ff75a25ed1036a3ccb3a46,"public String mixString(String a, String b) +{ + String returnStr = """"; + int i = 0; + if (b.length() >= a.length()) + { + for (i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + if (b.length() > i) + { + returnStr += b.substring(i + 1, b.length()); + } + } + else + { + for (i = 0; i < b.length(); i++) + { + returnStr += b.charAt(i); + returnStr += a.charAt(i); + } + if (a.length() > 1) + { + returnStr += a.substring(i + 1, b.length()); + } + } + return returnStr; +} +" +adefac16dfbda0d67e0b8b44dcbdab481f323b9e,"public String mixString(String a, String b) +{ + String returnStr = """"; + int i = 0; + if (b.length() >= a.length()) + { + for (i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + if (b.length() > i) + { + returnStr += b.substring(i, b.length()); + } + } + else + { + for (i = 0; i < b.length(); i++) + { + returnStr += b.charAt(i); + returnStr += a.charAt(i); + } + if (a.length() > 1) + { + returnStr += a.substring(i, b.length()); + } + } + return returnStr; +} +" +72b53f45fcf91a3c498890faa5c950514880d3c5,"public String mixString(String a, String b) +{ + String mix = """"; + if (a.length() >= b.length()) + { + int i = b.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + i = i - 1; + } + mix = mix + a.substring(b.length()); + } + else + { + int i = a.length() - 1; + while (i >= 0) + { + mix = a.substring(i, i + 1) + b.substring(i, i + 1) + mix; + i = i - 1; + } + mix = mix + b.substring(a.length()); + } + return(mix); +} +" +8d676dc26b836e7738603c585a019ae0d65f1754,"public String mixString(String a, String b) +{ + int lengthA = a.length(); + int lengthB = b.length(); + int i = 0; + StringBuilder builder = new StringBuilder(lengthA + lengthB); + for (; i= a.length()) + { + for (i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + if (b.length() > i) + { + returnStr += b.substring(i, b.length()); + } + } + else + { + for (i = 0; i < b.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + if (a.length() > 1) + { + returnStr += a.substring(i, b.length()); + } + } + return returnStr; +} +" +7edf6b9895049663b4ba9cfed23bf48e059b2a83,"public String mixString(String a, String b) +{ + newString = """"; + int i = 0; + int length1 = a.length(); + int length2 = b.length(); + int firstWord; + if (length1 <= length2) + { + firstWord = length1; + } + else + { + firstWord = length2; + } + while (i < firstWord) + { + newString = newString + a.charAt(i) + b.charAt(i); + i++; + } + if(i!=firstWord) + { + while (i= a.length()) + { + for (i = 0; i < a.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + if (b.length() > i) + { + returnStr += b.substring(i, b.length()); + } + } + else + { + for (i = 0; i < b.length(); i++) + { + returnStr += a.charAt(i); + returnStr += b.charAt(i); + } + if (a.length() > 1) + { + returnStr += a.substring(i, a.length()); + } + } + return returnStr; +} +" +f9516fd2c9e91fbf4fc78443f726acae1e0593bb,"public String mixString(String a, String b) +{ + String newString = """"; + int i = 0; + int length1 = a.length(); + int length2 = b.length(); + int firstWord; + if (length1 <= length2) + { + firstWord = length1; + } + else + { + firstWord = length2; + } + while (i < firstWord) + { + newString = newString + a.charAt(i) + b.charAt(i); + i++; + } + if(i!=firstWord) + { + while (i 0 && y > 0) + { + string = string + a.charAt(i); + string = string + b.charAt(i); + i = i + 1; + x = x - 1; + y = y - 1; + } + if(y != 0) + { + string = string.concat(b.substring(i)); + } + else + { + string = string.concat(a.substring(i)); + } + return string; +} +" +4cfe9cfea4a3610a20b5e122e4fbe2be57f3410a,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +a90e5d0bfabff736c5e94d3f9f3e6027be614239,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +7333eb8545962cfa6ebf5d3c1fee5d8622bd6203,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +32903b3eee7e1b4913bf564c4425e67f778150f1,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +2be780397231175cf0c8f8fcb8ad3779cd9321db,"public String mixString(String a, String b) +{ + int i = 0; + int x = a.length(); + int y = b.length(); + String string = """"; + while( x > 0 && y > 0) + { + string = string + a.charAt(i); + string = string + b.charAt(i); + i = i + 1; + x = x - 1; + y = y - 1; + } + if(y != 0) + { + string = string.concat(b.substring(i)); + } + else + { + string = string.concat(a.substring(i)); + } + return string; +} +" +23feb28e62310d547a72aff527966acc8f778dd5,"public String mixString(String a, String b) { + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + + } + return word; +}" +e488c354be62310f430c8bfb3021a70df988283b,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +b816e0f272c9362029b38593a11ad45df4f4c3dd,"public String mixString(String a, String b) +{ + for (i = 0; i < b.length(); i++) + { + return String a.substring(i, i + 1) + b.substring(i, i + 1); + } +}" +974606a34cc6c12338d16764e549a1d4f9967c0b,"public String mixString(String a, String b) +{ + for (i = 0; i < b.length(); i++) + { + return a.substring(i, i + 1) + b.substring(i, i + 1); + } +}" +5c0e5b26c3e0de6570c064865e2ec09c71461003,"public String mixString(String a, String b) +{ + String returnString = """"; + for (int i = 0; i < a.length() + b.length(); i++) + { + if (i < a.length()) + { + returnString = returnString + a.charAt(i); + } + + if (i < b.length()) + { + returnString = returnString + b.charAt(i); + } + } + return returnString; +} +" +c54e19914e30c05c3cb4b528bc42b460bf0bab0e,"public String mixString(String a, String b) +{ + int i = 0; + for (i = 0; i < b.length(); i++) + { + return a.substring(i, i + 1) + b.substring(i, i + 1); + } +}" +6175de39cb860c46d2f63bdb492af6b08c828b67,"public String mixString(String a, String b) +{ + int i = 0; + for (i = 0; i < b.length(); i++) + { + return a.substring(i, i + 1) + b.substring(i, i + 1); + } + return a; +}" +5ebac84f494b857a4b7c0216de6ba53036e57ac1,"public String mixString(String a, String b) +{ + int = 0; + StringBuilder stbuild = new StringBuilder(a.length() + b.length()); + for (; i < a.length() && i < b.length(); i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for (; i < a.length(); i++) + { + stbuild.append(a.charAt(i)); + } + for (; i < b.length(); i++) + { + stbuild.append(b.charAt(i)); + } + + return stbuild.toString(); +} +" +dbe4092ba07a7b7ba0ef4fa94937c36e955d64de,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a = b) { + for (x = 0; x < a.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + } + } + return newStr; +} +" +fe3a37d1d4028687de753bdbd860f9d4d3a89e14,"public String mixString(String a, String b) +{ + int i = 0; + StringBuilder stbuild = new StringBuilder(a.length() + b.length()); + for (; i < a.length() && i < b.length(); i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for (; i < a.length(); i++) + { + stbuild.append(a.charAt(i)); + } + for (; i < b.length(); i++) + { + stbuild.append(b.charAt(i)); + } + + return stbuild.toString(); +} +" +f4dacfd174b31821f5e50a61a7de873badc905c9,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a == b) { + for (int x = 0; x < a.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + } + } + return newStr; +} +" +5de2ce24addb06225f86a8e0b592e871ae1e802d,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a.length() = b.length()) { + for (int x = 0; x < a.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + } + } + return newStr; +} +" +027f551088fd3bce99fa66f36650beb6e7bc9690,"public String mixString(String a, String b) +{ + String newStr = """"; + if (a.length() == b.length()) { + for (int x = 0; x < a.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + } + } + return newStr; +} +" +9fda7b660bca8bc44d2ba42a066c0127e1c10d98,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i =0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + +} +" +25c0c8cc87829634aeb630c632ef012a1fd2f9a6,"public String mixString(String a, String b) +{ + if (a.length == 0) + { + return b; + } + else if (b.length == 0) + { + return a; + } + else + { + int i = 0; + for (i = 0; i < b.length(); i++) + { + return a.substring(i, i + 1) + b.substring(i, i + 1); + } + return a; + } +}" +123a6c99b55338c7701ed693c9ab0fc313d488e6,"public String mixString(String a, String b) +{ + if (a.length() == 0) + { + return b; + } + else if (b.length() == 0) + { + return a; + } + else + { + int i = 0; + for (i = 0; i < b.length(); i++) + { + return a.substring(i, i + 1) + b.substring(i, i + 1); + } + return a; + } +}" +12aaeeaa8cca12d63ff0b37754c1d029f5ad6b9c,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +}" +5259c0919c7fbdbce829e418092967dc457f29bb,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i =0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + { + stbuild.append(a.charAt(i)); + } + for (; i < bLen; i++) + { + stbuild.append(b.charAt(i)); + } + return stbuild.toString(); + + +} +" +27263f89bc2d05895178cb097e1897a71619e954,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +dabab9ee57ac8c83e0043037a91eef08d82af129,"public String mixString(String a, String b) +{ + String newString = """"; + int i = 0; + int lengthA = a.length(); + int lengthB = b.length(); + int firstWord; + if (lengthA <= lengthB) + { + firstWord = lengthA; + } + else + { + firstWord = lengthB; + } + while (i < firstWord) + { + newString = newString + a.charAt(i) + b.charAt(i); + i++; + } + if(i!=firstWord) + { + while (i b.length()) { + for (int x = 0; x < b.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + startExtra++; + } + newStr = newStr + a.substring(startExtra); + } + return newStr; +} +" +5799c9776212c33b87759e8c901e36eeef8207b7,"public String mixString(String a, String b) +{ + String newStr = """"; + int startExtra = 0; + if (a.length() == b.length()) { + for (int x = 0; x < a.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + } + } + else if (a.length() > b.length()) { + for (int x = 0; x < b.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + startExtra++; + } + newStr = newStr + a.substring(startExtra); + } + else if (b.length() > a.length()) { + for (int x = 0; x < a.length(); x++) { + newStr = newStr + a.charAt(x); + newStr = newStr + b.charAt(x); + startExtra++; + } + newStr = newStr + b.substring(startExtra); + } + return newStr; +} +" +f707a9da6b5b6295e354d2f36121060fb5785dd7,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +dfe1dc5accb41c46eff3a99b62ef68382634ee40,"public String mixString(String a, String b) +{ + String answer = """"; + if (a.length() > b.length()) + { + for (int i = 0; i < b.length(); i++) + { + answer = answer + a.substring(i, i+1); + answer = answer + b.substring(i, i+1); + } + answer = answer + a.substring(b.length()); + } + else + { + for (int i = 0; i < a.length(); i++) + { + answer = answer + a.substring(i, i+1); + answer = answer + b.substring(i, i+1); + } + answer = answer + b.substring(a.length()); + } + return answer; +} +" +978d090fd20881066999d297c3819b6cea04bf40,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +83a79b3e8055c68c95fdcce06dcae57ad7a3f948,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } + +} +" +a407e0c1bfede45178ba6746800c6dd32712d4f9,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; +} + + +" +d23cdd5e1e54415d8c8e0fd449f1881c14e31736,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +3d71c98f5a52614119f48779cbe896a1bac8375b,"public String mixString(String a, String b) +{ + String c = """"; + for (i = 0; i < a.length() && i < b.length(); i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + } + if (a.length()=b.length()) number = b.length(); + if(a.length()<=b.length()) number = a.length(); + + + for(int i=0; i b.length()) end += a.substring(b.length(), a.length()); + + return number; +} + + +" +a144e6ef53caaadb3eeabdb44a69777684490dc3,"public String mixString(String a, String b) +{ + String c = """"; + int i = 0; + for (i = 0; i < a.length() && i < b.length(); i++) + { + c = c + a.charAt(i); + c = c + b.charAt(i); + } + if (a.length()=b.length()) number = b.length(); + if(a.length()<=b.length()) number = a.length(); + + + for(int i=0; i b.length()) end += a.substring(b.length(), a.length()); + + return end; +} + + +" +e366c5d4a3608c3844f1a8ed00805b7ee59b57af,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i < aLen - 1) + { + word += a.substring (i, i + 1); + } + if (i < bLen - 1) + { + word += b.susbtring(i, i + 1); + } + } + return word; +} +" +d20a9bd3e4649a5942b1627f7b4f5edc57c609c1,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i < aLen - 1) + { + word += a.substring (i, i + 1); + } + if (i < bLen - 1) + { + word += b.substring(i, i + 1); + } + } + return word; +} +" +9de72c017214375a71adfe91828ec79e4387a15d,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= aLen - 1) + { + word += a.substring (i, i + 1); + } + if (i <= bLen - 1) + { + word += b.substring(i, i + 1); + } + } + return word; +} +" +b0a6b36341f33213985be7596e00e16f99f7f8d7,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +2bf681f57508ef975467b1ad78a27bff7af13211,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +8b2528f44b299162a1f8db60351707373bae7e5c,"public String mixString(String a, String b) +{ + int count = 0; + String returnString = """"; + + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i).toString(); + returnString = returnString + b.charAt(i).toString(); + } + + if (a.length() < b.length()) + { + returnString = returnString + b.substring(i); + } + else + { + returnString = returnString + a.substring(i); + } + + return returnString; +} +" +fd7aa7337b3965bb6e2eb49ce7dd03a6d6091c82,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +44158788d4a7bb69ba78b09bf45a7d72a83d3faa,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder strbuild = new StringBuilder(aLength+bLength); + for(; i < aLen && i < bLen; i++) + { + strbuild.append(a.charAt(i)); + strbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLength; i++) + strbuild.append(a.charAt(i)); + for(; i < bLength; i++) + strbuild.append(b.charAt(i)); + return strbuild.toString(); +} +" +c68a5acb2830e476e6fd943bbca8815820d16cbb,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int max = Math.max(aLen, bLen); + String word = """"; + + for (int i = 0; i < max; i++) + { + if (i <= aLen-1) + word += a.substring(i,i+1); + if (i <= bLen-1) + word += b.substring(i,i+1); + } + return word; +} +" +096971d59515662464d22fabb0c6bf169993ed87,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder strbuild = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + strbuild.append(a.charAt(i)); + strbuild.append(b.charAt(i)); + } + // only 1 for loop will actually run + for(; i < aLength; i++) + strbuild.append(a.charAt(i)); + for(; i < bLength; i++) + strbuild.append(b.charAt(i)); + return strbuild.toString(); +} +" +45c9b5e6cda9ccbe9ea679d0dce39b7efb5b4818,"public String mixString(String a, String b) +{ + int aLength = a.length(); + int bLength = b.length(); + int i = 0; + StringBuilder strbuild = new StringBuilder(aLength+bLength); + for(; i < aLength && i < bLength; i++) + { + strbuild.append(a.charAt(i)); + strbuild.append(b.charAt(i)); + } + for(; i < aLength; i++) + { + strbuild.append(a.charAt(i)); + } + for(; i < bLength; i++) + { + strbuild.append(b.charAt(i)); + } + return strbuild.toString(); +} +" +ff59f898ad2970ebda89d0706f07f8907b4f1fdf,"public String mixString(String a, String b) +{ + int count = 0; + String returnString = """"; + int index = 0; + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i); + returnString = returnString + b.charAt(i); + index = i; + } + + if (a.length() < b.length()) + { + returnString = returnString + b.substring(index); + } + else + { + returnString = returnString + a.substring(index); + } + + return returnString; +} +" +cd4211742c867fe87241cd0299dbd1ebe84aa2ad,"public String mixString(String a, String b) +{ + int count = 0; + String returnString = """"; + int index = 0; + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i); + returnString = returnString + b.charAt(i); + index = i; + } + + if (a.length() < b.length()) + { + returnString = returnString + b.substring(index + 1); + } + else + { + returnString = returnString + a.substring(index + 1); + } + + return returnString; +} +" +5a8d712399d536919c0e2ce5e32e73022a89629f,"public String mixString(String a, String b) +{ + + + + int count = 0; + String returnString = """"; + int index = 0; + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i); + returnString = returnString + b.charAt(i); + index = i; + } + + if (a.length() < b.length()) + { + returnString = returnString + b.substring(index); + } + else + { + returnString = returnString + a.substring(index); + } + + return returnString; +} +" +a850257c7a41bdb3b3096de69652e0407c49166b,"public String mixString(String a, String b) +{ + String newWord = """"; + if (a.length() >= b.length()) + { + for (int i = 1; i < a.length(); i++) + { + newWord = newWord + a.substring(i-1, i); + if (!b.length() - 1 > i) + { + newWord = newWord + b.substring(i-1, i); + } + } + } + if (b.length() >= a.length()) + { + for (int i = 1; i < b.length(); i++) + { + newWord = newWord + b.substring(i-1, i); + if (!a.length() - 1 > i) + { + newWord = newWord + a.substring(i-1, i); + } + } + } + return newWord; +} +" +e43d4b2a5f87b6e6f2a52e85d192bb05919455eb,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int x = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + + +} +" +2b34f884cf11f0fb6e83540601a43020890489e4,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + StringBuilder build = new StringBuilder(al+bl); + for(i = 0; i < al && i < bl; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + for(i = 0; i < al; i++) + { + build.append(a.charAt(i)); + } + for(i = 0; i < bl; i++) + { + build.append(b.charAt(i)); + } + return build.toString(); +} +" +2335fd8c897449f54e65e6a68eafaf387c1031e6,"public String mixString(String a, String b) +{ + String str = """"; + for(int i = 0; i < a.length() && i < b.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + str + a.substring(i) + b.substring(i); + } + return str; +} + +" +931dcf2263c598f89632af30509b7d777a63460c,"public String mixString(String a, String b) +{ + String newWord = """"; + if (a.length() >= b.length()) + { + for (int i = 1; i < a.length(); i++) + { + newWord = newWord + a.substring(i-1, i); + if (b.length() - 1 <= i) + { + newWord = newWord + b.substring(i-1, i); + } + } + } + if (b.length() > a.length()) + { + for (int i = 1; i < b.length(); i++) + { + newWord = newWord + b.substring(i-1, i); + if (a.length() - 1 <= i) + { + newWord = newWord + a.substring(i-1, i); + } + } + } + return newWord; +} +" +e73779368b1475b92a00e8edc83fae39cd381a9b,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int x = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + for (; i < aLEngth && i < bLength; i++) + { + stringzzz.append(a.charAt(i)); + stringzzz.append(b.charAt(i)); + } + +} +" +c6db302ccde3dc812ef6d4ec4bb2ce8181edff71,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + int i =0; + StringBuilder build = new StringBuilder(al+bl); + for(i = 0; i < al && i < bl; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + for(i = 0; i < al; i++) + { + build.append(a.charAt(i)); + } + for(i = 0; i < bl; i++) + { + build.append(b.charAt(i)); + } + return build.toString(); +} +" +d7420653094e0fb05f4c4d7a566d8a0bdaa61e90,"public String mixString(String a, String b) +{ + + + + int count = 0; + String returnString = """"; + int index = 0; + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i); + returnString = returnString + b.charAt(i); + index = i; + } + + + + return returnString; +} +" +2ead7767a7733b6ffd6bdecfd32a489a7f7d026a,"public String mixString(String a, String b) +{ + String str = """"; + for(int i = 0; i < a.length() && i < b.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + str1 = str + a.substring(i) + b.substring(i); + } + return str1; +} + +" +f3547bcc77a7d9b689e83a9ec6f704191ad88c42,"public String mixString(String a, String b) +{ + String newWord = """"; + if (a.length() >= b.length()) + { + for (int i = 1; i < a.length(); i++) + { + newWord = newWord + a.substring(i-1, i); + if (b.length() - 1 <= i) + { + newWord = newWord + b.substring(i-1, i); + } + } + } + else if (b.length() > a.length()) + { + for (int i = 1; i < b.length(); i++) + { + newWord = newWord + b.substring(i-1, i); + if (a.length() - 1 <= i) + { + newWord = newWord + a.substring(i-1, i); + } + } + } + return newWord; +} +" +2b1f97921ac6e8b6ab3174be1b0daad6b63abae6,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int i = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + for (; i < aLEngth && i < bLength; i++) + { + stringzzz.append(a.charAt(i)); + stringzzz.append(b.charAt(i)); + } + + + +} +" +03a6b339208d2d261c61d98e0f95b50e24c736e3,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int i = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + for (; i < aLEngth && i < bLength; i++) + { + stringzzz.append(a.charAt(i)); + stringzzz.append(b.charAt(i)); + } + + + +} +" +44236ccb311186ed831daac36e16d01104dec9ca,"public String mixString(String a, String b) +{ + + + + int count = 0; + String returnString = """"; + int index = 0; + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i); + returnString = returnString + b.charAt(i); + index = i; + } + + if (a.length() < b.length()) + { + returnString = returnString + b.substring(index); + } + else + { + returnString = returnString + a.substring(index); + } + + return returnString; +} +" +a98b8e8557cd7f783a648ef653c10e601dae0533,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int i = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + for (; i < aLength && i < bLength; i++) + { + stringzzz.append(a.charAt(i)); + stringzzz.append(b.charAt(i)); + } + + + +} +" +26974044d1b257fa2aeda03c5d9cb13aee00dcfa,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + int i =0; + StringBuilder build = new StringBuilder(al+bl); + for(; i < al && i < bl; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + for(; i < al; i++) + { + build.append(a.charAt(i)); + } + for( i < bl; i++) + { + build.append(b.charAt(i)); + } + return build.toString(); +} +" +70026c60d6bfbed444600fa665558e7f7a1f970e,"public String mixString(String a, String b) +{ + String str = """"; + String str1; + for(int i = 0; i < a.length() && i < b.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + str1 = str + a.substring(i) + b.substring(i); + } + return str1; +} + +" +df422e9807ffba1cb4c52c06bd8e61226c8be3d6,"public String mixString(String a, String b) +{ + int al = a.length(); + int bl = b.length(); + int i =0; + StringBuilder build = new StringBuilder(al+bl); + for(; i < al && i < bl; i++) + { + build.append(a.charAt(i)); + build.append(b.charAt(i)); + } + for(; i < al; i++) + { + build.append(a.charAt(i)); + } + for(; i < bl; i++) + { + build.append(b.charAt(i)); + } + return build.toString(); +} +" +5a68c5e8c268c038915d7be525605e19a58c1871,"public String mixString(String a, String b) +{ + + + + int count = 0; + String returnString = """"; + int index = 0; + if (a.length() < b.length()) + { + count = a.length(); + } + else + { + count = b.length(); + } + + for (int i = 0; i < count; i++) + { + returnString = returnString + a.charAt(i); + returnString = returnString + b.charAt(i); + index = i + 1; + } + + if (a.length() < b.length()) + { + returnString = returnString + b.substring(index); + } + else + { + returnString = returnString + a.substring(index); + } + + return returnString; +} +" +bfd9939cb0d03c7f325682b6f513f287c38e7099,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int i = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + for (; i < aLength && i < bLength; i++) + { + stringzzz.append(a.charAt(i)); + stringzzz.append(b.charAt(i)); + } + + if (i < aLength; i++) + stringzzz.append(a.charAt(i)); + + +} +" +053ceb43ba6517f5a219e2b04f4807e8ec84202f,"public String mixString(String a, String b) +{ + + int aLength = a.length(); + int bLength = b.length(); + + int i = 0; + + StringBuilder stringzzz = new StringBuilder(aLength + bLength); + + for (; i < aLength && i < bLength; i++) + { + stringzzz.append(a.charAt(i)); + stringzzz.append(b.charAt(i)); + } + + for (;i < aLength; i++) + stringzzz.append(a.charAt(i)); + + for (;i < bLength; i++) + stringzzz.append(b.charAt(i)); + + return stringzzz.toString(); + + +} +" +54230d07f9af244f0c6025347fffd65f86d1c9d1,"public String mixString(String a, String b) +{ + String str = """"; + for(int i = 0; i < a.length() && i < b.length(); i++) + { + str = str + a.charAt(i) + b.charAt(i); + } + return str + a.substring(0) + b.substring(0);; +} + +" +721f50c359a3dfaf6ca73d2a5ebc1b67e0584c16,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + } +} +" +eb2c4c82f79a000db8cdaaa664b0e87351d375f2,"public String mixString(String a, String b) +{ + String result = """"; + int index = 0; + + if(a.length()>=b.length()) index = b.length(); + if(a.length()<=b.length()) index = a.length(); + + + for(int i=0; i b.length()) result += a.substring(b.length(), a.length()); + + return result; + +} +" +2320c3aa876f9b91c929be1525171185c638592f,"public String mixString(String a, String b) +{ + int max = Math.max(a.length(), b.length()); + String newstr = """": + + for(int i = 0; i < max; i++) + { + if(i <= a.length() - 1) + { + newstr += a.substring(i,i+1); + } + if(i <= b.length() - 1) + { + newstr += b.substring(i,i+1); + } + } +} +" +7139cbee1ddd1a7812f056a78aaff7b8c5149090,"public String mixString(String a, String b) +{ + int max = Math.max(a.length(), b.length()); + String newstr = """"; + + for(int i = 0; i < max; i++) + { + if(i <= a.length() - 1) + { + newstr += a.substring(i,i+1); + } + if(i <= b.length() - 1) + { + newstr += b.substring(i,i+1); + } + } +} +" +7f57f8b690e46752550b1747c9a6ddc25d8e8c95,"public String mixString(String a, String b) +{ + int max = Math.max(a.length(), b.length()); + String newstr = """"; + + for(int i = 0; i < max; i++) + { + if(i <= a.length() - 1) + { + newstr += a.substring(i,i+1); + } + if(i <= b.length() - 1) + { + newstr += b.substring(i,i+1); + } + } + + return newstr; +} +" +07ab541032eb6a30f643decb95d28bc30ea21f62,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +f8e170738146d5bedb27740d6ba5bb49156ba4dd,"public String mixString(String a, String b) +{ + int aLen = a.length(); + + int bLen = b.length(); + + int max = Math.max(aLen, bLen); + + String word = """"; + for (int i = 0; i < max; i++) { + + if (i <= aLen-1) + + word += a.substring(i,i+1); + + if (i <= bLen-1) + word += b.substring(i,i+1); + } + return word; + +} +" +8ccf309d1d500da633086c759dff1099d42785fc,"public String mixString(String a, String b) +{ + String res = """"; + for (int i = 0; i < Math.min(a.length(), b.length()); i++) + res += """" + a.charAt(i) + b.charAt(i); + if (a.length() > b.length()) + return res + a.substring(b.length()); + return res + b.substring(a.length()); +} +" +80de773797f1c4506895dcbdf50ad10e91cfacf3,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen + bLen); + + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + + return stbuild.toString(); +} +" +2579716af6872ad86bb5074edcc44cdfe28f324c,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +29154b5f0741efe4ca2279105c935054ae4c31dc,"public String mixString(String a, String b) +{ + int aLen = a.length(); + int bLen = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aLen+bLen); + for(; i < aLen && i < bLen; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aLen; i++) + stbuild.append(a.charAt(i)); + for(; i < bLen; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +b7e45ac41a0be101584d27eae5ed5513098f1c49,"public String mixString(String a, String b) +{ + int i = 0; + int j = 0; + int alength = a.length(); + int blength = b.length(); + String cop = """"; + + while (cop.length() < alength + blength ) + { + cop = cop.concat(charAt(i)); + cop = cop.concat(charAt(j)); + + i = i + 1; + j = j + 1; + } + +} +" +31309af01349ced960946304a6acf33c98ca5bc7,"public String mixString(String a, String b) +{ + int aL = a.length(); + int bL = b.length(); + int i = 0; + StringBuilder stbuild = new StringBuilder(aL+bL); + for(; i < aL && i < bL; i++) + { + stbuild.append(a.charAt(i)); + stbuild.append(b.charAt(i)); + } + for(; i < aL; i++) + stbuild.append(a.charAt(i)); + for(; i < bL; i++) + stbuild.append(b.charAt(i)); + return stbuild.toString(); +} +" +8834549720e78143d970c5c864c26ca596ab8572,"public boolean xyBalance(String str) +{ + int n = str.length(); + if (!str.contains(""x"")) + { + return true; + } + else if (str.endsWith(""x"")) + { + return false; + } + else + { + for (int i = 0; i < n ; i++) + { + if (str.charAt(i) == 'x' && str.substring(i+1, + n).contains(""y"")) + { + return true; + } + } + } + return false; +} +" +c43b074885407d8b8c967767bed5a3bd3ea7e516,"public boolean xyBalance(String str) +{ + for (int i=str.length(); 0==str.length(); i--) + { + if (str.charAt(i)=='x') + return false; + else if (str.charAt(i)=='y') + return true; + } + return true; +} +" +14bda13d9d3829e59711475ea4b73d5de0185578,"public boolean xyBalance(String str) +{ + for (int i=str.length(); 0==str.length(); i--) + { + if (str.charAt(i)=='x') + return false; + else if (str.charAt(i)=='y') + return true; + } +} +" +55e82a0303a0b49ca374cea598167d43c0454907,"public boolean xyBalance(String str) +{ + for (int i=str.length(); 0=>str.length(); i--) + { + if (str.charAt(i)=='x') + { + return false; + } + else if (str.charAt(i)=='y') + { + return true; + } + } + return true; +} +" +dad44f1fa4c54af2fd1019b2ccdeb582310d4e5b,"public boolean xyBalance(String str) +{ + for (int i=str.length(); str.length()>=0; i--) + { + if (str.charAt(i)=='x') + { + return false; + } + else if (str.charAt(i)=='y') + { + return true; + } + } + return true; +} +" +8b362b9683121787e59347edb2a5a12660900eb0,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1; str.length()>=0; i--) + { + if (str.charAt(i)=='x') + { + return false; + } + else if (str.charAt(i)=='y') + { + return true; + } + } + return true; +} +" +923ac15c1f01859cad79749d6e76c2749160587d,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1; str.length()>0; i--) + { + if (str.charAt(i)=='x') + { + return false; + } + else if (str.charAt(i)=='y') + { + return true; + } + } + return true; +} +" +54d68c17ccb37884a20a529894824800e32be385,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"")!=-1) + { + for (int i=str.length()-1; str.length()>=0; i--) + { + if (str.charAt(i)=='x') + { + return false; + } + else if (str.charAt(i)=='y') + { + return true; + } + } + } + return true; +} +" +26f49a3876605c2c4360f340e6fee5f41b4bd8a4,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +dd88e881dee022669db2f052b0c7ecec7d0bc7df,"public boolean xyBalance(String str) +{ + return str.lastIndexOf('x') < str.indexOf('y'); +} +" +cef58b54562ff6d6e4b2e2a1ed739fb1230fd305,"public boolean xyBalance(String str) +{ + return (str.lastIndexOf('x') < str.lastIndexOf('y')); +} +" +2842b25946662f6248c04452dd5edc37e652f602,"public boolean xyBalance(String str) +{ + if (str.indexOf('y') == str.indexOf('x')) { + return true; + } + else { + return (str.lastIndexOf('x') < str.lastIndexOf('y')); + } +} +" +20f096bef625955d21be257249502a2051348f5e,"public boolean xyBalance(String str) +{ + int a = 0 + for (int i = 0; i < str.length();i ++) + { + if (str.charAt(i) == 'x') + { + a = i; + } + } + for (int j = a; j < str.length(); j ++) + { + if (str.charAt(j) == 'y') + { + return(true); + } + } + return(false); +} +" +f17e883cdfc9aba1f58e927fe1ea5eea4f659343,"public boolean xyBalance(String str) +{ + int a = 0; + for (int i = 0; i < str.length();i ++) + { + if (str.charAt(i) == 'x') + { + a = i; + } + } + for (int j = a; j < str.length(); j ++) + { + if (str.charAt(j) == 'y') + { + return(true); + } + } + return(false); +} +" +3c1ae2d625c0d015f3263765bd833cf067498e28,"public boolean xyBalance(String str) +{ + int a = -1; + for (int i = 0; i < str.length();i ++) + { + if (str.charAt(i) == 'x') + { + a = i; + } + } + for (int j = a; j < str.length(); j ++) + { + if (str.charAt(j) == 'y') + { + return(true); + } + } + if (a == -1) + { + return(true); + }else{ + return(false); + } +} +" +df2b332f51aed373838e782588b43aa89878252b,"public boolean xyBalance(String str) +{ + int a = -1; + for (int i = 0; i < str.length();i ++) + { + if (str.charAt(i) == 'x') + { + a = i; + } + } + + if (a == -1) + { + return(true); + }else{ + for (int j = a; j < str.length(); j ++) + { + if (str.charAt(j) == 'y') + { + return(true); + } + } + return(false); + } +} +" +4a49831f7711d1936bd51d3bad33df5e3b825113,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +8407419b07577be4b50a53d11b93e1d463a0c360,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + + for(int k = length; k >= 0; k--) + { + character = str.charAt(k); + if(character == 'x') + { + return false; + } + else if(character == 'y') + { + return true; + } + } + return true; +} +" +2d5cd51142e3032ba7b03012052aef8568b5858c,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char Char; + for(int i = lenght; i>= 0; i--) + { + Char = str.charAt(i); + if(Char == 'x') + return false; + else if (Char == 'y') + return true; + } + return true; +} + +" +464cf8e45aef6c47f176e2d564fc1a8a44984e16,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char Char; + for(int i = length; i>= 0; i--) + { + Char = str.charAt(i); + if(Char == 'x') + return false; + else if (Char == 'y') + return true; + } + return true; +} + +" +d745b88eafa962514ceb59c47c02b5fd6e7f9f73,"public boolean xyBalance(String str) +{ + boolean balanced = true; + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'x') { + balanced = false; + } + if (str.charAt(i) == 'y') { + balanced = true; + } + } + return balanced; +} +" +df28e120cdd675f279c4d81644ecd92a08a3e4cb,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for (int i = len; i >= 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } +} +" +2a5400245e1e9ee1f74188114ede3890a697ca57,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for (int i = len; i >= 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + return true; + } +} +" +b827e39acbd1bccf2ac6e1868514600c5639985a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for (int i = len; i >= 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return true; +} +" +b904e04125848acfc6fd5a6ac70fe58dcb58938e,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +0c4908c44d308a88100004fc5907dcceffb7c75a,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + { + return true; + } + else + { + return false; + } +} +" +df2deef71b6175f86dc621d7df91a79238baf9ad,"public boolean xyBalance(String str) +{ + int x = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + + } + else if (str.charAt(i) == 'y') + { + x = 0; + } + } + + if (x > 0) + { + return true; + } + else + { + return false; + } +} +" +ee69182ae30ff7459461bec8ccd2010c882cbadf,"public boolean xyBalance(String str) +{ + int x = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + + } + else if (str.charAt(i) == 'y') + { + x = 0; + } + } + + if (x > 0) + { + return false; + } + else + { + return true; + } +} +" +3a92ee6a879452a62d785c5ef5005e828e2f471c,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y' && (i+1) < str.length) + { + if (str.charAt(i+1) == 'x') + { + return false; + } + else if (str.charAt(i+1) == '' || str.charAt(i+1) == 'y') + { + return true; + } + } + + } +} +" +4c70c6159490f42efc9664739ab0f9f99ac75711,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y' && (i+1) < str.length) + { + if (str.charAt(i+1) == 'x') + { + return false; + } + else if (str.charAt(i+1) == '' || str.charAt(i+1) == 'y') + { + return true; + } + } + } + return false; +} +" +92379e59325d573f258ccbae0e82a55d06194d6f,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y' && (i+1) < str.length) + { + if (str.charAt(i+1) == 'x') + { + return false; + } + else if (str.charAt(i+1) == ' ' || str.charAt(i+1) == 'y') + { + return true; + } + } + } + return false; +} +" +c1b92b87719d8061bd2ebb8228a792236cf453c3,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y' && (i+1) < str.length()) + { + if (str.charAt(i+1) == 'x') + { + return false; + } + else if (str.charAt(i+1) == ' ' || str.charAt(i+1) == 'y') + { + return true; + } + } + } + return false; +} +" +20e80a36c30a2a9fe328206fea6424a96b7ed188,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + for (int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'y' && (i+j) < str.length()) + { + return true; + } + + } + } + } + return false; +} +" +ad395c0a462df431137090228eacca7652f95e4a,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + for (int j = 0; j < str.length(); j++) + { + if((i+j) < str.length()) + { + if((str.charAt(i+j) == 'y') + { + return true; + } + + } + } + } + } + return false; +} +" +db0c6fba277e47d80a1b4d07356def92d4f1803e,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + for (int j = 0; j < str.length(); j++) + { + if((i+j) < str.length()) + { + if((str.charAt(i+j) == 'y')) + { + return true; + } + + } + } + } + } + return false; +} +" +f718677bc7fb54da55ebe6c62c09d8573c81497c,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + for (int j = 0; j < str.length(); j++) + { + if((i+j) < str.length()) + { + if((str.charAt(i+j) == 'y')) + { + for (int k = 0; k < str.length(); k++) + { + if((k+i+j) < str.length()) + { + if (str.charAt(k+i+j) == 'x') + { + return false; + } + } + return true; + } + } + + } + } + } + } + return false; +} +" +879c31ca5a36fe938c3fb5ac278ae0dae88f6976,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + for (int j = 0; j < str.length(); j++) + { + if((i+j) < str.length()) + { + if((str.charAt(i+j) == 'y')) + { + for (int k = 0; k < str.length(); k++) + { + if((k+i+j) < str.length()) + { + if (str.charAt(k+i+j) == 'x') + { + return false; + } + } + } + return true; + } + + } + } + } + } + return false; +} +" +55d82777253a00d8ba398425451c87f2ce6bf43d,"public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + for (int j = 0; j < str.length(); j++) + { + if((i+j) < str.length()) + { + if((str.charAt(i+j) == 'y')) + { + for (int k = 0; k < str.length(); k++) + { + if((k+i+j) < str.length()) + { + if (str.charAt(k+i+j) == 'x') + { + return false; + } + else if (str.charAt(str.length()-1) == 'y') + { + return true; + } + } + } + return true; + } + + } + } + } + } + for (int z = 0; z < str.length(); z++) + { + if (str.charAt(z) != 'x') + { + for (int q = 0; q < str.length(); q++) + { + if ((q+z) < str.length() && str.charAt(q+z) == 'x') + { + return false; + } + } + } + } + return false; +} +" +d6a0ef4e453a50cae084b43bb2e17ae593668270,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char c; + + for (int i = length; i >= 0; i--) + { + c = str.charAt(i); + if (c == 'x') + { + return false; + } + else if (c == 'y') + { + return true; + } + } + return true; +} +" +894bbc372e785e66e5fc9820413c775d8f09bd1c,"public boolean xyBalance(String str) +{ + return true; +} +" +8d8bf57a6f12cc2b1a5709bc522e9a9c7350de4a,"public boolean xyBalance(String str) +{ + int i = 0; + char y = charAt(i) + if (y == 'y') + { + for(int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'x') + { + return false; + } + + else + { + return true; + } + } + } + +} +" +678cc5b8231540b579b92ba9ba79626ac17bc04b,"public boolean xyBalance(String str) +{ + int i = 0; + char y = charAt(i); + if (y == 'y') + { + for(int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'x') + { + return false; + } + + else + { + return true; + } + } + } + +} +" +195b362ccf9c276dca690c07d2fc529dcc7c56c9,"public boolean xyBalance(String str) +{ + int i = 0; + char y = str.charAt(i); + if (y == 'y') + { + for(int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'x') + { + return false; + } + + else + { + return true; + } + } + } + +} +" +99c7ff8d89ddcc8bb4c75cccbf2e5acdcc6980c3,"public boolean xyBalance(String str) +{ + int i = 0; + char y = str.charAt(i); + if (str.contains(""x"") && y == 'y') + { + for(int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'x') + { + return false; + } + + else + { + return true; + } + } + } + return false; + +} +" +61b30a7efa355ec57d5a1180aa5be8375dad0f36,"public boolean xyBalance(String str) +{ + int i = 0; + if ( !str.contains(""x"")) + { + return true; + } + if ( str.contains(""y"")) + { + while (char y != str.charAt(i)) + i+=1; + } + if ( y == 'y') + { + for(int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'x') + { + return false; + } + + else + { + return true; + } + } + } + +} +" +42b5d1b4fb93f20d2846721b36fe8855b1380766,"public boolean xyBalance(String str) +{ + int i = 0; + if ( !str.contains(""x"")) + { + return true; + } + if ( str.contains(""y"")) + { + char y = str.charAt(i); + while (char y != 'y') + { + i+=1; + } + } + if ( y == 'y') + { + for(int j = 0; j < str.length(); j++) + { + if (str.charAt(i+j) == 'x') + { + return false; + } + + else + { + return true; + } + } + } + +} +" +bcfdd8c631f0724a4ad51d55176e199817a081fd,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +b53ab834a811096b76a803c390009392801834ab," public static boolean xyzThere( String str ) + { + boolean result = false; + + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( ""xyz"".equals( str.substring( i, i + 3 ) ) ) + { + if ( i == 0 || str.charAt( i - 1 ) != '.' ) + { + return true; + } + } + } + + return result; + } +" +f084c8e316bc150f5798d68bfc4c45353feede72," public static boolean xyzThere( String str ) + { + boolean result = false; + + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( ""xyz"".equals( str.substring( i, i + 3 ) ) ) + { + if ( i == 0 || str.charAt( i - 1 ) != '.' ) + { + return true; + } + } + } + + return result; + } +} +" +ff0f377b8f0ca084b1780837ce3a32af0dc3668e,"public boolean xyBalance(String str) +{ + + boolean result = false; + + for ( int i = 0; i < str.length() - 2; i++ ) + { + if ( ""xyz"".equals( str.substring( i, i + 3 ) ) ) + { + if ( i == 0 || str.charAt( i - 1 ) != '.' ) + { + return true; + } + } + } + + return result; + + +} +" +8c69e5cbcdd7e61cd751eaf705e9e8565b8341ec,"public boolean xyBalance(String str) +{ + int x = str.indexOf(); +} +" +7dd4875b879baf44ed598166ecb09ef802f4a775,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); +} +" +dc9a3afc910a84a825cd44f6ab8a97593b3ff749,"public boolean xyBalance(String str) +{ + + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +4a53dd21ee2c82d4d3eb8bd681c0d611ebfc967b,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + if (xy >= 0 || xxy >= 0) + { + return true; + } + else + { + return false; + } +} +" +d07480d6a4ba38f5934dfa9375927e89bf0b5615,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +9d464d50724637df6c6f9ae368266301ea594993,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + if (x == 0) + { + return true; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +675589baab6b660f0ed9195272e5a0579e1196e0,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + if (x == -1) + { + return true; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +05ab299cb31e4c98391344ae20d2776045cb774e,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + if (x == -1) + { + return true; + } + else if (lastx.equals(str.length()) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +e3544259cf99b8aa5f294dd97d445e0d7caf2cd7,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + if (x == -1) + { + return true; + } + else if (lastx.equals(str.length())) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +a75006e8e6ce4468c2d8a1ca70ed8bc4f1fd6f14,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + if (x == -1) + { + return true; + } + else if (lastx == str.length) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +5ad7664ada3b61e442169299132f1eb98bc62887,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + if (x == -1) + { + return true; + } + else if (lastx == str.length()) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +db0246f1a4cf5b407fb581429a3b91ae16438854,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + int length = str.length(); + if (x == -1) + { + return true; + } + else if (lastx == length) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +0a6239fbcdc5fe38e8d572c853f9fbd35af05bcc,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + int length = str.length(); + if (x == -1) + { + return true; + } + else if (lastx == length + 1) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +8526234bea1697daa32a27b06911fc9a005bfaed,"public boolean xyBalance(String str) +{ + int x = str.indexOf(""x""); + int xy = str.indexOf(""xy""); + int xxy = str.indexOf(""xxy""); + int xbby = str.indexOf(""xbby""); + int lastx = str.lastIndexOf(""x""); + int length = str.length(); + if (x == -1) + { + return true; + } + else if (lastx == length - 1) + { + return false; + } + else if (xy >= 0 || xxy >= 0 || xbby >= 0) + { + return true; + } + else + { + return false; + } +} +" +08030f6fc2db3c267f5ffd258e1eb7fca1220127,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for (int i = length; i >= 0; i--) + ch = str.charAt(i); + if (ch == 'x') + return false; + if (ch == 'y') + return true; + return true; + +} +" +207b587da65f4bdfb8cc56dc2cce23f8f3625acd,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + for (int i = length; i >= 0; i--) + + if (str.charAt(i) == 'x') + return false; + if (str.charAt(i)== 'y') + return true; + return true; + +} +" +0a7988ce1e53713343686014d628d24fb9b7188b,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + for (int i = length; i >= 0; i--) + if (str.charAt(i) == 'x') + return false; + if (str.charAt(i) == 'y') + return true; + return true; + +} +" +986e19f9dc2bff3b4d6e382f28d609b87c2f6fd7,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + for (int i = length; i >= 0; i--) + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + return true; + +} +" +1f00ee4a442a55505692cac791c244fb56d3d12c,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +f9b9f521dc819fa2002b5e8aa5dd500f570c20a9,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char letterI; + for(int i = len; i >= 0; i--) + { + letterI = str.charAt(i); + if(letterI == 'x') + return false; + else if(letterI == 'y') + return true; + } + return true; +} +" +6a3857e251974c579fec102c545b4efbea84333c,"public boolean xyBalance(String str) +{ + int length = str.length(); + char a; + for (int i = length - 1; i >= 0; i--) + { + a = str.charAt(i); + if (a == 'x') + { + return true; + } + } + return false; +} +" +0bca704939289ed7dde712d1c2551d37acc6d433,"public boolean xyBalance(String str) +{ + int length = str.length(); + char a; + for (int i = length - 1; i >= 0; i--) + { + a = str.charAt(i); + if (a == 'x') + { + return false; + } + else if (a == 'y') + { + return true; + } + } + return true; +} +" +ffc00623c534c6bb6580174f42bdf1f335687b13,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >=0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false + else if (ch == 'y') + return true; + } + return true; +} +" +4a03e974df133778f3ed80f38e8f4bba64ed5eb8,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >=0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if (ch == 'y') + return true; + } + return true; +} +" +684646d313bbb0f923c9c51458a034bbef47471a,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + } + if (x == false) + { + y = true; + return y; + } + + + +} +" +840a1a8c7aa3adb6eee1eee453abcfc6f735ad59,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + } + if (x == false) + + y = true; + return y; + + + + +} +" +b2dce8aae42aa118574cb05bbc435d69ab55b15b,"public boolean xyBalance(String str) +{ + boolean xybalanced = true; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt() == 'x') + { + boolean yLater = false; + int j = i; + while (j < str.length()) + { + if (str.charAt(j) == 'y') + { + yLater = true; + } + } + xybalanced = yLater; + } + } + return xybalanced +} +" +a622a07aaa15df3da65d993bc38eeabb36921331,"public boolean xyBalance(String str) +{ + boolean xybalanced = true; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt() == 'x') + { + boolean yLater = false; + int j = i; + while (j < str.length()) + { + if (str.charAt(j) == 'y') + { + yLater = true; + } + j++; + } + xybalanced = yLater; + } + } + return xybalanced; +} +" +dd08ab3db5df9768c5b008142f23728d21d0ee77,"public boolean xyBalance(String str) +{ + boolean xybalanced = true; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + boolean yLater = false; + int j = i; + while (j < str.length()) + { + if (str.charAt(j) == 'y') + { + yLater = true; + } + j++; + } + xybalanced = yLater; + } + } + return xybalanced; +} +" +a8c6e6229ea35de56fb0729f2e906e684646e0f2,"public boolean xyBalance(String str) +{ + boolean y = false; + + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + y = true; + } + if (str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +2d2bf0d2a333f03d7288bc2730ed661de6103932,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + + char ch; + + for(int i = len; i >= 0; i--) + + { + + ch = str.charAt(i); + + if(ch == 'x') + + return false; + + else if(ch == 'y') + + return true; + + } + + return true; +} +" +a520488e89c9ad126c2ed8f0ff02bcd869849af4,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +900d96200e8cfb1f97e03216eaa642305dbef7c9,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 1; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + return true; + } + return false; +} +" +259aa1f67383de29cb00aca8f208ed680c8c211b,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len - 1; i++) + { + if (str.charAt(len) == 'y') + return true; + } + return false; +} +" +44072695a39e74667bbe584ef250927dbdad6046,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(len - 1) == 'y') + return true; + } + return false; +} +" +bdc3890fd61fd9351aef876b6286610f39771cc3,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) != 'x' && str.charAt(i) != 'y') + return true; + if (str.charAt(len - 1) == 'y') + return true; + } + return false; +} +" +6634a76c39fe214a24f5e147521c5ab68b23e108,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) != 'x' || str.charAt(i) != 'y') + return true; + if (str.charAt(len - 1) == 'y') + return true; + } + return false; +} +" +532f2608c650edf617c1e5f5f089878ba6c37621,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) != 'x' && str.charAt(i) != 'y') + return true; + if (str.charAt(len - 1) == 'y') + return true; + } + return false; +} +" +824dc739790ac28b57fd2df50ffe4af44fa7378a,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) != 'x' && str.charAt(i) != 'y') + return true; + if (str.charAt(i) == 'x' && str.charAt(i) != 'y') + return false; + if (str.charAt(len - 1) == 'y') + return true; + } + return false; +} +" +27b9a062340b233086437dda57288ec694c2e611,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + int x = str.indexOf('x'); + if ( -1 != str.indexOf('y', x) + return true; + } + return false; + +} +" +ef94638a2e2f67d9f98fafe8565204f9d298a7e6,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + int x = str.indexOf('x'); + if ( -1 != str.indexOf('y', x)) + return true; + } + return false; + +} +" +3a9acd597f0923d9238ed773f1f90c439b3a7c06,"public boolean xyBalance(String str) +{ + if (str.indexOf('x') != -1) + { + for (int i = 0; i < str.length(); i++) + { + int x = str.indexOf('x'); + if ( -1 != str.indexOf('y', x)) + return true; + } + return false; + } + else + return true; +} +" +1106ca37934ca17b88f5a6f646b2e2bfca98cc83,"public boolean xyBalance(String str) +{ + if (str.indexOf('x') != -1) + { + for (int i = 0; i < str.length()+1; i++) + { + int x = str.indexOf('x'); + if ( -1 != str.indexOf('y', x)) + return true; + } + return false; + } + else + return true; +} +" +1982e661568ed50bec17bc6791bdac84378ee97c,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) != 'x' || str.charAt(i) != 'y') + return true; + if (str.charAt(i) == 'x' && str.charAt(i) != 'y') + return false; + if (str.charAt(len - 1) == 'y') + return true; + } + return false; +} +" +c9279f9776f69c6caf6f81710dc358a1b44d87cf,"public boolean xyBalance(String str) +{ + return true; +} +" +f2e9bb77261462ff0e73a4342dd8bcee34663f9c,"public boolean xyBalance(String str) +{ + return false; +} +" +75d0dc362a4c31d014837d1a8c1fe16ca29a92fa,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if(character == 'x') + { + return false; + } + else if(character == 'y') + { + return true; + } + } + return true; +} +" +a7fa610a42a1aad41bb7af3a353157b2c1f18450,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() - 1) == 'x') { + return false; + } + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == x) { + for (int n = i; n < str.length() - 1; n++) { + if (str.charAt(n) == 'y') { + break; + } + else { + return false; + } + } + } + } + return true; +} +" +6f5339c25530277590f84b7e501b684dd75df48b,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() - 1) == 'x') { + return false; + } + for (int i = 0; i < str.length() - 2; i++) { + if (str.charAt(i) == 'x') { + for (int n = i; n < str.length() - 1; n++) { + if (str.charAt(n) == 'y') { + break; + } + else { + return false; + } + } + } + } + return true; +} +" +2deb983c536f8706de7712a6dba1968560b46f3e,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) { + if (str.charAt(i) == 'y') { + return true; + } + else if (str.charAt(i) == 'x') { + return false; + } + } + return true; +} +" +c94e199054fd0b8e1bdb76b9260971c4e2605998,"public boolean xyBalance(String str) +{ + int len = str.length(); + + Boolean x = false; + Boolean y = false; + + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + x = true; + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} + +} +" +9767a283f4f5e7c405f9338d631457f1fa9bb002,"public boolean xyBalance(String str) +{ + int len = str.length(); + + Boolean x = false; + Boolean y = false; + + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} + +} +" +6718deaddf042f5f9c27bc30a35bde51abe14bdc,"public boolean xyBalance(String str) +{ + int len = str.length(); + + Boolean x = false; + Boolean y = false; + + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +}" +3f53273da5bea8095807e7f5566079ceedd78028,"public boolean xyBalance(String str) +{ + + for(int i = 0; i > = str.length(); i++) { + + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +c7c6e190f3f3d150f5c9a21dcffda78a3f98bec9,"public boolean xyBalance(String str) +{ + + for(int i = 0; i > = str.length() - 1; i++) + { + + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +e626f188103dc821bcbb4021bda4a6a59a5c85d2,"public boolean xyBalance(String str) +{ + + for(int i = 0; i > = str.length() - 1; i++) + { + + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +7558c11f9998b9df50e4bbbb39c4eb15bffca613,"public boolean xyBalance(String str) +{ + boolean balanced = false; + for(int i=0; i= 0; i--) + { + yum = str.charAt(i); + if(yum == 'x') + return false; + else if(yum == 'y') + return true; + } + return true; +} +" +0251a70a8ad16dd5b514b46f376d3f627bb5f1be,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +eeb776d885f7650f3feeb79d8ffd69c87128cec2,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"") + return true; + else + return false; +} +" +ffd87447eebb25fe5b884b1d17de8a47c0c263fb,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + return true; + else + return false; +} +" +869ba3c9d59a75fedba6b7ef8f8352fadfa9269b,"public boolean xyBalance(String str) +{ + + int length; + char yum; + length = (str.length() - 1); + for(int i = length; i >= 0; i--) + { + yum = str.charAt(i); + if(yum == 'x') + return false; + else if(yum == 'y') + return true; + } + return true; +} +" +3987e8bbe8f96e8d4c80142fd50f81aea02b76d0,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + return true; + if (str.endsWith(""x"")) + return false + else + return false; +} +" +572da29311f095a06dfb9c24244dbe66001dcf26,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + return true; + if (str.endsWith(""x"")) + return false; + else + return false; +} +" +1be682c72cc5a04ea3ca7c6434aa9b5dc5990ac6,"public boolean xyBalance(String str) +{ + + int length; + char yum; + length = (str.length() - 1); + for(int j = length; j >= 0; j--) + { + yum = str.charAt(i); + if(yum == 'x') + { + return false; + } + else if(yum == 'y') + { + return true; + } + } + return true; +} +" +c91eca558de2dbd10adbdfb70f7d5ee2bc2faccf,"public boolean xyBalance(String str) +{ + + int length; + char yum; + length = (str.length() - 1); + for(int j = length; j >= 0; j--) + { + yum = str.charAt(j); + if(yum == 'x') + { + return false; + } + else if(yum == 'y') + { + return true; + } + } + return true; +} +" +12893859b591cb66350ff5319ac2770c40c4ea42,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +d2418a4cf95b9f7ea5ff7339a4217033bf14d62a,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = (str.length() - 1); +for(int j = length; j >= 0; j--) +{ + yum = str.charAt(j); + if(yum == 'x') + { + return false; + } + else if(yum == 'y') + { + return true; + } + + return true; + } +" +171d133a901fff848072f310d83cbad3a9a05037,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = (str.length() - 1); +for(int j = length; j >= 0; j--) +{ + yum = str.charAt(j); + if(yum == 'x') + { + return false; + } + else if(yum == 'y') + { + return true; + } + + return true; + } +} +" +d94096835a129b6136df755b63d0c26d4c6cd12d,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = (str.length() - 1); +for(int j = length; j >= 0; j--) +{ + yum = str.charAt(j); + if(yum == 'x') + { + return false; + } + else if(yum == 'y') + { + return true; + } + } + return true; +} +" +487c5f46e736ffe5fb5c0b20ad75986e5a6b8d1f,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = (str.length() - 1); +for(int j = length; j >= 0; j--) +{ + yum = str.charAt(j); + if(yum == 'x') +{ +return false; +} +else if(yum == 'y') +{ +return true; +} +} +return true; +} +" +a82d342753e2754d92395323a48e713023bb7e58,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = (str.length() - 1); +for(int j = length; j >= 0; j--) +{ +yum = str.charAt(j); +if(yum == 'x') +{ +return false; +} +else if(yum == 'y') +{ +return true; +} +} +return true; +} +" +db2d5dfbe1f8ebfb8ca726056eaf43ff53d0df4a,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = ((str.length() - 1)); +for((int j = length; j >= 0; j--)) +{ +yum = (str.charAt(j)); +if(yum == 'x') +{ +return false; +} +else if(yum == 'y') +{ +return true; +} +} +return true; +} +" +cc203182fce5b3c0c48fea7ab101ba0ef177cbb3,"public boolean xyBalance(String str) +{ + +int length; +char yum; +length = ((str.length() - 1)); +for(int j = length; j >= 0; j--) +{ +yum = (str.charAt(j)); +if(yum == 'x') +{ +return false; +} +else if(yum == 'y') +{ +return true; +} +} +return true; +} +" +49685a7f3ae89134d4dac3594f3255154f42281f,"public boolean xyBalance(String str) +{ +length = ((str.length() - 1)); +int length; +char yum; +for(int j = length; j >= 0; j--) +{ +yum = (str.charAt(j)); +if(yum == 'x') +{ +return false; +} +else if(yum == 'y') +{ +return true; +} +} +return true; +} +" +cf24e5272cdfb4e93e7c1b9ec9f97e69d2bf8958,"public boolean xyBalance(String str) +{ +int length; +length = ((str.length() - 1)); +char yum; +for(int j = length; j >= 0; j--) +{ +yum = (str.charAt(j)); +if(yum == 'x') +{ +return false; +} +else if(yum == 'y') +{ +return true; +} +} +return true; +} +" +9388221d773c3968269198deddbe68fb87abd4b3,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf('y'); + int b = str.lastIndexOf('x'); + + if (a > b) + return true; + else + return false; +} +" +1d5f866e4e21e01207496f60693b7f874817f4b5,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf('y'); + int b = str.lastIndexOf('x'); + + if (a > b || (a == b == -1)) + return true; + else + return false; +} +" +58c60e53d338ad5e0de134f147e08414fe9c1145,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf('y'); + int b = str.lastIndexOf('x'); + + if (a > b || ((a == -1) && (b == -1))) + return true; + else + return false; +} +" +f384ab12c9b69dbeee8cd49e9332f57b4f05accb,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +2adc9a359c040801e9bc5860d600775e196960da,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + return ( y > x); +} +" +408ceea26aedb1156336df12d29eabbfcd4d52d8,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + return ( y > x && x!= -1 && y!=-1); +} +" +8931a9f9d2cb51519d484d2f7b5b873be1a3e963,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + if (x!=-1 && y!=-1) { + return ( y>x); + } + else if (x==-1 && y== -1) { + return true; + } + else if (x==-1 && y!= -1) { + return true; + } + +} +" +500a813f4fb138ab5f3cd06a83cfc257d1da0e4d,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + if (x!=-1 && y!=-1) { + return ( y>x); + } + else if (x==-1 && y== -1) { + return true; + } + else if (x==-1 && y!= -1) { + return true; + } + else + { + return false + + } + +} +" +94dbb1183f8098d3dd60882be884ac43f770912b,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + if (x!=-1 && y!=-1) { + return ( y>x); + } + else if (x==-1 && y== -1) { + return true; + } + else if (x==-1 && y!= -1) { + return true; + } + else + { + return false; + + } + +} +" +0bdeb256067553b94f4f04097ba32ed649993acf,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + if (y >= x) + return true; + return false; +} +" +de2226a0284b2c82327158ad0c4356fedc5c749c,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + if (y > x) + return true; + return false; +} +" +d5de2de0ea6e68c2c485f37d61bec4e97f659203,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + if (y >= x) + return true; + return false; +} +" +375d474507e850246b11a4fa629f4d501be27c89,"public boolean xyBalance(String str) +{ + int lastY= str.lastIndexOf('y'); + int lastX= str.lastIndexOf('x'); + + + if (lastY>=lastX ) + return true; + + + + return false; + +} +" +a4acf3d343661902294973429a5012e28bc81b2f,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if (character == ""x"") + { + return false; + } + else if (character == ""y"") + { + return true; + } + } + return true; +} +" +aceebb6141b763c7ae90961b5118f35eb991960c,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if (character == ""x"") + { + return false; + } + character = str.charAt(i); + else if (character == ""y"") + { + return true; + } + } + return true; +} +" +7ca68de9f408258023774ec63f9e78fd8509f9c5,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if (character == ""x"") + { + return false; + } + else if (character == ""y"") + { + return true; + } + } + return true; +} +" +e9c2d865f09328f02ab9865ae80f2e959747af7a,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +4eaf083b0a3d74c80a9c1274e1982bc3e0b517b3,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); +for(int i=0; i=0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + return false; + else if (ch == 'y') + return true; + } + return true; +} +" +f0db0304093a5d82adb77a8bb06afcd5ffa2f03f,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + String y = 'y'; + if (last.equalsIgnoreCase(y)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(y)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } +} +" +5695f9b054729a1ea2c0ca40496f5176428130d8,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + String y = char[y].toString()'; + if (last.equalsIgnoreCase(y)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(y)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } +} +" +6e4fa91cc36c7b4d28009de2845864fe329dbc9d,"public boolean xyBalance(String str) +{ + int locY = str.lastIndexOf('y'); + int locX = str.lastIndexOf('x'); + if (locY > locX) + return true; + else + return false; +} +" +841697ac7c6411671c6b66fe12c59c079484284f,"public boolean xyBalance(String str) +{ + int locY = str.lastIndexOf('y'); + int locX = str.lastIndexOf('x'); + if (locY > locX) + return true; + else if (locX == locY) // both are -1 + return true; + else + return false; +} +" +a9c2106d76912aa3f3c34aaf10316c898cae0da0,"public boolean xyBalance(String str) +{ + int len = str.length()-2; + for ( int i = len; i >= 0; i--) + { + if ( str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return false; + + + + +} +" +425a9d3d05a009afd7c98c1165f05db4f1917854,"public boolean xyBalance(String str) +{ + int len = str.length(); + for ( int i = len; i >= 0; i--) + { + if ( str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return false; + + + + +} +" +02863e8887bd98eec72d13a44c7fac291e75b393,"public boolean xyBalance(String str) +{ + int len = str.length()-1; + for ( int i = len; i >= 0; i--) + { + if ( str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return false; + + + + +} +" +dfb6eb084caa753b8955242f48896df5172e72f1,"public boolean xyBalance(String str) +{ + int len = str.length()-1; + for ( int i = len; i >= 0; i--) + { + if ( str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return true; + + + + +} +" +99e474b9eee1371799231723d5eca8d5e1ebcfcf,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + + char character; + + for(int i = length; i >= 0; i--) + { + character = str.charAt(i); + + if(character == 'x') + { + return false; + } + else if(character == 'y') + { + return true; + } + } + + return true; +}" +0ae45869227eaa56f1925b14c4869cb1c8da801e,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + String y = char y; + if (last.equalsIgnoreCase(y)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(y)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } +} +" +e4b895f98c417594d310d3cee946a7a60ff9b4d3,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String y = Character.toString(y); + if (last.equalsIgnoreCase(y)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(y)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } +} +" +257ae1375129a90931b13dfeb0c0d1f5fb8ca563,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equalsIgnoreCase(app)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(app)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } +} +" +8773f7148fec0f13c028097d3bda5eaae9cb5541,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equalsIgnoreCase(app)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(app)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } + return true; +} +" +9570143dd7bf7a410f734bd27d297c5f4332cb6c,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equalsIgnoreCase(app)) + { + for (int i = 0; i < str.length() - 1; i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(app)) + { + return false; + } + else + { + return true; + } + } + } + else + { + return false; + } + return true; +} +" +b09a224122fba26b36591c953755cfc759c9ab88,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equalsIgnoreCase(app)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(app)) + { + return false; + } + return true; + } + } + else + { + return false; + } + return true; +} +" +dfb69a23a3b65e1c011c7f3722325339035b76f1,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equalsIgnoreCase(app)) + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equalsIgnoreCase(app)) + { + return false; + } + return true; + } + } + return false; +} +" +3b2e3e28288539385f6b120ae3947959cec3e23e,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equals(app)) //check the y at the end + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equals(app)) + { + return false; + } + return true; + } + return true; + } + return false; +} +" +2147756567917b76258cb9145f7f2d2373159b0a,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); + char y = 'y'; + String app = Character.toString(y); + if (last.equals(app)) //check the y at the end + { + for (int i = 0; i < str.length(); i ++) + { + String current = str.substring(i, i+1); + if (current.equals(app)) + { + return false; + } + } + return true; + } + return false; +} +" +13fc8594978ee220b461310c724fbc5c5e70a91a,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); //the last char + char y = 'y'; + String app = Character.toString(y); + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + if (current.equals(app)) + { + return false; + } + } + return true; + + " +f030fad6f09347ea206b75d58fde02ee000b6d94,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); //the last char + char y = 'y'; + String app = Character.toString(y); + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + if (current.equals(app)) + { + return false; + } + } + return true; +} + " +9de5ef40876bcd80667b17919031e6a3998e71fb,"public boolean xyBalance(String str) +{ + String last = str.substring(str.length()); //the last char + char y = 'y'; + String app = Character.toString(y); + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + if (current.equals(app)) + { + return false; + } + else if (!str.endsWith(app)) + { + return false; + } + } + return true; +} + " +2f379d10dde373ee09fbdb2d8d60745a99d36896,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); + for (int j = later + 1; j < str.length() - 1; j ++) + { + String current = str.substring(j, j+1); + if (current.euqals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + //return false; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; +} + " +8f43fed8e73c0417e480662065335e18ef806d2a,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); + for (int j = later + 1; j < str.length() - 1; j ++) + { + String current2 = str.substring(j, j+1); + if (current2.euqals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + //return false; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; +} + " +72134719f2aa00b0b16b1ae3d22731d38b9e1565,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); + for (int j = later + 1; j < str.length() - 1; j ++) + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + //return false; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; +} + " +c7f22cb203f27a2059b640cbd0febbbc5dd8e050,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + int counter2 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); + for (int j = later + 1; j < str.length() - 1; j ++) + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + //return false; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; +} + " +37f91b512faf9d7d4e083ca55bd0041f4929aeaa,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + int counter2 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); //2 + for (int j = later; j < str.length(); j ++) // + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; +} + " +973a65e488a4e69e584103f0d002d5460eb046f6,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + int counter2 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); //2 + for (int j = later; j < str.length(); j ++) // + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; + } + else + { + if (str.equals(a)) + { + return true; + } + return false; + } +} + " +ec2e067cdddd797612f04677ef23f35d1542f0e5,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + int counter2 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); //2 + for (int j = later; j < str.length(); j ++) // + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + } + } + if (counter2 >= counter1) + { + return true; + } + return false; + } + else + { + if (str.equals(a)||str.equals("""")) + { + return true; + } + return false; + } +} + " +fd5de8c5b537d303a4be24a5042fbffcf8a20d66,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + int counter2 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + int later = str.lastIndexOf(x); //2 + for (int j = later; j < str.length(); j ++) // + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + if (current.equals(b)) + { + counter1 ++; + } + } + if (counter2 >= counter1) + { + return true; + } + else if (counter1 == 0 && counter2 == 0) + { + return true; + } + return false; + } + else + { + if (str.equals(a)||str.equals("""")) + { + return true; + } + return false; + } +} + " +aff65c8c05c862aa2b0acf6d291ab54167c79051,"public boolean xyBalance(String str) +{ + //String last = str.substring(str.length()); //the last char + int counter1 = 0; + int counter2 = 0; + char y = 'y'; + char x = 'x'; + String a = Character.toString(y); + String b = Character.toString(x); + + if (str.length() >= 2) + { + for (int i = 0; i < str.length() - 1; i ++) //go through every + { + String current = str.substring(i, i+1); + if (current.equals(b)) + { + counter1 ++; + } + if (counter1 > 0) + { + int later = str.lastIndexOf(x); //2 + for (int j = later; j < str.length(); j ++) // + { + String current2 = str.substring(j, j+1); + if (current2.equals(a)) + { + counter2 ++; + } + } + } + } + if (counter2 >= counter1) + { + return true; + } + else if (counter1 == 0 && counter2 == 0) + { + return true; + } + return false; + } + else + { + if (str.equals(a)||str.equals("""")) + { + return true; + } + return false; + } +} + " +421291170b1eb356135950b1a321b43af739079c,"public boolean xyBalance(String str) +{ + short numX = 0; + short numY = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + numX++; + } + else if (str.charAt(i) == 'y') + { + numY++; + } + } + if (numX == numY) + { + return true; + } + else + { + return false; + } + + +} +" +50fdab80f8a9fb0d1cb247d8852a5cccbc418c3d,"public boolean xyBalance(String str) +{ + short numX = 0; + short numY = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + numX++; + } + if (str.charAt(i) == 'y') + { + numY++; + } + } + if (numX == numY) + { + return true; + } + else + { + return false; + } + + +} +" +78688ecdb46c932d80ab7ff26a060c3a2a54d6ff,"public boolean xyBalance(String str) +{ + int length = str.length(); + if ( str.charAt(length - 1) == 'x' ) + { + return false; + } + else + { + for ( int i = 0, i < length, i++ ) + { + if ( str.charAt(i) == 'x' ) + { + int j = i + 1; + findingY = true; + while ( findingY && j <= length ) + { + if ( str.charAt(j) == 'y' ) + { + findingY = false; + } + j++; + } + } + } + return !findingY; + } +} +" +972fa67c431a2e70aa5ac0875940b085da297d5d,"public boolean xyBalance(String str) +{ + int length = str.length(); + if ( str.charAt(length - 1) == 'x' ) + { + return false; + } + else + { + for ( int i = 0, i < length; i++ ) + { + if ( str.charAt(i) == 'x' ) + { + int j = i + 1; + findingY = true; + while ( findingY && j <= length ) + { + if ( str.charAt(j) == 'y' ) + { + findingY = false; + } + j++; + } + } + } + return !findingY; + } +} +" +d0533caaf9285019609e1eb38f8820b9d829f478,"public boolean xyBalance(String str) +{ + int length = str.length(); + if ( str.charAt(length - 1) == 'x' ) + { + return false; + } + else + { + for ( int i = 0; i < length; i++ ) + { + if ( str.charAt(i) == 'x' ) + { + int j = i + 1; + findingY = true; + while ( findingY && j <= length ) + { + if ( str.charAt(j) == 'y' ) + { + findingY = false; + } + j++; + } + } + } + return !findingY; + } +} +" +eb2c0ffe12ca640de546cadd4e3d1629879fb5f7,"public boolean xyBalance(String str) +{ + int length = str.length(); + if ( str.charAt(length - 1) == 'x' ) + { + return false; + } + else + { + for ( int i = 0; i < length; i++ ) + { + if ( str.charAt(i) == 'x' ) + { + int j = i + 1; + boolean findingY = true; + while ( findingY && j <= length ) + { + if ( str.charAt(j) == 'y' ) + { + findingY = false; + } + j++; + } + } + } + return !findingY; + } +} +" +a738da3cf0b02690241b3a5cd3e27be57b397cc9,"public boolean xyBalance(String str) +{ + int length = str.length(); + if ( str.charAt(length - 1) == 'x' ) + { + return false; + } + else + { + boolean findingY = true; + for ( int i = 0; i < length; i++ ) + { + if ( str.charAt(i) == 'x' ) + { + int j = i + 1; + findingY = true; + while ( findingY && j <= length ) + { + if ( str.charAt(j) == 'y' ) + { + findingY = false; + } + j++; + } + } + } + return !findingY; + } +} +" +4547ee2624a1bc89852de687cf0deb948f328654,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).contains('y') && str.charAt(i) == 'x') + return true; + else + return false; + } + +} +" +f0249e3ab30261d149d18773f7ff81ec53e02218,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) return true; + return (lastX > lastY); +} +" +9bf63b96c3f67ed785153ff0eee5ada29e69a27b,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).contains(""y"") && str.charAt(i) == 'x') + return true; + else + return false; + } + +} +" +925925733054ee1a9309633a5df83566549b05ca,"public boolean xyBalance(String str) +{ + int flag = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).contains(""y"") && str.charAt(i) == 'x') + { + flag = 0; + } + else + { + flag = 1; + break; + } + } + if (flag == 1) + return false; + else + return true; + +" +f31e58970ce2acd88ab68a769431c8aa1c9e5eda,"public boolean xyBalance(String str) +{ + int flag = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).contains(""y"") && str.charAt(i) == 'x') + { + flag = 0; + } + else + { + flag = 1; + break; + } + } + if (flag == 1) + return false; + else + return true; +} + +" +5afa7809707e20de224e1acb643f8b7fd70accb3,"public boolean xyBalance(String str) +{ + int length = str.length(); + if ( length > 0 && str.charAt(length - 1) == 'x' ) + { + return false; + } + else + { + boolean findingY = false; + for ( int i = 0; i < length; i++ ) + { + if ( str.charAt(i) == 'x' ) + { + int j = i + 1; + findingY = true; + while ( findingY && j < length ) + { + if ( str.charAt(j) == 'y' ) + { + findingY = false; + } + j++; + } + } + } + return !findingY; + } +} +" +b8a0e3974af80357a14a39ee1babb75e0ea00bdd,"public boolean xyBalance(String str) +{ + int flag = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + if (!str.substring(i).contains('y')) + { + flag = 1; + break; + } + } + } + if (flag = 1) + { + return false; + } + else + { + return true; + } + + +} + +" +861746abfdb9e45befa56035dce4444ad39e0a1d,"public boolean xyBalance(String str) +{ + int flag = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + if (!str.substring(i).contains(""y"")) + { + flag = 1; + break; + } + } + } + if (flag = 1) + { + return false; + } + else + { + return true; + } + + +} + +" +58ea24759116fae6a8f05ec99e9fbfc6907cbb23,"public boolean xyBalance(String str) +{ + int flag = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + if (!str.substring(i).contains(""y"")) + { + flag = 1; + break; + } + } + } + if (flag == 1) + { + return false; + } + else + { + return true; + } + + +} + +" +d27dd520f640a1547adf30cad630c207d37be47c,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for(int i = 0; i < len; i ++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1)=='y' && str.charAt(i+2) == ""z"") + { + if(i == 0 || str.charAt(i-1)!= ""."") + return true; + } + } + return false; +} +" +c27580115af8d81d00a9c43a3bc72f2b91e3673f,"public boolean xyBalance(String str) +{ + int len = str.length() - 2; + for(int i = 0; i < len; i ++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1)=='y' && str.charAt(i+2) == ""z"") + { + if(i == 0 || str.charAt(i-1)!= ""."") + return true; + } + } + return false; +} +" +f718f4f7136c85a8986764226b121e8a987e2353,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch= str.charAt(i); + if(ch=='x') + return false; + else if(ch == 'y') + return true; + + } + return true; +} +" +56fc5140dfdb09f020a11cde007926c1c414a047,"public boolean xyBalance(String str) +{ + for (int i == str.length() - 1; i >= 0; i--) + { + if (str.charAt() == 'y') + { + return true; + } + else if (str.charAt() == 'x') + { + return false; + } + } + return false; +} +" +7e198b4e0a3be90a2616323b6c050fd2fdaf0d50,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt() == 'y') + { + return true; + } + else if (str.charAt() == 'x') + { + return false; + } + } + return false; +} +" +20cbdbec2e0845a3f37b158336f3928c6bcff6a1,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return false; +} +" +281926d4471f13b920b7db4bdbb6d084439039fd,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +9128b37be19e3c864d791ca706f2136210eca47d,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + else + { + return false; + } + } +} +" +b69569d8796ff24f2691a74324c88deb17b7e566,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + else + { + return false; + } + } + return false; +} +" +bcffca4144366e3c0e1e07c7699311297f73e11b,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return false; +} +" +437b73c3a3e709e33de0f781ddfc583088171598,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +96f3f012477b31a0c1bf134168655272af3dcf1d,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +f457c56b95e3e2e212102aa5302cd7ff5b4e3203,"public boolean xyBalance(String str) { +boolean y = true; +for(int i = 0; i < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""x"") && y) { +y = false; +} else if(Character.toString(str.charAt(i)).equals(""y"") && !y) { +y = true; +} +} +return y; +} +" +d885897542284a85568805d2819fb96705759f0c,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + } + if (x == false) + { + y = true; + } + return y; +} +" +0e370114be28f62f9720b5d91f67475f2969faa5,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a, x, y, b = 0; + int b = 0; + int len =str.length(); + while(len > 0) + { + if (str.charAt(0)=='x') + { + a++; + str = str.substring(1, len); + len--; + } + else if (str.charAt(0)=='y') + { + b++; + str = str.substring(1, len); + len--; + } + else + { + str = str.substring(1, len); + len--; + } + } + if ( +} +" +c423216cf8bcdd740a27d690c25d38e50abf7da2,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a, x, y, b = 0; + int len =str.length(); + while(len > 0) + { + if (str.charAt(0)=='x') + { + a++; + str = str.substring(1, len); + len--; + } + else if (str.charAt(0)=='y') + { + b++; + str = str.substring(1, len); + len--; + } + else + { + str = str.substring(1, len); + len--; + } + } + +} +" +159aad3e98721dc58db0fd73479da8b60abbce36,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a, x, y, b = 0; + int len =str.length(); + while(len > 0) + { + if (str.charAt(0)=='x') + { + a++; + str = str.substring(1, len); + len--; + } + else if (str.charAt(0)=='y') + { + b++; + str = str.substring(1, len); + len--; + } + else + { + str = str.substring(1, len); + len--; + } + } + return true; +} +" +22da2d66b8ff446d63aedb307e3e8559b8cf6cb5,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int (a, x, y, b) = 0; + int len =str.length(); + while(len > 0) + { + if (str.charAt(0)=='x') + { + a++; + str = str.substring(1, len); + len--; + } + else if (str.charAt(0)=='y') + { + b++; + str = str.substring(1, len); + len--; + } + else + { + str = str.substring(1, len); + len--; + } + } + return true; +} +" +030f47596e2f3402dbcf66e8aca99255f58a19e2,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if (str.charAt(x)=='y') + { + a=1; + } + x++; + count++; + } + count = 0; + while (len > count) + { + if(str.charAt(y)=='y') + { + b++; + } + else if (str.charAt(y)=='x') + { + b=1; + } + y++; + count++; + } + if (b==a) + return true; + else return false; +} +" +242fd35fbece4911d66bddf886e542646a07b3b1,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len >= count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if (str.charAt(x)=='y') + { + a=1; + } + x++; + count++; + } + count = 0; + while (len >= count) + { + if(str.charAt(y)=='y') + { + b++; + } + else if (str.charAt(y)=='x') + { + b=1; + } + y++; + count++; + } + if (b==a) + return true; + else + return false; +} +" +640715bf27086e8e986a04be4f06230f462a949a,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if (str.charAt(x)=='y') + { + a=1; + } + x++; + count++; + } + count = 0; + while (len > count) + { + if(str.charAt(y)=='y') + { + b++; + } + else if (str.charAt(y)=='x') + { + b=1; + } + y++; + count++; + } + if (b==a) + return true; + else + return false; +} +" +c0885a1f522cf13c690e0223aab8fd47f8bbec93,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if (str.charAt(x)=='y' && a!=0) + { + a=100; + } + x++; + count++; + } + count = 0; + while (len > count) + { + if(str.charAt(y)=='y') + { + b++; + } + else if (str.charAt(y)=='x' && b!=0) + { + b=100; + } + y++; + count++; + } + if (b==a) + return true; + else + return false; +} +" +89720335d63ce8abec40f0d344da4ef74249bbba,"public boolean xyBalance(String str) +{ + for (x = 0; x+1 < str.length-1; x++) + { + if (str[x].equals('x') && str.endsWith(""y"") + { + return true; + break; + } + } +} +" +7b33cd5987693aa958271f9739da3c8fc832b6b1,"public boolean xyBalance(String str) +{ + for (x = 0; x+1 < str.length-1; x++) + { + if (str[x].equals('x') && str.endsWith(""y"")) + { + return true; + break; + } + } +} +" +7c8e908228b319cfb6aa28695fed276856674427,"public boolean xyBalance(String str) +{ int x = 0; + for (x ; x + 1 < str.length-1; x++) + { + if (str[x].equals('x') && str.endsWith(""y"")) + { + return true; + break; + } + } +} +" +4c8b089361be419adefa7190cb24edcfe76e445c,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if (str.charAt(x)=='y' && a!=0) + { + a=0; + } + if(str.charAt(x)=='y') + { + b++; + } + else if (str.charAt(x)=='x' ) + { + b=0; + } + x++; + count++; + } + + if (b==a) + return true; + else + return false; +} +" +3bba76c10532df70fb3e7a52c5be9e45558cbac9,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length-1; x++) + { + if (str[x].equals('x') && str.endsWith(""y"")) + { + return true; + break; + } + } +} +" +59ca5dd6c0429a25d1035a1f668bdee8f2817175,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if (str.charAt(x)=='y') + { + a=0; + } + if(str.charAt(x)=='y') + { + b++; + } + else if (str.charAt(x)=='x' ) + { + b=0; + } + x++; + count++; + } + + if (b==a) + return true; + else + return false; +} +" +adf041e5f055227f06d734120f41e46ef9ead4ec,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str[x].equals('x') && str.endsWith(""y"")) + { + return true; + break; + } + } +} +" +f8b1f9d1542ab63922675e3cd8c1afcf1acd87ab,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + return true; + break; + } + } +} +" +aa6a3d4f1b33bac8810068bb9bfd05579cfedb42,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + return boolean y = true; + break; + } + } + if(y == true) + { + return true + } + else + { + return false; + } +} +" +950f3fc840aa9be4599cf57917b191d1160d0ac5,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + boolean y = true; + return y + break; + } + } + if(y == true) + { + return true + } + else + { + return false; + } +} +" +b4a2e49db124b247e74dde909176bfa164b90fc3,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + boolean y = true; + return y; + break; + } + } + if(y == true) + { + return true; + } + else + { + return false; + } +} +" +9c4658c0d4a3836633cbd2e6fcb555f30238d602,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + break; + } + } + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + return true; + } + else + { + return false; + } +} +" +cc49ee79208b14f262c935e71baf50764fe3a19a,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + return x; + break; + } + } + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + return true; + } + else + { + return false; + } +} +" +b6aee23bed573ea210976e83f64ea369832ba4d2,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + break; + } + } + if (str.endsWith(""y"")) + { + return true; + } + else + { + return false; + } +} +" +aa8a06eee7cd8e2c944568e509af638e24006ba3,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + b=0; + } + else if(str.charAt(x)=='y') + { + b++; + a=0; + } + x++; + count++; + } + + if (b==a) + return true; + else + return false; +} +" +5164b14db76459208adfa14502dde974076c78e8,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + break; + } + } + if (str.endsWith(""y"") || !str.contains(""x"")) + { + return true; + } + else + { + return false; + } +} +" +2dc68d6a4b475499fba8a74971c53113d7fb0d41,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + break; + } + } + if (str.endsWith(""y"") || !str.contains(""x"") || str.contains(""xy"")) + { + return true; + } + else + { + return false; + } +} +" +84712649d8d92218de32d3fb1a3a2cd5d6720659,"public boolean xyBalance(String str) +{ + for (int x = 0 ; x + 1 < str.length()-1; x++) + { + if (str.substring(x,x).equals('x') && str.endsWith(""y"")) + { + break; + } + } + if (str.endsWith(""y"") || !str.contains(""x"") || str.contains(""xy"") && !str.contains(""yx"")) + { + return true; + } + else + { + return false; + } +} +" +9134f5663abede3bcd17fa098e3ed864577d02cb,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1 + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + break; + } + } +} +" +dc2739348ad399147da696a8e54923ccc771ffb8,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + break; + } + } +} +" +537a177c77d6393de8709b4f93ca359b45787eb3,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + int y = 0 + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return y = 1; + break; + } + } + if (y == 0) + { + return true; + } + else + { + return false; + } +} +" +3c2f143b5702c58f25ea9bce4cb688f41f15adc2,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + int y = 0; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return y = 1; + break; + } + } + if (y == 0) + { + return true; + } + else + { + return false; + } +} +" +db10c8a56211fdbe043b5e04020fe6f878b84bd8,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + int y = 0; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + y = 1; + break; + } + } + if (y == 0) + { + return true; + } + else + { + return false; + } +} +" +6576c53cf69482627e59a8c0389d6c5c823326fc,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + int y = 0; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + y = 1; + break; + } + i++; + } + if (y == 0) + { + return true; + } + else + { + return false; + } +} +" +94d55488c0e62095bbd342b62680759e4a03b628,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + int y = 0; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + y = 1; + break; + } + return y; + i++; + } + if (y == 0) + { + return true; + } + else + { + return false; + } +} +" +d2ddc555e2414e62ddf3e41774c191139f531b6e,"public boolean xyBalance(String str) +{ + int x = str.length(); + for(int i = x; i > 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + return true; + + +} +" +c317534749a909eedef8a9f96cc4e21f81e8f783,"public boolean xyBalance(String str) +{ + int x = str.length(); + for(int i = x; i > 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return true; + + +} +" +0a70aa5803a58f57d6742985240476ac9a82b47c,"public boolean xyBalance(String str) +{ + int x = str.length() - 1; + for(int i = x; i >= 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return true; + + +} +" +5c4431d13cf8541ce2aa2d0467f551c7ac3bd044,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return y; + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + y = false; + return y + break; + } + i++; + } + return y +} +" +4f02cdcd170253d6ed22b89c3dcc93113d0afddc,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return y; + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + y = false; + return y; + break; + } + i++; + } + return y; +} +" +d31d5da99311715ac06b2d90703903262856b633,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + break; + } + if(str.substring(str.length()-i).equals(""x"")) + { + y = false; + break; + } + i++; + } + return y; +} +" +86059a9da19e15aae036fed47162ce6dea5dde77,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + } + i++; + } + return true; +} +" +3b2f3d3a5d6d6f95416dd9fe1d3074c12f5ba864,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + } + i++; + } +} +" +8bcb0cd1fece7bc66cae14bf3873321f85b6390d,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + } + i++; + } + if (i == str.length()) + { + return true; + } +} +" +b73dea9adc51b33bc1a9906d2d8bd9c7e6d86a28,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + if (!str.contain(""x"")) + { + return true; + } + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + } + i++; + } + +} +" +513d98a92088e802c81e60b8095b62fc18b9794d,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + if (!str.contains(""x"")) + { + return true; + } + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + } + i++; + } + +} +" +502a7484cf8faf205727579f28e75f8fd6341380,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + boolean y = true; + if (!str.contains(""x"")) + { + return true; + } + while (str.length() - i > 0) + { + if(str.substring(str.length()-i).equals(""y"")) + { + return true; + } + if(str.substring(str.length()-i).equals(""x"")) + { + return false; + } + i++; + } + return true; + +} +" +a7290cd8663d477ade6da5f8c44f2e9cf43e16dd,"public boolean xyBalance(String str) +{ + int x = str.length(); + int i = 1; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == ""y"") + { + return true; + break; + + } + else if (str.charAt(str.length()-1) == ""x"") + { + return false; + break; + + } + else if (!str.contains(""x"")) + { + return true; + break; + } + } +} +" +cac8f4bc22b171f2723a4a16cb9d3eb97fa9bf6a,"public boolean xyBalance(String str) +{ + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == ""y"") + { + return true; + break; + + } + else if (str.charAt(str.length()-1) == ""x"") + { + return false; + break; + + } + else if (!str.contains(""x"")) + { + return true; + break; + } + } +} +" +baee1d5749ffada83b3999f15ebdeec864ed3dc5,"public boolean xyBalance(String str) +{ + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == 'y') + { + return true; + break; + + } + else if (str.charAt(str.length()-1) == 'x') + { + return false; + break; + + } + else if (!str.contains(""x"")) + { + return true; + break; + } + } +} +" +be7695c5bf5ce903c59e7c69a14aa6343be60a6f,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + return false; + return true; +} +" +50a82e5d66a1eb8ec8438c19da1631ffb44f8e96,"public boolean xyBalance(String str) +{ + if (!str.endsWith(""y"")) + return false; + return true; +} +" +00d19d96eed154c646d859d2884e74edac070a58,"public boolean xyBalance(String str) +{ + int x = 0; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == 'y') + { + break; + } + if (str.charAt(str.length()-1) == 'x') + { + x = 1; + break; + } + } + if (x == 0) + { + return true; + } + else + { + return false; + } +} +" +2d34f7d7519bb3380d6101b3b9f2e7c4945d99fb,"public boolean xyBalance(String str) +{ + if (!str.substring(""x"")) + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +31088d412b3e7c3fe1ccdef3d0c57718993d13d7,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == 'y') + { + break; + } + if (str.charAt(str.length()-1) == 'x') + { + x = false; + return x + break; + } + } + return x; +} +" +5054fb2647757733b78f9162cd78bb28a2f928e9,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == 'y') + { + break; + } + if (str.charAt(str.length()-1) == 'x') + { + x = false; + return x; + break; + } + } + return x; +} +" +a2d498eb0d48ae5124f8de8288440038a41b0f5e,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-1) == 'y') + { + break; + } + if (str.charAt(str.length()-1) == 'x') + { + x = false; + return x; + } + } + return x; +} +" +9e587157305a29f085308e03230e008a276607e7,"public boolean xyBalance(String str) +{ + if (!str.endsWith(""y"")) + return false; + return true; +} +" +212a6f9f79ad5d2bcb48e13e3eb2f2718451f0a0,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-i) == 'y') + { + break; + } + if (str.charAt(str.length()-i) == 'x') + { + x = false; + return x; + } + } + return x; +} +" +ba49163d483f27a5f99a3e64da4cb21e2d579a49,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-i) == 'x') + { + x = false; + return x; + } + } + return x; +} +" +61de5b1b73d99df8160c70e3510ce23e9e78b1dc,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-i) == 'y') + { + break; + } + if (str.charAt(str.length()-i) == 'x') + { + x = false; + return x; + } + } + return x; +} +" +7f0613f75d284389cff8fe33c59c11e7b9a4e329,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-i) == 'y') + { + break; + } + if (str.charAt(str.length()-i) == 'x') + { + x = false; + return x; + } + } + return x; +} +" +9c164c65b23f62cb0dbf0585f309bc9cad7d6231,"public boolean xyBalance(String str) +{ + if (str.substring() == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +33a3d067820c34ee3b45aa19a4de96f0cdde63a6,"public boolean xyBalance(String str) +{ + boolean x = true; + if (str.equals(""x"")) + { + return false; + } + for (int i = 1; i + 1 <= str.length(); i++) + { + if (str.charAt(str.length()-i) == 'y') + { + break; + } + if (str.charAt(str.length()-i) == 'x') + { + x = false; + return x; + } + } + return x; +} +" +890e1692fbef63fe9acd440994a8dc99e01c70ca,"public boolean xyBalance(String str) +{ + for (i = 1; i <= str.length(); i++) + if (charAt(i) == ""x"") + if (charAt(i+1) == ""y"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +1b12a99ad36969521e7500b90abe8a033e79e8fe,"public boolean xyBalance(String str) +{ + for (int i = 1; i <= str.length(); i++) + if (charAt(i) == ""x"") + if (charAt(i+1) == ""y"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +d9382e615431ddcb59e2c16708a785f24f5531e0,"public boolean xyBalance(String str) +{ + for (int i = 1; i <= str.length(); i++) + if (str.charAt(i) == ""x"") + if (str.charAt(i+1) == ""y"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +ed3b1df13e4b0c1e12a2a3f406666ff7422ea1e3,"public boolean xyBalance(String str) +{ + for (int i = 1; i <= str.length(); i++) + if (str.charAt(i) == x) + if (str.charAt(i+1) == y) + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +2436ed03d9395d856f24b918da22f6355ae003b3,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + if (a==b) + a=b; + } + else if(str.charAt(x)=='y') + { + b++; + if (a==b) + a=b; + } + x++; + count++; + } + + if (b==a) + return true; + else + return false; +} +" +903a635b07d275c4a9af8ee77474babe7ef3ea59,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + if (a==b) + b=a; + } + else if(str.charAt(x)=='y') + { + b++; + if (a==b) + a=b; + } + x++; + count++; + } + + if (b==a) + return true; + else + return false; +} +" +86c20ce841162f48f60c7dc7ca223988b51f6173,"public boolean xyBalance(String str) +{ + for (int i = 1; i <= str.length(); i++) + if (str.substring(i, i+1) == ""x"") + if (str.substring(i+1, i+2) == ""y"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +cd84e6788540eb9f7b2e513b2f52ebde2e5df9b4,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + int a=0; + int x=0; + int y =0; + int b = 0; + int count = 0; + int len =str.length(); + while (len > count) + { + if (str.charAt(x)=='x') + { + a++; + } + else if(str.charAt(x)=='y') + { + b++; + a=b; + } + x++; + count++; + } + + if (b==a) + return true; + else + return false; +} +" +8f1254332a6363f8882ef61b65af9799f4fc6eaa,"public boolean xyBalance(String str) +{ + if (!str.endsWith(""y"")) + return false; + return true; +} +" +514a5b2395d247026c3d20385b686180d64f08fa,"public boolean xyBalance(String str) +{ + if(str.substring() == ""xy"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +95d050da038ede37a1afe734867dc90f19649b55,"public boolean xyBalance(String str) +{ + if(str.substring(1, str.length) == ""xy"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +deec0814429ea134f7c08c14f49b7082d6673ec7,"public boolean xyBalance(String str) +{ + if(str.substring(1, str.length()) == ""xy"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +c07e930b418a4b4c69001432de3d07718c0d3f3a,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +7b6b72a3988ae49f6f160ab4d5914d9dfe770d3a,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + if (str.equals(""xy"") + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +90a5ce6bd3d22edf7c836eca9da68a6fc2094315,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + if (str.equals(""xy"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +30500bd4e04959c22b497dd19e9e99f4df863444,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + if (str.equals(""xy"")) + return true; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +74952027729711865c2af1bb0537a236fb7de2fb,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +c39119fc77b847dc26b722fa624a7c655b914b03,"public boolean xyBalance(String str) +{ + String last = str.lastIndexOf(""x""); + if (str.substring(last + 1, last + 2) != ""y"") + return false; + return true; + /*if (str.equals("""")) + return true; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true;*/ +} +" +10d4950b4feb4fdd13d2500c199a3d889dfee774,"public boolean xyBalance(String str) +{ + int last = str.lastIndexOf(""x""); + if (str.substring(last + 1, last + 2) != ""y"") + return false; + return true; + /*if (str.equals("""")) + return true; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true;*/ +} +" +ff47c616695fc02096f25c4fd128d8c134d318c4,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + int last = str.lastIndexOf(""x""); + if (str.substring(last + 1, last + 2) != ""y"") + return false; + return true; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +07b6d13c8460b4933ba51facc2f46021a5f9b603,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + int last = str.lastIndexOf(""x""); + if (str.substring(last + 1, last + 2) != ""y"") + return false; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +df7cee9dfe322518971c2e68f07cae3bfabf4812,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + if(str.substring(1, str.length()) == ""x"") + return true; + int last = str.lastIndexOf(""x""); + if (str.substring(last + 1, last + 2) != ""y"") + return false; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +e6c81e2da1cd2c4ed58487982f772abf64e9c2ba,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + //if(str.substring(1, str.length()) == ""x"") + // return true; + int last = str.lastIndexOf(""x""); + if (str.substring(last + 1) != ""y"") + return false; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +18a559d45294d3a527a58778683962a2981b9f77,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + //if(str.substring(1, str.length()) == ""x"") + // return true; + int lastX = str.lastIndexOf(""x""); + int lastY = str.lastIndexOf('y""); + if (lastY < lastX) + return false; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +9a13f05dc79430152872bd4795dce557872c4060,"public boolean xyBalance(String str) +{ + if (str.equals("""")) + return true; + //if(str.substring(1, str.length()) == ""x"") + // return true; + int lastX = str.lastIndexOf(""x""); + int lastY = str.lastIndexOf(""y""); + if (lastY < lastX) + return false; + if (!str.startsWith(""x"") && !str.endsWith(""x"")) + return true; + if (!str.endsWith(""y"")) + return false; + return true; +} +" +8c0a24c8804010462acef6bc6f85e085c95f151a,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; + +} +" +ea5784a39786ecbb1cdbd732c30dbfaa2f3a210c,"public boolean xyBalance(String str) +{ + int length = str.length(); + for (int i = 0; i < length; i++) + { + int lastX = str.indexOf('x'); + int lastY = str.indexOf('y'); + } + return (lastY > lastX); +} +" +c66aa81fb9f3ee78b16bc8116c370b5b3f53c7d9,"public boolean xyBalance(String str) +{ + int length = str.length(); + int lastY = 0; + int lastX = 0; + for (int i = 0; i < length; i++) + { + lastX = str.indexOf('x'); + lastY = str.indexOf('y'); + } + return (lastY > lastX); +} +" +672a1e7008b6cef53379ca244301c7b5641f8fdc,"public boolean xyBalance(String str) +{ + int length = str.length(); + int lastY = 0; + int lastX = 0; + for (int i = 0; i < length; i++) + { + lastX = str.indexOf('x'); + lastY = str.indexOf('y'); + } + return (lastY >= lastX); +} +" +61fd1fd315c93e161433fe7064b1ba8c60056994,"public boolean xyBalance(String str) +{ + boolean answer = false; + if (str.contains(""x"") && str.endsWith(""y"")) + { + answer = true; + } + return answer; +} +" +0262f9c186c5e27157daa6572388733a3174e6ee,"public boolean xyBalance(String str) +{ + boolean answer = false; + if (str.contains(""x"") && str.endsWith(""y"")) + { + answer = true; + } + else if (!str.contains(""x"")) + { + answer = true; + } + return answer; +} +" +8689321a6326e489763110e6ca3784a0ba2e5ee5,"public boolean xyBalance(String str) +{ + boolean answer = false; + if (str.contains(""x"") && str.endsWith(""y"")) + { + answer = true; + } + else if (!str.contains(""x"")) + { + answer = true; + } + else if (str.contains(""xy"")) + { + answer = true; + } + return answer; +} +" +ea144eb8b9fd7f699ed7a21d8462452f1af365b0,"public boolean xyBalance(String str) +{ + boolean answer = false; + if (str.contains(""x"") && str.endsWith(""y"")) + { + answer = true; + } + else if (!str.contains(""x"")) + { + answer = true; + } + else if (str.contains(""xy"") && (!str.endsWith(""x"")) + { + answer = true; + } + return answer; +} +" +dc07f51bb2455511181eb50c14c4a694cee07928,"public boolean xyBalance(String str) +{ + boolean answer = false; + if (str.contains(""x"") && str.endsWith(""y"")) + { + answer = true; + } + else if (!str.contains(""x"")) + { + answer = true; + } + else if (str.contains(""xy"") && (!str.endsWith(""x""))) + { + answer = true; + } + return answer; +} +" +5881a5fd2025779a8497cad74fce29b8fb4b4037,"public boolean xyBalance(String str) +{ + boolean ans = false; + int xcount=0; + int ycount=0; + for(int i=0;i=ycount) + { + ans =true; + } + return ans; +} +" +a04f3595b62e1339f6f78f4862ed88a3ed06248e,"public boolean xyBalance(String str) +{ + boolean ans = false; + int xcount=0; + int ycount=0; + for(int i=0;i= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +d468f7eaf0cd8ed722b288a58dc3289d294b4fb1,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +c42ac33ce1027191aa4d62e8691ec9ba237b9807,"public boolean xyBalance(String str) +{ + return false; +} +" +ff2af5bb157c92832332daf0fa9c68b36fcdbd93,"public boolean xyBalance(String str) +{ + if(str.contains('x')) + { + + int firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains('y')) + { + int firstY = str.indexof(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + return false; + } +" +e2d4590f09067ca573c8e2fba20ddd8ac0428017,"public boolean xyBalance(String str) +{ + if(str.contains(""x"")) + { + + int firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains('y')) + { + int firstY = str.indexof(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + return false; + } +" +d0bf67ea5f801b6078fcd560642b81be980b5061,"public boolean xyBalance(String str) +{ + if(str.contains(""x"")) + { + + int firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains(""y"")) + { + int firstY = str.indexof(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + return false; + } +" +5f73e48ba12d437c3670f7d09c581e2c7c74cd85,"public boolean xyBalance(String str) +{ + if(str.contains(""x"")) + { + + int firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains(""y"")) + { + int firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + return false; + } +" +dee75451cc5d927730036bc94cb17517399c4921,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + if(str.contains(""x"")) + { + + firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + return false; + } +" +65497acd7f9dbd7d8d0a734b9cf8b8a1c68c4e02,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + if(str.contains(""x"")) + { + + firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + + } +" +a61ef98c7632d6db5101bbf4c7899e6385802f85,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + if(str.contains(""x"")) + { + + firstX = str.indexOf(""x""); + } + else + {return false;} + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY < firstX) + { + return true; + } + else + {return false;} + } +" +c611c012f9c83829f8db468cee5450b693d6aee3,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + if(str.contains(""x"")) + { + firstX = str.indexOf(""x""); + } + else + { + return false; + } + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +5f73373f1e592453a27f6e33109ea0c531b99c8f,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + if(str.equals("""")) + { + return true; + } + + if(str.contains(""x"")) + { + firstX = str.indexOf(""x""); + } + else + { + return false; + } + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +8bc9b745079e5f3a10cfdd73c74394d2895a2368,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + if(str.equals("""")) + { + return true; + } + if(str.equals(""yxyxyxyxy"") || ""yaaxbby"") + {return true;} + + if(str.contains(""x"")) + { + firstX = str.indexOf(""x""); + } + else + { + return false; + } + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +2b9e5a98456144e5f781cfcb67b4704ef0462ed1,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + if(str.equals("""")) + { + return true; + } + if(str.equals(""yxyxyxyxy"") || str.equals(""yaaxbby"")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.indexOf(""x""); + } + else + { + return false; + } + + if(str.contains(""y"")) + { + firstY = str.indexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +2f2ed3d86fad892d2f5e9bda8d5a0e6efaa73615,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + if(str.equals("""")) + { + return true; + } + if(str.equals(""yxyxyxyxy"") || str.equals(""yaaxbby"")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + else + { + return false; + } + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +19e74ce141abb7840c82b8330b9ea95833ee50bc,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + else + { + return false; + } + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +a717142978ffc9de4e931368cbda03ab914ec117,"public boolean xyBalance(String str) +{ + int firstX; + int firstY; + + if(str.equals("""")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +ebb6832c5041be18030838f5cdfe3ef40594a788,"public boolean xyBalance(String str) +{ + int firstX = 0; + int firstY; + + if(str.equals("""")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +4e64da0569e8fc90c455116ca50b5bf5439c52cf,"public boolean xyBalance(String str) +{ + int firstX = -1; + int firstY; + + if(str.equals("""")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + else + {return false;} + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +3a540796ee7a6960057b3388a695a6a53783c13b,"public boolean xyBalance(String str) +{ + int firstX = -1; + int firstY = 0; + + if(str.equals("""")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + else + + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +1112c042b3720b3888e8cafae6a1cfa21432a4ab,"public boolean xyBalance(String str) +{ + int firstX = -1; + int firstY = 0; + + if(str.equals("""")) + {return true;} + + if(str.contains(""x"")) + { + firstX = str.lastIndexOf(""x""); + } + + if(str.contains(""y"")) + { + firstY = str.lastIndexOf(""y""); + } + + + + if(firstY > firstX) + { + return true; + } + else + {return false;} + } +" +d332076a6d8990a2275d166c2000619dc1dca047,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCare(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + if ( x > y ) + { + return true + } + else + { + return false; + } +} +" +1eaf00a91cd92bbaf3317f17dc1c5b8de7e13473,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCare(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + if ( x > y ) + { + return true; + } + else + { + return false; + } +} +" +011b153ae8f5fc3bad9127ff2104d57053e266f8,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCase(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + if ( x > y ) + { + return true; + } + else + { + return false; + } +} +" +5bea1ecf081e9eff1dc199db478021cccb7db007,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCase(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + if ( x < y ) + { + return true; + } + else + { + return false; + } +} +" +7532cbba46bbbb7dbf74fe0bd3c2320dbb1a4f8b,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCase(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + int countX = 0; + int countY = 0; + for ( int i = 0; i < strLC.length(); i++ ) + { + if ( x == strLC.charAt(i)) + { + countX++; + } + if ( y == strLC.charAt(i)) + { + countY++; + } + } + + if ( x < y && countX > 0 && countY > 0) + { + return true; + } + else + { + return false; + } +} +" +1966f73146668214b2dbb45480024aae7f6b7a2a,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCase(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + int countX = 0; + int countY = 0; + for ( int i = 0; i < strLC.length(); i++ ) + { + if ( x == strLC.charAt(i)) + { + countX++; + } + if ( y == strLC.charAt(i)) + { + countY++; + } + } + + if ( b > a && countX > 0 && countY > 0) + { + return true; + } + else + { + return false; + } +} +" +845621f1728aad5b4ac614fe7129ac1e303cb661,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + + if (str.endsWith(""y"")) + return true; + else + return false; +} +" +c12977abe0ed7752baadf16dd9f18b92173bfd91,"public boolean xyBalance(String str) +{ + String strLC = str.toLowerCase(); + char x = 'x'; + char y = 'y'; + int a = strLC.lastIndexOf(x); + int b = strLC.lastIndexOf(y); + int countX = 0; + int countY = 0; + for ( int i = 0; i < strLC.length(); i++ ) + { + if ( x == strLC.charAt(i)) + { + countX++; + } + if ( y == strLC.charAt(i)) + { + countY++; + } + } + + if ( b > a && (countX > 0 && countY > 0) || (countX == 0) ) + { + return true; + } + else + { + return false; + } +} +" +c95e36e2a93754aa59a5f86f97ef241d6b32f66e,"public boolean xyBalance(String str) +{ + str = str.toLowerCase(); + str = ""_"" + str + ""_""; + + for (int i = str.length() - 2; i >= 0; i--) + { + if (str.substring(i, i + 1).equals(""y"")) + return true; + else if (str.substring(i, i + 1).equals(""x"")) + return false; + } + return true; +} +" +6c816ca01447183b1608d1d17ff2c813eccbcfd2,"public boolean xyBalance(String str) +{ + if (str.startsWith(""x"") && str.endsWith(""y"")) + { + return true; + } + return false; +} +" +a85330828b1d8ff95a1089c0fd3bfcdf3f71cdf7,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") && str.contains(""y"")) + { + return true; + } + return false; +} +" +4de44a997f2a0eabb2d89eccab457b4c3543d58f,"public boolean xyBalance(String str) +{ + if (str.contains(""xyx"")) + { + return false; + } + return true; +} +" +c7945f64b4c53c3d5f4cce9feb33831d7b3de31f,"public boolean xyBalance(String str) +{ + if (str.contains(""xyx"") || !str.contains(""x"") || !str.contains(""y"")) + { + return false; + } + return true; +} +" +fef13ae8cd198ca19387408880f7027399325641,"public boolean xyBalance(String str) +{ + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + if (str.contains(""xyx"") || !str.contains(""x"") || !str.contains(""y"")) + { + return false; + } + return true; +} +" +0d9f25afc2ed515d8bbff67b8cd94bc1b2c7db38,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +42e479f2fad8787cc5e3b2bad9d401087099662a,"public boolean xyBalance(String str) +{ + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + return true; +} +" +a4264a2bd632d0ac214dfe3eda207994052b7e54,"public boolean xyBalance(String str) +{ + if (str.startsWith(""y"") || !str.endsWith(""y"")) + { + return false; + } + return true; +} +" +92700be4f6bd4113cb209e79de9d46ba272948c3,"public boolean xyBalance(String str) +{ + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + return true; +} +" +0a509259f6041a78f6d582799948e6984287d76d,"public boolean xyBalance(String str) +{ + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + if (str.contains(""x"") && !str.contains(""y"")) + { + return false; + } + return true; +} +" +7a0c3bd980e2e352a040ed368f8f5e261c0498da,"public boolean xyBalance(String str) +{ + if(str.endsWith(""byx"") + { + retrun false; + } + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + if (str.contains(""x"") && !str.contains(""y"")) + { + return false; + } + return true; +} +" +addb913317df757c5a1c2e23e5fdb393af9a2af8,"public boolean xyBalance(String str) +{ + if(str.endsWith(""byx"")) + { + retrun false; + } + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + if (str.contains(""x"") && !str.contains(""y"")) + { + return false; + } + return true; +} +" +5358965f996154fb2ece850c0255cae67f977c27,"public boolean xyBalance(String str) +{ + if(str.endsWith(""byx"")) + { + return false; + } + if (str.startsWith(""y"") && !str.endsWith(""y"")) + { + return false; + } + if (str.contains(""x"") && !str.contains(""y"")) + { + return false; + } + return true; +} +" +b951d11cdf296a566b49ec5297d6f12d5caef6f9,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() -1; i>= 0; i--) + { + if (str.charAt(i) == 'y') + y = true; + if (str.charAt(i) == 'x' && !y) + return false; + } + return true; +} +" +c480c70bdf74f00d46c960b138e8ba4f34a533d1,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') { + return false; + } + else if(ch == 'y') { + return true; + } + } + return true; +} +" +210a9e96f42f384a7ca2ffa4c51cfef60d582a1d,"public boolean xyBalance(String str) +{ + //look for an x from 0 to length + //then look for a y + //if see a y after x this good + //if see an x after y this bad + int countWant = 0; + int countNo = 0; + for (int x = 0; x < str.length(); x++) + for (int y = str.indexOf(x); y < str.length(); y++) + if (str.indexOf(x) << str.indexOf(y)) + countWant++; + if (str.indexOf(y) << str.indexOf(x)) + countNo++; + if (countNo == 0) + return true; + return false; +} +" +a94b82e438d18640bf1f46e546fd15137f927e22,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + { + return false; + } + else + { + if(ch == 'y') + { + return true; + } + } + } + + return true; +} +" +b4ce293871555f95b35d6bdc10479a39d7b13126,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + + if(ch == 'x') + { + return false; + } + else + { + if(ch == 'y') + { + return true; + } + } + } + + return true; +} +" +221ee9fa878e2fa1de6eb51c7005d93e90bda092,"public boolean xyBalance(String str) +{ + //look for an x from 0 to length + //then look for a y + //if see a y after x this good + //if see an x after y this bad + for (int lookX = 0; lookX < str.length(); lookX++) + int x = str.indexOf(charAt(lookX)); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + int y = str.indexOf(charAt(lookY)); + if (y > x) + return true; + else if (x < y) + return false; + return false; +} +" +63fb86a63ea265bd6f43c9db776464c7f4558c8b,"public boolean xyBalance(String str) +{ + //look for an x from 0 to length + //then look for a y + //if see a y after x this good + //if see an x after y this bad + for (int lookX = 0; lookX < str.length(); lookX++) + char x = str.charAt(lookX); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + char y = str.charAt(lookY); + if (str.indexOf(y) > x) + return true; + else if (x < str.indexOf(y)) + return false; + return false; +} +" +2f61613226c569633a174336ff686951c1af7b98,"public boolean xyBalance(String str) +{ + int xNum = 0; + int yNum = 0; + + for(int i=0; i= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +cd5134aba84dd27c3da832810ad8fef2b1fbaad8,"public boolean xyBalance(String str) { + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} +" +2e2b27d11c5c22743e9358b039ee63deeb910281,"public boolean xyBalance(String str) +{ + boolean ans = true; + for int (i=0;i= 0) + { + //System.out.println(Xs); + Xs = str.indexOf(""x"", Xs + 1); + } + int numX = Xs.length; + int Ys = str.indexOf(""y""); + while (Ys >= 0) + { + //System.out.println(Xs); + Ys = str.indexOf(""y"", Ys + 1); + } + int numY = Ys.length; + if (numX == numY) + { + return true; + } + else + { + return false; + } +}" +3e87cbba8b4d3caa874a6a3389b9c28a8acafc34,"public boolean xyBalance(String str) +{ + int findX = str.lastIndexOf(""x""); + int findY = str.lastIndexOf(""y""); + if (findX < findY) + { + return true; + } + else + { + return false; + } +} +" +cd51239d68a6a37179c2f95824170f3111cce571,"public boolean xyBalance(String str) +{ + int findX = str.lastIndexOf(""x""); + int findY = str.lastIndexOf(""y""); + boolean trueX = str.startsWith(""x"", findX); + return trueX; + if (findX < findY) + { + return true; + } + else + { + return false; + } +} +" +e5556dcf86408096ce44f523b9eaa2a9f83b1b17,"public boolean xyBalance(String str) +{ + int findX = str.lastIndexOf(""x""); + int findY = str.lastIndexOf(""y""); + boolean trueX = str.startsWith(""x"", findX); + if (trueX == false) + { + return false; + } + else if (findX < findY) + { + return true; + } + else + { + return false; + } +} +" +0d66e481782543dc6ba91dfbc264d1fb070ae707,"public boolean xyBalance(String str) +{ + int findX = str.lastIndexOf(""x""); + int findY = str.lastIndexOf(""y""); + boolean trueX = str.startsWith(""x"", findX); + if (trueX == false) + { + return true; + } + else if (findX < findY) + { + return true; + } + else + { + return false; + } +} +" +cbb69248a55e379fa5150f90b1524734a6fa6ea0,"public boolean xyBalance(String str) +{ + int allX = 0; + while ((allX = str.indexOf(""x"", allX)) != 1) + { + allX = allX + 1 + } +}" +fc61b22b1266f8ec088a5b47f80e98d1951c1f49,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + if (strA.endsWith(""y"")) + { + return true; + } + return false; +} +" +0a0d6587164b6516e00cd40342419f31e323f25e,"public boolean xyBalance(String str) +{ + int len = str.length(); + for(int i = 0; ixpos) + return true; +return false; +} +" +79fda71611a0a3d877aa6c94ddf1fec4579bdd83,"public boolean xyBalance(String str) +{ + int len = str.length(); + for(int i = 0; ixpos) + return true; +return false; +} +" +42fef452b9de01f3b020889a38f11a24b39add8e,"public boolean xyBalance(String str) +{ inr xpos, ypos; + int len = str.length(); + for(int i = 0; ixpos) + return true; +return false; +} +" +a16f972058631525fc85ec3c9caa7c02d1b171cf,"public boolean xyBalance(String str) +{ int xpos, ypos; + int len = str.length(); + for(int i = 0; ixpos) + return true; +return false; +} +" +443110b0eb758477acbeb02720ff8ad507d4e203,"public boolean xyBalance(String str) +{ int xpos, ypos; + int len = str.length(); + for(int i = 0; ixpos) + return true; + + } + + +return false; +} +" +c1664ff031d56905b67d4ad2ec397e5d2b5ca342,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; ixpos) + return true; + + } + + +return false; +} +" +6203e84e3df3b1db76aa85e9bcc25d6be9ce3a3a,"public boolean xyBalance(String str) +{ + int allX = 0; + while ((allX = str.indexOf(""x"", allX)) != 1) + { + allX = allX + 1; + } + int allY = 0; + while ((allY = str.indexOf(""y"", allY)) != 1) + { + allY = allY + 1; + } + + if (allX == allY) + { + return true; + } + else + { + return false; + } +}" +c7b99550f584438466400beae3b7fa4544ab2f11,"public boolean xyBalance(String str) +{ + int allX = 0; + while ((allX = str.indexOf(""x"", allX)) != 1) + { + allX = allX + 1; + } + int allY = 0; + while ((allY = str.indexOf(""y"", allY)) != 1) + { + allY = allY + 1; + } + + if (allX == allY) + { + return true; + } + else + { + return false; + } +}" +0d196d02e38dad7d4d5e64c35a4b290e7a0a186c,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; iypos) + return false; + else + return true; + + } + + +return false; +} +" +cde35194851afd56a51a9467ab9adbc672d1441e,"public boolean xyBalance(String str) +{ + int allX = 0; + while ((allX = str.indexOf(""x"", allX)) < str.length()) + { + allX = allX + 1; + } + int allY = 0; + while ((allY = str.indexOf(""y"", allY)) < str.length()) + { + allY = allY + 1; + } + + if (allX == allY) + { + return true; + } + else + { + return false; + } +}" +9f1e2f3ff61d67043d3085e1883ab94381eec632,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; ixpos) + return true; + + } + + +return false; +} +" +0e37462484656b228927812530bc63df853ece6e,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; ixpos) + return true; + + } + + +return false; +} +" +c6fa5b1a8016c21849acaaf33083a7e575ea5314,"public boolean xyBalance(String str) +{ + int allX = str.indexOf(""x""); + while (allX != -1) + { + allX = str.indexOf(""x"", allX + 1); + } + int allY = str.indexOf(""y""); + while (allY != -1) + { + allY = str.indexOf(""y"", allY + 1); + } + + if (allX == allY) + { + return true; + } + else + { + return false; + } +}" +4e73587b439af7506536dbb895f49731e72a5ba7,"public boolean xyBalance(String str) +{ + int allX = str.indexOf(""x""); + while (allX != 0) + { + allX = str.indexOf(""x"", allX + 1); + } + int allY = str.indexOf(""y""); + while (allY != 0) + { + allY = str.indexOf(""y"", allY + 1); + } + + if (allX == allY) + { + return true; + } + else + { + return false; + } +}" +16bfbe0a62572860d971c6272379a43666c839da,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; ixpos) + return true; + + + } + + +return false; +} +" +335a2dc35d7399b1005cf8912d0ad5ffa3bcc9d4,"public boolean xyBalance(String str) +{ + int allX = str.indexOf(""x""); + while (allX != -1) + { + allX = str.indexOf(""x"", allX + 1); + } + int allY = str.indexOf(""y""); + while (allY != -1) + { + allY = str.indexOf(""y"", allY + 1); + } + + if (allX == allY) + { + return true; + } + else + { + return false; + } +}" +3c1ff6edab6f341041671b261fe2b50459077509,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; ixpos) + return true; + else (i == len-1 && xpos == 0 && ypos == 0) + return true; + + + } + + +return false; +} +" +09f188c6b94666f4f29d518650f25008836db7ef,"public boolean xyBalance(String str) +{ int xpos=0; + int ypos=0; + int len = str.length(); + for(int i = 0; ixpos) + return true; + else if(i == len-1 && xpos == 0 && ypos == 0) + return true; + + + } + + +return false; +} +" +1cd9c163307fd9a20b9c2f8a1540ee10d1055541,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +cb8ef98c04ed00b598ab0427e122e501f960e1ad,"public boolean xyBalance(String str) +{ int xpos=-1; + int ypos=-1; + int len = str.length(); + for(int i = 0; ixpos) + return true; + else if(i == len-1 && xpos == -1 && ypos == -1) + return true; + + + } + + +return false; +} +" +4235a196cf27074115333e84985736314e69b015,"public boolean xyBalance(String str) +{ int xpos=-1; + int ypos=-1; + int len = str.length(); + for(int i = 0; ixpos) + return true; + else if(i == len-1 && xpos == -1 && ypos == -1) + return true; + + + } + +if(str.length() == 0) + return true; +return false; +} +" +0a67a4687f9d66ad12d930c229c7fac7e5cdfc8e,"public boolean xyBalance(String str) +{ int xpos=-1; + int ypos=-1; + int len = str.length(); + for(int i = 0; ixpos) + return true; + else if(i == len-1 && xpos == -1 && ypos == -1) + return true; + + + } + +if(str.length() == 0) + return true; +return false; +} +" +4f96e420ce5daefbaddd6b7dc60bafd37d674dea,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + if (strA.substring(i, i+1).equals(""y"") && !strA.substring(i+1,i+2).equals(""x"")) + { + return true; + } + else + { + return false; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +9b468622218ec78b35e6ea0e11cdb88e9664ef57,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf(""y""); + int lastX = str.lastIndexOf(""x""); + if (lastX < lastY) + { + return true; + } + else + { + return false; + } +}" +2589fc16a462adfad8d252976e0a43242c2c8111,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + if (strA.substring(i, i+1).equals(""y"") && !strA.substring(i+1,i+2).equals(""x"")) + { + return true; + } + else if (strA.substring(i, i+1).equals(""y"") && strA.substring(i+1,i+2).equals(""x"")) + { + return false; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +123a919feca9adb4e366df377aa8b45d81da206a,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf(""y""); + int lastX = str.lastIndexOf(""x""); + if (lastX < lastY) + { + return true; + } + else if (lastx == -1 || lasty > -1) + { + return true; + } + else + { + return false; + } +}" +34a082820011614047f40832d0edecdc10c68ecc,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf(""y""); + int lastX = str.lastIndexOf(""x""); + if (lastX < lastY) + { + return true; + } + else if (lastX == -1 || lastY > -1) + { + return true; + } + else + { + return false; + } +}" +ab788848bd5ea6654ac15009d02f49d1a44c3cfb,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + if (strA.substring(i, i+1).equals(""y"") && !strA.substring(i+1,i+2).equals(""x"") && !strA.substring(i+3,i+4).equals(""x"")) + { + return true; + } + else if (strA.substring(i, i+1).equals(""y"") && strA.substring(i+1,i+2).equals(""x"") strA.substring(i+3,i+4).equals(""x""))) + { + return false; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +43995cf74f9e1efc005c909a0c77d8498ef013c9,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf(""y""); + int lastX = str.lastIndexOf(""x""); + if (lastX < lastY) + { + return true; + } + else + { + return false; + } +}" +b3658d8b1bcbdecb32a39e9c0abd9ea517d83e38,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + if (strA.substring(i, i+1).equals(""y"") && !strA.substring(i+1,i+2).equals(""x"") && !strA.substring(i+3,i+4).equals(""x"")) + { + return true; + } + else if (strA.substring(i, i+1).equals(""y"") && strA.substring(i+1,i+2).equals(""x"") && strA.substring(i+3,i+4).equals(""x""))) + { + return false; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +9fe9d0c959d3e75c3ec0b28be75ddf132a156727,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + if (strA.substring(i, i+1).equals(""y"") && !strA.substring(i+1,i+2).equals(""x"") && !strA.substring(i+3,i+4).equals(""x"")) + { + return true; + } + else if (strA.substring(i, i+1).equals(""y"") && strA.substring(i+1,i+2).equals(""x"") && strA.substring(i+3,i+4).equals(""x"")) + { + return false; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +01844c5e2cf61d855ca3528adec68f01b11fa3c9,"public boolean xyBalance(String str) +{ + String strA = str; + int x = strA.length(); + int countX = 0; + if (strA.endsWith(""y"")) + { + return true; + } + for (int i = 0; i < x; i++) + { + if (strA.substring(i, i+1).equals(""x"")) + { + countX += 1; + } + if (strA.substring(i, i+1).equals(""y"") && !strA.substring(i+1,i+2).equals(""x"")) + { + return true; + } + else if (strA.substring(i, i+1).equals(""y"") && strA.substring(i+1,i+2).equals(""x"")) + { + return false; + } + } + if (countX == 0) + { + return true; + } + return false; +} +" +1b628c1c402a64ac82e92f814e92d501100a7795,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf(""y""); + int lastX = str.lastIndexOf(""x""); + if (lastX != -1 && lastY != -1) + { + if (lastX < lastY) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +}" +c539cdfbf25894b6af28f004233725a3854d5358,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf(""y""); + int lastX = str.lastIndexOf(""x""); + if (lastX != -1 || lastY != -1) + { + if (lastX < lastY) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +}" +8b297571aa2ccf28628aae22a6261fe42713c069,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char a; + + for(int i = length; i >= 0; i--) + { + ch = str.charAt(i); + if(a == 'x') + { + return false; + } + else if(a == 'y') + { + return true; + } + else + { + return false; + } + } + return true; +} +" +f7798a968c51d3e45a5222de32d3e6da26ea3a7b,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char a; + + for(int i = length; i >= 0; i--) + { + a = str.charAt(i); + if(a == 'x') + { + return false; + } + else if(a == 'y') + { + return true; + } + else + { + return false; + } + } + return true; +} +" +0b5390c66274ad413d3390bfa7145a7957b61c90,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char a; + + for(int i = length; i >= 0; i--) + { + a = str.charAt(i); + if(a == 'x') + { + return false; + } + else if(a == 'y') + { + return true; + } + // else + // { + // return false; + // } + } + return true; +} +" +ac689a3452190d68f8557e7165ac2ff58abbbfc0,"public boolean xyBalance(String str) +{ + return true; +} +" +e899a8bc9257dbf3438cc4b2e1a94d4b047b9904,"public boolean xyBalance(String str) +{ + boolean truth = false; + + for (int i = 0; i < str.length(); i++) + { + if (String.valueOf(str.charAt(i)).equals(""y"")) + { + truth = true; + } + if (String.valueOf(str.charAt(i)).equals(""x"")) + { + truth = false; + } + } + + return truth; +} +" +2d2f819072940f02400555e51fd7716b5dbf0fa7,"public boolean xyBalance(String str) +{ + boolean truth = true; + + for (int i = 0; i < str.length(); i++) + { + if (String.valueOf(str.charAt(i)).equals(""y"")) + { + truth = true; + } + if (String.valueOf(str.charAt(i)).equals(""x"")) + { + truth = false; + } + } + + return truth; +} +" +88a1f8778477b25df84a9e06cea6797ecc0a321a,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true) { + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; + +} +" +c1b238452db8cbc561bf74f86c0d8e94473f5a53,"public boolean xyBalance(String str) +{ + if(str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + { + return true; + } + else + { + return false; + } + /*for (int i = str.length(); i > 0; i--) + { + if () + }8*/ +} +" +8129e0fbab26e8b4756746792d470b8cd8af5faa,"public boolean xyBalance(String str) +{ + if((str.lastIndexOf(""y"") > str.lastIndexOf(""x""))) + { + return true; + } + else if (str.lastIndexOf(""y"") == -1 && str.lastIndexOf(""x"") == -1) + { + return true; + } + else + { + return false; + } + /*for (int i = str.length(); i > 0; i--) + { + if () + }8*/ +} +" +f94ae09e65e79321c556b91d0fcaa3a41f3dc8ef,"public boolean xyBalance(String str) +{ + return true; +} +" +52603485af2bb9a8c0bbccb332425c11c92d59b4,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + for (int i = 0; i < length; i ++) + { + + } +} +" +e69293f39a4f7decede6cf2a2e7893878a0baa2e,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + for (int i = a; i < length; i ++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +6f12e211443936be1d18eb346e90ca65d842e035,"public boolean xyBalance(String str) +{ + int length = str.length() - 2; + int a = str.lastIndexOf(""x""); + for (int i = a; i < length; i ++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +d6b4d0358643248ada6069f6a295dbe49a4791dd,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + for (int i = a; i < length; i ++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +c074a9fb9c4eeaa581743617bf7d27e62c028b22,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + for (int i = a; i < length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +70ab5b82631133c7f67586c211bd0785c8960c58,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + for (int i = a; i <= length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +bab9dea2962721390c35b733d53d6ca7cfb10862,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + if ( int a = str.lastIndexOf(""x"") = null){ + return false; + } + int a = str.lastIndexOf(""x""); + for (int i = a; i <= length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +d8c5d3ddb0011b55b3aa9a5c5c1d0c3ff10a0072,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + if (a = null) + { + return false; + } + for (int i = a; i <= length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +a59b5d0abfec7df3a2b00a8956d7db4b53e3c230,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()+1)==y) + return true; + else + return false; +} +" +d86d72dba4b5f698488871625826d6458d74fd9c,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + if ( a == null) + { + return false; + } + for (int i = a; i <= length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +edb3b8af78f980019c39befb320ff8e71b99d3a4,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()+1)==""y"") + return true; + else + return false; +} +" +42335a2a6a2a4cd30452ce9bc611bd66b3a9d4c2,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()+1)=='y') + return true; + else + return false; +} +" +90060872e573f12b238894f870a020867c910b55,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + for (int i = a; i <= length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +ea649662307ecdc7ac4c68d01ea4400348d34ab6,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length())=='y') + return true; + else + return false; +} +" +b3663fc786d75ed009918e0ade709e089b4e3bf5,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length())=='y') + return true; + else + return false; +} +" +40897f032038d8ad1bad13795c10d07e2eed22a5,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') + return true; + else + return false; +} +" +23c409642c1b255a19c566dd150555a7bd755856,"public boolean xyBalance(String str) +{ + if (str.length() < 2){ + return false; + } + int length = str.length() - 1; + int a = str.lastIndexOf(""x""); + for (int i = a; i <= length; i++) + { + if(str.charAt(i) == 'y'){ + return true; + } + } + return false; +} +" +5e1c66745f5d59061d8368b2c5bf10ec7d99e439,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""y""); + for (int i = length; i >= 0; i--) + { + if(str.charAt(i) == 'y'){ + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return false; +} +" +ace4ada285fd38c59b5a475a42e41dbd0e2cc599,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int a = str.lastIndexOf(""y""); + for (int i = length; i >= 0; i--) + { + if(str.charAt(i) == 'y'){ + return true; + } + else if (str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +49e7b4bf2fb1b0b48c85aab71916659d19122522,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char s; + for (int i = length; i >= 0; i--) + { + s = str.charAt(i); + if (s == 'x') + { + return false; + } + else if (s == 'y') + { + return true; + } + } + + return true; +} +" +5d542c2b00262b644dfa6f61bbd17d8a6422f5d4,"public boolean xyBalance(String str) +{ + int xC = 0; + int yC = 0; + + for(int i = 0; i < str.length(); i++) + { + if(str.substring(i,i+1).compareTo(""x"") == 0) + { + xC++; + } + else if(str.substring(i,i+1).compareTo(""y"") == 0) + { + yC++; + } + else + { + xC = xC + 0; + yC = yC + 0; + } + } + if(xC == yC) + { + return true; + } + else + { + return false; + } +} +" +565c0c50c86fa5fca6a1a0cf6c1854df3d7f5404,"public boolean xyBalance(String str) +{ + value = str.lastIndexOf(""y""); + if (value == str.length()) + { + return true; + } + else + { + return false; + } +} +" +a92eac0e8c42386ead14667ae0b918a39e69cd97,"public boolean xyBalance(String str) +{ + int value = str.lastIndexOf(""y""); + if (value == str.length()) + { + return true; + } + else + { + return false; + } +} +" +97f232270a3fa6571c097917eff3516ae9bd1546,"public boolean xyBalance(String str) +{ + int value = str.lastIndexOf(""y""); + if (value == str.length() - 1) + { + return true; + } + else + { + return false; + } +} +" +9c957b9208404d7d93f6960915e91a2e2ca93fa2,"public boolean xyBalance(String str) { + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +}" +51b8ce4faca0ce2f1489f7b427c7e7977475de4c,"public boolean xyBalance(String str) +{ + int ok = str.length() - 1; + char c; + for(int i = ok; i >= 0; i--) + { + c = str.charAt(i); + if(ch == 'x') + return false; + else if(c == 'y') + return true; + } + return true; +} + +" +42a94583f0f18593f26734ab4b30ef99a5d43598,"public boolean xyBalance(String str) +{ + int ok = str.length() - 1; + char c; + for(int i = ok; i >= 0; i--) + { + c = str.charAt(i); + if(c == 'x') + return false; + else if(c == 'y') + return true; + } + return true; +} + +" +fbea467ded15ca4bdee0ac82c0135b93e751c05f,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +7395811320382d3c5a3bf85d2816981fb3e6c956,"public boolean xyBalance(String str) +{ + return(str.endsWith(y)); +} +" +db956fbf4dc8890dd1a26e74fa679523d429dbf0,"public boolean xyBalance(String str) +{ + return(str.endsWith(""y"")); +} +" +9b718f616576e555b73da04fd4ecc1575e872992,"public boolean xyBalance(String str) +{ + if (!str.contains('x') && !str.contains('y')) + return true; + + return(str.endsWith(""y"")); +} +" +7fe4c1b26375b65454a0c62d0aaa8da0bab5627c,"public boolean xyBalance(String str) +{ + if (!str.contains(""x"") && !str.contains(""y"")) + return true; + + return(str.endsWith(""y"")); +} +" +65ab4113220402be70232de950284a7d39986729,"public boolean xyBalance(String str) +{ + boolean weGood = false; + if (!str.contains(""x"") && !str.contains(""y"")) + return true; + else if (str.endsWith('y')) + return true; + else + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + weGood = false; + else if (str.charAt(i) == 'y') + weGood = true; + } + return weGood; +} +" +fab26e33aaa9ee519f7f4420c079a5fb85ae3a7b,"public boolean xyBalance(String str) +{ + boolean weGood = false; + if (!str.contains(""x"") && !str.contains(""y"")) + return true; + else if (str.endsWith(""y"")) + return true; + else + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + weGood = false; + else if (str.charAt(i) == 'y') + weGood = true; + } + return weGood; +} +" +eb7df3aae82726d251ca3a6e137d80a7d4aeb449,"public boolean xyBalance(String str) +{ + return str.endsWith('y'); +} +" +162172d610eaadddc3324364595b9bf233083ad3,"public boolean xyBalance(String str) +{ + return str.endsWith(""y""); +} +" +2aa12ccf7d031a660fc86a1668b8c5aacf0d0c46,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0 + for (int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +15c4e9c0842daa741d77db94990193298ffc0688,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +b16fe37916efb50b16a32feb46ee7acb87a1ad07,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + return false; +} +" +f3e7095ec10944165c00d01de1aecb08669e2435,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length; i >= 0; i--) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + return false; +} +" +c04ee0282bc1ed79478be90963e4c82f959bb1af,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length(); i >= 0; i--) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + return false; +} +" +268b28f7557c611b94fe2b68395dc44e4112c3dd,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + return false; +} +" +8580ca854783aa1380f14cd82d1d61c7818b7306,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + if (y <= x) + { + return false; + } +} +" +f2afa9c97c79f916d12a5882bf13bab51e953b58,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + return false; +} +" +9a834a0b043d4893ee2b542fb0c07d27ce7a7a98,"public boolean xyBalance(String str) +{ + int count = 1; + for (int i = 0; i < str.length(); i++); + { + if (str.charAt(i) == 'x') + count = 0; + if (str.charAt(i) == 'y') + count = 1; + } + return count = 1; +} +" +991738490b84a59afc169ec6bb69b7356a601627,"public boolean xyBalance(String str) +{ + int count = 1; + int position = 0; + for (int i = 0; i < str.length(); i++); + { + poisition = i; + if (str.charAt(position) == 'x') + count = 0; + if (str.charAt(position) == 'y') + count = 1; + } + return count = 1; +} +" +ea7c094989bbfbf3aa8f6e2ebb340f44b129c01b,"public boolean xyBalance(String str) +{ + int count = 1; + char position; + for (int i = 0; i < str.length(); i++); + { + position = str.charAt(i); + if (position == 'x') + count = 0; + if (position == 'y') + count = 1; + } + return count = 1; +} +" +4c3d8f226c4ce27c086bd9b5dc6b4ea21af184d2,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (y >= x) + { + return true; + } + return false; +} +" +eec3b28394fdf34d94959f5b27d3bcb590bc286d,"public boolean xyBalance(String str) +{ + int count = 1; + char position; + for (int i = 0; i < str.length(); i++) + { + position = str.charAt(i); + if (position == 'x') + count = 0; + if (position == 'y') + count = 1; + } + return count = 1; +} +" +83db68947b4354341e703063003d0624da259205,"public boolean xyBalance(String str) +{ + int count = 1; + char position; + for (int i = 0; i < str.length(); i++) + { + position = str.charAt(i); + if (position == 'x') + count = 0; + if (position == 'y') + count = 1; + } + return count == 1; +} +" +5469289b3ac1549ca4d544c3573ae76ad957fa49,"public boolean xyBalance(String str) +{ + for (i=str.length()-1,i>=0,i--) + { + if (str.charAt(i)='y') + return true + } +" +f7b6874eb4ac6e7e844a886d82fb27effbac55f3,"public boolean xyBalance(String str) +{ + for (i=str.length()-1,i>=0,i--) + { + if (str.charAt(i)='y') + return true; + else + return false + } +" +d43aa45d154d556990f747a5dcd54b0d585b7a1e,"public boolean xyBalance(String str) +{ + for (i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)='y') + return true; + else + return false + } +" +87835575eb38f9189315e2eec4546767c8faa457,"public boolean xyBalance(String str) +{ + for (i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)='y') + return true; + else + return false; + } +" +8297d0ee7d5773367606a8ec4ff59304315bc9e6,"public boolean xyBalance(String str) +{ + for (i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)='y') + return true; + } + return false +} +" +b0e04bc28c2d9b4d6f80bc33a951d19564e3f7da,"public boolean xyBalance(String str) +{ + for (i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)='y') + return true; + } + return false; +} +" +8c523685785018a0173fa86baf72c79f5cca3f2f,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)='y') + return true; + } + return false; +} +" +267978181246e8d169f87890a3adb302aedc7ca4,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +c110bf8911ab585b032e0777d01be7f31b5ec987,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)=='y') + return true; + } + return false; +} +" +0860368ebbaced38a00e7b182df07a67ee4e2f1d,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x >= y && y != 0) + { + return true; + } + return false; +} +" +54da9573eda16792f66a3e75d1d2180b62dab818,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)=='x') + { + return false + } + else if (str.charAt(i)=='y') + return true; + } + return false; +} +" +9e9b2c3b58ebcf3d7f3285d6bc1a3c62412f2fd1,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x >= y && y != 0 && x !=0) + { + return true; + } + return false; +} +" +9a1c4bf431e6e4d42767f121c4936f1b56f117d0,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)=='x') + return false; + else if (str.charAt(i)=='y') + return true; + } + return false; +} +" +7bee739001c43d0fa8160687cc740292ce8c5f28,"public boolean xyBalance(String str) +{ + for (int i=str.length()-1;i>=0;i--) + { + if (str.charAt(i)=='x') + return false; + else if (str.charAt(i)=='y') + return true; + } + return true; +} +" +162b1a3c138e6ca3cf6fcb8ab222e900b62cb68a,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x >= y && y != 0) + { + return true; + } + return false; +} +" +f6e5bf2b2cf5a72e27b198900c7c469fc6e2e79f,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +50d718217bd9f63192bd43b39950d9b81a91a0d7,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x = 0) + { + return false; + } + if (x > y && y != 0) + { + return true; + } + return false; +} +" +ac50aa801ea61a245b708f549ef8808f0d7248ff,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x == 0) + { + return false; + } + if (x > y && y != 0) + { + return true; + } + return false; +} +" +c4a67be6faf67cb76ae2d8ba19b8c14a0b9c5e05,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x == 0) + { + return false; + } + if (x > y && y != 0) + { + return true; + } + return false; +} +" +9e5705e411ae75c223573a1e9f641e39d1c90375,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x == 0) + { + return false; + } + if (x >= y && y != 0) + { + return true; + } + return false; +} +" +dd53940d3abc1e58b92803be5b3eaafe499ee844,"public boolean xyBalance(String str) +{ + for(int i = 0; i< str.length()-1; i++) + { + char c = str.charAt(i); + char m = str.charAt(i+1); + if(c == 'x' && m == 'x') + { + for(int n = i+2; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + return true; + } + } + } + } + return false; +} +" +bb5e4364da3fb657e1b972a60b92896dc794963d,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length()-1; i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + return true; + } + } + } + } + if(countX == 0 && countY == 0) + { + return true; + } + if(countX <= countY) + { + return true; + } + return false; +} +" +2c18114ec06953df5ef90c8999c96cb823a9e787,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length()-1; i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + return true; + } + } + } + if(countX <= countY) + { + return true; + } + } + if(countX == 0 && countY == 0) + { + return true; + } + return false; +} +" +a795379c9e826d9ea3be5630da14c5f2af367416,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x') + { + return false; + } + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x == 0) + { + return false; + } + if (x >= y && y != 0) + { + return true; + } + return false; +} +" +2f590d0052cf0b8358c949cfd03e7361eb59f433,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length()-1; i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + return true; + } + } + } + } + if(countX == 0 && countY == 0) + { + return true; + } + if(countX <= countY) + { + return true; + } + return false; +} +" +4eaa9d8294fbbac57370175cd8c69e61aad44998,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(i) == ('x')) + { + x = x + 1; + } + if(str.charAt(i) == ('y')) + { + y = y + 1; + } + } + if (x == 0) + { + return false; + } + if (x >= y && y != 0) + { + return true; + } + return false; +} +" +a7de8f7d69be5b017d28387757d15c51cddacff6,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length()-1; i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + //return true; + } + } + } + } + if(countX == 0 && countY == 0) + { + return true; + } + if(countX <= countY) + { + return true; + } + return false; +} +" +342207e98d928ea66d9d0233ac97d8b99874f904,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length(); i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + //return true; + } + } + } + } + if(countX == 0 && countY == 0) + { + return true; + } + if(countX <= countY) + { + return true; + } + return false; +} +" +b4fc1bfeebe1dadec94fd2d15194f8deb8cdcac2,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(st.charAt(0) == ('y')) + { + return false; + } + } + return true; +" +88a20937d8161ab71e202635a337b1827232aa05,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(0) == ('y')) + { + return false; + } + } + return true; +" +ebccd88d77f96267da333de44799f62f28dbfe4d,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(0) == ('y')) + { + return false; + } + } + return true; +} +" +2a13f53c353274b1bc199587d5d208cc5424fb07,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(1) == ('y')) + { + return false; + } + } + return true; +} +" +fbd8c9eb0ab16cda426b130bc751fe799ffbc6f6,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + if(str.charAt(1) == ('y')) + { + return false; + } + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + } + return true; +} +" +3143bd598ef5a0bc073a4c41465a7abac7513476,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + if(str.charAt(0) == ('y')) + { + return false; + } + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + } + return true; +} +" +22f0ccf1959f08599d2895a2bf3a6bfd7860b68e,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + else(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +f1c3a9f128bcc48ee2117966e26fb1f9a32ce7ac,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + else if(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +251de8e5d00c15b3cdbe0d22c3fbcca7c4d573fc,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + if(str.charAt(0) == ('y')) + { + return false; + } + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + else if(str.charAt(i) == ('y')) + { + return true; + } + } +} +" +11af528c9adf3d27bc8ae14d0d89ad911065c68d,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length(); i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + //return true; + } + } + } + } + if(countX == 0 && countY == 0) + { + return true; + } + if(countX < countY) + { + return true; + } + return false; +} +" +66fa3e5aa902fb196540047404824a20e670b6aa,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + if(str.charAt(0) == ('y')) + { + return false; + } + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + else if(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +4c2c5118b81ff2fe2bc50791ec240346448ab278,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + for(int i = 0; i< str.length(); i++) + { + char c = str.charAt(i); + if(c == 'x') + { + countX = countX + 1; + for(int n = i+1; n < str.length(); n++) + { + char l = str.charAt(n); + if(l == 'y') + { + countY = countY + 1; + //return true; + } + } + } + } + if(countX == 0 && countY == 0) + { + return true; + } + if(countX <= countY) + { + return true; + } + return false; +} +" +68b04d56cc19d8648e8fb28a4c3960524a84cea7,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + else if(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +4c0b061346ee4a81b796b33dea84bf08ed9cc0af,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +5d13cf4db7399895ee5c73cd738fb8388cae8761,"public boolean xyBalance(String str) +{ + + for (int i = str.length()-1; i <= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +2b1497f15c79bdeaf5d548be5f41dd66d7d354e5,"public boolean xyBalance(String str) +{ + + for (int i = str.length()-1; i >= 0; i--) + { + if(str.charAt(i) == ('x')) + { + return false; + } + if(str.charAt(i) == ('y')) + { + return true; + } + } + return true; +} +" +c9cacb8a675501328a26757a1db79f0cd44a6ff3,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).equals(""x"")) { + a = a + 1; + } + else if (str.charAt(i).equals(""y"")) { + b = b + 1; + } + } + return a == b; +} +" +f8990221956fdafa413dd12e4fddcd3eab85242d,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + char d = str.charAt(i); + if (d.equals(""x"")) { + a = a + 1; + } + else if (d.equals(""y"")) { + b = b + 1; + } + } + return a == b; +} +" +3b916dd958335d5a373ea9d215e1e12b17b5d47d,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + char d = str.charAt(i); + if (d.isLetter(x) { + a = a + 1; + } + else if (d.isLetter(y)) { + b = b + 1; + } + } + return a == b; +} +" +f577fe66b89e813717b7d6a94cd4325fd32e7950,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + char d = str.charAt(i); + if (d.isLetter(x)) { + a = a + 1; + } + else if (d.isLetter(y)) { + b = b + 1; + } + } + return a == b; +} +" +407f2b2a97e63d895a93b969b6b567c3498019e6,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + char d = str.charAt(i); + if (d.isLetter(""x"")) { + a = a + 1; + } + else if (d.isLetter(y)) { + b = b + 1; + } + } + return a == b; +} +" +8c5ca6afa59b6137d5aa8312f5ceff4d5ac58c22,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + char d = str.charAt(i); + if (d == ch[x]) { + a = a + 1; + } + else if (d == ch[y]) { + b = b + 1; + } + } + return a == b; +} +" +6427ef1a33e1beed9b5601ccf3b27b2eb3dfa623,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + character d = str.charAt(i); + if (d == ch[x]) { + a = a + 1; + } + else if (d == ch[y]) { + b = b + 1; + } + } + return a == b; +} +" +a42f99cfcb180f05e8a05a717d5cecd3aadeeddd,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + String d = str.charAt(i); + if (d.equals(""x"")) { + a = a + 1; + } + else if (d.equals(""y"")) { + b = b + 1; + } + } + return a == b; +} +" +4b8eb1416340ae53f5aba29727b38f1daa99d606,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + else if (s.equals(""y"")) { + b = b + 1; + } + } + return a == b; +} +" +5d4b29efd43c7868629fe653c956d6f31dc5bdb4,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 1; i <= str.length(); i++) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + else if (s.equals(""y"")) { + b = b + 1; + } + } + return a == b; +} +" +1a7aa11ea6e73ae889caa00866dcdcfe9cc46785,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + for (int i = 0; i < str.length(); i++) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + else if (s.equals(""y"")) { + b = b + 1; + } + } + return a == b; +} +" +08e7e99fa7fbd2576e6c9a3cc0e19b670aeafd2b,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +}" +0cc66bba1e14821879d455f6fcfdbf94bb2f11ec,"public boolean xyBalance(String str) +{ + int len = str.length() - 3; + for (int i=0; i <= len; i ++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y') + return false; + } + return true; +} +" +016608d1f98bdf12cbb5d52ac3c451f5f399209c,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"") { + a = a + 1; + } + if (s.equals(""y"") && a = 0) { + return true; + } + } +} +" +4d0d475c1453d35d7a4083a28b572c6873bb1c6f,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + if (s.equals(""y"") && a = 0) { + return true; + } + } + return false; +} +" +c08e0f58242d2238da3bca9d2d38b99e02fba5fc,"public boolean xyBalance(String str) +{ + int len = str.length() - 3; + for (int i=0; i <= len; i ++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'x') + return false; + + } + return true; +} +" +8e19515e43ebb575a270fb0f6a1e9dbf8c97fb51,"public boolean xyBalance(String str) +{ + int len = str.length() - 3; + for (int i=0; i <= len; i ++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y') + return true; + + } + return false; +} +" +8eee2bacb1cfe856f96cc20768a80cdf00310055,"public boolean xyBalance(String str) +{ + int len = str.length() - 3; + for (int i=0; i <= len; i ++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) == 'y' && str.charAt(i + 2) == 'x') + return false; + + } + return true; +} +" +b38b2e89e47dc5c68e1bc4fe8eda82147988ca64,"public boolean xyBalance(String str) +{ + int len = str.length() - 3; + for (int i=0; i <= len; i ++) + { + if (str.charAt(i) == 'y' && str.charAt(i + 1) == 'x') + return false; + + } + return true; +} +" +84229a7bf694478524443b9846d826125c1148d3,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for (int i = len; i >= 0; i --) + { + if (str.charAt(i) == 'x') + { + return false; + + } + else if (str.charAt(i) == 'y') + { + return true; + } + + } + return true; +} +" +3f2bb8c61787380ec7bc40dc12e2508435fb0e2c,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +f2baeb4b6818984b219bb09f11bd8befcc36dd78,"public boolean xyBalance(String str) +{ + boolean y = true; +for(int i = 0; i < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""x"") && y) { +y = false; +} else if(Character.toString(str.charAt(i)).equals(""y"") && !y) { +y = true; +} +} +return y; +} +" +fd81297bebbf61d6eb6a228d15a7af25b876fa44,"public boolean xyBalance(String str) +{ + boolean result = true; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i + 1) == '.') + { + result = false; + } + } + + return result; +} +" +274356091d1761cdd5c6b853f2b827602d55cced,"public boolean xyBalance(String str) +{ + boolean result = true; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i + 1) == 'y') + { + result = false; + } + } + + return result; +} +" +447b39248273e3d4cbc748b7095e65c75b9924e8,"public boolean xyBalance(String str) +{ + boolean result = false; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i + 1) == 'y') + { + result = true; + } + } + + return result; +} +" +10c64a3048361d3161280cba7a92f7cf5aece5c1,"public boolean xyBalance(String str) +{ + return true +} +" +3601d24847c122751730108c6378ee7745932d57,"public boolean xyBalance(String str) +{ + return true; +} +" +275da789a1ce7626cfefea73e7fa28b66686a7dc,"public boolean xyBalance(String str) +{ + return(str.lastIndexOf(""x"")>str.indexOf(""y"")); + +} +" +6f4f68222edf069eccf6d03ebe7f45d3f18ca314,"public boolean xyBalance(String str) +{ + return(str.lastIndexOf(""x"")= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +}" +8ff839b4eb1882120fa44b476632721bfd56f685,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && !str.charAt(i) == 'y') + { + return true; + } + } + return false; +} +" +f5b0903621a0a410bea46bc58a7b86b58093fcb3,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length() - 2; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i) != 'y') + { + return true; + } + } + return false; +} +" +527df2fe0a2f925e178824eeea5def783ca3dac5,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i) != 'y') + { + return true; + } + } + return false; +} +" +d94a123e08acc8f6fc4535e1bf806fae3578dc50,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) != 'y') + { + return true; + } + } + return false; +} +" +08574431f69ad1c06a50e930cefdc8c29ff34c7a,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i + 1) != 'y') + { + return true; + } + } + return false; +} +" +b40805a23439d0745d99e2bbbbe07851f53ff857,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i - 1) == 'x' && str.charAt(i) != 'y') + { + return true; + } + } + return false; +} +" +32530c6fc7a8b9fb2aac521cf2cd02cebda73bf7,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i + 1) == 'x' && str.charAt(i) != 'y') + { + return true; + } + } + return false; +} +" +960b194baf1bf6f632a63e3b50ec7701cc111d5e,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.charAt(i) != 'y') + { + return true; + } + } + return false; +} +" +e6cb5a04e4f93284bbeeb3b0589ad702131048e0,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"") > str.lastIndexOf(""y"")) + { + return true; + } + else + { + return false; + } + +} +" +deff6e0e964051667435b0c7b83c7309509fd713,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + { + return true; + } + else + { + return false; + } + +} +" +f9f26a24aa410df1808863866c4169dfcd4896be,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"") && !str.contains(""x"")) + { + return false; + } + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + { + return true; + } + else + { + return false; + } + +} +" +b65af8971aee8e92bb1071a2938e1cddd39c8923,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"")) + { + return false; + } + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + { + return true; + } + else + { + return false; + } + +} +" +73bd0a5d999ac8d91594a82a76d664d64bd80f42,"public boolean xyBalance(String str) +{ + if (!str.contains(""y"") && !str.contains(""x"")) + { + return true; + } + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + { + return true; + } + else + { + return false; + } + +} +" +b23949e11f079ca11956a64c8f4111465a8460d9,"public boolean xyBalance(String str) +{ + return true; +} +" +ed68c381afebb23c44187408b5af8eb66be33410,"public boolean xyBalance(String str) +{ + int i = 0; + boolean res = true; + while (i < str.length()) + { + if (str.charAt(i) == 'x') + { + for (int j = i; j < str.length(); j++) + { + if (str.charAt(j) == 'y') + { + res = true; + break; + } + else + res = false; + } + + } + i++; + } + return res; +} +" +495b8caccf364283eff6dda6064ded55d7c3238c,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + + if (lastX == -1 && lastY == -1) + { + return true; + } + return (lastX > lastY); + +} +" +c6cc3a36ccf8c29df50e0cb87a70fbec22bd83df,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int b = str.length() - 1; b >= 0; b--) { + if(str.charAt(b) == 'y') + y = true; + + if(str.charAt(b) == 'x' && !y) + return false; + } + + return true; + +} +" +0bfd379e4a4f9e6580cd38b778d0ee21bcc8befb,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + y = true; + } + if (str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +a51ea3e3294e5b9bb7fc231268bf368e7b1736db,"public boolean xyBalance(String str) +{ + return true; +} +" +10ff67681098bcf4360fc9c0e3336109da8224bf,"public boolean xyBalance(String str) +{ + for (i=0; i0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + if (str.charAt(m) =='y') + { + return true; + } + } + return false; +} +" +73dd38319412100841319fc155a13aeed684f6d5,"public boolean xyBalance(String str) +{ + int i; + for (i=str.length(); i>0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + if (str.charAt(m) =='y') + { + return true; + } + } + return false; +} +" +cb31c56910492ec639912345a9732183bb8b7160,"public boolean xyBalance(String str) +{ + int i; + for (i=str.length(); i>0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + if (str.charAt(i) =='y') + { + return true; + } + } + return false; +} +" +8ccffb700a6b7078e77f53cb00699c446d1cbc4e,"public boolean xyBalance(String str) +{ + int i; + for (i=str.length()-1; i>=0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + if (str.charAt(i) =='y') + { + return true; + } + } + return true; +} +" +ca193af904c07c32e7187005aed917ba606f1d0b,"public boolean xyBalance(String str) +{ + int i; + int j; + + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i)=='x') + { + for (j = 0; j <= str.length(); j++) + { + if (str.charAt(j)=='y') + { + return true; + } + } + } + } + return false; +} +" +ee01f44c6e1e309a4124688ebd2d5c49ea607080,"public boolean xyBalance(String str) +{ + int i; + int j; + + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i)=='x') + { + for (j = 0; j <= str.length(); j++) + { + if (str.charAt(j)=='y') + { + return true; + } + else + { + return false; + } + } + } + } + return false; +} +" +a6918d8ece7f895cb5f58587170f25c846bcb0b8,"public boolean xyBalance(String str) +{ + int i; + int j; + + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i)=='x') + { + for (j = 0; j <= str.length(); j++) + { + if (str.charAt(j)=='y') + { + if (i < j) + { + return true; + } + } + } + } + } + return false; +} +" +26ac0c072be6087df2b465dce24985746095bc25,"public boolean xyBalance(String str) +{ + int i; + int j; + + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i)=='x') + { + for (j = 0; j <= str.length(); j++) + { + if (str.charAt(j)=='y') + { + if (i < j) + { + return true; + } + else + { + return false; + } + } + } + } + } + return false; +} +" +19e8d3a1041cf277caadcc1014a7eeb941949a12,"public boolean xyBalance(String str) +{ + int i; + int j; + + for (i = 0; i < str.length(); i++) + { + if (str.charAt(i)=='x') + { + for (j = 0; j <= str.length() + 1; j++) + { + if (str.charAt(j)=='y') + { + if (i < j) + { + return true; + } + else + { + return false; + } + } + } + } + } + return false; +} +" +247675f0faf25d207c10c9daac485685c7509397,"public boolean xyBalance(String str) +{ + int i; + int j; + + for (i = 0; i < str.length() + 1; i++) + { + if (str.charAt(i)=='x') + { + for (j = 0; j <= str.length() + 1; j++) + { + if (str.charAt(j)=='y') + { + if (i < j) + { + return true; + } + else + { + return false; + } + } + } + } + } + return false; +} +" +65b7af021daa994f72b24dfef384f9b618f62da0,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k; + for(int j = l; j > 0; j--) + { + if(ch == 'x') + { + return false; + } + if(ch == 'y') + { + return true; + } + } +} +" +4a622b379517312dc7c9f6e4aa7639685fd26e47,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k; + for(int j = l; j > 0; j--) + { + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } +} +" +0ef327b29bc90dedd7a26cf28088fc750fb0cb9c,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k == ''; + for(int j = l; j > 0; j--) + { + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } +} +" +cff85a2cebbaba83b5799978dac077aa82a959cd,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k = ''; + for(int j = l; j > 0; j--) + { + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } +} +" +fe4ca2f217ac80ad6bf4a62b861b87fc57b7a3d7,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k = 'x'; + for(int j = l; j > 0; j--) + { + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } +} +" +fa83284f0874b268b7e9f18f89f66a8eb88f710c,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len; len >= 0; i--) + { + if( str.charAt(i) == 'y') + { + i = -1 + return true; + + } + else if( str.charAt(i) == 'x') + { + i = -1 + return false; + + } + + + + } +} +" +8cfa366a823fcb1e94bfef1af4aa683962f8c10e,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len; len >= 0; i--) + { + if( str.charAt(i) == 'y') + { + i = -1; + return true; + + } + else if( str.charAt(i) == 'x') + { + i = -1; + return false; + + } + + + + } +} +" +96587d2a78e0c6853e5a0bf271320536df501a49,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len; len >= 0; i--) + { + if( str.charAt(i) == 'y') + { + i = -1; + return true; + + } + else if( str.charAt(i) == 'x') + { + i = -1; + return false; + + } + + + + } + return false; +} +" +208be7f74be6e79b7ebf2ba641cf4ba992f93e3b,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len-1; len >= 0; i--) + { + if( str.charAt(i) == 'y') + { + i = -1; + return true; + + } + else if( str.charAt(i) == 'x') + { + i = -1; + return false; + + } + + + + } + return false; +} +" +00b9f7acdee2c4270c7deaaefb347b69db9a2453,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len-1; len > 0; i--) + { + if( str.charAt(i) == 'y') + { + i = -1; + return true; + + } + else if( str.charAt(i) == 'x') + { + i = -1; + return false; + + } + + + + } + return false; +} +" +2aa30049ef6539d0d77237e4576433c5ecc9b750,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len-1; len > 0; i--) + { + if( str.charAt(i) == 'y') + { + i = -1; + return true; + + } + else if( str.charAt(i) == 'x') + { + i = -1; + return false; + + } + + + + + } + return true; +} +" +e4f500b5b844486a26251db94dbb0920eaee5764,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len-1; len >= 0; i--) + { + if( str.charAt(i) == 'y') + { +\ + return true; + + } + else if( str.charAt(i) == 'x') + { + + return false; + + } + + + + + } + return true; +} +" +1f2ebcf349cc84974a32062b9777a3e1dc4f1552,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len-1; len >= 0; i--) + { + if( str.charAt(i) == 'y') + { + + return true; + + } + else if( str.charAt(i) == 'x') + { + + return false; + + } + + + + + } + return true; +} +" +d70ee35a2109b18367e8331cc45efc44c0360ee5,"public boolean xyBalance(String str) +{ + int len = str.length(); + for (int i = len-1; i >= 0; i--) + { + if( str.charAt(i) == 'y') + { + return true; + } + else if( str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +f58ebfb4982fcbb42d34f89ec6fef11a221a1118,"public boolean xyBalance(String str) +{ + int y = 0; + int x = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + y++; + } + else if (str.charAt(i) == 'x') + { + x++; + } + } + return x == y; +} +" +1380213958566e49cf54f6c63342f6fedcbf2a70,"public boolean xyBalance(String str) +{ + int y = 0; + int x = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + y++; + } + else if (str.charAt(i) == 'x') + { + y = 0; + } + } + return y > 0; +} +" +bab4068488aeb6b92c1f7bc6fb05938ac4bdb0ad,"public boolean xyBalance(String str) +{ + int y = -1; + int x = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + y++; + } + else if (str.charAt(i) == 'x') + { + y = 0; + } + } + return (y > 0) || (y == -1); +} +" +eb3db3c3b8e49b9428d1e218d4eb54ac76768a13,"public boolean xyBalance(String str) +{ + int y = 0; + int x = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + y++; + } + else if (str.charAt(i) == 'x') + { + y = -1; + } + } + return (y > -1); +} +" +2253228e7134ed66873c2325e9f351f380187fbd,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for (int n = length; n >= 0; n--) + { + ch = str.charAt(n); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; +} +" +870a0007113ed073f3511cee779e740271b32b99,"public boolean xyBalance(String str) +{ + if(str.contains(""x"") && str.contains(""y"")) + { + if (str.indexOf(""y"") < str.indexOf(""x"")) + { + return false; + } + else + { + return true; + } + } + else if (str.contains(""x"")) + { + return false; + } + else + { + return true; + } +} +" +fff75bf11c127fc2ab9ea9bdb1d50cf6b73375bd,"public boolean xyBalance(String str) { + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +}" +94250f48f56a31fa2f12f2a4713dc653b671a619,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + if (s.equals(""y"")) { + if (a = 0) { + return true; + } + } + } + return false; +} +" +b7aa66e19f7e02c5278b91405bd8b5bbc4cd2880,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + if (s.equals(""y"")) { + if (a == 0) { + return true; + } + } + } + return false; +} +" +a5a1939cf502b22118e0d7328d28313b0da96af8,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.equals(""bbb"")) { + return true; + } + + if (str.equals("""")) { + return true; + } + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + if (s.equals(""y"")) { + if (a == 0) { + return true; + } + } + } + return false; +} +" +bca4f3c7dcc467a09748348277570985b475bb02,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} +" +8ba491585967edabb118786b2975bb4866e9106a,"public boolean xyBalance(String str) +{ + int xCounter = 0; + int yCounter = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + xCounter++; + } + else if (str.charAt(i) == 'y') + { + yCounter++; + } + } + return xCounter == yCounter; +} +" +5538b2b9e28a8a8def81ab5cb515f4ab031c88e1,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + { + if (str.charAt(i) == 'y' && str.substring(0, i).contains('x')) + { + return true; + } + else + { + return false; + } + } +} +" +bebeea059b987ca86e3932b794cbb7dda5827dfa,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y' && xFinder.contains('x')) + { + return true; + } + else + { + return false; + } + } +} +" +ca2de23e52258f27882e012b7214d19aac812763,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y')// && xFinder.contains('x')) + { + return true; + } + else + { + return false; + } + } +} +" +fdcbf9c6b82fa1f834650aa66bcf57750c86f276,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y')// && xFinder.contains('x')) + { + return true; + } + else + { + return false; + } + } + return xyBalance(str); +} +" +c42179ea2f2b51c82f47512889e17f9d63b07911,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y')// && xFinder.contains('x')) + { + return true; + } + else + { + return false; + } + } + return xyBalance(str); +} +" +a9df0d5accd5c86e3c3d0a8f13e75d660bdcbae8,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y' && xFinder.contains(""x"")) + { + return true; + } + else + { + return false; + } + } + return xyBalance(str); +} +" +b53eaa7d9e1e39945fac0cec10c0be3688543e79,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y' && xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + else + { + return false; + } + } + return xyBalance(str); +} +" +587e09314941da11a1626e9bc04a85d559c7fe38,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} +" +7e712ca01c6bfe87dac616cb5803c8f542e8c7e6,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + String xFinder = str.substring(0, i); + if (str.charAt(i) == 'y' && xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +75b1843d24cf947ccb2cfac27c0e8efbdd6dbca3,"public boolean xyBalance(String str) +{ + for (int 0; i < str.length; i++) + { + String yFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'x' && yFinder.contains(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +29469e21605588303b1e39c4310c54b72ef66d82,"public boolean xyBalance(String str) +{ + for (int 0; i < str.length(); i++) + { + String yFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'x' && yFinder.contains(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +79077ce6b614b893070d8156af9ba4d7584248d1,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + String yFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'x' && yFinder.contains(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +92963a16a9ffdd8443f4d2ad1a89f05c6ce6372e,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + String xFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'y' && !xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +19db32d8a4bedfc1b50aeeba5177877db5187139,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + String xFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'y' && !xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +d20e54d901391256d9fb4762d89eccbdd9bee0c9,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + String xFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'y' && !xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + else + { + return false; + } + } + return true; +} +" +d4b1c76e982de1916bd1d13a02cc7b3d31be543a,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + String xFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'y' && !xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +bf400d13f88730cda514f414439f2bff67993305,"public boolean xyBalance(String str) +{ + if (str.length() == 0) + { + return true; + } + for (int i = 0; i < str.length(); i++) + { + String xFinder = str.substring(i, str.length()); + if (str.charAt(i) == 'y' && !xFinder.contains(""x"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + } + return false; +} +" +031c45fe82551bb1a81a4bbc865f79999881ce31,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +c00d04b68e8e6b29ba06841a6449ae544171ce20,"public boolean xyBalance(String str) +{ + if (str.endsWith('x')) + { + return false; + } + else + { + return true; + } +} +" +1fd12377742e1116bf6b8a5c1038ec8b9825af7e,"public boolean xyBalance(String str) +{ + boolean balance = false; + + if (str.charAt(str.length() - 1) == 'y') + { + balance = true; + } + + return balance; +} +" +3eaf7f0e9938a06c66a427122cef809415ab29be,"public boolean xyBalance(String str) +{ + boolean balance = false; + + if (str.length() == 0) + { + balance = false; + } + else if (str.charAt(str.length() - 1) == 'y') + { + balance = true; + } + else + { + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + balance = true; + break; + } + else if (str.charAt(i) == 'x') + { + balance = false; + break; + } + else + { + balance = true; + } + } + + } + + return balance; +} +" +017fb9c16e4f6c462d3febd1940d19ba1db253e6,"public boolean xyBalance(String str) +{ + boolean balance = false; + + if (str.length() == 0) + { + balance = true; + } + else if (str.charAt(str.length() - 1) == 'y') + { + balance = true; + } + else + { + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + balance = true; + break; + } + else if (str.charAt(i) == 'x') + { + balance = false; + break; + } + else + { + balance = true; + } + } + + } + + return balance; +} +" +f891f79b2128d42477a41d5c9b80bd21df718b52,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + return false; + else if (ch == 'y') + return true; + } + return true; +} +" +291227d514e6c7df05d5e896df2412ae54152ff7,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} +" +ca863c47543ac1f35d0bc3c729489508906d8ec5,"public boolean xyBalance(String str) +{ + for (int i=str.length(); i>0, i--) + { + if (str.substring(i-3, i-2).equals(""x"") && (str.substring(i-2, + i-1).equals(""y"")) + { + return true; + } + + } + return false; + +} +" +ac7a088553fcd4f37ea7bb6a5785d16ebdb44e03,"public boolean xyBalance(String str) +{ + for(int i=str.length();i>0;i--) + { + if (str.substring(i-3, i-2).equals(""x"") && + (str.substring(i-2, i-1).equals(""y"")) + { + return true; + } + + } + return false; + +} +" +2ef5911c5aad0bc9d7e47b6a374c577f7dbd06ab,"public boolean xyBalance(String str) +{ + for(int i=str.length();i>0;i--) + { + if (str.substring(i-3, i-2).equals(""x"") && + str.substring(i-2, i-1).equals(""y"")) + { + return true; + } + + } + return false; + +} +" +a6eef62ab3226ba39b0ddb25757257b4e96d2140,"public boolean xyBalance(String str) +{ + //look for an x from 0 to length + //then look for a y + //if see a y after x this good + //if see an x after y this bad + for (int lookX = 0; lookX < str.length(); lookX++) + { + char x = str.charAt(lookX); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + { + char y = str.charAt(lookY); + if (str.indexOf(y) > x) + { + return true; + } + else if (x < str.indexOf(y)) + { + return false; + } + } + } + return false; +} +" +fdb8245cd1815d18932dd348a5de54f115f536fd,"public boolean xyBalance(String str) +{ + for (int lookX = 0; lookX < str.length(); lookX++) + { + char x = str.charAt(lookX); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + { + char y = str.charAt(lookY); + if (str.indexOf(y) > x) + { + return true; + } + else if (x > str.indexOf(y)) + { + return false; + } + } + } + return false; +} +" +1cb7782f53f4fa25497d3c74591c9c54a6654829,"public boolean xyBalance(String str) +{ + for(int i=str.length();i>0;i--) + { + if (str.substring(i-2, i-1).equals(""x"")) + { + int index1= i; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-2, i-1).equals(""y"")) + { + int index2= i; + } + } + return index1>index2; + +} +" +d7d54548338dc56550a8496c4bd9bd2adfd1fd9d,"public boolean xyBalance(String str) +{ + int good == 0; + int bad == 0; + + for (int lookX = 0; lookX < str.length(); lookX++) + { + char x = str.charAt(lookX); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + { + char y = str.charAt(lookY); + if (str.indexOf(y) > x) + { + good++; + } + else if (x > str.indexOf(y)) + { + bad++; + } + } + } + if (bad > 0) + { + return false; + } + return true; +} +" +6ac2ebe3ebe4a232aed1281ad3f1dbbf892523cb,"public boolean xyBalance(String str) +{ + int good = 0; + int bad = 0; + + for (int lookX = 0; lookX < str.length(); lookX++) + { + char x = str.charAt(lookX); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + { + char y = str.charAt(lookY); + if (str.indexOf(y) > x) + { + good++; + } + else if (x > str.indexOf(y)) + { + bad++; + } + } + } + if (bad > 0) + { + return false; + } + return true; +} +" +f8b6674912a20c420141ffdbc743ae162fdfbf2e,"public boolean xyBalance(String str) +{ + int index1=0; + int index2=0; + for(int i=str.length();i>0;i--) + { + if (str.substring(i-2, i-1).equals(""x"")) + { + index1= i; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-2, i-1).equals(""y"")) + { + index2= i; + } + } + return index1>index2; + +} +" +4fb7147b0bf83505f03a86853250e86431950ae4,"public boolean xyBalance(String str) +{ + int good = 0; + int bad = 0; + + for (int lookX = 0; lookX < str.length(); lookX++) + { + char x = str.charAt(lookX); + for (int lookY = str.indexOf(x); lookY < str.length(); lookY++) + { + char y = str.charAt(lookY); + if (str.indexOf(y) > str.indexOf(x)) + { + good++; + } + else if (str.indexOf(x) > str.indexOf(y)) + { + bad++; + } + } + } + if (bad > 0) + { + return false; + } + return true; +} +" +1ea3189c0e76fc78e90b40ea107d5f7321d1d626,"public boolean xyBalance(String str) +{ + int index1=0; + int index2=0; + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""x"")) + { + index1= i; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""y"")) + { + index2= i; + } + } + return index1>index2; + +} +" +28f2935660e82f0487765c13743b4282bb7ed2b6,"public boolean xyBalance(String str) +{ + int index1=0; + int index2=0; + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""x"")) + { + index1= i; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""y"")) + { + index2= i; + } + } + return index10;i--) + { + if (str.substring(i-1, i).equals(""x"")) + { + index1= i; + break; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""y"")) + { + index2= i; + break; + } + } + return index10;i--) + { + if (str.substring(i-1, i).equals(""x"")) + { + index1= i; + break; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""y"")) + { + index2= i; + break; + } + } + return index10;i--) + { + if (str.substring(i-1, i).equals(""x"")) + { + index1= i; + break; + } + } + for(int i=str.length();i>0;i--) + { + if (str.substring(i-1, i).equals(""y"")) + { + index2= i; + break; + } + } + return index1<=index2; + +} +" +0a9e26789ebf71e931c98437c2a32034ba4f58b0,"public boolean xyBalance(String str) +{ + boolean balanced = false; + int recentX = 0; + int recentY = 0; + int length = str.length(); + for (int i = 0; i < length(); i++) + { + if (str.charAt(i) = 'x') + { + recentX = i; + } + if (str.charAt(i) = 'y') + { + recentY = i; + } + } + if (recentY > recentX) + { + balanced = true; + } + return balanced; +} +" +cfdf3b0579a5fdcfe69dfe1eb5cdeb56e1a881de,"public boolean xyBalance(String str) +{ + boolean balanced = false; + int recentX = 0; + int recentY = 0; + int length = str.length(); + for (int i = 0; i < length; i++) + { + if (str.charAt(i) = 'x') + { + recentX = i; + } + if (str.charAt(i) = 'y') + { + recentY = i; + } + } + if (recentY > recentX) + { + balanced = true; + } + return balanced; +} +" +f3a5fff861fd842c23bc906e8970ac88a081cf59,"public boolean xyBalance(String str) +{ + boolean balanced = false; + int recentX = 0; + int recentY = 0; + int length = str.length(); + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + recentX = i; + } + if (str.charAt(i) == 'y') + { + recentY = i; + } + } + if (recentY > recentX) + { + balanced = true; + } + return balanced; +} +" +ae35f7fcd9d6887563d8e915e7e892bf27593df2,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int = str.string() - 1; i >=0; i--) + { + if (str.charAt(i) == 'y') + y = true; + if (str.charAt(i) == 'x' && !y) + return false; + } + return true; +} +" +fbd211946d6ce54ea956cbf5caf4e5ff516cd468,"public boolean xyBalance(String str) +{ + int n = str.lastIndexof(""x""); + int i = str.lastIndexof(""y""); + if (i > n) + return true; + else + return false; + +} +" +613c4bb23af643b25f83529f2806d7931234ffe3,"public boolean xyBalance(String str) +{ + boolean balanced = false; + int recentX = 0; + int recentY = 0; + int length = str.length(); + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + recentX = i + 1; + } + if (str.charAt(i) == 'y') + { + recentY = i + 1; + } + } + if (recentY > recentX) + { + balanced = true; + } + return balanced; +} +" +1d8c0dca3cb851cc913f972ed39e21c830467c3c,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.string() - 1; i >=0; i--) + { + if (str.charAt(i) == 'y') + y = true; + if (str.charAt(i) == 'x' && !y) + return false; + } + return true; +} +" +5fa02bf0ecf39397c7725cbe9751e3f62458213f,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >=0; i--) + { + if (str.charAt(i) == 'y') + y = true; + if (str.charAt(i) == 'x' && !y) + return false; + } + return true; +} +" +573c3384b20c56c8ff4442a341a4e83927e45947,"public boolean xyBalance(String str) +{ + boolean balanced = false; + int recentX = 0; + int recentY = 0; + int length = str.length(); + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + recentX = i + 1; + } + if (str.charAt(i) == 'y') + { + recentY = i + 1; + } + } + if (recentY > recentX) + { + balanced = true; + } + if (recentY == 0 && recentX == 0) + { + balanced = true; + } + return balanced; +} +" +39e43d793e8dceb98641a619e2e33cdf3adc01db,"public boolean xyBalance(String str) +{ + int n = str.lastIndexof('x'); + int i = str.lastIndexof('y'); + if (i > n) + return true; + else + return false; + +} +" +cc415a5f42ba51fa8e93bfe902b80cca08d382a0,"public boolean xyBalance(String str) +{ + int n = str.lastIndexOf('x'); + int i = str.lastIndexOf('y'); + if (i > n) + return true; + else + return false; + +} +" +f6c730b91cdf66a103f445164f06369105a8cd7e,"public boolean xyBalance(String str) +{ + int n = str.lastIndexOf('x'); + int i = str.lastIndexOf('y'); + if (i > n) + return true; + else + return false; + +} +" +3b7a44519c03c962125eaeae30af80863076fbff,"public boolean xyBalance(String str) +{ + int n = str.lastIndexOf('x'); + int i = str.lastIndexOf('y'); + if (i >= n) + return true; + else + return false; + +} +" +74ac2ddc6fbef4e66dc1e645346ed0d0921c5651,"public boolean xyBalance(String str) +{ + int n = str.lastIndexOf('x'); + int i = str.lastIndexOf('y'); + if (i >= n) + return true; + else + return false; + +} +" +2ae8d7c6d4eb448380adce87e7ee94c079db90ba,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +5ff19ab8f39982745f7edd9a9473186192517f29,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"") + { + return true; + } + else{ + boolean thing = false; + for (int i = 0, i=0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + if(ch == 'y') + return true; + } + return false; +} +" +be170e23516718384d76f4a2474ba157c76c7581,"public boolean xyBalance(String str) +{ + int length = str.length()-1; + char ch; + + for(int i = length; i >=0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + if(ch == 'y') + return true; + } + return false; +} +" +1e6227d01d3455d11590adb1869fb67e95562b9b,"public boolean xyBalance(String str) +{ + int length = str.length()-1; + char ch; + + for(int i = length; i >=0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + if(ch == 'y') + return true; + } + return true; +} +" +c06093a2c29fa0ac71a1218bee2d1d9362d2186c,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + if (str.charAt(i) == 'x') + return false; + if (str.charAt(i) == 'y') + return true; + return false; +} +" +f4530244bee5dc4732f323ed8d0d1285222cbc12,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + return false; +} +" +0582fc5dd2f566ef0d1e6f3f5906cd6fb77e65c3,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i > 0; i--) + if (str.charAt(i - 1) == 'x') + return false; + else if (str.charAt(i - 1) == 'y') + return true; + return false; +} +" +599dc022a2547657b559884a3a468d04e44a5219,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i > 0; i--) + if (str.charAt(i - 1) == 'x') + return false; + else if (str.charAt(i - 1) == 'y') + return true; + return true; +} +" +26c55cad41d0ea7159f9e36d8d00b25f62766545,"public boolean xyBalance(String str) +{ + if(str.contains(""x"")) + { + return true; + } + else + { + return false; + } +} +" +1b877c13681eeceaadb7c2f6f8f86a76fa6dbb7a,"public boolean xyBalance(String str) +{ + if(str.contains(""x"")) + { + while(str.contains(""x"")) + { + str = str.substring(1); + } + if(str.contains(""y"") + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +85208ef255ad7e1b080f878f0ddeae7654d02554,"public boolean xyBalance(String str) +{ + if(str.contains(""x"")) + { + while(str.contains(""x"")) + { + str = str.substring(1); + } + if(str.contains(""y"")) + { + return true; + } + else + { + return false; + } + } + else + { + return true; + } +} +" +9c5b8e91c0772ad842200ed89e8f4fc332df0cda,"public boolean xyBalance(String str) +{ + int length = str.length(); + int xnum = 0; + int ynum = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + xnum = xnum + 1; + } + else if (str.charAt(i) == 'y') + { + ynum = ynum + 1; + } + } + if (ynum == xnum) + { + return true; + } + else + { + return false; + } +} +" +f8eb3ea3888d1dde9177ce0e115c0f2877b0e548,"public boolean xyBalance(String str) +{ + int length = str.length() - 2; + int xnum = 0; + int ynum = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + xnum = xnum + 1; + } + else if (str.charAt(i) == 'y') + { + ynum = ynum + 1; + } + } + if (ynum == xnum) + { + return true; + } + else + { + return false; + } +} +" +dc9126b7db6542a848a656aa546a8d8dd2b84a73,"public boolean xyBalance(String str) +{ + int length = str.length() - 2; + int xnum = 0; + int ynum = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + xnum = xnum + 1; + } + if (str.charAt(i) == 'y') + { + ynum = ynum + 1; + } + } + if (ynum == xnum) + { + return true; + } + else + { + return false; + } +} +" +556ee5d93f1430a27e62a69a70769d796b58b0e6,"public boolean xyBalance(String str) +{ + int length = str.length() - 2; + int xnum = 0; + int ynum = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + xnum = xnum + 1; + } + if (str.charAt(i) == 'y') + { + ynum = ynum + 1; + } + } + if (ynum == xnum) + { + return true; + } + else + { + return false; + } +} +" +92e2c7db539611643d15e879f2157e4a51220854,"public boolean xyBalance(String str) +{ + if (str.contains('x')) + { + return str.charAt(); + } +} +" +e5fef3e9c965ede9181ce5e4379532753093520a,"public boolean xyBalance(String str) +{ + if (str.contains('x')) + { + int xspot = str.charAt(); + } +} +" +ebf1ee4ed96f6759f36e4d523cca2ba739e1be2d,"public boolean xyBalance(String str) +{ + if (str.contains('x')) + { + int xspot = str.charAt(); + } +} +" +e7b3f2d33fcd0c88de0763767d2d54cfe729fca9,"public boolean xyBalance(String str) +{ + if (str.contains('x')) + { + int xspot = str.charAt('x'); + } +} +" +76e71623b23d1ea04e9d84cc94eb9141798a687c,"public boolean xyBalance(String str) +{ + if (str.contains('x') && str.contains('y')) + { + return true; + } +} +" +197c0cb17a073bc82eb4e2a82341df9a8f7b92ad,"public boolean xyBalance(String str) +{ + if (str.contains('x') && str.contains('y')) + { + return true; + } + return false; +} +" +f817f4a8d1749d965a5cc5467505e6ffb43b663e,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + if (str.contains('x') && str.contains('y')) + { + return true; + } + return false; +} +" +61f241ddb418ed799ec84ff4f83c5a6714ab5322,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + if (str.contains('x') && str.contains('y')) + { + return true; + } + return false; +} +" +14bae45e226cf80e5a5d823493bf787de23fd8af,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x'&& str.contains('y')) + { + return true; + } + return false; + } +} +" +8ba3d1d61370fa9b95eb8aa0b62e6d4bdc897792,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + return true; + } + return false; + } +} +" +84451765e918a3cb05e37218323e8a7bd79052b3,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + return true; + } + return false; + } + return false; +} +" +5dbc9c06910f26917ece226580e7e97706dafc15,"public boolean xyBalance(String str) +{ + boolean check = false; + + int indexX = str.lastIndexOf(""x""); + int indexY = str.lastIndexOf(""y""); + + if (indexY == -1 && indexX != -1) + { + check = false; + } + else + { + if (indexY > indexX) + { + check = true; + } + else + { + check = false; + } + } + + return check; +} +" +f6c2b89ba0937321c6f2673459b4ddec23719286,"public boolean xyBalance(String str) +{ + boolean check = false; + + int indexX = str.lastIndexOf(""x""); + int indexY = str.lastIndexOf(""y""); + + if (indexY == -1 && indexX != -1) + { + check = false; + } + else + { + if (indexY >= indexX) + { + check = true; + } + else + { + check = false; + } + } + + return check; +} +" +cab92d00b3188a53a00bba0ace9ffbfd0078d4d5,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + return false; + } + return false; +} +" +9a3d01ad02b46776090f4b3dab5d4dc73adcc745,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + + } + return false; +} +" +f31130e5ee454e9537e33027e6c86d2cc909237e,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + + } + return true; +} +" +5e181e1f55705880e790bc9c1e57ea4a12c8b88e,"public boolean xyBalance(String str) +{ + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} +" +7d9703066af4428a6261fb4ba888d3766a7b6da2,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + else if (str.startsWith(""y"")) + { + return false; + } + + } + return true; +} +" +91967c1007a075153f2acaac75ee7d1ca83470bf,"public boolean xyBalance(String str) +{ + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false){ + y = true; + } + return y; +} +" +ebf81dc7978ef7e3e3483fb49ece9f142d17a3ee,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") && str.contains (""y"")) + { + return true; + } + return false; +} +" +9d3362dadd0cbba3a6c2807ea0b4d63ad20bf588,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") && str.contains (""y"")) + { + return true; + if (str.startsWith(""y"")) + { + return false; + } + + } + return false; +} +" +f23009d8cafcae7a03d725ef5ab5c2f879c844d6,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") && str.contains(""y"")) + { + return true; + if (str.startsWith('y')) + { + return false; + } + + } + return false; +} +" +30ef5d9ae6cd1043498a8e171fb08c0a6322b7bb,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") && str.contains(""y"")) + { + return true; + if (str.startsWith(""y"")) + { + return false; + } + + } + return false; +} +" +ef4300c89e1fea0a07c96efd4ae8272651999a70,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + else if (str.starsWith(""y"")) + { + return false; + } + + } + return true; +} +" +fb20085d8953f4a02b1100c0d36f4fb7081aabbe,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + else if (str.startsWith(""y"")) + { + return false; + } + + } + return true; +} +" +ee13d167e1f36ccfc594ee6f6c620ec80acef9e8,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +e16cb327117de746f87cdae1d1e5d7bf854b8dec,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + + if (str.startsWith(""y"")) + { + return false; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + } + return true; +} +" +cdfd1b530ac03f839df50ab75ea772853380d032,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.startsWith(""y"")) + { + return false; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + } + return false; +} +" +1fbff6cc29f93bcfc7042665fd5396ac9273fc7a,"public boolean xyBalance(String str) +{ + if (str.startsWith(""x"") && str.endsWith(""x"")) + { + return false; + } + else + { + return true; + } +} +" +08affaa726e83bd61db1a7c7736700efa21cd913,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.startsWith(""y"")) + { + return false; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + else if !(str.contains(""x"")) + { + return false; + } + } + return false; +} +" +eca8c82b146bbdcc5b962ea5fa9cad2aeef4235f,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.startsWith(""y"")) + { + return false; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return false; + } + } + return false; +} +" +01c6a6aaa97ee29d5b4b8b5a67fdbf9084fc10c4,"public boolean xyBalance(String str) +{ + int xs = 0; + int ys = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + xs++; + } + else if (str.charAt(i) == 'y') + { + ys++; + } + } + if (xs > ys) + { + return false; + } + return true; +} +" +bc66852ab4060f0b7b8ed2f0d527d5ec72d937dc,"public boolean xyBalance(String str) +{ + int xs = 0; + int ys = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + xs++; + } + else if (str.charAt(i) == 'y') + { + ys++; + } + } + if (xs > ys) + { + return false; + } + else if (str.startsWith(""y"")) + { + return false; + } + return true; +} +" +11c8470da208f996695b6348cc3146d78eef8d48,"public boolean xyBalance(String str) +{ + int xs = 0; + int ys = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + xs++; + } + else if (str.charAt(i) == 'y') + { + ys++; + } + } + if (xs > ys) + { + return true; + } + else if (str.startsWith(""y"")) + { + return false; + } + return true; +} +" +61ca6dba41879bd8c1a8d0d745f98f02d78a4793,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.startsWith(""y"")) + { + return false; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return false; + } + } + return true; +} +" +e231b986b3979a01beb2a8dcfcd641bf6d9c6f78,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.startsWith(""y"")) + { + return false; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + } + return true; +} +" +9ca5df45ab9ae8b6210b50e9dfe03580af862f17,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.startsWith(""y"")) + { + return true; + } + else if (str.charAt(i) == 'x' && str.contains(""y"")) + { + return true; + } + } + return true; +} +" +7b3a982a3fd4bdf19a5bc28298f821ff5e62f34d,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) + { + return true; + } + return (lastX > lastY); + +} +" +fd720c49dca6238235b6b4a320be7b3cd856c642,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + { + return true; + } + else + { + return false; + } + +} +" +829e3a1ee13be8bdb06db73316afdf287865bde2,"public boolean xyBalance(String str) +{ + int length = str.length() - 3; + int xnum = 0; + int ynum = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + xnum = xnum + 1; + } + if (str.charAt(i) == 'y') + { + ynum = ynum + 1; + } + } + if (ynum == xnum) + { + return true; + } + else + { + return false; + } +} +" +f68ff368c69a86ba782ce7b247d7d4a6f4558978,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int x = str.lastIndexOf(""x""); + boolean answer = false; + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } +} +" +2579aeafa2d441de2f145ceabcd6e76562ee36da,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + int x = str.lastIndexOf(""x""); + boolean answer = false; + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } + return answer; +} +" +146092766ca3ed438d49caca902c236bf4dc7210,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = str.lastIndexOf(""x""); + boolean answer = false; + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } + return answer; +} +" +e50bd5a59daa3db9e1979d3f348e36133f96b1ae,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = str.lastIndexOf(""x""); + boolean answer = false; + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } + if (x == -1) + { + answer = false; + } + return answer; +} +" +e2e0ff19ca1fde75eabb5410918713ffb5850049,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = str.lastIndexOf(""x""); + boolean answer = false; + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } + return answer; +} +" +4c48137227d504d6dd36adf59a0f6c3125bb2b3f,"public boolean xyBalance(String str) +{ + int value = str.lastIndexOf(""x""); + int length = str.length(); + Boolean answer = false; + for (int x = value; x < length, x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer +} +" +2624134be8c050782373c0e97718657565cbbd37,"public boolean xyBalance(String str) +{ + int value = str.lastIndexOf(""x""); + int length = str.length(); + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer +} +" +c32875b61aa14890d1aaf9f296f5afacb08eae0b,"public boolean xyBalance(String str) +{ + int value = str.lastIndexOf(""x""); + int length = str.length(); + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +309cfa42c054c66184cbf22242aff9a4dd3a5f78,"public boolean xyBalance(String str) +{ + int length = str.length(); + //int x = str.lastIndexOf(""x""); + boolean answer = false; + for (int c = 0; c < length; c++) + { + if (str.charAt(c) == 'x') + { + int x = str.lastIndexOf(""x""); + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } + } + } + return answer; +} +" +fdb0f45715d7e2bb521c389259890c568ff2448f,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean run = false; + int value = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(x) == 'x') + { + run = true; + value = str.lastIndexOf(""x""); + } + else + { + value = length; + } + } + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +2fd8e991801594826e393101c058cc9eee42f0e9,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean run = false; + int value = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + run = true; + value = str.lastIndexOf(""x""); + } + else + { + value = length; + } + } + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +790c976786ba5bd29c37669abc50d6c401f0350d,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length = 0) + { + return true; + } + else if (lastX != length + 1) + { + if (lastX + 1 = lastY) + { + return true; + } + else + { + return false; + } + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (str.endsWith(""x"")) + { + return false; + } + else + { + return false; + } + +} +" +56439f017e75192752967ec4db46a11befcfed4e,"public boolean xyBalance(String str) +{ + int length = str.length(); + boolean answer = true; + for (int c = 0; c < length; c++) + { + if (str.charAt(c) == 'x') + { + int x = str.lastIndexOf(""x""); + for (int i = x; i < length; i++) + { + if (str.charAt(i) != 'y') + { + answer = false; + } + } + } + } + return answer; +} +" +511c615919e4dffbfcc0d14b0d8a7850bf38154e,"public boolean xyBalance(String str) +{ + int length = str.length(); + boolean answer = false; + for (int c = 0; c < length; c++) + { + if (str.charAt(c) == 'x') + { + int x = str.lastIndexOf(""x""); + for (int i = x; i < length; i++) + { + if (str.charAt(i) == 'y') + { + answer = true; + } + } + } + } + return answer; +} +" +12f717cf91972228cf86ccc75092cee647e84c1b,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (str.endsWith(""x"")) + { + return false; + } + else + { + return false; + } + +} +" +5e97a14342f6cc8ada85e06659ab5994bcc1d295,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean run = false; + int value = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + run = true; + } + } + if (run = true) + { + value = str.lastIndexOf(""x""); + } + else + { + value = length; + } + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +fc58d912128366666f593c4547d9cd6e2befbadd,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else if (str.endsWith(""x"")) + { + return false; + } + else + { + return false; + } + +} +" +68635f37b6ba1ce7c14415ff9f67ad27a17d6d83,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean run = false; + int value = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + run = true; + } + } + if (run = true) + { + value = str.lastIndexOf(""x""); + } + else + { + value = length - 1; + } + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +c4351dde1ed74e01b4fe9a203f4cc6c558cded96,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else if (str.endsWith(""x"")) + { + return false; + } + else + { + return true; + } + +} +" +dc7bfb92e8e4a847873d3cb82430284fa6c79dc1,"public boolean xyBalance(String str) +{ + boolean y = false; + + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + { + y = true; + } + + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + + return true; +} +" +3013cd5d02e9cfacb15abb98e5b24758a8dad83d,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else if (str.endsWith(""x"")) + { + return false; + } + else if (lastX == -1) + { + return true; + } + +} +" +bf5e9cc67f53892fb329b797b861afb04384aa9c,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (str.endsWith(""x"")) + { + return false; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else if (lastX == -1) + { + return true; + } +} +" +711a0b3aa4e750c5f13c6f0b8ff477efccf050ef,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean run = false; + int value = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + run = true; + } + } + if (run = true) + { + value = str.lastIndexOf(""x""); + } + else + { + value = length; + answer = true; + } + Boolean answer = false; + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +4cfd6a9802d412e9186137922962a39b72e76c64,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +}" +f70ec7f37ac21c4719c6014abae40dbc0d466253,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean run = false; + int value = 0; + Boolean answer = false; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + run = true; + } + } + if (run = true) + { + value = str.lastIndexOf(""x""); + } + else + { + value = length; + answer = true; + } + for (int x = value; x < length; x++) + { + if (str.charAt(x) == 'y') + { + answer = true; + } + } + return answer; +} +" +0d976a1067bbd5669a72baa45c6f66f47937896f,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (str.endsWith(""x"")) + { + return false; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else if (lastX == -1) + { + return true; + } + else + { + return false; + } +} +" +a46110eadd141cad4384258f9fc2f9ebadb21013,"public boolean xyBalance(String str) +{ + int lastY = str.lastIndexOf ('y'); + int lastX = str.lastIndexOf ('x'); + int length = str.length(); + + if (length == 0) + { + return true; + } + else if (str.endsWith(""y"")) + { + return true; + } + else if (str.endsWith(""x"")) + { + return false; + } + else if (lastX == -1) + { + return true; + } + else if (lastX != length + 1) + { + if (lastX + 1 == lastY) + { + return true; + } + else + { + return false; + } + } + else + { + return false; + } +} +" +615dd740e1b2b8d0c0eea00e6b666dbc40f2ee49,"public boolean xyBalance(String str) +{ + boolean result = false; + int a = str.length(); + + for( int y = a - 1; y >= 0; y--) + { + if ( str.charAt(y) == ""x"" && result == false) + { + return false; + } + else + { + result = true; + } + } + + return true; +} +" +a128dba27cfd46119764d4d56281e7deb4040d39,"public boolean xyBalance(String str) +{ + boolean result = false; + int a = str.length(); + + for( int y = a - 1; y >= 0; y--) + { + if ( str.charAt(y) == 'x' && result == false) + { + return false; + } + else + { + result = true; + } + } + + return true; +} +" +039f1e78767bf430c42ebc3376b504582772ffb3,"public boolean xyBalance(String str) +{ + if (str.endsWith('x')) + { + return false; + } +} +" +1d1c50175d39b016f5c64c19853ed595af5b2a5e,"public boolean xyBalance(String str) +{ + char c = 'y'; + if (str.endsWith(c)) + { + return true; + } + else + { + return false; + } +} +" +d7fcc18b9977e6d2a64432316c83d281b6c3c13e,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } +} +" +dc70ab59998ab1a803c1064f1555515862875194,"public boolean xyBalance(String str) +{ + boolean result = false; + int a = str.length(); + + for( int y = a - 1; y >= 0; y--) + { + if ( str.charAt(y) == 'x' && result == false) + { + return false; + } + else if (str.charAt(y) = 'y') + { + result = true; + } + } + + return true; +} +" +9fac025ab5dc8de7086d33fed774478b6771136a,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } + return true; +} +" +92bbb576d5fcde6dd07db459163e737db5df9dda,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } + return true; +} +" +3dc1a0cd6e4362417696b590f67ee1f635919fcb,"public boolean xyBalance(String str) +{ + + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +ea69555cd52ba4d1193b276e8644310d34a6c75a,"public boolean xyBalance(String str) +{ + boolean result = false; + int a = str.length(); + + for( int y = a - 1; y >= 0; y--) + { + if ( str.charAt(y) == 'x' && result == false) + { + return false; + } + else if (str.charAt(y) == 'y') + { + result = true; + } + } + + return true; +} +" +054b712aa4f7753f68518fdf3769a6ff47607ded,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +a7c5eaf0ae1493294e6488c2d291e74e84909dc2,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for(int i = 0; i < len; i++) + { + if (str.char(i) == ""x"" && str.char(i+1) == ""y"") + { + return true; + } + } + return false; + //if (str.endsWith(""x"")) + //{ + // return false; + // +} +" +9e3cebd87f17bf54e51f62335e42f287a5e72a6b,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for(int i = 0; i < len; i++) + { + if (str.char(i) == 'x' && str.char(i+1) == 'y') + { + return true; + } + } + return false; + //if (str.endsWith(""x"")) + //{ + // return false; + // +} +" +79f67846e3cd97eb3dae8d5f56f76a10b20d70c5,"public boolean xyBalance(String str) +{ + int len = str.length(); + + for(int i = 0; i < len; i++) + { + if (str.char(i) == ""x"" && str.char(i+1) == ""y"")) + { + return true; + } + } + return false; + //if (str.endsWith(""x"")) + //{ + // return false; + // +} +" +140d77f965251195abf59596b745e3307912a36f,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == ""x"") + { + return false; + } + else if (ch == ""y"") + { + return true; + } + } + return true; +} + +" +27acb4db24203bd367718b51193e7d2bf9614f60,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; +} + +" +bd89fefb44bdb04c0c644d5c0777403d5ef5673c,"public boolean xyBalance(String str) +{ + int index = str.lastIndexOf(""x""); + int indexx = str.lastIndexOf(""y""); + if (index > indexx) + { + return false; + } + else + { + return true; + } +} +" +dd254901579b26040508c6a76fa293e214517d39,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +74ffcdae2319beb1537537eb7ba2f4706b548f92,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + +return true; +} +" +c24850b8f26ff18f1cc589349848050f18bfeda3,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + else + { + break; + } + } + else + { + break; + } + } + return x; +} +" +c2249df34f1f30d9b039c14f4a6782acc091eb04,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() < 3) + { + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + else + { + break; + } + } + if (str.length() == 0) + { + x = true; + break; + } + else + { + break; + } + } + return x; +} +" +e92759902ffc245e5c4afa9be0748a582db3d738,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.length() == 0) + { + x = true; + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + else + { + break; + } + } + else + { + break; + } + } + return x; +} +" +0484d99d686293481d5f0171a8cf5c78703696d8,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(0).equals("""")) + { + x = true; + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + else + { + break; + } + } + else + { + break; + } + } + return x; +} +" +9e35a1600f01fe5e2a1cc005747e8dd2e14fe53d,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(1).equals("""")) + { + x = true; + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + else + { + break; + } + } + else + { + break; + } + } + return x; +} +" +8815d4604c38c5b9198d2248ab29b4b9d096395f,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(1).equals("""")) + { + x = true; + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + else + { + break; + } + } + else + { + break; + } + } + return x; +} +" +393dd7199a48a34c40a68dbe9a12c9ebc53c3e95,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +2e4029ae752e72fd47bfe577e9e967cf86f43cda,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 1; + int z = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + z++; + } + if (j == 0 && z <= 1) + { + break; + } + } + return x; +} +" +957666cd2c4221bd723e1cf8c38d7be562406694,"public boolean xyBalance(String str) +{ + int l = str.length()-1; + char c; + for(int i = l; i >= 0; i--) + { + c = str.charAt(i); + if(c == 'x') + return false; + else if(c == 'y') + return true; + } + return true; +} +" +d50acb5c9505f1e8f266187cfd76dd057cc6754b,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + char b; + for(int i = a; i >= 0; i--) + { + b = str.charAt(i); + if(b == 'x') + return false; + else if(b == 'y') + return true; + } + return true; +} +" +3cbb321db11c66103cf5feb63b452b3232b00391,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char chr; + for (int 1 = length; i >= 0; i--) + { + chr = str.charAt(i); + if (chr == ""x"") + return false; + else if (chr == ""y"") + return true; + } + return true; +} +" +1c6fe9bb311451c8461c422f0c570f53ad178a4f,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + j++; + } + if (str.substring(i,i+1).equals(""y"")) + { + if (j >= 1) + { + x = true; + j = 0; + } + + } + } + return x; +} +" +7eec08e33f3a3d9bc579d30830dcffee3f0b3766,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char chr; + for (int i = length; i >= 0; i--) + { + chr = str.charAt(i); + if (chr == ""x"") + return false; + else if (chr == ""y"") + return true; + } + return true; +} +" +f3773af467289f02814703ff7b728d510f0cd287,"public boolean xyBalance(String str) +{ + boolean x = false; + boolean y = false; + int t = str.length(); + + for (int i = 0; i < t; i++) + { + char c = str.charAt(i); + if ((c == 'x') && (y == true)) + { + x = true; + y = false; + } + else if (c == 'x') + { + x = true; + } + else if ((c == 'y') && (x == true)) + { + y = true; + } + } + if (x == false) + { + y = true; + } + return y; +} +" +d4b6cf11779e17af035d07a1f0d28cee8ab81e00,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; +} +" +e5d7a9de8100484a13cdf081ccd38a3a7bd9c5dd,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = true; + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + x = true; + y = false; + else if (str.charAt(i) == 'x') + x = true; + if (str.charAt(i) == 'y' && x == true) + y = true; + + } + if (x == false) + y = true; + return y; +} +" +55531cf85c7bd34b493c9a45700ba4165c04a173,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = true; + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + x = true; + y = false; + else (str.charAt(i) == 'x') + x = true; + if (str.charAt(i) == 'y' && x == true) + y = true; + + } + if (x == false) + y = true; + return y; +} +" +90fb056d78fc0d17d5b4e9909bbc6b88af648ebd,"public boolean xyBalance(String str) +{ + boolean x = false; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length() - 1; j++) + { + if (str.substring(i,i+1).equals(""y"")) + { + x = true; + } + else + { + x = false; + } + } + } + } + return x; +} +" +e84fdf7f102bce2b74ddb12e14c73a0799b2bf06,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = true; + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + x = true; + y = false; + else if (str.charAt(i) == 'x') + x = true; + if (str.charAt(i) == 'y' && x == true) + y = true; + + } + if (x == false) + y = true; + return y; +} +" +62ab7fb1d3eabd69185afcfb60a706022e4c8619,"public boolean xyBalance(String str) +{ + boolean x = false; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length() - 1; j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + } + else + { + x = false; + } + } + } + } + return x; +} +" +fcb818217b01e6cd431c71a574bbe1d91556a978," +public boolean xyBalance(String str) { + + Boolean x = false; + + Boolean y = false; + + int len = str.length(); + + + + for (int i = 0; i < len; i++) { + + if (str.charAt(i) == 'x' && y == true){ + + x = true; + + y = false; + + } else if (str.charAt(i) == 'x') { + + x = true; + + } + + if (str.charAt(i) == 'y' && x == true) + + y = true; + + } + + if (x == false) + + y = true; + + return y; + +} + +" +f55910d84598c2368f55b721c59c03e62c2c6c81,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length() - 1; j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + } + else + { + x = false; + } + } + } + } + return x; +} +" +5cc5ad782d44ec9cc5d421bd986cf844d7f656da,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == ""y"") + y = true; + if (str.charAt(i) == ""x"" && !""y"") + return false; + } + return true; +} +" +1d20fc5d8827bd1946a18afb381029421a29330b,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length() - 1; j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + } + else + { + x = false; + i = str.length(); + } + } + } + } + return x; +} +" +138c13a8b16949552fc1bca294f3edc2c9a7cd78,"public boolean xyBalance(String str) +{ + if (!str.contains(""x"")) + { + return true; + } + int x = str.lastIndexOf(""x""); + int y = str.lastIndexOf(""y""); + return x < y; +} +" +7697e116c57145c92da13ccad9d016896d82cdb9,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length() - 1; j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + j = str.length(); + } + else + { + x = false; + i = str.length(); + } + } + } + } + return x; +} +" +6a4afd16c86f7487f40b7715b6f7953cf2878b95,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length() ; i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length() ; j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + break; + } + else + { + x = false; + i = str.length(); + } + } + } + } + return x; +} +" +78207090fc6985251f3ddac11134b348734e0c9f,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length(); j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + j = str.length(); + } + else + { + x = false; + i = str.length(); + } + } + } + } + return x; +} +" +e28b36ca58c0cd08123c4da76c525d2b86e052f0,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.equals(""bbb"")) { + return true; + } + + if (str.equals("""")) { + return true; + } + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + if (s.equals(""y"")) { + if (a == 0) { + return true; + } + } + } + return false; +}" +ac7f507d08694dde70bce86a702198b8c7f4e183,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char lastChar; + for(int i = length; i >= 0; i--) + { + lastChar = str.charAt(i); + if(lastChar == 'x') + return false; + else if(lastChar == 'y') + return true; + } + return true; +} +" +86b4b2182f02a27c2957b1536103bb3c577e2ed9,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length(); i++) + { + if (str.endsWith(""x"")) + { + x = false; + i = str.length(); + } + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length(); j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + j = str.length(); + } + else + { + x = false; + i = str.length(); + } + } + } + } + return x; +} +" +063deac22c4753fcf75504c8f2ee193ca2124073,"public boolean xyBalance(String str) +{ +boolean y = false; +for(int i = str.length() - 1; i >= 0; i--) +{ +if(str.charAt(i) == 'y') +y = true; + +if(str.charAt(i) == 'x' && !y) +return false; +} + +return true; +} +" +b167fd8f169e1c02fcc1c2db4c917843c4fd456c,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length(); i++) + { + if (str.endsWith(""x"")) + { + x = false; + break; + } + if (str.substring(i,i+1).equals(""x"")) + { + for (int j = i; j < str.length(); j++) + { + if (str.substring(j,j+1).equals(""y"")) + { + x = true; + j = str.length(); + } + else + { + x = false; + i = str.length(); + } + } + } + } + return x; +} +" +9341214f44d0a7bf06018690cda366d189e9ec2e,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(l); + int y = str.indexOf('y'); + if (last = 'x' || y < 0) + { + return false; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, l); + int u = oo.indexOf('x') + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +12814bda7805954494c17dd19230fc30f7191e95,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(l); + int y = str.indexOf('y'); + if (last = 'x' || y < 0) + { + return false; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, l); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +b46b3bd001da36971c1a78f8363b1f7f741773fa,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(l); + int y = str.indexOf('y'); + if (last = 'x' | y < 0) + { + return false; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, l); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +470fc12d9dc7a08a6f96839b39f741d2453ac6e4,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(l); + int y = str.indexOf('y'); + if (last == 'x' || y < 0) + { + return false; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, l); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +2e1ff74fbe2ed4140bb09a92de7fff744d76c736,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for(int i =0; i < str.length(); i++) + { + if(str.charAt(i) == 'x') + { + x++; + } + if(str.charAt(i) == 'y') + { + y++ + } + } + return (x == y); +} +" +2b98fc321af0ca3049378522d1eb4bbe6e317b7c,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for(int i =0; i < str.length(); i++) + { + if(str.charAt(i) == 'x') + { + x++; + } + if(str.charAt(i) == 'y') + { + y++; + } + } + return (x == y); +} +" +ac3581d3550b07c76b3a95101fd4dfd6a351e1d0,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(l); + int y = str.indexOf('y'); + if (last == 'x' || y < 0) + { + return false; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, lim); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +101afd9a9d0337cea51099e5e982cf82fcead69b,"public boolean xyBalance(String str) +{ + return true; +} +" +f82c0e1d4870d371dedd13cfc71ba396d4b530b3,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(lim); + int y = str.indexOf('y'); + if (last == 'x' || y < 0) + { + return false; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, lim); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +6795de9c86185602832ef954da3863844a048784,"public boolean xyBalance(String str) +{ + return (str.lastIndexOf(""y"") > str.lastIndex(""x"") || !str.contains(""x"")); +} +" +8aaaafecd002b7fa3ab69e34be0396cd5deca04e,"public boolean xyBalance(String str) +{ + return (str.lastIndexOf(""y"") > str.lastIndexOf(""x"") || !str.contains(""x"")); +} +" +3e3d55c744ca92d16b86cbb6fcf7e9d05f7a73d0,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(lim); + int y = str.indexOf('y'); + int x = str.indexOf('x'); + if (last == 'x' || y < 0) + { + return false; + } + else if (x < 0) + { + return true; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, lim); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +2e359e8ed25ee01e596bb5db9f0e78e6c03169df,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + char last = str.charAt(lim); + int y = str.indexOf('y'); + int x = str.indexOf('x'); + if (last == 'x' || (y < 0 && x >= 0)) + { + return false; + } + else if (x < 0) + { + return true; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, lim); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +3a2c8db8b612968a53fc4f67afa918e6e849fc42,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + if (l = 0) + { + return true; + } + char last = str.charAt(lim); + int y = str.indexOf('y'); + int x = str.indexOf('x'); + if (last == 'x' || (y < 0 && x >= 0)) + { + return false; + } + else if (x < 0) + { + return true; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, lim); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +fa96a153d86e940b0a8f8cf1fe65fa95a06cd115,"public boolean xyBalance(String str) +{ + int l = str.length(); + int lim = l - 1; + if (l == 0) + { + return true; + } + char last = str.charAt(lim); + int y = str.indexOf('y'); + int x = str.indexOf('x'); + if (last == 'x' || (y < 0 && x >= 0)) + { + return false; + } + else if (x < 0) + { + return true; + } + for (int i = 0; i <= lim; i++) + { + char o = str.charAt(i); + String oo = str.substring(i, lim); + int u = oo.indexOf('x'); + if (o == 'y' && u < 0) + { + return true; + } + } + return false; +} +" +f28e4619327ec08fc84010b0da8ed97bdd18978a,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char chr; + + for (int i = length; i>=0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; +} +" +e2078a2262942f0c0742eef16cc5dba3fa913f75,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char chr; + + for (int i = length; i>=0; i--) + { + chr = str.charAt(i); + if (chr == 'x') + { + return false; + } + else if (chr == 'y') + { + return true; + } + } + return true; +} +" +b0bc4aefbaebad37470e90c19d192020d965070d,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char c; + for(int j = len; j >= 0; j--) + { + c = str.charAt()i; + if (c == 'x') + { + return true; + } + else if (c == 'y') + { + return false; + } + } + return true; +} +" +9ac70565dd6bd01deaf78436aacfa103ea99e86d,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char c; + for(int j = len; j >= 0; j--) + { + c = str.charAt(i); + if (c == 'x') + { + return true; + } + else if (c == 'y') + { + return false; + } + } + return true; +} +" +b85d28de9c40b34f8865e96f59d0cdbf0ae81982,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char c; + for(int j = len; j >= 0; j--) + { + c = str.charAt(j); + if (c == 'x') + { + return true; + } + else if (c == 'y') + { + return false; + } + } + return true; +} +" +270156246485cbe82cae8c7b9145ec17a0342690,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char c; + for(int j = len; j >= 0; j--) + { + c = str.charAt(j); + if (c == 'x') + { + return false; + } + else if (c == 'y') + { + return true; + } + } + return true; +} +" +eb148944f5cbed894ecf1aac521c7785b6ddb330,"public boolean xyBalance(String str) +{ + return (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) +} +" +8764fa132b4ef3794946f1fedea54ea6f7cf7009,"public boolean xyBalance(String str) +{ + return (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")); +} +" +c39e8f1f66d85a8d0cc1c72fd74094f3845f49c6,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k = 'x'; + for(int j = l; j > 0; j--) + { + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } + return; +} +" +0d512508eeb912848b16e7575a0943c33df3ccfe,"public boolean xyBalance(String str) +{ + int l = str.length(); + char k = 'x'; + for(int j = l; j > 0; j--) + { + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } + return true; +} +" +3aec4d0222e1cb78c4da3b3d6574c9bfef2c0141,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""y"") == str.lastIndexOf(""x"")) + { + return true; + } + else + { + return (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + } +} +" +2b2f0ddd8366dfab87ac7fb8f8befd442a75dfae,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""y"") == str.lastIndexOf(""x"")) + { + return true; + } + else + { + return (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")); + } +} +" +2398178d497778b53486871de372687e020219fc,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +65c78dfd6d104ed07d57f5d6099a4d05dd908bbb,"public boolean xyBalance(String str) +{ + int YS = str.indexOf('y') + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i>i) == 'y') + { + truth = true; + + } +} +" +aabea47ca84d0a1de14a35d7e60fc6e1c88b9d75,"public boolean xyBalance(String str) +{ + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i>i) == 'y') + { + truth = true; + + } + + } + return truth +} +" +8ea1d0235affd1d9953b7c6f8d73c4ca40310be4,"public boolean xyBalance(String str) +{ + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i>i) == 'y') + { + truth = true; + + } + + } + return truth; +} +" +d5053dac6ecd2c622fb2a5b4bdd837ee244c17d1,"public boolean xyBalance(String str) +{ + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + { + truth = true; + + } + + } + return truth; +} +" +53cf3c2f514669c362d3c9767ff364761cb12a7a,"public boolean xyBalance(String str) +{ + boolean truth = true; + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + { + truth = true; + + } + + } + return truth; +} +" +ac9b3deb584deb63cbf3917c16749ad6a6b58145,"public boolean xyBalance(String str) +{ + for(int i = 0; i < str.length() - 1; i++) + { + if(str.charAt(i) == 'y') + { + return true; + } + else if(str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +f6d606f0779588e57e6a1bca5111a0aac675582f,"public boolean xyBalance(String str) +{ + + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +f8355c2c2e5f8b815370c72ec9a0b0b9de83f2bc,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + { + return true; + } + boolean flag = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + flag = false; + } + else if (str.charAt(i) == 'y') + { + flag = true; + } + } + return flag; +} +" +20c9f1c384713af93e220e42a45e99a663c923be,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + { + return true; + } + if (!str.contains(""y"")) { + return false; + } + boolean flag = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + flag = false; + } + else if (str.charAt(i) == 'y') + { + flag = true; + } + } + return flag; +} +" +b86838722ccf6e45025fb27caf21211703358b2f,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + { + return true; + } + if (!str.contains(""x"")) { + return true; + } + boolean flag = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + flag = false; + } + else if (str.charAt(i) == 'y') + { + flag = true; + } + } + return flag; +} +" +e3fdf83ddfc5e520659bda3ba6852a911e2c36ff,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + { + if (str.charAt(i) == 'x') + return false + else if (str.charAt(i) == 'y') + return true; + } + return true; +} +" +416f991b1e266f117c6dc0f4deba1649524d95be,"public boolean xyBalance(String str) +{ + for (int i = str.length(); i >= 0; i--) + { + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + } + return true; +} +" +780267f18979aa18d130fb8650eb238ef7bbddfb,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + } + return true; +} +" +a44eaa3efc4d82cad383508a3dccc9d4c549e424,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +f95549d884734954dc15dd2a0d8f718a5adbb818,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +265a9613f67249333ccfcff305e78b0d54634d88,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +eb35d5c8d851ad8451e88a3a6019b4139c928c4a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +1f976dc9a8f7d1cc494489599fc7a762c77b8bf1,"public boolean xyBalance(String str) +{ + if(str.indexOf(""y"") != -1)) + { + if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + return true; + else + return false; + } + else + return false; +} +" +99daa448e9508e3c847edbb37dd1e7cca290779c,"public boolean xyBalance(String str) +{ + if(str.indexOf(""y"") != -1)) + { + if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + return true; + else + return false; + } + +}" +c77279fa07456634be5f4908c168d7256929a3ae,"public boolean xyBalance(String str) +{ + if( str.indexOf(""y"") != -1) + { + if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + return true; + else + return false; + } + else + return false; + +}" +fa5e69334554b1d737a9e3c81e572c135570cc7c,"public boolean xyBalance(String str) +{ + if( str.indexOf(""y"") != -1) + { + if (str.lastIndexOf(""y"") + 1 == str.length()) + return true; + else if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + return true; + else + return false; + } + else + return false; + +}" +89ec7b5acfc034493bc6afda0f3c1e0cc9f244f2,"public boolean xyBalance(String str) +{ + if( str.indexOf(""y"") != -1) + { + if (str.lastIndexOf(""y"") + 1 == str.length()) + { + return true; + } + else if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + { + return true; + } + else + { + return false; + } + } + else + return false; + +}" +1a30b51f5ba5b82e4225ec682c82021d52386caa,"public boolean xyBalance(String str) +{ + if (str.indexOf(""x"") == -1 && str.indexOf(""y"") == -1) + return true; + if( str.indexOf(""y"") != -1) + { + if (str.lastIndexOf(""y"") + 1 == str.length()) + { + return true; + } + else if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + { + return true; + } + else + { + return false; + } + } + else + return false; + +}" +af7aac4d379f207c8fbb6ada5213c036f6cca644,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + + char ch; + + for(int i = len; i >= 0; i--) + + { + + ch = str.charAt(i); + + if(ch == 'x') + + return false; + + else if(ch == 'y') + + return true; + + } + + return true; + +} +" +cebe783cb6004a1fa43c0a1dce9635852938e615,"public boolean xyBalance(String str) +{ + if (str.indexOf(""x"") == -1 && str.indexOf(""y"") == -1) + return true; + if( str.indexOf(""y"") != -1) + { + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"") + return true; + else + return false; + + + + + + + + /*if (str.lastIndexOf(""y"") + 1 == str.length()) + { + return true; + } + else if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + { + return true; + } + else + { + return false; + }*/ + } + else + return false; + +}" +ca0e2eb59c9a5efc7f9baf84e8a1cc424d7c55ee,"public boolean xyBalance(String str) +{ + if (str.indexOf(""x"") == -1 && str.indexOf(""y"") == -1) + return true; + if( str.indexOf(""y"") != -1) + { + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + return true; + else + return false; + + + + + + + + /*if (str.lastIndexOf(""y"") + 1 == str.length()) + { + return true; + } + else if (str.substring(str.lastIndexOf(""x""), str.lastIndexOf(""x"") + 1).equals(""y"")) + { + return true; + } + else + { + return false; + }*/ + } + else + return false; + +}" +b552645963d94023b177fb17a23725914f8d1ff8,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false){ + y = true; + } + return y; +} + +} +" +536573354e782ec3c64e6d4bb7fb33331cd2d78f,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + } + if (x == false){ + y = true; + } + return y; +} + +} +" +0842135848d11608228e1bf04e4243b495d84814,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + } + if (x == false){ + y = true; + } + return y; + +} +" +a6b6424b0c75b844a4f7c4fa735c91ed092d7aca,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + } + if (!x){ + y = true; + } + return y; + +} +" +9760b4f241dc9de5d26644a9a73ef010d3f86d01,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +}" +389a4efd84d14afaf8919b6b17ebaf4c708beca6,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true){ + y = true; + } + } + if (!x){ + y = true; + } + return y; + +} +" +9225bb5846c18865c730d5210155ffa10576423b,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +e4af37d6e941b1851e2346174a62ddcb5c51d3ff,"public boolean xyBalance(String str) +{ + int len = str.length(); + char k; + for(int j = (len - 1); j >= 0; j--) + { + k = str.charAt(j); + if(k == 'x') + { + return false; + } + if(k == 'y') + { + return true; + } + } + return true; +} +" +41c3467e12acddf0115d807561df91539143054e,"public boolean xyBalance(String str) +{ + int len = str.length(); + char k; + for(int j = (len - 1); j >= 0; j--) + { + k = str.charAt(j); + if(k == 'x') + { + return false; + } + else if (k == 'y') + { + return true; + } + } + return true; +} +" +dc26e668e3e65eeb3a70573b6e466463c2a9d59b,"public boolean xyBalance(String str) +{ + return (str.indexOf('x') == -1) || str.lastIndexOf('x') < str.lastIndexOf('y'); +} +" +ad67b73c79043d33cf5cbd2e4f5357395116fe77,"public boolean xyBalance(String str) +{ + int firstY = str.indexOf(""y""); + int firstX = str.indexOf(""x"", firstY+1); + int lastY = str.IndexOf(""y"", firstX+1); + if ((firstX != -1) && (lastY == -1)) + { + return false; + } + else + { + return true; + } + +} +" +5cb49b3d8f5a1bf25087af8e04136ec1faa3de5c,"public boolean xyBalance(String str) +{ + int firstY = str.indexOf(""y""); + int firstX = str.indexOf(""x"", firstY+1); + int lastY = str.indexOf(""y"", firstX+1); + if ((firstX != -1) && (lastY == -1)) + { + return false; + } + else + { + return true; + } + +} +" +cabb7c1021f698bfb74b123dace1483f9c10ad21,"public boolean xyBalance(String str) +{ + int firstY = str.indexOf(""y""); + int firstX = str.indexOf(""x"", firstY+1); + int lastY = str.indexOf(""y"", firstX+1); + + int secondY = str.indexOf(""y"", firstX+1); + int secondX = str.indexOf(""x"", secondY+1); + + int thirdY = str.indexOf(""y"", secondX+1); + int thirdX = str.indexOf(""x"", thirdY+1); + + int forthY = str.indexOf(""y"", thirdX+1); + int forthX = str.indexOf(""x"", forthY+1); + + int fifthY = str.indexOf(""y"", forthX+1); + + + + if ((firstX != -1) && (lastY == -1)) + { + return false; + } + if ((forthX != -1) && (fifthY == -1)) + { + + } + else + { + return true; + } + +} +" +718756d2841c36ba615ddf50e7495111dec7c15e,"public boolean xyBalance(String str) +{ + int firstY = str.indexOf(""y""); + int firstX = str.indexOf(""x"", firstY+1); + int lastY = str.indexOf(""y"", firstX+1); + + int secondY = str.indexOf(""y"", firstX+1); + int secondX = str.indexOf(""x"", secondY+1); + + int thirdY = str.indexOf(""y"", secondX+1); + int thirdX = str.indexOf(""x"", thirdY+1); + + int forthY = str.indexOf(""y"", thirdX+1); + int forthX = str.indexOf(""x"", forthY+1); + + int fifthY = str.indexOf(""y"", forthX+1); + + + + if ((firstX != -1) && (lastY == -1)) + { + return false; + } + if ((forthX != -1) && (fifthY == -1)) + { + return false; + } + else + { + return true; + } + +} +" +7cb9f439ceeaeac0c9e82f5b825136b68be6440b,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) return true; + return (lastX > lastY); +} +" +7b17393b4a56b078629821a5fa49d8e1227c1a5d,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++){ + if(str.charAt(i).equals(""x""){ + x++; + }else if (str.charAt(i).equals(""y""){ + y++; + } + } + if( x > y) + { + return true; + } + else{ + return false; + } +} +" +a7ff18e25b14c992224810b2cb2b418cd0365b5c,"public boolean xyBalance(String str) +{ + int indexX = str.lastIndexOf('x'); + +} +" +7a53ea274c3ff4483a529d81ef98e86f2207e661,"public boolean xyBalance(String str) +{ + char ch; + for (int i = str.length() - 1; i >= 0; i++) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } +} +" +0906c7f55c7d210e9ccec4d9021df645db398ded,"public boolean xyBalance(String str) +{ + char ch; + for (int i = str.length() - 1; i >= 0; i++) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; +} +" +c94cbc8fee1264d2d5f3267b41bdda5f6ddfd2bd,"public boolean xyBalance(String str) +{ + int indexX = str.lastIndexOf('x'); + int indexY = str.lastIndexOf('y'); + if (indexY > indexX){ + return true; + } else { + return false; +} +" +4b1c591b8b1cb18ab887285b444a628aa33dd72d,"public boolean xyBalance(String str) +{ + int indexX = str.lastIndexOf('x'); + int indexY = str.lastIndexOf('y'); + if (indexY > indexX){ + return true; + } else { + return false; + } +} +" +9a2c816049d4ea513b2317d8b614d5a87a5d5dfb,"public boolean xyBalance(String str) +{ + char ch; + for (int i = str.length() - 1; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; +} +" +4e7ee57524ec0acbc4f2f9b8c2ab213af6e290dc,"public boolean xyBalance(String str) +{ + int indexX = str.lastIndexOf('x'); + int indexY = str.lastIndexOf('y'); + if (indexY >= indexX){ + return true; + } else { + return false; + } +} +" +a0a1a4ce322199f20629701ae27421b199a03569,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length(); i++) + if (str.charAt(i) == x) + x = x + 1; + else if (str.charAt(i) == y) + y = y + 1; + if (x >= y) + return true; + return false; +} +" +d254c8b552212f381c61b7a38ba6a6f28b2001ec,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + if (str.charAt(i) == x) + x = x + 1; + else if (str.charAt(i) == y) + y = y + 1; + if (x >= y) + return true; + return false; +} +" +958d5ca565aa17b7f095e5cf215e035ea9c45038,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + { + if (str.charAt(i) == x) + { + x = x + 1; + } + else if (str.charAt(i) == y) + { + y = y + 1; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +bd617d6a456a2bef19e7d3fa432adbc77ceddb09,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + { + if (str.charAt(i) == x) + { + x = x + 1; + } + else if (str.charAt(i) == y) + { + y = y + 1; + } + } + if (x > y) + { + return true; + } + return false; +} +" +64f3361d0a1f4063a19419b23ba6da59b5954f87,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + { + if (str.charAt(i) == x) + { + x + 1 = x; + } + else if (str.charAt(i) == y) + { + y + 1 = y; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +3b0ae315fd5bf9b23d4257b94dfacca1bdad3d08,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + { + if (str.charAt(i) == x) + { + int x + 1 = x; + } + else if (str.charAt(i) == y) + { + int y + 1 = y; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +527a06491411471dd530e2dfb3c9f37de7843def,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + { + if (str.charAt(i) == x) + { + int x = x + 1; + } + else if (str.charAt(i) == y) + { + int y + 1 = y; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +74f782bb2481e582b3f2648072d24b57ccbc7004,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i <= str.length() - 1; i++) + { + if (str.charAt(i) == x) + { + int x = x + 1; + } + else if (str.charAt(i) == y) + { + int y = y + 1; + } + } + if (x >= y) + { + return true; + } + return false; +} +" +f600fd4ac52af38cd6dfa51404aace3992886536,"public boolean xyBalance(String str) +{ + Boolean xFalse = false; + Boolean yFalse = false; + int num = str.length(); + for (int i = 0; i < num; i++) + { + if (str.charAt(i) == 'x' && yFalse == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + if (x == false) + y = true; + return y; + +} +" +da51ff8bf577f540f3cf9ffdf25eb158dbbc0723,"public boolean xyBalance(String str) +{ + Boolean xFalse = false; + Boolean yFalse = false; + int num = str.length(); + for (int i = 0; i < num; i++) + { + if (str.charAt(i) == 'x' && yFalse == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + if (x == false) + y = true; + return y; + +} +} +" +e7a3551d0a71f77680086027f9b69003e0f96356,"public boolean xyBalance(String str) +{ + int j; + if (str.endsWith(""y"")) + { + return true; + } + for (int i = 0; i <= str.length(); i++) + { + if (str.charAt(i) == ""y"") + { + j = 1; + } + else if (str.charAt(i) == ""x"") + { + j = 0; + } + } + if (j == 1) + { + return true; + } + else + { + return false; + } + +} +" +565f8667324419c5996cc558820f78c4bdaae84e,"public boolean xyBalance(String str) +{ + Boolean xFalse = false; + Boolean yFalse = false; + int num = str.length(); + for (int i = 0; i < num; i++) + { + if (str.charAt(i) == 'x' && yFalse == true) + { + xFalse = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + if (x == false) + y = true; + return y; + +} +} +" +8ce7abff11a7d675955231568d8674fb52431ea2,"public boolean xyBalance(String str) +{ + Boolean xFalse = false; + Boolean yFalse = false; + int num = str.length(); + for (int i = 0; i < num; i++) + { + if (str.charAt(i) == 'x' && yFalse == true) + { + xFalse = true; + yFalse = false; + } + else if (str.charAt(i) == 'x') + { + xFalse = true; + } + if (str.charAt(i) == 'y' && x == true) + { + yFalse = true; + } + if (xFalse == false) + yFalse = true; + return y; + +} +} +" +34139c70bce36324a40616c69fd8918777ca9fbf,"public boolean xyBalance(String str) +{ + Boolean xFalse = false; + Boolean yFalse = false; + int num = str.length(); + for (int i = 0; i < num; i++) + { + if (str.charAt(i) == 'x' && yFalse == true) + { + xFalse = true; + yFalse = false; + } + else if (str.charAt(i) == 'x') + { + xFalse = true; + } + if (str.charAt(i) == 'y' && xFalse == true) + { + yFalse = true; + } + if (xFalse == false) + yFalse = true; + return y; + +} +} +" +be5f731dd709ffa4ecb1f1d2604ecbc62445e5d1,"public boolean xyBalance(String str) +{ + Boolean xFalse = false; + Boolean yFalse = false; + int num = str.length(); + for (int i = 0; i < num; i++) + { + if (str.charAt(i) == 'x' && yFalse == true) + { + xFalse = true; + yFalse = false; + } + else if (str.charAt(i) == 'x') + { + xFalse = true; + } + if (str.charAt(i) == 'y' && xFalse == true) + { + yFalse = true; + } + if (xFalse == false) + yFalse = true; + return yFalse; + +} +} +" +133fa7992a4ce4af9c2a1a1abb180a0cbd3aab1b,"public boolean xyBalance(String str) { + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +e545a052af781127d1c747c46b0bf76ae8f452f2,"public boolean xyBalance(String str) +{ + int j = 0; + if (str.endsWith(""y"")) + { + return true; + } + for (int i = 0; i <= str.length(); i++) + { + if (str.charAt(i) == 'y') + { + j = 1; + } + else if (str.charAt(i) == 'x') + { + j = 0; + } + } + if (j == 1) + { + return true; + } + else + { + return false; + } +} +" +af895c942d34156056ee6075b2665fbbe868bd57,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; + +} +" +5fee709f9e0151ca0b625e686d8547449f410306,"public boolean xyBalance(String str) +{ + int j = 0; + if (str.endsWith(""y"")) + { + return true; + } + for (int i = 0; i <= str.length()-1; i++) + { + if (str.charAt(i) == 'y') + { + j = 1; + } + else if (str.charAt(i) == 'x') + { + j = 0; + } + } + if (j == 1) + { + return true; + } + else + { + return false; + } +} +" +a9057f6065122cdddc2c1e58f9b3dd070d78d243,"public boolean xyBalance(String str) +{ + int l = str.length()-1; + char c; + for(int i = l; i >= 0; i--) + { + c = str.charAt(i); + if(c == 'x') + { + return false; + } + else if(c == 'y') + { + return true; + } + } + return true; +} +" +07b6171847df7de6307e5d4bf691df68ee314371,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() == 'y') + { + return true; + } + return false; +} +" +858fd23f65dc7457aa8567482f18f8a1d93e653c,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()) == 'y') + { + return true; + } + return false; +} +" +5fd186992cd515fa807335e87f3d7bae4e6282ec,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() - 1) == 'y') + { + return true; + } + return false; +} +" +cc902df2ac561d7f33b03d37b97c079f298f0508,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length(); i++) + if(str.charAt(i) == 'x') + x = false; + if (str.charAt(i) == 'y' && !x) + return true; + return false; + +} +" +3d41ca06dc4bb8b9de08ca414eea555de37ef86d,"public boolean xyBalance(String str) +{ + boolean x = true; + for (int i = 0; i < str.length(); i++) + if(str.charAt(i) == 'x') + x = false; + if (str.charAt(i) == 'y' && !x) + return true; + return false; + +} +" +3014c12a10975ee28fa443c04c1e79c8a49466cc,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() - 1) == 'y') + { + return true; + } + else if (str == '') + { + return true; + } + return false; +} +" +336975f44739c89e1d49afd3121b387b710114fc,"public boolean xyBalance(String str) +{ + boolean x = true; + int j = 0; + for (int i = 0; i < str.length(); i++) + if(str.charAt(i) == 'x') + x = false; + j = i; + if (str.charAt(j) == 'y' && !x) + return true; + return false; + +} +" +8d39587f9872fbee4d0ca2529965abf641e11529,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +91290d39fcdcc476fb33c7cffdd3b3418fe7e387,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() - 1) == 'y') + { + return true; + } + else if (str.charAt(str.length() - 1) == 'b') + { + return true; + } + return false; +} +" +183dbc2d3f0cde0d740a44e3911fa5fec80d7bbf,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length() - 1) == 'y') + { + return true; + } + + } + return false; +} +" +fc946295528cff8aadc899a17edf4972da24eb06,"public boolean xyBalance(String str) +{ + boolean x = true; + int j = 0; + for (int i = 0; i < str.length(); i++) + if(str.charAt(i) == 'x') + j = i; + x = false; + if (str.charAt(j) == 'y' && !x) + return true; + return false; + +} +" +83467f41c611f83ab2475e3abaa95b166ca1c6ee,"public boolean xyBalance(String str) +{ + boolean y = true; +for(int i = 0; i < str.length(); i++) { +if(Character.toString(str.charAt(i)).equals(""x"") && y) { +y = false; +} else if(Character.toString(str.charAt(i)).equals(""y"") && !y) { +y = true; +} +} +return y; +} +" +13c1202f602173ec86e1a31b42be3e3e20700153,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = str.length(); i > 0; i--) + if(str.charAt(i) == 'y') + j = i; + x = false; + if (str.charAt(j) == 'x' && !x) + return false; + return true; + +} +" +027ab2d103f2d137da360a5f74842c0c3660585d,"public boolean xyBalance(String str) +{ + int l = str.length(); + char n; + for (i = l; i >= 0; i--) + { + if (n == 'x') + { + return false; + } + if (n == 'y') + return true; + } + } +" +94d2ed157f23bc8ce492729b3515d8c2f37f4127,"public boolean xyBalance(String str) +{ + boolean x = false; + int j = 0; + for (int i = str.length() - 1; i > 0; i--) + if(str.charAt(i) == 'y') + j = i; + x = false; + if (str.charAt(j) == 'x' && !x) + return false; + return true; + +} +" +0b40b9d67162ba809e1c6e6f7f5802b2a45e69d1,"public boolean xyBalance(String str) +{ + int l = str.length(); + char n; + for (int i = l; i >= 0; i--) + { + if (n == 'x') + { + return false; + } + if (n == 'y') + return true; + } + } +" +dd64b2f93e8fa77d9ab97ded7686fc4f01fb0618,"public boolean xyBalance(String str) +{ + int l = str.length(); + char n; + for (int i = l; i >= 0; i--) + { + if (n == 'x') + { + return false; + } + if (n == 'y') + { + return true; + } + } + } +" +e96d60d90a456334b9740f4652fe9a89c46fa4a3,"public boolean xyBalance(String str) +{ + int l = str.length(); + for (int i = l; i >= 0; i--) + { + char n = str.charAt(n); + if (n == 'x') + { + return false; + } + if (n == 'y') + { + return true; + } + } + } +" +f34364858b454fb7063ebe6678f0251b6ec3ae39,"public boolean xyBalance(String str) +{ + boolean truth = true; + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + { + truth = true; + + } + else if (str.charAt(i) == 'y' && str.charAt(i+1) == 'x')) + + } + return truth; +} +" +94acf7408b43ee45e71a7a7dd9455ba5f50169e7,"public boolean xyBalance(String str) +{ + int l = str.length(); + for (int i = l; i >= 0; i--) + { + char n = str.charAt(i); + if (n == 'x') + { + return false; + } + if (n == 'y') + { + return true; + } + } + return true; + } +" +f514fd4a4bcb2bf812483ed79bc342deb5c492cd,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for(int i = length; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + { + return false; + } + else if(ch == 'y') + { + return true; + } + } + return true; +} +" +391e63b2306a16627fc59de67a53330ff8f7262e,"public boolean xyBalance(String str) +{ + boolean truth = true; + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + { + truth = true; + + } + else if (str.charAt(i) == 'y' && str.charAt(i+1) == 'x')) + { + truth = false; + } + + } + return truth; +} +" +dd8d15de7a72e077afe1df1ddb256e9634a94552,"public boolean xyBalance(String str) +{ + boolean truth = true; + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + { + truth = true; + + } + else if (str.charAt(i) == 'y' && str.charAt(i+1) == 'x') + { + truth = false; + } + + } + return truth; +} +" +22fda47732546394dab7ecbb147aa3cdbdb03099,"public boolean xyBalance(String str) +{ + int l = str.length() - 1; + for (int i = l; i >= 0; i--) + { + char n = str.charAt(i); + if (n == 'x') + { + return false; + } + if (n == 'y') + { + return true; + } + } + return true; + } +" +f4046ea161ecb117b50d31662690a8231b22bdb1,"public boolean xyBalance(String str) +{ + boolean truth = true; + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x' && str.charAt(i+1) == 'y') + { + truth = true; + + } + + + } + return truth; +} +" +0503c7fe93c4aa67f3d90ac5d578228c203c92d7,"boolean beforeX = false; +boolean isSatisfied = false; +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i).equals(""y"") && beforeX) + { + satisfied = true; + } + } + + return isSatisfied; +} +" +f9bc48740a791d59553ebac3190ea452497cd8ad,"boolean beforeX = false; +boolean isSatisfied = false; +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i).equals(""y"") && beforeX) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +9e92500cf2b3846475001ef26bf8356b23fc5312,"public boolean xyBalance(String str) +{ + boolean yExists = false; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + for (int k = i; k < str.length() - 1; k++) + { + if (str.charAt(k) == 'y'; + { + yExists = true; + } + else yExists = false; + } + } + } +} +" +e48e10d25f2f245297a3a99cde7ebda0ebb4a762,"boolean beforeX = false; +boolean isSatisfied = false; +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i).equals(""y"") && + str.substring(i - 1).equals(""x"") && beforeX) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +caf3f79ed836cf4efc3f6208b0eb9114fb500546,"boolean beforeX = false; +boolean isSatisfied = false; +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i).equals(""y"") && beforeX) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +f3e6d7466fcf836c7dbdb7983574f815a0859e48,"public boolean xyBalance(String str) +{ + boolean yExists = false; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + for (int k = i; k < str.length() - 1; k++) + { + if (str.charAt(k) == 'y') + { + yExists = true; + } + else yExists = false; + } + } + } + return yExists; +} +" +e89cbfda2905731992450b3f049da73aac4d8a52,"boolean beforeX = false; +boolean isSatisfied = false; +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i).equals(""y"") && beforeX == true) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +65e73c99a7b88dd5dc42df9f548d9b09d8848f62,"public boolean xyBalance(String str) +{ + boolean answer = true; + + for (int i = 0; i= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +}" +8140550f335d297da33b1fc942dce12f6deae291,"public boolean xyBalance(String str) +{ + boolean yExists = false; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + for (int k = i; k < str.length() - 1; k++) + { + if (str.charAt(k) == 'y') + { + yExists = true; + } + } + } + } + return yExists; +} +" +e5a15ce6c2db6ef179089a6086d41ac17431b8d6,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"")) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + } + } + + return isSatisfied; +} +" +1f0047371d2eb978a011c4cfb04a2ea23b925c7b,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +b5e7e79882ebb553a4d48803dac93216becc6529,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = 0; + for (int i = 0; int < length(); i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + } + else + { + if (str.charAt(i) == 'y') + { + x = 0; + } + } + } + return (x = 0); +} +" +9f2b7ac784fb6447273531963265b577402ce40d,"public boolean xyBalance(String str) +{ + boolean truth = true; + + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x') //&& str.charAt(i+1) == 'y') + { + int arethereys = str.indexOf(""y""); + if (arethereys != -1); + { + truth = true; + } + else + { + truth = false; + } + + } + + + } + return truth; +} +" +6b13335b5e2e973aced457ce9225dd5862f877fa,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = 0; + for (int i = 0; int < length; i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + } + else + { + if (str.charAt(i) == 'y') + { + x = 0; + } + } + } + return (x = 0); +} +" +842333f34ad93236a68e7efa2f28b1057ffa931c,"public boolean xyBalance(String str) +{ + boolean truth = true; + + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x') //&& str.charAt(i+1) == 'y') + { + int arethereys = str.indexOf(""y""); + if (arethereys != -1) + { + truth = true; + } + else + { + truth = false; + } + + } + + + } + return truth; +} +" +59809a0c308f5075dcc9eb11a9e107fb4d1ebdab,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + } + else + { + if (str.charAt(i) == 'y') + { + x = 0; + } + } + } + return (x = 0); +} +" +018b8517543f22bd00e962509c134afa3ebf7ddb,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + if (!str.substring(i, i + 1).equals(""x"")) + { + isSatisfied = true; + } + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +8f7512b7865b01baab23162d279d854c699dfacd,"public boolean xyBalance(String str) +{ + for(int x = str.length();x>0;x--) + { + if (str.charAt(x)=='y') + { + return true; + } + } + return false; +} +" +cec6271510569779c1d28e8fda2e61152463ab2b,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + if (!str.substring(0).equals(""x"")) + { + isSatisfied = true; + } + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +d7e4172894ed6b71fbac0f6c1cb30c1ca83de699,"public boolean xyBalance(String str) +{ + for(int x = str.length()-1;x>0;x--) + { + if (str.charAt(x)=='y') + { + return true; + } + } + return false; +} +" +0389f990b37f9c05394d179d6b63709b22ef3adf,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +bcc75bdd4af9b5bc3674b735e73aa1039f3cdff9,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (!str.substring(i).equals(""x"")) + { + isSatisfied = true; + } + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + } + + return isSatisfied; +} +" +52603cbb5afd636ea44b5dd8a15c2e32535c159f,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + } + else + { + if (str.charAt(i) == 'y') + { + x = 0; + } + } + } + if (x = 0) + { + return true; + } + else + { + return false; + } +} +" +2b5602f6c4cf63bc0e3c5c70da30ba407fb215d0,"public boolean xyBalance(String str) +{ + int length = str.length(); + int x = 0; + for (int i = 0; i < length; i++) + { + if (str.charAt(i) == 'x') + { + x = x + 1; + } + else + { + if (str.charAt(i) == 'y') + { + x = 0; + } + } + } + if (x == 0) + { + return true; + } + else + { + return false; + } +} +" +f22827cfddee42d70d59d80f947deb6f41ebbb4c,"public boolean xyBalance(String str) +{ + boolean truth = true; + + int YS = str.indexOf('y'); + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'x') //&& str.charAt(i+1) == 'y') + { + int arethereys = str.indexOf(""y""); + if (arethereys != -1) + { + truth = true; + } + else + { + truth = false; + } + + } + if (str.equals(""yaaxbb"") || str.equals(""xaxxbbyx"") || str.equals(""yxyxyxyx"")) + { + truth = false; + } + + + } + return truth; +} +" +4b8582a8bf6714ab4bd14cef5edd7162b78b3afc,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + else if (str.substring(i).equals(""x"") + isSatisfied = true; + } + + return isSatisfied; +} +" +cd2bbbf1d51e4ee1fa9a39c6fd061d4ad76249dd,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + else if (str.substring(i).equals(""x"")) + isSatisfied = true; + } + + return isSatisfied; +} +" +0d9b890e1b0449dcedd4eb11bd64782806f46154,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + else if (!str.substring(i).equals(""x"")) + isSatisfied = true; + } + + return isSatisfied; +} +" +19690874f0c87606de7fea30ffb2da974b32617f,"public boolean xyBalance(String str) +{ + for(int x = str.length()-1;x>0;x--) + { + if (str.charAt(x)=='y') + { + String hehe = str.substring(x); + if (!hehe.contains(x)) + { + return true; + } + } + } + return false; +} +" +b821cf02f8191be808d171039ab2ccf3c6170e43,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +e78eb071d29e1fcc2d74aa9b02bd01f6c4f3167d,"public boolean xyBalance(String str) +{ + for(int x = str.length()-1;x>0;x--) + { + if (str.charAt(x)=='x') + { + return false; + } + else if (str.charAt(x)=='y') + { + + return true; + + } + } + return true; +} +" +b3e50d8f7e10878b5c107237ce1dead3cc486ba1,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + return true; + else + return false; +} +" +5ac151d13cb46f6a55bac1a71cc36af28fe7357c,"boolean endX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = str.length() - 1; i < 0 ; i--) + { + if (str.substring(i, i + 1).equals(""x"")) + { + isSatisfied = false; + } + + if (str.substring(i, i + 1).equals(""y"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +174991a79525e3d9caf632489b74ca022d35a603,"public boolean xyBalance(String str) +{ + if (str.equals(""x"")) + { + return true; + } + for(int x = str.length()-1;x>0;x--) + { + if (str.charAt(x)=='x') + { + return false; + } + else if (str.charAt(x)=='y') + { + + return true; + + } + } + + return true; +} +" +79e7d608ba92f6008637c7f1df60a1196f297c94,"boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = str.length() - 1; i < 0 ; i--) + { + if (str.substring(i, i + 1).equals(""x"")) + { + isSatisfied = false; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +ff8b2cbd125b40e3ff048afefd91b47bcde5c090,"public boolean xyBalance(String str) +{ + if (str.equals(""x"")) + { + return false; + } + for(int x = str.length()-1;x>0;x--) + { + if (str.charAt(x)=='x') + { + return false; + } + else if (str.charAt(x)=='y') + { + + return true; + + } + } + + return true; +} +" +8c8166ebbc0fe4acafa7e69d0d853a19af9feb87,"boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = str.length() - 1; i >= 0 ; i--) + { + if (str.substring(i, i + 1).equals(""x"")) + { + isSatisfied = false; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +ff98f3971c21cc73fff6336150ca54d2d2f13e9e,"public boolean xyBalance(String str) +{ + boolean yExists = true; + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + yExists = false; + } + else if (str.charAt(i) == 'y') + { + yExists = true; + } + } + return yExists; +} +" +e5b42be87ec75101b7121422d7c9b132b65dec28,"public boolean xyBalance(String str) +{ + if ((str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) || ( !str.contains(""x"") && str.contains(""y"") ))) + return true; + else + return false; +} +" +be8859d9b48e1eb88c853085ea0a67833b094ee6,"public boolean xyBalance(String str) +{ + if ((str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) || ( !str.contains(""x"") && str.contains(""y"") )) + return true; + else + return false; +} +" +438621cfc06a72511ad89fcf0f6caa5b2f051933,"boolean endX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = str.length() - 1; i < 0 ; i--) + { + if (str.substring(i, i + 1).equals(""x"")) + { + isSatisfied = false; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} + + + + +boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +a3b82b6189e51ef7a7041ad44c97769060992520,"public boolean xyBalance(String str) +{ + if (!str.contains(""x"") && !str.contains(""y"")) + return true; + else if ((str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + return true; + else + return false; +} +" +c7100ade839ad0dea41e68aebed3985f7477c5e8,"public boolean xyBalance(String str) +{ + if (!str.contains(""x"") && !str.contains(""y"")) + return true; + else if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"") + return true; + else + return false; +} +" +2f95bc56a39d8df19fd3ec985e062a2020789650,"public boolean xyBalance(String str) +{ + if (!str.contains(""x"") && !str.contains(""y"")) + return true; + else if (str.lastIndexOf(""y"") > str.lastIndexOf(""x"")) + return true; + else + return false; +} +" +297e6ae024cc47f27236972e04e1fbbbe61a3b15,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +216b2c2fec47a85fb74a2001625c19a443f30e6d,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + !str.substring(i, i + 1).equals(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +d2f65bc6701d5ffdab42c2525ba29e1f4516e60b,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + !str.substring(i).equals(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +8f60822aa09a8933fba2c67f6a41a22db7640e14,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return true; +} +" +932eba502a05debf5c9291c1e10a9dac4527a62f,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + str.contains(""x"") + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +4828a10fe599c20a71e9a18846c0cf445822a9dd,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + + } + + return isSatisfied; +} +" +f41fb88b1de966f69c3b0cdf8fdf815e6d979781,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'x') + { + return false; + } + else if (str.charAt(i) == 'y') + { + return true; + } + } + return true; +} +" +00a91d2dc2fc371b813e45d693e5b40c28318b52,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +9dfd395137d9f16cd852379cb1e2c718c7c133f9,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1, str.length()).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +62d088f9e24392b67aaf1613fc2f538d59d76f66,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + afterX = + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1, str.length()).equals(""x"") || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +4d0c7b437232ef5aa9a3035d8561bbee27eae363,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1, str.length()).equals(""x"") || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +9aa644350b4f540989679f53ded0dad67076894d,"public boolean xyBalance(String str) +{ + for(int i = 0; i < str.length() - 1; i++) + { + if(str.charAt(i) == 'x') + { + return false; + } + else if(str.charAt(i) == 'y') + { + return true; + } + } + return true; +} +" +cdf9457203912dcb2c5c6704bf6dd0a6633a3184,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i, str.length()).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +ad3bc0a01c7c1888da1e2622ee1b6071afb72610,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1, str.length() + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +acfe927dae827f790485123659a7fc73fc0ab2f9,"public boolean xyBalance(String str) +{ + for(int i = 0; i < str.length() - 1; i++) + { + if(str.charAt(i) == 'x') + { + return false; + } + else if(str.charAt(i) == 'y') + { + return true; + } + } + } + return true; +} +" +42389724a54f84907f644ebf4dfcc7fe91346daa,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +10127f5f192b5346894c595dde54334411982a84,"public boolean xyBalance(String str) +{ + for(int i = 0; i < str.length() - 1; i++) + { + if(str.charAt(i) == 'x') + { + return false; + } + else if(str.charAt(i) == 'y') + { + return true; + } + } + return true; +} +" +e1e4826082316961cd895de882a672e219af8e98,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for(int k = len; k >= 0; k--) + { + ch = str.charAt(k); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +d10c6d57f8fc3a174a30c2b44be710036894992f,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for(int k = length; k >= 0; k--) + { + ch = str.charAt(k); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +0d9fe6649bcb97b08cffc612c17683d0f9417d3a,"boolean beforeX = false; +boolean afterY = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX) + { + afterY = true; + } + + if (afterY && !str.substring(i + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +204578866f4a1b786711553553f3323cc5ca01e3,"boolean beforeX = false; +boolean afterY = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if (str.substring(i, i + 1).equals(""y"") && beforeX) + { + afterY = true; + } + + if ((afterY && !str.substring(i + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +bc9e598407b7b9b14cc0a72f892dc8e909b77aa6,"boolean beforeX = false; +boolean isSatisfied = false; + +public boolean xyBalance(String str) +{ + + for (int i = 0; i < str.length(); i++) + { + + if (str.substring(i, i + 1).equals(""x"")) + { + beforeX = true; + } + + if ((str.substring(i, i + 1).equals(""y"") && beforeX && + !str.substring(i + 1).equals(""x"")) || + !str.contains(""x"")) + { + isSatisfied = true; + } + } + if (str.length() == 0) + { + isSatisfied = true; + } + + return isSatisfied; +} +" +ed10881e06f88f2f03333a8b03676aa31e2a1fe4,"public boolean xyBalance(String str) +{ + for(int i = str.length() - 1; i < 0; i--) + { + if(str.charAt(i) == 'x') + { + return false; + } + else if(str.charAt(i) == 'y') + { + return true; + } + } + return true; +} +" +c2267a1342d3ceb13a1261133dd5e5667ab77cd9,"boolean afterY = false; +boolean isBalanced = false; +public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0 ; i--) + { + if (str.charAt(i) == 'y') + { + afterY = true; + } + + if (afterY || !str.charAt(i) == 'x') + { + is isBalanced = true; + } + } + return isBalanced; +} +" +4792f85347d228813b6543def1e914bf712617ef,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +21ebb87603bc6b9af0b49ce666a2e31e281bb2fe,"boolean afterY = false; +boolean isBalanced = false; +public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0 ; i--) + { + if (str.charAt(i) == 'y') + { + afterY = true; + } + + if (afterY || str.charAt(i) != 'x') + { + is isBalanced = true; + } + } + return isBalanced; +} +" +ea4d21aabaca309d85dad641e774ccf54ee1fc8c,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +7a00026fe2ea3ba4e90530d4ed9d03c99eb4eecc,"boolean afterY = false; +boolean isBalanced = false; +public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0 ; i--) + { + if (str.charAt(i) == 'y') + { + afterY = true; + } + + if (afterY || str.charAt(i) != 'x') + { + isBalanced = true; + } + } + return isBalanced; +} +" +1b48dd532d5837d4d461c8de2fec42a4ab03e147,"boolean afterY = false; +boolean isBalanced = true; +public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0 ; i--) + { + if (str.charAt(i) == 'y') + { + afterY = true; + } + + if (!afterY || str.charAt(i) == 'x') + { + isBalanced = false; + } + } + return isBalanced; +} +" +c4091277bcbdf0215289f018034a35bddb1dcedd,"boolean afterY = false; +boolean isBalanced = true; +public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0 ; i--) + { + if (str.charAt(i) == 'y') + { + afterY = true; + } + + if (!afterY && str.charAt(i) == 'x') + { + isBalanced = false; + } + } + return isBalanced; +} +" +10af8ae87e8d5fab568a4bc61c1cbcdf1cf7e4e3,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = 0; i < str.length() - 1; i++) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +bafd333bd7cbd5d0c46cdc1b62d9ac563a291e51,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = 0; i < str.length() + 1; i++) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +5e0821f233ec54407080001768d41e18b430b7c5,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = 0; i < str.length(); i++) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +56514440617c2affc1f1771cded39237eb22da03,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +90d8ee63ed3d4b8ea7fed455492fb96e5bcfe943,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +5a57862b94086432d2e49c5bdbe5b2cf35f042f5,"public boolean xyBalance(String str) +{ + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + return true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +0d17ca7b3e7cf4f09a5d7e49ca7406ea9a0b7c22,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + ychar = true; + return true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +5b88a79cf102d6e1f0ee6f371a53ae88ff80d652,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + ychar = true; + return true; + } + if(str.charAt(i) == 'x' && !ychar) + { + return false; + } + } + return true; +} +" +860bdd0d2bbabffbc0f1ad10c1eb965f9eabe135,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +631f36bcc9cd8eb8b9298a1f6c6b3fb2d16aa42d,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +b475660487fc886b3cc2d889a6dd4e69d35549f7,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +be5767b6f3bf2e064e22cd65af624f9d7dca1f06,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +db407fb4724da1a0b3c7577fd6300a76766d390a,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +4c73a6d33ad3f67fa64efb43ea1436b6e575c3fd,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +925ee1959fe48710503cae64955fce6f2e3a0911,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +4a63be8553ad24a10f87fadd9670f90ac23241ab,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +27937b0e9199b3b73fea84596393062405eb8763,"public boolean xyBalance(String str) +{ + boolean ychar = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') //true when every x is balanced with a y after + { + ychar = true; + return true; + } + if(!ychar && str.charAt(i) == 'x') + { + return false; + } + } + return true; +} +" +f11262bcf7454584af01779718bdbcab39abac00,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + for(int k = length; k >= 0; k--) + { + char character = str.charAt(k); + if (character == 'x') + { + return false; + } + else if (character == 'y') + { + return true; + } + } + return true; +} +" +e28c6f9567dea4326de2c7a2ef3855cdc1b44f72,"public boolean xyBalance(String str) +{ + if (str.endsWith(""y"")) + { + return true; + } + else + { + return false; + } +} +" +85e38aa73a80896fa9d919205beeafebc618056a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +fec0a524850b7004bdacb0d57587eb6d8b3e0c87,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } +} +" +a5caffb5ee88b154b7c12dc8b376bff2306be404,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +5d90678399ec9a254494da55e557869e4a59bf7c,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char type; + for(int i = length; i >= 0; i--) + { + type = str.charAt(i); + if(type == 'x') + return false; + else if(type == 'y') + return true; + } + return true; +} +" +3b8dff85d0006d385378a778084375cf46348acd,"public boolean xyBalance(String str) +{ + int len = str/length() -1; + char ch; + for (int i=len; i>=0; i--) { + ch = str.charAt(i); + if(ch== 'x') { + return false; + } + else if (ch == 'y') { + return true; + } + } + return true; +} +" +d19c43459c607c18f36165f53ee7af730aaf5924,"public boolean xyBalance(String str) +{ + int len = str.length() -1; + char ch; + for (int i=len; i>=0; i--) { + ch = str.charAt(i); + if(ch== 'x') { + return false; + } + else if (ch == 'y') { + return true; + } + } + return true; +} +" +620438842883ca8c13c96d2da03a76a9aa8a5184,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +}" +cc242471a6b74fdf62dd39788be1b5dcf2b40893,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +98b69e550dc60a8df92b469f32df63b9fe03544a,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + } + return true; +} +" +58eeea6b944e72e2c75f26268e476c98b7add98f,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"") xposition) + { + value = true; + } + return value; +} +" +c9ada8f942c2ceb65e6a967452c52d8da856efc3,"public boolean xyBalance(String str) +{ + int length = str.lenght(); + int yposition = 0; + int xposition = 0; + boolean value = false; + for(i = 0; i < length; i++) + { + if(charAt(i) == 'y') + { + yposition = i; + } + if(charAt(i) == 'x') + { + xposition = i; + } + } + if(yposition > xposition) + { + value = true; + } + return value; +} +" +17529ba4043fc906e570feb2f6628d83a5484114,"public boolean xyBalance(String str) +{ + int length = str.length(); + int yposition = 0; + int xposition = 0; + boolean value = false; + for(int i = 0; i < length; i++) + { + if(charAt(i) == 'y') + { + yposition = i; + } + if(charAt(i) == 'x') + { + xposition = i; + } + } + if(yposition > xposition) + { + value = true; + } + return value; +} +" +37d20d6c5c146ba333e97f7c5a81534be223ef2c,"public boolean xyBalance(String str) +{ + int strL = str.length() - 1; + char balance; + for(int i = strL; i >= 0; i--) + { + balance = str.charAt(i); + if(balance == 'x') + return false; + else if(balance == 'y') + return true; + } + return true; +} +" +ca8efaf41bd44cb316769bc435d410fdb48e49f1,"public boolean xyBalance(String str) +{ + int length = str.length(); + int yposition = 0; + int xposition = 0; + boolean value = false; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'y') + { + yposition = i; + } + if(str.charAt(i) == 'x') + { + xposition = i; + } + } + if(yposition > xposition) + { + value = true; + } + return value; +} +" +a7f0054ef6336d2041ba6257a11fd0e95dbb240e,"public boolean xyBalance(String str) +{ + int length = str.length(); + int yposition = 0; + int xposition = 0; + boolean value = true; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'y') + { + yposition = i; + } + if(str.charAt(i) == 'x') + { + xposition = i; + } + } + if(yposition < xposition) + { + value = false; + } + return value; +} +" +3eeb6034c65fef94629aaeee88ab2200973993c1,"public boolean xyBalance(String str) +{ + int length = str.length(); + int yposition = -1; + int xposition = -1; + boolean value = true; + for(int i = 0; i < length; i++) + { + if(str.charAt(i) == 'y') + { + yposition = i; + } + if(str.charAt(i) == 'x') + { + xposition = i; + } + } + if(yposition < xposition) + { + value = false; + } + return value; +} +" +86aec824ccd346dc6bca39a6b1f3f6ea66502236,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +7ba9c5834620fd2ef94ea96771c55e2dc7376b33,"public boolean xyBalance(String str) +{ + int X = str.lastIndexOf(""y""); + int Y = str.lastIndexOf(""x""); + if (X == -1 && Y == -1 + { + return true; + } + return false; +} +" +15805212286353143f29d3ff94f23041d91d43c8,"public boolean xyBalance(String str) +{ + char c; + for(int i = str.length()-1;i>=0;i-=1) { + c = str.charAt(i); + if(c ==""x"") { + return false; + } + else if(c=='y') { + return true; + } + + } + return true; +} +" +46c56eb27159c1ca11dd8e64b64d5d31d489a5af,"public boolean xyBalance(String str) +{ + char c; + for(int i = str.length()-1;i>=0;i-=1) { + c = str.charAt(i); + if(c =='x') { + return false; + } + else if(c=='y') { + return true; + } + + } + return true; +} +" +8b8348f294b09f64df9f450490b2bb4a2603cea1,"public boolean xyBalance(String str) +{ + if (str == ""aaxbb"") + return false; + if (str == ""yaaxbb"") + return false; + if (str == ""xaxxbbyx"") + return false; + if (str == ""bxbb"") + return false; + if (str == """") + return false; + boolean x = false; + int j = 0; + for (int i = str.length() - 1; i > 0; i--) + if(str.charAt(i) == 'y') + j = i; + x = false; + if (str.charAt(j) == 'x' && !x) + return false; + return true; + +} +" +8ae4d66f07e7a3b37ff6cb0ebfbe72ce50a73a6b,"public boolean xyBalance(String str) +{ + if (str == ""aaxbb"") + return false; + if (str == ""yaaxbb"") + return false; + if (str == ""xaxxbbyx"") + return false; + if (str == ""bxbb"") + return false; + if (str == """") + return true; + if (str == ""yxyxyxyx"") + return false; + boolean x = false; + int j = 0; + for (int i = str.length() - 1; i > 0; i--) + if(str.charAt(i) == 'y') + j = i; + x = false; + if (str.charAt(j) == 'x' && !x) + return false; + return true; + +} +" +7625e465141cd96a0a8796191f098742653ca611,"public boolean xyBalance(String str) +{ + int X = str.lastIndexOf(""y""); + int Y = str.lastIndexOf(""x""); + if (X == -1 && Y == -1) + { + return true; + } + return false; +} +" +e4e9b3d64c3dda13590f0a9cb0b57bd9a61f1b09,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + int firstX = str.startsWith(""y""); + int firstY = str.startsWith(""x""); + if ((lastX == -1 && lastY == -1) || (firstX == 0 && firstY == 0)) + { + return true; + } + return false; +} +" +d8e0893c8068e91ba65ce88de170350c475bbb65,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +a3d5ff5ee180a8dcf32331d0086b2122777bc2eb,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + //int firstX = str.startsWith(""y""); + //int firstY = str.startsWith(""x""); + if (lastX == -1 && lastY == -1) + { + return true; + } + return false; +} +" +c32e00e3b0fa6f79b83bbaea2dcd88a5578bd3c7,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') { + return true; + } else { + return false; +} +" +868104d8170db325bc4a897aceab8591799bfb30,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') { + return true; + } else { + return false; + } +} +" +b478e20ad6727bf9910beda42ddb3442fed8c91d,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +013f4851392dda5fae7857cdcd62b1b1797b3cd4,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char char; + + for (int i = length; i >= 0; i--) { + char = str.charAt(i); + if (char == 'x') { + return false; + } + else if (char == 'y') { + return true; + } + } + return false; +} +" +9f9f5bb1a50eb7750a5a4197226da9a109d88fe0,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char cha; + + for (int i = length; i >= 0; i--) { + cha = str.charAt(i); + if (cha == 'x') { + return false; + } + else if (cha == 'y') { + return true; + } + } + return false; +} +" +dbc73811b7f0b6323b1028c3eac4ddff92d543ff,"public boolean xyBalance(String str) +{ + int a = str.length(); + if (charAt(a) == 'y') + return true; + return false; + +} +" +4281119a897576248b6c6f00fbd15a2664fe833b,"public boolean xyBalance(String str) +{ + int a = str.length(); + if (str.charAt(a) == 'y') + return true; + return false; + +} +" +efdac97288003ec2816f22017032f76d820e2bb1,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + + if (x < y) + { + return true; + } + + else + { + return false; + } +} +" +72b17cd5c12bf42ead34ec41d8b156c5ce3ab9a6,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + if (str.charAt(a) == 'y') + return true; + return false; + +} +" +ae12de56ec5c21cb1552162f5a982dd86ecf3cb9,"public boolean xyBalance(String str) +{ + String string = str; + int countX = str.length() - str.replaceAll(""x"", """").length(); + int countY = string.length() - str.replaceAll(""y"", """").length(); + if (countX < countY) { + return false; + } + else if (countX > countY) { + return true; + } +} +" +9519583242923aeaef376ee5e6f2534b05cfc03d,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") + { + if (str.endsWith(""x"") || (!str.contains(""y"")) + { + return false; + } + else + { + return true; + } + } +} +" +dee821d09e429bae987cfc5d0855dce37a4ffad8,"public boolean xyBalance(String str) +{ + String string = str; + int countX = str.length() - str.replaceAll(""x"", """").length(); + int countY = string.length() - str.replaceAll(""y"", """").length(); + if (countX < countY) { + return false; + } + else if (countX > countY) { + return true; + } + return false; +} +" +fdf09eb81b9a8c12e29268c80c9265ef91ddd1d5,"public boolean xyBalance(String str) +{ + int x = str.lastIndexOf('x'); + int y = str.lastIndexOf('y'); + + if (x > y) + { + return false; + } + + else + { + return true; + } +} +" +c9a50bd9e654188d20e751e3a46868ea31d50d7c,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + for (i == a; i > 0 ; i--) + if (str.charAt(i) == 'y') + return true; + return false; + +} +" +d7912cc13d4cab7b44d6f6ff02767e64f0639a2b,"public boolean xyBalance(String str) +{ + if (str.contains(""x"")) + { + if (str.endsWith(""x"") || (!str.contains(""y"")) + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } +} +" +01d1f163c2ac7fe0f4e8acbda1a34fc4d1d69e22,"public boolean xyBalance(String str) +{ + String string = str; + int countX = str.length() - str.replaceAll(""x"", """").length(); + int countY = string.length() - str.replaceAll(""y"", """").length(); + if (countX < countY) { + return false; + } + else { + return true; + } +} +" +99d3d9836701e3ee47199654a21f71dea77164dc,"public boolean xyBalance(String str) +{ + if (str.contains(""x"")) + { + if (str.endsWith(""x"") || (!str.contains(""y""))) + { + return false; + } + else + { + return true; + } + } + else + { + return true; + } +} +" +2b8a76f9696c64a7ca2de9abf1c141ea653bba78,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + for (int i == a; i > 0 ; i--) + { + if (str.charAt(i) == 'y') + return true; + return false; + } + return true; + +} +" +804b08596f443e23dcde2b009da9b7d1e4baa9d9,"public boolean xyBalance(String str) +{ + int a = 0; + int b = 0; + + if (str.equals(""bbb"")) { + return true; + } + + if (str.equals("""")) { + return true; + } + + if (str.endsWith(""y"")) { + return true; + } + for (int i = str.length() - 1; i > 0; i = i-1) { + String s = String.valueOf(str.charAt(i)); + if (s.equals(""x"")) { + a = a + 1; + } + if (s.equals(""y"")) { + if (a == 0) { + return true; + } + } + } + return false; +} +" +cba2bdc3f498dc39edb23149a07fe515ff041aa8,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + for (int i = a; i > 0; i--) + { + if (str.charAt(i) == 'y') + return true; + return false; + } + return true; + +} +" +07a9a00c875623b5b91494032f51417c3a23f1a4,"public boolean xyBalance(String str) +{ + if (str.contains(""x"")) + { + if (str.endsWith(""x"") || (!str.contains(""y""))) + { + return false; + } + else + { + return true; + } + } + else if (str.contains(""yaaxbb"")) + { + return false; + } + else + { + return true; + } +} +" +4f5c9066750e32df6ccc6509c0d02e4d3702d04d,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + for (int i = a; i > 0; i--) + { + if (str.charAt(i) == 'y') + return true; + else if (str.charAt(i) == 'x') + return false; + } + return true; + +} +" +e671afe39a6585e3a69a00e25cf55d6f2694773a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +afdfadf6cda3ddc0e1c7cd4c8c24c29fd23cd0fe,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +4907a050a3f60b62aea2e03bd8193bac927faa80,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for(int i = length; i >= 0; i--) + { + character = str.charAt(i); + if(character == 'x') + return false; + else if(character == 'y') + return true; + } + return true; + +} +" +0bd31aaeb31f330eae8e66ec2c68ee5dc9f07cd9,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + for (int i = a; i > 0; i--) + { + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + } + return true; + +} +" +453daa2e002d31419e1b352cb83f0a413ffb2712,"public boolean xyBalance(String str) +{ + //should not be x at end + //should be y after an x + + int searchLength = str.length() - 1; + + for (int n = searchLength; n > 0; n--) + { + lookX = str.charAt(n); + if (lookX == 'x') + { + return false; + } + if (lookX == 'y') + { + return true; + } + } + return true; +} +" +08460f525c9fd9f0b5278a235b3ba2cabc9b70a0,"public boolean xyBalance(String str) +{ + //should not be x at end + //should be y after an x + + int searchLength = str.length() - 1; + + for (int n = searchLength; n > 0; n--) + { + char lookX = str.charAt(n); + if (lookX == 'x') + { + return false; + } + if (lookX == 'y') + { + return true; + } + } + return true; +} +" +cd32eb5058eea6dc72cb789bbc985e38c2785fe3,"public boolean xyBalance(String str) +{ + int z == 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == ""x"" && z == 0) + z == z + 1; + else if (str.charAt(i) == ""y"" && z != 0) + z == z - 1; + if (z == 0) + return true; + else + return false; +}" +91c112076f97a2faf2586cf53afdc717dd8db097,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == ""x"" && z == 0) + z++; + else if (str.charAt(i) == ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +1a1a4386768dfa087ae6853782e2240e2fab76cd,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + if (str.charAt(0) == 'x' && str.length() == 1) + return false; + for (int i = a; i > 0; i--) + { + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + } + return true; + +} +" +a782d42fefe799a1ab38e68f48f343097da54ab8,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + + for (int i = a; i > 0; i--) + { + if (str.charAt(0) == 'x' && str.length() == 1) + return false; + if (str.charAt(i) == 'x') + return false; + else if (str.charAt(i) == 'y') + return true; + } + return true; + +} +" +2f8da37ca280708e7aeb2b433dc2f175609a2c4c,"public boolean xyBalance(String str) +{ + int z == 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) = ""x"" && z == 0) + z++; + else if (str.charAt(i) = ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +6e03cfa7231408f19258edb1b1dee9938f13b473,"public boolean xyBalance(String str) +{ + int z == 0;; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) = ""x"" && z == 0) + z++; + else if (str.charAt(i) = ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +1db9064f8df379f1b52c5d6a961fa8ea135f28f6,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + char b; + for (int i = a; i > 0; i--) + { + char b = str.charAt(i); + if (b == 'x') + return false; + else if (b == 'y') + return true; + } + return true; + +} +" +48d05699c832b77906f66ee31d6924ffe83b5913,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i<= str.length(); i++) + { + if (str.charAt(i) == 'x') + { + x += 1; + } + else if (str.charAt(i) == 'y') + { + y += 1; + } + } + if (x == y) + { + return true; + } + return false; +} +" +b4c746fe345dbed1bfefad17feb07a378fcee772,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +} +" +3b3afaba72cd5dd10cacf45450cb5abe2cbe15f8,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + char b; + for (int i = a; i > 0; i--) + { + b = str.charAt(i); + if (b == 'x') + return false; + else if (b == 'y') + return true; + } + return true; + +} +" +6e7c065306b35fb3fd78426b3863f44d562cceb6,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) = ""x"" && z == 0) + z++; + else if (str.charAt(i) = ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +861fc4ba7e379d01c7f530ce6171b4151d876d34,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + x += 1; + } + else if (str.charAt(i) == 'y') + { + y += 1; + } + } + if (x == y) + { + return true; + } + return false; +} +" +621410f3167d1fdb7e7d1e9d4bc9d4ee8f9be588,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == ""x"" && z == 0) + z++; + else if (str.charAt(i) == ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +82cfca651d7115a00cf41bfce4e32c3fe0763f0e,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == ""x"" && z == 0) + z++; + else if (str.charAt(i) == ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +a9208b54e0ccd7444fef29d3aace79c410dc2a20,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +920bf66eabefd051849a5a7bbe375ced6076428f,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + + return true; +} +} +" +e78d85ccd83c7e5a5a3e7dd868839c6568b7d0a8,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + + return true; +} + +" +7061a65eec81a1202657b93fea35dd457afe4d91,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + y = true; + } + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + + return true; +} + +" +23c82c7e95c6166dfdca697adf1f0502cb9568cf,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +5eb2c507cfa4efbf0a6b78c3bfdf00b6a28385bf,"public boolean xyBalance(String str) +{ + if (str.contains(""x"")) + { + if (str.endsWith(""y"")) + { + return true; + } + else if (str.lastIndexOf(""x"") < str.lastIndexOf(""y"")) + { + return true; + } + } + return false; +} +" +cb2c39ae9621f9b04a7d4f81ebce821fe7703ce9,"public boolean xyBalance(String str) +{ + if (str.contains(""x"")) + { + if (str.endsWith(""y"")) + { + return true; + } + else if (str.lastIndexOf(""x"") < str.lastIndexOf(""y"")) + { + return true; + } + } + else if (!str.contains(""x"")) + { + return true; + } + return false; +} +" +2ed3b50119df4721859b356e86aed62e5336431d,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == ""x"" && z == 0) + z++; + else if (str.charAt(i) == ""y"" && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +40d8cdee4f4df646760bf71c680463d1a1c540c8,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +73fbffb254becd5f5e73f4bfa8ed1cc9fef79a17,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == 'x' && z == 0) + z++; + else if (str.charAt(i) == 'y' && z != 0) + z--; + if (z == 0) + return true; + else + return false; +}" +2710ca42b5ff08195d77ca22de859c39379bbb6b,"public boolean xyBalance(String str) +{ + if(str.length() < 2){ + + if(str == ""x""){ + + return false; + + } + + return true; + + } + + for (int i = 0 ; i < str.length()- 1;i++){ + + if (str.charAt(i)=='x' && str.charAt(i + 1) == 'y'){ + + return true; + + } + + } + + return false; +} +" +e93f04c475229829dd3b0a9c42ad26fac28a27eb,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +31883a1ae688c11fd1680275bd821f32bc08c829,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +a74c5211bd3e585765601866df04d0aa731b72b1,"public boolean xyBalance(String str) +{ + boolean match = false; +if(str.length() == 1 && str.contains(""y"")){ +match = true; +} +if(str.indexOf('x') == -1 && str.indexOf('y') == -1){ +match = true; +} +if(str.contains(""x"") && str.contains(""y"")){ +if(str.lastIndexOf('y') > str.lastIndexOf('x')){ +match = true; +} +} +return match; +} +" +401a21995178a50b65a7815ae1223224245d5ce2,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +a446c0a3f8a108301c90b7307f8f5d33ebbed88e,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +0e457210f8fda54c19dc07e3f8d9138209d15ba3,"public boolean xyBalance(String str) +{ + int x=0; + for (int y=0; y y) + { + return true; + } + else{ + return false; + } +} +" +249931b00023bd25048f846fb6d9694a46f6b163,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + for (int i = 0; i < str.length(); i++){ + if(str.charAt(i)=='x'){ + x++; + }else if (str.charAt(i)=='y'){ + y++; + } + } + if( x > y) + { + return true; + } + else{ + return false; + } +} +" +61a5398a9e98fe4967f8bff28c327b000e822bd7,"public boolean xyBalance(String str) +{ + int length = str.length(); + for (int i = length - 1; i >= 0; i = i + 1) + { + char one = str.charAt(i); + if (one == 'y') + { + return false; + } + else + { + return true; + } + } + return true; +} +" +14458bcddc8b13cc549d2b108354800c1e4e8cc6,"public boolean xyBalance(String str) +{ + int length = str.length(); + for (int i = length - 1; i >= 0; i = i + 1) + { + char one = str.charAt(i); + if (one == 'y') + { + return true; + } + else + { + return false; + } + } + return true; +} +" +d827078c36a7d358e327ffea4e237ea50c7c2bbe,"public boolean xyBalance(String str) +{ + for (int i=0; i= -1; i = i - 1) + { + char one = str.charAt(i); + if (one == 'y') + { + return true; + } + else + { + return false; + } + } + return true; +} +" +f0eab07b4e7ea99cadbb237f126537b3b673f5f5,"public boolean xyBalance(String str) +{ + for (int i=0; i= 0; i = i - 1) + { + char one = str.charAt(i); + if (one == 'y') + { + return true; + } + else + { + return false; + } + } + return true; +} +" +bafbfb7a77f22c5d1e30f5803c286ca0f5bd9d40,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) + { + return true; + } + return (lastX > lastY); +} +" +8fbcba96e866b2fba324c5d2999f8dc1482e38f3,"public boolean xyBalance(String str) +{ + for (int i=0; i= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +b287b5cbab5be1d6cdf39fefa54932b56d21adaa,"public boolean xyBalance(String str) +{ + int z = 0; + for (int i = 0; i < str.length(); i ++) + if (str.charAt(i) == 'x' && z == 0) + z = z + 1; + else if (str.charAt(i) == 'y' && z != 0) + z = z - 1; + if (z == 0) + return true; + else + return false; +}" +c416e11ef29a8459d86cf37af54ef9b7d9fb2bbe,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + for (i = str.length(); i>=0; i--) + { + if (y == (charAt(i))) + { + break; + } + else if (x ==(charAt(i))) + { + return false; + } + else + { + return true; + } + } + String sub = new String(str.substring(i+1); + for (i = sub.length(); i>=0; i--) + { + if (x == (charAt(i))) + { + return false; + } + else + { + + return true; + } + +} +" +78ddf4fe797a9c94cb77d22ae39ddcf04c3eced2,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + for (i = str.length(); i>=0; i--) + { + if (y == (charAt(i))) + { + break; + } + else if (x ==(charAt(i))) + { + return false; + } + else + { + return true; + } + } + String sub = new String(str.substring(i+1); + for (i = sub.length(); i>=0; i--) + { + if (x == (charAt(i))) + { + return false; + } + else + { + + return true; + } + } + +} +" +6f87c04f4c875e7ec655caddf48988d4984c4e16,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + for (i = str.length(); i>=0; i--) + { + if (y == (charAt(i))) + { + break; + } + else if (x ==(charAt(i))) + { + return false; + } + else + { + return true; + } + } + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (charAt(i))) + { + return false; + } + else + { + + return true; + } + } + +} +" +5ed0e19a1cb3413e2ca7067fc4f391b59bf83818,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (charAt(i))) + { + break; + } + else if (x ==(charAt(i))) + { + return false; + } + else + { + return true; + } + } + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (charAt(i))) + { + return false; + } + else + { + + return true; + } + } + +} +" +ec72f8f5de7cad89e669b560f1db52958c522b47,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i))) + { + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + return true; + } + } + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + return true; + } + } + +} +" +d641b024856ead55a9e908cf3cc588441c8862c8,"public boolean xyBalance(String str) +{ + int length = str.length(); + for (int i = length -1; i >= 0; i = i - 1) + { + char one = str.charAt(i); + if (one == 'x' || one == 'y') + { + if (one == 'y') + { + return true; + } + else + { + return false; + } + } + } + return true; +} +" +61b37d5e57b9dadacac337fa911ef42e08fa055e,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i))) + { + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1: + } + } + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + return count >= 1; +} +" +00c0d27619e50138d2b3b0fbb3e77df1446ee38b,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i))) + { + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1; + } + } + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + return count >= 1; +} +" +15a2e4866d74af858a7a0e1b67b485b8c2a91749,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + { + return false; + } + else if(ch == 'y') + { + return true; + } + } + return true; +} +" +307338086ca3f864dc1c117e7b16277d107df20f,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + return y; + +} +" +396a6c64d62487dd6542558e515bf27a717f2e55,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + return y; + +} +" +766c084d9e60e41c59a2fc0a85bccd7300a316c1,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + + return y; + } + +} +" +b4f2ef49bfac84a3a88403a5ceb75acd3ccf959d,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i))) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1; + } + } + + return count >= 1; +} +" +81495bf5e58ad4cbbefb7d4a9b25cbc1a2936afc,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + + + } + return y; + +} +" +a39233d8c9670266bc42bcaf8a29e84b9e0f0481,"public boolean xyBalance(String str) +{ + for (int i=0; i=0; i--) + { + if (y == (str.charAt(i))) + { + int go = 1; + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +f18317c277f50c8665faecbb9ac00d5f4ab5a53b,"public boolean xyBalance(String str) +{ + int numX = 0; + int numY = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + numX++; + } + + if (str.charAt(i) == 'y') + { + numY++; + } + } + + if (numX == numY) + { + return true; + } + + else + { + return false; + } +}" +488bbec5194782559f254945a033e37be93de580,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +8f2ac571df58a351c194f8e4252ed8aa18b2a405,"public boolean xyBalance(String str) +{ + int needBalance = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + needBalance = 1; + } + if ( str.charAt(i) == 'y') + { + answer = true; + } + else + { + answer = false; + } + } + return answer; +} +" +965ebd399ff3d782d107eb9784d8b1b63136eedd,"public boolean xyBalance(String str) +{ + return true; +} +" +a4f8ab07b90efe77744348a76790d4777a2b225d,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + for (i = str.length()-1; i>=0; i--) + { + if (y == (str.charAt(i))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length()-1; i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +284228522c7ad7723331f91a8f4d0a04121d07b7,"public boolean xyBalance(String str) +{ + int needBalance = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + needBalance = 1; + } + if ( str.charAt(i) == 'y') + { + answer = true; + needBalance = 0; + } + else if (needBalance = 1 && str.charAt(i) != 'y') + { + answer = false; + + } + } + return answer; +} +" +fc0109dfcede10bc6e96e42a67527f2013bf8a5c,"public boolean xyBalance(String str) +{ + int needBalance = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + needBalance = 1; + } + if ( str.charAt(i) == 'y') + { + answer = true; + needBalance = 0; + } + else if (needBalance == 1 && str.charAt(i) != 'y') + { + answer = false; + + } + } + return answer; +} +" +2fbfe1a4585f671acd78ef91959aee2a8fddc9fb,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length()-1; i>=0; i--) + { + if (x == (sub.charAt(i))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +12f3dc0e35bed2e51b398365ced90c219136def9,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i-1))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i-1))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length()-1; i>=0; i--) + { + if (x == (sub.charAt(i-1))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +041f8aceac5a602fd71ff28f8b5b92ee896d7016,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf('x') < str.lastIndexOf('y')) + { + return true; + } + + else + { + return false; + } +}" +b6a53df466f9e91ea233dbdb911b1c7bcf7c9938,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i-1))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i-1))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i+1)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i-1))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +eb0fb02e0fd6e8d477eb1f75da3111fff41ba445,"public boolean xyBalance(String str) +{ + if (str.indexOf('x') == -1 || str.indexOf('y') == -1) + { + return false; + } + + else if (str.lastIndexOf('x') < str.lastIndexOf('y')) + { + return true; + } + + else + { + return false; + } +}" +f2a32ea8d49f1add9a92a1275c80dfffc25e06c5,"public boolean xyBalance(String str) +{ + if (str.indexOf('x') == -1 || str.indexOf('y') == -1) + { + return true; + } + + else if (str.lastIndexOf('x') < str.lastIndexOf('y')) + { + return true; + } + + else + { + return false; + } +}" +e9a1bd796da7c1f0c7eec27b2b2581dce7009e28,"public boolean xyBalance(String str) +{ + if (str.indexOf('x') == -1 && str.indexOf('y') == -1) + { + return true; + } + + else if (str.lastIndexOf('x') < str.lastIndexOf('y')) + { + return true; + } + + else + { + return false; + } +}" +829a414c079ea7a16d153233a50f471a8a0f96e5,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + if (endsWith(""y"")) + { + return true; + } + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i-1))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i-1))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i-1))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +02d70778d832563e7a06018f9b6ceadeebf368f1,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + if (str.endsWith(""y"")) + { + return true; + } + for (i = str.length(); i>=0; i--) + { + if (y == (str.charAt(i-1))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i-1))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i)); + for (i = sub.length(); i>=0; i--) + { + if (x == (sub.charAt(i-1))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +82b234c120ca9fa432e346ff8256f9fdaee99d3c,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + if (str.endsWith(""y"")) + { + return true; + } + for (i = str.length(); i>=1; i--) + { + if (y == (str.charAt(i-1))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i-1))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i)); + for (i = sub.length(); i>=1; i--) + { + if (x == (sub.charAt(i-1))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +a62f22bb60b2a713f2ef20c95e191bcf24754dde,"public boolean xyBalance(String str) +{ + int index = str.indexOf('x'); + while (index != -1) + { + if (str.indexOf('y', index) == -1) + { + return false; + } + index = str.indexOf('x', index + 1) + } + return true; +} +" +04ad49f571e194d623b44cf046747fa1cc88249f,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 1 && str.endsWith('y')) + { + balance = true; + } + return balance; +} +" +651a01ee77fa6093d08fcc79942fbd82147fc26d,"public boolean xyBalance(String str) +{ + int index = str.indexOf('x'); + while (index != -1) + { + if (str.indexOf('y', index) == -1) + { + return false; + } + index = str.indexOf('x', index + 1); + } + return true; +} +" +883d8d808037dd0d543097e86f476ef05894bd59,"public boolean xyBalance(String str) +{ char y = 'y'; + char x = 'x'; + int i = 0; + int count = 0; + int go = 0; + if (str.endsWith(""y"")|| """".equals(str)) + { + return true; + } + for (i = str.length(); i>=1; i--) + { + if (y == (str.charAt(i-1))) + { + go = 1; + break; + } + else if (x ==(str.charAt(i-1))) + { + return false; + } + else + { + count = count + 1; + } + } + if (go == 1) + { + String sub = new String(str.substring(i)); + for (i = sub.length(); i>=1; i--) + { + if (x == (sub.charAt(i-1))) + { + return false; + } + else + { + + count = count +1; + } + } + } + return count >= 1; +} +" +72a3d3e9d57f706e083cd343a16c0af319780e8c,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 1 && str.endsWith('y')) + { + balance = true; + } + return balance; +} +" +e8653e4a5bc2e1dcb8ebe29c3f6cdd5033375738,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + return balance; +} +" +614e4eaa50b2d3c56749bbfef1bb7edd61611f2f,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for(int i = len; i >= 0; i--) + { + if(str.charAt(i) == 'x') + return false; + else if(str.charAt(i) == 'y') + return true; + } + return true; +} +" +5be4ca2ed73bab60e247774b2f6d5a3e3b1a4f9b,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + + if (str.endsWith(""y"")) + { + balance = true; + } + return balance; +} +" +1fa7dc3c4679a4762b187d1f59be9e19a0193114,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + return balance; +} +" +ab89642e3f3ef616ac7ec1a011894e6beada3c0f,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +5338e0edb66508b93000627a42c86ed7c83267ae,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + if (str.charAt(str.length() - 1) == 'y') + { + balance = true; + } + return balance; +} +" +fc4918024e6392eae8389324d5ad6840b1ce6269,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + if (str.substring(0, str.length() - 1)) + { + balance = true; + } + return balance; +} +" +8fc6300fb2b67433499e491f6b695b52fa9fce75,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +acc4c5a9039ac5630b77cbbbdf88ed4cb98cb20d,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + return balance; +} +" +9325a6d58204da36ffc177736e704f952c13d459,"public boolean xyBalance(String str) +{ + int length= str.length(); + boolean x = false; + boolean y = false; + + for(int i= 0; i= 0; i--) + { + character = str.charAt(i); + if (character == 'x') + { + return false; + } + else if (character == 'y') + { + return true; + } + } + return true; +} +" +0908ca33fad1513c9c85cb1a81c6c6acd98d88a2,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + return balance; +} +" +515a45acba1fcba8d954e956ec2efe2de48872ec,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + if (str.charAt(0) != 'x' && str.charAt(0) != 'y') + { + return true; + } + return balance; +} +" +1ec4982b75c2bd6736527dfeebb49887a22d28aa,"public boolean xyBalance(String str) +{ + if (str.contains(""xy"")) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +4c8ea88aae053f71f1bc673460406f25ad9baa6b,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + if (str.charAt(0) == 'x') + { + return true; + } + if (str.charAt(0) != 'x' && str.charAt(0) != 'y') + { + return true; + } + return balance; +} +" +757abab4725a092539ff666bbf3c36c810bc7693,"public boolean xyBalance(String str) +{ + if (str.contains(""x"") && (str.contains(""y""))) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +5eb5f757f3d5c7d5c71bd4b98add7c16cdc94c71,"public boolean xyBalance(String str) +{ + boolean balance = false; + if (str.length() == 0) + { + balance = true; + } + if (str.length() == 1 && str.endsWith(""y"")) + { + balance = true; + } + if (str.endsWith(""y"")) + { + balance = true; + } + if (str.charAt(0) != 'x' && str.charAt(0) != 'y') + { + return true; + } + return balance; +} +" +cf6633898ebb1431ef6ec58ce1447a126b0d820e,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } + else if (str.contains(""x"") && (str.contains(""y""))) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +c7a8407eba6393d804c1f1a2d959b5c5725d03e3,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } + else if (!str.contains(""x"") && (!str.contains(""y""))) + { + return true; + } + else if (str.contains(""x"") && (str.contains(""y""))) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +a3ac0970d81ea49429cb6336584aba4553744e69,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } + else if (!str.contains(""x"")) + { + return true; + } + else if (str.contains(""x"") && (str.contains(""y""))) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +3fd6720101d1233f99958d243d1d33e5c6349a85,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + + char ch; + + for(int i = len; i >= 0; i--) + + { + + ch = str.charAt(i); + + if(ch == 'x') + + return false; + + else if(ch == 'y') + + return true; + + } + + return true; +} +" +0c8ffde23d8494375a560f429781b1d347ed3f12,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"") || !str.contains(""y"")) + { + return false; + } + else if (!str.contains(""x"")) + { + return true; + } + else if (str.contains(""x"") && (str.contains(""y""))) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +b1eec6b9052683a84ae09e6cfefc04977ff28d25,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; + +} +" +d492471ec28684ef3997d3d5acb61f296c7a1f3c,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) return true; + return (lastX > lastY); +} +" +e8fb5288dd9fac469f2e1f2af7027ac1613c739d,"public boolean xyBalance(String str) +{ + if (str.endsWith(""x"")) + { + return false; + } + else if (!str.contains(""x"")) + { + return true; + } + else if (str.contains(""x"") && (str.contains(""y""))) + { + if (str.contains(""xyxy"")) + { + return true; + } + else if (str.contains(""xyx"")) + { + return false; + } + else + { + return true; + } + } + else + { + return false; + } +}" +27f42e352bea11948037dd717bac5828e57e68f0,"public boolean xyBalance(String str) +{ + boolean y = true; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; + +} +" +a4d8b2d04a56f320cc8d3b1324991a337acd6d5f,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; + +} +" +73d137b8f86d1e1cb0f7c4da5fe296041fbe759f,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) + { + if(str.charAt(i) == 'y') + { + y = true; + } + + if(str.charAt(i) == 'x' && !y) + { + return false; + } + } + + return true; +} +" +3f6983cf6aa4c50c77244b7042f5f956d94c374b,"public boolean xyBalance(String str) +{ + int size = str.length()-1; + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i+1; j < size + 1; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else + truth = true; + return truth; + + + +} +" +52212ddcb352f6c6f90203c9514fa569d0473562,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +418d9a6e4ad2a5609e972ebf4f2dc0621cd3e01a,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + String afterLastX = str.substring(lastX); + return afterLastX.contains(""y""); +} +" +fa36d98d8d7d742bd5cf10798e9f175b60720665,"public boolean xyBalance(String str) +{ + int size = str.length()-1; + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i+1; j < size + 1; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else + truth = false; + return truth; + + + +} +" +5d133456e9922583860a8b8370c332170fed5961,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +834719519137546a6ea1160a15074aa42754699f,"public boolean xyBalance(String str) +{ + int size = str.length()-1; + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i+1; j < size + 1; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +0416fea2da546c9c33fc9f8edef569361bb8db1a,"public boolean xyBalance(String str) +{ + String afterLastX = """"; + int lastX = str.lastIndexOf(""x""); + if (str.contains(""x"")) + { + afterLastX = str.substring(lastX); + } + return afterLastX.contains(""y""); +} +" +698ad849230b2c6e321e9bddd52863f19448e6f9,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i+1; j < size; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +90b5893dea81edf0c4501b73d1c014273b99587f,"public boolean xyBalance(String str) +{ + String afterLastX = ""y""; + int lastX = str.lastIndexOf(""x""); + if (str.contains(""x"")) + { + afterLastX = str.substring(lastX); + } + return afterLastX.contains(""y""); +} +" +470bf8b0c2a9cec194b4625a3d3efed4288e24c5,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +2083c362270ce0da5e4f75708a65d061c6a778ae,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size +1; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +b1581abba94dd44d1a344d08be3aa38c16d06036,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +e86f0803230054c2e14fb827c96a22c72ad9ec69,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if str.equals("""") + return true; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +d0a0be82dd020ef26e1f379444a2ec10111c1a1b,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1=='y') + { + return true; + } + else + { + return false; + } +} +" +bac0e4972baf3c6e0e40317f60a31de53618f4c0,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +50554e06d6f0d7a543e8cfa082025ca6252ce7e8,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') + { + return true; + } + else + { + return false; + } +} +" +9b817ef170c14490debabd0cb9bf66aa894778a3,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; + +} +" +b0bee1249d934284cb43f4bb2822b56cc5cae17a,"public boolean xyBalance(String str) +{ + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') { + return true; + } else if (str.charAt(i) == 'y') { + return false; + } + } + + return false; +} +" +a0bc380f6569d694dfc779e4652a83b87a974d93,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j+1) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +690992278aea7e2f32ff50cee399c7f797ad28a2,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') + { + return true; + } + else if (str.indexOf('x') == null) + { + return true; + } + else + { + return false; + } +} +" +2f216ee3876783a8bfe3169567126daf577b5c1d,"public boolean xyBalance(String str) +{ + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') { + return true; + } else if (str.charAt(i) == 'x') { + return false; + } + } + + return false; +} +" +f79da6193e1a0d9accd150017c86bb72047f531c,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +4e0dcab4fc9b1819bbb01690164d92074d09e37d,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') + { + return true; + } + else if (str.indexOf('x') == 0) + { + return true; + } + else + { + return false; + } +} +" +566e628a50750383324db1375383365c243e4d3e,"public boolean xyBalance(String str) +{ + int len = str.length(); + boolean balanced = false; + for (int i = 0; i < len; i++) + { + char character = charAt(i); + if (character == 'x') + { + balanced = false; + } + else if (character == 'y') + { + balanced = true; + } + } + return balanced; +} +" +7c594237329bbc213185803892f570d09eb629c5,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y') + { + return true; + } + else + { + return false; + } +} +" +406e679e5394785f8f7359ed629acfb10fa04e9c,"public boolean xyBalance(String str) +{ + int len = str.length(); + boolean balanced = false; + for (int i = 0; i < len; i++) + { + char character = str.charAt(i); + if (character == 'x') + { + balanced = false; + } + else if (character == 'y') + { + balanced = true; + } + } + return balanced; +} +" +118a19b24653d3338b7355fbb5bd734ece40b422,"public boolean xyBalance(String str) +{ + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') { + return true; + } else if (str.charAt(i) == 'x') { + return false; + } + } + + return true; +} +" +deddf351d0b1cc0e39e1315221bcd93f6ee4e262,"public boolean xyBalance(String str) +{ + int len = str.length(); + boolean balanced = true; + for (int i = 0; i < len; i++) + { + char character = str.charAt(i); + if (character == 'x') + { + balanced = false; + } + else if (character == 'y') + { + balanced = true; + } + } + return balanced; +} +" +1da59042bac6edff6b6190c087f4e8e4b9db2d18,"public boolean xyBalance(String str) +{ + Boolean x = false; + + Boolean y = false; + + int len = str.length(); + + + + for (int i = 0; i < len; i++) { + + if (str.charAt(i) == 'x' && y == true){ + + x = true; + + y = false; + + } else if (str.charAt(i) == 'x') { + + x = true; + + } + + if (str.charAt(i) == 'y' && x == true) + + y = true; + + } + + if (x == false) + + y = true; + + return y; + +} +" +17217e7f30d0ff69c3ca3abb86d121c1b998ea6d,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y'&& (str.charAt(str.length()-1)!='x') + { + return true; + } + else + { + return false; + } +} +" +3de80a5b700de6a691728232da8e9215ff2be417,"public boolean xyBalance(String str) +{ + int len = str.length(); + char ch; + StringBuilder stbuild = new StringBuilder(len*2); + for(int i = 0; i < len; i++) + { + ch = str.charAt(i); + stbuild.append(ch); + stbuild.append(ch); + } + return stbuild.toString(); +} +" +985ca1e09b77553513908f5f0ec365d2d30e9593,"public boolean xyBalance(String str) +{ + char c; + int leg = str.leng() - 1; + for (int s = leg; s >= 0; s--) + c = str.charAt(s) + if(c == 'x') + return false; + if(c == 'y') + return true; + +} +" +5124827bc07ee86091a3200c17f739b4313a8e93,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y'&& (str.charAt(str.length()-1)!='x')) + { + return true; + } + else + { + return false; + } +} +" +0ea10bec695b16f4e0ae6d5ecf1c24bf72f9a59d,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + if (str.charAt(size).equals(""x"")) + return false + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +b225add40a237d42378776e0343dcebec07a190f,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + if (str.charAt(size).equals(""x"")) + return false; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +627edf5e9e6617e868d1a61418e4f1a59e2fcca3,"public boolean xyBalance(String str) +{ + char c; + int leg = str.leng() - 1; + for (int s = leg; s >= 0; s--) + { + c = str.charAt(s); + if(c == 'x') + return false; + if(c == 'y') + return true; + } + return false; + +} +" +7800cfd796e5a1e793a735a38412f83e0f3633d1,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +edde96484157ac61be7d5f40152f4c06a4610fd5,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y'|| (str.charAt(str.length()-1)!='x')) + { + return true; + } + else + { + return false; + } +} +" +fdd035949188f7a8001ac7b082075d7329fc0847,"public boolean xyBalance(String str) +{ + char c; + int leg = str.length() - 1; + for (int s = leg; s >= 0; s--) + { + c = str.charAt(s); + if(c == 'x') + return false; + if(c == 'y') + return true; + } + return false; + +} +" +46df302baccab1c84f7de70e0577b050bd7685f5,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'x') { + String newStr = str.remove(str.charAt(i)); + return newStr.contains(""y""); + } + return false; + } +} +" +5694a618cbbc4f0260af8068be9950cbb4661691,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + if (str.charAt(size) == 'x') + return false; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +6ccf6d12d9fcc810351a78b9791db3115c7c675f,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + if (str.charAt(-1size) == 'x') + return false; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +f2f2ad6694c5345a6b98b811dd25f52f8fd8a4a8,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +5b41a5f8896edcc2cbf071ce58c5912de26b0f58,"public boolean xyBalance(String str) +{ + int size = str.length(); + boolean truth = false; + if (str.equals("""")) + return true; + if (str.charAt(size-1) == 'x') + return false; + for (int i = 0; i < size; i++) + if (str.charAt(i) == 'x') + for (int j = i; j < size ; j++) + if (str.charAt(j) !='y') + truth = false; + else + return true; + else if (!str.contains(""x"")) + truth = true; + else + truth = false; + return truth; + + + +} +" +4d28187aa976f3f542372dcd95dbe48794b96c75,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).equals('x')) { + String newStr = str.remove(str.charAt(i)); + return newStr.contains(""y""); + } + return false; + } +} +" +cb560d6760a35596ddee653c569c9b4a28ea4d3e,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char one + for (int i = length; i >= 0; i--) + { + one = str.charAt(i); + if (one == 'x') + return false; + else if (one == 'y') + return true; + } + return true; +} +" +fb273276568e41246d449e4bc2eb2e2590b13f77,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char one; + for (int i = length; i >= 0; i--) + { + one = str.charAt(i); + if (one == 'x') + return false; + else if (one == 'y') + return true; + } + return true; +} +" +23222f08503792d25a47d0efae809f999e526d09,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).equals('x')) { + String newStr = str.replace(str.charAt(i), """"); + return newStr.contains(""y""); + } + return false; + } +} +" +a69aed7420a89bdd9fcfde247a4a760952d72516,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y'|| (str.charAt(str.length()-1)!='x')) + { + return true; + } + else if (!str.contains('x') + { + return true; + } + else + { + return false; + } +} +" +6a0b9ea1f8370c28412f547d16dc843e7fe749fb,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y'|| (str.charAt(str.length()-1)!='x')) + { + return true; + } + else if (!str.contains('x')) + { + return true; + } + else + { + return false; + } +} +" +be403d06f0aaabb24b89f83af98c2e7c9e7b1aad,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i).equals(""x"")) { + String newStr = str.replace(str.charAt(i), """"); + return newStr.contains(""y""); + } + return false; + } +} +" +ed7d896b65266a3a190999f130ab35716c727939,"public boolean xyBalance(String str) +{ + if (str.charAt(str.length()-1)=='y'|| (str.charAt(str.length()-1)!='x')) + { + return true; + } + + else + { + return false; + } +} +" +862fa3151fa4e4029ad9172949405aa9534a7f96,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'x') { + String newStr = str.replace(str.charAt(i), """"); + return newStr.contains(""y""); + } + return false; + } +} +" +05774f48032954519aa77566f4248758c1ea4395,"public boolean xyBalance(String str) +{ + int string = str.length() - 1; + char character; + + for(int i = string; i >= 0; i--) + { + character = str.charAt(i); + + if(character == 'x') + return false; + + else if(character == 'y') + return true; + } + + return true; +} +" +e2dc210c4a26687f3d635fbe3a83a11093f7ab5e,"private boolean something; + +public boolean xyBalance(String str) +{ + + return something; +} +" +f6cde52d26fa013f297cbf3ef44dd63aa62f0d78,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'x') { + return str.substring(i, str.length()).contains(""y""); + } + return false; + } +} +" +25e33bc291220fbb5abced5e1af1e37ab8fbe447,"public boolean xyBalance(String str) +{ + for (int i = 0; i < str.length(); i++) { + if (str.charAt(i) == 'x') { + return str.substring(i, str.length()).contains(""y""); + } + return false; + } + return false; +} +" +9cb90c5bd2ddc4109aaf06e08baa826004ddb248,"public boolean xyBalance(String str) +{ + int l = str.length() - 1; + char c; + + for (int i = l; i >= 0; i--) + { + c = str.charAt(i); + + if (c == 'x') + { + return false; + } + else if (c == 'y') + { + return true; + } + } + return true; +} +" +322f5b259865ac77a89dbdb7b83b794d995b7040,"public boolean xyBalance(String str) +{ + return (str.indexOf('x')==-1) || +str.lastIndexOf('x') < str.lastIndexOf('y'); +} +" +b970ffa03309ec58566b69a86f11267fef43ca4a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +f8cc12bc3e5c399f70cd9a2c5cd5416f0ea837b0,"public boolean xyBalance(String str) +{ + boolean balanced = true; + + for(int i=0; i= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +86311fe63ce12f119d21ba018de4911b9d9ddc25,"public boolean xyBalance(String str) { + boolean y = true; + for(int i = 0; i < str.length(); i++) + { + if(Character.toString(str.charAt(i)).equals(""x"") && y) + { + y = false; + } + else if(Character.toString(str.charAt(i)).equals(""y"") && !y) + { + y = true; + } + } +return y; + +}" +2cc108a9911bba43c34789fd1d07d0253bed9f82,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; + +} +" +9d34f84387281860406da861d0bc6d222303f4cf,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for ( i = len , i >= 0, i--) + { + + if (ch == ""x"") + { + return false; + } + else if (ch == ""y"") + { + return true; + } + } + return true + +} +" +db531d4f4e4c79e06628c4f4ff50071a5bcba97c,"public boolean xyBalance(String str) +{ + if (str.substring(str.length()-1, str.length()).equals(""y"")) + { + return true; + } + return false; +} +" +f053752ce430091ad911f9e9f8109fb5f8c95a2d,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for ( i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == ""x"") + { + return false; + } + else if (ch == ""y"") + { + return true; + } + } + return true + +} +" +320d2f08a195878fe1fa5ff409aa7bf5aeb72f3a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for ( i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == ""x"") + { + return false; + } + else if (ch == ""y"") + { + return true; + } + } + return true; + +} +" +0ff899956648b9aefacdd0fd836c1e19a523e16c,"public boolean xyBalance(String str) +{ + boolean isTrue = false; + if (str.endsWith(""y"")) + { + isTrue = true; + } + + return isTrue; +} +" +e214b8a9a34a5e41e3e2d693a32446da208fad87,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == ""x"") + { + return false; + } + else if (ch == ""y"") + { + return true; + } + } + return true; + +} +" +43a0b64aa073c2f3cf30da9fdcd9f77db574c1c6,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; + +} +" +87f50985f2e638b1e39e41e7804a6d6090befaa3,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +0cf110d624b736928e4edf6c1e33e03121e44018,"public boolean xyBalance(String str) +{ + int a = str.length() - 1; + char b; + for(int i = a; i >= 0; i--) + { + b = str.charAt(i); + if(b == 'x') + return false; + else if(b == 'y') + return true; + } + return true; +} +" +93aeecdc1199ce5af50442ece434e34146bd588e,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == x) + { + return false; + } + else if (ch == y) + { + return true; + } + } + return true; + +} +" +11734ea76773661fd43f7f1cb0aa01db563ac0c9,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + y = true; + if (str.charAt(i) == 'x' && !y) + return false; + } + return true; +} +" +4c21f4ef4a27ea5666e761774ef97ac57eff0b1a,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf(""x""); + int b = str.lastIndexOf(""y""); + return(b > a); +} +" +9b1c159e76aa8f164aed0d75bf8a5abf7026466b,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == x) + { + return false; + } + else if (ch == y) + { + return true; + } + } + return true; + +} +" +ded01e05b34f768339749a1897ee50610c43df26,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + { + return false; + } + else if (ch == 'y') + { + return true; + } + } + return true; + +} +" +5a10a45bed3ba2e33c8e383ce3f86fb537229dbb,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for(int i = length; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if (ch == 'y') + return true; + } + return true; + +} +" +748edb8e71b5d6f64c6c0576f54ed664d1ad762c,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf(""x""); + int b = str.lastIndexOf(""y""); + return(b); +} +" +5fcef3cdccab33e7113c120ac2dc4ae77d979ea6,"public boolean xyBalance(String str) +{ + boolean isTrue = true; + int lastX = 0; + int lastY = 1; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + lastX = i; + } + } + + for (int j = 0; j < str.length() - 1; j++) + { + if (str.charAt(i) == 'y') + { + lastY = i; + } + } + + if (lastY > lastX) + { + isTrue = true; + } + + return isTrue; +} +" +af86286d8f196a0ff71563c8b3600f42aad1589d,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf(""x""); + int b = str.lastIndexOf(""y""); + if (a = -1) + { + return(true); + } + else + { + return(b - a >= 0); + } +} +" +13929c3c1b414a68ef78dcb3d13d9d3454f0b25d,"public boolean xyBalance(String str) +{ + boolean isTrue = true; + int lastX = 0; + int lastY = 1; + + for (int i = 0; i < str.length() - 1; i++) + { + if (str.charAt(i) == 'x') + { + lastX = i; + } + } + + for (int j = 0; j < str.length() - 1; j++) + { + if (str.charAt(j) == 'y') + { + lastY = j; + } + } + + if (lastY > lastX) + { + isTrue = true; + } + + return isTrue; +} +" +b9b50971ffbd9567d7bd23d42cb86cd61b42c5c3,"public boolean xyBalance(String str) +{ + int a = str.lastIndexOf(""x""); + int b = str.lastIndexOf(""y""); + if (a == -1) + { + return(true); + } + else + { + return(b - a >= 0); + } +} +" +aa321365b1786923e0e2022e31acfa9faada975c,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +c30cd3378f8a5d62d286bd4499a14b38acd42b12,"public boolean xyBalance(String str) +{ + int length = str.length - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = charAt(i); + if (character == ""x"") + { + return false; + } + else if (character == ""y"") + { + return true; + } + } + + +} +" +c0714b64cc66f8aacb0c79c194e9a38547ef4b06,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +9aa9bf26d250722aea7bc4486f77a101d091952a,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = charAt(i); + if (character == ""x"") + { + return false; + } + else if (character == ""y"") + { + return true; + } + } + + +} +" +9977ea302e4e51c4a150290b768e3e328e5d04c4,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if (character == ""x"") + { + return false; + } + else if (character == ""y"") + { + return true; + } + } + + +} +" +4f84eb31b2d8f1feaf9830a313b7ea8c7fc018ca,"public boolean xyBalance(String str) +{ + boolean isTrue = false; + int lastX = 0; + int lastY = 1; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + lastX = i; + } + } + + for (int j = 0; j < str.length(); j++) + { + if (str.charAt(j) == 'y') + { + lastY = j; + } + } + + if (lastY > lastX) + { + isTrue = true; + } + + return isTrue; +} +" +563be269d7da64b9df8b7cd438ffa3f5cbf6a2b4,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if (character == 'x') + { + return false; + } + else if (character == 'y') + { + return true; + } + } + + +} +" +9b734c923004a3009de75dd3a56b76603ae5f4b6,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for (int i = length; i >= 0; i--) + { + character = str.charAt(i); + if (character == 'x') + { + return false; + } + else if (character == 'y') + { + return true; + } + } + return true; + + +} +" +dcb37a923c34ed4836f8a2fd417d78b20df47aec,"public boolean xyBalance(String str) +{ + boolean isTrue = false; + int lastX = 0; + int lastY = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + lastX = i; + } + } + + for (int j = 0; j < str.length(); j++) + { + if (str.charAt(j) == 'y') + { + lastY = j; + } + } + + if (lastY > lastX) + { + isTrue = true; + } + + return isTrue; +} +" +c7804eafabea5a13bb61103428beaedb62bdc137,"public boolean xyBalance(String str) +{ + boolean isTrue = false; + int lastX = 0; + int lastY = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + lastX = i; + } + } + + for (int j = 0; j < str.length(); j++) + { + if (str.charAt(j) == 'y') + { + lastY = j; + } + } + + if (lastY > lastX || lastX == 0) + { + isTrue = true; + } + + return isTrue; +} +" +a38ca9cd311f2b74e579d5a95d9edddb5613a5f3,"public boolean xyBalance(String str) +{ + boolean isTrue = false; + int lastX = -1; + int lastY = 0; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + lastX = i; + } + } + + for (int j = 0; j < str.length(); j++) + { + if (str.charAt(j) == 'y') + { + lastY = j; + } + } + + if (lastY > lastX || lastX == -1) + { + isTrue = true; + } + + return isTrue; +} +" +49f64317a2c7c4b1f0ccdbf60398afc4b20e6123,"public boolean xyBalance(String str) +{ + int xCount; + int yCount; + for (x = 0; x < str.length; x++) { + if (str.charAt(x) == 'x') { + xCount++; + } + else if (str.charAt(x) == 'y') { + yCount++; + } + } + if (xCount == yCount) { + return true; + } + return false; +} +" +36efbc4d159dc1c0319609e69e799e5934d8c82f,"public boolean xyBalance(String str) +{ + int xCount; + int yCount; + for (int x = 0; x < str.length; x++) { + if (str.charAt(x) == 'x') { + xCount++; + } + else if (str.charAt(x) == 'y') { + yCount++; + } + } + if (xCount == yCount) { + return true; + } + return false; +} +" +b9277dbc5a170ff3cb771390128c24ed00292393,"public boolean xyBalance(String str) +{ + int xCount; + int yCount; + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + xCount++; + } + else if (str.charAt(x) == 'y') { + yCount++; + } + } + if (xCount == yCount) { + return true; + } + return false; +} +" +57f007eb052c18ed24da78c9588289cb542f9fdb,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for (int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + return false; + else if (ch == 'y') + return true; + } + return true; +} +" +7fa2773d94b58dcc47ba2bdb8966f0993b952508,"public boolean xyBalance(String str) +{ + int xCount = 0; + int yCount = 0; + for (int x = 0; x <= str.length(); x++) { + if (str.charAt(x) == 'x') { + xCount++; + } + else if (str.charAt(x) == 'y') { + yCount++; + } + } + if (xCount == yCount) { + return true; + } + return false; +} +" +ebd13fb2a2489d8224a2e787d04af57cd932f230,"public boolean xyBalance(String str) +{ + int xCount = 0; + int yCount = 0; + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + xCount++; + } + else if (str.charAt(x) == 'y') { + yCount++; + } + } + if (xCount == yCount) { + return true; + } + return false; +} +" +6e3b811e85161b940ff39551095c6bc914640401,"public boolean xyBalance(String str) { + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} +" +716fb67be9d4fcdcc348161868e4a3e4e3a11c0f,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +245ddd00079328d2ebffcbac5a852d940bee832e,"public boolean xyBalance(String str) +{ + boolean t=false; + for (int i=0; i=0; i--) + { + if (str.charAt(i)=='y') + { + t=true; + } + if (str.charAt(i)=='x' && str.charAt(i)!='y') + { + t=false; + } + } + return t; +} +" +821de241e826dc1d1f652348b25b0a14c5bcee91,"public boolean xyBalance(String str) +{ + boolean t=true; + for (int i=str.length()-1; i>=0; i--) + { + if (str.charAt(i)=='y') + { + t=true; + } + if (str.charAt(i)=='x' && !='y') + { + t=false; + } + } + return t; +} +" +11e94f32c6c0a1117bb466b58269df3e3a823b8c,"public boolean xyBalance(String str) +{ + boolean t=true; + for (int i=str.length()-1; i>=0; i--) + { + if (str.charAt(i)=='y') + { + t=true; + } + if (str.charAt(i)=='x' && str.charAt(i)!='y') + { + t=false; + } + } + return t; +} +" +9b88abe2b02ad5bf61f14d43dc3de0ddbe81d6ff,"public boolean xyBalance(String str) +{ + boolean t=false; + for (int i=str.length()-1; i>=0; i--) + { + if (str.charAt(i)=='y') + { + t=true; + } + if (str.charAt(i)=='x' && str.charAt(i)!='y') + { + t=false; + } + } + return t; +} +" +d8facb3dee79b769470da33f9c5ff87c5969b9f4,"public boolean xyBalance(String str) +{ + boolean t=true; + for (int i=str.length()-1; i>=0; i--) + { + if (str.charAt(i)=='y') + { + t=true; + } + if (str.charAt(i)=='x' && str.charAt(i)!='y') + { + t=false; + } + } + return t; +} +" +cf9ab72a33bf00d2698e26539de22fc4f4a061b6,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +0e064d0575cb982f22e9161473cad49e592b3f53,"public boolean xyBalance(String str) +{ + boolean t=true; + for (int i=str.length()-1; i>=0; i--) + { + if (str.charAt(i)=='y') + { + t=true; + } + if (str.charAt(i)=='x' && str.charAt(i)!='y') + { + t=false; + } + } + return t; +} +" +5c1e2d52f918d99c1525328f40698cc7e9cfab3d,"public boolean xyBalance(String str) +{ + a = str.length(); +} +" +8632f90e77f75e013be00f7b6ab9a86b1cae1d4a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +6ed24cfb10e3ecaaad2dee8950fe1e94c08b1cf1,"public boolean xyBalance(String str) +{ + str a + a = str.length(); +} +" +244eeb19c32f4a2546e68acbe46576b5f5a268d6,"public boolean xyBalance(String str) +{ + str a; + a = str.length(); +} +" +17525f98b1fce923cd1da5d297b4fd4cbc8128d0,"public boolean xyBalance(String str) +{ + int a; + a = str.length(); +} +" +3856b5d3520ac397b53bb8daed61654410026dcd,"public boolean xyBalance(String str) +{ + int a; + a = str.length(); + if (str.charAt(a) == y) + return true; + return false; +} +" +d45eca5b32a0248f677fcde980b9bba0f2c4f7f5,"public boolean xyBalance(String str) +{ + int a; + a = str.length(); + if (str.charAt(a) == ""y"") + return true; + return false; +} +" +9c176855f0f287186825e5fe8ff1e65246abc6e1,"public boolean xyBalance(String str) +{ + Boolean x = false; + + Boolean y = false; + + int len = str.length(); + + for (int i = 0; i < len; i++) { + + if (str.charAt(i) == 'x' && y == true){ + + x = true; + + y = false; + + } else if (str.charAt(i) == 'x') { + + x = true; + + } + + if (str.charAt(i) == 'y' && x == true) + + y = true; + + } + + if (x == false) + + y = true; + + return y; + +} +" +18613caa8914cdcc70a31372c626851784edb174,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +2b94d9bf1ae241809163127d6b7c93ae74c4c88b,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(): i++) + { + if (str.chartAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + } + if (x ++ false) + { + y = true; + } + + return y; +} +" +e9b6f320a2211dbab37869bd5be5abb7d1f85fca,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.chartAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + } + if (x ++ false) + { + y = true; + } + + return y; +} +" +5b48f03672b0c23f108e7fe787ba7a450d0e6f6c,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.chartAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + } + if (x ++ false) + { + y = true; + } + + return y; +} +" +fff8e70aea7fd1599060508251103b6d234a7515,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.chartAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + } + if (x == false) + { + y = true; + } + + return y; +} +" +904f75f96d50b23fc9f25d1eedbf6489d93b0196,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + } + if (x == false) + { + y = true; + } + + return y; +} +" +02b5e81bf90b986e72f440410d81b587b747f81e,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && y == true) + { + isX = true; + isY = false; + } + else if (str.charAt(i) == 'x') + { + isY = true; + } + } + if (isX == false) + { + isY = true; + } + + return isY; +} +" +26009edf8b0319ffe63caf6d1737fbe5c3ebdee1,"public boolean xyBalance(String str) +{ + boolean isX = false; + boolean isY = false; + + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x' && isY == true) + { + isX = true; + isY = false; + } + else if (str.charAt(i) == 'x') + { + isY = true; + } + } + if (isX == false) + { + isY = true; + } + + return isY; +} +" +b9ce479b048547116a47b53144ba4dc9be867e8a,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +52a316f15e8ac5c208d1874270742bdcef06d8dc,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +cd35249db187adf4ef59a9b34734f5eeacb9f700,"public boolean xyBalance(String str) +{ + xposition = -1; + yposition = -1; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1)) + { + xposition = i; + } + if (str.substring(i).equal(""y"") || str.substring(i, i+1)) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +6bec544df0b7dfbe76950967d14766b7a49cc672,"public boolean xyBalance(String str) +{ + int value = str.length() - 1; + char ch; + for (int i = value; i >= 0; i--) + { + let = str.charAt(i); + if (let == 'x') + { + return false; + } + else if (let == 'y') + { + return true; + } + } + return true; + +} +" +b73e797e52cf720a71a311f2ce2f6f6a3cc1e3af,"public boolean xyBalance(String str) +{ + int xposition = -1; + int yposition = -1; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1)) + { + xposition = i; + } + if (str.substring(i).equal(""y"") || str.substring(i, i+1)) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +038137db3e1007e7f61cbbf90b32528f74428501,"public boolean xyBalance(String str) +{ + int value = str.length() - 1; + char let; + for (int i = value; i >= 0; i--) + { + let = str.charAt(i); + if (let == 'x') + { + return false; + } + else if (let == 'y') + { + return true; + } + } + return true; + +} +" +480d783eaa935c5a9cf50344d54bb50a3b1b87d7,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"") < str.lastIndexOf(""y"")) + { + return true; + } + else + { + return false; + } +} +" +7af452fdac6bc1d5a32378aee082eb509abab718,"public boolean xyBalance(String str) +{ + int xposition = -1; + int yposition = -1; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1).equals(""x"")) + { + xposition = i; + } + if (str.substring(i).equal(""y"") || str.substring(i, i+1).equals(""x"")) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +a0f6b95eb22cb56b045847d9c55562e8d7b2f6dc,"public boolean xyBalance(String str) +{ + int xposition = -1; + int yposition = -1; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1).equals(""x"")) + { + xposition = i; + } + if (str.substring(i).equal(""y"") || str.substring(i, i+1).equals(""y"")) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +93d1a7e0f0d065918ad4d45debb98bf600d47155,"public boolean xyBalance(String str) +{ + int xposition = -1; + int yposition = -1; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1).equals(""x"")) + { + xposition = i; + } + if (str.substring(i).equals(""y"") || str.substring(i, i+1).equals(""y"")) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +8763acd43c666a494b44f154dec9da43e4f42771,"public boolean xyBalance(String str) +{ + int xposition = -1; + int yposition = -2; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1).equals(""x"")) + { + xposition = i; + } + if (str.substring(i).equals(""y"") || str.substring(i, i+1).equals(""y"")) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +c4de023db1c1e0d1ce6953013e7651be9223f9dd,"public boolean xyBalance(String str) +{ + return true; +} +" +66f623482516ec4d35a671bc3d06f7828a3459b2,"public boolean xyBalance(String str) +{ + boolean x = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == ""x"") + { + x = false; + } + else if (str.charAt(i) == ""y"") + { + x = true; + } + } + return x; +} +" +dc732859183fa499562a25f248642b4efaff97d8,"public boolean xyBalance(String str) +{ + boolean x = false; + for (int i = 0; i < str.length(); i++) + { + if (str.charAt(i) == 'x') + { + x = false; + } + else if (str.charAt(i) == 'y') + { + x = true; + } + } + return x; +} +" +7a64b6f3f531f2f8921a8dc509af5ebb4dd8aff2,"public boolean xyBalance(String str) +{ + int xposition = -2; + int yposition = -1; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i).equals(""x"") || str.substring(i, i+1).equals(""x"")) + { + xposition = i; + } + if (str.substring(i).equals(""y"") || str.substring(i, i+1).equals(""y"")) + { + yposition = i; + } + } + + return (xposition < yposition); +} +" +6e7dc264a2855c681c7f908b95a38791c2c39669,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +501e8f7f049505dba41864a2ae99cf4823c3ee12,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"") < str.lastIndexOf(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + else + { + return false; + } +} +" +2c8b553743027f34ece47d3b0ada8276392299b8,"public boolean xyBalance(String str) +{ + int yup = str.length() - 1; + char ch; + for(int i = yup; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +3f6a040bcacd52e990f370735902948a98737890,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char character; + for(int i = length; i >= 0; i--) + { + character = str.charAt(i); + if(character == 'x') + return false; + else if(character == 'y') + return true; + } + return true; +}" +f1e620386a1fe88f9272764ec3cebd0d945e6729,"public boolean xyBalance(String str) +{ + int length = str.length(); + works = false; + + for (int i = 0; i < length; i++) { + if (str.charAt(length - i) == 'y') + works = true; + } + return works; + +} +" +f228ce54c90eaf5a84b85953e89f9d8fcaf3df9b,"public boolean xyBalance(String str) { + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +}" +d948e19728b92952b05cebf187ad21681b5869cb,"public boolean xyBalance(String str) +{ + int length = str.length(); + Boolean works = false; + + for (int i = 0; i < length; i++) { + if (str.charAt(length - i) == 'y') + works = true; + } + return works; + +} +" +8d59503cf98478ed61158e500fde746638ed9d68,"public boolean xyBalance(String str) +{ + boolean b = false; + int a = str.lastIndexOf('x'); + int b = str.lastIndexOf('y'); + if(a= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +" +d63f72a5828ee7279b79f96d510a7261eaab89bd,"public boolean xyBalance(String str) +{ + + for (int i = str.lastIndexOf(""x""); i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + } + + return false; +} +" +1f4a6b4ab327e7d49179f508203f833ddc2e958b,"public boolean xyBalance(String str) +{ + if (str.indexOf(""x"") != -1) + { + return true; + } + for (int i = str.lastIndexOf(""x""); i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + } + + return false; +} +" +f2683bc04fa18f764722a1c87cf737c05d514c28,"public boolean xyBalance(String str) +{ + if (str.indexOf(""x"") == -1) + { + return true; + } + for (int i = str.lastIndexOf(""x""); i < str.length(); i++) + { + if (str.charAt(i) == 'y') + { + return true; + } + } + + return false; +} +" +749d47290d81446c240d5482618fd808a53ee14b,"public boolean xyBalance(String str) +{ + int count = 0; + +for (int i=0; i= 0; i--) + { + character = str.charAt(i); + if (character == 'x') + return false; + else if (character == 'y') + return true; + } + + return true; +}" +0adda05070db7cc78ec916d08a8e5bfe5decb759,"public boolean xyBalance(String str) +{ + for (a = 1; a <= str.length() -1; a++) + { + if (str.charAt(a) == 'x' && str.endsWith() == 'y') + { + return true; + } + + else if (str.charAt(a) != 'x') + { + return false; + } + } +} +" +1814f1e8ee4c1eb03540d82518a45ed774fdaac4,"public boolean xyBalance(String str) +{ + for (int a = 1; a <= str.length() -1; a++) + { + if (str.charAt(a) == 'x' && str.endsWith() == 'y') + { + return true; + } + + else if (str.charAt(a) != 'x') + { + return false; + } + } +} +" +794e7c3e53ec1786cdd4749ae0394d0b38da3add,"public boolean xyBalance(String str) +{ + for (int a = 1; a <= str.length() -1; a++) + { + if (str.charAt(a) == 'x' && str.endsWith(y)) + { + return true; + } + + else if (str.charAt(a) != 'x') + { + return false; + } + } +} +" +f2579f778e80f595421bbfa6edef0f18bb1f1e5a,"public boolean xyBalance(String str) +{ + for (int a = 1; a <= str.length() -1; a++) + { + if (str.charAt(a) == 'x' && str.endsWith('y')) + { + return true; + } + + else if (str.charAt(a) != 'x') + { + return false; + } + } +} +" +c5994415cbcdc52a150b5b8ed0c70aed6f063d8b,"public boolean xyBalance(String str) { + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +}" +5c0acbe293161096e53f431bf8647f232ed998ac,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"") < str.lastIndexOf(""y"")) + { + return true; + } + else + { + return false; + } +} +" +95d2e96e27c28cb2cd38d75c11ed8cde27a7ae98,"public boolean xyBalance(String str) +{ + return true; +} +" +ef8d4379734180ccb71b53e6d9ebe288c77a9e67,"public boolean xyBalance(String str) +{ + if (str.lastIndexOf(""x"") < str.lastIndexOf(""y"") && str.contains(""x"") && str.contains(""y"")) + { + return true; + } + else if (!str.contains(""x"")) + { + return true; + } + else + { + return false; + } + +} +" +c340b8c892e22ad5050bf770345bc09e998440e1,"public boolean xyBalance(String str) +{ + for (int i=0; i= 0; i--) + { + character = str.charAt(i); + if(character == 'x') + return false; + else if(character == 'y') + return true; + } + return true; +} +" +d0c2b2d3f46165dc4dcaef5eee18590dc159ef86,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} +} +" +d2f1cd3782f796398169645c0d4db0771baf9089,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i++) + { + if (str.substring(i).startsWith(""y"")) + { + return true; + } + } + return false; +} +" +faf419362bed8ce978c386d9366b892c1a57ef8b,"public boolean xyBalance(String str) +{ + boolean y = false; + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} + +" +ce5731c539a2712a3b6815bed388b05198c13690,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i > 0; i++) + { + if (str.substring(i).startsWith(""y"")) + { + return true; + } + } + return false; +} +" +ebe769afa12f5dc36ade726c5bfd42fb1a476ddf,"public boolean xyBalance(String str) +{ + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.substring(i).startsWith(""y"")) + { + return true; + } + } + return false; +} +" +ee4172325881a30404f7f63689a310e3e93a55b1,"public boolean xyBalance(String str) +{ + boolean y = false; + int length = str.length(); + for(int i = 0; i < length; i++) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} + +" +8c30a2315c58a5b9dd3583cc75eb98e10fd823fb,"public boolean xyBalance(String str) +{ + boolean x = true; + int i = str.length(); + for(y = 0; y < i; y++) + { + if(str.charAt(y) == 'x') + { + x = false; + } + + else if(str.charAt == 'y') + { + x = true; + } + + + } + + return x; + +} +" +82769c62e5474f40ff64cb512f49346b08e1b46e,"public boolean xyBalance(String str) +{ + boolean y = false; + int length = str.length(); + for(int i = str.length() - 1; i >= 0; i--) { + if(str.charAt(i) == 'y') + y = true; + + if(str.charAt(i) == 'x' && !y) + return false; + } + + return true; +} + +" +872e864858028ec75b54d4d0f860cb7cf9192e92,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +d6770ebcc59e8ad4ae26897000783744a4479ceb,"public boolean xyBalance(String str) +{ + boolean x = true; + int i = str.length(); + for(int y = 0; y < i; y++) + { + if(str.charAt(y) == 'x') + { + x = false; + } + + else if(str.charAt == 'y') + { + x = true; + } + + + } + + return x; + +} +" +a06855c8cea2dad42f83b81e356403a4496aeb3b,"public boolean xyBalance(String str) +{ + boolean x = true; + int i = str.length(); + for(int y = 0; y < i; y++) + { + if(str.charAt(y) == 'x') + { + x = false; + } + + else if(str.charAt(y) == 'y') + { + x = true; + } + + + } + + return x; + +} +" +1791504cdb29cc2d19844ba05da6d4cee5b761c4,"public boolean xyBalance(String str) +{ + return true; +} +" +9b67f52a99c63ede83e8d389b2a7c5ba95a68ed7,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +5fe9c12e34f1b4c5a9feb4eb11df90b8dc7cfda1,"public boolean xyBalance(String str) +{ + int countX = 0; + int countY = 0; + int length = str.length(); + for (int i = 0; i < length; i++) { + if (str.charAt(i) == 'x') { + countX++; + } + else if (str.charAt(i) == 'y') { + countY++; + } + } + if (countX > countY) { + return false; + } else { + return true; + } +} +" +4e9341799b40a642bd11caae15b55e5bee2a0cdb,"public boolean xyBalance(String str) +{ + int l = str.length() - 1; + char c; + for(int i = l; i >= 0; i--) + { + x = str.charAt(i); + if(c == 'x') + { + return false; + } + else if(c == 'y') + { + return true; + } + } +} +" +1d7ce00c246ce8b34d56be9dbedfab791ac6bf4a,"public boolean xyBalance(String str) +{ + int l = str.length() - 1; + char c; + for(int i = l; i >= 0; i--) + { + c = str.charAt(i); + if(c == 'x') + { + return false; + } + else if(c == 'y') + { + return true; + } + } +} +" +2c8c3d1d33037a7f43884bbeb295362d63354422,"public boolean xyBalance(String str) +{ + int l = str.length() - 1; + char c; + for(int i = l; i >= 0; i--) + { + c = str.charAt(i); + if(c == 'x') + { + return false; + } + else if(c == 'y') + { + return true; + } + } + return true; +} +" +cc0eb2c735b2340f3f561331603f4937a9d81055,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true) + { + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + { + y = true; + } + } + if (x == false) + { + y = true; + } + return y; +} +" +a551f9a40d11587a2339f9cd73891c52c3091d5a,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + for(lastX; lastX < str.length(); i++) + { + if(str.charAt(lastX + 1) == 'y') + { + return true; + } + } + return false; + +} +" +8651ed77a6b34161bfafb867bad55533375c0dc1,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + for(lastX; lastX < str.length(); lastX++) + { + if(str.charAt(lastX + 1) == 'y') + { + return true; + } + } + return false; + +} +" +fe020f5855fa68a0322c3dc399988b8e74508448,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + for(int i = lastX; i < str.length(); i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +3273596dbc733821ca7e10f48772ea2b35ea6cb3,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + for (int i = len; i >= 0; i --) + { + if (str.charAt(i) == 'x') + { + return false; + + } + else if (str.charAt(i) == 'y') + { + return true; + } + + } + return true; +} +" +4664718db6db1dd41b56ff98eeec0b14bfcef20e,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + for(int i = lastX; i < str.length() - 1; i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +6db541065ba802d52ce5cf695e674ed846ecd370,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + + if(str.contains(""y"")) + { + return false; + } + for(int i = lastX; i < str.length() - 1; i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +7b0e4bfc2c0a6879f5d2da32a0c1df5ddb4772a8,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + + if(str.contains(""y"")) + { + return false; + } + for(int i = lastX; i < str.length() - 1; i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +e68c831a65013caa0f401b1369236fdf2b911a79,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) return true; + return (lastX > lastY); +} +" +82561786bcc9b0063e4ade60176a4b183932ec6f,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + + if(!str.contains(""y"")) + { + return false; + } + for(int i = lastX; i < str.length() - 1; i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +a318f5f869c950ccc7037f8aca59090b10f1530c,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + + if(!str.contains(""y"") && !str.contains(""x"")) + { + return false; + } + for(int i = lastX; i < str.length() - 1; i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +7f3525ffd640f1f24901ed88051a531c3b4671a0,"public boolean xyBalance(String str) +{ + int indexOfX = str.lastIndexOf('x'); + int indexOfY = str.lastIndexOf('y'); + return indexOfY >= indexOfX; +} +" +0b6da1e2e9bd0b4cee883a5564c0873f041a6cd8,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; + +} +" +a67f0ca38e7e0a694a1839a866a406819ab218d8,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""x""); + + if(!str.contains(""y"") && !str.contains(""x"")) + { + return true; + } + for(int i = lastX; i < str.length() - 1; i++) + { + if(str.charAt(i + 1) == 'y') + { + return true; + } + } + return false; + +} +" +8f517c73d97472f199f3918330e1138613a71c8d,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) + { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } + else if (str.charAt(i) == 'x') + { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; +} + +" +c1d2540a6621ea5b3a22e17361edb79d02a40e9e,"public boolean xyBalance(String str) +{ + int noice = str.length() - 1; + + char xy; + + for (int i = noice; i > 0; i--) + { + xy = str.charAt(i); + + if (xy == 'x') + return false; + else if (xy == 'y') + return true; + } + + return false; +} +" +71a545ea0d125a986155e717e903dc08b9551f95,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 0) + { + answer = true; + } + else if (y < x) + { + answer = true; + } + + + + return answer; +} +" +271cd2f590f5ae850aa292d5dd4ffdae44402aa3,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 0) + { + answer = true; + } + else if (y > x) + { + answer = true; + } + + + + return answer; +} +" +93278c20b95d77d3f97b8f518f3d248699e754fe,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 0) + { + answer = true; + } + else if (y > x) + { + answer = true; + } + else + { + answer = false; + } + + + + return answer; +} +" +64db5c3b7e95899eb6e2b6b852712d79930486d3,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 0) + { + answer = true; + } + else if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +9aab209f0d610beb61ff68a07f3897b16a845c9f,"public boolean xyBalance(String str) +{ + int x = 1; + int y = 1; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 1) + { + answer = true; + } + else if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +f697974bd100f50e646aa6ef3f48b3fef33d0826,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = x + 1; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = y + 1; + } + } + if (x == 0) + { + answer = true; + } + else if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +94b4461e50da32ff2597772a3d8a71e50a73a401,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 0) + { + answer = true; + } + else if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +ce05d196790154939cfaa27c7ac6bc010a21b472,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +ca5c89608ca1a01d04a3e2265a6e5129067bc1e6,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +582a5cede042d78ab5d69505a11f47ae7bb0f1f3,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.sharAt(i) == 'y') + { + y = true; + } + else if (str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +3b47d606b3d7e7f776825b65a09cf9fa214b9387,"public boolean xyBalance(String str) +{ + int x = 0; + int y = 0; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (x == 0) + { + answer = false; + } + else if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +8e5a4a9cba4134bbb1533cd70d51be615e001eaa,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.sharAt(i) == 'y') + { + y = true; + } + else if (str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +835ea144bfadf580d26db03c1cd33eb1820f79ba,"public boolean xyBalance(String str) +{ + boolean y = false; + for (int i = str.length() - 1; i >= 0; i--) + { + if (str.charAt(i) == 'y') + { + y = true; + } + else if (str.charAt(i) == 'x' && !y) + { + return false; + } + } + return true; +} +" +ed6e907a08c0cddb19dbb3ae1895e0490863e77b,"public boolean xyBalance(String str) +{ + int x = -1; + int y = -1; + int x + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +dd75b3a95c98d34b4305d48e3577ad12ed1f8430,"public boolean xyBalance(String str) +{ + int x = -1; + int y = -1; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + + + + return answer; +} +" +255f6233b8a2791adaff67a3a27faf5d27f96792,"public boolean xyBalance(String str) +{ + int len = str.length() - 1; + char ch; + for(int i = len; i >= 0; i--) + { + ch = str.charAt(i); + if(ch == 'x') + return false; + else if(ch == 'y') + return true; + } + return true; +} +" +450bf6b7c93babe240154e2e4ad28cd47b40ea36,"public boolean xyBalance(String str) +{ + int x = -1; + int y = -1; + boolean answer = false; + for (int i = 0; i < str.length(); i++) + { + if (str.substring(i, i + 1).equals(""x"")) + { + x = i; + } + else if (str.substring(i, i + 1).equals(""y"")) + { + y = i; + } + } + if (y > x) + { + answer = true; + } + else if (x > y) + { + answer = false; + } + else + { + answer = true; + } + + + + return answer; +} +" +439080c5b954a3d8e53ea4f79857cf93dacc18ed,"public boolean xyBalance(String str) +{ + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + xCount++; + for (int y = x; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + } + return false; +} +" +8aa8a192d556b4d96d82ecec0b0416b1b20064ce,"public boolean xyBalance(String str) +{ + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + xCount++; + for (int y = x; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + } + } + return false; +} +" +1698bb5bf0fbc79d0257ddfaf8435cd1d400dbfd,"public boolean xyBalance(String str) +{ + int hola = str.length() - 1; + char c; + for(int i = hola; i >= 0; i--) + { + c = str.charAt(i); + if(c == 'x') + return false; + else if(c == 'y') + return true; + } + return true; +} + +" +faa9a1f044362f067d123aa1d6afbde9b82ade49,"public boolean xyBalance(String str) +{ + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + for (int y = x; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + } + } + return false; +} +" +d5497b61d82bb74aad4ce0e655cf4854a767651f,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char ch; + for (int i = length; i >= 0; i--) + { + ch = str.charAt(i); + if (ch == 'x') + return false; + else if (ch == 'y') + return true; + } + return true; +} +" +872b5a1716252e301c0c0ab9b3205c1477a7a2ea,"public boolean xyBalance(String str) +{ + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + int lastX = x; + } + for (int y = lastX; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + } + return false; +} +" +18d60ecc12480adb94c20fdcb6980ebe11db10db,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; + +} + + +} +" +6feaa0343efca4cb91a028a0f10025b6ac4f3a95,"public boolean xyBalance(String str) +{ + int lastX = 0; + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + int lastX = x; + } + for (int y = lastX; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + } + } + return false; +} +" +095fd7669d5c93ad519f81aabc1bec68e23c9a56,"public boolean xyBalance(String str) +{ + Boolean x = false; + Boolean y = false; + int len = str.length(); + for (int i = 0; i < len; i++) { + if (str.charAt(i) == 'x' && y == true){ + x = true; + y = false; + } else if (str.charAt(i) == 'x') { + x = true; + } + if (str.charAt(i) == 'y' && x == true) + y = true; + } + if (x == false) + y = true; + return y; + +} + + +" +17dbafd31c9ba7d5361241e04811a6afeefc7bb1,"public boolean xyBalance(String str) +{ + int lastX = 0; + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + lastX = x; + } + for (int y = lastX; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + } + return false; +} +" +e635f7aeba3e6ec4c5c1462c088ba680e73f7a6e,"public boolean xyBalance(String str) +{ + int lastX = str.lastIndexOf(""y""); + int lastY = str.lastIndexOf(""x""); + if (lastX == -1 && lastY == -1) return true; + return (lastX > lastY); +} + +" +224234308a24bc8c4bc120932f5eaaada1e3ed62,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char chad; + for(int i = length; i >= 0; i--) + { + chad = str.charAt(i); + if(chad == 'x') + return false; + else if(chad == 'y') + return true; + } + return true; +} +" +56cda5c0fa59e2a72ff14dc9e64ef83930e80a3a,"public boolean xyBalance(String str) +{ + int length = str.length() - 1; + char chad; + for(int i = length; i >= 0; i--) + { + chad = str.charAt(i); + if(chad == 'x') + return false; + else if(chad == 'y') + return true; + } + return true; +} +" +0be6d3614d3e3ce073fc3e46059fd13e1e45e7cc,"public boolean xyBalance(String str) +{ + int lastX = 0; + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + lastX = x; + } + } + for (int y = lastX; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + return false; +} +" +93f1c750d151936601c96f003bd096deddb1bee2,"public boolean xyBalance(String str) +{ + int lastX = 0; + for (int x = 0; x < str.length(); x++) { + if (str.charAt(x) == 'x') { + lastX = x; + } + } + if (lastX == 0 && str.charAt(0) != 'x') { + return true; + } + for (int y = lastX; y < str.length(); y++) { + if (str.charAt(y) == 'y') { + return true; + } + } + return false; +} +" +9997ee169fed58bddb2195ecfd1512fd60c2df9e,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1 + } + else + { + return 0; + } +} +" +b7e6122aafef5bb40c5f268ee0a42201d28d136d,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +c51d094edd1d0a7a14f25b12a0e4d8e3641da18d,"public int redTicket(int a, int b, int c) +{ + if ((a & b & c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +ed1278079922abe3223e30b7ff39111492d9c131,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +233aca74e701f5c4e0a18375c397768fb8ad61d1,"public int redTicket(int a, int b, int c) +{ + if (((a) && (b) && (c)) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +4564eeaa90f7b983ed6c57da0e3f0d2cf36b09fb,"public int redTicket(int a, int b, int c) +{ + if (a && b && c = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +545b96b3922db8ac6ad69c5570ee8eedf4804c99,"public int redTicket(int a, int b, int c) +{ + a = 5; + b = 5; + c = 5; + + if ((a && b && c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +d3944c3757f249305a8ebff4c859a099e057583f,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +587e25a67abd1ab84d53954acfce6a51cce8e777,"public int redTicket(int a, int b, int c) +{ + if ((a == b) && (a == c)) + { + if (a == 2) + { + return 10; + } + + return 5; + } + + if ((b != a) && (c != a)) + { + return 1; + } + + return 0; +} +" +2a35826fbfa6d4b929d8c090ec40e60590d6eafd,"public int redTicket(int a, int b, int c) +{ + if(a==2 && b == 2 && c == 2) + return 10; + else if(a==b && b==c) + return 5; + else if(b==c) + return 1; + else + return 0; +} +" +684f98566d99f3c93a04d52bbebc4ba43e551c97,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) = 2) + { + return 10; + } + else if((a && b && c) == (a && b && c)) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +72dcbf5e67b2444794690030f52a67173d2367a6,"public int redTicket(int a, int b, int c) +{ + if(a==2 && b == 2 && c == 2) + return 10; + else if(a==b && b==c) + return 5; + else if(b!=a && c!==a) + return 1; + else + return 0; +} +" +0ad854703f676a2008c94764cf64ea8265ca39a6,"public int redTicket(int a, int b, int c) +{ + if(a==2 && b == 2 && c == 2) + return 10; + else if(a==b && b==c) + return 5; + else if(b!=a && c!=a) + return 1; + else + return 0; +} +" +470c11f50e13040b0a191e42599bf405c7257b57,"public int redTicket(int a, int b, int c) +{ + if ((a == 2 && b ==2 && c == 2) + { + return 10; + } + else if((a == b && a == c) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +f9dea9c32ee6a8186bfcd9704705b4be82d74438,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c == 2) + { + return 10; + } + else if((a == b && a == c) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +a05dd61a9646f269feada574b4185f7675909a7e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c == 2) + { + return 10; + } + else if(a == b && a == c) + { + return 5; + } + else if ((b && c)!= a) + { + return 1; + } + else + { + return 0; + } +} +" +bedfb311ad756d4292addb2ecc56528ca2b774dd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c == 2) + { + return 10; + } + else if(a == b && a == c) + { + return 5; + } + else if ((b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +6d6ef4899f3c5924234621228f91f0bb4182794e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c == 2) + { + return 10; + } + else if(a == b && a == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +7c938917c0737c2f3004d46508d630933d51b497,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) { + return 10; + } + else if (a == b && b == c && a == c) { + return 5; + } + else if (a != b && a != c) { + return 1: + } + else { + return 0; + } +} +" +5b2aada11c6600fb5d625f0bc3200f55643d4b75,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) { + return 10; + } + else if (a == b && b == c && a == c) { + return 5; + } + else if (a != b && a != c) { + return 1; + } + else { + return 0; + } +} +" +f0a08525f03a2255c8bfa9e1b80f2acf999b7b82,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c){ + return(10); + }else{ + if(a == b && b == c){ + return(5); + }else{ + if (a != b && a != c){ + return(1); + }else{ + return(0); + } + } + } +} +" +efe40bbdd26974a97b5a3bfefe096a1f59179f9b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if (a == b && b == c) + { + return 5; + } + if (a != b && a != c) + return 1; + return 0; +} +" +28da4e530e387ad88cc2143f095b8665b6fc2bb1,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( b != a && c != a) + return 1; + else + return 0; +} +" +b7d51cb5ac3f226e0e019d9ca9e38a1847461002,"public int redTicket(int a, int b, int c) +{ + if (b == a && c == a) + { + if (a == 2) + { + return 10; + } + + return 5; + } + else + { + return 1; + } + + return 0; +} +" +df34c00b5c90887c1a14bbb40cae1e5cfb0c7d8d,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (b == a && c == a) + { + if (a == 2) + { + return 10; + } + + return 5; + } + + return 1; + } + + return 0; +} +" +a5d24c2f3a4ef61ce1c3e5a3ffcc0997565a6c2a,"public int redTicket(int a, int b, int c) +{ + if (b == a && c == a && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + + } + + if ( b != a && c != a) + { + return 1; + } + + + return 0; +} +" +5e1c46466550fff0d2fa2106aa27eb1ed6cd8ae6,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +ff64a21aad9c708ec0e7997cbeea5dec5b03c730,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +294a66da0fc94b2741951c263fd33cc39991ecca,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +a10677773ef6bc5e28422cd26222b4ebf66abf42,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) { + if (a == 2) { + return 10; + } + else { + return 5; + } + } + else if (a != b && a != c) { + return 1; + } + else { + return 0; + } +} +" +59780b5b61c55b139296232566793152afab47b9,"public int redTicket(int a, int b, int c) +{ + if (a==b&&a==c) + { + if (a==2) + { + return 10; + } + else + return 5; + } + else if !(a==b || b==c) + { + return 1; + } + else + return 0; +} +" +af035ac1550708a3ab5432d7eae7d91fd70e3c19,"public int redTicket(int a, int b, int c) +{ + if (a==b&&a==c) + { + if (a==2) + { + return 10; + } + else + return 5; + } + else if (!a==b || !b==c) + { + return 1; + } + else + return 0; +} +" +a6441268d9d5bec8d97067887c154dbce2c4d58a,"public int redTicket(int a, int b, int c) +{ + if (a==b&&a==c) + { + if (a==2) + { + return 10; + } + else + return 5; + } + else if (a==b || b==c) + { + return 1; + } + else + return 0; +} +" +e0878983c11a1ae58ffbc3e1da9a614d0cfda64b,"public int redTicket(int a, int b, int c) +{ + if (a==b&&a==c) + { + if (a==2) + { + return 10; + } + else + return 5; + } + else if (a!=b || b!=c) + { + return 1; + } + else + return 0; +} +" +45ee6dde10dd2e0211f1f00bc40d48216fd836d1,"public int redTicket(int a, int b, int c) +{ + if (a==b&&a==c) + { + if (a==2) + { + return 10; + } + else + return 5; + } + else if (a!=b && a!=c) + { + return 1; + } + else + return 0; +} +" +6041b9ca5aabc112148c09311389070f55eabb65,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && c==2) + return 10; + else if (a==b && b==c) + return 5; + else if (a!=b && a!=c) + return 1; + else + return 0; +} +" +1e4efe028e054485ea10ccc9ba82907ea89405a7,"public int redTicket(int a, int b, int c) +{ + int ab = a + b; + int bc = b + c; + int ca = c + a; + + if(ab == 10 || bc == 10 || ca == 10) + return 10; + if(ab == bc + 10 || ab == ca + 10) + return 5; + return 0; +} +" +07064e80019b9142de223c002b6f9b4332547eb8,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + { + return 5; + } + } + + if(a != b && a !=c) + { + return 1; + } + else + { + return 0; + } +} +" +3fac3169fcffb1b454268836e26bb1e6556a035a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b == c && b != a) + { + return 1; + } + else + { + return 0; + } +} +" +3f317ee6fe245f0a6b98eb9e35788e9b1859b69d,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +a937ca98bf07376a16173c226e492c54fe9de26f,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (a != b && a != c) + { + return 1; + } + return 0; +} +" +161e7a8bd94f13aeda71c8dc0cb220f94aca76d6,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c & a == 2) + return 10; + else if (a == b & b == c) + return 5; + else if (b != a && c != a) + return 1; + return 0; +} +" +27d92c814ecd587e7e0f54fce86fe8723e8a3974,"public int redTicket(int a, int b, int c) +{ + if (a && b && c == 2) + return 10; +} +" +24909f7732051c0a9bb514c5f6ed83387b623ea9,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) == 2) + return 10; +} +" +49149a75660d61305d016f66060697bb28ccb0ec,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; +} +" +f22fe695f60ee90c205c8f8a67ddc822e132b1ad,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && a == c && b == c) + return 5; + if (b != a && c != a) + return 1; + return 0; +} +" +f9518348be945bfcdbb3cc6bd57efd78fb7862b6,"public int redTicket(int a, int b, int c) +{ + int sum; + if (a, b, c = 2) + { + sum = 10; + } + if (a == b && b == c) + { + sum = 5; + } + if (c != a && b != a) + { + sum = 1; + } + else + { + sum = 0; + } + return sum; +} +" +a7c58f8f386f7aab6b8e7ec66e42e09cf1d72f54,"public int redTicket(int a, int b, int c) +{ + int sum; + if (a == 2 && b == 2 && c == 2) + { + sum = 10; + } + if (a == b && b == c) + { + sum = 5; + } + if (c != a && b != a) + { + sum = 1; + } + else + { + sum = 0; + } + return sum; +} +" +98a208f45fbfbdcd7327880b976bc0d4c12717e6,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + { + return 10; + } + return 5; + } + if(a != b && a !=c) + { + return 1; + } + return 0; +} +" +ced18d3b51d6a77c1a04d2cce66e7772508bbf25,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) { + return 10; + } + else if (a == b && b == c) { + return 5; + } + else if (b != a && c != a) { + return 1; + } + else { + return 0; + } +} +" +ef853cfae4a2df990e3eecadad45c0343f3d2bcb,"public int redTicket(int a, int b, int c) +{ + if(a==2&&b==2&&c==2) + { + return 10; + } + else if(a==b && b==c && a==c) + { + return 5; + } + else if(b != a && c != a) + { + return 1; + } + else + { + return 0; + } + return (a, b, c); +} +" +b0511b1732519b45631b4fc0eec7eefe715d2513,"public int redTicket(int a, int b, int c) +{ + if(a==2&&b==2&&c==2) + { + return 10; + } + else if(a==b && b==c && a==c) + { + return 5; + } + else if(b != a && c != a) + { + return 1; + } + else + { + return 0; + } + return a, b, c; +} +" +5652a88878421b8f8a710e0b3d082469361aa51b,"public int redTicket(int a, int b, int c) +{ + if(a==2&&b==2&&c==2) + { + return 10; + } + else if(a==b && b==c && a==c) + { + return 5; + } + else if(b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +5bea471d304d4ef06547e79a3932ce29a1088f21,"public int redTicket(int a, int b, int c) +{ + if ( a = 2 && b == 2 && c ==2) + { + return 10; + } + else if ( a == b && b == c & c == a) + { + return 5; + } + else if ( b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +b2d57d8aad78f1bbbf87c07031054c824cdd4aee,"public int redTicket(int a, int b, int c) +{ + if ( a = 2 && b == 2 && c ==2) + { + return 10; + } + else if ( a == b && b == c && c == a) + { + return 5; + } + else if ( b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +6925d40ad3e4abf63c6bde4d3271004c068c0f6d,"public int redTicket(int a, int b, int c) +{ + if ( a = 2 & b == 2 && c ==2) + { + return 10; + } + else if ( a == b && b == c && c == a) + { + return 5; + } + else if ( b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +e0e0b392e8197dafd60c27dfc0e575c28af8a320,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && b == 2 && c ==2) + { + return 10; + } + else if ( a == b && b == c && c == a) + { + return 5; + } + else if ( b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +8347f246cd0bb4d7250ab05f4c7f60922635f705,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +3a72802571f600a4da59afca18740af02e17c42b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +c5287279305257111eea36523938615201e8f080,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if ( a == b && b == c) + { + return 5; + } + if ( a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +abab71002d6da1e23c37ad2c8e66507d36947e57,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +891630c4ceaa30ef467708b056cdd44763d2ba6a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +ce66810bd828bff623c56184fa5e1310fbb2034e,"public int redTicket(int a, int b, int c) +{ + + + + + + + return 0; +} +" +6b8305afc826462810b8f4bd083c246037c299eb,"public int redTicket(int a, int b, int c) +{ + + if (a== 2 && b==2 && c==2) + { + return 10; + } + + + + + return 0; +} +" +2685eddb92291821c954a25328040d9f9408eb9e,"public int redTicket(int a, int b, int c) +{ + + if (a== 2 && b==2 && c==2) + { + return 10; + } + + if (a==b && a==c && b==c) + { + return 5; + } + + + + + return 0; +} +" +5f137dbfa54f3c15c65ef24630bad52216763faa,"public int redTicket(int a, int b, int c) +{ + + if (a== 2 && b==2 && c==2) + { + return 10; + } + + if (a==b && a==c && b==c) + { + return 5; + } + + if (a!=b && a!=c) + { + return 1; + } + + + + + return 0; +} +" +f612b8a8c1c11c3595e2b112e005098418a83ec7,"public int redTicket(int a, int b, int c) +{ + + if (a== 2 && b==2 && c==2) + { + return 10; + } + + if (a==b && a==c && b==c) + { + return 5; + } + + if (a!=b && a!=c) + { + return 1; + } + + + return 0; +} +" +aae8d3fdc887a82bb24996b1dc5d858a2ba9e79c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return(10) + } + else if (a == b && b == c && a == c) + { + return(5); + } + else if (b != a || c != a) + { + return(1); + } + else + { + return(0); + } +} +" +e3d6605f7f6ffe86fd73e1bab23dc93dd5d7b7f5,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return(10); + } + else if (a == b && b == c && a == c) + { + return(5); + } + else if (b != a || c != a) + { + return(1); + } + else + { + return(0); + } +} +" +4cc293f4b9202cc7a1220cfb8d0fccca90243bf4,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return(10); + } + else if (a == b && b == c && a == c) + { + return(5); + } + else if (b != a && c != a) + { + return(1); + } + else + { + return(0); + } +} +" +59cba3e5fe9f5738e84ce95db6a2da5050c7450c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return(10); + } + else if (a == b && b == c && a == c) + { + return(5); + } + else if (b != a && c != a) + { + return(1); + } + else + { + return(0); + } +} +" +6a40ed6f92d9a6c44e77b76f5850ab4f17beea92,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return(10); + } + else if (a == b && b == c && a == c) + { + return(5); + } + else if (b != a && c != a) + { + return(1); + } + else + { + return(0); + } +} +" +49a39b67ae22a577bf176cb6c2298502ee2a226b,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +0acd8a2faa3e85ccb2b83fa240532172768e744c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2){ + return 10; + } + else if (a == b && b == c && a == c){ + return 5; + } + else if (b && c != a){ + return 1; + } + else{ + return 0; + } +} +" +cb90af23832c7eb506771b2ee70d2e24e4badcf7,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2){ + return 10; + } + else if (a == b && b == c && a == c){ + return 5; + } + else if ((b && c) != a){ + return 1; + } + else{ + return 0; + } +} +" +8d63e9e06db94c1b02969fa5e11027824eeb47de,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2){ + return 10; + } + else if (a == b && b == c && a == c){ + return 5; + } + else if (b != a && c != a){ + return 1; + } + else{ + return 0; + } +} +" +37f9ad07bb83bad8b137aff55e2c999928a8624f,"public int redTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + else if (a != B && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +dddfcdb9f10373da2d6e48f32f3e08166a26634d,"public int redTicket(int a, int b, int c) +{ + if ( a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +68ac8768278ce3c0342f7813bc5bccf022401f57,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if ( a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +5da47fa8153c5687025531117f05db30f9d5a776,"public int redTicket(int a, int b, int c) +{ + int result = 0; + if (a == 2 && b == 2 && c == 2) + { + result = 10; + } + else if (a == b && b == c) + { + result = 5; + } + else if (a != b && a != c) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +7c2f0934d7b18a9738285e1c88e008c9480365f7,"public int redTicket(int a, int b, int c) +{ + if ( a ==b == c == 2) + { + return (10); + } + else if ( a== b == c) + { + return 5; + } + else if ( a != c && a a!= b) + { + return 1; + } + else + { + return 0; + } + +} +" +9fa4718ebf9cd270dc3bc1177454de7ec5ac24a9,"public int redTicket(int a, int b, int c) +{ + if ( a ==b == c == 2) + { + return (10); + } + else if ( a== b == c) + { + return 5; + } + else if ( a != c && a!= b) + { + return 1; + } + else + { + return 0; + } + +} +" +0783e488ff0961a372ea68fc30fdbd3dd3a950a5,"public int redTicket(int a, int b, int c) +{ + if ( a == b && b == c && a== 2) + { + return (10); + } + else if ( a == b && b == c) + { + return 5; + } + else if ( a != c && a!= b) + { + return 1; + } + else + { + return 0; + } + +} +" +fd36f46e92f149d6c958913a3ca808887d7f7475,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c) + { + return 10; + } + else if (a != 2 && a == b && b ==c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +ae68f096c3cc995315e037a6d18836d035cd0808,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && b != c && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +76fd7dd5c12b24704aaf510dde8cb24a8e6bf457,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +b9cc78f7c57aaea7423b7691236df75acc7c0b77,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + return 10; + else if (a==b && b==c) + return 5; + else if (a!=c && a!=b) + return 1; + else + return 0; +} +" +d97ad2635662f3ea5f8b7e2e1d3d6895a3311967,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +43387c2ae7dc8f7dc99e999d48b53a5ee5589805,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a != 2 && a == b && b == c) + return 5; + if (a != b && a != c) + return 1; + else + return 0; +}" +fb8a6e590784c2a2422186c6d9801dec2ad1a20f,"public int redTicket(int a, int b, int c) +{ + if (a == b && b==c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if (a == c || b == c) + { + return 10; + } + + else + { + return 0; + } + + +} +" +dac3d69bc67ac12ed3d0bac208077fbce2be3e9f,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if (a !== b || a !== c) + { + return 1; + } + + else + { + return 0; + } + + +} +" +1b09d9731a41e3695f305f37a8c71ca31a4c9d45,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if( (a !== b) || (a !== c)) + { + return 1; + } + + else + { + return 0; + } + + +} +" +128ee88dc1b4dd5eebdaa8e95bcc01619c93e02e,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if( a !== b || a !== c) + { + return 1; + } + + else + { + return 0; + } + + +} +" +c0931e509037fc1b1d0ec8a14963e0f023735c26,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if( a != b || a != c) + { + return 1; + } + + else + { + return 0; + } + + +} +" +0906e5d28c1986472a8e3ba0ac88f599307d8547,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if( a != b || a != c) + { + return 0; + } + + else + { + return 1; + } + + +} +" +fff63169963e736f58911c245c9314190b917df9,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if( a != b || a != c) + { + return 1; + } + + else + { + return 0; + } + + +} +" +fd29e340086933aff4aca4810e7eed657618ef5a,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + + else + { + return 5; + } + + } + + if( a != b && a != c) + { + return 1; + } + + else + { + return 0; + } + + +} +" +b4508418dce5972823be5693ca132ce147104aae,"public int redTicket(int a, int b, int c) +{ + int ticket = 0; + + if (a == 2 && b == 2 && c == 2) + { + ticket = 10; + } + else if (a != 2 && a = b && a = c) + { + ticket = 5; + } + else if (a != b && a != c) + { + ticket = 1; + } + return ticket; +} +" +f69da5289f68d3e8de05112d5996ca2bcc745ad8,"public int redTicket(int a, int b, int c) +{ + int ticket = 0; + + if (a == 2 && b == 2 && c == 2) + { + ticket = 10; + } + else if (a != 2 && a == b && a == c) + { + ticket = 5; + } + else if (a != b && a != c) + { + ticket = 1; + } + return ticket; +} +" +1653d67b2a7c4346f781b11332e77c86a896a79a,"public int redTicket(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + if (numA == 2 && numB == 2 && numC == 2) + { + return 10; + } + else if (numA == numB && numA == numC) + { + return 5; + } + else if (numA != numB && numA != numC) + { + return 1; + } + return 0; + +} +" +5f97ee013788b8be320589e2e2fe8bd699bf6704,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 0; + } + else + { + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else (a == b && b == c && a == c) + { + return 5; + } + } +} +" +337b260d519a3935c01a0d5ae03e821230547a12,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 0; + } + else + { + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + } +} +" +1642b982b767684c1032b40f252def3bc0aed5c3,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 0; + } + else + { + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else + { + return null; + } + } +} +" +a581a8a3d84b2ba650ac433de7fddce80ff00321,"public int redTicket(int a, int b, int c) +{ + /*if (b != a && c != a) + { + return 0; + } + if*/ + { + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else + { + return 0; + } + } +} +" +a0d29b09b5567f169b72f6c9240a3656e344a521,"public int redTicket(int a, int b, int c) +{ + /*if (b != a && c != a) + { + return 0; + } + if*/ + + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else + { + return 0; + } + } +} +" +ca37dd7685a571e3d75af5611a7a5c391621da21,"public int redTicket(int a, int b, int c) +{ + /*if (b != a && c != a) + { + return 0; + } + if*/ + + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else + { + return 0; + } + +} +" +0c0c3102edc14647da1dba7fb18b2e3387d36e2e,"public int redTicket(int a, int b, int c) +{ + /*if () + { + return 0; + } + if*/ + + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +2d29017a635a2a62dc7f39087391f583360842cd,"public int redTicket(int a, int b, int c) +{ + + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +f5393f49852203a7daea34389b467f7e844dc7eb,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +9edf59f33f1bef4fd86ae0ce6ae65fca7911f217,"public int redTicket(int a, int b, int c) +{ + int result; + if (a == 2 && b == 2 && c == 2) + { + result = 10; + } + else if (a == b && a == c) + { + result = 5; + } + else if (a != b && a != c) + { + result = 1; + } + else + { + result = 0; + } + return result; + +} +" +b939574c4ff67bdc6b565125dfe0161fe20c7c7a,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + return 5; + else if (a == c && b ==c) + return 10; + else if (b != a && c != a0 + return 1; + else + return 0; +} +" +2ff8016f2972bdb7ee6a35f36b54cd03b7108b44,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + return 5; + else if (a == c && b ==c) + return 10; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +a58a400fe8b44cc8aa5df536b7404d5427e0f691,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + return 5; + else if (a == 2 && b == 2) + return 10; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +d9fc289537c271aed9e8cca35503cd05d78b1a20,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + return 5; + else if (a == 2 && b == 2 && c == 2) + return 10; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +7dc4acaaa6741bf6fbcc068c06c05fa21158545e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c && a == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +1bdaf9a101eaf13108225ebb4fb6f5b57fab3dd6,"public int redTicket(int a, int b, int c) +{ + + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +53b5e1907c5a6f7f9895ea72751125007f869727,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c ==2) + return 10; + if (a == b && b == c) + return 5; + if (a != b && a!= c) + return 1; + return 0; +} +" +ae0e99a466be7a1458da4d8583228b34c285e124,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (a != b && a != c) + { + return 1; + } + return 0; +} +" +4f209bf911fe0a6333fc891666cf915fd96ebc06,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } +} +" +75e23e5679d66d812b3db70bd0a5e421c7ce720d,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +64eff25c9da6e8a3019f61034134009de6298740,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if ( a == b && b== c) + { + return 5; + } + else if (c != a && b != a) + { + return 1; + } + return 0; +} +" +712e579a9de27e05b6c107c95467f68fe4c87163,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c ==2) + return 10; + else if (a == b && b == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +071292b5deaadb0c5253c92ad56bca9cbac8b168,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + { + return 10; + } + else if (a==b==c) + { + return 5; + } + else + { + return 1; + } +} +" +146c4e02f54e2b99e73613b839991d63a3b93320,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else + { + return 1; + } +} +" +cf1aaa53350b07642069ec537a4b37e93bf3531b,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (a!=b && b!=c && c!=a) + { + return 1; + } + else + { + return 0; + } +} +" +2edb7cf94f42023a54b6197e02946a4dd8828e95,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (a!=b && c!=a) + { + return 1; + } + else + { + return 0; + } +} +" +a0e0d3470576cabb660417efb110b9fdc67cc2c7,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + { + return 10; + } + return 5; + } + if(a != b && a !=c) + { + return 1; + } + return 0; +} +" +e94ed49cb08d8cb989f23597499c8e170f32fa3e,"public int redTicket(int a, int b, int c) +{ + int num = 0; + if ( a == 2 && b == 2 && c == 2) + { + num = 10; + } + else if ( a == b && b == c) + { + num = 5; + } + else if (a != b && a! = c) + { + num = 1; + } + else + { + num = 0 ; + } + return num; +} +" +1bff12185f096f5e9b0c54e02ac90c85b8ff800b,"public int redTicket(int a, int b, int c) +{ + int num = 0; + if (a == 2 && b == 2 && c == 2) + { + num = 10; + } + else if (a == b && b == c) + { + num = 5; + } + else if (a != b && a! = c) + { + num = 1; + } + else + { + num = 0 ; + } + return num; +} +" +005f2b18b973465ba2742480b6471186e62ebbeb,"public int redTicket(int a, int b, int c) +{ + int num = 0; + if (a == 2 && b == 2 && c == 2) + { + num = 10; + } + else if (a == b && b == c) + { + num = 5; + } + else if (a != b && a!= c) + { + num = 1; + } + else + { + num = 0 ; + } + return num; +} +" +4c2f250bc97a0963721dd5cdbaab0d86b50c0c42,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (b != a) + { + if (c != a) + { + return 1; + } + } + return 0; +} +" +e6c8478402803b9d04b7cc01d6897a199134164d,"public int redTicket(int a, int b, int c) +{ + (if a==b&&b=c=2) + + +} +" +26aa331ea5b9977dbfe0fead36b1dee4477b9509,"public int redTicket(int a, int b, int c) +{ + if (a==b&&b==c=2) + + +} +" +43e60a5af943364302f119bd2150f6cd8f7b030f,"public int redTicket(int a, int b, int c) +{ + if (a==b&&b==c==2) + + +} +" +41552538a4a0f44e766766fad29a75d6b1803c4f,"public int redTicket(int a, int b, int c) +{ + answer = 0; + if (a == b == c == 2) + { + answer = 10; + } + else if (a == b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +} +" +f391f13e84da69797a7470800c3706e56be63257,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == b == c == 2) + { + answer = 10; + } + else if (a == b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +} +" +6a6cdb33af3c3644b32e36c02b8e417b3799839b,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a = b = c = 2) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +9f26b1693926450ac678d858fc9aafd250ca159d,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + else if(a == b && b == c) + { + return 5; + } + else if(b != a && c != a) + { + return 1; + } + else + return 0; + +} +" +169ffd8f8e5d96f6d81a2179e0b1ca267079e9a1,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2 && a == b == c) + { + answer = 10; + } + else if (a == b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +24609f639824dadc00d609d78a5dd3fa0f9e8567,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a = 2 && a = b = c) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +3735d14e0015cbbfffc67ed647aff1b4f54f43d7,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2 && a = b = c) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +839c1dc1db4d5a05f2270d1a2793ebb7821c47d9,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if ((a = 2) && (a = b = c)) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +19e4cac414453b034700b3f3e5f436d9b68d0869,"public int redTicket(int a, int b, int c) +{ + if (a==b&&b==c&&c==2) + { + return 10 + } + else if (a==b&&b==c() + { + return 5 + } + else if (a!=c&&a!=b) + { + return 1 + } + else + { + return 0 + } +} +" +566290266a5063564d9d5086a517196a1936097a,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if ((a == 2) && (a = b = c)) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +a2343677afb278407fdaadd053024fdb8464088f,"public int redTicket(int a, int b, int c) +{ + if (a==b&&b==c&&c==2) + { + return 10 + } + else if (a==b&&b==c) + { + return 5 + } + else if (a!=c&&a!=b) + { + return 1 + } + else + { + return 0 + } +} +" +24dc2ad0129993c433138332e9701a081468ead0,"public int redTicket(int a, int b, int c) +{ + if (a==b&&b==c&&c==2) + { + return 10; + } + else if (a==b&&b==c) + { + return 5; + } + else if (a!=c&&a!=b) + { + return 1; + } + else + { + return 0; + } +} +" +dea00e9390e1495ec9dcf83008716cc3d18c9310,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if ((a == 2) && (a == b == c)) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +a438d53acb335b92f91c154fa15506b37485c7f1,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if ((a == 2) && (a = b = c)) + { + answer = 10; + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +4c985d08cc38c75629f13329a922eab5c7c42a01,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a = b = c) + { + answer = 10; + } + } + else if (a = b = c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +675004ef854bd4ab1896d39b4d8660e99216d6cd,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a == b == c) + { + answer = 10; + } + } + else if (a == b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +a88e9f9575d09f9422693139ba268dbb4521917d,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a == b && b == c) + { + answer = 10; + } + } + else if (a == b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +5a7de09adcd796c815482544a92e6fde7163dbb3,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a == b && b == c) + { + answer = 10; + } + } + else if (a == b && b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +7631cdde358e24b8adbaa255361fd82bc5af4532,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a == b && b == c) + { + answer = 10; + } + } + else if (a == b && b == c) + { + answer = 5; + } + else if (b != a && c != a && b != c) + { + answer = 1; + } +return answer; +} +" +3e8f5cf25fe5482cb6f4bd570d4f99ef196e866b,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a == b && b == c) + { + answer = 10; + } + } + else if (a == b && b == c) + { + answer = 5; + } + else if (b != a || c != a) + { + answer = 1; + } +return answer; +} +" +58741717a774b3591acf569b9f6974b593c550c3,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2) + { + if (a == b && b == c) + { + answer = 10; + } + } + else if (a == b && b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +d7b0fe4b8cc7d6aa55274563b1f672ffc24cf713,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2 && a == b && b == c) + { + answer = 10; + } + else if (a == b && b == c) + { + answer = 5; + } + else if (b != a && c != a) + { + answer = 1; + } +return answer; +} +" +d21f344063e0ea4fdc58a219227e89c610a3e26c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == 1 && b == 1 && c == 1) + return 5; + if (a == 0 && b == 0 && c == 0) + return 5; + if (b != a && c != a) + return 1; + else + return 0; +} +" +958fea3925bc76fc65db8d971a60a9a6055cc0c4,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +73f4e85662adffd0a48df6700aaee8776aed9353,"public int redTicket(int a, int b, int c) +{ + int output; + if (a==2 && b==2 && c==2) + output = 10; + else if (a==b&&b==c) + output = 5; + else if (a!=b&&a!=c) + output = 1; + else + output = 0; + return output; +} +" +865415f975eaa3b074c5d20557df40291b99ffb5,"public int redTicket(int a, int b, int c) +{ + if (a == 10 && b == 10 && c == 10) { + return 10; + } + else if (a == b && b == c) { + return 5; + } + else if (b == a || c == a) { + return 0; + } + else { + return 1; + } +} +" +5e483614a344436f7d2449cbb440133275bd702a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) { + return 10; + } + else if (a == b && b == c) { + return 5; + } + else if (b == a || c == a) { + return 0; + } + else { + return 1; + } +} +" +86a0049a3c4dbf14315540f93b95ebe276208bf1,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c) + return 10; + else if (a == b && a == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +5cfe71e2a318eec7992dd2ee8aa5b838876fa7c2,"public int redTicket(int a, int b, int c) +{ + if ( a + b + c = 2) + return 10; + if (a == b == c) + return 5; + if (a != b && a != c) + return 1; + return 0; +} +" +fee4f7665d6fb5b4d23d9e2900c9d00c0dfdbec9,"public int redTicket(int a, int b, int c) +{ + if ( a + b + c == 2) + return 10; + if (a == b == c) + return 5; + if (a != b && a != c) + return 1; + return 0; +} +" +0398ff6e069ae3e3408b08a3d7e5493e923fd37d,"public int redTicket(int a, int b, int c) +{ + if ( a = 2 && a == b && a == c) + return 10; + if (a == b == c) + return 5; + if (a != b && a != c) + return 1; + return 0; +} +" +f3c7595041e87c125f34757592c76794db9010dd,"public int redTicket(int a, int b, int c) +{ + if ( a = 2 == b == c) + return 10; + if (a == b == c) + return 5; + if (a != b && a != c) + return 1; + return 0; +} +" +7f44b5f18a9d71054a7e76680fdc0572565f5897,"public int redTicket(int a, int b, int c) +{ + if ( a == b && a == c) + { + if (a = 2) + return 10; + else + return 5; + } + + if (a != b && a != c) + return 1; + return 0; +} +" +28a7079945afcf6a48d8e862c3a164062742c160,"public int redTicket(int a, int b, int c) +{ + if ( a == b && a == c) + { + if (a == 2) + return 10; + else + return 5; + } + + if (a != b && a != c) + return 1; + return 0; +} +" +61ba3f1d1f2f2a5119ef0cecb7255f8ff795b847,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == b && b == c && a == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +ec5e6ccee44d7784ce1326157643a1d891e35c7f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) + return 10; + if (a != 2 && a == b && b == c) + return 5; + if (a != b && a != c) + return 1; + return 0; +}" +29f6b7a2a64588d924992993cb5201a052922ffc,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + { + return 5; + } + } + if (a != b && a !=c) + return 1; + return 0; +} +" +c895ef3cbcb4d688a690bc9fac2c1b2165bfc6b2,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + { + return 5; + } + } + if (a != b && a !=c) + { + return 1; + } + else + { + return 0; + } +} +" +890d70c2068ddddf4db671d0778f5b0481fa2965,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + { + return 5; + } + } + else if (a != b && a !=c) + { + return 1; + } + else + { + return 0; + } +} +" +8d1dd8e48919a8fc1cabc90b9df119cad00a44dc,"public int redTicket(int a, int b, int c) +{ + if( a == b && b == c) + { + if( a == 2 ) + { + return 10; + } + else + { + return 5; + } + } + else + { + if( a == b || a == c) + { + return 1; + } + else + { + return 0; + } + } +} +" +8d648e8392703f4459101437897131ebb7a7f6e5,"public int redTicket(int a, int b, int c) +{ + if( a == b && b == c) + { + if( a == 2 ) + { + return 10; + } + else + { + return 5; + } + } + else + { + if( a != b && a != c) + { + return 1; + } + else + { + return 0; + } + } +} +" +abd04ab7305b42d6eda079473af5f17a91e1d4a8,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + { + return 5; + } + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +}" +c4b961fc2417ba7283452a366dc7630ba31af548,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +36c61c519c5bf280efe2699373c478d38e9025ba,"public int redTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c && c == 2 && a == c ) + { + result = 10; + } + + else if ( a == b && b == c && a == c ) + { + result = 5; + } + + else if ( a != b && a != c ) + { + result = 1; + } + + return result; + +} +" +5133fdff23c7c24fe97395a4c216f9d6732c8645,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +76b9da56f31dbe00d5050d28be44a8d41358e780,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; +return 0; +} +" +7ca27d33f0716a098b72debb4c4abc45625308ed,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +dbad8327eac80644d376e1321351073b90ad4c96,"public int redTicket(int a, int b, int c) +{ + if(a = 2 && b = 2 && c = 2) + { + return 10; + } + else if (a = b && b =c) + { + return 5; + } + else if(b!= a && c != a) + { + return 2; + } + else + { + return 0; + } +} +" +54d6b44c4a4ddd368ba8e41e4901c8de71af2eef,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b ==c) + { + return 5; + } + else if(b!= a && c != a) + { + return 2; + } + else + { + return 0; + } +} +" +f6a96a5f145d7e845293a22b29c3be382a03ddae,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b ==c) + { + return 5; + } + else if(b!= a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +1f9b9d168fee9b52c9a51f03e28a8cdcae0f3d7b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) + { + return(10); + } + else if (a == b && b == c) + { + return(5); + } + else if (a != b && a!= c) + { + return(1); + } + else + { + return(0); + } +} +" +bf39af80f611de1477ea4d53a2f87b2c64440727,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +2ccdb683f3fc4ea26da5b07f731af759f4748c32,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) { + return 10; + } + if (a == b && b == c) { + return 5; + } + if (b != a && c != a) { + return 1; + } + return 0; +}" +fb71c1387c618da67b119a9afd73c5f51d879186,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if (b == a || c == a){ + return 0; + } + else { + return 1; + } +} +" +827feabea94f91fa64a1ff8f6731cb7892596ede,"public int redTicket(int a, int b, int c) +{ + int result = 0; + int sum = a + b + c; + if (sum == 6) + { + result = 10; + } + else if ( sum == 3 || sum = 0) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1 + } + return result; +} +" +31d1cfd1e64dfc4f348707181e64853e5a125d79,"public int redTicket(int a, int b, int c) +{ + int result = 0; + int sum = a + b + c; + if (sum == 6) + { + result = 10; + } + else if ( sum == 3 || sum = 0) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + return result; +} +" +45f831f4a3a9bb360084a0a6b7807c19bd22b0a9,"public int redTicket(int a, int b, int c) +{ + int result = 0; + int sum = a + b + c; + if (sum == 6) + { + result = 10; + } + else if ( sum == 3 || sum == 0) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + return result; +} +" +8216fe1191d6a098bfe9d75060e5ce13d759d6e5,"public int redTicket(int a, int b, int c) +{ + int result = 0; + int sum = a + b + c; + if (sum == 6) + { + result = 10; + } + else if ( a == b || b == c) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + return result; +} +" +0fcc852c898304c7f88739b0a0de60d0a9514244,"public int redTicket(int a, int b, int c) +{ + int result = 0; + int sum = a + b + c; + if (sum == 6) + { + result = 10; + } + else if ( sum == 3 && b == c) + { + result = 5; + } + else if ( sum == 0) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + return result; +} +" +8ca4f9737d8eb34f0a2b9b63e0da3bf36e6d14cd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && c == a) + { + return 5; + } + else if (a != b && b != c && c != a) + { + return 1; + } + return 0; +} +" +c3b6b77f4aa372e01c3f3ccc703326926a54ffe3,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && c == a) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + return 0; +} +" +079fe71f1c3eb33c0fc21d9b27d5b83bdbb5bcac,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if (a == 2) + return 10; + return 5; + } + if (a != b && a != c) + return 1; + return 0; +} +" +af6cf6c4d1d34a729636d0ee399dfbe07c8e734e,"public int redTicket(int a, int b, int c) +{ + if (a=2 & b=2 & c=2) + { + return 10; + } + else if (a!=2 & a==b & b==c) + { + return 5; + } + else if (a!=b & a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +444421f98533be678526b4d1245b83c58b0770ab,"public int redTicket(int a, int b, int c) +{ + if (a==2 & b==2 & c==2) + { + return 10; + } + else if (a!=2 & a==b & b==c) + { + return 5; + } + else if (a!=b & a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +ec338ae56482f3383b671fd7c83bf7f7631a74bb,"public int redTicket(int a, int b, int c) +{ + if ((a = 2) && (b = 2) && (c = 2)) + { + return 10; + } + else if ((a == b) && (b == c)) + { + return 5; + } + else if ((b != a) && (c != a)) + { + return 1; + } + else + { + return 0; + } +} +" +cd36011e020ffc41188de2b7cfe5e55af586b032,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else if ((a == b) && (b == c)) + { + return 5; + } + else if ((b != a) && (c != a)) + { + return 1; + } + else + { + return 0; + } +} +" +75ab6fbe645597fbffd250a42de368a54fc44879,"public int redTicket(int a, int b, int c) +{ + if(a = 2 && b == 2 && c == 2) + { + return 10; + } + else if(a == b == c) + { + return 5; + } + else if(a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +1b4bc3db4384e557545a3c1666dbcb582abe07c0,"public int redTicket(int a, int b, int c) +{ + if(a = 2 && b == 2 && c == a) + { + return 10; + } + else if(a == b == c) + { + return 5; + } + else if(a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +8e61a913caac894d24e2c274e8dad1abebc49517,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +3cdcaafacd03e8de9f49abc40dfdc0dfbf0f5fd4,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + { + return 10; + } + return 5; + } + if(a != b && a !=c) + { + return 1; + } + return 0; +} +" +72523109222eeb5e0708a44fe048137b1fb77922,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if (resultNum == 3 || resultNum == 0) + { + resultNum = 5; + return resultNum; + } + else if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else + { + resultNum = 0; + return resultNum; + } +} +" +c4abc247174a8a9c2d65c8b33b416eb64562e381,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if (sumNum == 3 || sumNum == 0) + { + resultNum = 5; + return resultNum; + } + else if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else + { + resultNum = 0; + return resultNum; + } +} +" +634ea8f948fe0052444a70adf1d1e97ba654b663,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if (sumNum == 3 || sumNum == 0) + { + resultNum = 5; + return resultNum; + } + else if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else + { + resultNum = 0; + return resultNum; + } +} +" +25ace61c9ce9ce0186c5a38fc0522aba97298059,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if (sumNum == 3 || sumNum == 0) + { + resultNum = 5; + return resultNum; + } + else if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else + { + resultNum = 0; + return resultNum; + } +} +" +2b36bfad7a429f8b4da49b8a7baf9beb82c5e452,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if (sumNum == 3 || sumNum == 0) + { + resultNum = 5; + return resultNum; + } + else if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else + { + resultNum = 0; + return resultNum; + } +} +" +07d83a6058959a98e02cfaf25e00205b71edcd2a,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if (sumNum == 3 || sumNum == 0) + { + resultNum = 5; + return resultNum; + } + else if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else + { + resultNum = 0; + return resultNum; + } +} +" +3e4468dba987878ace10021948a817b10da7d741,"public int redTicket(int a, int b, int c) +{ + int sumNum = a + b + c; + int resultNum = 0; + if (a != b && a != c) + { + resultNum = 1; + return resultNum; + } + else if (sumNum == 6) + { + resultNum = 10; + return resultNum; + } + else if ((sumNum == 3 || sumNum == 0)) + { + resultNum = 5; + return resultNum; + } + + else + { + resultNum = 0; + return resultNum; + } +} +" +3c57e8f74f3372a7817e59acc9d70ba65711685f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +55c8ea0ef93ecbe9d86d747112ce5a2f6a5faa24,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + if (a == b && c == b && a == 2) + { + return 10; + } + if (b == c && b != a) + { + return 1; + } + if (a != b && c != b) + { + return 0; + } +}" +752fa2fba2cd0255099a5984d468ec9f4952f723,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (b == c && b != a) + { + return 1; + } + else + { + return 0; + } +}" +507bd7f9a25d541092b0606f944b0bf4f765d24d,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b && c == b) + { + return 1; + } + else + { + return 0; + } +}" +1859c0f58a8cde9ef5eca66d2294a73363f35e3f,"public int redTicket(int a, int b, int c) +{ + int x; + if (a == 2 && b == 2 && c == 2) + { + x = 10; + } + if (a == b && a == c && b == c) + { + x = 5; + } + if (a != c && a != b) + { + x = 1; + } + else + { + x = 0; + } + return x; +} +" +ebeab5e1c7bd32005092a2e3cc41309996a9eee7,"public int redTicket(int a, int b, int c) +{ + int x; + if (a == 2 && b == 2 && c == 2) + { + x = 10; + } + else if (a == b && a == c && b == c) + { + if (a == 0) + { + x = 0; + } + else + { + x = 5; + } + } + else if (a != c && a != b) + { + x = 1; + } + else + { + x = 0; + } + return x; +} +" +b294c6671b338a5bddb95aedcff80a77ea0f2642,"public int redTicket(int a, int b, int c) +{ + int x; + if (a == 2 && b == 2 && c == 2) + { + x = 10; + } + else if (a == b && a == c && b == c) + { + x = 5; + } + else if (a != c && a != b) + { + x = 1; + } + else + { + x = 0; + } + return x; +} +" +5aecfc7ebed964fd08a53c21570130eba9dac991,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; +return 0; +} +" +2ad7b19b15efca9c20fa53e6ad50182511504f18,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b && c == b || a != c) + { + return 1; + } + else + { + return 0; + } +}" +0ea8f238d56a6f6b47c7dd5cdccf43e93688ef56,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b && c == b) + { + return 1; + } + else + { + return 0; + } +}" +a3ac752ac59d9ab5e2e88d3e1392754bc7bec1b9,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (a == b == c)) + { + return 10; + } + else if (a == b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +e3cc4fb156664be46e15a7be8a0ccdd5d2289dc0,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (a = b = c)) + { + return 10; + } + else if (a = b = c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +69f15faa97537a638054c14404def8f84c15a609,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b || a != c) + { + return 1; + } + else + { + return 0; + } +}" +0f137545f7dfbea3afe9694dbbc19a3b29c8aac6,"public int redTicket(int a, int b, int c) +{ + if ((a = 2) && (a = b = c)) + { + return 10; + } + else if (a = b = c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +fa7efad190e8c7a6a111bda561793ab16b096805,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b && c == b) + { + return 1; + } + else + { + return 0; + } +}" +69fa524e7ea15f1067e737820599db439ae1e165,"public int redTicket(int a, int b, int c) +{ + if ((a = 2) && (a == b == c)) + { + return 10; + } + else if (a = b = c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +fd835799c015c66b068e37fa4b17eb3356bd4a28,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b && c != b) + { + return 1; + } + else + { + return 0; + } +}" +0f0da211b2f67c6626bc28d477a43a1a742be646,"public int redTicket(int a, int b, int c) +{ + if (a = b = c = 2) + { + return 10; + } + else if (a = b = c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +285f17ea9cf2578714c63d4ba958eeeb89a61a4d,"public int redTicket(int a, int b, int c) +{ + if (a == b && c == b && a != 2) + { + return 5; + } + else if (a == b && c == b && a == 2) + { + return 10; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +}" +a02e9d00229ad8b8ed05d57396aabc5cc89fb9a9,"public int redTicket(int a, int b, int c) +{ + if ((a = 2) && (b = 2) && (c = 2)) + { + return 10; + } + else if ((a == b) && (b == c) && (a == c)) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +4bbc3e204cd69131a96c0f7ab0f9c94499406204,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else if ((a == b) && (b == c) && (a == c)) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +a2711fe5f63665a7f7130ae72b50ff281f0ab6ab,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if (a != b && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +d846362ff4e1562db0547cd54779cfdffb727469,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b == c && b != a) + { + return 1; + } + else + { + return 0; + } +} +" +1c5288275d5bff7643ab008c307ece353dd824a3,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (c != a && b != a) + { + return 1; + } + else + { + return 0; + } +} +" +e56af6f95f6ad994d6bdbeaf2b6dc26afc31c664,"public int redTicket(int a, int b, int c) +{ + result = 0; + if (a == b && b == c) { + if (a == 2) { + result = 10; + } + else { + result = 5; + } + } + else if (a != b && a != c) { + result = 1; + } + else { + result = 0; + } + return result; +} +" +a7bcb6a9732fe404714ab80af1b61ecb772e4bb7,"public int redTicket(int a, int b, int c) +{ + int result = 0; + if (a == b && b == c) { + if (a == 2) { + result = 10; + } + else { + result = 5; + } + } + else if (a != b && a != c) { + result = 1; + } + else { + result = 0; + } + return result; +} +" +bde89da7d6f19b2d5b51e2d6601fec44994a846b,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10 + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +883d373ff58bbf7c7ab2a9a5ee2b676eaa42a6bb,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +6d8c375846c4287e3a0df997bf74b464b533456e,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=a) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (b!=a && c!=a) + return 1; + else + return 0; +} +" +f60d52d6075136ec213201d9dd5321842a928e18,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b==a && c==a) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (b!=a && c!=a) + return 1; + else + return 0; +} +" +0e195b6b142928dee5897f3f663c81092311c194,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==a && c==a) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (b!=a && c!=a) + return 1; + else + return 0; +} +" +0c5045a9038414f50cebf0b35c0712db7232b222,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +88e1b67e4294b46ffb1c981876e8125ff2b9549c,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) { + return 10; + } + else if(a == b && b == c) { + return 5; + } + else if(a != b && a != c) { + return 1; + } + else { + return 0; + } +} +" +3651cff5bfd1f3edef62847537f0721b5623a2af,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c ==2) { + return 10; + } + else if (a == b && b == c) { + return 5; + } + else if (a != b && a!=c) { + return 1; + } + else { + return 0; + } + +} +" +d6a7cca19964ba34f9ee51e75295e8e43c841f6a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 & c == 2) + return 10; + else if (a == b && b == c && c == a) + return 5; + else if (a != b && a != c) + return 1; + return 0; +} +" +6f1e7339be5f2d9229f8d26acd6d7ea043201d10,"public int redTicket(int a, int b, int c) +{ + if (a+b+c == 6) + { + return (10); + } + else if (a == b && b == c) + { + return (5); + } + else if (a == b && a == c) + { + return (1); + } + else + { + return (0); + } +} +" +be3bb55e93930832083d1c9ef1fc0a1f93f76590,"public int redTicket(int a, int b, int c) +{ + if (a+b+c == 6) + { + return (10); + } + else if (a == b && b == c) + { + return (5); + } + else if (a != b && a != c) + { + return (1); + } + else + { + return (0); + } +} +" +acba72220ab6bb4a53d696052708680993a54df2,"public int redTicket(int a, int b, int c) +{ + if(a=2 &&b=2 &&c=2) + return 10 + + if(c=a) + if(c=b) + return 5 + + +} +" +5c3a723a9505883cb5d428617d764e5ec07d5309,"public int redTicket(int a, int b, int c) +{ + if(a=2 &&b=2 &&c=2) + return 10; + + if(c=a) + if(c=b) + return 5; + if (b=c && b!=a) + return 1; + return 0; + + + +} +" +359b3259a28fdf4afa9d92e3529648aaf6b1ff01,"public int redTicket(int a, int b, int c) +{ + if(a=2 && b=2 && c=2) + return 10; + + if(c=a) + if(c=b) + return 5; + if (b=c && b!=a) + return 1; + return 0; + + + +} +" +b24b4b932abe7b46e47dabdfdc4fede3fc73a3d7,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; + + + +} +" +fde81c387a778afa469213abbabcb0a4072e0009,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else + { + return 1; + } + } + else + { + return 0; + } +} +" +c53c08a711a59b965cda69d04ffdf85931047200,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else + { + return 1; + } + } + else if (a = b) + { + return 0; + } + else + { + return 1; + } +} +" +d4526710846be50dbf50d014c41d1bdd1f3349b8,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else + { + return 1; + } + } + else if (a == b) + { + return 0; + } + else + { + return 1; + } +} +" +7c77939b2593be1b6a819c588d2fbdc27a742c63,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else + { + return 1; + } + } + else + { + return 0; + } +} +" +e6e10d5023f19be246a209276a5a2856eee1c971,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +9a78d6a7c4f619fe244bfe1f27f2f1b030960539,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + return 10; + return 5; + } + if ( a != b && a != c) + return 1; + return 0; + +} +" +89c30e1138fad61f144f0e15c7a7e573deb30424,"public int redTicket(int a, int b, int c) +{ + int result; + + if(a == 2 && b == 2 && c = 2) + { + result = 10; + } + else if (a == b && b == c) + { + result = 5; + } + else if(b != a && c != a) + { + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +4d249de1a960b9343aeb768e56e645e771c77e90,"public int redTicket(int a, int b, int c) +{ + int result; + + if((a == 2 && b == 2) && c = 2) + { + result = 10; + } + else if (a == b && b == c) + { + result = 5; + } + else if(b != a && c != a) + { + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +340126f5594a968417a8d0c5c74a6cbaacaf5081,"public int redTicket(int a, int b, int c) +{ + int result; + + if((a == 2 && b == 2) && c == 2) + { + result = 10; + } + else if (a == b && b == c) + { + result = 5; + } + else if(b != a && c != a) + { + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +386f620554854cf11bb26ef64a9ed19c72dea25f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if ( a !== b && a !== c){ + return 1; + } + else if ( a !==b && a == c){ + return 0; + } + else + { + return 0; + } +} +" +7c0a82c2e8dc2c063d9fdaaba97a8755df7b65f4,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if !( a == b && a == c){ + return 1; + } + else if ( a !==b && a == c){ + return 0; + } + else + { + return 0; + } +} +" +45e7a91a2632cd15813f40e38b785f6c4a5d1a80,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if (! a == b && !a == c){ + return 1; + } + else if ( a == b && !a == c){ + return 0; + } + else + { + return 0; + } +} +" +079b1f9b5331f49f97a82424a66ef4b384fc177f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if ( a !== b && a !== c){ + return 1; + } + else if ( a == b && a !== c){ + return 0; + } + else + { + return 0; + } +} +" +854afcfe4bc31e3027add1ca5dc4a44f2b1189d2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if ( a !== b && a !== c) + { + return 1; + } + else if ( a == b && a !== c) + { + return 0; + } + else + { + return 0; + } +} +" +3591793becf6e20d2788aca6bdc48eec7e42d738,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && a == c){ + return 10; + } + else if (a == b && b == c){ + return 5; + } + else if ( a != b && a != c) + { + return 1; + } + else if ( a == b && a != c) + { + return 0; + } + else + { + return 0; + } +} +" +84daaaac2d5439ab5d79c9a7ff06a4072ff9a553,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if (b != a && c!= a) + { + return 1; + } + else + { + return 0; + } +} +" +2f6a4bc97d432607ee723836f5dfd9800876b316,"public int redTicket(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else + { + return 0; + } + } + else if (a == c) + { + return 0; + } + else + { + return 1; + } +} +" +de7e503c5c806cdac0c56b6d22db523451d0d664,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c %% a == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0 +} +" +2e4a2f4970096add00f97e638aa6cd1db2d1ce9c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c %% a == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +136d987bb955c0279c18abf7aedee2f860543656,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c %% a == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + return 0; +} +" +328408631118e5930c7fa60702621706223d9779,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c %% a == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + return 0; +} +" +7e67dd456845dc6ff3cdafc54398169dfe1c3670,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if (a == b && b == c %% a == c) + { + return 5; + } + if (b != a && c != a) + { + return 1; + } + else + return 0; +} +" +304c301e652a02d7637ca5665d665e62a1b775e0,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; +} +" +7886a1b4c491be64ab440845533fdd56b6c1515d,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +fc76a734132306548e1cfa752ca8c26ecbbd737f,"public int redTicket(int a, int b, int c) +{ + if ( a== 2 && b == 2 && c ==2){ + return 2; + }else if ( a == b && b ==c){ + return 5; + }else if (a != b && a !=c ){ + return 1; + }else{ + return 0; + } +} +" +a3408d45e104fd2b521efe118a31e932096e42f2,"public int redTicket(int a, int b, int c) +{ + if ( a== 2 && b == 2 && c ==2){ + return 10; + }else if ( a == b && b ==c){ + return 5; + }else if (a != b && a !=c ){ + return 1; + }else{ + return 0; + } +} +" +ef151f10df7e8f683a399849aacf219ab1eda498,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a != c) + return 1; + return 0; +} +" +f7906d20b1d8cafa4b22b2f0602bf439acb1a5dc,"public int redTicket(int a, int b, int c) +{ + int result = 0; + if (a == 2 && b == 2 && c == 2) { + result = 10; + } + else if (a == b && b == c) { + result = 5; + } + else if (b != a && c != a) { + result = 1; + } + return result; +} +" +3b604c2934265f56c5b9979b367c5f30bff1d32f,"public int redTicket(int a, int b, int c) +{ + if (a==b==c==2) + { + return 1-; + } + else if (a==b==c) + { + return 5; + } + else if ( a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +84b58cddc495e9763f7b5b39dccb36156c03b104,"public int redTicket(int a, int b, int c) +{ + if (a==b==c==2) + { + return 1; + } + else if (a==b==c) + { + return 5; + } + else if ( a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +697bcc9ac8386fd37e99fb578c45c8a913074d59,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && c==2) + { + return 1; + } + else if (a==b && b==c) + { + return 5; + } + else if ( a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +b84d9a5d14245efe5b00d91db6296e08d83524be,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if ( a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +620def2c3f3f166e01383384a87b96d8a3b883e5,"public int redTicket(int a, int b, int c) +{ + if (a==2 && (a==b && b==c)) + return 10; + else if (a==b && b==c) + return 5; + else if (b!=a && c!=a) + return 1; + else + return 0; +} +" +ac65e54ad176ff144d6e7cc355e83e8b984997a5,"public int redTicket(int a, int b, int c) +{ + +if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; + +} +" +a56daee98d9c6c3ae8fe509d13f3791c2e9a8072,"public int redTicket(int a, int b, int c) +{ + if ((a && b && c) == 2) + { + return 10; + } + else if ((a == b) && (b == c)) + { + return 5; + } + else if ((b && c) != a) + { + return 1; + } + else + { + return 0; + } +} +" +30a7fce2656ee6c8b032f50dca5a2a6a680b6b9f,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else if ((a == b) && (b == c)) + { + return 5; + } + else if ((b != a) && (c != a)) + { + return 1; + } + else + { + return 0; + } +} +" +8f390d62700b47449d782287a196a92e89e568e7,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +9ed8ba01477ceabf79076957e2f4cdb79f924ea8,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else + { + if (a == b && a == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } + } +} +" +a5ec692ec461fd147520eca84652650f85204ecc,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == 2 && b == 2 && c == 2) + { + return 5; + } + else if ( a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +429ece7389d85141f1f52ab070bd875da4a2ea32,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && c == a) + { + return 5; + } + else if ( a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +83e67904551bc1bb1045d11486fc9d857011e519,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } + +} +" +80c57020a3eb7fad61266dca2b7a8b823554d7e5,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +bedd3b087e738178dcf4db10f5aa515bfef16b4d,"public int redTicket(int a, int b, int c) +{ + if(a==2 && b==2 && c==2) + { + return 10; + } + else if(a==b && b==c && a==c) + { + return 5; + } + else if(a != b && a != c) + { + return 1; + } + return 0; +} +" +62e206fa4793901392fe12b542fdcd815768d2ff,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && a == b && a == c) + return 10; + else if ( a == b && b == c) + return 5; + else if ( a != b && a != c) + return 1; + else + return 0; + + + +} +" +aff103a92a2ee388bc59018f9923e36b371c5d66,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + if (a == 2) + { + return 10; + } + else { + return 5; + } + } + else if (a != b && a != c) + { + return 1; + } + else { + return 0; + } +} +" +5c027485c04cdc8cb89a205f46b0575bbb7016f2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +7f392cf372b88ebe73dd812b9c526dbdcee44cc4,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == 1 && b == 1 && c == 1) + return 5; + if (a == 0 && b == 0 && c == 0) + return 5; + if (b != a && c != a) + return 1; + return 0; +} +" +1caf801dbd7313f3f8f2ac3f7a0f5d43dc1e026e,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) { + if (a == 2) + return 10; + return 5; + } + if (a != b && a != c) + return 1; + return 0; +} +" +0bf09f545b97915903fe21b045229a493325d0fd,"public int redTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b == c == 2) + { + result = 10 + } + else if ( (a == b == c == 1) || (a == b == c == 0)) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +e5feac9d2e81ca6fe14f6513eaf75e8f6f080104,"public int redTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b == c == 2) + { + result = 10; + } + else if ( (a == b == c == 1) || (a == b == c == 0)) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +68f2230d5993edf68c1893dc07130b1d01ad176b,"public int redTicket(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c && a == c && a == 2) + { + result = 10; + } + else if ( (a == b && b == c && c == 1) || (a == b && b == c && c == 0)) + { + result = 5; + } + else if ( b != a && c != a) + { + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +1ab4f5da51821eabf89dbd1536938fa974efb301,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + return 10; + else + return 5; + } + if (b != a && c != a) + return 1; + return 0; +} +" +7a23dc15ad02a983c06e44c802e97883ff85a395,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else if ((a == b) && (b == c)) + { + return 5; + } + else if ((a != b) && (a != c)) + { + return 1; + } + else + { + return 0; + } +} +" +c7d7d399346f4ea10cdd9534cebce4fbf2efadba,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b == a && c == a) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +54c304279be7d616f8273225d499f159df24b9df,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +fbef826725d3b12a3db311700db07abc0f4f6195,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b = 2 && c = 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +720e05dd230a110adb0f0511c908ba2a3371e9f9,"public int redTicket(int a, int b, int c) +{ + if (a = 2 & b = 2 & c = 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +e2f24e8f1e8419be85e476750e0b49de888e08ba,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && (a == b && a==c)) + { + return 10; + } +} +" +9ad5635289c8c02a88c0d19851fd708b1008bf87,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && (a == b && a==c)) + { + return 10; + } + return; +} +" +77cc276d60110d67d68457733c4a6064e7874b72,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (b!=a && c!=a) + { + return 1; + } + else + { + return 0; + } +} +" +926f63de082cbfe3637a81c6dc42f91205bc5524,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && (a == b && a==c)) + { + return 10; + } + return 0; +} +" +2aed159b91694d1c21c85ab9b374710ff7f9e792,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +d22c87a3f11c0cd5a751112154cf84adedf5b4cb,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +3ab5b16704e328955180e862fc7232f3a0615250,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +6bcbec9aa1610930da08a2dd315619d5f07b2d07,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +99bac2d01ff632ea4a28478162ecbc921c39d9eb,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +fd19ee70b6ed78dc3c5cf345b006e41ad230749d,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +7151321250182b155651d2ac138d792fe383dea2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +8041c7ea2c10a45e4fe7172a06fbe81d0f39fabe,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +06572bb51011eb76f8d3208259922e1b5ee1e930,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +d859df83abd7a779621e4235846fde648ce78047,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +3031d9009d2c71ce01d8ca99a5956b9903fb5c05,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +b658a3f28878bad25bffe8dde3e83dfb300be0dd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +3481dd75834b3ac957a214ad87c1a5e9eb366053,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +30a2fe4bfc5107f7d85d9370d5efa482bdce6bfd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +cc77cf7675005a0bdbc9fe76c75879f1ad156087,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +caa8d521fa6156bd24e8ae73789b689dc57f0aaf,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +e2468a1fbac0f816c4df8538f0af6626551638b0,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +c3287333019f006a0ad6365ad8e21a6900350e8e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +28371e6eb55ffbd7542d31442cf7798d1285d38b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c) + return 1; + return 0; + +} +" +b71c92ca2e33a86259c2efea9d442e979f2bd5f9,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && (a == b && a==c)) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + return 0; +} +" +6745672ab45af543cd10052618909c67d0209e3a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && (a == b && a==c)) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + return 0; +} +" +5f5b2ab4d060dc1ecb6ee527b49111baab869708,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c || (b != c && a !b)) + return 1; + return 0; + +} +" +d813f4a7b91c0798642cf2792a2b0184299f48dc,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c || (b != c && a !b)) + return 1; + return 0; + +} +" +46942f0e34405ef4d74525057f2da767c56889fd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c || (b != c && a !b)) + return 1; + return 0; + +} +" +b38108d3a80b0428e6ad6dc003f5c5869217fcb0,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c || (b != c && a !b)) + return 1; + return 0; + +} +" +e731aa8b9d1d36dcf6b1d080cbb6cf932915ec58,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b == c || (b != c && a !b)) + return 1; + return 0; + +} +" +77d97a27ffa855d600000a3ede7ac885f85d2188,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if ((b == c) || (b != c && a !b)) + return 1; + return 0; + +} +" +97e31cdda939e0a4ed1635b088ffc5bab26b1e6f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if ((b == c) || ((b != c) && (a != b))) + return 1; + return 0; + +} +" +48e4a0b5fd658f82b02a5ffd24d8463afcc6c434,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if ((b == c) || ((b != c) && (a != c))) + return 1; + return 0; + +} +" +7ba4af0a86d35ee8be4dd5bc00fae0dd7493734e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 & b == 2 & c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if ((b == c) || ((b != c) && (a != c) && (a != b))) + return 1; + return 0; + +} +" +04d69541d3b22c35e3c45a2a3df6b022d382baef,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +df7436969ff8c771ccc9e3491d1e5bdf2ecafc5c,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +5162c7198122fa1543c24bf99f1ada89d9cb7c9a,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (a != b && a != c) + { + return 1; + } + return 0; +} +" +f99ae68f2d326d6c1a22451211507b9aef74af07,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +4703158493e7b0ad7a8b4a8008c47534b738f6a2,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + return 5; + } + if(a != b && a !=c) + { + return 1; + } + else + return 0; +} +" +cd78fb139ad7451dfb5d39b1949c00e4c5447fbc,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + return 10; + return 5; + } + else if (b != a && c != a) + return 1; + return 0; + + +} +" +7e0ed2d7b9005bf329b4519a3cb5ce76df2fe124,"public int redTicket(int a, int b, int c) +{ + if(a, b, c) + return 10; + +} +" +bd0306b8b4b5ecdc1b6d313134c2ae202c98dad1,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + +} +" +47d41f124b6dcbf5f632c3537167d4a22a060d2c,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + return 10; +} +" +1b3dc228895cca9963b311e4080daddb71b3bbd1,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + if(a == b && b == c) + { + return 5; + } + if(a != c && a != b) + { + return 1; + } + return 0; + +} +" +62142028c80f00bd2a42c478280a81d8e157a9e8,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + else if(a == b && b== c && c==a) + { + return 5; + } + if( a != b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +d9cf97de572e70f54e989b70908e7c68d64ae963,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b = 2 && c = 2) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; + +} +" +cd019a96e58c9046a202835959f4097373220d05,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; + +} +" +d639cac601792fd93bfaeb3ea3edc55bf778ebc1,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + + else if(a == b && b == c && a == c) + { + return 5; + } + + if(b != c) + { + return 1; + } + + else + { + return 0; + } +} +" +8758e396a4ba76bfbd5ea0dcb81ea1e2f5ad09ed,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + { + return 10; + } + + else if(a == b && b == c && a == c) + { + return 5; + } + + if(b != c || a != b || a != c) + { + return 1; + } + + else + { + return 0; + } +} +" +85181d07736ce622b2e9c903d94840f00d2e7e91,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == b == c) + return 5; + else if b == c && c != a) + return 1; + return 0; +} +" +a5a49082402103d2510f4264971d5cd091bfe44f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == b == c) + return 5; + else if (b == c && c != a) + return 1; + return 0; +} +" +a1f5676eea5a671da54e1388db36a7d3c030ccd8,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if (a == b == c) + { + return 5; + } + if (a != b != c) + { + return 1; + } + return 0; +} +" +fb780744031cd31388ef16a6d3e9ab9107cced81,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == int && b == int && c == int) + return 5; + else if (b == c && c != a) + return 1; + return 0; +} +" +c067c27ce068f449c93cfab4f07c2b0af579b19b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if (a == b&& b == c) + { + return 5; + } + if (a != b != c) + { + return 1; + } + return 0; +} +" +3ed3feeed5c2acce083f4fbd90072eaed454eb9e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == value && b == value && c == value) + return 5; + else if (b == c && c != a) + return 1; + return 0; +} +" +46a82e773e9bc39aacdcd4f97f005ed2d4c4f7e4,"public int redTicket(int a, int b, int c) +{ + private int value; + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == value && b == value && c == value) + return 5; + else if (b == c && c != a) + return 1; + return 0; +} +" +c3a4c818becd906ba4e6cd3474d93aad383d30c1,"private int value; +public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == value && b == value && c == value) + return 5; + else if (b == c && c != a) + return 1; + return 0; +} +" +ea4ce11e524c181262a748a1ae01da33fefa7a97,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if (a == b&& b == c) + { + return 5; + } + if (a != b && b != c) + { + return 1; + } + return 0; +} +" +0074469ba058aa3108c5b1c846f3055c55c25a7b,"private int value; +private int valueTwo; +public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == value && b == value && c == value) + return 5; + else if (b == valueTwo && c == valueTwo && a != valueTwo) + return 1; + return 0; +} +" +692a5e3415c027cbfcafdfe903ff20e01f598f9d,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if (a == b && b == c) + { + return 5; + } + if (a != b && a != c) + { + return 1; + } + return 0; +} +" +4abf0c2572353ab6e7475d2df35edb6c44ccb5a2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (( a == 0 && b == 0 && c == 0) + || (a == 1 && b == 1 && c == 1)) + return 5; + else if (((b == 0 && c == 0 && a != 0) + || (b == 1 && c == 1 && a != 1) + || (b == 2 && c == 2 && a != 2))) + return 1; + return 0; +} +" +52a88e268400794a3e1333f19673dca2db558b11,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if ( a == b && b == c) + return 5; + else if (a != b && a !=c) + return 1; + return 0; +} +" +97aa528d4819dd6a693d6d4299ccb228595bc883,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +a6a448195ef556097155adbfd1352b28636b4108,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +54120093ea7b3fa35e239fe9252f57283a6cc5e5,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b ==2 && c == 2) + return 10; + else if (a == 1 && b == 1 && c == 1) + return 5; + else if (a == 0 && b == 0 && c == 0) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +23676e2872f7288f0cde3b62aa50630d62f22ed9,"public int redTicket(int a, int b, int c) +{ + if (a+b+c == 6) + return 10; + else if (a==b && b==c) + return 5; + else if (b!=a && c!=a) + return 1; + else + return 0; +} +" +b2c0504da3f0518ff155d9e5e8403e4922e221c8,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b == a || c == a) + { + return 0; + } + else + { + return 1; + } +} +" +bb5d7ddb5278233fe0073c12d69500d55e5da586,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +715e1593a96c50016412b37798e0aea6bd61d6d3,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + else if (b == a || c == a) + { + return 1; + } + + else + { + return 0; + } +} +" +c06f646222ca8a17268543985f64f15f6321077c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + if (b == a || c == a) + { + return 1; + } + + else + { + return 0; + } +} +" +db60fce30450daa7b2eb2a11653ab14c96c045ff,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + if (b == a || c == a || b == c) + { + return 1; + } + + else + { + return 0; + } +} +" +173c3803f5af881e5bf9236a2cb5c5aba147c1f5,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + if (a == b || a == c || b == c) + { + return 1; + } + + else + { + return 0; + } +} +" +676c1ddd9aaa1bf6778a70acacf438080c866e02,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + if (a == b || a == c || b == c) + { + return 5; + } + + if(b != a || c != a || b != c) + { + return 1; + } + + else + { + return 0; + } +} +" +b0e41847ab51844b3b1dc31712aae91ef81d02e6,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + + if(b != a || c != a || b != c) + { + return 1; + } + + else + { + return 0; + } +} +" +2542732106b987ad847037d1acd4c84939210e9f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + if(b == a || c == a || b == c) + { + return 1; + } + + else + { + return 0; + } +} +" +60edbc616b529f145ae8d2c7396eda1456ae5ff2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == c && a == c) + { + return 10; + } + + else if (a == b && b == c) + { + return 5; + } + + if(b == a || c == a || b == c) + { + return 0; + } + + else + { + return 0; + } +} +" +38f90b12d779b656ff1a62f10f08ee279dc17346,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (a != b && a != c) + { + return 1; + } + return 0; +} +" +43a90a8f57f9340f3a3e5341f7937880f8b41304,"public int redTicket(int a, int b, int c) +{ + // just a different way to test if they are all the same + if((a/2 + b/2 + c/2) == 3) + { + return 10; + } + + if(a == b && b == c) + {return 5;} + + if(b != a && c != a) + {return 1;} + + return 0; +} +" +d2d4181fa44f3179d7f78ece8d68d4f5fec58572,"public int redTicket(int a, int b, int c) +{ + if (a ==b && b ==c) + { + if (a==2) + return 10; + else + return 5; + } + if (a != b && a != c) + return 1; + else + return 0; +} +" +7dde2a979b3566d7595cad853d895924e404d7e2,"public int redTicket(int a, int b, int c) +{ + if(a==b&&b==c) + { + if (a==2) + { + return 10; + } + return 5; + } + if (a!=b&&a!=c) + { + return 1; + } + return 0; +} +" +6238f96b4f942d3019f5427b664f0347a0d623e2,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + { + return 10; + } + else + { + return 5; + } + } + if(a != b && a != c) + { + return 1; + } + else + { + return 0; + } + +} +" +d8efbe4aa5f405f5749dff672fb7484b81a4951b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && a == c && b == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +e01a96bc7fa82f249c98e7680554573354a301c7,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + else if (a == b && a == c && b == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +86e92ca71a5921d7760ecab8c9bbab9d22c01d79,"public int redTicket(int a, int b, int c) +{ + int result; + if (a == b && b == c && c == 2) { + result = 10; + } + else if (a == b && b == c) { + result = 5; + } + else if (a != b && a != c) { + result = 1; + } + else { + result = 0; + } + return result; +} +" +11dd239051a91082e42c88a1910f58182b483f71,"public int redTicket(int a, int b, int c) +{ + int x = 0; + if (a == 2 && b == 2 && c == 2) + { + x = 10; + } + else if (a == b && b == c && a == c) + { + x = 5; + } + else if (a != b && a != c && b != c) + { + x = 1; + } + else + x = 0; + return x; + +} +" +736b24c35d95ea4d16f110e8b2128f257602de6d,"public int redTicket(int a, int b, int c) +{ + int x = 0; + if (a == 2 && b == 2 && c == 2) + { + x = 10; + } + else if (a == b && b == c && a == c) + { + x = 5; + } + else if (a != b && a != c) + { + x = 1; + } + else + x = 0; + return x; + +} +" +f758694a0872fcdc0b2c37e25c28d1fd7af8ae10,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +db4a44cf06fb7e97b894e539962eb295226f6ac9,"public int redTicket(int a, int b, int c) +{ + if (a == 2) && (b == 2) && (c == 2) + { + return 10; + } + else if (a == b) && (b == c) %% (c == a) + { + return 5; + } + else if ((b != a) && (c != a)) + { + return 1; + } + else + { + reutrn 0; + } +} +" +78947400558332686ffc7e86239ec7251e8313ff,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else if ((a == b) && (b == c) %% (c == a)) + { + return 5; + } + else if ((b != a) && (c != a)) + { + return 1; + } + else + { + reutrn 0; + } +} +" +1b69c642ba2abff63ce39a735dd96f6817924083,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + if ((a == b) && (b == c) %% (c == a)) + { + return 5; + } + if ((b != a) && (c != a)) + { + return 1; + } + else + { + reutrn 0; + } +} +" +0ed4e27127025e9945e2f96ed718086412dd8b72,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + if ((a == b) && (b == c) && (c == a)) + { + return 5; + } + if ((b != a) && (c != a)) + { + return 1; + } + else + { + reutrn 0; + } +} +" +6b14d4982056c341d99a921c07eb26267f31c162,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + if ((a == b) && (b == c) && (c == a)) + { + return 5; + } + if ((b != a) && (c != a)) + { + return 1; + } + else + { + return 0; + } +} +" +069cbf3fc268ea77f8a2e3f3c113e639515121cd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if (a == b && b == c) + { + return 5; + } + + if(b != a && c != a) + { + return 1; + } + + else + { + return 0; + } +} +" +6df3f1ff5250f0f39b8d1b58c19a4591fdd52e9c,"public int redTicket(int a, int b, int c) +{ + int result = 10; + int value = 0; + int spec = 2; + if(a==spec && b==spec && c==spec) + { + result = 10; + } + else if ( a==b && b==c) + { + result = 5; + } + else if (b!=a && c!=a) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +30b4188a942a38ac9879ae4fac7d9c05a33edf07,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == 1 && b == 1 && c == 1) + { + return 5; + } + else if (a == 0 && b == 0 && c == 0) + { + return 5; + } + else if (b =! a && c =!a) + { + return 1; + } + else + { + return 0; + } +} +" +94efe80418643392daaa6693740adb4e850a0168,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == 1 && b == 1 && c == 1) + { + return 5; + } + else if (a == 0 && b == 0 && c == 0) + { + return 5; + } + else if (b =! a && c =! a) + { + return 1; + } + else + { + return 0; + } +} +" +3fcce7147e36b0c58029bca1217c98fc47e9fe60,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == 1 && b == 1 && c == 1) + { + return 5; + } + else if (a == 0 && b == 0 && c == 0) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +a9043665079884ac9595184248805ac171830fc1,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && a == b && b == c) + { + return 10; + } + else if (a != 2 && a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +8fba2c18da6010d4984bb9bfe9508babc4294350,"public int redTicket(int a, int b, int c) +{ + + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; + +} +" +2d97bca86332bab5b948a5206ace60f455300900,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + else + return 5; + } + if(a != b && a !=c) + return 1; + else + return 0; +} +" +c81ede987b382ed68ce84668ad4bb31f159155f8,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +0031887400f1a71da8cdc125964404432b6ff5ba,"public int redTicket(int a, int b, int c) +{ + int ticket; + if (a = b && b = c && c = 2) + { + ticket = 10; + } + else if (a = b && b = c) + { + ticket = 5; + } + else if (a != b && a != c) + { + ticket = 1; + } + else + { + ticket = 0; + } + return ticket; +} +" +898d73df7c304841a4a6be256b12b2a29d89d412,"public int redTicket(int a, int b, int c) +{ + int ticket; + if (a = b && b = c && c = 2) + { + ticket = 10; + } + else if (a = b && b = c) + { + ticket = 5; + } + else if (a != b && a != c) + { + ticket = 1; + } + else + { + ticket = 0; + } + return ticket; +} +" +722501e05224d59b593b59ed35a6bfbebed11a86,"public int redTicket(int a, int b, int c) +{ + int ticket; + if (a = 2 && b = 2 && c = 2) + { + ticket = 10; + } + else if (a = b && b = c) + { + ticket = 5; + } + else if (a != b && a != c) + { + ticket = 1; + } + else + { + ticket = 0; + } + return ticket; +} +" +f75b640fe1af69d00804819dac442b937033477c,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a != c) + return 1; + return 0; +} +" +7a52e4de417c568f467186420f48b6f9babd234e,"public int redTicket(int a, int b, int c) +{ + int ticket; + if (a == b && b == c && c == 2) + { + ticket = 10; + } + else if (a == b && b == c) + { + ticket = 5; + } + else if (a != b && a != c) + { + ticket = 1; + } + else + { + ticket = 0; + } + return ticket; +} +" +e2ef2473a45a2bce4f62254d4abd7e35a1fb3527,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +da214bc63bd5229a1bb76cf08499a2f70a586129,"public int redTicket(int a, int b, int c) +{ + if (a=b=c=2) + { + return 10; + } + if (a=b=c) + { + return 5; + } + if ((a != b) && (a != c)) + { + return 1; + } + return 0; +} +" +ce604cfbe98b37bff2a8ff3de254dad4aeb5974c,"public int redTicket(int a, int b, int c) +{ + if (a==b==c==2) + { + return 10; + } + if (a==b==c) + { + return 5; + } + if ((a != b) && (a != c)) + { + return 1; + } + return 0; +} +" +1c0a3c5079d33eb44273e4c3e7ae967f5d242210,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + if (==2) + { + return 10; + } + return 5; + } + if ((a != b) && (a != c)) + { + return 1; + } + return 0; +} +" +3ca9ecc17055c62b155b751fccf4dde8462cfadc,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + if (a==2) + { + return 10; + } + return 5; + } + if ((a != b) && (a != c)) + { + return 1; + } + return 0; +} +" +4fed64acda7ceb9797e36e0bb5fe17faf699a9e5,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c) + return 5; + if (a != b && a != c) + return 1; + else + return 0; +} +" +4d3f184e1ff03a9c04bdb4c8dd6c35aa1aafd34d,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + return 10; + else + return 5; + } + else if (a !=b && a != c) + return 1; + else + return 0; + +} +" +591e32ba2bf4a3101fdf3ffd5d9973d9143eb8b0,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +6a661b6df678098c24ba9e43a78ac52fe2b10231,"public int redTicket(int a, int b, int c) +{ + int result; + if (a == b && b == c){ + if (a == 2){ + result = 10; + } + else + { + result = 5; + } + } + else if (a != b && a != c){ + result = 1; + } + else + { + result = 0; + } + + return result; +} +" +a49fd6936ada8af4ec21b28ed055d1dc66e04b53,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + return 10; + } + return 5; + } + return 1; + return 0; +} +" +f9a3f571e2bdaab00ec03fd97af6e3e168fd291f,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + return 10; + } + return 5; + } + return 1; + else + return 0; +} +" +7ba5518a2633512c007803717a0b227c2787b083,"public int redTicket(int a, int b, int c) +{ + if (a==b==c==2) + { + return 10; + } +} +" +f642784e1fa41967c14649c30381aa6ba5499fa3,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c&& c==2) + { + return 10; + } +} +" +28b22f37d4cbabe29ce0e398110474c3ed6dfed5,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && c==2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b || a != c) + { + return 1; + } + else + return 0; +} +" +bd72673519fd8e99b65d986ae14e9b7d57e0d7fd,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && c==2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + return 0; +} +" +173214602e2c9896979b6d853681af2d9fc98294,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + return 10; + } + else return 5; + else return 1; + } + return 0; +} +" +706d8572d17a09182ec79e36aae4b2ec7617ce19,"public int redTicket(int a, int b, int c) +{ + int res=0; + + if((a==2)&&(b==2)&&(c==2)) + { + res=10; + } + else if((a==b)&&(b==c)&&(c==a)) + { + res=5; + + } + else if((a!=b)&&(c!=a)) + { + res=1; + } + return res; +} +" +076f3a9b33ff549aeaca9e4979b3d73c0e0e01e8,"public int redTicket(int a, int b, int c) +{ + if (b == c) + { + if (a == b) + { + if (a == 2) + return 10; + } + else return 5; + return 1; + } + return 0; +} +" +cb5e1007b92fa697f8cb0fa9e3efcac9d1a081e7,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + if(a == b && b == c) + return 5; + if(a != b && a != c) + return 1; + return 0; +} +" +4d42788ba056f87671fe8f6de76fd2152f3af4f0,"public int redTicket(int a, int b, int c) +{ + if( b == c && a == b ) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + + return 1; + return 0; + +} +" +9f15a3b32dcc196894fbdf778131ce92e03dc2bd,"public int redTicket(int a, int b, int c) +{ + if( b == c && a == b ) + { + if(a == 2) + return 10; + return 5; + } + if( a !=c && a != b) + + return 1; + return 0; + +} +" +b83e510c7a4965e67a20930c96d62428692af7c4,"public int redTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + if (a == 2) + { + return 10; + } + else if (a == 1 || a == 0) + { + return 5; + } + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } + +} +" +6aa1180b37effda25918f34cf089cd700c5edc91,"public int redTicket(int a, int b, int c) +{ + if (a == b && a == c) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } + +} +" +f32a9f25fd3bd09ce1693eb9db7af47e07c950ff,"public int redTicket(int a, int b, int c) +{ + if (a==2&&b==2&&c==2) + { + return 10; + } + else if (a==b&&b==c) + { + return 5; + } + else if (a!=b&&a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +c3b88873bd7e39966dd03607ccb35f4623a94a15,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; + +} +" +85b588dec6bcd325236993ce7d4d50cdca04fb38,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && c == a && a != 2) + { + return 5; + } + else if (b == c && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +935375f77c2af7bb821d02de9a5eb7de68df0c3e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && c == a && a != 2) + { + return 5; + } + else if (b == c && c != a) + { + return 1; + } + else if (b != c && c != a && b != a) + { + return 1; + } + else + { + return 0; + } +} +" +12e23d2ec3d064a06ba014e98eda560f195a4a7f,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +1bcb56c8afdf4420cc7ea5167ee45b6f27639479,"public int redTicket(int a, int b, int c) +{ + if (a==b==c==2) + { + return 10; + } + else if (a==b==c) + { + return 5; + } + else if (!a==b && !a==c) + { + return 1; + } + else + { + return 0; + } +} +" +f94e0966f1ffe262d5cfc19ddf18ac0d04676d37,"public int redTicket(int a, int b, int c) +{ + if (a=b=c=2) + { + return 10; + } + else if (a=b=c) + { + return 5; + } + else if (!a=b && !a=c) + { + return 1; + } + else + { + return 0; + } +} +" +11b85af4316ad759109ee2c62a3293494f6b194b,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && a==2) + { + return 10; + } + else if (a=b=c) + { + return 5; + } + else if (!a=b && !a=c) + { + return 1; + } + else + { + return 0; + } +} +" +49fd3cec42f8037f9298459163489998a2f80a2a,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && a==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (!a==b && !a==c) + { + return 1; + } + else + { + return 0; + } +} +" +c24a1a9a9b82db7abf612ad8fcc502085418c128,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && a==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (!(a==b) && !(a==c)) + { + return 1; + } + else + { + return 0; + } +} +" +a56e3175f993818bd6d6130df5b64ce17bcfcba2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +a01bfb3958b830e2f87d0f906d11f61e105602c5,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b = 2 && c = 2) + { + return 10; + } + + if ( a == b == c != 2) + { + return 5 + } +} +" +5390410c8e7c004e039a6926eda5e30152ecfa0b,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b = 2 && c = 2) + { + return 10; + } + + if ( a == b == c != 2) + { + return 5; + } +} +" +5acce04d18dbe11b0afa1aa86e2ad17705fe3f5d,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a == b == c != 2) + { + return 5; + } +} +" +eb2d3e6b6fdf9f0626cbfba66b0134873281bf03,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a = b = c != 2) + { + return 5; + } +} +" +88bdaea24d8d76610176c6e9284c4dde4639a84e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != 2) + { + return 5; + } +} +" +c561df87345aec2f035e8ee82cfcaf47f0a6a858,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != 2) + { + return 5; + } +return} +" +196436f6a31b3c5fa13fcebfee2d326193bfb3b0,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +905c352046ec4ce6ade74ce07f741ecd5e26fc0c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != 2) + { + return 5; + } +} +" +2fcc35edfe19f367ba65f92c484cee5c7df439e6,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != 2) + { + return 5; + } + else + { + return 1 + } +} +" +59555dc6807bc35512fe80a26d705dce876d7313,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != 2) + { + return 5; + } + else + { + return 1; + } +} +" +0a5b2bacc9f7c26468da32b73a4c78c56499bf64,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != b) + { + if (a != c) + { + return 1; + } + } + else + { + return 1; + } +} +" +404046c3f90c3b8e9a67844c88597632aa247509,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != b) + { + if (a != c) + { + return 1; + } + else + { + return 0; + } + } + else + { + return 1; + } +} +" +a216764e0a2d55bb6d68539481e2f94e59ab70c2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + if ( a != b) + { + if (a != c) + { + return 1; + } + else + { + return 0; + } + } + else + { + return 5; + } +} +" +a5b2c1c41ba7bbda5556575548628d5b78eec1d6,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else + { + return 5; + } + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +19698727db9cd9d1d516f4453d49db4fd7560478,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if ( a == b == c) + { + return 5; + } + else if (a !=b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +b33589bdb6b7aab016c82e794bd7f925428e86a2,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && a == c && b == c) + { + return 5; + } + else if (a !=b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +a529de3f76b808c9652de4cc8da6cab1a01df0fc,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +437d3f71636821095c96d0cc8ae9aed5084d7123,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else + { + return 5; + } + } + if (a != b && a != c) + { + return 1; + } + + return 0; +} +" +25a43e32a34274282a6848a93669fa4495c20904,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; + +} +" +e10d3332275e3f0c1ad29970333b10b99e4c9eea,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; + +} +" +63423138e472c63db85fb455c267f9d3185649e3,"public int redTicket(int a, int b, int c) +{ + int redTicket; + + if ((a == 2) && (b == 2) && (c == 2)) + { + redTicket = 10; + } + else if ((a == b) && (b == c)) + { + redTicket = 5; + } + else if ((a != b) && (a != c)) + { + redTicket = 1; + } + else + { + redTicket = 0; + } + + return redTicket; +} +" +8aa641195e09e5d0a62f8496bcf1e47c8e4d998c,"public int redTicket(int a, int b, int c) +{ + if (a + b + c == 6) + return 10; + else if (a == b && a == c && b == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +03881e926e9b8b72639b449238edff91d831e548,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + else + return 5; + } + if(a != b && a !=c) + return 1; + else + return 0; + +} +" +2efc0f196910cbc983fb71dc86373ec1a0cb7e87,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && c == 2) + return 10; + else if (a == b && b == c && c != 2) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +7f95b67ebfe76b61312e5b17e3dda29aa9614082,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && c == 2) + return 0; + else if (a == b && b == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +54f580a9cf667bcf3979afcac37dc5eadba87eaa,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && c == 2) + return 10; + else if (a == b && b == c) + return 5; + else if (b != a && c != a) + return 1; + else + return 0; +} +" +6a65384394b339168ba9b889d023214cac811820,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && a == c && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +20b36ddaa880a65b671785d12e10e5c765fdea70,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a =! b && a=! c) + { + return 1; + } + else + { + return 0; + } +} +" +59175f9da82ce74caae1365b5f7a7bdc5e692e39,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a !== b && a !== c) + { + return 1; + } + else + { + return 0; + } +} +" +aea9f29ba30422f60144caf969f372301b8b5147,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +d7fd88f47656639c345ef921e2328e563bdf92c2,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c && a != 2) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +0fd8825910699b88d60568996dacd821446e4bd3,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b = 2 && c = 2) + { + return 10; + } +} +" +a39546d7b3f1f91e70761bc07b376925896c9f4b,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + return 0; +} +" +4bb4cc28e026e25941869aa163152a6d7fbe2f79,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if ( b != a && c != a) + { + return 1; + } + return 0; +} +" +1b89b530cf4583b8a334e951ea8613a778e05a09,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2){ + return 10; + } + + if ( a == b && b == c){ + return 5; + } + + if ( a != b && a != c){ + return 1; + } + + else{ + return 0; + } + +} +" +a1bdbedcf4ea668762bd0556cb84d38bc81cab61,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b== c) + { + return 5; + } + else if (a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +3bdcc20187f5b944111fb3601cb78453a14fc33a,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else if ((a == b) && (c == b)) + { + return 5; + } + else if ((a != b) && (c != a)) + { + return 1; + } + else + { + return 0; + } +}" +18ab89e18a6ce4e406b204406f6fb94214480bd9,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + else + return 0; +} +" +3ad90c2b52cfaceb0a2148583d32cd22e4141744,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if ((a == b && b != c) || (a != b && b = c)) + return 1; + else + return 0; +} +" +74c18241063845d39c749f372abaf9d228f85577,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if ((a == b) && (b != c) || ((a != b) && (b = c)) + return 1; + else + return 0; +} +" +de63a506d4ae2e3c1eb155ace737af6774cf8c29,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if ((a == b) && (b != c) || ((a != b) && (b = c))) + return 1; + else + return 0; +} +" +cf0e60e4f3f18484430061150d458b79f288ad4d,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if (((a == b) && (b != c)) || ((a != b) && (b = c))) + return 1; + else + return 0; +} +" +3ea1f2992865104f41c514ec82cab838f5f3dbbf,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if ((a == b) && b != c) || (a != b && b = c)) + return 1; + else + return 0; +} +" +3a550876d92bd7b67f9d0bee53ecf3fcccd49314,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if (a == b && b != c || a != b && b = c) + return 1; + else + return 0; +} +" +77ccab535f44e8988df8d6a4963330174c924204,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if (a == b || b = c) + return 1; + else + return 0; +} +" +79f057c302ca54590b2f2dc4acb2058995d5580a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if (a == b || b == c) + return 1; + else + return 0; +} +" +aef297acae6f43484d03e1b243047ea1a4b0eadd,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if ((a == b && b != c) || (a != b && b == c)) + return 1; + else + return 0; +} +" +538e725bd6f1419912fb8dbf1065bf1b2e2f4adc,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b != c && a != c) + return 1; + if ((a == b && b != c) || (a != b && b == c)) + return 0; + else + return 0; +} +" +b40647bec4444b9c715a4c74a9f8213a86309d3e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if (a != b && b == c) + return 1; + else + return 0; +} +" +e7f40285063b28d275b1dcb69b5aa100d1c59f3c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c && a == c) + return 5; + if ((a != b && b == c) || (a != b && b != c && a != c)) + return 1; + else + return 0; +} +" +6fccf10c99aac674ec543edadb4eb4f860f9766f,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +a72a164db92c59a1b00c1ad661f3c78d2b871e90,"public int redTicket(int a, int b, int c) +{ + if(a==b && b==c) + { + if(a==2) + { + return 10; + } + else + { + return 5; + } + } + if(a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +413b74ef535ef7a68ebe5047000e316622341c32,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + return 10; + else + return 5; + } + if (a != b && a != c) + return 1; + else + return 0; +} +" +2262cbe042cfe1cd1d39fc96875ae0068cb04030,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c){ + if (a == 2) { + return 10; + } + else { + return 5; + } + } + else { + return 1; + } + return 0; +} +" +928240cfb9ddb84544a7ef56742594dd7ce5ef98,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c){ + if (a == 2) { + return 10; + } + else { + return 5; + } + } + else { + return 1; + } + return 0; +} +" +c02015430dcea1d83e3750684765b2cd1e62b73f,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c){ + if (a == 2) { + return 10; + } + else { + return 5; + } + } + else if (a != b && a != c){ + return 1; + } + else { + return 0; + } +} +" +b2f5a4770659245a3bf65886be28f92833d66a83,"public int redTicket(int a, int b, int c) +{ + if(a==2 && b==2 && c==2) + return 10; + if(a==b && b==c) + return 5; + if(a!=b && a!=c) + return 1; + return 0; +} +" +2a090ad244a4d86efa884573576a63a8ae6c7f85,"public int redTicket(int a, int b, int c) +{ + if( a== 2 && b==2 && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (a != b && c !=a) + { + return 1; + } + + else + { + return 0; + } + + }" +5d70bc207261279a1b01d556ef77106f4d9b33f5,"public int redTicket(int a, int b, int c) { + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +}" +5cec7779269e21598bdf0964bf93d35edcaf952c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if ( a == b && b == c) + { + return 5; + } + if ( a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} + +" +de11479d644dbedbb3a8c0e5251c69dde34bbf2b,"public int redTicket(int a, int b, int c) +{ + if (a != b && a != c) { + return 1; + } + if ( a == 2 && b == 2 && c == 2) { + return 10; + } + if ( a == b && b == c) { + return 5; + } + return 0; +} +" +7db42703877b10fa70b5937513e7c935fa6e2721,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) { + return 10; + } + else if (a == b && b == c && c == a) { + return 5; + } + else if (b != a && c != a) { + return 1; + } + else { + return 0; + } +} +" +0dbddb02197aacfd8cf79bcb2e4cc23ade11c520,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if ((b && c) != a) + { + return 1; + } + else + { + return 0; + } +} +" +b735cc1b88baf2af40d3cdf2d36c626df551cf35,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c && a == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +f4400e2cb3852391032789142ce04bf456a29d37,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if (a!=b && a!=c) + return 1; + return 0; + +} +" +20e1cbd9c5a5e08f4cb894b410a936520d801272,"public int redTicket(int a, int b, int c) { + + if (a == 2 && b == 2 && c == 2) + + return 10; + + if ( a == b && b == c) + + return 5; + + if ( a != b && a != c) + + return 1; + + else + + return 0; + +" +77581b1ef958f949e6b66f33b1102b3921192b2c,"public int redTicket(int a, int b, int c) { + + if (a == 2 && b == 2 && c == 2) + + return 10; + + if ( a == b && b == c) + + return 5; + + if ( a != b && a != c) + + return 1; + + else + + return 0; +} + +" +4aa78c0ca66daab53d33d5bd25c0fe7eb0bf215b,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && a == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +284b48ca72e98b80969e963c0212efd33ca3d219,"public int redTicket(int a, int b, int c) +{ + i(a==b && b==c && c==2) + { + return 10; + } + else if(a==b && b==c) + { + return 5 + } + else if(a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +3ec492a4640e69c261653803617faffd5dec0b2b,"public int redTicket(int a, int b, int c) +{ + if(a==b && b==c && c==2) + { + return 10; + } + else if(a==b && b==c) + { + return 5 + } + else if(a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +af4a6e0437cadfbbe3898b439c45f8a1cd3173d8,"public int redTicket(int a, int b, int c) +{ + if(a==b && b==c && c==2) + { + return 10; + } + else if(a==b && b==c) + { + return 5; + } + else if(a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +328f2f06f07e26aac03e4e4a6df016fc0c620fcc,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; +} +" +65faeed9ac3c87529eef6ee8cace2cadb979b6d7,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +f8a923761501f915da4f7998b6497aeea67fed88,"public int redTicket(int a, int b, int c) +{ + if ((a + b + c) == 6) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +f70be1e92c098f2794f6d56e98b9e5c420059625,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + + return 10; + + if ( a == b && b == c) + + return 5; + + if ( a != b && a != c) + + return 1; + + else + + return 0; + +} +" +bcb692c1e982b1481da97b7253cc6540c63783f4,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c) + { + if (c==2) + { + return 10; + } + else + { + return 5; + } + } + else if (a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +67b31d44e53f66de27582ca427b2dcf657e7f18c,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a = b && b == c) + return 10; + + if (a = b && b == c) + return 5; + + if (a != b && a != c) + return 1; + + return 0; +} +" +cda21dbb702b0d6f0f95bc4dc3a5adbeb7e952fb,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) + return 10; + + if (a = b && b == c) + return 5; + + if (a != b && a != c) + return 1; + + return 0; +} +" +38948f3228c244f573b45eb058354de6882b668f,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && a == b && b == c) + return 10; + + if (a == b && b == c) + return 5; + + if (a != b && a != c) + return 1; + + return 0; +} +" +90e1652c3913ef97f5c7af878784a9ef5be61baf,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +620f526bdc084e820d070d8cfdb2b3aaf48dc028,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5 + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +405c21068910c9161cbbda95c8f7ec94b41dff89,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } + +} +" +bb052fa51d64919ce0ee016127aee958a91cc9d5,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + return 10; + if (a==b && a==c) + return 5; + if (a!=b && a!=c) + return 1; + return 0; +} +" +aa67589f4d427745c0669dbf9946b491693e7747,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + + return 10; + + if ( a == b && b == c) + + return 5; + + if ( a != b && a != c) + + return 1; + + else + + return 0; + +} +" +8248fb7907fd21fe4499dea591a0138c482afba5,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) { + return 10; + } + else if (a == b && a == c) { + return 5; + } + else if (a != b && a != c) { + return 1; + } + else { + + return 0; + } +} +" +3c4e31b0d3daf03c12c2bb985af34d7ef46a01d4,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c ==2) + return 10; + else if (a == b && b == c) + return 5; + else if (a =! b && a =! c) + return 1; + else + return 0; +} +" +0bd5bb33125c24d54d1bb013853baa5ea10e9527,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c ==2) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +175fe3ef4cbe9b858f432ab1be34ba19ab6389ba,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +481842f0fc242ac83f5e18b747f02eb5a8fb673a,"public int redTicket(int a, int b, int c) +{ + if(a = b = c = 2) + return 10; + else if (a = b = c) + return 5; + else if (b != a || c != a) + return 1; + return 0; + +} +" +71d657ab5c8401dcc6bc4d4ad3a6d1d270dd192d,"public int redTicket(int a, int b, int c) +{ + if(a == b == c == 2) + return 10; + else if (a == b == c) + return 5; + else if (b != a || c != a) + return 1; + return 0; + +} +" +fd7717d900552d9f682d3260b63f31741b7dd0eb,"public int redTicket(int a, int b, int c) { + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +6fc2f9d9984f4010b6e6fc4c27e5bb0f70bad9ac,"public int redTicket(int a, int b, int c) +{ + if(a==2 && b==2 && c==2) + return 10; + if(a==b && b==c) + return 5; + if( b!=a && c!=a) + return 1; + return 0; +} +" +2c541d2cb52e3e778477c62e98191982403bcb30,"public int redTicket(int a, int b, int c) +{ + if (a == b && b ==c) + { + if(a==1) + { + return 10; + } + return 5; + } + if (a!= b && a != c) + return 1; + return 0; +} +" +ba934faef8495421a047a9abb3960c099c9d5840,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if(a==2) + { + return 10; + } + return 5; + } + if (a!= b && a != c) + return 1; + return 0; +} +" +6c4ad983bf586db61122d8fa389c80e805907bc7,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +120a6e36e4a2721ac3ce0b007c4fd0d08d605222,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + return 0; +} +" +b8e680bde0280f199a945087941889a972778e15,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + return 10; + else if (a==b && b==c && a==c) + return 5; + else if a != b && b==c || ab && b>c) + return 1; + else + return 0; +} +" +cb274050601a8fa2ddb97b8560caef7ca7232eb9,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + return 10; + else if (a==b && b==c && a==c) + return 5; + else if (a != b && b==c || ab && b>c) + return 1; + else + return 0; +} +" +9ba6e190db36ab5e0b855aab34dbf11ead56214c,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + return 10; + else if (a==b && b==c && a==c) + return 5; + else if (a != b && b==c || ab && b>c || a>c && b>a) + return 1; + else + return 0; +} +" +ee43d65176188b7c146decb52aba718f7312f880,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + return 10; + else if (a==b && b==c && a==c) + return 5; + else if (a != b && b==c || ab && b>c || a>c && b>a || c>b && bb && b>c || a>c && b>a) + return 1; + else + return 0; +} +" +6609eb0123be5ae0c7cbb70345bc733f45d76119,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + if ( a == b && b == c) + { + return 5; + } + if ( a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +9be5ca05a7c3d0e2de1ba1d545e26ad311a73186,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +5977140526804962d264202ad18728f72b892eb9,"public int redTicket(int a, int b, int c) +{ + int [] arr = new int [3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + for (int i = 0; i < 3; i++) + { + int count = 0; + for (int j = 0; j < 3; j++) + { + if (arr[i] == arr[j]) + { + count++; + } + } + if (count == 3) + { + if (arr[i] = 2) + { + return 10; + } + return 5; + } + if ((b != a) && (c != a)) + { + return 1; + } + } + return 0; +} +" +972f23f3d226b2de5bcd608a7d8ea7aac92ec04e,"public int redTicket(int a, int b, int c) +{ + int [] arr = new int [3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + for (int i = 0; i < 3; i++) + { + int count = 0; + for (int j = 0; j < 3; j++) + { + if (arr[i] == arr[j]) + { + count++; + } + } + if (count == 3) + { + if (arr[i] == 2) + { + return 10; + } + return 5; + } + if ((b != a) && (c != a)) + { + return 1; + } + } + return 0; +} +" +7ea31549b5c931b785dc896f866064a9e6ccac65,"public int redTicket(int a, int b, int c) +{ +if (a==2 && b==2 && c==2) + return 10; + else if (a==b && b==c) + return 5; + else if (b!=a && c!=a) + return 1; + else + return 0; +} +" +86f51bf0bddf666eedee7491c529c083ecc07dcc,"public int redTicket(int a, int b, int c) +{ + int s=0; + if (a==2 && b==2 && c==2) + { + s=10; + } + else if (a==b && b==c) + { + s=5; + } + else if (a!=b && a!=c) + { + s=1; + } + else + { + s=0; + } + return s; +} +" +42ee736b9d443155ca01016168d28c98f2d2cbaa,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +d88994ea25902c23c08a4005be47c50be467843f,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +b7a9395b99fe850b2082792560bb36ab00860020,"public int redTicket(int a, int b, int c) +{ + int result = 0; + if (a == 2 && b == 2 && c == 2) + result = 10; + else if (a == b && b == c) + result = 5; + else if (a != b && a != c) + result = 1; + else + result = 0; + return result; +} +" +908a6582d974f7246309ee3b995514e7d5fd3889,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if( a!=b && a != c) + return 1; + return 0; +} +" +5f9866ad07af7f2b2e5478b7cb4025ea6fead4ce,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == c) { + if (a == 2) { + return 10; + } + return 5; + } else if (b != a && c != a) { + return 1; + } + return 0; +} +" +b9a29c4cdba8a96e1cb97151dab2e3125157dbe1,"public int redTicket(int a, int b, int c) +{ + if(a==b&&b==c) + { + if(a==2) + { + return 10; + } + else + { + return 5; + } +} + else if(b!=a&&c!=a) + { + return 1; + } + else + { + return 0; + } +} +} +" +051e5c1520b8b970b4a9c6a407f80a3e09880b61,"public int redTicket(int a, int b, int c) +{ + if(a==b&&b==c) + { + if(a==2) + { + return 10; + } + else + { + return 5; + } +} + else if(b!=a&&c!=a) + { + return 1; + } + else + { + return 0; + } + } + +" +f11f6c8efc4d303ef21d5879a8543bb366b5e03d,"public int redTicket(int a, int b, int c) +{ + if (a =2 && b = 2 && c = 2) + { + return 10; + } + + else if (a = b && b = c && c = a) + { + return 5; + } + + else if (a != b && a !=c) + { + return 1; + } + + else + { + return 0; + } +} +" +c668a7dce2896b2f7da8268a5d5ae8128a2cad1e,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + else if (a = b && b = c && c = a) + { + return 5; + } + + else if (a != b && a !=c) + { + return 1; + } + + else + { + return 0; + } +} +" +a9dce1f391897a361ea9933dbee7c95ed3effa29,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + + else if (a == b && b == c && c == a) + { + return 5; + } + + else if (a != b && a !=c) + { + return 1; + } + + else + { + return 0; + } +} +" +3cfe3adfd9785bcbb3aa313d67030666fe514976,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +} +" +46a773bc7276786b1930845b968f0cf24498cf7a,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +35185c28189578c5cc40f39b98b11bbd07ff3cb8,"public int redTicket(int a, int b, int c) +{ + if ( a == b && 6 = a + b + c) + { + return 10; + } + else if ( a == b && b == c) + { + return 5; + } + else if ( a != b && a!=c ) + { + return 1; + } + else + { + return 0; + } + +} +" +8423a94846932c793b714088cf949d31fc2260a0,"public int redTicket(int a, int b, int c) +{ + if (6 = a + b + c) + { + return 10; + } + else if ( a == b && b == c) + { + return 5; + } + else if ( a != b && a!=c ) + { + return 1; + } + else + { + return 0; + } + +} +" +396b86808bfc5c46c4370cda9c2c938b675710f9,"public int redTicket(int a, int b, int c) +{ + int d = 6; + if (d == a + b + c) + { + return 10; + } + else if ( a == b && b == c) + { + return 5; + } + else if ( a != b && a!=c ) + { + return 1; + } + else + { + return 0; + } + +} +" +aea337b340ca8dc6d4a09e5caf932abf38421a49,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } + + + + + + +} +" +15de1a44a6e2e3cf69299f1ad29c0f09084f20b1,"public int redTicket(int a, int b, int c) +{ + if (a==b==c && a!= 2) + {return 10;} + else + {return 5;} + +} +" +f703037739183ac867ba5fdcbde46a1db338888b,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && a==c && a != 2) + {return 10;} + else + {return 5;} + +} +" +208b9a2fae1fe7391f3a78bd5d42a19539c12b10,"public int redTicket(int a, int b, int c) +{ + if (a==b && b==c && a==c && a != 2) + {return 5;} + else + {return 10;} + +} +" +f8a97f6388761b43aa07f1f7d09df4753014f3e9,"public int redTicket(int a, int b, int c) +{ + if (b && c != a) + {return 1} + if (b||c == a) + {return 0;} + if (a==b && b==c && a==c && a != 2) + {return 5;} + else + {return 10;} + +} +" +566fb16e633a91de5fbfd799b454b4a1c9e97530,"public int redTicket(int a, int b, int c) +{ + if (b && c != a) + {return 1;} + if (b||c == a) + {return 0;} + if (a==b && b==c && a==c && a != 2) + {return 5;} + else + {return 10;} + +} +" +d7a3d357402c372231c16a712be883740168ecb8,"public int redTicket(int a, int b, int c) +{ + if (b != a && c!=a) + {return 1;} + if (b||c == a) + {return 0;} + if (a==b && b==c && a==c && a != 2) + {return 5;} + else + {return 10;} + +} +" +94c7af7d1430fb42d56f62d3ae4d81efbb2ab23c,"public int redTicket(int a, int b, int c) +{ + if (b != a && c!=a) + {return 1;} + if (b == a ||c == a) + {return 0;} + if (a==b && b==c && a==c && a != 2) + {return 5;} + else + {return 10;} + +} +" +03714dc08691704ed128cea47792f37e0e39d482,"public int redTicket(int a, int b, int c) +{ + + if (a==b && b==c && a==c && a != 2) + {return 5;} + else if (a==b && b==c && a==c && a == 2) + {return 10;} + else if (b != a && c!=a) + {return 1;} + else + {return 0;} + +} +" +083eb077682d359c0ecc2ba3c5765e6ba22056aa,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; +} +" +b4f61b7e9d8ef35aa6a6721ced635e18077c8243,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +6bef2c7487bd525abd04b2c2c2a756a6884bdb1a,"public int redTicket(int a, int b, int c) +{ + if (b != a || c != a) + { + return 1; + } + else if (a == b && a == c) + { + return 2; + } + return 0; +} +" +ddabc583e8401c0db7050c1b4f723d1eb7323294,"public int redTicket(int a, int b, int c) +{ + if (b != a || c != a) + { + return 1; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + return 0; +} +" +6a2f5d7aad5ba67216a852eada1478ff83bb16ad,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 1; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + return 0; +} +" +4756be84619ef1eb75689a2d455f7fcc5dc92ce6,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 1; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + return 0; +} +" +c1afd7219e7b83d11ffb2642d145cf601884f13b,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 5; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + return 0; +} +" +9c9e2fbc665492d5e77b385bf1851b930ed48c56,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 5 + 1; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + return 0; +} +" +750d0065fcdd93e4dbd16e62939ce17e0d724f42,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 1; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5 + } + return 0; +} +" +61fe32fd529f442e597e814cebbc86f1706c2cdd,"public int redTicket(int a, int b, int c) +{ + if (b != a && c != a) + { + return 1; + } + else if (a == 2 && c == 2 && b == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + return 0; +} +" +05da7e5f4ed56295e9e3a164acbeb52a0df8d545,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (a != b && a != c) + { + return 1; + } + return 0; +} +" +1ef1d41cd720754161cc1b953d6c374d6349e857,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + + return 10; + + if ( a == b && b == c) + + return 5; + + if ( a != b && a != c) + + return 1; + + else + + return 0; + +} +" +70acff88ca80b8c8bc3dd0a205ec4b597859f8ac,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c==2) { + return 10; + } + else if (a==b && b==c) { + return 5; + } + else if ( b!=a && c!=a) { + return 1; + } + else { + return 0; + } + +} +" +e5d199c8f105a32a77123f5d4daa3cbdeb3790d7,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +6f76c4ff0901a8569d9636a4ed3adccc36c3385a,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=b) + return 10; + if (a=c && b=a && c=b) + return 5; + if ((b!=a) && c!=a)) + return 1; + else + return 0; +} +" +0632e9a54cfe27dfed72e48978ae8f4aea613b27,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=b) + return 10; + if (a=c && b=a && c=b) + return 5; + if ((b!=a) && c!=a)) + return 1; + +} +" +9eb3e6ad6f887c198e8dea5d134bd309fc34bf43,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +74df1f84128a4cd07f10c43cc238c8d4d31f05c9,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=b) + return 10; + if (a=c && b=a && c=b) + return 5; + if ((b=a) && c=a)) + return 0; + else + return 1; + +} +" +7008103602f70750decc7efedc648c0f11eb477c,"public int redTicket(int a, int b, int c) +{ + if (a + b + c = 2) + { + return 10; + } +} +" +f0ff757dbd34a56d729a6a3633889f89aa46e72a,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=b) + return 10; + if (a=c && b=a && c=b) + return 5; + if ((b=a) && c=a)) + return 0; + + return 1; + +} +" +9525f05ac3f742cb5b80d99a7d23baa5e359db75,"public int redTicket(int a, int b, int c) +{ + int abc = a + b + c; + if (abc == 2) + { + return 10; + } + return 0; +} +" +8c3f3a11d699a548ebaeb30f20a04f9d179b6b56,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=b) + return 10; + else + return 5; + if ((b=a) && c=a)) + return 0; + + return 1; + +} +" +947cd28d9c61f17141cc5425d1d6120dd4060d28,"public int redTicket(int a, int b, int c) +{ + if (a=2 && b=a && c=b) + return 10; + else + return 5; + if ((b=a) && c=a)) + return 0; + + + +} +" +a403d70718da8167620d57586fb359cb06dc3d34,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c ==2) + { + return 10; + } + return 0; +} +" +1c2ad076109f984e2c3b4bfd6828dc502ecd32ae,"public int redTicket(int a, int b, int c) +{ + if a=b=c + if a =2 + return 10; + else + return 5; + if ( a!= b && b != c) + return 1; + return 0; + +} +" +541a40fc7a2492594a9fac456d8c04283ab28cb7,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c ==2) + { + return 10; + } + else if ( a == b && a == c && b == c) + { + return 5; + } + return 0; +} +" +588bc0e3e903fa7d69e27a1936449dbd1b56218f,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + if(a == 2) + return 10; + return 5; + if(a != b && a !=c) + return 1; + return 0; + +} +" +5fcd91eb50e3ddb4a151d7a9b59e43318e860865,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; + +} +" +7afc7aa7e9f5a16647c2f1f9738b0dac52cdd748,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c ==2) + { + return 10; + } + else if ( a == b && a == c && b == c) + { + return 5; + } + else if ( a != b && a != c) + { + return 1; + } + return 0; +} +" +a5c1d5191dd41ae92c65d259a4e04244b868e273,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && a == b && a == c) + return 0; + if(a == b && b == c) + return 5; + if(b == a || c == a) + return 0; + return 1; +} +" +0be1fffa935a76416fc8a3141afe56036412b787,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 0; + if(a == b && b == c) + return 5; + if(b == a || c == a) + return 0; + return 1; +} +" +ebb28f92e87738b52cb23cdc593548e818f18be1,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + if(a == b && b == c) + return 5; + if(b == a || c == a) + return 0; + return 1; +} +" +e786b0ad7a62d8c310f27047a539e752a0a0e000,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +cc3c3f7bb771001e49f41aaf2f4cc77a50eff2b1,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; +} +" +6afd19b9c705dc29d310c85b619c43234de29029,"public int redTicket(int a, int b, int c) { + if(a == 2 && b == 2 && c == 2) + return 10; + + if(a == b && b == c) + return 5; + + if(a != b && a != c) + return 1; + + return 0; +}" +2a2a84c82dd052c5fe0bd61d57acb4e166700238,"public int redTicket(int a, int b, int c) +{ + if(a=b && b=c) + { + if(a=2) + { + return 10; + } + else + { + return 5; + } + } + if(a != b && a !=c) + { + return 1; + } + else + { + return 0; + } + + + + +} +" +fd2d8f5925de7b10115df273f79561bfafea97fb,"public int redTicket(int a, int b, int c) +{ + if(a=b & b=c) + { + if(a=2) + { + return 10; + } + else + { + return 5; + } + } + if(a != b && a !=c) + { + return 1; + } + else + { + return 0; + } + + + + +} +" +82fb62eb962de751bee81dd0fd8564e475874f48,"public int redTicket(int a, int b, int c) +{ + if((a=b) && (b=c)) + { + if(a=2) + { + return 10; + } + else + { + return 5; + } + } + if(a != b && a !=c) + { + return 1; + } + else + { + return 0; + } + + + + +} +" +0cc9d4dad875bac7d1bdf648534646e442508630,"public int redTicket(int a, int b, int c) +{ + if((a==b) && (b==c)) + { + if(a=2) + { + return 10; + } + else + { + return 5; + } + } + if(a != b && a !=c) + { + return 1; + } + else + { + return 0; + } + + + + +} +" +25ef14fe62516866b2931e375bc8e0477fde8f0d,"public int redTicket(int a, int b, int c) +{ + if((a==b) && (b==c)) + { + if(a==2) + { + return 10; + } + else + { + return 5; + } + } + if(a != b && a !=c) + { + return 1; + } + else + { + return 0; + } + + + + +} +" +319f2ffe502ef3abd5962cbb1a5f9d0dd04a8711,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + else if(a == b && b == c) + return 5; + else if(a != b && a != c) + return 1; + else + return 0; +} +" +7d31733eb60ad1c55e579d7534ef43693a11ef6c,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + else if(a == b && b == c) + return 5; + else if(a != b && a != c) + return 1; + else + return 0; +} +" +58f8f141073ae3a1ee18e35d8cdf6ef297f50f94,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b == c) + { + return 1; + } + else + { + return 0; + } +} +" +18dd130d03d4d1878442e7e7eefa98c54b4f69d7,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && a == 2) + { + return 10; + } + else if (a == b && b == c) + { + return 5; + } + else if (b != a && c != a) + { + return 1; + } + else + { + return 0; + } +} +" +a1559fe760793b4cfb60c4945a665d23d40faaf7,"public int redTicket(int a, int b, int c) +{ + int returnt; + if (a=2 && b=2 && c=2) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=c && a!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +35795d06af721fc1c2388b74434cf32ec65a3091,"public int redTicket(int a, int b, int c) +{ + int returnt; + if ((a=2 && b=2) && c=2) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=c && a!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +1a2b02bd934495f1accafa1c1a83f29ea2063599,"public int redTicket(int a, int b, int c) +{ + if (2 == a == b && b == c) + return 2; +} +" +88eb2df8468d84e36108b6b9e3f65a53cc3625ae,"public int redTicket(int a, int b, int c) +{ + int returnt; + if (a=2 || b=2 || c=2) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=c && a!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +62740ef0811801f265db470371f5dfaf1fd0b1fd,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + if (sum = 6) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=c && a!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +0f838818781093168101b362c3ceaa5ac771a653,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 2; +} +" +02f8589a3ad06656da4e516eaf934ae131f3b9be,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + if (sum == 6) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=b && a!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +43a0dd5d87365f8b8e0d90705d9a73a0d7c24966,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 2; + if (a == 1 && b == 1 && c == 1) + return 5; + if (a == 0 && b == 0 && c == 0) + return 5; + if (b != a && c != a) + return 1; + else + return 0; +} +" +a87f67872e47833b5480ceb6192ee818a2812ed7,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == 1 && b == 1 && c == 1) + return 5; + if (a == 0 && b == 0 && c == 0) + return 5; + if (b != a && c != a) + return 1; + else + return 0; +} +" +eff5d9d46bb3cfcc887ba21052666473fa24c05f,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2 + if (sum == 6) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=div) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +644220944019c2de2a014217164d7dfb8a1a6de1,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a=b && b=c) + { + returnt = 5; + } + else if (a!=div) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +db563d7e641ef3984b9fac1f3c6b8639150caa61,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a=b || b=c) + { + returnt = 5; + } + else if (a!=div) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +430b0c94b9aa6553504b890bef751796bdb0563c,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a=b) + { + returnt = 5; + } + else if (a!=div) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +88f9de448ec40d1eb1ae4c167b5b37b065321668,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b) + { + returnt = 5; + } + else if (a!=div) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +c595d7fc6002751ec53e02f494611f53a5655426,"public int redTicket(int a, int b, int c) +{ + if (a ==b && b == c) + { + if (a == 2) + return 10; + else + return 5; + } + + if (a != b && a != c) + return 1; + else + return 0; +} +" +f80ebbc42723314c01e022b46c85bde4204c1f53,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=div) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +fe0bf600f7853b2ed50bdfbe075ef3f15ce39a14,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +76689d9a2b07c1e3b1aeae8c21a20fc087345e16,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=b || b!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +e0d9d67a7b4b22563af47640c8f8da2d8eb8602f,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=b) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +2bc34955c3c8e8c9111ea9e1b155286b8d2b363c,"public int redTicket(int a, int b, int c) +{ + if (a = 2 && b = 2 && c = 2) + { + return 10; + } +} +" +3543f29b5e19ce8469afa090964acfeff92392e4,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } +} +" +43f8c58bc69e6e9254505d9402b37601fb8c0c8a,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + { + return 10; + } + else + { + return 1; + } +} +" +bac1478db52ec9fec1262dca412170c5f44b7e06,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) { return 10;} + else if (a == b && b == c) {retun 5;} + else if (b != a && c != a) {rerun 1;} + else {return 0;} +} +" +cf70f8b3ffa6425e9beb47713d47d4f64b503247,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) { return 10;} + else if ((a == b) && (b == c)) {retun 5;} + else if ((b != a) && (c != a)) {rerun 1;} + else {return 0;} +} +" +bb4a8d5cae522e1b95493555e5a39c276cbc4a94,"public int redTicket(int a, int b, int c) +{ + if (b == c && a == b) + { + if (b == 2) + return 10; + retrun 5; + } + else if (b != a && c != a) + { + return 1; + } + retuen 0; + +} +" +599bbcaf0c2e32789097c676de0038d81d6a86e2,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) { return 10;} + else if ((a == b) && (b == c)) {return 5;} + else if ((b != a) && (c != a)) {return 1;} + else {return 0;} +} +" +75e68ce8977c66fd0b7f1b2e4d2a721d1a9f05cd,"public int redTicket(int a, int b, int c) +{ + if (b == c && a == b) + { + if (b == 2) + return 10; + return 5; + } + else if (b != a && c != a) + { + return 1; + } + return 0; + +} +" +1a1f2637ac07a8718280a316de2c350ea8d19ca3,"public int redTicket(int a, int b, int c) +{ + if (a == 2)&&(b == 2)&&(c == 2) + return 10; + if (a == b)&&(b == c)&&(c == a) + return 5; + if (b != a)&&(c != a) + return 1; + else + return 0; +} +" +d70c1a169097f71bcd31f67e6b335c348f448fb9,"public int redTicket(int a, int b, int c) +{ + + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +ed61cf36e437dc288836d835d667becb2ab4b00b,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +3273621d088cd5e1e3594da4258a4259ea865004,"public int redTicket(int a, int b, int c) +{ + if ((a==2) && (b==2) && (c==2)) + { + return 10; + } + else if ((a==b) && (b==c)) + { + return 5; + } + else if ((a!=b) && (a!=c)) + { + return 1; + } + else + { + return 0; + } +} +" +d12bc7fa889292066f17d35afbbf5a20c1d8e60d,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +6e8cdb312eaf547b8488629b9abc249fe869a96d,"public int redTicket(int a, int b, int c) +{ + if(a == 2 && b == 2 && c == 2) + return 10; + if(a == b && b == c) + return 5; + if (a != b && a != c) + return 1; + return 0; +} +" +86f69767b8ec74ba6dc62824769e33923987adab,"public int redTicket(int a, int b, int c) +{ + if (a==2 && a==b && b==c) + return 10; + if (a==b && b == c) + return 5; + if (a!=b && a!=c) + return 1; + else + return 0; +} +" +521137996f3e002e5f645b93acc0e0b3d42e31b8,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + + { + + if(a == 2) + + return 10; + + return 5; + + } + + if(a != b && a !=c) + + return 1; + + return 0; +} +" +0601aa49358d88150fbee9fc0d432c3fed4e3b65,"public int redTicket(int a, int b, int c) { + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; +}" +d43a2780aefdab23f33e1183384f51f255ab9c07,"public int redTicket(int a, int b, int c) +{ + if(a==b&&a==c&&a==2)return 10; + if(a==B&&a==c)return 5; + if(a==b||a==c||b==c) return 1; + return 0; +} +" +ef03dd1b8df65bf0e2936059bbafd58d7fa333b2,"public int redTicket(int a, int b, int c) +{ + if(a==b&&a==c&&a==2)return 10; + if(a==b&&a==c)return 5; + if(a==b||a==c||b==c) return 1; + return 0; +} +" +41c85a6df2bdbedfc884e2b668da506a35e42622,"public int redTicket(int a, int b, int c) +{ + if(a==b&&a==c&&a==2)return 10; + if(a==b&&a==c)return 5; + if(a==b||a==c||b==c) return 0; + return 1; +} +" +40d5eefe93b6bfc40e766e864b9c0de2bf4ae7ec,"public int redTicket(int a, int b, int c) +{ + if(a==b&&a==c&&a==2)return 10; + if(a==b&&a==c)return 5; + if(a==b||a==c) return 0; + return 1; +} +" +04501aeadb535827ac79c9d9120f04eaa189a1b0,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +f22c8bacc22df5654118465468499ef6f5663a8d,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +9627efaa59320f1a85178a10917ab84b93dae62c,"public int redTicket(int a, int b, int c) +{ + int value = 1; + if ( a == b && b == c) + { + if ( a = 2) + { + value = 10; + } + else + { + value = 5; + } + } + else if ( a == b || a == c) + { + value = 0; + } + return value; +} +" +10b44d4e226066fd294e08561de685bbbe99a1de,"public int redTicket(int a, int b, int c) +{ + int value = 1; + if ( a == b && b == c) + { + if ( a == 2) + { + value = 10; + } + else + { + value = 5; + } + } + else if ( a == b || a == c) + { + value = 0; + } + return value; +} +" +3e66aa52da4ae695169c2c42c7e061cad9ba207b,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +6a7bc3d657e02bb9dd96ddf834c6e0904d802f4f,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +641a9d7aaf6d950fbab072a3f73785de001dcc7f,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +d650e0efc916e18015832731c704fcf449999c60,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) return 10; + if (a == b && b == c) return 5; + if (a != b && a != c) return 1; + return 0; +} +" +ef8cc96b75e6e171b7eaf386eedb39cceff7494b,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +918bab4d430fe73337e296585d8ca9e6fda291d3,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (a == 2) + { + return 10; + } + return 5; + } + if (a != b && a !=c) + { + return 1; + } + return 0; +} +" +c1f46ce72d309994ff32f46284a15097e22e255e,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=b || b!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +e5c50450c1a97d24223e96998031b1af421d580e,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=b && b!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +abd2d03f9784a64a4d485c110425fbdf9d06d1f9,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=b) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +24aab29ee7dd637d3e4a8b512708e9baf2d027a7,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +b8ad83b036389dfbdf940134c687d00cda48e509,"public int redTicket(int a, int b, int c) +{ + int returnt; + int sum = a + b + c; + int div = (b+c)/2; + if (sum == 6) + { + returnt = 10; + } + else if (a==b && b==c) + { + returnt = 5; + } + else if (a!=b && a!=c) + { + returnt = 1; + } + else + { + returnt = 0; + } + return returnt; +} +" +feb29f3b64fdf1a28d92aa80d6597e7a7b4b2287,"public int redTicket(int a, int b, int c) +{ + if (a==2 && b==2 && c==2) + { + return 10; + } + else if (a==b && b==c) + { + return 5; + } + else if (a!=b && a!=c) + { + return 1; + } + else + { + return 0; + } +} +" +4bd72355dbfc293c0ecc0f55296a3d81ddf8b671,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c && c == 10) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +a836afdbda9742c3fcffdc0587c65c7e9cd9133c,"public int redTicket(int a, int b, int c) +{ + if (a == 10 && b == 10 && c == 10) + return 10; + else if (a == b && b == c) + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +45552ae05ac4ba7e598c4babf21bda316bdb5d19,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if (a == b && b == c) + return 5; + if (a != b && a != c) + return 1; + else + return 0; +} +" +756dd42cf4d8b0c67f722debedeef46806b9fdf2,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (c == 10) + { + return 10; + } + } + else + return 5; + else if (a != b && a != c) + return 1; + else + return 0; +} +" +20a2f7725d13701935916f90b38053239b65b1fe,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +873fef88404d434b47fe8f6f1421958ee10b7b30,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (c == 10) + { + return 10; + } + } + else + { + return 5; + } + else if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +08b5ae0f3a73597de940a4fab0f988262bc9f828,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (c == 10) + { + return 10; + } + } + else + { + return 5; + } + if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +b9796e8d3c47a4e8eb4ed24562edbbd503c8bd22,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (c == 10) + { + return 10; + } + else + { + return 5; + } + } + if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +800189dc11fd2cc93ac75aa8f9555a5629a66934,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if (c == 2) + { + return 10; + } + else + { + return 5; + } + } + if (a != b && a != c) + { + return 1; + } + else + { + return 0; + } +} +" +26cd17b3d5d61d916c46e8a72cdcf00b22859762,"public int redTicket(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + if (a == 2) + return 10; + return 5; + } + } + else + { + if (a != c) + return 1; + return 0; + } +} +" +b88039e19711117dd4355a0095953b2c39232f51,"public int redTicket(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + if (a == 2) + return 10; + return 5; + } + } + if (a != b) + { + if (a != c) + return 1; + return 0; + } +} +" +0e38170ce3114df28777d30560889e627c1ecc8f,"public int redTicket(int a, int b, int c) +{ + if ( a == b && b == c && a == 2) + return 10; + else if ( a == b && b == c) + return 5; + else if ( a != b && a != c) + return 1; + return 0; +} +" +f777a11e84a7e2fdc4b2c64cb067c7f660af5185,"public int redTicket(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + if (a == 2) + { + return 10; + } + else + { + return 5; + } + } + } + if (a != b) + { + if (a != c) + { + return 1; + } + else + { + return 0; + } + } +} +" +4c1e9b6cbd2b96c1c1d04b209204879f5a9d3f96,"public int redTicket(int a, int b, int c) +{ + if ( a == 2 && a == b && b == c) + { + return 10; + } + else if( a == b && b == c) + { + return 5; + } + else if ( a != b && a !=c) + { + return 1; + } + else + { + return 0; + } +} +" +450cda17a2cd63f581b1f49c95ce05d1a0f71f9b,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if ( a == 2) + return 10; + return c; + } + if (a != b && a != c) + return 1; + return 0; +} +" +1cc197e2eb09d07e1071b94d43d2811c158b6e04,"public int redTicket(int a, int b, int c) +{ + if (a == b && b == c) + { + if ( a == 2) + return 10; + return 5; + } + if (a != b && a != c) + return 1; + return 0; +} +" +88bf1f7daad113965a8a915b5a25f2a7cc6de986,"public int redTicket(int a, int b, int c) +{ + if ((a == 2) && (b == 2) && (c == 2)) + { + return 10; + } + else + { + if ((a == b) && (a == c)) + { + return 5; + } + else + { + if((b != a) && (c != a)) + { + return 1; + } + else + { + return 0; + } + } + } +} +" +8faee152116397fbef8b25f094a5619ef849c5f8,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +16cd46b57782d96782259294a0efd361ac459dae,"public int redTicket(int a, int b, int c) +{ + int result; + if ((a=2) && (b=2) && (c=2)) + { + result = 10; + } + else if ((a==b) && (b==c) && (a==c)) + { + result = 5; + } + else if ((a!=b) && (a!=c)) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +199966d441084e9a662312aec0a2672f73bcee0e,"public int redTicket(int a, int b, int c) +{ + int result; + if (a=2 && b=2 && c=2) + { + result = 10; + } + else if ((a==b) && (b==c) && (a==c)) + { + result = 5; + } + else if ((a!=b) && (a!=c)) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +57e5e7c874a93e47bb809705dd8932326adda76c,"public int redTicket(int a, int b, int c) +{ + int result; + if (a==2 && b==2 && c==2) + { + result = 10; + } + else if ((a==b) && (b==c) && (a==c)) + { + result = 5; + } + else if ((a!=b) && (a!=c)) + { + result = 1; + } + else + { + result = 0; + } + return result; +} +" +3a4873b3e4527bcb181d597194eb94175098a448,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +096520ffe6997422d06b0aaf92d88f39beaae396,"public int redTicket(int a, int b, int c) +{ + int answer = 0; + if (a == 2 && a == b && a == c) + { + answer = 10; + } + else if (a != 2 && a == b && a == c) + { + answer = 5; + } + else if (a != b && a != c) + { + answer = 1; + } + else + { + answer = 0; + } + return answer; +} +" +6edc9f87f5853f75df4f0fbbcc68d3237713cf4c,"public int redTicket(int a, int b, int c) +{ + if(a == b && b == c) + { + if(a == 2) + return 10; + return 5; + } + if(a != b && a !=c) + return 1; + return 0; +} +" +76cc5ca2659647da4a2384791ce5c58940c883ea,"public int redTicket(int a, int b, int c) +{ + if (a == 2 && b == 2 && c == 2) + return 10; + if ( a == b && b == c) + return 5; + if ( a != b && a != c) + return 1; + else + return 0; + +} +" +2cb9eb90974c44128b62387c46851daf7ae8457c,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if ((a == b) || (a == c)) + { + a = 0; + } + + if ((b == a) || (b == c)) + { + b = 0; + } + + if ((c == a) || ( c == b)) + { + c = 0; + } + + sum = a + b + c; + return sum; +} +" +617a88699c41b9e1b21af4f0dcb37de944d20514,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if ((a == b) || (a == c)) + { + a = 0; + if (a == b) + { + b = 0; + } + else + { + c = 0; + } + } + + if ((b == a) || (b == c)) + { + b = 0; + if (a == b) + { + a = 0; + } + else + { + c = 0; + } + } + + if ((c == a) || ( c == b)) + { + c = 0; + if (c == b) + { + b = 0; + } + else + { + a = 0; + } + } + + sum = a + b + c; + return sum; +} +" +bc7370fa512adc9c05e327def576b0dcb5fcb0d2,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if ((a == b) || (a == c)) + { + a = 0; + if (a == b) + { + b = 0; + } + if (a == c) + { + c = 0; + } + } + + if ((b == a) || (b == c)) + { + b = 0; + if (a == b) + { + a = 0; + } + + if (b == c) + { + c = 0; + } + } + + if ((c == a) || ( c == b)) + { + c = 0; + if (c == b) + { + b = 0; + } + + if (c == a) + { + a = 0; + } + } + + sum = a + b + c; + return sum; +} +" +6a2ec67692af86ed87662508bd253eb351286e39,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if ((a == b) && (a ==c)) + { + return 0; + } + + if (a == b) + { + a = 0; + b = 0; + } + + if (a == c) + { + a = 0; + c = 0; + } + + if (b == c) + { + b = 0; + c = 0; + } + + + sum = a + b + c; + return sum; +} +" +507aebbc4704fc72970104e797117ce3882b0204,"public int loneSum(int a, int b, int c) +{ + if(a=b) + return a+c; + else if(a=c) + return a+b; + else if(b=c) + return a+c; + else + return a+b+c; + +} +" +e1bbb59d83918bbb7264b16723ba9b1119af9614,"public int loneSum(int a, int b, int c) +{ + if(a==b) + return a+c; + else if(a==c) + return a+b; + else if(b==c) + return a+c; + else + return a+b+c; + +} +" +f58f289ee8f7730fd37dd3b2bca1493e0d2fa0a2,"public int loneSum(int a, int b, int c) +{ + if(a==b==c) + return a; + else if(a==b) + return a+c; + else if(a==c) + return a+b; + else if(b==c) + return a+c; + else + return a+b+c; + +} +" +59f591c2705084771464ab8a75d3d3ca9f19e7d4,"public int loneSum(int a, int b, int c) +{ + if((a==b) && (a==c)) + return a; + else if(a==b) + return a+c; + else if(a==c) + return a+b; + else if(b==c) + return a+c; + else + return a+b+c; + +} +" +6fe54d6cd2c57aead417bb2ec3dadf03bd74e21c,"public int loneSum(int a, int b, int c) +{ + if((a==b) && (a==c)) + return 0; + else if(a==b) + return c; + else if(a==c) + return b; + else if(b==c) + return a; + else + return a+b+c; + +} +" +4dd09fda5e71eed8e6266098b8ff1bbf3f25dc91,"public int loneSum(int a, int b, int c) +{ + int sum; + if ( a = b ) + { + return c; + } + else if ( a = c) + { + return b; + } + else if (b = c) + { + return a; + } + else + { + return 0; + } + sum = a + b + c; +} +" +7cb15012ca277e64fbb6f3f699c6a4856f8c1dda,"public int loneSum(int a, int b, int c) +{ + int sum; + if ( a = b ) + { + return c; + } + else if ( a = c) + { + return b; + } + else if (b = c) + { + return a; + } + else + { + return 0; + } + sum = a + b + c; +} +" +bedd3d7ab52023b41d5025b6b115e5a37ab057f7,"public int loneSum(int a, int b, int c) +{ + int sum; + if ( a == b ) + { + return c; + } + else if ( a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return 0; + } + sum = a + b + c; +} +" +e4076caa7ffa08880254f0024da3dea599c96ab6,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + return c; + } + else if ( a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && a ==c) + { + return 0; + } + else + { + return a + b +c; + } +} +" +0bab735afa6681d9d5bd26b3a7cb789c2c4f0b49,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + return c; + } + else if ( a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && a == c && b == c) + { + return 0; + } + else + { + return a + b +c; + } +} +" +7c12ec25cd06985d180b7f5fc6b78ef2b43ddeaa,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + return c; + } + else if ( a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && a == c) + { + return 0; + } + else + { + return a + b +c; + } +} +" +315638962836b06f8a3b774096aedae0bcc52049,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (b == c) + { + return a; + } + else if ( a == c) + { + return b; + } + else if( a == b ) + { + return c; + } + else + { + return a + b + c; + } +} +" +62a5cbfff9802bef62e46ac1e095240b26be1b7c,"public int loneSum(int a, int b, int c) +{ + if (a == c || a == b) { + if (c == b) { + return b; + } + else { + return c + b; + } + } + else if (b == c) { + return a + c; + } + else { + return a + b + c; + } +} +" +b4410f4f81199fee02e6f9b6b854f358de68d704,"public int loneSum(int a, int b, int c) +{ + if (a == c) { + if (c == b || a == b) { + return 0; + } + else { + return b; + } + } + else if (b == c) { + return a; + } + else { + return a + b + c; + } +} +" +92f4ee80804e8a0d51f8fc180baaabbfd575bbb5,"public int loneSum(int a, int b, int c) +{ + if (a == c) { + if (c == b || a == b) { + return 0; + } + else { + return b; + } + } + else if (b == c) { + return a; + } + else if (b == a) { + return c; + } + else { + return a + b + c; + } +} +" +4c1c3c5c47131d8808a1f4fe1a02c39185e4d315,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + return(a + c); + }else{ + if (a == c){ + return (a + b); + }else{ + if (b == c){ + return(a + b); + }else{ + return(a + b + c) + } + } + } +} +" +9dc060ba191923d24eb4c52946e5b0bd4a5c9760,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + return(a + c); + }else{ + if (a == c){ + return (a + b); + }else{ + if (b == c){ + return(a + b); + }else{ + return(a + b + c); + + } + } + } +} +" +2e24d7549990ee84b78b5ae21f0d94af990870fb,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + return(cc); + }else{ + if (a == c){ + return (b); + }else{ + if (b == c){ + return(a); + }else{ + return(a + b + c); + + } + } + } +} +" +ec216d824daaac7d45b06a8bc064c2f27c742c09,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + return(c); + }else{ + if (a == c){ + return (b); + }else{ + if (b == c){ + return(a); + }else{ + return(a + b + c); + + } + } + } +} +" +10b699898b6afcc3c18bc6417e7e2857d8142c09,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c){ + return(0); + } + if (a == b){ + return(c); + }else{ + if (a == c){ + return (b); + }else{ + if (b == c){ + return(a); + }else{ + return(a + b + c); + + } + } + } +} +" +c8bbf2239629bd6347e269dcf424b692a06d9e2c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + retrun c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return a + b + c; + +} +" +a1ea1b0461e106a4756a13d69b4c788a130b81bb,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return a + b + c; + +} +" +ec70d060f012cf006efc5cee7433ad96717baea2,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return a + c; + if (b == c) + return a + b; + if (a == c) + return c + b; + else + return a + b + c; +} +" +1f0e5888c7adf3861ea5b5f9f8f9c486dfa4424d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + else + return a + b + c; +} +" +f5bcc94fc17d3e43e049191ed7587e4fc6681376,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + + if (b == c) + { + return a; + } + + if (a == c) + { + return b; + } + + return a + b + c; +} +" +fc7813bb2d983c1bb62eb987f4883bd76f52b41b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + return 0; + else + return a + b + c; +} +" +0959cec389fc7d0fd038e4bdb0324a4ca5a86e98,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + + else + return a + b + c; +} +" +378deb26689b761f02faf2c513a3e2f0c309d9cc,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + + if (b == c) + { + return 0; + } + } + + if (b == c) + { + return a; + } + + if (a == c) + { + return b; + } + + return a + b + c; +} +" +29d93cdb3b896904392a48de98e85d1be9a27043,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 0; + } + return c; + } + + if (b == c) + { + return a; + } + + if (a == c) + { + return b; + } + + return a + b + c; +} +" +6b8128372b2083705b4b63351808e39ccd4692d2,"public int loneSum(int a, int b, int c) +{ + return 0; + +} +" +ca87c25bee1dea0b7089050ac091f0c1441edcd2,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + return c; + else if (a == c && b != a) + return b; + else if ( b == c && a != b) + return a; + else if ( b == c && c == a) + return 0; + else + return a + b + c + +} +" +e5fa1c3ae45f6b15b6b3f8692f0f9543f2fbac34,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + return c; + else if (a == c && b != a) + return b; + else if ( b == c && a != b) + return a; + else if ( b == c && c == a) + return 0; + else + return a + b + c; + +} +" +f3002df7f6616fc569f91d7a1c48209197a61885,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +fb3aa91e9fdd5ede22bac12ab030380e68028557,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) { +return 0; +} else if(b == c) { +return a; +} else if(a == c) { +return b; +} else if(a == b) { +return c; +} else { +return a + b + c; +} +} +" +2442375b1b82861ad175edbdd791db0cb65f52d2,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) { + sum += 0; + } + else if (a == b) { + sum += c; + } + else if (b == c) { + sum += a; + } + else if (a == c) { + sum += b; + } + else { + sum = a + b + c; + } + return sum; +} +" +83357c31af90c54414c43090f61f21aa0da7518b,"public int loneSum(int a, int b, int c) +{ + if (a==b && a==c) + return 0; + if (a==b) + return c; + if (b==c) + return a; + if (a==c) + return b; + else + return a+b+c; +} +" +3a1d705a016704544ad155a35ee8417cac494f06,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (a==b) + return b+c; + else if (b==c) + return a+b; + else if (a==c) + return a+c; + else + return a+b+c; +} +" +69b161400f7fd2606d2583062b12fe9fa58d7345,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (a==b) + return b+c; + else if (b==c) + return a+b; + else if (a==c) + return a+b; + else + return a+b+c; +} +" +096698a059458345b6a3b2c459e13e5a147c282c,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (a==b) + return c; + else if (b==c) + return a; + else if (a==c) + return b; + else + return a+b+c; +} +" +5161db7acd83d2ad889c2b16c164243582eddf74,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + { + return 0; + } + return c; + } + if(a == c) + { + return b; + } + if(b == c) + { + return a; + } + + return (a + b + c); +} +" +6eb53ccb0424cbebc11e289a32c6ab9761b00ebe,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && c != a) + { + return (a + b + c); + } +} +" +c922ad6ee4444d75eda0831e42842a4988087553,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && c != a) + { + return a + b + c; + } +} +" +58cffc2f9fdbe59a40d7d058c876bb7cb7c37423,"public int loneSum(int a, int b, int c) +{ + if (a == c || a == b) + { + a = 0; + } + if (b == c) + { + b = 0; + } + x = a + b + c; + return x; +} +" +aa695ea4fde187be0516f5e98bd0f4ad24c6fc96,"public int loneSum(int a, int b, int c) +{ + if (a == c || a == b) + { + a = 0; + } + if (b == c) + { + b = 0; + } + int x = a + b + c; + return x; +} +" +cc6220e77971850f429a959ec41f4a2fc2d29ba1,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +099053409d4963ff4d30ba42863f3b00cd31a57e,"public int loneSum(int a, int b, int c) +{ + if (a == c || a == b) + { + a = 0; + } + if (b == c || b == a) + { + b = 0; + } + if (c == b || c == a) + { + c = 0; + } + int x = a + b + c; + return x; +} +" +6b1b6f1b49e24ca41357b71d63ad1d2341f85e89,"public int loneSum(int a, int b, int c) +{ + if (a == c || a == b) + { + a = 0; + } + if (b == c || b == a) + { + b = 0; + } + if (c == b || c == a) + { + c = 0; + } + if (a == b && b == c) + { + return 0; + } + int x = a + b + c; + return x; +} +" +60d560c077f32902bf57797cdd65ff7e232d90fd,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) + { + return a; + } + if (a == b || a == c) + { + return b + c; + } + else if (b == c) + { + return a + c; + } + return a + b + c; + +} +" +8bb53c77e2b15b61840e065c11f69cb916cc05ba,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return a; + } + if (a == b || a == c) + { + return b + c; + } + else if (b == c) + { + return a + c; + } + return a + b + c; + +} +" +a09b657174da63c5f50a82c96d8e5a634ae2a2cb,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + return a + b + c; + +} +" +6854439a9179639f35db092995860717f170e10c,"public int loneSum(int a, int b, int c) +{ + if (a == c) + { + if (a == b) + return 0; + else + return b; + } + if (a == b) + { + if (a == c) + return 0; + else + return c; + } + return (a + b + c); +} +" +d3c4ec974c319ec7f6d9ae51565b82b9cc2c0c09,"public int loneSum(int a, int b, int c) +{ + if (a == c) + { + if (a == b) + return 0; + else + return b; + } + if (a == b) + { + return c; + } + if (b == c) + return a; + return (a + b + c); +} +" +f6818d4b234ac0305b04443944fd7fb45f8c5a68,"public int loneSum(int a, int b, int c) +{ + if (a ==b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + return a + b + c; +} +" +f95baa38f9b609623d3a469afac313bb0f99c8e4,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; +} +" +9ea3386db84c70907849d7c4faeb0325e4ce5c16,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + { + return 0; + } + return c; + } + if(a == c) + { + return b; + } + if(b == c) + { + return a; + } + return (a + b + c); +} +" +0697025841fbffa385deb1585bf83a225898001d,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + a = 0; + b = 0; + c = 0; + else if (a == b) + a = 0; + b = 0; + else if (a == c) + a = 0; + c = 0; + else if (b == c) + b = 0; + c = 0; + return a + b +c; +} +" +2a00f413c0a11250a2c15010d2ed6fd673b1fead,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + a = 0; + b = 0; + c = 0; + } + else if (a == b) { + a = 0; + b = 0; + } + else if (a == c) { + a = 0; + c = 0; + } + else if (b == c) { + b = 0; + c = 0; + } + return a + b +c; +} +" +d1c3c949a3fa3e5304850b7480d7ac8914cbf4ce,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return c; + } + else if(b == c) + { + return a; + } + else if(a == c) + { + return b; + } + else + { + return 0; + } + return (a + b + c); +} +" +6c0edfb990d8335ea0325ae338254641185d7506,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return c; + } + else if(b == c) + { + return a; + } + else if(a == c) + { + return b; + } + else if(a == c && b == c && a==b) + { + return 0; + } + return (a + b + c); +} +" +f92e7dbaeabe1b66cc84eaba23987aa02f66aac5,"public int loneSum(int a, int b, int c) +{ + else if(a == c && b == c && a==b) + { + return 0; + } + else if(a==b) + { + return c; + } + else if(b == c) + { + return a; + } + else if(a == c) + { + return b; + } + return (a + b + c); +} +" +8e2fad5ac3df6c0ca38ae90daf0514532a94ab16,"public int loneSum(int a, int b, int c) +{ + if(a == c && b == c && a==b) + { + return 0; + } + else if(a==b) + { + return c; + } + else if(b == c) + { + return a; + } + else if(a == c) + { + return b; + } + return (a + b + c); +} +" +bf1c9a174405bc5141377ad806493b273751fa19,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c) + } +} +" +c3ac63eb4a1bf4546ae2760d77617d9595ce9d34,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } +} +" +b13c74de578cdce975a77a4154272215c690e3e4,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } +} +" +baaaae46f2b69664ca06e927d7c9dc23e195b6cc,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(1); + } +} +" +77bc3038a9dea5a86beb2da1b4fbe9b99f5c3d2e,"public int loneSum(int a, int b, int c) +{ + return(a); +} +" +a0f765cd9cfe4b1c8ae56452bdcc8f2143693591,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else if ((a == b) && (b == c)) + { + return(0); + } + else + { + return(a + b + c) + } +} +" +1e15ab882f00987682beb3b8bb5fb4c3815fb613,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else if ((a == b) && (b == c)) + { + return(0); + } + else + { + return(a + b + c); + } +} +" +1ff40d65232a8543c254a02f2a3e6de15d31b4c8,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + if ((a == b) && (b == c)) + { + return(0); + } + else + { + return(a + b + c); + } +} +" +e2904b575cf3b4213f455b9f9818aa1344e36fea,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else + { + return(a + b + c); + } +} +" +f3121b56be2dd33fa8e3abd59ba2efdcff4824a0,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else + { + return(a + b + c); + } +} +" +e9ac7dd164c730ea2c40be7a32e36db12285a647,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else if + { + return(a + b + c); + } +} +" +eb08657a65e182cf454a98fe732b1e3be9af37e8,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else + { + return(a + b + c); + } +} +" +7568ba2b8b9dd535723e79bc68747891ef8f6973,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else + { + return(a + b + c); + } +} +" +c7183e11077ce4bdf874b3a877fd9b112fa98191,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else if ((a != b) && (a != c) && (b != c)) + { + return(a + b + c); + } +} +" +8d87915044b0ccdd3bedd954d492d7c8faeae731,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + { + return a; + } + else if ( a == b || a == c) + { + return b + c; + } + else if ( b == c) + { + return a + c; + } + else + { + return a + b + c; + } +} +" +105cda699a37ae8aade0390ac668db21b05d9cd2,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 0; + } + else if ( a == b ) + { + return c; + } + else if ( b == c) + { + return a ; + } + else if ( a == c ) + { + return b; + } + else + { + return a + b + c; + } +} +" +393b6fc4d27c12b129344e9d1f9eab77f04c09f0,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (b == c) + { + return a + b; + } + else if (a == c) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +20114de246a48473c88be77ff790db0aab0712e0,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +d83d31f378a3d3c79362f9b9efa214ab1167f50a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +96b633f4220067a877a7b8e805d309276f47a2aa,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return = 0; + } + + else + { + return = c; + } + + } + + if (a == c) + { + return = b; + } + + if (b == c) + { + return a; + } + + return (a+b+c); +} +" +805e98344a176ffd0646173e544b9fb8f84d3076,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else if ((a != b) && (a != c) && (b != c)) + { + return(a + b + c); + } +} +" +d6561e90b6c0ebacffc2dbd68814735f7fabc693,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return sum = c; + } + else if (a == c) + { + return sum = b; + } + else if (b == c) + { + return sum = a; + } + else + { + return sum = a + b +c; + } +} +" +d87062ae7203e15b9ee953e1333cb7026466334c,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +81bf786196cc9fa9137cc8352a3e8428f166e069,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +12a31cf10c21071464a42de13da64568c9013900,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +b4ea7f1a12efc1f39a238bcd57df928d5173ffba,"public int loneSum(int a, int b, int c) +{ + return 0; + +} +" +2720a910e96e925f69377c64f43d7c1008f6827e,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + + + + + + return 0; + +} +" +471215f65ff403da452a94bc4fd2210e862056c6,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + + + + + + return 0; + +} +" +cfca15eaf77073be64b5058b6e7ed2bed61ceb7c,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + else if (a==b && c==b && a==c) + { + return 0; + } + + + + + + + return 0; + +} +" +a540a8e864816c29a238235374a95a800a934185,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + else if ( c==b ) + { + return a; + } + + + + + return 0; + +} +" +ec8d8ad3fe2b624e348ebbd6361eddefeb6a4f61,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + else if ( c==b ) + { + return a; + } + + else if (a==b) + { + return c; + } + + return 0; + +} +" +dc79d39544b93b199570ae5fad0514a5bdcbf1b1,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + else if ( c==b ) + { + return a; + } + + else if (a==b) + { + return c; + } + + else if (a==b==c) + { + return 0; + } + +} +" +481ae89b29827138b1605f00955d1d17283df95f,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + else if ( c==b ) + { + return a; + } + + else if (a==b) + { + return c; + } + + else if (a==b && b==c) + { + return 0; + } + + return 10; + +} +" +f3b2528d03ebada037ec2bbe117cce512dc7c243,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c) + { + return b; + } + + else if ( c==b ) + { + return a; + } + + else if (a==b) + { + return c; + } + + else if (a==b && b==c && a==c) + { + return 0; + } + + return 10; + +} +" +89c799b09010787c6f89a527979ee5cd7163d247,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c && a!=b && b!=c) + { + return b; + } + + else if ( c==b ) + { + return a; + } + + else if (a==b) + { + return c; + } + + else if (a==b && b==c && a==c) + { + return 0; + } + + return 10; + +} +" +5686479adb3a446918a2a8bc01be44716e6837e4,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a!=b && b!=c && a!=c) + { + return sum; + } + + else if (a==c && a!=b && b!=c) + { + return b; + } + + else if ( c==b && a!=c && a!=b ) + { + return a; + } + + else if (a==b && b!=c && a!=c) + { + return c; + } + + else if (a==b && b==c && a==c) + { + return 0; + } + + return 10; + +} +" +a2cfd511d7cc85988c26876e7a8817ecf76ae8ce,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (b == c) + { + return a + b; + } + else if (a == c) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +2d3aaa72496f81c75c50aa901ede6999be98d6d9,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +79b79da1a16315644f95dfca9d5beb67d09cd8db,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } + } +} +" +91ff1666a3799e555ed29d2ead60846df9aa148f,"public int loneSum(int a, int b, int c) +{ + if (!(a == b && b == c)) { + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } + } + else + { + return 0; + } +} +" +a7ed11e20d9d79e52c485f41afbb84f029bc720d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c); + { + return(a); + } + else if ((a != b) && (a != c) && (b != c)) + { + return(a + b + c); + } +} +" +371d39a486c0ae05921d00eebcf71a0c1298850a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + if (a == c) + { + return(b); + } + if (b == c); + { + return(a); + } + if ((a != b) && (a != c) && (b != c)) + { + return(a + b + c); + } +} +" +a0187c58ed7d22b6ff0523cb6f678d158e7db665,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c && c == b) + { + return(0) + } +} +" +ec36c27f2767192d83bac6e5e0f451177339b507,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c && c == b) + { + return(0); + } +} +" +042131cac22ac7b5bb55fd18e50b9a7de7293932,"public int loneSum(int a, int b, int c) +{ + return(0); +} +" +276af0aba2a263669b6f24721fb901d153dbb00e,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c & a == c) + { + return(0); + } +} +" +9f66b37e19aa53542b176646bb0ea31cc606a36b,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +3ded69bb501f7ba3a1b45f30eae7aef28855a767,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + if (a == c){ + return 0; + } + return c; + } + if (a == c){ + return b; + } + if (b == c){ + return a; + } + return (a + b + c); +} +" +fe488a2e2fb0f9934c82cc06b706a36ce4b46eac,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +ec237c491926a14db369f2c391ff960317f4a05c,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if ( a == b && b == a ) + { + loneSum = c; + } + else if ( b == c && c == b) + { + loneSum = a; + } + else if ( a == c && c == a) + { + loneSum = b; + } + else if (c == b && a == b) + { + loneSum = 0; + } + else + { + loneSum = a + b + c; + } + return loneSum; +} +" +07612d2da0bf39bf21a78884dc72c0ab8789b118,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if ( a == b && b == a ) + { + loneSum = c; + } + else if ( b == c && c == b) + { + loneSum = a; + } + else if ( a == c && c == a) + { + loneSum = b; + } + else if (c == b && a == b && b == a) + { + loneSum = 0; + } + else + { + loneSum = a + b + c; + } + return loneSum; +} +" +879a1880f784cdb834652ba7d5ed89bf9c7e1138,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if ( a == b && b == a ) + { + loneSum = c; + } + else if ( b == c && c == b) + { + loneSum = a; + } + else if ( a == c && c == a) + { + loneSum = b; + } + else if (c == b && a == b && b == a && b == c && a == c) + { + loneSum = 0; + } + else + { + loneSum = a + b + c; + } + return loneSum; +} +" +54e52d62eac1cb2187d86f9d6987778a5d54dca5,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if ( a == b && b == a ) + { + loneSum = c; + } + else if ( b == c && c == b) + { + loneSum = a; + } + else if ( a == c && c == a) + { + loneSum = b; + } + else if (c == b && a == b && b == a && b == c && a == c && c == a) + { + loneSum = 0; + } + else + { + loneSum = a + b + c; + } + return loneSum; +} +" +8793cd56f36eb359d7c7e2024cb97f3e996103f5,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if (c == b && a == b && b == a && b == c && a == c && c == a) + { + loneSum = 0; + } + else if ( a == b && b == a ) + { + loneSum = c; + } + else if ( b == c && c == b) + { + loneSum = a; + } + else if ( a == c && c == a) + { + loneSum = b; + } + else + { + loneSum = a + b + c; + } + return loneSum; +} +" +08099fcb1f24c550a25e973d250d9f0f561090f7,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +ec64ca3c7dcd340f4fa214614268dd6c231a8e8b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 0; + } + else + { + return c; + } + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +38a3848184d618f85267111bb7feda79bb1fe396,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return sum = c; + } + else if (a == c) + { + return sum = b; + } + else if (b == c) + { + return sum = a; + } + else + { + return sum = a + b +c; + } +} +" +e60b6ab871cebaa3cebbe61f0765c3f9544055ba,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return sum = c; + } + else if (a == c) + { + return sum = b; + } + else if (b == c) + { + return sum = a; + } + else if (a == b && b == c) + { + return sum = 0; + } + else + { + return sum = a + b +c; + } +} +" +568d32988e3372430c1b573207c09d4ecde4d2a1,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) + { + return sum = 0; + } + else if (a == b) + { + return sum = c; + } + else if (a == c) + { + return sum = b; + } + else if (b == c) + { + return sum = a; + } + + else + { + return sum = a + b +c; + } +} +" +ba7163d782a38f7a8a13f4cd1e11dcc2548b2f6e,"public int loneSum(int a, int b, int c) +{ + if ( a==b && b==c) + { + return a; + } + else if ( a == b && b !=c) + { + return (a+c); + } + else if ( a ==c && b != a) + { + return (a +b); + } + else if ( b ==c && a != c) + { + return ( a + b); + } + else + } + return (a + b + c); + } +} +" +f10db38861cd7f3394de5fe2f3cb53ee68af4873,"public int loneSum(int a, int b, int c) +{ + if ( a==b && b==c) + { + return a; + } + else if ( a == b && b !=c) + { + return (a+c); + } + else if ( a ==c && b != a) + { + return (a +b); + } + else if ( b ==c && a != c) + { + return ( a + b); + } + else + { + + return (a + b + c); + } +} +" +bcc9d21bde35db7ca6d9836e4c356a7ff80c5532,"public int loneSum(int a, int b, int c) +{ + if ( a==b && b==c) + { + return 0; + } + else if ( a == b && b !=c) + { + return (c); + } + else if ( a ==c && b != a) + { + return (b); + } + else if ( b ==c && a != c) + { + return ( a ); + } + else + { + + return (a + b + c); + } +} +" +a074ab1e078c4f2670aa762da2ff238ad0c3f01e,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + { + a = 0; + } + else if (b == c) + { + b = 0; + } + else + { + a = a; + b = b; + c = c; + } + return a + b + c; +} +" +691ca2d08eeb0eefcda1427e2386ec91828d1925,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + else + { + a = a; + b = b; + c = c; + } + return a + b + c; +} +" +1ee2e56ecc2354ead0bb9a876821434e4c4031b2,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + return a + b + c; +} +" +ea3b2862c7c8e18184ef781220becbb9403586c9,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + return a + b + c; +} +" +ff2bd0352b15bcd28cbee2f360d890764d77c1d8,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + return a + b + c; +} +" +5b531bec096cca15e958f97d66b6c6847bd47110,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else if (a == b) + { + a = 0; + b = 0; + } + else + { + a = a; + b = b; + c = c; + } + return a + b + c; +} +" +e4e94a58fdcacfdc86d21ba53330430b552f9df4,"public int loneSum(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 0; + } + else + { + return (a + b + c); + } +} +" +927d8056f28858377e24e9c4509583d56b42925c,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +7da5246110c87a530bdb5f410c3273572fb97865,"public int loneSum(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +c08621b84688c53411489a04da938c7fef77629a,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +e242f457f026ed41a7624ef85b1406d229f33ba9,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + return b + c; + else if (b == a || b == c) + return a + c; + else if (c == a || c == b) + return a + b; + else + return a + b + c; +} +" +87bdc680c49986b9bdd7e2656c14558854978cec,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return a+b; + else if (b==c && a!=b) + return a+b; + else if (a==b && b==c) + return a; +} +" +2e49697e0a5eb9afe22eead5ccdc7a643f4a573e,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return a+b; + else if (b==c && a!=b) + return a+b; + else if (a==b && b==c) + return a; + else +} +" +62ac6ab9fa15f7dd4e50bbbac071353449099295,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return a+b; + else if (b==c && a!=b) + return a+b; + else if (a==b && b==c) + return a; + else + ; +} +" +a2ad02c1066c82c511e504bb9600f54a2c68c08c,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return a+b; + else if (b==c && a!=b) + return a+b; + else + return a; + +} +" +115580f47fa56fcf77af9f5345d9b7609e9a9507,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return c; + else if (b==c && a!=b) + return a; + else + return b; + +} +" +a35ee992728042249e487a30642dbcb5157d91fe,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (a == c) + return b; + else if (b == a) + return c; + else if (b == c) + return a; + else if (c == a) + return b; + else if (c == b) + return a; + else + return a + b + c; +} +" +01ebf9d2dc6ad3db5d2602492097ff3223f1798d,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return c; + else if (b==c && a!=b) + return a; + else if (a==b && b==c) + return 0 + else + return b; + +} +" +8870afabb9098dd17b06fb5b830ce6685c34222b,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!= c && c!=a) + return a+b+c; + else if (a==b && a!=c) + return c; + else if (b==c && a!=b) + return a; + else if (a==b && b==c) + return 0; + else + return b; + +} +" +61593ca35261a2e5b19431e7dbdb5a14aa31d17a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (a == c) + return b; + else if (b == a) + return c; + else if (b == c) + return a; + else if (c == a) + return b; + else if (c == b) + return a; + else if (a==b && b==c) + return 0; + else + return a + b + c; +} +" +ee9694c935e26fa5668d8faade62b6eb132712cd,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == a) + return c; + else if (b == c) + return a; + else if (c == a) + return b; + else if (c == b) + return a; + else + return a + b + c; +} +" +a9f543e32a5716ddaea0a0628ca773d15fd1ab6d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return = 0; + } + + else + { + return = c; + } + + } + + if (a == c) + { + return = b; + } + + if (b == c) + { + return a; + } + + return (a+b+c); +} +" +6648ecbb3faa26941481a0709613f81889c0ed84,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + + else + { + return c; + } + + } + + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + + return (a+b+c); +} +" +46dff29dd5bdab8d07666d758c18db0d3e93d40c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + a = 0; + if (b == c) + b = 0; + if (a == c) + a = 0; + return a + b + c; +} +" +a7e0676bf74b01fea86073fae9ad385ae01dac40,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0 + } + if (a == c) + { + a = 0; + c= 0; + } + return a + b + c; +} +" +87acccb297c8132132ff1c43343661484d61e121,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c= 0; + } + return a + b + c; +} +" +d22cec9e40555a5087fac281bb52292435681f38,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c= 0; + } + if (a==b && b==c) + return 0; + else + return a + b + c; +} +" +9db8fa6b498daae42de95ec911b17407cf7ad61d,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else + { + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c= 0; + } + + else + return a + b + c; + } +} +" +8494b67044b0c45c708b2f9749cc59fbad08e257,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else + { + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c= 0; + } + + return a + b + c; + } +} +" +7b7eb968e2fdd06b8d0c82a75e66fd91707eebac,"public int loneSum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + if (numA == numB) + { + return numA + numC; + } + if (numA == numC) + { + return numA + numB; + } + if (numB == numC) + { + return numA + numB; + } + return numA + numB + numC; +} +" +739bb7dc6972cd2d5d442e340ad874d52b5b5d19,"public int loneSum(int a, int b, int c) +{ + int numA = a; + int numB = b; + int numC = c; + if (numA == numB && numA == numC) + { + return 0; + } + if (numA == numB) + { + return numC; + } + if (numA == numC) + { + return numB; + } + if (numB == numC) + { + return numA; + } + return numA + numB + numC; +} +" +ff35d6110fddaaafff11f201e5efe6c35a66c34f,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a == b) + { + sum = c; + } + else if (b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else + { + sum = a + b + c; + } + return sum; + +} +" +d7d92bd4671a9c9079c9318dc491d5d8986bc67f,"public int loneSum(int a, int b, int c) +{ + sum = a + b + c; + if (a == b || b == c || a == c) + return 0; + else + return sum; +} +" +9984a5f2369248f24aa7af06c2f7db299ef0c945,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b || b == c || a == c) + return 0; + else + return sum; +} +" +00feebed08c976fcd6adb1bce3ed9dd9142a60d0,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a == b) + { + sum = c; + } + else if (b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else if (a == b && a == c) + { + sum = 0; + } + else + { + sum = a + b + c; + } + return sum; + +} +" +7fe60351529f1849eced4a40624bcd51ffe380de,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a == b && a == c) + { + sum = 0; + } + else if (b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else if (a == b) + { + sum = c; + } + else + { + sum = a + b + c; + } + return sum; + +} +" +9e15bd518f50fe9db4de0e24227fd51dd72dc700,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b || b == c || a == c) + return !sum; + else + return sum; +} +" +91800520cda2c66aed7461911600db812582c368,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b || b == c || a == c) + return 0; + else + return sum; +} +" +2ec0560e547394cb68d69281b956963f2aa1d34c,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else + return sum; +} +" +a18dcb4bf999dda287c817798d2c4914f70887b2,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else if (a == b && b == c && a == c) + return 0; + else + return sum; +} +" +094c70e96ac25690a12d4e5e276afab912ac4dcf,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b && b == c && a == c) + return 0; + else if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else + return sum; +} +" +ce802a8286fff646a57be69f4b32c6bf4d791220,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) { + return a; + } + else if (a == b || b == c) { + return a + c; + } + else if (c == b || a == c) { + return a + b; + } + else if (a == b || a == c) { + return b + c; + } + else + return a + b + c; +} +" +029d4d22fb6150e2fb939d5ab7b2462b47ee70e7,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + return a; + } + else if (a == b || b == c) { + return a + c; + } + else if (c == b || a == c) { + return a + b; + } + else if (a == b || a == c) { + return b + c; + } + else + return a + b + c; +} +" +41d98998e269e0336f856e12473a7d1c34910feb,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +9753667e3d2f5729592aafc6ab58393503a7fdfe,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + return 0; + } + else if (a == b) { + return c; + } + else if (b == c) { + return a; + } + else if (a == c) { + return b; + } + else + return a + b + c; +} +" +e424a11053e56a924bc1894f185c5a2dc71573ae,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } + +} +" +0ce918b04fe7408b8f14390b83244e46ee144b7a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (b == c) + return a; + if (c == a) + return b; + return (a + b + c); +} +" +d526d6dda6943d4e0fa20bc52eb644409a5501d4,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) + { + return 0; + } + else if (a == b && a =! c) + { + return c; + } + else if (a == c && a =! b) + { + return b; + } + else if (b == c && c =! a) + { + return a; + } + else + { + return a + b + c; + } + +} +" +cb45f31a3e882f0cd9257331ddc4dd1508f7a064,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b && a =! c) + { + return c; + } + else if (a == c && a =! b) + { + return b; + } + else if (b == c && c =! a) + { + return a; + } + else + { + return a + b + c; + } + +} +" +205a06dd25d0fb566805e035540266a928660aeb,"public int loneSum(int a, int b, int c) +{ + if (a == b && a =! c) + { + return c; + } + else if (a == c && a =! b) + { + return b; + } + else if (b == c && c =! a) + { + return a; + } + else + { + return a + b + c; + } + +} +" +53f2506d57dfde5c01f04835e90e3d57bcf2b634,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (a =! c)) + { + return c; + } + else if ((a == c) && (a =! b)) + { + return b; + } + else if ((b == c) && (c =! a)) + { + return a; + } + else + { + return a + b + c; + } + +} +" +7f47b6244be948def838c6280a4c50816e9de99f,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if ((a == b) && (a != c)) + { + return c; + } + else if ((a == c) && (a != b)) + { + return b; + } + else if ((b == c) && (c != a)) + { + return a; + } + else + { + return a + b + c; + } + +} +" +3ce009bc540eea6e8cf415b8fc53aff5c31e7b44,"public int loneSum(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return false; + } + return a + b + c; +} +" +a88dbda3eb933dbe87a9e45ca976c7604463ef15,"public int loneSum(int a, int b, int c) +{ + if (a == b || b == c || a == c) + { + return 0; + } + return a + b + c; +} +" +bf9953e6fe75bc3d56ba793bde69a94d5fe2f593,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) + return a; + else if (a == b) + return b + c; + else if (a == c) + return a + b; + else if (b == c) + return c + a; + else + return a+b+c; +} +" +740720ea835c5e6aa6fb86341b829704e08edf62,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return a; + else if (a == b) + return b + c; + else if (a == c) + return a + b; + else if (b == c) + return c + a; + else + return a+b+c; +} +" +8ba24f10d2aeae799970d6fcfcf384c4063b2076,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + return a + b + c; +} +" +7143095d1350eeefc898f702cdcc872dbf5128ad,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return a; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a+b+c; +} +" +d04ed826740a12560e2b55893db59aaca2c94711,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a+b+c; +} +" +d1b1b6adbd3fee8b73bf38087f4faa97deea817e,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + + if (a == b ) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + return a + b + c; +} +" +8e60589e427d4a7e8d75d6c0be6cd61e478fa0eb,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return a+b+c; + } +} +" +4abf19e3e1459b655b2a7d59213c004be76af9f8,"public int loneSum(int a, int b, int c) +{ + if (a==b && a==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return a+b+c; + } +} +" +217261f10292fddaac7cf050859c589ddf046ee8,"public int loneSum(int a, int b, int c) +{ + first = 0; + second = 0; + third = c; + if (a != b) + { + first = a; + } + else + { + first = 0; + } + if (b != c) + { + second = b; + } + else + { + second = 0; + } +return first + second + third; +} +" +78a830663740ac262c96f72deea90841d110cd80,"public int loneSum(int a, int b, int c) +{ + int first = 0; + int second = 0; + int third = c; + if (a != b) + { + first = a; + } + else + { + first = 0; + } + if (b != c) + { + second = b; + } + else + { + second = 0; + } +return first + second + third; +} +" +b88a333c71d1e2b7fe09cae6c59f904bc4765faa,"public int loneSum(int a, int b, int c) +{ + int first = 0; + int second = 0; + int third = c; + if (a != b) + { + first = a; + } + else + { + first = 0; + } + if (b != c) + { + second = b; + } + else + { + second = 0; + } + if (a != c) + { + first = a; + } + else + { + first = 0; + } +return first + second + third; +} +" +e85e63570cf42835aded7a5fcc55f5ce9b29a5be,"public int loneSum(int a, int b, int c) +{ + int first = 0; + int second = 0; + int third = 0; + if (a != b) + { + first = a; + second = b; + } + else + { + first = 0; + second = 0; + } + if (b != c) + { + second = b; + third = c; + } + else + { + second = 0; + third = 0; + } + if (a != c) + { + first = a; + third = c; + } + else + { + first = 0; + third = 0; + } +return first + second + third; +} +" +99b9e58f224e7b316046427a5514931d35499bfc,"public int loneSum(int a, int b, int c) +{ + int first = a; + int second = b; + int third = c; + if (a != b) + { + first = a; + second = b; + } + else + { + first = 0; + second = 0; + } + if (b != c) + { + second = b; + third = c; + } + else + { + second = 0; + third = 0; + } + if (a != c) + { + first = a; + third = c; + } + else + { + first = 0; + third = 0; + } +return first + second + third; +} +" +bdb2a24cf52a38a7dfaa63ad0b78237fc3405070,"public int loneSum(int a, int b, int c) +{ + int first = a; + int second = b; + int third = c; + if (a == b) + { + first = 0; + second = 0; + } + if (b == c) + { + second = 0; + third = 0; + } + if (a == c) + { + first = 0; + third = 0; + } +return first + second + third; +} +" +d0be58309d19ae0becb4eb9c4d1dc68227c2c65e,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + if (c == b) + { + return a; + } + if (a == c) + { + return b; + } + return a+b+c; +} +" +839f3acac6f434b843e85138d39bd3ecdbf6899d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + return 0; + } + if (c == b) + { + return a; + } + if (a == c) + { + return b; + } + return a+b+c; +} +" +0a9c23f253510e55cecd006e3eaf75c6e564c581,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return 0; + return c; + } + if (c == b) + { + return a; + } + if (a == c) + { + return b; + } + return a+b+c; +} +" +89152cf7abf84e198d88da8508741c69dda7a141,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) + { + sum = 0; + } + else if (a == b) + { + sum = c; + } + else if (b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else + { + sum = a+b+c; + } + + return sum; +} +" +859a562be9dab37f4f05078f59ee58afbebeed61,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c){ + return 0; + } + return c; + } + if (c == b) + { + return a; + } + return a+b+c; +} +" +cd27c237c0ec6ab26618b2b9b7e6baac75e582b8,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c){ + return 0; + } + return c; + } + if (c == b) + { + return a; + } + if (a == c){ + return c; + } + return a+b+c; +} +" +aa0f1fa53df9c68d8ac04f44632a59bf1a43f6a1,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + { + return 0; + } + return c; + } + if(a == c) + { + return b; + } + if(b == c) + { + return a; + } + return (a + b + c); +} +" +f812b23f5ed5b6620cc192f24a991239dc4ebe12,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c){ + return 0; + } + return c; + } + if (c == b) + { + return a; + } + if (a == c) + { + return b; + } + return a+b+c; +} +" +25e3e0c23240c1aa69383d73994d7ad50d47fe78,"public int loneSum(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 0 + } + else if (a==b&&b!=c) + { + return c + } + else if (a==c&&b!=c) + { + return b + } + else if (b==c&&a!=c) + { + return a + } + else + { + return a+b+c + } +} +" +b3c8e03de9f2634ffc90fa2a1b7f73b5b5bae52d,"public int loneSum(int a, int b, int c) +{ + if (a==b&&b==c) + { + return 0; + } + else if (a==b&&b!=c) + { + return c; + } + else if (a==c&&b!=c) + { + return b; + } + else if (b==c&&a!=c) + { + return a; + } + else + { + return a+b+c; + } +} +" +8f67ce919705d1a53ce3e73e5fe64227236cbe5b,"public int loneSum(int a, int b, int c) +{ + int d = a; + int e = b; + int f = c; + if(a == b) + { + d = 0; + e = 0; + } + if(b == c) + { + e = 0; + f = 0; + } + if(c == a) + { + f = 0; + d = 0; + } + return d + e + f; +} +" +636ceca46d9575ddafbd02f7cfe20d83a90e44ba,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + else + return 0; +} +" +5c3020b0494f9d39f40273cc7de331879ff6666a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + if (a == b == c) + return 0; + else + return a + b + c; +} +" +b8c47bb47ffa94bb7ba22dc7278106911a6c4c3e,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + if (a == b && b == c) + return 0; + else + return a + b + c; +} +" +eaf7448f70e91b09aecc325b035687370d70612f,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + return c; + if (a == c && c != b) + return b; + if (b == c && c != a) + return a; + if (a == b && b == c) + return 0; + else + return a + b + c; +} +" +038000d0f7f5f9e87f1c171d803446400249fd5a,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +}" +2be7321ce5d43b2b54648a1fee63350f3c7a5c68,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +5c14d4a5145252ff45593cb5400cc9122c625da5,"public int loneSum(int a, int b, int c) +{ + int output; + if (a==b) + output = c; + else if (b==c) + output = a; + else if (a==c) + output = b; + else + output = a+b+c; + return output; +} +" +eb967a63356992108baa7ac1232e689ceda97cd6,"public int loneSum(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 0; + return c; + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +363167d46b0357fbe176ee78f939c16f1b32e1a2,"public int loneSum(int a, int b, int c) +{ + int output; + if (a==b) + output = c; + else if (b==c) + output = a; + else if (a==c) + output = b; + else if (a==b && b==c) + output = 0; + else + output = a+b+c; + return output; +} +" +3db50e8da826989f119e618ac7b38379f0c33f10,"public int loneSum(int a, int b, int c) +{ + int output; + if (a==b && b==c) + output = 0; + else if (b==c) + output = a; + else if (a==c) + output = b; + else if (a==b) + output = c; + else + output = a+b+c; + return output; +} +" +47bcbb118b9820ce001397912cd55ec9c5521a9b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +baf7e431511d798e6841a9278500729407c21e34,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + return b + c; + else if (b == c || b == a) + return a + c; + else if (c == b || c == a) + return b + a; + else + return a + b + c; +} +" +1e2e770cbd09267c63666c661526f1e46732a291,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +12646e58ad292bd516a1684a583b0fa5479b0dfa,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +9469cfc841eff5d5bc4a625aa3f276c97b089f7c,"public int loneSum(int a, int b, int c) +{ + if ( a == b && a != c) + return a + b; + if ( a == b && a == c) + return a; + if (b == a && b != c) + return b + c; + return a + b + c; + + + +} +" +331258e9107cf733c9fb5d11c4af1819186f475a,"public int loneSum(int a, int b, int c) +{ + if ( a == b && a != c) + return c; + if ( a == b && a == c) + return 0; + if (b == c && b != a) + return a; + if (a == c && a != b) + return b; + + return a + b + c; + + + +} +" +e0b0ca8edb4d1c0d191362971adbd0a53d9f1d23,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +d66b2dce378181f0fa819b11fc030f78180f0f85,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == b == c) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +cb3237ef61a0a9dba0fbd6773ac34a185a5a4308,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +f1fe95dee3d240081b480dd2cb563d028f07ae85,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c && b == c) + return 0; + else if (a == b || a == c) + return b + c; + else if (b == c || b == a) + return a + c; + else if (c == b || c == a) + return a + b; + else + return a + b + c; +} +" +bf9e962c153c40f6830df742256e98d08c00bfd8,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + if (a == b) + { + a = 0; + b = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +5a10d0ac851a9462a51f88b0d9877a115fae7d34,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c && b == c) + return 0; + else if (a == b) + return c; + else if (b == c) + return a; + else if (c == a) + return b; + else + return a + b + c; +} +" +63e32d5f64b8fe0f7235dcc6310fa165f22ce760,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + else + { + return c; + } + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +5e206e8a941417e1acd6ebb9ff7e73ff1d41c8fa,"public int loneSum(int a, int b, int c) +{ + if( a == b ) + { + if( a == c ) + { + return 0; + } + else + { + return c; + } + } + else + { + if( b == c) + { + return a; + } + else + { + if( a == c ) + { + return b; + } + else + { + return a + b + c; + } + } + } +} +" +af1699b93a69838f048312f82ae8b98339d2486f,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (a == c) + { + return a + b; + } + else if (b == c) + { + return a + b; + } + else + { + return a + b + c; + } +}" +e7d423becd28bdafab0d981eeb5f0b11f9bc7ce5,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +}" +520ad5c04e45c9482d11d72670179a36adca2681,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && b == c) + { + return 0; + } + else + { + return a + b + c; + } +}" +6e4190526c8769e0db69f3dce1afccb32c3fecc3,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +}" +f58da8f567c9f2d87520ea3ac8724f86a4eae608,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + { + return b + c; + } + else if (b == c) + { + return a + b; + } + else if (a == c) + { + return b + a; + } + else + { + return sum; + } +} +" +dfad16430c497ed649824aea5c7d8a99c9b12fc6,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return sum; + } +} +" +58b0d026572bae94355863aa62bebe09059b804e,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else if (a == b && b == c) + { + return 0; + } + else + { + return sum; + } +} +" +181a9bbd2148b1c193c892c70e2c2c02e0ecd684,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b && b == c) + { + return 0; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else if (a == b) + { + return c; + } + else + { + return sum; + } +} +" +35920459894f379f277e43d3c6a2bfe9063e89af,"public int loneSum(int a, int b, int c) +{ + int result = a + b + c; + + if(a == b && b == c) + { + result = 0; + } + + else if (b == c) + { + result = a; + } + + else if (a == c) + { + result = b; + } + + else if(a == b) + { + result = c; + } + + return result; +} +" +1b18673ed506707dc36510dda52157db86b7734e,"public int loneSum(int a, int b, int c) +{ + int result = a + b + c; + + if(a == b && b == c) + { + result = 0; + } + + else if (b == c) + { + result = a; + } + + else if (a == c) + { + result = b; + } + + else if (a == b) + { + result = c; + } + + return result; +} +" +982095929bf7f6dce91153e776cbc4957e87b540,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +28f9d416eec759cfd6cd22a97a6ede8f4253de6c,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + { + a == 0; + } + else if (b == c) + { + b == 0; + } + int sum = a + b + c; + return sum; +} +" +8110355fa9b241714f362c5c6dbb54e3fd7a519d,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + { + a = 0; + } + else if (b == c) + { + b = 0; + } + int sum = a + b + c; + return sum; +} +" +1fcf4dd6c152d5ab0569a872f422ec6c14f055da,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +069b11051ec08eb8ab14053e95602c179abd892e,"public int loneSum(int a, int b, int c) +{ + + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; +return (a + b + c); +} +" +98a1effecf9f02febe05b60c6c66b1d427ca0618,"public int loneSum(int a, int b, int c) +{ + if (a == b && a != c) + { + a = 0; + b = 0; + } + else if (b == c && b != a) + { + b = 0; + c = 0; + } + else if (a == c && a != b) + { + a = 0; + c = 0; + } + else if (a == b == c) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +8fad11cda6a8ff0626341ed74fd7f3ff9d6c1454,"public int loneSum(int a, int b, int c) +{ + if (a == b && a != c) + { + a = 0; + b = 0; + } + else if (b == c && b != a) + { + b = 0; + c = 0; + } + else if (a == c && a != b) + { + a = 0; + c = 0; + } + else if (a == b && b == c && a == c ) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +fb0ca335b480262966f47a9ee66b908d86597835,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c & a == c) + { + return(0); + } +} +" +bc98534b3cdddee3a66772540aae923d25246600,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c) & (a == c)) + { + return(0); + } +} +" +ad60e07afccadeff3a7169551ebca2894c5f8c04,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c) & (a == c)) + { + return(0); + } + else + { + return(1); + } +} +" +6131be5051b3c70ec9b8f3edd8297243f5a29219,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c) & (a == c)) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c) + { + return(a); + } + else + { + return(a + b + c); + } +} +" +b35a2a0466c5855cdc4e8ddef9cf89de33c6afae,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + { + return a+b+c; + } + else if (a==b && b!= c) + { + return b+c; + } + else if (a==c && b!=c) + { + return c+b; + } + else if (c==b && a!= c) + { + return a+c; + } + else + { + return 0; + } +} +" +ee34f6ed455ec425ce2cca85543af4007204e125,"public int loneSum(int a, int b, int c) +{ + if (a!=b && b!=c && a!=c) + { + return a+b+c; + } + else if (a==b && b!= c) + { + return c; + } + else if (a==c && b!=c) + { + return b; + } + else if (c==b && a!= c) + { + return a; + } + else + { + return 0; + } +} +" +e415144d6339f92fe45d9ef90b0acc09f90c3432,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c) + { + return(a); + } + else + { + return(a + b + c); + } +} +" +edd601e91fccc18c6bf61b73d0923137b11b1d8c,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return(0); + } + else if (a == b) + { + return(c); + } + else if (a == c) + { + return(b); + } + else if (b == c) + { + return(a); + } + else + { + return(a + b + c); + } +} +" +52e55f22c3515012e5d74bb0b09f5055c529d610,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return (b + c); + } + else if (a == c) + { + return (a + b); + } + else if (b == c) + { + return (a + b); + } + else + { + return (a + b + c); + } +} +" +91a9ae2d076fb7ebe77ae1625f428a2f610ce774,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return (c); + } + else if (a == c) + { + return (b); + } + else if (b == c) + { + return (a); + } + else if (a == b == c) + { + return 0; + } + else + { + return (a + b + c); + } +} +" +a5e654e824d8a252fa3bf40e7b6eab3c4395a679,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return (c); + } + else if (a == c) + { + return (b); + } + else if (b == c) + { + return (a); + } + else if (a == b && b == c) + { + return 0; + } + else + { + return (a + b + c); + } +} +" +2c91725f4540d93806d092eecb68f0a3ad64d63a,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return (c); + } + else if (a == c) + { + return (b); + } + else if (b == c) + { + return (a); + } + else + { + return (a + b + c); + } +} +" +a8db0b87f1f9616692bee0ab5ff0cbb886ddedc7,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) { + return (a + b + c); + } + if (a == b) { + return c; + } + if (b == c) { + return a; + } + if (a == c) { + return b; + } + return 0; +}" +1d741fc82b683ce4e86b991f82e4b6c246a5c538,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return (a + b + c); + } + if (a == b) { + return c; + } + if (b == c) { + return a; + } + if (a == c) { + return b; + } + return 0; +}" +8c2ef689f8761a66c7182c5b3e9071050e901695,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + return 0; + } + if (a != b && b != c && a != c) { + return (a + b + c); + } + if (a == b) { + return c; + } + if (b == c) { + return a; + } + if (a == c) { + return b; + } + return 0; +}" +a14f331b9fa2191837c08ae8694330cf5c188cd3,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a==b){ + return c; + } + else if (b == c){ + return a; + } + else if (a == c){ + return b; + } + else + { + return a + b + c + } +} +" +7e60b136f8909332ee3502559c8a237642470fea,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a==b){ + return c; + } + else if (b == c){ + return a; + } + else if (a == c){ + return b; + } + else + { + return a + b + c; + } +} +" +efc6b2378a1fe05be9acb0c2c573286102e7be4b,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b || a == c) + { + sum = b + c; + } + else if (b == a || b ==c) + { + sum = a + c; + } + else if (c == a || c == b) + { + sum = a + b; + } + return sum; +} +" +14473d515c8b690640aafcccc146684ce5c2e649,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + { + sum = c; + } + else if (b == c) + { + sum = a; + } + else if (c == a) + { + sum = b; + } + if ( a == b && b = c) + { + sum = 0; + } + return sum; +} +" +6f020c1d75687b12fb28c2343cb9d582a468e6de,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + { + sum = c; + } + else if (b == c) + { + sum = a; + } + else if (c == a) + { + sum = b; + } + if ( a == b && b == c) + { + sum = 0; + } + return sum; +} +" +13abc263ae11d09aa7fc15952064aa95a478f2ff,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != b && b != c) + { + return sum; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + return sum; +} +" +e8c5fe1d2404ffd7cfdddaf414af2b2ee620e85d,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != b && b != c) + { + return sum; + } + else if (a == b) + { + return c + b; + } + else if (b == c) + { + return a + c; + } + return sum; +} +" +218c8719c937cd7043cdb0ca9bb92cb82b442301,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != b && b != c) + { + return sum; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + return sum; +} +" +d89dd7bc439d3623f05804059ae6431952923928,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +5c9dbe5da9508325bea19cd0903af4d658b6bed8,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + a = 0; + b = 0; + c = 0; + if (a == b) + a = 0; + b = 0; + if (b == c) + b = 0; + c = 0; + return a + b + c; +} +" +77c0f00072ea3e0ebcc8e95c10fd008095e3e383,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) { sum = sum - a - b; } + if (a == c) { sum = sum - a - c; } + if (b == c) { sum = sum - b - c; } + if (( a == b) && (b == c)) { sum = 0; } + return sum; +} +" +cdbed11ca0dba91ecf799ead728c8152d7c3f877,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else + { + return (a+b+c); + } +} +" +71e4e2c85ad2e2b41a417fc613fd597c1a28a283,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else if (a==b && b==c) + { + return 0; + } + else + { + return (a+b+c); + } +} +" +a8ea29d44a53c1c3f6ffa34b1461fa327995e280,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else + { + return (a+b+c); + } +} +" +f52cc04da45ae241358fa304b7f6f84b6e9f2883,"public int loneSum(int a, int b, int c) +{ + if ((a == b) || (a == c)) + { + return b + c; + } + else if ((b == a) || (b == c)) + { + return a + c; + } + else if ((c == a) || (c == b)) + { + return b + a; + } +} +" +5ce69883c8211bff4a19d793dbcd60de2de88911,"public int loneSum(int a, int b, int c) +{ + if ((a == b) || (a == c)) + { + return b + c; + } + else if ((b == a) || (b == c)) + { + return a + c; + } + else if ((c == a) || (c == b)) + { + return b + a; + } + else + { + return a + b + c; + } +} +" +f032d62e25595c19a923ba64a2e1ec14982cf3ab,"public int loneSum(int a, int b, int c) +{ + if ((a == b) || (a == c)) + { + if (a == b) + { + return c; + } + else + { + return b; + } + } + else if ((b == a) || (b == c)) + { + if (b == a) + { + return c; + } + else + { + return a; + } + } + else if ((c == a) || (c == b)) + { + if (c == a) + { + return b; + } + else + { + return a; + } + } + else + { + return a + b + c; + } +} +" +1eaebdc0dabce4fc6058579ebb89146bb3a50329,"public int loneSum(int a, int b, int c) +{ + if ((a == b) || (a == c)) + { + if (a == b) + { + return c; + } + else + { + return b; + } + } + else if ((b == a) || (b == c)) + { + if (b == a) + { + return c; + } + else + { + return a; + } + } + else if ((c == a) || (c == b)) + { + if (c == a) + { + return b; + } + else + { + return a; + } + } + else if ((a == b) && (b == c)) + { + return 0; + } + else + { + return a + b + c; + } +} +" +9f711789c13701ac08e9aa040ced9af3fb2193ce,"public int loneSum(int a, int b, int c) +{ + if ((a == b) || (a == c)) + { + if ((a == b) && (a == c)) + { + return 0; + } + else if (a == b) + { + return c; + } + else + { + return b; + } + } + else if ((b == a) || (b == c)) + { + if ((b == a) && (b == c)) + { + return 0; + } + else if (b == a) + { + return c; + } + else + { + return a; + } + } + else if ((c == a) || (c == b)) + { + if ((c == a) && (c == b)) + { + return 0; + } + else if (c == a) + { + return b; + } + else + { + return a; + } + } + else + { + return a + b + c; + } +} +" +bfef560b6b02f0a2121e02b66c7a405d00a55bb2,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +375eaf0d3047592fefd7b07cc8c9bdf0c3e10787,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if (a == c) + { + return 0; + return c; + } + } + if (a == c) + { + return b; + } + if(b == c) + { + return a; + } + return (a + b + c); + +} +" +a239b0e0d7e268cb8217e08ef26c157d2125644c,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if(b == c) + { + return a; + } + return (a + b + c); + +} +" +0294a8f6bb1a1e083b987b4340006b744cb04faf,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && b!= c) + { + sum = a + b + c; + return sum; + } + else if (a == b && b != c) + { + sum = c; + return sum; + } + else if (a != b && b == c) + { + sum = a; + return sum; + } + else + { + sum = 0; + return sum; + } +} +" +f8b7651aa325bbb7c8bb8a9786cfd0f49abf6339,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && b!= c) + { + sum = a + b + c; + return sum; + } + else if (a == b && b != c) + { + sum = c; + return sum; + } + else if (a != b && b == c) + { + sum = a; + return sum; + } + else if (a == c && b != c) + { + sum = b; + return sum; + } + else + { + sum = 0; + return sum; + } +} +" +b8994a2ff9f5fae6939fe0b2cadee7c9d641778c,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && b!= c) + { + sum = a + b + c; + return sum; + } + else if (a == b && b != c) + { + sum = c; + return sum; + } + else if (a != b && b == c) + { + sum = a; + return sum; + } + else if (a == c && b != c) + { + sum = b; + return sum; + } + else + { + sum = 0; + return sum; + } +} +" +24679290069df452d5d751edd4f4ceaaca919c8e,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && b!= c) + { + sum = a + b + c; + return sum; + } + else if (a == b && b != c) + { + sum = c; + return sum; + } + else if (a != b && b == c) + { + sum = a; + return sum; + } + else if (a == c && b != c) + { + sum = b; + return sum; + } + else + { + sum = 0; + return sum; + } +} +" +26a201424ceb7b67c8e68009b23eb4ef99daf6fb,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b != c) + { + sum = c; + return sum; + } + else if (a != b && b == c) + { + sum = a; + return sum; + } + else if (a == c && b != c) + { + sum = b; + return sum; + } + else if (a != b && b!= c) + { + sum = a + b + c; + return sum; + } + else + { + sum = 0; + return sum; + } +} +" +107bf04ccf6fcdfe3265ad49ec1c3c8f329b0807,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a+c; + } + else if (a == c) + { + return a + b; + } + else if (b == c) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +a727bb1b3508d202579677d90a33ffb6731d0adf,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a+b+c; + } +} +" +f7b9477a605fb6c6b3d3b2415bfe627452dc9a50,"public int loneSum(int a, int b, int c) +{ + if (a == b || c == a) + { + return b + c; + } + if (b == c) + { + return a + b; + } +}" +70c36fd155f7604dea79fffd254513386689b222,"public int loneSum(int a, int b, int c) +{ + if (a == b || c == a) + { + return b + c; + } + if (b == c) + { + return a + b; + } + else + { + return a + b + c; + } +}" +e00d040927ae4a603b215011fe81a623df79c5a5,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a+b+c; + } +} +" +9a741a7668997afdde1dcbbf48ce0a7f194bdfe0,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return sum; + } +}" +d31d63fb00399fdc10fcb7a8978fec5d55d328d6,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +}" +c287dad2e7ab33f8e7bc4209f5e2d760fd030d58,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b == c) + { + return 0; + } + else + { + return a + b + c; + } +}" +221c1e3cb82323dac8abfd8a51cea65478d69bd7,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && b == c) + { + return 0; + } + else + { + return a + b + c; + } +}" +f6317c4d2346f9afa8afd336ada29fffbffc7469,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + { + return c; + } + else if (a == c && a != b) + { + return b; + } + else if (b == c && b != a) + { + return a; + } + else + { + return a + b + c; + } +}" +a52ddec31f2597684652e65beed0d7c0c5aa96b4,"public int loneSum(int a, int b, int c) +{ + int x; + if (a == b && a == c) + { + x = a; + } + else if (a == b || a == c) + { + x = b + c; + } + else if (b == a || b == c) + { + x = a + c; + } + else + { + x = a + b + c; + } + return x; +} +" +1372fdc9efae150448837a22c4476eba7c57a1f3,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + { + return c; + } + else if (a == c && a != b) + { + return b; + } + else if (b == c && b != a) + { + return a; + } + else if (a == b && c == b) + { + return 0; + } + else + { + return a + b + c; + } +}" +bedfa15f4ce7f5e10b5db302cd5dc393acdf170b,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + { + return c; + } + else if (a == c && a != b) + { + return b; + } + else if (b == c && b != a) + { + return a; + } + else if (a == b && c == b) + { + return 0; + } + else + { + return a + b + c; + } +}" +195574dd87ecdd9a8d5277b48ce1e1f22b0dc6c9,"public int loneSum(int a, int b, int c) +{ + int x; + if ((a == b && a == c) || (b == a && b == c) || (c == a && c == a)) + { + x = 0; + } + else if (a == b || a == c) + { + x = b + c; + } + else if (b == a || b == c) + { + x = a + c; + } + else + { + x = a + b + c; + } + return x; +} +" +ed0f5f05347cb376aca46fd9838f0e6cd0d4393a,"public int loneSum(int a, int b, int c) +{ + int x; + if ((a == b && a == c) || (b == a && b == c) || (c == a && c == a)) + { + x = 0; + } + else + { + if (a == b) + { + x = c; + } + if (a == c) + { + x = b; + } + if (b == c) + { + x = a; + } + else + { + x = a + b + c; + } + } + return x; +} +" +7e2dab76df066607cfcc2e2b28dfa041429fcc81,"public int loneSum(int a, int b, int c) +{ + int x; + if ((a == b && a == c) || (b == a && b == c) || (c == a && c == a)) + { + x = 0; + } + else + { + if (a == b) + { + x = c; + } + else if (a == c) + { + x = b; + } + else if (b == c) + { + x = a; + } + else + { + x = a + b + c; + } + } + return x; +} +" +0832b201124cec5336c6357f7840fb829cac64c6,"public int loneSum(int a, int b, int c) +{ + int x; + if (a == b && a == c) + { + x = 0; + } + else if (b == a && b == c) + { + x = 0; + } + else if (c == a && c == a) + { + x = 0; + } + else + { + if (a == b) + { + x = c; + } + else if (a == c) + { + x = b; + } + else if (b == c) + { + x = a; + } + else + { + x = a + b + c; + } + } + return x; +} +" +58941d22a667e1bd5a8441e3ca68940be47fcb6c,"public int loneSum(int a, int b, int c) +{ + int x; + if (a == b && a == c) + { + x = 0; + } + else if (b == a && b == c) + { + x = 0; + } + else if (c == b && c == a) + { + x = 0; + } + else + { + if (a == b) + { + x = c; + } + else if (a == c) + { + x = b; + } + else if (b == c) + { + x = a; + } + else + { + x = a + b + c; + } + } + return x; +} +" +7718f9d10f6f8c7b30abdf1a6fa5f25492547d4c,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return sum; + } +}" +645dbd1ee5643c29cfa80326d0837beaa4ed9e9c,"public int loneSum(int a, int b, int c) +{ + if (a = b) + { + return b + c; + } + else if (a = c) + { + return b + c; + } + else if (b = c) + { + return a + c; + } + else + { + return a + b + c; + } +} +" +d9658dfb961e2dc32f6f014dd9ebea3a8b5f5b07,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return b + c; + } + else if (a == c) + { + return b + c; + } + else if (b == c) + { + return a + c; + } + else + { + return a + b + c; + } +} +" +2652972fef2e6ec76517dfe9def02a971ddffbea,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +d3a645a994947a7c3575b064df7dad3bd8caba0d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if ((a == b) && (b == c)) + { + return 0; + } + else + { + return a + b + c; + } +} +" +3ae0d0ad6829e94624deb3a8fea0c2db5de6ce58,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +41e38087fbdae3745443a62915a47f45f8a7860e,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; +return (a + b + c); +} +" +20fdc876e1a5e4d455d6cca4a000d2424df2fc67,"public int loneSum(int a, int b, int c) +{ + if (a != b != c) + { + return a+b+c; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else + { + return a; + } + +} +" +5c7eaf44a20aac6db1d2da467065f87dcbebf2fd,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a+b+c; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else + { + return a; + } + +} +" +5b154e0d79b57e077bddea11bdea478632466f3b,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a+b+c; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (a==b && b== c && a==c) + { + return 0; + } + else + { + return a; + } + +} +" +e4c8ff7fe552f89317f065f9bb6423fb891ce513,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a+b+c; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (a==b && b== c && a==c) + { + return a; + } + else + { + return a; + } + +} +" +7ab1a617c7d2cdc1f697993045c1df8af157ecaa,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a+b+c; + } + else if (a==b && b != c) + { + return c; + } + else if (a==c && != b) + { + return b; + } + else if (a==b && b== c && a==c) + { + return 0; + } + else + { + return a; + } + +} +" +f0a46659844a5e0b3f65ced403862ec429cd085c,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a+b+c; + } + else if (a==b && b != c) + { + return c; + } + else if (a==c && c != b) + { + return b; + } + else if (a==b && b== c && a==c) + { + return 0; + } + else + { + return a; + } + +} +" +8e2a8a04d4ec6f940a9e7a7bf07c2803c8bace3c,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) { + sum = c; + } + else if (a == c) { + sum = b; + } + else if (b == c) { + sum = a; + } + else { + sum = a + b + c; + } + return sum; +} +" +c78859244aec7d35903db526ff241682e4665055,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) { + if (b == c) { + sum = 0; + } + else { + sum = c; + } + } + else if (a == c) { + if (b == c) { + sum = 0; + } + else { + sum = b; + } + } + else if (b == c) { + if (a == b) { + sum = 0; + } + else { + sum = a; + } + } + else { + sum = a + b + c; + } + return sum; +} +" +58d58c44ef90976e5a56c630f8d119830ee2db92,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return a; + } + else if (a==b) + { + return a+c; + } + else if (b==c) + { + return a+b; + } + return a+b+c; +} +" +d1d92dd1ae32db0701f9d71e9dcc54883cfebfda,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return a; + } + else if (a==b) + { + return a+c; + } + else if (b==c) + { + return a+b; + } + else if (a==c) + { + return a+b; + } + return a+b+c; +} +" +47d1383410dd7f0e4a40702e36827cdb2cc9e8b3,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b || b == c) + { + return a+c; + } + else if (a == c) + { + return b; + } + else + { + return a+b+c; + } +} +" +39f4de51b4db2cafb203f563203589ca6662091e,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b || b == c) + { + if (a == b) + { + return c; + } + else + { + return a; + } + } + else if (a == c) + { + return b; + } + else + { + return a+b+c; + } +} +" +026b348ab6c985cdc62ea96256584eaaa271d5c1,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return a; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + return a+b+c; +} +" +f0c9d38a54bf811eb0937c54f0c3027082619f04,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + return a+b+c; +} +" +041dc97e373c13b9bd04c156baf5844889ddee1a,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a != b && a != c) + { + sum = a + b + c; + } + else if (a == b) + { + sum = a + c; + } + else if (a == c) + { + sum = a + b; + } + else if (b == c) + { + sum = a + b; + } + + return sum; +} +" +c8b4459df4c732de4cac05fe0a2f54802f8f8a39,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +1364d5cfcf75960219d02b0401448f3fd0046484,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && a != c) + { + sum = a + b + c; + } + else if (a == b) + { + sum = a + c; + } + else if (a == c) + { + sum = a + b; + } + else if (b == c) + { + sum = a + b; + } + + return sum; +} +" +8392ad0f03103f8aa904bc8535059e08aa1382fa,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && a != c) + { + sum = a + b + c; + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + + return sum; +} +" +64f02ba31815e7f0fe59d3d3d1afda111d49fe49,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && a != c) + { + sum = a + b + c; + } + else if (a == b && a == c) + { + sum = 0; + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + + return sum; +} +" +1a90d766bedb5e425116e738cfba02500cb51228,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a != b && a != c && b != c) + { + sum = a + b + c; + } + else if (a == b && a == c) + { + sum = 0; + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + + return sum; +} +" +75514edad9e61505f311485c546da3371063eb63,"public int loneSum(int a, int b, int c) +{ + if (a == b && b!=c) { + return a+c; + } + else if (a==c && b!=c) { + return a+b; + } + else if (b == c && a!=b) { + return b+a; + } + else return a+b+c; +} +} +" +0c120fcdb364bded55c30582da26e90cb4095694,"public int loneSum(int a, int b, int c) +{ + if (a == b && b!=c) { + return a+c; + } + else if (a==c && b!=c) { + return a+b; + } + else if (b == c && a!=b) { + return b+a; + } + else { + return a+b+c; + } +} +" +c59eaca12f7b185f2d1513d286338d5e34c98626,"public int loneSum(int a, int b, int c) +{ + if (a == b && b!=c) { + return c; + } + else if (a==c && b!=c) { + return b; + } + else if (b == c && a!=b) { + return a; + } + else { + return a+b+c; + } +} +" +fdfb5fc673a1f0ee4584aef82581fbbffc1c3511,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + return 0; + } + if (a == b && b!=c) { + return c; + } + else if (a==c && b!=c) { + return b; + } + else if (b == c && a!=b) { + return a; + } + else { + return a+b+c; + } +} +" +ddd1bea2d1252db90323960e18dfbce93ee2b96c,"public int loneSum(int a, int b, int c) +{ + if( a == b && b == c) { + return a; + } + else if((a == b && b != c) || (a != b && b == c)) { + return a + c; + } + else if(a == c && a != b) { + return a + b; + } + else { + return a + b + c; + } +} +" +939412ef21bafb79498f8b5c1cf8b34fe67cab51,"public int loneSum(int a, int b, int c) +{ + if(a == b == c) { + return 0; + } + if((a != b && a != c)) { + return a; + } + else if((b != a && b != c)) { + return b; + } + else if(c != a && c != b) { + return c; + } + else { + return a + b + c; + } +} +" +393b7aefafc2300fcd9c845b365dd06cb3a62660,"public int loneSum(int a, int b, int c) +{ + if(a == b && a == c) { + return 0; + } + if((a != b && a != c)) { + return a; + } + else if((b != a && b != c)) { + return b; + } + else if(c != a && c != b) { + return c; + } + else { + return a + b + c; + } +} +" +11f42c20857054dc46a6f14e3ce5faf577507bb8,"public int loneSum(int a, int b, int c) +{ + if(a == b && a == c) { + return 0; + } + else if( a != b && b != c && a != c) { + return a + b + c; + } + else if((a != b && a != c)) { + return a; + } + else if((b != a && b != c)) { + return b; + } + else if(c != a && c != b) { + return c; + } +} +" +b9dcb146cdc4d5e899341a545163eb498c74a53d,"public int loneSum(int a, int b, int c) +{ + if(a == b && a == c) { + return 0; + } + else if( a != b && b != c && a != c) { + return a + b + c; + } + else if((a != b && a != c)) { + return a; + } + else if((b != a && b != c)) { + return b; + } + else { + return c; + } +} +" +dd2cabb34c3c0cbc2a075b218f4e2fc3f335a7f3,"public int loneSum(int a, int b, int c) +{ + if(a==b) + return 0; + else if(b==c) + return 0; + return a+b+c; + +} +" +3179e84298a74f9b1903cd30b24ae346c1cb31b7,"public int loneSum(int a, int b, int c) +{ + if(a==b ||b==c) + return 0; + else if(b==c || c==a) + return 0; + return a+b+c; + +} +" +8c67a5d698a241354799d6515e65c8b2eb0105db,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (b == c) + return a; + else if (c == a) + return b; + else if (a == b) + return c; + else + return a + b + c +} +" +b54b9e45be0bfc01726b93cb3a9f5b1894c18df0,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (b == c) + return a; + else if (c == a) + return b; + else if (a == b) + return c; + else + return a + b + c; +} +" +6f6688a995d679f98c689d232d2e779505d8217e,"public int loneSum(int a, int b, int c) +{ + if(a==b) + if(a==c) + return 0; + return c; + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +4a1ef05794725c4ce77071f5fb8210f6231fa865,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +e577ffa917911728bac6fe47caac5d787a7212b3,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return (a+b+c); + } + else if (b==a) + { + return (c); + } + else if (b==c) + { + return (a); + } + else if (a==c) + { + return (b); + } + else + { + return (0); + } +} +" +ce2fb32ac5cd90d1051958536b578fec7337dd7a,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return (a+b+c); + } + else if (a == b && b == c && a == c) + { + return (0); + } + else if (b==a) + { + return (c); + } + else if (b==c) + { + return (a); + } + else if (a==c) + { + return (b); + } + else + { + return (0); + } +} +" +3425ce80ce1be3862cdf75d9c11a32af64bfdee3,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (a == c) + { + return a + b; + } + else if (b == c) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +c1fb86f9961a062368e018f2c0e7908fa13c6fcc,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +70d783ca4761fc548955ea024ce6e5eae60d7079,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b == c) + { + return 0; + } + else + { + return a + b + c; + } +} +" +4e255d19e9ea2a90aa9244240e7075244857144c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && b == c) + { + return 0; + } + else + { + return a + b + c; + } +} +" +7a2d81ce52b1fa7b059b7a9b958d15ea47856c3b,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +c42603f7c97bb39b08ff93f06dcd28a072433ec5,"public int loneSum(int a, int b, int c) +{ + int sum; + + if(a == b) + { + sum = c; + } + else if(b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +572c4806121d6a294aeea56dad2080ede6a3a114,"public int loneSum(int a, int b, int c) +{ + int sum; + + if(a == b) + { + sum = c; + } + else if(b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +7b15a96583e52cf3d25c2dab5b5b53f6cc5483a0,"public int loneSum(int a, int b, int c) +{ + int sum; + + if(a == b) + { + sum = c; + } + else if(b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else if(a == b && b == c) + { + sum = 0; + } + else + { + sum = a + b + c; + } + return sum; +} +" +9ed3d129e36eca01f26d363159df721841809acf,"public int loneSum(int a, int b, int c) +{ + int sum; + + if(a == b && b == c) + { + sum = 0; + } + else if(a == b) + { + sum = c; + } + else if(b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +f37346bc230fbe0fd340476bfc2dc6dc77d50e7b,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + return a + c; + } + else if (a == c ){ + return a + b; + } + else if (b == c){ + return a + b + } + else { + return a + b + c; + } +} +" +d4ce2d9145d707c6bfb45813b11ef03987353bc9,"public int loneSum(int a, int b, int c) +{ + if (a == b){ + return a + c; + } + else if (a == c ){ + return a + b; + } + else if (b == c){ + return a + b; + } + else { + return a + b + c; + } +} +" +5e33a622cdecdc1b1d58bcf9fa32581c589bbab1,"public int loneSum(int a, int b, int c) +{ if (a == b & b == c){ + return 0; + } + else if (a == b){ + return c; + } + else if (a == c ){ + return b; + } + else if (b == c){ + return a; + } + else { + return a + b + c; + } +} +" +a0607751b18722067777b8be1bc44c05f9510c06,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else + { + return 0; + } +} +" +b7ed9795b24b0de159c3507acbea9f3b6f4a2af4,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +12941eb615aae98f65aa36224718e48e3383968c,"public int loneSum(int a, int b, int c) +{ + int x = a + b + c; + if (a == b) + { + if (a == c) + { + return 0; + } + else + { + return c; + } + } + else if (b == c) + { + if (a == c) + { + return 0; + } + else + { + return a; + } + } + else if (a == c) + { + if (b == c) + { + return 0; + } + else + { + return b; + } + } + else + { + return x; + } +} +" +7c391ce1ba64e7b6ee183acdd3a01ba38c3c7aec,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else if (a > b && a > c) + { + return a; + } + else if (b > a && b > c) + { + return b; + } + else if (c > a && c > b) + { + return c; + } + else + { + return 0; + } +} +" +6f2f3020297b713e3aae002be5cb5ba125619e1a,"public int loneSum(int a, int b, int c) +{ + if(a == b) + if(a == c) + return 0; + return c; + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +e286ce1dcfe78f59fc07c543b63d63837df6bcd5,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +bc11e18fe7b774fe14a6d0364377b2017b5eca1f,"public int loneSum(int a, int b, int c) +{ + + if(a != b && a != c && b!=c){ + return a +b+c; + }else if ( a == b && a != c){ + return a + c; + }else if (a =! b && b == c){ + return a + c; + } + +} +" +f94f3f2fddfa6922901ea27fd8deadd9734c987a,"public int loneSum(int a, int b, int c) +{ + + if(a != b && a != c && b!=c){ + return a +b+c; + }else if ( a == b && a != c){ + return a + c; + }else if (a != b && b == c){ + return a + c; + } + +} +" +b6c9c6aba6066ba8a0129dd9c07bd61da7ea6abe,"public int loneSum(int a, int b, int c) +{ + + if(a != b && a != c && b!=c){ + return a +b+c; + }else if ( a == b && a != c){ + return a + c; + }else if (a != b && b == c){ + return a + c; + } + return 0; +} +" +55025dc944ea02a27cb7af6c8e445299bb69b76d,"public int loneSum(int a, int b, int c) +{ + + if(a != b && a != c && b!=c){ + return a +b+c; + }else if ( a != b && a == c){ + return a + b; + }else if (a != b && b == c){ + return a + b; + }else if (a !=c && a == b){ + return a+c; + }else{ + return 0; +} +" +3cc0869c4fcf4d8e5296da21f9c154ae3a41dc7f,"public int loneSum(int a, int b, int c) +{ + + if(a != b && a != c && b!=c){ + return a +b+c; + }else if ( a != b && a == c){ + return a + b; + }else if (a != b && b == c){ + return a + b; + }else if (a !=c && a == b){ + return a+c; + }else{ + return 0; + } +} +" +c3880237c4de4eb2cf6bdf3d4617c7b804b48359,"public int loneSum(int a, int b, int c) +{ + + if(a != b && a != c && b!=c){ + return a +b+c; + }else if ( a != b && a == c){ + return b; + }else if (a != b && b == c){ + return a ; + }else if (a !=c && a == b){ + return c; + }else{ + return 0; + } +} +" +138f274af7623d303ebb05b1ec731a719d59b958,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return(a + b + c); +} +" +ca84d44e9bbc0d9247cc85dbe3872f7062fed500,"public int loneSum(int a, int b, int c) +{ + return a + b + c; +} +" +1eaaf6f72624e25a7543d856600bae02f0dfca5a,"public int loneSum(int a, int b, int c) +{ + if (a=b || b=c) + { + return a+c; + } + else if (a=c) + { + return a+b; + } + else + { + return a + b + c; + } +} +" +25dd2c3183dfcbf7ec030978f5f9429553e3a721,"public int loneSum(int a, int b, int c) +{ + if (a==b || b==c) + { + return a+c; + } + else if (a==c) + { + return a+b; + } + else + { + return a + b + c; + } +} +" +264aee21699faa7298b02f0fc3b2c08602281a00,"public int loneSum(int a, int b, int c) +{ + if (a==b || b==c) + { + return a+c; + } + else if (a==c) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +448ae7051b181a8f38b7ca741e5dd56041f89284,"public int loneSum(int a, int b, int c) +{ + if (a==b || b==c) + { + return a + c; + } + else if (a==c) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +63d94094b3bd3e432c48601fe1cde209664933eb,"public int loneSum(int a, int b, int c) +{ + if (a==b || b==c) + { + return c; + } + else if (a==c) + { + return b; + } + else + { + return a + b + c; + } +} +" +213022c9e1b1e1a1330cd94b4083febbe68be140,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else + { + return a + b + c; + } +} +" +3212198bef674a0728338d45ee8c697562f660ea,"public int loneSum(int a, int b, int c) +{ + if (b == a) { + b = 0; + } + if (c == a) { + c = 0; + } + if (c == b) { + c = 0; + } + int sum = a + b + c; + return sum; +} +" +5225510aaf70f45dbf5e50b980a02a732a51cf06,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else + { + return a + b + c; + } + return 0; +} +" +2549cd3705b6fab7483cb08eca864b34aee24593,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else if (a==b==c) + { + return 0; + } + else + { + return a + b + c; + } + +} +" +c67b1ab9f48bfd9e767b3e3d0bad4c6ffe7889f2,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else if (a==b && b==c) + { + return 0; + } + else + { + return a + b + c; + } + +} +" +a4a6f66fc563df495bf021e5a94e036f5f1d11f8,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + a = 0 + b = 0; + } + if (a == c) { + a = 0; + c = 0; + } + if (b == c) { + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +123c8ac2e149376ee10b247aead3d3d889b521db,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else if (a==b) + { + return c; + } + else + { + return a + b + c; + } + +} +" +c63983b03ec680ce4f87fac8ca8150d313927e62,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + a = 0; + b = 0; + } + if (a == c) { + a = 0; + c = 0; + } + if (b == c) { + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +22f9894c87da9b78b5f8f4743bd4759e050fcfa4,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + ab = 0; + bb = 0; + } + if (a == c) { + ab = 0; + cb = 0; + } + if (b == c) { + bb = 0; + cb = 0; + } + int sum = ab + bb + cb; + return sum; +} +" +931cce229d30400f6e326d89c08656bf8f3a4ce8,"public int loneSum(int a, int b, int c) +{ + int ab = 0; + int bb = 0; + int cb = 0; + if (a == b) { + ab = 0; + bb = 0; + } + if (a == c) { + ab = 0; + cb = 0; + } + if (b == c) { + bb = 0; + cb = 0; + } + int sum = ab + bb + cb; + return sum; +} +" +c5c3210ac2d191188d4f60b64b68d97e85074d84,"public int loneSum(int a, int b, int c) +{ + int ab = 0; + int bb = 0; + int cb = 0; + if (a == b) { + ab = 0; + bb = 0; + cb = c; + } + if (a == c) { + ab = 0; + cb = 0; + bb = b; + } + if (b == c) { + bb = 0; + cb = 0; + ab = a; + } + int sum = ab + bb + cb; + return sum; +} +" +6ff734e621154e1183f53f3f20dc0e19109122aa,"public int loneSum(int a, int b, int c) +{ + int ab = a; + int bb = b; + int cb = c; + if (a == b) { + ab = 0; + bb = 0; + } + if (a == c) { + ab = 0; + cb = 0; + } + if (b == c) { + bb = 0; + cb = 0; + } + int sum = ab + bb + cb; + return sum; +} +" +3af5e2489a493baeffeae0c1571de3ce2fbd9f0e,"public int loneSum(int a, int b, int c) +{ + if (a==b) + return b+c; + else if (b==c) + return a+b; + else if (a==c) + return b+c; + else + return a+b+c; +} +" +c094a639bd877d2629d169d3f0abb80fed9a4630,"public int loneSum(int a, int b, int c) +{ + if (a==b) + return c; + else if (b==c) + return a; + else if (a==c) + return b; + else + return a+b+c; +} +" +b4641629a41ab9c096a5a234565bd5946c11735d,"public int loneSum(int a, int b, int c) +{ + if (a==b) + return c; + else if (b==c) + return a; + else if (a==c) + return b; + else if (a==b && b==c) + return 0; + else + return a+b+c; +} +" +e7dcc848d0e09d71574f88808d0ac2ddd38bc82e,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (b==c) + return a; + else if (a==c) + return b; + else if (a==b) + return c; + else + return a+b+c; +} +" +a68eda8c59f23f1b9398af67f5d9b7c0cc65ab09,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return a; + } + else if (a == b) + { + return a + c; + } + else if (b == c) + { + return a + b; + } + else if (a == c) + { + return a + b; + } + else + { + return a + b + c; + } +} +" +254223372cfe4b7b11aede3a80ab887e6de6b3d3,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return a; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +4fdf044e6f77ab954ff5a4536c43b51de55dd41f,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +d83c14f187aeff0a03d1166ede352756d83089e0,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +396cc9b878d7551d3d202728ff4b178628dccc49,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +aa175d6b4eefd0ec125ff2c40df915e1e763e3b2,"public int loneSum(int a, int b, int c) +{ + int sum; + + if (a != b && a != c) + { + sum = a + b + c; + } + else if (b == c) + { + sum += a; + } + else + { + sum = 0; + } + + return sum; +} +" +9897953c79aa65b18c2316d9e043824908587305,"public int loneSum(int a, int b, int c) +{ + int sum; + + if (a != b && a != c) + { + sum = a + b + c; + } + else if (b == c) + { + sum = a; + } + else + { + sum = 0; + } + + return sum; +} +" +4a356ae8a71cda020f9b5a17fa80d8acc5159531,"public int loneSum(int a, int b, int c) +{ + int sum; + + if (a != b && a != c) + { + sum = a + b + c; + } + else if (b == c) + { + sum = a; + } + else if (a == c) + { + sum = b; + } + else if (a == b) + { + sum = c; + } + else + { + sum = 0; + } + + return sum; +} +" +32e30d1114efc0c5a0ad8f36cd16a8a92defe41e,"public int loneSum(int a, int b, int c) +{ + int sum; + + if (a != b && a != c) + { + sum = a + b + c; + } + else if (b == c && a != c) + { + sum = a; + } + else if (a == c && b != c) + { + sum = b; + } + else if (a == b && c != b) + { + sum = c; + } + else + { + sum = 0; + } + + return sum; +} +" +ce289f1d971ff43d2a0cb871972c2373fd495650,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +affbc3b741185f60d5be0e5d7d8b0e7eca933fd5,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + a = 0; + } + if ( b == c ) + { + b = 0; + } + if ( c == a ) + { + c = 0; + } + int sum = a + b + c + return sum; +} +" +268ab311de0fc63acba7d740d054956567bc63da,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + a = 0; + } + if ( b == c ) + { + b = 0; + } + if ( c == a ) + { + c = 0; + } + int sum = a + b + c; + return sum; +} +" +3adcab620f153b8f2d577615260f2dc8926b0567,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + a = 0; + b = 0; + } + if ( b == c ) + { + b = 0; + c = 0; + } + if ( c == a ) + { + c = 0; + a = 0; + } + int sum = a + b + c; + return sum; +} +" +35f071a2460ee08c681d89a04564aaca7647a062,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + a = 0; + b = 0; + } + if ( b == c ) + { + b = 0; + c = 0; + } + if ( c == a ) + { + c = 0; + a = 0; + } + if ( a == b && b == c && c == a) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +cbb2eae8f6e9248d66eb5f0717c397c0842ed5be,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b != c) + { + a = 0; + b = 0; + } + else if ( b == c && a != b) + { + b = 0; + c = 0; + } + else if ( c == a && c != b) + { + c = 0; + a = 0; + } + else if ( a == b && b == c && c == a) + { + a = 0; + b = 0; + c = 0; + } + else + { + a = a; + b = b; + c = c; + } + int sum = a + b + c; + return sum; +} +" +ce1ac53a6f316286bc109787cf50e5f2b0f09fc1,"int sum; +public int loneSum(int a, int b, int c) +{ + sum = a + b + c; + + if (a == b) + { + if (a == c) + { + sum = 0; + return sum; + } + else + { + sum = c; + return sum; + } + } + else if (a == c) + { + sum = b; + return sum; + } + else if (b == c) + { + sum = a; + return sum; + } + else + { + return sum; + } + +} +" +bb7dd8815d1c3f3fc4c2954f00f1e1ce51ed5357,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +fb24636658e2a3e6a4c2441fae0d51520214d00a,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + return (b+c) + } + else if((b==a) || (b==c)) + { + return (a+c) + } + else if((c==a) || (c==b)) + { + return (a+b); + } + return; +} +" +ff19674d5d4ea2337168992b4687eae659abe7ef,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + return (b+c); + } + else if((b==a) || (b==c)) + { + return (a+c); + } + else if((c==a) || (c==b)) + { + return (a+b); + } + return 0; +} +" +abe3c14f29f81926866d79456c885a91d6af765d,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c && a != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + return (b+c); + } + else if((b==a) || (b==c)) + { + return (a+c); + } + else if((c==a) || (c==b)) + { + return (a+b); + } + return 0; +} +" +c70675e22918ddf0d7d2e34935d7177fd743b8d5,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c && a != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + if(a==b) + { + return c; + } + else if(a==c) + { + return b; + } + } + else if((b==a) || (b==c)) + { + if(b==a) + { + return c; + } + else if(b==c) + { + return a; + } + } + else if((c==a) || (c==b)) + { + if(c==a) + { + return b; + } + else if(c==b) + { + return a; + } + } + return 0; +} +" +afd7c07adf9b74889fb42bc08b8d733be756f38a,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c && a != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + if(a==b) + { + return c; + } + else if(a==c) + { + return b; + } + else + { + return 0; + } + } + else if((b==a) || (b==c)) + { + if(b==a) + { + return c; + } + else if(b==c) + { + return a; + } + else + { + return 0; + } + } + else if((c==a) || (c==b)) + { + if(c==a) + { + return b; + } + else if(c==b) + { + return a; + } + else + { + return 0; + } + } + return 0; +} +" +4745a9e35efbb1f8f165fad1ab04858cf3c228b2,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c && a != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + if(a==b) + { + return c; + } + else if(a==c) + { + return b; + } + } + else if((b==a) || (b==c)) + { + if(b==a) + { + return c; + } + else if(b==c) + { + return a; + } + } + else if((c==a) || (c==b)) + { + if(c==a) + { + return b; + } + else if(c==b) + { + return a; + } + } + return 0; +} +" +585f0d7b4603d2ea2e16428dd78e946e5473428a,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c && a != c) + { + return (a+b+c); + } + else if((a==b) || (a==c)) + { + if(a==b) + { + return c; + } + else if(a==c) + { + return b; + } + } + else if((b==a) || (b==c)) + { + if(b==a) + { + return c; + } + else if(b==c) + { + return a; + } + } + else if((c==a) || (c==b)) + { + if(c==a) + { + return b; + } + else if(c==b) + { + return a; + } + } + else if(a==b && b==c && a==c) + { + return 0; + } + return 0; +} +" +dc1fed20fe7b3e3ad594971d540748785b229c87,"public int loneSum(int a, int b, int c) +{ + if(a != b && b != c && a != c) + { + return (a+b+c); + } + else if(a==b && b==c && a==c) + { + return 0; + } + else if((a==b) || (a==c)) + { + if(a==b) + { + return c; + } + else if(a==c) + { + return b; + } + } + else if((b==a) || (b==c)) + { + if(b==a) + { + return c; + } + else if(b==c) + { + return a; + } + } + else if((c==a) || (c==b)) + { + if(c==a) + { + return b; + } + else if(c==b) + { + return a; + } + } + return 0; +} +" +c60cd160e98584ea344108428689f665d2bb6557,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if (a != b && a != c) + { + sum += a; + } + if (b != a && b != c) + { + sum += b; + } + if (c != a && c != b) + { + sum += c; + } + + return sum; +} +" +8f78b6fd74a2bf1b0ff54c00479e706ec7143047,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return a + c; + else if (b == c) + return a + c; + else if (a == c) + return a + b; + else + return a + b + c; +} +" +3bd541a9a74cfbc86ccd7aff7e6e071a6371cb04,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else + return a + b + c; +} +" +675bcd184d9310079ebc49f8a2095b7f7d72ed27,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else if (a == b && b == c) + return 0; + else + return a + b + c; +} +" +092fb923255f526c62ab67e8aa4a8c19a66d53b0,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else + return a + b + c; +} +" +691d5aa14c5c348778aeb8a54f3cf76b19cf30bd,"public int loneSum(int a, int b, int c) +{ + if (a == b && a != c) + return (b + c); + if (a == c && a != b) + return (a + b); + if (b == c && b != a) + return (c + a); + if (a == b && a == c) + return 0; + return (a + b + c); +} +" +4ead1486ffb61ab5553c45fd709269e204ded1dc,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +7b8c42f02ccabe1b6d8530cf35770f79a3c1d15d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + if (a == b && a == c) + return 0; + return (a + b + c); +} +" +cacaba70d03ed7b3771ca07350ee1b9bdbf37f7d,"public int loneSum(int a, int b, int c) +{ + if (a == b && a != c) + return c; + if (a == c && a != b) + return b; + if (b == c && b != a) + return a; + if (a == b && a == c) + return 0; + return (a + b + c); +} +" +83a1f5ff126924563c1117597c24507a6d3733db,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + if (a == c) { + return 0; + } + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +7122cf28394b260fa3b9cbc30997df3222f22e1b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c); + return b; + else + return a + b + c; +} +" +7a4f0f627048d410e4a6b9eda177ef57a0a683b0,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (b == c) + return a; + else if (a == c); + return b; + else + return a + b + c; +} +" +747e3991e0aaa4dca54b888da99574eb60109c7a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + if (b == c) + { + return a; + } + if (a == c); + { + return b; + } + else + return a + b + c; +} +" +57bfab1dd2eb8a90e57ac660e3bacd9974c7de2d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else + return a + b + c; +} +" +39f7aea3f45a5d60c93342f803cbe3530113130c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + return a + b + c; +} +" +de2b521aa2c62ce8dcb54219041aa20489dda3f4,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + return a + b + c; +} +" +e1083c346b9f2bf720a3dbe888d99a9c9e7a2916,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +3fd47ef1f62ceb7a17e9f52c53ba9f1a964f4d05,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +0a2591bac52183c19a111aa59dae77d635ae21d6,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (b + c); + if (b == a) + return (a + c); + if (c == a) + return (a + b); + return (a + b + c); +} +" +1f7811f23c0213090fdc4a4ab26350e385ffb94e,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (c); + if (c == b) + return (c); + if (c == a) + return (b); + return (a + b + c); +} +" +a2cf0f9307335098fad6e45e05f5c03b23e6c463,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (c); + if (c == b) + return (a); + if (c == a) + return (b); + return (a + b + c); +} +" +775a8d7d962cec2dbdc4c6754bc11dc02296f2ee,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (c); + if (c == b) + return (a); + if (c == a) + return (b); + if (a == b == c) + return 0; + return (a + b + c); +} +" +da3a75e9d0b8692222f0102c408016b2152300c4,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (c); + if (c == b) + return (a); + if (c == a) + return (b); + if (a == b == c) + { + return 0; + } + return (a + b + c); +} +" +12ec4513c6c6d3b5003cc2989b67a1c48ee8944a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (c); + if (c == b) + return (a); + if (c == a) + return (b); + if (a == b && b == c) + { + return 0; + } + return (a + b + c); +} +" +5cbca9c5cffb769465a169a0acf5a9c090321f63,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + if (a == b) + return (c); + if (c == b) + return (a); + if (c == a) + return (b); + return (a + b + c); +} +" +0249f50002e7f5235feba1c85f9d8c6a371b69c9,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + a=0; + return a+b+c; + } + else if (b==c) + { + b=0; + return a+b+c; + } + else if (c==a) + { + c=0; + return a+b+c; + } + else + { + return a+b+c; + } +} +" +1f144a8e8260e53a02efb6a6cdd753735ad52e02,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (c==a) + { + return b; + } + else + { + return a+b+c; + } +} +" +7c31d1545fa8b9d0c658b7e575318d6187a6b8ca,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (c==a) + { + return b; + } + else + { + return a+b+c; + } +} +" +e4698e4cb15d0dd05657d0657c1cc55ad8badc8a,"public int loneSum(int a, int b, int c) +{ + if (a =! b && a != c) + { + return a + b + c; + } + return 0; +} +" +6ce8fe924e29f69ad39df12dca7e21034d38aa0b,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c) + { + return a + b + c; + } + return 0; +} +" +882fcf28adffab38df741399bd389b2cb8234555,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c) + { + return a + b + c; + } + else if (a != b && a == c) + { + return a + b; + } + else if (a != c && a == b) + { + return a + c; + } + else if (b != c && b == a) + { + return b + c; + } + return 0; +} +" +aa8ea7144530b20ec5d2521a46d94215be7a6080,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c) + { + return a + b + c; + } + else if (a != b && a == c) + { + return b; + } + else if (a != c && a == b) + { + return c; + } + else if (b != c && b == a) + { + return c; + } + return 0; +} +" +be225d062886f65c118e2566d143dcddc80b84fe,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c) + { + return a + b + c; + } + else if (a != b && a == c) + { + return b; + } + else if (a != c && a == b) + { + return c; + } + else if (b != c && b == a) + { + return c; + } + else if (a != b && b == c) + { + return a; + } + return 0; +} +" +307753f3df18cc4a98807fc82df2b02abf7479bb,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return a + b + c; + } + else if (a != b && a == c) + { + return b; + } + else if (a != c && a == b) + { + return c; + } + else if (b != c && b == a) + { + return c; + } + else if (a != b && b == c) + { + return a; + } + return 0; +} +" +43a1244051e702f3a31ccc118d2a2726a732ccd8,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +5e8523edfe1d8da3d029bed4d6bda3091b8a6f34,"public int loneSum(int a, int b, int c) +{ + if( a == b && a == c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; + + + + +} +" +f89c16220d69be1f9ed23c8d74eb785124777492,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +b2b7c860c6d0edfe3822f8039060351e0f563891,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a+b+c); +} +" +de4c9d5cddafff001ae3efac082a1e5450d4e2b8,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) + { + sum = sum - a - b; + } + if ( a == c) + { + sum = sum - a - c; + } + if( b == c) + { + sum = sum - b - c; + } + if (( a == b ) && (b==c)) + { + sum = 0; + } + else + { + return sum; + } +} +" +03189efdb7ec422b0362a95b57bdc782f2d74c68,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) + { + sum = sum - a - b; + } + if ( a == c) + { + sum = sum - a - c; + } + if( b == c) + { + sum = sum - b - c; + } + if (( a == b ) && (b==c)) + { + sum = 0; + } + + return sum; + +} +" +bc2038ce8af748eeeb95658bd82ff1b2e7bfb435,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) + { + sum = sum - a - b; + } + else if ( a == c) + { + sum = sum - a - c; + } + else if( b == c) + { + sum = sum - b - c; + } + else if (( a == b ) && (b==c)) + { + sum = 0; + } + else + { + return sum; + } +} +" +f6072c099f5425a12a6c8b92f9cd36fa7eb2996a,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) + { + sum = sum - a - b; + } + else if ( a == c) + { + sum = sum - a - c; + } + else if( b == c) + { + sum = sum - b - c; + } + else if (( a == b ) && (b==c)) + { + sum = 0; + } + + return sum; + +} +" +679ae631c181871c7408a873f75f0fd8f88ae067,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) + { + sum = sum - a - b; + } +if ( a == c) + { + sum = sum - a - c; + } +if( b == c) + { + sum = sum - b - c; + } +if (( a == b ) && (b==c)) + { + sum = 0; + } + + return sum; + +} +" +c9134e2368eb91abfe9371e1ad2ce65b0c44adb9,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (c == b) + return a; + else + return a + b + c; +} +" +ac06480742d6c4a08cc3a694dd97f3d73fd8df2b,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + +} +" +ddfe1d73ba56720f22b42f2b092fbd5c73386924,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if(a == b) + { + sum = b+c; + } + if(a == c) + { + sum = c+b; + } + if(b == c) + { + sum = c+a; + } + return sum; +} +" +a52528c45c079c83c84c832a0dbfdbde4d654860,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if(a == b) + { + sum = b+c; + } + if(a == c) + { + sum = c+b; + } + if(b == c) + { + sum = c+a; + } + else + { + sum = a+b+c; + } + return sum; +} +" +657d79acf9456be4631872f5bc302b3358ceb527,"public int loneSum(int a, int b, int c) +{ + return a + b + c; + +} +" +fbca4c869e84dff9156451c1b1d847a7771c3d64,"public int loneSum(int a, int b, int c) +{ + if(a == b) + a = 0; + b = 0; + if(b == c) + a = 0; + c = 0; + if(c == a) + a = 0; + b = 0; + if(a == c) + a = 0; + b = 0; + return a + b + c; + +} +" +c952f8f9c35935d355c2c0b7a5da8f15b553037e,"public int loneSum(int a, int b, int c) +{ + if(a == b || b == c) + a = 0; + b = 0; + c = 0; + return a + b + c; + +} +" +4f3d13b42d3925981675e86db5b6358682f33403,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + a = 0; + b = 0; + c = 0; + return a + b + c; + +} +" +e2c2fd0f3c272d433116394f8e3de77a0d56ee77,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if(a == b) + { + sum = c; + } + else if(a == c) + { + sum = b; + } + else if(b == c) + { + sum = a; + } + else if(a == b && b==c && c == a) + { + sum = 0; + } + else + { + sum = a+b+c; + } + return sum; +} +" +8ec0441aa6194a42eff4f7dbeadb631b6c3afc5c,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + a = 0; + b = 0; + c = 0; + if(b == c && a == c) + a = 0; + b = 0; + c = 0; + return a + b + c; + +} +" +e29eb8d90fe6985ea9569083af6d0e7e0d2a62d6,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + a = 0; + b = 0; + c = 0; + if(a == c) + a = 0; + c = 0; + if( a == b) + a = 0; + b = 0; + if(b == c) + b = 0; + c = 0; + if + return a + b + c; + +} +" +af44bc2f0f7221f4624867d2b9de1e1fb3ffaef3,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + a = 0; + b = 0; + c = 0; + if(a == c) + a = 0; + c = 0; + if( a == b) + a = 0; + b = 0; + if(b == c) + b = 0; + c = 0; + return a + b + c; + +} +" +eca89ae30ae0856325d38a1fa65452e2942d3514,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + if(a == c) + { + a = 0; + c = 0; + } + if( a == b) + { + a = 0; + b = 0; + } + if(b == c) + { + b = 0; + c = 0; + } + return a + b + c; + +} +" +1ca9a3dfc34044855a76b82fb487a8b5808e90e9,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if(a == b && b==c && c == a) + { + sum = 0; + } + else if(a == c) + { + sum = b; + } + else if(b == c) + { + sum = a; + } + else if(a == b) + { + sum = c; + } + else + { + sum = a+b+c; + } + return sum; +} +" +fb3e7923514a3442a4d95f143e6c43825fdae49c,"public int loneSum(int a, int b, int c) +{ + if (a !=b && b != c && a != c) + return a + b + c; + else if (a == b && b == c) + return 0; + + else if (a == b) + return c; + else if (a == c) + return b; + else + return a; + + +} +" +a43983f5c45db4bdb36442419278c5b2484597aa,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + return c; + } + + if(a == c) + { + return b; + } + + if(b == c) + { + return a; + } + + else + { + return a + b + c; + } +} +" +39bb4045443b78d51f01cc08701aa2188c644608,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + return c; + } + + if(a == c) + { + return b; + } + + if(b == c) + { + return a; + } + + if(a == b && b == c) + { + return 0; + } + + else + { + return a + b + c; + } +} +" +a2f0b90158589e9b6431acc5f3a84b35079f2dad,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + return c; + } + + if(a == c) + { + return b; + } + + if(b == c) + { + return a; + } + + if(a == b && b == c && a == c) + { + return 0; + } + + else + { + return a + b + c; + } +} +" +b44fa7c75686636e15f4b7954a65082c79702486,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c && a == c) + { + return c; + } + + else if(a == c) + { + return b; + } + + else if(b == c) + { + return a; + } + + else if(a == b) + { + return 0; + } + + else + { + return a + b + c; + } +} +" +ccd506d45bb3ee092a748addafe2f0a9fc0b1b5c,"public int loneSum(int a, int b, int c) +{ + if ( a == b) + return 0; + return c; +} +if ( a == c) + return b; +if (b == c) + return a; +return (a + b + c); + +} +" +b5ae9ef5600152de4bfbbd76b0eb04226f202d57,"public int loneSum(int a, int b, int c) +{ + if ( a == b) + return 0; + return c; +} +if ( a == c) + return b; +if (b == c) + return a; +return (a + b + c); +} + +} +" +dd91186336c964c03d7c0a9b3157e5df4ab423a2,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + c + b); +} +" +499f9088bd4250a53935dfd4c6f86d76d70f0938,"public int loneSum(int a, int b, int c) +{ + if ( a == b) + { + if (a == c) + return 0; + return c; +} +if ( a == c) + return b; +if (b == c) + return a; +return (a + b + c); +} + +} +" +4a4d9b55e040cff76f213cc4afb052f3ec3afcb9,"public int loneSum(int a, int b, int c) +{ + if ( a == b) + { + if (a == c) + return 0; + return c; +} +if ( a == c) + return b; +if (b == c) + return a; +return (a + b + c); +} + + +" +cbcf9b40fb47407bfbd751bd3e857143e5869959,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) + { + return a + b + c; + } + else if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else + { + return a; + } +} +" +218d34a824036c3f0e12785dd37076e4da5b85fa,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else + { + return a; + } +} +" +449d6bdbd54d973a46c042d94a383e56ec977f76,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +da90ba9a82efdeaea1606f148cc4a03a835e1e28,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else if (a == b && a == c) + return 0; + else + return a + b + c; +} +" +35aaeec5bb07b76e8ca1e6496a15e0338de99ac9,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + return 0; + else if (a == c) + return b; + else if (b == c) + return a; + else if (b == c) + return a; + else + return a + b + c; +} +" +4909d103a0d085bce2157da1a4a8dccdb1e2f6e5,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + return 0; + else if (a == c) + return b; + else if (b == c) + return a; + else if (a == c) + return b; + else + return a + b + c; +} +" +7489970b14d3e55c37ed48146532aee747d92329,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + return 0; + else if (a == b) + return c; + else if (b == c) + return a; + else if (a == c) + return b; + else + return a + b + c; +} +" +20d1b4dcc23f6b90b98929e499c82fab5d2179c1,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + return 0; + else if (a==b) + return c; + else if (b==c) + return a; + else if (a==c) + return b; + else + return a+b+c; +} +" +3ab1d56a6ebb76e427d5467642fda2e404cf8dc3,"public int loneSum(int a, int b, int c) +{ + int result = 0; + + if ( a == b ) + { + result = a + c + } + else if (b == c) + { + result = b + a; + + } + else if ( c == a) + { + result = c + b; + } + + return result; + +} +" +36e93dc740f20eb7138391c2053aa0822631c36f,"public int loneSum(int a, int b, int c) +{ + int result = 0; + + if ( a == b ) + { + result = a + c; + } + else if (b == c) + { + result = b + a; + + } + else if ( c == a) + { + result = c + b; + } + + return result; + +} +" +4c17724a6dc0e2e70c1ad77db6d67e9708d096f6,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c && a == c) + { + return 0; + } + + else if(a == c) + { + return b; + } + + else if(b == c) + { + return a; + } + + else if(a == b) + { + return c; + } + + else + { + return a + b + c; + } +} +" +6ddbfdb6379d680eacac3fa9b1619395df110ab5,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + + return sum; +} +" +c4dcb4b3e128eac40c09c0b46824ccdc5ec09741,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if (a == b && b == c) + { + sum = 0; + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + + return sum; +} +" +6050b6a839963db26e3598f03fa9622427e00e72,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +f4efa6b21f0bc4d1f83e6340b79f5f60eeb43246,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = a + c; + } + else if (a == c) + { + sum = a + b; + } + else if (b == c) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +450120f482edbf169194bed23548cedbb35ec68a,"public int loneSum(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c && c == a ) + { + result = 0 + } + else if (a == b) + { + result = c; + + } + else if ( b == c) + { + result = a + } + else if ( c == a) + { + result = b; + + } + + return result; + +} +" +ddade1548c71c0e30dc6d72b861854058a24ed0c,"public int loneSum(int a, int b, int c) +{ + int result = 0; + + if ( a == b && b == c && c == a ) + { + result = 0; + } + else if (a == b) + { + result = c; + + } + else if ( b == c) + { + result = a; + } + else if ( c == a) + { + result = b; + + } + else + { + result = a + b +c; + } + + return result; + +} +" +9a4bd3c853016cd06aa1fb1897531ea46fb9bf2d,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) + { + // do nothing + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = a; + } + else if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +87b5a111338b9a3c94a9344124129d0462cae2c4,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) + { + // do nothing + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +5eababc7b9e0210cc207821f7bd39eca840dcf79,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +544bf460abbad98ebcd438cd40c1a2a6419ae045,"public int loneSum(int a, int b, int c) +{ + int sum; + int[][] set = new int[3][2]; + + set[0][1] = a; + set[1][1] = b; + set[2][1] = c; + + if(a==b || a==c) + { + set[0][0] = 0; + } + else + { + set[0][0] = 1; + } + + if(b==a || b==c) + { + set[1][0] = 0; + } + else + { + set[1][0] = 1; + } + + if(c==a || c==b) + { + set[2][0] = 0; + } + else + { + set[2][0] = 1; + } + + + for (int i = 0; i <= 2; i++) + { + if(set[0][i] == 1) + { + sum = sum + set[1][i]; + } + + } + return sum; +} + + +" +505a460f57ba05efffa3b42463b1f9e13f5d207f,"public int loneSum(int a, int b, int c) +{ + int sum =0; + int[][] set = new int[3][2]; + + set[0][1] = a; + set[1][1] = b; + set[2][1] = c; + + if(a==b || a==c) + { + set[0][0] = 0; + } + else + { + set[0][0] = 1; + } + + if(b==a || b==c) + { + set[1][0] = 0; + } + else + { + set[1][0] = 1; + } + + if(c==a || c==b) + { + set[2][0] = 0; + } + else + { + set[2][0] = 1; + } + + + for (int i = 0; i <= 2; i++) + { + if(set[0][i] == 1) + { + sum = sum + set[1][i]; + } + + } + return sum; +} + + +" +cf832a9787bd54cb85c78ce06371a67f3e397e3b,"public int loneSum(int a, int b, int c) +{ + int sum =0; + int[][] set = new int[3][2]; + + set[0][1] = a; + set[1][1] = b; + set[2][1] = c; + + if(a==b || a==c) + { + set[0][0] = 0; + } + else + { + set[0][0] = 1; + } + + if(b==a || b==c) + { + set[1][0] = 0; + } + else + { + set[1][0] = 1; + } + + if(c==a || c==b) + { + set[2][0] = 0; + } + else + { + set[2][0] = 1; + } + + + for (int i = 0; i < 2; i++) + { + if(set[0][i] == 1) + { + sum = sum + set[1][i]; + } + + } + return sum; +} + + +" +bb2a40f6529f5de4117def131f7c26300838ed3a,"public int loneSum(int a, int b, int c) +{ + int sum =0; + int[][] set = new int[3][2]; + + set[0][1] = a; + set[1][1] = b; + set[2][1] = c; + + if(a==b || a==c) + { + set[0][0] = 0; + } + else + { + set[0][0] = 1; + } + + if(b==a || b==c) + { + set[1][0] = 0; + } + else + { + set[1][0] = 1; + } + + if(c==a || c==b) + { + set[2][0] = 0; + } + else + { + set[2][0] = 1; + } + + + for (int i = 0; i < 2; i++) + { + if(set[0][i] == 1) + { + sum = sum + set[i][1]; + } + + } + return sum; +} + + +" +845f1ee06b06aaf2dc6646d69d4368fc1466bc29,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + else + return c; + } + if (a == c) + return b; + if (b == c) + return a; + else + return (a+b+c); +} +" +35857601297cb3985d6349417afe03051c8bb68b,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + if (b==c) + { + return 0; + } + return c; + } + return a+b+c; +} +" +ea0cdc760821892e795a944d3dcd4f003f061516,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + if (b==c) + { + return 0; + } + return c; + } + if (c==b) + { + if (a==c) + { + return 0; + } + return a; + } + if (a==c) + { + if (b==c) + { + return 0; + } + return b; + } + return a+b+c; +} +" +55907186619274d42c7c33be85a0f6e4cf31ff16,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + else + { + return c; + } + } + if(a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +8ae87ef6230cabee9f7a5d1c2118a5baff61b7af,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a == b && b == c) { + sum = 0; + } + else if (a == b) { + sum = c; + } + else if (a == c) { + sum = b; + } + else if (b == c) { + sum = a; + } + else { + sum = a + b + c; + } + return sum; +} +" +6b5cea486986295ad6bee820cc7560e9a791d102,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = c; + } + if (a == c) + { + sum = b; + } + if (b == c) + { + sum = a; + } + return sum; +} +" +fbee36814bce33c7bb89c1b5f13ce85f327d3d01,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = c; + } + if (a == c) + { + sum = b; + } + if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; + + +} +" +1556b39fcf79f3c38faa7e8a11ee4f2ee87abbef,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; + + +} +" +07797021934f0e04ec2f5c55b8a7a472bd29bd75,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + else if (a == b && b == c) + { + sum = 0; + } + else + { + sum = a + b + c; + } + return sum; + + +} +" +6b29e2bd564d6a3994b0aadff0a57d14ba92b923,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = c; + } + if (a == c) + { + sum = b; + } + if (b == c) + { + sum = a; + } + if (a == b && b == c) + { + sum = 0; + } + else + { + sum = a + b + c; + } + return sum; + + +} +" +6957a80adad81c1af69eb99619eaec8fec7149c6,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) + { + sum = 0; + } + else if (a == b) + { + sum = c; + } + else if (a == c) + { + sum = b; + } + else if (b == c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; + + +} +" +d1fa6c1be14e3b5f90493b65e3b673d23b5d0964,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +efce489368d4ca5f9aec75efedb8b8eb6c360a6e,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + return a + b + c; +} +" +7c00fde4988806add8c9fbf4a71417c86ff66cbc,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +ee7e21bcf4ea7461e58cab407fc0011bc71168c0,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a + b); + } + if (c == a) + { + return(b + a); + } + if (a == b) + { + return(b + c); + } + else + { + return(a + b + c); + } +} +" +f294c8f8d4a9b957a7d05fa83e70a1b3971345bb,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a + b); + } + if (c == a) + { + return(b + a); + } + if (a == b) + { + return(b + c); + } + if (a == b) && (b == c) && (c == a) + { + return(a + b + c); + } + else + { + return(a + b + c); + } +} +" +4181badf89396cfb54a0d516d7263157e2762e6c,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a + b); + } + if (c == a) + { + return(b + a); + } + if (a == b) + { + return(b + c); + } + if ((a == b) && (b == c) && (c == a)) + { + return(a + b + c); + } + else + { + return(a + b + c); + } +} +" +abde71ca408677f4da23ed64e35e4b680190014d,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a + b); + } + if (c == a) + { + return(b + a); + } + if (a == b) + { + return(b + c); + } + if ((a == b) && (b == c) && (c == a)) + { + return(0); + } + else + { + return(a + b + c); + } +} +" +a651e160cd364c268ec2cc5929bc49aace1450bf,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a + b); + } + if (c == a) + { + return(b + a); + } + if (a == b) + { + return(b + c); + } + else + { + return(a + b + c); + } +} +" +e90b3631e5634de69727d1640580e07e3bdc71b2,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a; + } + if (c == a) + { + return(b); + } + if (a == b) + { + return(c); + } + else + { + return(a + b + c); + } +} +" +acbc349a09e046069946b7142481f93a1874ced3,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a); + } + if (c == a) + { + return(b); + } + if (a == b) + { + return(c); + } + else + { + return(a + b + c); + } +} +" +e49a3eb623b0c6d8baa958a9ce916846bd706618,"public int loneSum(int a, int b, int c) +{ + if (b == c) + { + return(a); + } + if (c == a) + { + return(b); + } + if (a == b) + { + return(c); + } + if ((a == b) && (b == c) && (c == a)) + { + return(0); + } + else + { + return(a + b + c); + } +} +" +9d22886770ef46a769e92fac72ee7ae285248d02,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c) && (c == a)) + { + return(0); + } + if (b == c) + { + return(a); + } + if (c == a) + { + return(b); + } + if (a == b) + { + return(c); + } + else + { + return(a + b + c); + } +} +" +374d5eb458aa1b2d4bf301c85578da63a20d6f04,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (c == b) + { + return a; + } + else if ((a == b) && (b == c)) + { + return 0; + } + else + { + return (a + b + c); + } +} +" +205cc7a79d807bde29110f051b308f2861b3e512,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (c == b) + { + return a; + } + else + { + return (a + b + c); + } +} +" +d35747b7d8cbcf5f409883394e44e658f342139e,"public int loneSum(int a, int b, int c) +{ + int normalsum = a+b+c; + if (a==b) + { + a = 0; + b = 0; + } + else if (a==c) + { + a = 0; + c = 0; + } + else if (b==c) + { + b = 0; + c = 0; + } + return normalsum; +} +" +71ab90aa6119243c9ee5ba4194e1984808cd3559,"public int loneSum(int a, int b, int c) +{ + int normalsum = a+b+c; + if (a==b) + { + normalsum = c; + } + else if (a==c) + { + normalsum = b; + } + else if (b==c) + { + normalsum = a; + } + else if (a==b && b==c) + { + normal sum = 0; + } + return normalsum; +} +" +05aa73327ec2d89f12a7a6fec90b0ec36f33eea2,"public int loneSum(int a, int b, int c) +{ + int normalsum = a+b+c; + if (a==b) + { + normalsum = c; + } + else if (a==c) + { + normalsum = b; + } + else if (b==c) + { + normalsum = a; + } + else if (a==b && b==c) + { + normalsum = 0; + } + return normalsum; +} +" +8389a8f86f2037fbcf1941d0aa5ba8c769c0e530,"public int loneSum(int a, int b, int c) +{ + int normalsum = a+b+c; + if (a==b && b==c) + { + normalsum = 0; + } + else if (a==b) + { + normalsum = c; + } + else if (a==c) + { + normalsum = b; + } + else if (b==c) + { + normalsum = a; + } + return normalsum; +} +" +6c07ec59115bab66ce958de09399c5858da09428,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (b == c) + { + return a + b; + } + else if (a == c) + { + return b + c; + } + else + { + return a + b + c; + } +} +" +af4b46bde8cf70ea7356fc0d3ea3a5b8972ccfa5,"public int loneSum(int a, int b, int c) +{ + if (a = b) + { + return a + c; + } + else if (b = c) + { + return a + b; + } + else if (a = c) + { + return b + c; + } + else + { + return a + b + c; + } +} +" +dac9c17c1b72b09ac3eb21acda03c3bbb159d7b7,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (b == c) + { + return a + b; + } + else if (a == c) + { + return b + c; + } + else + { + return a + b + c; + } +} +" +a69f5b680255892c7bd256001223ab6f858e4588,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +98ab0e35665b74337efe61dca55183fb51c237da,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else if (a == b && b == c) + { + return 0; + } + else + { + return a + b + c; + } +} +" +62108bcc912d0c8366987f07ef155f5266cb5f32,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +f5ea44ac2112fed7f2c7cf0d206a8ffa3dff1775,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +90bf61a83b46312b93ddbe1050e268ff8373078e,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + else + return c; + } + if(a == c) + return b; + if(b == c) + return a; + else + return (a + b + c); +} +" +f007a80f6608cd6e501ec733405e6181fb2becd5,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +8a4504f3c264efd8d5bdd1718df83bb609bd65b9,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = a + c; + return sum; + } + else if (a == c) + { + sum = a + b; + return sum; + } + else if (b == c) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c + return sum; + } +} +" +3426897821a1d2cb40bc478ebc47fd08d203aec0,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + sum = a + c; + return sum; + } + else if (a == c) + { + sum = a + b; + return sum; + } + else if (b == c) + { + sum = a + b; + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +d16ed2f47e8f652444a14d3467964db142597f26,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && b == c) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +08599ed5ae42bce948e2c9f63036b624aee9b5f5,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if ((a == b) && (b == c)) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +88562102b06961905d51b22fc9b64bd5fc7ad62c,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if ((a == b) && (b == c)) + { + return 0; + } + else + { + sum = a + b + c; + return sum; + } +} +" +b20d63b8fd65dc84f9cea4acb1436d959f7d4353,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if ((a = b) && (b = c)) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +6ffca0489f184a6ecd17bb840bbbc82588ce9571,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if ((a == b) && (b == c)) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +1102827aa6765fae0adadfc5c27a05a28569f7e7,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && b == c) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +de493b24451025d7cd85f096bafaacaeafcee80b,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else if (a == b && a == c) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +cf6fe8d17e44f2c358df848e7253e769f4e54f4f,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b != c) + { + return c; + } + else if (a == c && b != c) + { + return b; + } + else if (b == c && a != c) + { + return a; + } + else if (a == b && a == c) + { + return sum; + } + else + { + sum = a + b + c; + return sum; + } +} +" +a2c2803b7fb51451d2082593ce9977de923ef933,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +6fb2b0b0cff33272dcd403d29de7a62a5b81e599,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +f9ec9b7870ba96d7e5ccaf934be0a238565b819e,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return a+c; + } + if (a==c) + { + return a+b; + } + if (b==c) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +34d0c222e0838b42b98d7a74ef6543074f8aef93,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + if (a==c) + { + return b; + } + if (b==c) + { + return a; + } + else + { + return a+b+c; + } +} +" +10bd7a8d688c01ed4942bc8a618a15cb0ec210f6,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + if (a==c) + { + return b; + } + if (b==c) + { + return a; + } + if (a==b==c) + { + return 0; + } + else + { + return a+b+c; + } +} +" +869f448d037354bd983c65467477e8b92f8a2167,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + if (a==c) + { + return b; + } + if (b==c) + { + return a; + } + if (a==b==c) + { + return false; + } + else + { + return a+b+c; + } +} +" +7032b306fdf74b8a0a455501533553aa3a3d0a22,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + if (a==c) + { + return 0; + } + return c; + } + if (a==c) + { + return b; + } + if (b==c) + { + return a; + } + else + { + return a+b+c; + } +} +" +5daf345983c79dd567af701d2137382d1d1812e7,"public int loneSum(int a, int b, int c) +{ + if(a == b || a == c) + { + a = 0; + } + if(b == c) + { + b = 0; + } + int sum = a + b + c; + return sum; +} +" +95e9e0a03fabe5da0cb07492eb9ffaeebdc9376e,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + a = 0; + b = 0; + } + if(b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a == 0; + c == 0; + } + int sum = a + b + c; + return sum; +} +" +d8c6ea2b7890a35e8359fc06813ed6e8173c2caf,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + a = 0; + b = 0; + } + if(b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +6655291ec350490499469f8e14bfa80ef5316771,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + a = 0; + b = 0; + } + if(b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +7bbc8b24603f9c0bf385c7c3c733b284b78bc37b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c) + } +} +" +04d7c497a3562742a43a088c9ebe2a738f44450b,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +f5e79bf76189718b3f36ceae14114c97b3edf56a,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c){ + a = 0; + b = 0; + c = 0; + } + else if (a == b && b != c){ + a = 0; + b = 0; + } + else if (a == c && a != b){ + a = 0; + c = 0; + } + else if (b == c && a != b){ + b = 0; + c = 0; + } + return a + b + c; +} +" +7f50f5bc468e2b9cfd3cd6d0ebd6b7c721374345,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +9308f06ed6d804c791c8e2b583375fc58032f1ac,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return (b + c); + if (b == c) + return (a + c); + if (a == c) + return (b + c); + return (a + b + c); +} +" +65f7fdc803ed2c87e52947709e00cc62a8078fb9,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +814fba1f5cd8382a62838b071794a9bb6e2ac49b,"public int loneSum(int a, int b, int c) +{ + int sum=0; + + if(a==b) + { + a=0; + b=0; + } + if(a==c) + { + a=0; + c=0; + } + if(b==c) + { + b=0; + c=0; + } + sum=a+b+c; + return sum; + +} +" +df66ccc1388ef4b87163245c556ee35688820612,"public int loneSum(int a, int b, int c) +{ + int sum=0; + if((a==b)&&(b==c)) + { + a=0;b=0;c=0; + } + if(a==b) + { + a=0; + b=0; + } + if(a==c) + { + a=0; + c=0; + } + if(b==c) + { + b=0; + c=0; + } + sum=a+b+c; + return sum; + +} +" +bea46370b18fd8de76afed618331aec3824008dd,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +a5f542a931f96dfee1108620d29bdbe8acde3476,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) + { + return a + b + c; + } + else if (a == b || b == c || a == c) + { + return + } +} +" +e2f55056d1ec8b3e96c47911a2fd967af05c8ac2,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) + { + return a + b + c; + } + else if (a == b) + { + return b + c; + } + else if (c == b) + { + return a + c; + } + else if (a == c) + { + return b + c; + } + else if (a == b && b == c) + { + return b; + } +} +" +62c86419f7c63edc029c9420937a3b510b1bfde4,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) + { + return a + b + c; + } + else if (a == b) + { + return b + c; + } + else if (c == b) + { + return a + c; + } + else if (a == c) + { + return b + c; + } + else if (a == b && b == c) + { + return b; + } + else + return a; +} +" +48fd3dcbaccf519db7b7752a4f47798a427c9223,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (c == b) + { + return a; + } + else if (a == c) + { + return b; + } + else if (a == b && b == c) + { + return 0; + } + else + return a; +} +" +680e403397f0667c5871dfee39b276e3439e0dc2,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (c == b) + { + return a; + } + else if (a == c) + { + return b; + } + else if (a == b && b == c) + { + return 0; + } + else + return 0; +} +" +1df4da1a168d15e4d6f8b13a9df6bcf292b51254,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (c == b) + { + return a; + } + else if (a == c) + { + return b; + } + else if (a == b && b == c && a == c) + { + return 0; + } + else + return 0; +} +" +ea5f17ab9b1ec345df2dc2e1b5db3a8eb7604517,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b && b == c && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (c == b) + { + return a; + } + else if (a == c) + { + return b; + } + else + return 0; +} +" +d6d2bdb5f0591637e11971bb6e87fb02a084fe2c,"public int loneSum(int a, int b, int c) +{ + if (a = b ) + { + a = 0; + b = 0; + } + +} +" +9047a97ae66d88d03a2b439f181ffbfd4ed94cc1,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + + +} +" +6712ae2847fbbd2a072d1f9a9d03e628cbfeff23,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + return a + b + c; +} +" +dad49988c473d2bdd2a5360b03dcc119e8d36ee2,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (a == b == c) + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; +} +" +30d1f54ad37a267e2854b07a277dc23bf2031cc9,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + if (a = b = c) + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; +} +" +a3271af7957930ffb4f36bc8891e510a0b511a16,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + + return a + b + c; +} +" +a3affe89fadc25e362947edf4cfb4c90c502a6a6,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + else + { + return 0; + } + + return a + b + c; +} +" +e38f8af0cfcc8d689c1d5bfcb028da71a606b6f1,"public int loneSum(int a, int b, int c) +{ + if (a == b ) + { + a = 0; + b = 0; + } + if (b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + if ( a == b) + { + b = 0; + } + a = 0; + c = 0; + } + + return a + b + c; +} +" +ec6f93025b95eebc03afe52df837d694f5346775,"public int loneSum(int a, int b, int c) +{ + int sum; + if(a == b || a == c) + { + sum = 0; + } + else + {sum = a;} + + if(b == a || b == c) + { + //do nothing + } + else + { + sum = sum + b; + } + + if(c == a || c == b) + { + //dont do nothing + } + else + { + sum = sum + c; + } + return sum; +} + + +" +095da8b617d71e8c7068e9c69ed622261a0806ec,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return a + b + c; + } + else + { + return false; + } +} +" +59bec7e916d9bdd585f5edc4a82d4d0b491c6472,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + else + { + return c; + } + } + else if (a == c) + { + if (a == b) + { + return 0; + } + else + { + return b; + } + } + else if (b == c) + { + if (b == a) + { + return 0; + } + else + { + return a; + } + } + else + { + return a + b + c; + } + + +} +" +7ecc59d1975a5727815afde934f43b59abfacdbf,"public int loneSum(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return (a+b+c); + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return 0; + } + +} +" +8ff6fd2dc11f3e0e3a4b16c04758679610ce4ed3,"public int loneSum(int a, int b, int c) +{ + if (a!=b&&a!=c&&b!=c) + { + return (a+b+c); + } + else if (a==b&&b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return 0; + } + +} +" +4f714c3f4e9f317cf80ba956fb78d18a47483dd2,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) { +return 0; +} else if(b == c) { +return a; +} else if(a == c) { +return b; +} else if(a == b) { +return c; +} else { +return a + b + c; +} +} +" +d15fafc86d36dfe9bd2d782ccef833d312788faa,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +d9ae6c9e96b67b7951857b32f54394f7b41d4d73,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +b107dc40ddaec55bdeeec088ab2052048bdd7911,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +241e405ea40b3db123ee38c550c5e104ed6bd67f,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return a+b+c; + } +} +" +8db376c8469a36a2455653a75b47bf58a7de436c,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return a+b+c; + } +} +" +f615b81bcc071968bc469151337a09ef1d570fff,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" +e0c62dc2fa0e2c1b3499bdc685f4b444d76b45aa,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if(a != b && a != c) + sum += a; + + if(b != a && b != c) + sum += b; + + if(c != a && c != b) + sum += c; + + return sum; +} +" +5457543b83616ee0dd8e994116e2677073679bc1,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + { + a = 0; + } + else if (b == a || b == c) + { + b = 0; + } + else if (c == a || c == b) + { + c = 0; + } + return a + b + c; +} +" +205715afa8a77807572f9582763738e69db07608,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +d946a8ac7be6f5654bec2009cf04e5aaeeb25369,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + if(a == b) + { + a = 0; + b = 0; + } + if(b == c) + { + b = 0; + c = 0; + } + if (a == c) + { + a = 0; + c = 0; + } + int sum = a + b + c; + return sum; +} +" +481c33f9f32dfb02d170ef87576b9bc99054ac47,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a == b) + { + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return sum; +} +" +02d57b0501e392bea47c11da8c55d796227a2a74,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a == b && b == c && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + return sum; +} +" +a22a7fc364dd5de0068f0ac38f9814aab0470a84,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + + return (a + b + c); +} +" +4fae337c9a134d5af8f819fa46436837e0b54c5c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + + if (a == b == c) + { + return 0; + } + + return (a + b + c); +} +" +821f68f50d46bc26e6efc8bec8b5dca2dc91dc26,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + + if (a == b && b == c) + { + return 0; + } + + return (a + b + c); +} +" +c9175d76182e1965014ff1c089513eb3170cc82b,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + + if (a == b) + { + return c; + } + + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + + return (a + b + c); +} +" +7d2a2fc62ad5f7ba89b9bdc848e55efd1d59c47e,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +cac27038a86f0461027936d6b83f91f1f79b7167,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0 + + if ((a == b) && (b == c)) + { + loneSum = 0; + } + else if (a == b) + { + loneSum = c; + } + else if (b == c) + { + loneSum = a; + } + else if (a == c) + { + loneSum = b; + } + else + { + loneSum = a + b + c; + } + + return loneSum; +} +" +d483105c7621f3db27f0ffee9de3b2e248ea1ac8,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + + if ((a == b) && (b == c)) + { + loneSum = 0; + } + else if (a == b) + { + loneSum = c; + } + else if (b == c) + { + loneSum = a; + } + else if (a == c) + { + loneSum = b; + } + else + { + loneSum = a + b + c; + } + + return loneSum; +} +" +e8763952acdd6556006b52dbf9a62501534449e9,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +35ca8a47b38c593f9291e432d8f34f35003739c7,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +3e6ea7d83cb1fb1889d984d8fd44a62948897545,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c && b == c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +729607ff64e08a6a06fe169f48f59170125f0d13,"public int loneSum(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + return a + b + c; + else if (a == b && b != c) + return b + c; + else if (a == c && c != b) + return c + b; + else if (b == c && c != a) + return c + a; + else + return 0; +} +" +db1d1a5f0a8dfccd08cd33f099668c60e54d1713,"public int loneSum(int a, int b, int c) +{ + if (a != b && b !=c && a != c) + return a + b + c; + else if (a == b && b != c) + return c; + else if (a == c && c != b) + return b; + else if (b == c && c != a) + return a; + else + return 0; +} +" +d147179147684ad77208d3b6ba7dc3668a01d207,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + else + return c; + } + if(a == c) + return b; + else if(b == c) + return a; + else + return (a + b + c); +} +" +1c2da6c4ae2da3d34f7fad4c6362c07093ce6816,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + else + return c; + } + if(a == c) + return b; + else if(b == c) + return a; + else + return (a + b + c); +} +" +47616ef8d30cc5634beda62432936f344b345509,"public int loneSum(int a, int b, int c) +{ + if (a == b || a == c) + return b + c; + else if (b == a || b == c) + return a + c; + else if (c == a || c == b) + return a + b; + else + return a + b + c; +} +" +310cb3b950cdc280677f8c9279a8f619ccb9f4b4,"public int loneSum(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 0; + else + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +38cd694c46097674220a6d89f895578b679836f0,"public int loneSum(int a, int b, int c) +{ + if (a == b) + if (b == c) + return 0; + else + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +e5c23adbd3d644e8d9537b68971196324b9f3b9b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + if (a == c) + return 0; + else + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +d4a7ec8c56390d801132ba4f0c2e8eb15537cd14,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + else if (a == b) + return c; + else if (a == c) + return b; + else if (b == c) + return a; + else + return a + b + c; +} +" +1086a17a5ae2769b59afe5c98b5b7eb5b17f09a2,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else + { + return (a + b + c); + } +} +" +9ae52f25fa0f2c7ac0b6d155fee07361965b833f,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else + { + return (a + b + c); + } +} +" +d030a0de96edf064b1a56af3346c9e7dd2c3020e,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return (a + b + c); + } +} +" +05b85607c9b172a244905df7e229cfc8cf647a2b,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + return a + b + c; +} +" +abd8ebb74af6f1815613e6c70146212ff4e034b6,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; +} +" +3fae903641fca3b85831d8b7496273ac8218d020,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; +} +" +7689a5b923c3d09b6a2b2e4a725479752775c03b,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + a = 0; + b = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else if (a == b) + { + a = 0; + b = 0; + c = 0; + } + return a + b + c; +} +" +f86c3d8ca6419f759c5229c7f2c898c3ed6e9292,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + a = 0; + b = 0; + c = 0; + } + else if (b == c) + { + b = 0; + c = 0; + } + else if (a == c) + { + a = 0; + c = 0; + } + else if (a == b) + { + a = 0; + b = 0; + } + return a + b + c; +} +" +b05447f6a14caa3993583d2b517df6147b11a829,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + return a+b+c; +} +" +57fcf0babfde56814569406381e358fc915711cd,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + return a+b+c; +} +" +0bca90895190a3245b6322a64513d91e665b5097,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c){ + return 0; + } + + if (a == b){ + return c; + } + + if (b == c){ + return a; + } + + if (a == c){ + + return b; + } + + else{ + + return a + b + c; + } + +} +" +34e9364f16dd6b3d63d239d79be06dc80a9b8a48,"public int loneSum(int a, int b, int c) +{ + if (a == b ==c) + +} +" +eaec11cea7604a48b490eccd8a163d189dec0642,"public int loneSum(int a, int b, int c) +{ + if (a == b ==c) + { + return 0; + } +} +" +12f17199cf8c60516bf1e7ae6208d95f8bdb26fb,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (b==c) + { + return a; + } + else if (c==a) + { + return b; + } + else + { + return a+b+c; + } +} +" +a95c0fe7a7085c75f07d84760c0f61c4a33c081b,"public int loneSum(int a, int b, int c) +{ + if (a == b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (c == b) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a+b+c; + } +}" +7175443170b717dfd45b689be5d4fad7155b77bd,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (c == b) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return a+b+c; + } +}" +d4b93956204095bafe981527baac024526027fa3,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + else + return a + b + c; +} +" +356389d21353bb926d27a5636c13b8d9f76dd671,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b == c) + return 0; + else + return a + b + c; +} +" +2fae76e4e51763883d64f0c2a888e4dc6e7ee388,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + return 0; + else + return a + b + c; +} +" +d50d492ebb2d39ef30d910d235f290f774635c0f,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && a == c && b == c) + return 0; + else + return a + b + c; +} +" +7bfbd6da5bc5a743f6113af9a77ba2ea6c00df35,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return a; + if (b == c) + return b; + if (a == b && a == c && b == c) + return 0; + else + return a + b + c; +} +" +32f8d02fa5d290dcc5c6ee73f968925b2069370f,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + if (a == b && a == c && b == c) + return 0; + else + return a + b + c; +} +" +ac29bf280fe91a0235c89ef3330abfe35e05fe20,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + if (a != b && a != c && b != c) + return a + b + c; + else + return 0; +} +" +0e792d799cfc5de07aa50677275263d5a26ee4ab,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + else + return 0; +}" +0ea6db3ca364d28a5d1f3efe8227e01ff1c18ce7,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + if (a != b && a != c && b != c) + return a + b + c; + else + return 0; +}" +b6ac67c4182b5a146ac870864c71faa43593cbb3,"public int loneSum(int a, int b, int c) +{ + if (a == b && b != c) + return c; + if (a == c && c != b) + return b; + if (b == c && c != a) + return a; + if (a != b && a != c && b != c) + return a + b + c; + else + return 0; +}" +33bcda75d872efdd05a95d919b0b713d5c758300,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +cad43035a2eec10d1064bee488df8a97331a0046,"public int loneSum(int a, int b, int c) +{ + sum = a + b + c; + if(a==b) + { + sum = sum - b; + } + if(a == c) + { + sum = sum - c; + } + if(b == c) + { + sum = sum - c; + } + return sum; +} +" +329e1c3d05a75c784d1f2f6e73e0fd988a493465,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if(a==b) + { + sum = sum - b; + } + if(a == c) + { + sum = sum - c; + } + if(b == c) + { + sum = sum - c; + } + return sum; +} +" +29560d3d5215c9b5c250137773188294c7d82860,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a + b + c); +} +" +82bbbc77da2dc08378794d482c78c8a736f56848,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + loneSum = a + c; + } + else if (a == c) { + loneSum = a + b; + } + else if (b == c) { + loneSum = a + b; + } + else { + loneSum = a + b + c; + } + return loneSum; +} +" +3cc489dcadaf48bf01223a185964ab4e4421c476,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + int loneSum = a + c; + } + else if (a == c) { + int loneSum = a + b; + } + else if (b == c) { + int loneSum = a + b; + } + else { + int loneSum = a + b + c; + } + return loneSum; +} +" +fa1b07ac7e66ad5203d900a5872be61ef18b5f23,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + int loneSum = a + c; + } + else if (a == c) { + int loneSum = a + b; + } + else if (b == c) { + int loneSum = a + b; + } + else { + int loneSum = a + b + c; + } + return int loneSum; +} +" +301bb42c276c9fed8a898bb3ffc4e02f7716cf3e,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + int loneSum = a + c; + } + else if (a == c) { + int loneSum = a + b; + } + else if (b == c) { + int loneSum = a + b; + } + else { + int loneSum = a + b + c; + } + return loneSum; +} +" +dff3fc11e6431481c4a0b4eb0dd6b3341617024f,"public int loneSum(int a, int b, int c) +{ + int lonSum = 0; + if (a == b) { + loneSum = a + c; + } + else if (a == c) { + loneSum = a + b; + } + else if (b == c) { + loneSum = a + b; + } + else { + loneSum = a + b + c; + } + return loneSum; +} +" +dfa82ca84d8ada166ec735b0c0a358f7e166fd99,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if (a == b) { + loneSum = a + c; + } + else if (a == c) { + loneSum = a + b; + } + else if (b == c) { + loneSum = a + b; + } + else { + loneSum = a + b + c; + } + return loneSum; +} +" +c4e47c0b40829927661b674d3dc9efe426537741,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if (a == b) { + loneSum = c; + } + else if (a == c) { + loneSum = b; + } + else if (b == c) { + loneSum = a; + } + else { + loneSum = a + b + c; + } + return loneSum; +} +" +fb93b62dd7374f42fe4ceb758beb677b321ead67,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if (a == b) { + loneSum = c; + } + else if (a == c) { + loneSum = b; + } + else if (b == c) { + loneSum = a; + } + else if (a == b && b == c) { + loneSum = 0; + } + else { + loneSum = a + b + c; + } + return loneSum; +} +" +3aa5f555ed8ab3c29a16596c958eef67a40a85cd,"public int loneSum(int a, int b, int c) +{ + int loneSum = 0; + if (a == b && b == c) { + loneSum = 0; + } + else if (a == b) { + loneSum = c; + } + else if (a == c) { + loneSum = b; + } + else if (b == c) { + loneSum = a; + } + + else { + loneSum = a + b + c; + } + return loneSum; +} +" +d0240fa701f593a04989201ae92746b03b43df48,"public int loneSum(int a, int b, int c) +{ + int sum = a; + if(b != a) + sum += b; + if(c!=a && c!=b) + sum += c + return sum; +} +" +4b153377146b5b85b8fbc1845ffe7526dbf3ebf4,"public int loneSum(int a, int b, int c) +{ + int sum = a; + if(b != a) + sum += b; + if(c!=a && c!=b) + sum += c; + return sum; +} +" +457304e0ce7bcdcf8f9ebfa948f98a51915d3c35,"public int loneSum(int a, int b, int c) +{ + if(a == b && a!= c) + return c; + if(a==c && a!=b) + return b; + if(b==c && b!= a) + return a; + if(a==b && b==c) + return 0; + if(a!=b && b!=c) + return a+b+c; +} +" +8e8328419eff06d25a8144e66fb0a8e153b626aa,"public int loneSum(int a, int b, int c) +{ + if(a == b && a!= c) + return c; + if(a==c && a!=b) + return b; + if(b==c && b!= a) + return a; + if(a==b && b==c) + return 0; + return a+b+c; +} +" +01c5e646ad3984b402b4e64d3aff52ca84ecd584,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return a+b+c; + } + +} +" +ea83a06b745758e07e48d8a4299d661017f5ba22,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + + } + else if (b==c) + { + return a; + } + else if (a==c) + { + return b; + } + else + { + return a+b+c; + } + +} +" +3982629b359af7faf06c63d005d94529efcd27ec,"public int loneSum(int a, int b, int c) { + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +}" +d3b3816033abe496a6ba1d2433bd5d4da3211726,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +}" +54d35e34f19f82c088ba77a830173d163e166b84,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +}" +8e2455ca6cd1335bdb7531a19115154c6da6f26e,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if(a==b || a==c) + { + sum = sum - 2*a; + } + else if(b==c) + { + sum = sum - 2*b; + } + if(a==b && b==c) + { + sum = 0; + } + return sum; +} +" +9af44b78a85cdb8c6d4193883d7afb7225984786,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + { + return 0; + } + else if(b == c) + { + return a; + } + else if(a == c) + { + return b; + } + else if(a == b) + { + return c; + } + else + { + return a + b + c; + } + +} +" +7f78f41fe31215ebb096493c3d9761c7f77fa916,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) { + return 0; + } + if ( a != b && b == c) { + return a; + } + if ( a == c && c != b) { + return b; + } + if ( a == b && b != c) { + return c; + } + return a + b + c; +} +" +800bff5bfbc200468357681143a3787951b2a72d,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + return c; + } + else if (b == c) { + return a; + } + else if (c == a) { + return b; + } + else { + return a + b + c; + } +} +" +510d5ca4bdfe62483942cafa1ce3f6f576a42a0e,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) { + return 0; + } + else if (a == b) { + return c; + } + else if (b == c) { + return a; + } + else if (c == a) { + return b; + } + else { + return a + b + c; + } +} +" +d1a282319a05d0e6549574264ba3f475a8afd2c2,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a != c) + { + return sum; + } +} +" +a59719ba85a980f2c629703b796bca35296ec0cb,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a != c) + { + return a + b + c; + } +} +" +b121fc46aa186bf64cda9d3814acb5215b090a62,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a != c) + { + return a + b + c; + } + else if (a == b && c != b && c != a) + { + return c; + } + else if (b == c && a != c && a != b) + { + return a; + } + else + { + return b; + } +} +" +539ebc8ab0e965dc7f515fbcd19a170aab50984d,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a != c) + { + return a + b + c; + } + else if (a == b && c != b && c != a) + { + return c; + } + else if (b == c && a != c && a != b) + { + return a; + } + else if (a == b && b == c && a == c) + { + return 0; + } + else + { + return b; + } +} +" +b750c03af60b85550585465505786fc61e435877,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + } + if(a == c) + return b; + if(b == c) + return a; + return(a+b+c); + +} +" +2e2e6b982daaa8605b37a34c735f15c85fe54b30,"public int loneSum(int a, int b, int c) { + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +fab243b390fae2ecc85d8460c805a00443c77101,"public int loneSum(int a, int b, int c) { + if (a == b && b == c) + return 0; + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + return a + b + c; +} +" +09a12a7e73cfdd213fd89097e68853ac0bcf1184,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != b && b != c) + { + return sum; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return sum; + } +} +" +9470ce593a74cb6113cd6cb9e45e6f2f61d5b36d,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + else + { + return sum; + } +} +" +aa78df73b224d07dd3aace582a1b4eb0eb91cf4d,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; + + /** + if(a == b) + { + if(a == c) + return 0; + } + if(a == c) + return b; + if(b == c) + return a; + return(a+b+c); +*/ +} +" +3482bad2ca17fb11d1bf9ded3431afd04d329f11,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else + { + return a; + } +} +" +e509de378b69cced3d5e5797931814e7b86b9a92,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else + { + return a; + } +} +" +ce5c5a440eeea518876e25f9759f8630b97f1fa9,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return 0; + } +} +" +5604eba7175c2f1f0bc5fe5ffa5dd4bd12cab533,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; + +} +" +bea58177b5fe199b9cf9ad4cd10fb9819ccfedea,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) + { + return a + b + c; + } + else if (a == b && b == c && c == a) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else + { + return a; + } +} +" +8d5a08596fa1ea380db960dcdb762687688a2e70,"public int loneSum(int a, int b, int c) +{ +if (a == b && b == c) + return 0; + if (a == b) + return c; + if (a == c) + return b; + if (b == c) + return a; + return + a + b + c; + +} +" +bea5635958b93e1aef42a76a0c180b8e2a7d34d4,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return c; + } + else if(a==c) + { + return b; + } + else if(b==c) + { + return b; + } + return a+b+c; +}" +7e32951742386b21bcff544d1435babee3784cd1,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + if(b!=c) + { + return c; + } + } + else if(a==c) + { + return b; + } + else if(b==c) + { + return b; + } + return a+b+c; +}" +8d894ec3b0b1f4f47f39afe90941a0d70e33f341,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + a=0; + b=0; + } + if(a==c) + { + a=0; + c=0; + } + if(b==c) + { + b=0; + c=0; + } + return a+b+c; +}" +2ddc9faed4e730bb21be809cfa65312d1812765b,"public int loneSum(int a, int b, int c) +{ + int a1=a; + int b1=b; + int c1=c; + + if(a==b) + { + a1=0; + b1=0; + } + if(a==c) + { + a1=0; + c1=0; + } + if(b==c) + { + b1=0; + c1=0; + } + return a1+b1+c1; +}" +47614e1a9dbb88080713e7bf49f526e1b4fa242d,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + + if(a != b && a != c) + sum += a; + + if(b != a && b != c) + sum += b; + + if(c != a && c != b) + sum += c; + + return sum; +} +" +125a055e19c42d50f8c35ddc1ab80617ae6a5f34,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (c == a) + { + return b; + } + else + { + return a + b + c; + } + +} +" +e2eed25ca81c602c408e45f74d8b2a5413222f6a,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + return 0; + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + else + return a + b + c; +} +" +fcbc5785842468710524bc2523451dc3a79f8497,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return a+c; + } + else if (a==c) + { + return a+b; + } + else if (b==c) + { + return a+b; + } + else + { + a+b+c; + } +} +" +b6d821b4a23e6ee18cc81db135f283cf86aa1a1f,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return a+c; + } + else if (a==c) + { + return a+b; + } + else if (b==c) + { + return a+b; + } + else + { + return a+b+c; + } +} +" +00d2b757a703d027e2ebaa375eda52e7999fff7f,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return b; + } + else if (a=b && b=c) + { + return 0; + } + else + { + return a+b+c; + } +} +" +5f4e2e48094845871cdef0356607bc00fac876d9,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return b; + } + else if (a==b && b==c) + { + return 0; + } + else + { + return a+b+c; + } +} +" +bc2c6db5a4e1c52b1616d7b801102f36ebbda400,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + return 0; + } + else if (a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a; + } + else + { + return a+b+c; + } +} +" +c43dc24eb08ad04fc8fc94a359cb8054638dfa03,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +f9d7dae4831e71c7356006a6795d819ff3fd9463,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + return 0; + + if (a == b) + return c; + + if (b == c) + return a; + + if (a == c) + return b; + + return a + b + c; +} +" +b83e975996fdadb12c31a0e650705cf44885d162,"public int loneSum(int a, int b, int c) +{ + if(a != b) + { + if(b != c) + { + if(a != c) + { + return a + b + c; + } + else + { + return a + b; + } + } + else + { + return a + b; + } + } + else + { + return a; + } +} +" +9e7a52db408384394bb15f1210094e7383fcb012,"public int loneSum(int a, int b, int c) +{ + if(a != b) + { + if(b != c) + { + if(a != c) + { + return a + b + c; + } + else + { + return a + b; + } + } + else + { + return a; + } + } + else + { + return a; + } +} +" +73d913f53a0426a6d7feee35312ffcccdb7acfad,"public int loneSum(int a, int b, int c) +{ + if(a != b) + { + if(b != c) + { + if(a != c) + { + return a + b + c; + } + else + { + return a + b; + } + } + else + { + return a; + } + } + else + { + return 0; + } +} +" +7001da65a243954c917261e53f06924d2a9db297,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +4f422b5d9c333e146ade02319cf91cb5b391e77a,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +656491200a910bc85b6078e79bbf19eb7223dc2d,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +8dae18f1636b8e5914ff58fc3aa63b9a62d1cba5,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + b=0; + } + if(a==c) + { + a=0; + } + if (b==c) + { + c=0; + } + return a+b+c; +} +" +069721e1472556596cec5574fc0f849044dcdc32,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + b=0; + a=0; + } + if(a==c) + { + a=0; + c=0; + } + if (b==c) + { + c=0; + b=0; + } + return a+b+c; +} +" +c3ddaf193bca0c0fa3ed83d31ecc0af82203a6fd,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) + { + b=0; + a=0; + c=0; + } + if (a==b) + { + b=0; + a=0; + } + if(a==c) + { + a=0; + c=0; + } + if (b==c) + { + c=0; + b=0; + } + return a+b+c; +} +" +38be085fd42173dbfb2613eec753f33db146fac2,"public int loneSum(int a, int b, int c) +{ + if( a == b || a == c) + return b+c; + else if ( b == a || b == c) + return a+c; + else if ( c==a || c ==b) + return a + b; + else + a+b+c; + +} +" +7ce4593f67fe130c06e48f1edf7560b75b281de5,"public int loneSum(int a, int b, int c) +{ + if( a == b || a == c) + return b+c; + else if ( b == a || b == c) + return a+c; + else if ( c==a || c ==b) + return a + b; + else + return a+b+c; + +} +" +0cd1ca75c34ac546dc77663d94277f3dd457380d,"public int loneSum(int a, int b, int c) +{ + if (a == b && b==c) + return 0; + else if( a == b || a == c) + return b+c; + else if ( b == a || b == c) + return a+c; + else if ( c==a || c ==b) + return a + b; + else + return a+b+c; + +} +" +9fb968cc025ce2c0640dbf38c0103b03b8727fa5,"public int loneSum(int a, int b, int c) +{ + if (a == b && b==c) + return 0; + else if(a == c) + return b; + else if (a == b) + return c; + else if ( b == a) + return c; + else if ( b == c) + return a; + else if ( c==a) + return b; + else if (c == b) + return a; + else + return a+b+c; + +} +" +6e683f2267b77a73d0d401f67bb9c61461dfbe91,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +dd47b456491f2efe7cd4aa8191c58d72e6619efc,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return b + c; + } + else if (a == c) { + return a + b; + } + else if (b == c) { + return a + b: + } + +return a;} +" +16a502438ca6996db89e120338a2a1d50c22e8a2,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return b + c; + } + else if (a == c) { + return a + b; + } + else if (b == c) { + return a + b; + } + +return a;} +" +cd6205f4dc52b5e78910566b421c33cce182abee,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return c; + } + else if (a == c) { + return b; + } + else if (b == c) { + return a; + } + +return a;} +" +e0a0deb4d1046388afab430c6265b4a4e25ace89,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return c; + } + else if (a == c) { + return b; + } + else if (b == c) { + return a; + } + else { + return 0; + } + +return a;} +" +2c5c84ecb2ea179c0799a6f6dedbd1286b524001,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return c; + } + else if (a == c) { + return b; + } + else if (b == c) { + return a; + } + else { + return 0; + } + +} +" +4fa159e3274b85c35824204a8ae7d3862f9ec539,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return c; + } + else if (a == c) { + return b; + } + else if (b == c) { + return a; + } + else if (a == b && b == c && a == c) { + return 0; + } + +} +" +e5e7dd0407010af8ec342b51fda5382e4f9ed576,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b) { + return c; + } + else if (a == c) { + return b; + } + else if (b == c) { + return a; + } + else if (a == b && b == c && a == c) { + return 0; + } + +return a;} +" +17b8a24e775f3a6ea0478a51600acc0790ac603b,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } + else if (a == b && a != c) { + return c; + } + else if (a == c && b != c) { + return b; + } + else if (b == c && b != c) { + return a; + } + else if (a == b && b == c && a == c) { + return 0; + } + +return a;} +" +6bff9c4c8fa6db67d0e621d535b2a05926ce58ce,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +70008168f2ee83845192d4a810a2ae93147e13d6,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +24b2314b0c4ecc7f80b16cc65be8fa77edd49d68,"public int loneSum(int a, int b, int c) +{ +return 0; +} +" +d6f7c3070de4c8af89d255e6b76f309e44a338d9,"public int loneSum(int a, int b, int c) +{ + if(a==b) + return b+c; + if (a==c) + return a+b; + if (b==c) + return a+c; + return a+b+c; +} +" +cc01b33dc9cf97dea2954bf9f366969b4e3b1be8,"public int loneSum(int a, int b, int c) +{ + if(a==b) + return c; + if (a==c) + return b; + if (b==c) + return a; + if(a==b && a==c) + return 0; + return a+b+c; +} +" +fd7fd02254d8b9a434921b9a8495fadf0289a4f8,"public int loneSum(int a, int b, int c) +{ + if(a==b && a==c) + return 0; + if(a==b) + return c; + if (a==c) + return b; + if (b==c) + return a; + + return a+b+c; +} +" +dadf491d87ac5966c2565241fe7447f2a70a4ef6,"public int loneSum(int a, int b, int c) +{ +if (a==b) + return c; + else if(b==c) + return a; + else if(a==c) + return b; + else if(a==b==c) + return 0; +} +" +9a8f81a1c640cb020c218462f84498295d8ce5f0,"public int loneSum(int a, int b, int c) +{ +if (a==b) + return c; + else if(b==c) + return a; + else if(a==c) + return b; + else if(a==b==c) + return 0; + else + return a+b+c; +} +" +04878429d5beb3a274f4d0c8390bd3664f8c4db8,"public int loneSum(int a, int b, int c) +{ +if (a==b) + return c; + else if(b==c) + return a; + else if(a==c) + return b; + else if(a==b && a==c) + return 0; + else + return a+b+c; +} +" +61e323294c5f000359b5b8b86ca527134f2f509c,"public int loneSum(int a, int b, int c) +{ +if (a==b) +{ + if (b==c) + return 0; + return c; +} + else if(b==c) + return a; + else if(a==c) + return b; + + else + return a+b+c; +} +" +425b1e9086c422ca479952e7a15de154d2eac6a2,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + return c; + } + if (a == c) + { + return b; + } + if (b ==c) + { + return a ; + } + return (a+b+c;) + } +} +" +afd9f72d5c94cdfdb391858e8a9b95ab2042195d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + return c; + } + if (a == c) + { + return b; + } + if (b ==c) + { + return a ; + } + return (a+b+c); + } +} +" +15ade5567d6b4ae4a8478d690ffe7c117d4986f5,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + } + return (a+b+c); + +} +" +153c919dbaf3491017ae24cfc9f003b01b88492f,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + return c; + } + } + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + return (a+b+c); + +} +" +90e2755599c8e0ee2a2d822c878cf42b62fb1b94,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + + } + if (a == c) + { + return b; + } + + if (b == c) + { + return a; + } + return (a+b+c); + +} +" +1c64994a721b0f14d26702fca66081bb01d59442,"public int loneSum(int a, int b, int c) +{ + if (a==b && a==c) + a=0; + b=0; + c=0; + return a+b+c; + if (a==b) + a=0; + b=0; + return a+b+c; + if (b==c) + b=0; + c=0; + return a+b+c; + if (a==c) + a=0; + c=0; + return a+b+c; + else + return a+b+c; +} +" +4999418b54df0f5a9998f61a0c965cc377cde4b6,"public int loneSum(int a, int b, int c) +{ + if (a==b && a==c) + { + a=0; + b=0; + c=0; + return a+b+c; + } + if (a==b) + { + a=0; + b=0; + return a+b+c; + } + if (b==c) + { + b=0; + c=0; + return a+b+c; + } + if (a==c) + { + a=0; + c=0; + return a+b+c; + } + else + return a+b+c; +} +" +f8268c8a82da1bb500362ebe943980e15c389c14,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c: + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + return (a + b + c); +} +" +90bbb3389965694a5ad52c5066e16fe4f279f383,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + return (a + b + c); +} +" +aba9b62d1986666b095c6325e7397acb638ff582,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +e8eabc1953020e249a57e1d4ef535d2c13038763,"public int loneSum(int a, int b, int c) +{ + sum = 0 + sum += a if a not in [b,c] else 0 + sum += b if b not in [a,c] else 0 + sum += c if c not in [a,b] else 0 + return sum +} +" +b3949108e52155d2dead932aef60b0987445abdb,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + boolean ab = a != b; + boolean ac = a != c; + boolean bc = b != c; + if(ab && ac) sum += a; + if(ab && bc) sum += b; + if(bc && ac) sum += c; + return sum; +} +" +37b2f895ed5d5743eb1c6eecbb58b00133dabc58,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +}" +20b99ed17a745ae33cb34a3896317abad9c1ec3d,"public int loneSum(int a, int b, int c) +{ + int[] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for (int i = 0; i < 3; i++) + { + int add = 0; + for (int c = 0; c < 3; c++) + { + if ((arr[i] == arr[c]) && (c != i)) + { + add = 0; + } + else + { + add = arr[i]; + } + } + count += add; + } + return count; + +} +" +486681a5589de1faa2cd490e22549ed301ba2ebd,"public int loneSum(int a, int b, int c) +{ + int[] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for (int i = 0; i < 3; i++) + { + int add = 0; + for (int j = 0; j < 3; j++) + { + if ((arr[i] == arr[j]) && (j != i)) + { + add = 0; + } + else + { + add = arr[i]; + } + } + count += add; + } + return count; + +} +" +a164dbf84f6641b6b922e3b8b3593bd4a4014e14,"public int loneSum(int a, int b, int c) +{ + int[] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for (int i = 0; i < 3; i++) + { + int add = 0; + for (int j = 0; j < 3; j++) + { + if ((arr[i] == arr[j]) && (j != i)) + { + add = 0; + } + + } + if (add != 0) + { + count += arr[i]; + } + } + return count; + +} +" +c4a91a591fbc01e1348fc5519ebf8464e9aa6a1e,"public int loneSum(int a, int b, int c) +{ + int[] arr = new int[3]; + arr[0] = a; + arr[1] = b; + arr[2] = c; + int count = 0; + for (int i = 0; i < 3; i++) + { + int add = 1; + for (int j = 0; j < 3; j++) + { + if ((arr[i] == arr[j]) && (j != i)) + { + add = 0; + } + + } + if (add != 0) + { + count += arr[i]; + } + } + return count; + +} +" +a22ecaf0cbdd37e0fdab4e17d17c9ab8bd93cb35,"public int loneSum(int a, int b, int c) +{ + int s1=a+b+c; + int s=0; + if (a==b && a==c) + { + s=0; + } + else if (a==b && a!=c) + { + s=c; + } + else if (a!=b && a==c) + { + s=b; + } + else if (b==c && a!=b) + { + s=a; + } + else + { + s=s1; + } + return s; +} +" +81fc280645dbaf4dce13fc8eb940ec432498d926,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +2b8df7e6413fb2c67f173f370d40e0aaaee64700,"public int loneSum(int a, int b, int c) +{ + + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +f69222849520616a01c0e93d7558161bfabf2596,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b || a == c) + sum = b+c; + else if (b == c) + sum = a+c; + return sum; +} +" +981d17db5842ff8a72ebc9348d601d252fb47fea,"public int loneSum(int a, int b, int c) +{ + if(a == b) + if(a == c) + return 0; + return c; + if(a == c) + return b; + if( b == c) + return a; + return (a+b+c); + +} +" +dd2b1474098e78cf367ce1dccb40f748f3a05373,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + sum = c; + else if (b == c) + sum = a; + else if (a == c) + sum = b; + else + sum = a+b+c; + return sum; +} +" +a7692e949449c2bd4b6a03b8e3cc1608b6610d83,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if( b == c) + return a; + return (a+b+c); + +} +" +1ab71033bf118dafa125cb1c1183ddae07065e36,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b && b == c) + sum = 0; + else if (a == b) + sum = c; + else if (b == c) + sum = a; + else if (a == c) + sum = b; + else + sum = a+b+c; + return sum; +} +" +f320b3eb4b1a4c013aaeabd572ecdeb7099e74ca,"public int loneSum(int a, int b, int c) +{ + if (a != b && b != c && a != c) { + return a + b + c; + } else if (a == b) { + return b + c; + } else if (b == c) { + return a + c; + } else if (a == c) { + return b + a; + } +} +" +61eacb7e0de9ff032231d50d0514fad21527c50a,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + return b + c; + } else if (b == c) { + return a + c; + } else if (a == c) { + return b + a; + } else { + return a + b + c; + } +} +" +ea493b87b298ad104da8f2e681727a9f777ed391,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + return c; + } else if (b == c) { + return a; + } else if (a == c) { + return b; + } else { + return a + b + c; + } +} +" +0cf02fad1a15f4ab109d7f154994d00ab3871b39,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + return c; + } else if (b == c) { + return a; + } else if (a == c) { + return b; + } else if (a != b && b != c && a != c) { + return 0; + } else { + return a + b + c; + } +} +" +f7983b055e29ca99b62c39572a59a426e03eb1ca,"public int loneSum(int a, int b, int c) +{ + if (a == b) { + return c; + } else if (b == c) { + return a; + } else if (a == c) { + return b; + } else if (a == b && b == c && a == c) { + return 0; + } else { + return a + b + c; + } +} +" +e65c3c7f6d36bea7c271e97cf62e2d36048e32f6,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c && a == c) { + return 0; + } else if (a == b) { + return c; + } else if (b == c) { + return a; + } else if (a == c) { + return b; + } else { + return a + b + c; + } +} +" +9aa9a896419b9dc59575e290b3a4155d505498e8,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return a + c; + } + else if (a==c) + { + return a + b; + } + else if (b==c) + { + return a + c; + } + else + { + return 0; + } + +} +" +e137a93b5d06a3c8d834da4f1d99f03c1da2b993,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return a + c; + } + else if (a==c) + { + return a + b; + } + else if (b==c) + { + return a + c; + } + else + { + return a+b+c; + } + +} +" +efe5afce77f5d5637916c027ac8112670354501d,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a ; + } + else + { + return a+b+c; + } + +} +" +cfed24016ebcdf8d8dacd02fac0fa128204dff38,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a ; + } + else if (a==b==c) + { + return 0; + } + else + { + return a+b+c; + } + +} +" +436586b05a942705d9cab887bca2c7356f8b5335,"public int loneSum(int a, int b, int c) +{ + if(a==b) + { + return c; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a ; + } + else if (a==b&& b==c) + { + return 0; + } + else + { + return a+b+c; + } + +} +" +db9e2660974fd51b1eb852eba3b2f179cdf4bcab,"public int loneSum(int a, int b, int c) +{ + if(a==b && b==c) + { + return 0; + } + else if (a==c) + { + return b; + } + else if (b==c) + { + return a ; + } + else if (a==b) + { + return c; + } + else + { + return a+b+c; + } + +} +" +b3c153971d53a488d22cdabc44a16b8e250fa8e0,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +413e29edf797274bb0feb802ec0dcf458c231064,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) { +return 0; +} else if(b == c) { +return a; +} else if(a == c) { +return b; +} else if(a == b) { +return c; +} else { +return a + b + c; +} +} +" +0d37474a337649b5ee1a265aa35ea66336ccb6ce,"public int loneSum(int a, int b, int c) +{ + + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +98aa53c6dd2bfa4ccea12bf2f394000f30dfec75,"public int loneSum(int a, int b, int c) +{ + if (a == b & a != c) + { + return (a + c); + } + else if (a == c && a != b) + { + return (a + b); + } + else if (b == c && b != a) + { + return (b + a); + } + else + { + return (a + b + c); + } + + + +} +" +439458900622951336e11906ca9523479a8b8366,"public int loneSum(int a, int b, int c) +{ + if (a == b & a != c) + { + return c; + } + else if (a == c && a != b) + { + return b; + } + else if (b == c && b != a) + { + return a; + } + else if (a != b && b != c) + { + return (a + b + c); + } + else + { + return 0; + } + + + +} +" +e07cac8b540aa86f3bd618614f30cfc1b20f851b,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + return a + c; + } + else if ( a == c) + { + return a + b; + } + else if (b == c) + { + return b + c; + } + else + { + return a + b + c + } + + +} +" +3cb14b30cbb39fdc4799a92a3d153a3b20a2a6fa,"public int loneSum(int a, int b, int c) +{ + if ( a == b ) + { + return a + c; + } + else if ( a == c) + { + return a + b; + } + else if (b == c) + { + return b + c; + } + else + { + return a + b + c; + } + + +} +" +623209d180c5b6251e7e2c497a053239785d2fa8,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + { + return 0; + } + else if ( a == b ) + { + return c; + } + else if ( a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } + + +} +" +da49ebe6d11cfba5c81152a007a4f31cea4c0643,"public int loneSum(int a, int b, int c) +{ + if(a == b) + if(a == c) + return 0; + return c; + if(a == c) + return 0; + if(b == c) + return 0; + return (a + b + c); + +} +" +72fd1c5629085f58f40183564498c22ccf7d4dfc,"public int loneSum(int a, int b, int c) +{ + if(a == b) + if(a == c) + return 0; + return c; + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +fb5d5ee9c5837048fcdc9e781f356bbd1290479b,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +204385efad990a01e31f7663d5cfa3882f1dbd89,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + + if (a != b && b != c && c!= a) + { + return sum; + } + + else if (a == b) + { + return c; + } + + else if (a == c) + { + return b; + } + + else if (b == c) + { + return a ; + } + + else + { + return 0; + } +} +" +4c8aadbb86bbb48c4de7d3d4b728511334df8988,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + + if (a != b && b != c && c!= a) + { + return sum; + } + + else if (a == b == c) + { + return 0; + } + + else if (a == b) + { + return c; + } + + else if (a == c) + { + return b; + } + + else if (b == c) + { + return a ; + } + + +} +" +d66d790cbcd98e4e1ac825de7a646844aa22a9fc,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + + if (a != b && b != c && c!= a) + { + return sum; + } + + else if (a == b && b == c) + { + return 0; + } + + else if (a == b) + { + return c; + } + + else if (a == c) + { + return b; + } + + else if (b == c) + { + return a ; + } + + +} +" +373fbed4101d4a3bb415eb70b358e35ce3ba8057,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + + if (a != b && b != c && c!= a) + { + return sum; + } + + else if (a == b && b == c) + { + return 0; + } + + else if (a == b) + { + return c; + } + + else if (a == c) + { + return b; + } + + else + { + return a ; + } + + +} +" +dd35b8d02b9ed5fe5e91aa543e2057120207280f,"public int loneSum(int a, int b, int c) +{ +if(a == b && b == c) + return 0; +else if(b == c) + return a; +else if(a == c) + return b; +else if(a == b) + return c; +else + return a + b + c; +} +" +a95642cd083ff4923b5d4e052fa9280f4bff1bbd,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +7ab66861fd28bcd1c581d3d3ba7b91926929df4c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (a == c) + { + return a + b; + } + else if (b == c) + { + return a + b; + } + return a + b + c; +} +" +d7b57ac1e7cbe5e0e471911f4cb25309e43daade,"public int loneSum(int a, int b, int c) +{ + if (b==a) + {return c;} + else if (b==c) + {return a;} + else if (c==a) + {return b;} + else if (c==a) + {return b;} + else if (a==c) + {return b;} + else if (a==b) + {return c;} + else if (a == b && b==c && a==c) + {return 0;} + else + {return a + b + c} + +} +" +feb6dfab08c410007b6b10db58a6d5592e86537e,"public int loneSum(int a, int b, int c) +{ + if (b==a) + {return c;} + else if (b==c) + {return a;} + else if (c==a) + {return b;} + else if (c==a) + {return b;} + else if (a==c) + {return b;} + else if (a==b) + {return c;} + else if (a == b && b==c && a==c) + {return 0;} + else + {return a + b + c;} + +} +" +414b9022e434be72a04810db0b4281e2da4e72d5,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + return a + b + c; +} +" +cbbf0cd6a69735c5fbc1ea086d3355ea889fc48a,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + return a + b + c; +} +" +be6c4507c7857ee801fce7fa20caba3c106237cc,"public int loneSum(int a, int b, int c) +{ + if (a == b && b==c && a==c) + else if (b==a) + {return c;} + else if (b==c) + {return a;} + else if (c==a) + {return b;} + else if (c==a) + {return b;} + else if (a==c) + {return b;} + else if (a==b) + {return c;} + + {return 0;} + else + {return a + b + c;} + +} +" +c6e5a147fe993eb7dcdb07c4b3ae35a30247a2eb,"public int loneSum(int a, int b, int c) +{ + if (a == b && b==c && a==c) + {return 0;} + else if (b==a) + {return c;} + else if (b==c) + {return a;} + else if (c==a) + {return b;} + else if (c==a) + {return b;} + else if (a==c) + {return b;} + else if (a==b) + {return c;} + else + {return a + b + c;} + +} +" +ca25e1dafe058baffd97d3a4f32e5c92a9a53ad6,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +ddb9416dd9a4cc9bccd870d85a34bcf88f3bb322,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +01954eb0d6d57799a713b2fd358b5fd9b2be4e18,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + boolean ab = a != b; + boolean ac = a != c; + boolean bc = b != c; + if(ab && ac) sum += a; + if(ab && bc) sum += b; + if(bc && ac) sum += c; + return sum; +} +" +7567dc9352cafb432283f417e02c0eecc0d299f0,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) { + return 0; + } + else if (a == b) { + return b+c; + } + else if (b==c) { + return c+a; + } + else if (c==a) { + return a+b; + } + else { + return a+b+c; + } +} +" +861d2c44986418fbfc6ffa3ef55ade397e0c0544,"public int loneSum(int a, int b, int c) +{ + if (a==b && b==c) { + return 0; + } + else if (a == b) { + return c; + } + else if (b==c) { + return a; + } + else if (c==a) { + return b; + } + else { + return a+b+c; + } +} +" +df2c0591a511e93f38186140ac40bf84dd365bb9,"public int loneSum(int a, int b, int c) +{ + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + return (a+b+c); + +} +" +eed43190e180110c59b71cf1c35ef53ac081dc43,"public int loneSum(int a, int b, int c) +{ + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + if( a == b && a ==c) + a = 0; + if (b==a && b == c) + b=0; + if (c==a && c==b) + c=0; + return (a+b+c); + +} +" +6b67946b1ee2418633901f6701c7ff90636156d2,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +808f1aa77c3c835af7ab411ffc9a301c8e18c44b,"public int loneSum(int a, int b, int c) +{ + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + + if (a==c) + { + a=0; + c=0; + } + + if (a==b) + { + a=0; + b=0; + } + + if (b==c) + { + b=0; + c=0; + } + + + + return (a+b+c); + +} +" +7a774338966ce1e0731c6649a053fb95fc5363d0,"public int loneSum(int a, int b, int c) +{ + + + if (a==c) + { + a=0; + c=0; + } + + if (a==b) + { + a=0; + b=0; + } + + if (b==c) + { + b=0; + c=0; + } + + + + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + + + + return (a+b+c); + +} +" +d4165fa55f4f81e5549d0a33c6c236a2530e9bb8,"public int loneSum(int a, int b, int c) +{ + + if (a==b==c) + { + a=0; + b=0; + c=0; + } + if (a==c) + { + a=0; + c=0; + } + + if (a==b) + { + a=0; + b=0; + } + + if (b==c) + { + b=0; + c=0; + } + + + + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + + + + return (a+b+c); + +} +" +842b26346133509359423eee97808a9ef5e67fc8,"public int loneSum(int a, int b, int c) +{ + + if (a=b=c) + { + a=0; + b=0; + c=0; + } + if (a==c) + { + a=0; + c=0; + } + + if (a==b) + { + a=0; + b=0; + } + + if (b==c) + { + b=0; + c=0; + } + + + + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + + + + return (a+b+c); + +} +" +1026ee743c2c5e02b683180da91e6d304d3480c2,"public int loneSum(int a, int b, int c) +{ + + if (a== b == c) + { + a=0; + b=0; + c=0; + } + if (a==c) + { + a=0; + c=0; + } + + if (a==b) + { + a=0; + b=0; + } + + if (b==c) + { + b=0; + c=0; + } + + + + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + + + + return (a+b+c); + +} +" +a2e36a60c4fce130a0327c1331e08898a6c6f854,"public int loneSum(int a, int b, int c) +{ + + if (a== b && b == c) + { + a=0; + b=0; + c=0; + } + if (a==c) + { + a=0; + c=0; + } + + if (a==b) + { + a=0; + b=0; + } + + if (b==c) + { + b=0; + c=0; + } + + + + if( a == b || a ==c) + a = 0; + if (b==a || b == c) + b=0; + if (c==a || c==b) + c=0; + + + + return (a+b+c); + +} +" +a3905079bc8cfd587cdf8cdae23d79ab82443b78,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +22559b70746014a18f57ec5696fc81fb9281b757,"public int loneSum(int a, int b, int c) +{ + if(a == c) + return b; + if(a == b) + return c; + if(b == c) + return a; + return a + b + c; +} +" +0296163f1932022d26f68d36d43aef653a975968,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + return 0; + if(a == c) + return b; + if(a == b) + return c; + if(b == c) + return a; + return a + b + c; +} +" +bcf54392bd6cc49478e35dac33017439331af8f1,"public int loneSum(int a, int b, int c) +{ + if(a == b && b == c) + return 0; + if(a == c) + return b; + if(a == b) + return c; + if(b == c) + return a; + return a + b + c; +} +" +c800079a6f7f0a0a73ad1bd4b5b55df7dd6dbf71,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return a + b + c; + } + return 0; +} +" +c2716378c4288cb10e478f7df80fe6025a08b801,"public int loneSum(int a, int b, int c) +{ + if (a != b && a != c && b != c) + { + return a + b + c; + } + else if (a != b && a != c && b == c) + { + return a; + } + else if (b != a && b != c && a == c) + { + return b; + } + else if (c != a && c != b && a == b) + { + return c; + } + return 0; +} +" +e9f04ef19511fbecbae1c7b0d6a8bf3abe41a7cc,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +182d1215fca95e2e266eb741fd452a1765f5d172,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +430d7f77f5a6def1ba836dbc99c8b71d74a103bc," +public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +}" +55cbb8d62e92fd7491632eaee337564ae8dc720f,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + if (a == b) + { + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return a + b + c; +} +" +4449422de56ed00d63a6a24f6e3faefa40c08d73,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + if (a == b) + { + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return a + b + c; +} +" +863743fea61e06d673131ef705425d4b67d43542,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return b + c; + if (b == c) + return a + c; + if (a == c) + return b + c; +} +" +49d683baae8222011914bea83df41e1204bdcbbd,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +f0e8ff234fff704f0f6cb920fbdb8c10d491101c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return b + c; + if (b == c) + return a + c; + if (a == c) + return b + c; + return a + b + c; +} +" +99edf10cbefb1068bc7d9b08755b79ee6584834e,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +4b9ada6799cc29f413feaee4723af77a9e48e583,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + return a + b + c; +} +" +fc4a6329ab92c21d43eb4e82a9f3fea37d011736,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + return 0; + return a + b + c; +} +" +e6a2390fa01ee874830574dd499678a984b7333d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + return 0; +} +" +729a1cd69e74264f62de46c882a4f80dc1f7d062,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + return a - b - c; + return a + b + c; +} +" +8bff0c04b8babb9e897361297a0b30ac7c2dc76e,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + + return a + b + c; +} +" +6d134f93633e595fb9c94e3c8c92de6d31e74fc9,"public int loneSum(int a, int b, int c) +{ + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + sum = 0; + return sum; + return sum; +} +" +8b848e07d2db11288d69ea153f98b7d75259a99c,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + if (a == b && b == c) + sum = 0; + return sum; + return sum; +} +" +9122e2b298f8b0c55623d81d23a8843755e043f5,"public int loneSum(int a, int b, int c) +{ + int sum = 0; + if (a == b) + sum = c; + return sum; + if (b == c) + sum = a; + return sum; + if (a == c) + sum = b; + return sum; + if (a == b && b == c) + sum = 0; + return sum; + return sum; +} +" +a2dc9863340231f80df81604669781fa97ae8f78,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + a = 0; + b = 0; + c = 0; + if (a == b) + a = 0; + b = 0; + if (a == c) + a = 0; + c = 0; + if (b == c) + b = 0; + c = 0; + return a + b + c; +} +" +dd7300bc9ee825604f32fdd153bdf16cff99e6fa,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + a = 0; + b = 0; + c = 0; + if (a == b) + a = 0; + b = 0; + if (a == c) + a = 0; + c = 0; + if (b == c) + b = 0; + c = 0; + return a + b + c; +} +" +05bf124673e46f68faf469002fcb15cb10e90684,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b) + sum = sum - a - b; + if (a == c) + sum = sum - a - c; + if(b == c) + sum = sum - b - c; + if ((a == b ) && (b == c)) + sum = 0; + return sum; +} +" +5865e005d8963020b64ba04d0c80e2bf5bcdd146,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + else + return c; + } + + if (a == c) + return b; + + if (b == c) + return a; + + return (a + b + c); +} +" +6c8a53bf5a47c04568dcc759ebaab83eb781052e,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +33b3697c6987b2705f1ff5fe58782650c2ee6e40,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return b+c;} + else if (a == c) { return b+c;} + else if (b == c) { return a+c;} + else {return a+b+c;} +} +" +7573a6e11318fc10703e7ddf9cb25d54c00d646a,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else {return a+b+c;} +} +" +110a4e37c8e066ee8a4beec908ace1994a266d30,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else if (a==b==c) {return 0;} + else {return a+b+c;} +} +" +12929db2c6b7e6c0555f6303c780173f484d7325,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else if ((a == b)&&(b==c)) {return 0;} + else {return a+b+c;} +} +" +ffa2cc398929d4382cd44e401e5e77e65ffe8056,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else if ((a == b)&&(b==c)&&(a==c)) {return 0;} + else {return a+b+c;} +} +" +33c5b794c650c4194d12cc3a661c1214bcbffae3,"public int loneSum(int a, int b, int c) +{ + return a+b+c; + +} +" +fe6572a80a0c68be099df899b2332f0cd557f950,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else if ((a == b)&&(b==c)) {return 0;} + else {return a+b+c;} +} +" +92fdb129184fbd931b73a40e0a7676a253af946c,"public int loneSum(int a, int b, int c) +{ + if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else if ((a == b)&&(b == c)) {return 0;} + else {return a+b+c;} +} +" +a56e0ad6ddee3b85b169013fd1cda8b4365b3472,"public int loneSum(int a, int b, int c) +{ + if ((a == b)&&(b == c)) {return 0;} + else if(a==b) {return c;} + else if (a == c) { return b;} + else if (b == c) { return a;} + else {return a+b+c;} +} +" +e3bdf069e1918c522abb2bba616c9de45ca4911b,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +6c25bf7e32ef3883fa3acef34267606ab80677a0,"public int loneSum(int a, int b, int c) +{ + if (a + b || a + c || b + c) + { + return sum; + } + +} +" +98412950a496fed83e61370753365b2047189d2c,"public int loneSum(int a, int b, int c) +{ + if (a == c) + { + if (a == b) + return null; + } + else if ( b == c) + { + return null; + } + return (a + b + c); + + +} +" +0e0e8e4cf1e41127fd31400ff7f58f9f3ddeb6ef,"public int loneSum(int a, int b, int c) +{ + if (a == c) + { + if (a == b) + return 0; + } + else if ( b == c) + { + return 0; + } + return (a + b + c); + + +} +" +8f02550ec364cec307d038290f4e039a0627c363,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); + +} +" +48e5b241ca855c3ac2447da96b9373d0b1d04b76,"public int loneSum(int a, int b, int c) +{ + if (a != b && a !=c && b != c) + { + return (a + b + c); + } + else if (a = b && b != c && c != a) + { + return (c); + } + else if (a = c && c != b && b != a) + { + return (b); + } + else if (b = c && c != a && a != b) + { + return (a); + } + else + { + return 0; + } +} +" +8ccf3449c95632097819a4dccf12c8826558322c,"public int loneSum(int a, int b, int c) +{ + if (a != b & a !=c & b != c) + { + return (a + b + c); + } + else if (a = b & b != c & c != a) + { + return (c); + } + else if (a = c & c != b & b != a) + { + return (b); + } + else if (b = c & c != a & a != b) + { + return (a); + } + else + { + return 0; + } +} +" +00fa2995692ab08ffc569028151b22a275a7d94f,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a !=c &&) (b != c)) + { + return (a + b + c); + } + else if ((a = b) && (b != c) && (c != a)) + { + return (c); + } + else if ((a = c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b = c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +7270bada82e5251086355e87307443c45c3dc0ce,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a != c &&) (b != c)) + { + return (a + b + c); + } + else if ((a = b) && (b != c) && (c != a)) + { + return (c); + } + else if ((a = c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b = c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +78df32c2aea7b03307199d0ac2baa9bb8829d979,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a != c) && (b != c)) + { + return (a + b + c); + } + else if ((a = b) && (b != c) && (c != a)) + { + return (c); + } + else if ((a = c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b = c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +7d0a33747c4495221e49e9cf66d255c204363c8c,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != b && b != c) + { + return sum; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a = c) + { + return b; + } + return sum; +} +" +8f27261483f7a73ed0e41ce825938a22409756d0,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a != c) && (b != c)) + { + return (a + b + c); + } + else if ((a = b) & (b != c) && (c != a)) + { + return (c); + } + else if ((a = c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b = c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +46c0984744b510de3197d8967f1598dcd39931c6,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a != c) && (b != c)) + { + return (a + b + c); + } + else if ((a = b) & (b != c) & (c != a)) + { + return (c); + } + else if ((a = c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b = c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +e98eced25705a29cd99e80e473a9029dbad01a05,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a != b && b != c) + { + return sum; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + return sum; +} +" +70192cb1d6f6b33f4b39925934b87dd2f4cd5250,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a != c) && (b != c)) + { + return (a + b + c); + } + else if ((a == b) && (b != c) && (c != a)) + { + return (c); + } + else if ((a = c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b = c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +caa2a985c1bfbba6c051cdeab22e15b872426029,"public int loneSum(int a, int b, int c) +{ + if ((a != b) && (a != c) && (b != c)) + { + return (a + b + c); + } + else if ((a == b) && (b != c) && (c != a)) + { + return (c); + } + else if ((a == c) && (c != b) && (b != a)) + { + return (b); + } + else if ((b == c) && (c != a) && (a != b)) + { + return (a); + } + else + { + return 0; + } +} +" +1926d7e4f0f698d6d5eea2588ae5f7880dde7de8,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if (a == b && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == c) + { + return b; + } + return sum; +} +" +5fd6a0f06eaeb82115464661766ef5bcd3638de9,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return a; + } + else if (a == b) + { + return (a+c); + } + else if (a == c) + { + return (a+b); + } + else if (b == c); + { + return (a+b); + } + else + { + return (a+b+c); + } +} +" +9d2e445240665a4b2a40d35a3d7a54464a9a4673,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return a; + } + else if (a == b) + { + return (a+c); + } + else if (a == c) + { + return (a+b); + } + else if (b == c) + { + return (a+b); + } + else + { + return (a+b+c); + } +} +" +9dd12ee991b428515777bb28e2f68182d9a1fb64,"public int loneSum(int a, int b, int c) +{ + if ((a == b) && (b == c)) + { + return 0; + } + else if (a == b) + { + return (c); + } + else if (a == c) + { + return (b); + } + else if (b == c) + { + return (a); + } + else + { + return (a+b+c); + } +} +" +6e78bc3d699001a521a2a2bc2ff4c537a55b2c12,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + sum = a + c; + } + else if (a==c) + { + sum = a + b; + } + else if (b==c) + { + sum = a + b; + } + else + { + sum = a + b + c; + } +} +" +90a326709910584d5c599d7a0adf51b51441e8a4,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a==b) + { + sum = a + c; + } + else if (a==c) + { + sum = a + b; + } + else if (b==c) + { + sum = a + b; + } + else + { + sum = a + b + c; + } +} +" +cb17f6b2990d413bd15b78623d58d2a30f9676df,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a==b) + { + sum = a + c; + } + else if (a==c) + { + sum = a + b; + } + else if (b==c) + { + sum = a + b; + } + else + { + sum = a + b + c; + } + return sum; +} +" +c02433a8efebca5fc249d0424a49d8ac2acc6830,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a==b) + { + sum = c; + } + else if (a==c) + { + sum = b; + } + else if (b==c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +b899cab11c69e9f18cd529c8226802fd4f04d428,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a==b) + { + sum = c; + } + else if (a==c) + { + sum = b; + } + else if (b==c) + { + sum = a; + } + else if (a==b && a==c) + { + sum = 0; + } + else + { + sum = a + b + c; + } + return sum; +} +" +7ad855075bed870ceaf1d8fa1e949b8121524186,"public int loneSum(int a, int b, int c) +{ + int sum; + if (a==b && a==c) + { + sum = 0; + } + else if (a==b) + { + sum = c; + } + else if (a==c) + { + sum = b; + } + else if (b==c) + { + sum = a; + } + else + { + sum = a + b + c; + } + return sum; +} +" +025fcdf2a34b9f37aa51299ad6de3451025c5189,"public int loneSum(int a, int b, int c) { + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +}" +0241784adfa55932de9ae625b68a2bf11e4f0845,"public int loneSum(int a, int b, int c) { + int sum = 0; + boolean ab = a != b; + boolean ac = a != c; + boolean bc = b != c; + if(ab && ac) sum += a; + if(ab && bc) sum += b; + if(bc && ac) sum += c; + return sum; +}" +7b7ff457066b0a714c10cfc5c749739471688d9a,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else if (a == b && a == c) + { + return b + c; + } + else if (b == a && b == c) + { + return a + c; + } + else if (c == a && c == b) + { + return a + b; + } + else + { + return 0; + } +} +" +c89ce43d00418695ca7cd8a6127ed5374aadc74f,"public int loneSum(int a, int b, int c) +{ + if (a==b) + return c; + if (c== b) + return a; + if (a==c) + return b; + int sum = a+b+c; + else + return sum; +} +" +867cf60b32ec6237c801635b278ae842bdea07ac,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else if (a > b && a > c) + { + return a; + } + else if (b > a && b > c) + { + return b; + } + else if (c > a && c > b) + { + return c; + } + else + { + return 0; + } +}" +0346e13db7ad9bd73cb5c80727a5f3a21c84793b,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a==b) + return c; + if (c== b) + return a; + if (a==c) + return b; + + else + return sum; +} +" +e26dedae132552ec7e5a4a6a5f2a37188f3765f5,"public int loneSum(int a, int b, int c) +{ + int sum = a+b+c; + if (a==b && b==c) + return 0; + if (a==b) + return c; + if (c== b) + return a; + if (a==c) + return b; + + else + return sum; +} +" +35bcf9a2bbcea81c53ed72d9799e891618bdfa66,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else if (a == b) + { + return c + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return 0; + } +} +" +e6705873a19e242019cadecf959c309e15433fee,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return 0; + } +} +" +541d73697c9d900ab52c411f319f3c7f8719229d,"public int loneSum(int a, int b, int c) +{ + if (a != b && b!= c && a!=c) + { + return a + b + c; + } + else if (a == b && a == c && b == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return 0; + } +} +" +7cc7e49d177bcfeb39617174a0f432671ed47c91,"public int loneSum(int a, int b, int c) +{ + if(a == b) + + { + + if(a == c) + + return 0; + + return c; + + } + + if(a == c) + + return b; + + if(b == c) + + return a; + + return (a + b + c); +} +" +9e8248302a604b03f7bedaf9eee9eca05160b434,"public int loneSum(int a, int b, int c) +{ + sum = a; + if(a!=B)sum +=b; + if(b!=c)sum +=c; + return sum + +} +" +eb86e36d5cde29b72cb74854ddd638974f3b0f06,"public int loneSum(int a, int b, int c) +{ + sum = a; + if(a!=B)sum +=b; + if(b!=c)sum +=c; + return sum; + +} +" +0cba582bdcf7bd04131b39250fd746e2a600da79,"public int loneSum(int a, int b, int c) +{ + int sum = a; + if(a!=B)sum +=b; + if(b!=c)sum +=c; + return sum; + +} +" +a95e9f82bfcd9b013ba44768d2a9bca7044cd60e,"public int loneSum(int a, int b, int c) +{ + int sum = a; + if(a!=b )sum +=b; + if(b!=c)sum +=c; + return sum; + +} +" +2e0d7b1fdfb8f5e536c7ef3e79da670407891bed,"public int loneSum(int a, int b, int c) { + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +}" +0714b3f6f5e1056f64fe523e7fa17a3d6b7c58f7,"public int loneSum(int a, int b, int c) +{ + if(a==b)return c; + if(a==c)return b; + if(c==b)return a; + return a+b+c; + +} +" +ca92cda715d4b1b5a7f389f5a84f903e625b15ed,"public int loneSum(int a, int b, int c) +{ + if(a==b)return c; + if(a==c)return b; + if(c==b)return a; + if(a==b&&a==c)return 0; + return a+b+c; + +} +" +e5200e04603b8ef51cf0036d72bddc33d904bfc9,"public int loneSum(int a, int b, int c) { + int sum = 0; + boolean ab = a != b; + boolean ac = a != c; + boolean bc = b != c; + if(ab && ac) sum += a; + if(ab && bc) sum += b; + if(bc && ac) sum += c; + return sum; +}" +586eedc41b75ff1ab62c20d4797d7d9c4b9025ec,"public int loneSum(int a, int b, int c) +{ + if(a==b)return c; + if(a==c)return b; + if(c==b)return a; + if(a==b&&a==c)return a; + return a+b+c; + +} +" +508ac5bf0dfeb66788a1fdf0f93f5c9052bc32f6,"public int loneSum(int a, int b, int c) +{ + if(a==b&&a==c)return 0; + if(a==b)return c; + if(a==c)return b; + if(c==b)return a; + return a+b+c; + +} +" +456674c073487e79a0dea7417243d3d0061a3cc7,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b && b == c) + { + sum = a + } + else if (a == b || a == c) + { + sum = sum - a + } + else if (b == c) + { + sum = sum - b + } + return sum; +} +" +dead7e5e377079599c11bb673bf7c1248fef60fc,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b && b == c) + { + sum = a; + } + else if (a == b || a == c) + { + sum = sum - a; + } + else if (b == c) + { + sum = sum - b; + } + return sum; +} +" +484bc68f21107db292118ba28fc4ae56f5782b38,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b && b == c) + { + sum = 0; + } + else if (a == b || a == c) + { + sum = sum - (2*a); + } + else if (b == c) + { + sum = sum -(2* b); + } + return sum; +} +" +d2da95b9302a25ad2e0a431dbe3492df793745c3,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +deb107e70b06c9daec49bef547b384128accffe4,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +0ead691d39627091b684290e79a1965ba45563c5,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +35391b0ac066f3d6952513f7f7472f27ca0c8b30,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +9053788f7acec8ee29255b28c6f796c90ee33414,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +3f5b050662eb9661363ee1fba5dcb4148f57237d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + { + return 0; + } + return c; + } + if (a == c) + { + return b; + } + if (b == c) + { + return a; + } + return (a + b + c); +} +" +445fd6b98027b587225d9b6b282ed7cdf6720e2d,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) return 0; + if (a == b) return c; + if (b == c) return a; + if (a == c) return b; + return a + b + c; +} +" +88af340fef49df1fb9e8cbd81e20183ae4b292d6,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +61249c536bb0bf55053db1463b41a2e6de16bd3d,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + answer = a + c; + } + else if (a == c) + { + answer = a + b; + } + else if (b = c) + { + answer = a + b; + } + else if (a == b && a == c) + { + answer = 0; + } + else + { + answer = a + b + c; + } + return answer +} +" +8ec71dec0a49a2e45b7ddb6b74fb566f2fc18731,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + answer = a + c; + } + else if (a == c) + { + answer = a + b; + } + else if (b = c) + { + answer = a + b; + } + else if (a == b && a == c) + { + answer = 0; + } + else + { + answer = a + b + c; + } + return answer; +} +" +68fd9ea25eede5c70abea352e60008df7bc5a746,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +276e266cac9a3345c6295cdfbac196d63605335c,"public int loneSum(int a, int b, int c) +{ + answer = int 0; + if (a == b) + { + answer = a + c; + } + else if (a == c) + { + answer = a + b; + } + else if (b = c) + { + answer = a + b; + } + else if (a == b && a == c) + { + answer = 0; + } + else + { + answer = a + b + c; + } + return answer; +} +" +47f9583fa161d046e75f55eac17dd953190fea62,"public int loneSum(int a, int b, int c) +{ + int answer = 0; + if (a == b) + { + answer = a + c; + } + else if (a == c) + { + answer = a + b; + } + else if (b = c) + { + answer = a + b; + } + else if (a == b && a == c) + { + answer = 0; + } + else + { + answer = a + b + c; + } + return answer; +} +" +a088930c338e91e957161f7f8d49695418060d79,"public int loneSum(int a, int b, int c) +{ + int answer = 0; + if (a == b) + { + answer = a + c; + } + else if (a == c) + { + answer = a + b; + } + else if (b == c) + { + answer = a + b; + } + else if (a == b && a == c) + { + answer = 0; + } + else + { + answer = a + b + c; + } + return answer; +} +" +8054a8f3ed1ae08cf3efe41c26da8c96aadbb53c,"public int loneSum(int a, int b, int c) +{ + int answer = 0; + if (a == b) + { + answer = c; + } + else if (a == c) + { + answer = b; + } + else if (b == c) + { + answer = a; + } + else if (a == b && a == c) + { + answer = 0; + } + else + { + answer = a + b + c; + } + return answer; +} +" +3d2f4e98f4a026967dc556bc39a0449848fb4625,"public int loneSum(int a, int b, int c) +{ + int answer = 0; + if (a == b && a == c) + { + answer = 0; + } + else if (a == b) + { + answer = c; + } + else if (a == c) + { + answer = b; + } + else if (b == c) + { + answer = a; + } + else + { + answer = a + b + c; + } + return answer; +} +" +888f130a2260216c628ae297add8547ce0b0b437,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + return a; + else if ( a == b) + return a + b; + else if (b == c) + return a + b; + else if (a == c) + return a + b; + return a + b + c; +} +" +40fd7390223cb658ee033f3cfb702d89e459738b,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + return a; + else if ( a == b) + return a + b; + else if (b == c) + return a + b; + else if (a == c) + return a + b; + else + return a + b + c; +} +" +7626fda0a1269242088fd8a0a65a6173d3314959,"public int loneSum(int a, int b, int c) +{ + if ( a == b && b == c) + return 0; + else if ( a == b) + return c; + else if (b == c) + return a ; + else if (a == c) + return b; + else + return a + b + c; +} +" +13d19f4adbc1f49316251f8c810565eb7a6db37e,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + return c; + } + else + { + return (a + b + c); + } +} +" +ce5ebc15987ef9229faefc75eb4f415b79884de1,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 0; + } + else + { + return c; + } + } + else if (a == c) + { + return b; + } + else + { + return a+b+c; + } +} +" +60797faa413617a15d5972260f16dfc526feea1c,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (b == c) + { + return 0; + } + else + { + return c; + } + } + else if (a == c) + { + return b; + } + else if (b == c) + { + return a; + } + else + { + return a+b+c; + } +} +" +42f5078c33a78e253d7beb12b116fe93e6fcb61b,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) + return 0; + if (a == b) + return c; + if (b == c) + return a; + if (a == c) + return b; + else + return a + b + c; +} +" +b045e63e7e8082c22bf04554a4790896dcd1d2be,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c + } + if(b == c) + { + return a + } + if(a == c) + { + return b + } + } + + } + else + { + return (a + b + c); + } +} +" +335d58f2baf21c1cce581d3eb3a132bea0b5fe5d,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + if(b == c) + { + return a; + } + if(a == c) + { + return b; + } + } + + } + else + { + return (a + b + c); + } +} +" +eb8886439c3cdac201c2e023ca69b0160ae2f0f4,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +a14b95f0e971604642b470b809ba0f9ba5754ef8,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + if(b == c) + { + return a; + } + if(a == c) + { + return b; + } + } + + } + else + { + return (a + b + c); + } +}} +" +fe22a341eec62f58c4b4a1c5677a19dfe0378982,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + if(b == c) + { + return a; + } + if(a == c) + { + return b; + } + } + + } + else + { + return (a + b + c); + } +} +" +1886d7b5a96f516f9ac1af6ca8776905c6d061e2,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + if(b == c) + { + return a; + } + if(a == c) + { + return b; + } + } + + } + else + { + int sum = (a + b + c) + return sum; + } +} +" +0ab6f4bea8ef4ed8bd40a42d6dd2b662dae4fb2a,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + if(b == c) + { + return a; + } + if(a == c) + { + return b; + } + } + + } + else + { + int sum = (a + b + c); + return sum; + } +} +" +3c410bc66c8a6b3475285a81bb2be96f15bef23b,"public int loneSum(int a, int b, int c) +{ + if (a == c) + return b; + if (b == c) + return a; + if (a == b) + return c; + return (a+b+c); +} +" +a88ffc266f350352e892b9f4843ebeab944e4a88,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + if(b == c) + { + return a; + } + if(a == c) + { + return b; + } + } + + } + else + { + int sum = (a + b + c); + return sum; + } +} +" +f706892b18f3ea1119402d00b6ae1cce81d9e8a8,"public int loneSum(int a, int b, int c) +{ + if (a == c) + return b; + if (b == c) + return a; + if (a == b) + return c; + if (a == b == c) + return 0; + return (a+b+c); +} +" +5936f00e5c8b67bda9022d9a0314f924fc9ff9b6,"public int loneSum(int a, int b, int c) +{ + if (a == c) + return b; + if (b == c) + return a; + if (a == b) + return c; + if (a == b && b == c) + return 0; + return (a+b+c); +} +" +eb79e1980024c9185b86e6273f0059b5013caaed,"public int loneSum(int a, int b, int c) +{ + if((a == b) || (a == c) || (b == c)) + { + if((a == b) && (a == c)) + { + return 0; + } + else + { + if(a == b) + { + return c; + } + else + { + if(b == c) + { + return a; + } + else + { + return b; + } + } + + } + + } + else + { + int sum = (a + b + c); + return sum; + } +} +" +71c6d98b5a32be9cb7fb4e78aa1ca62c370fecb7,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + if (a == c) + return 0; + return c; + } + if (a == c) + return b; + if (b == c) + return a; + return (a+b+c); +} +" +84d64d6479a30e87be56087911a95917816b1852,"public int loneSum(int a, int b, int c) +{ + if ( a == b || b ==c || a ==c) + { + if ( a==b==c) + { + return a; + } + else if ( a == b) + { + return a+c; + } + else if (b == c) + { + return a+b; + } + else + { + return a+b; + } + } + else + { + return a+b+c; + } +} +" +cf236cf2fe62c62d15b320ab4eef512dfc6d5a28,"public int loneSum(int a, int b, int c) +{ + if ( a == b || b ==c || a ==c) + { + if ( a== b && b == c) + { + return a; + } + else if ( a == b) + { + return a+c; + } + else if (b == c) + { + return a+b; + } + else + { + return a+b; + } + } + else + { + return a+b+c; + } +} +" +b0c0da7399998a81348c7916bcfebe5077836daa,"public int loneSum(int a, int b, int c) +{ + if ( a == b || b ==c || a ==c) + { + if ( a== b && b == c) + { + return a; + } + else if ( a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else + { + return b; + } + } + else + { + return a+b+c; + } +} +" +404cd1a48a06c02ba626f623337753246329ce3d,"public int loneSum(int a, int b, int c) +{ + if ( a == b || b ==c || a ==c) + { + if ( a== b && b == c) + { + return 0; + } + else if ( a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else + { + return b; + } + } + else + { + return a+b+c; + } +} +" +19f236f2d4eddd74a5ddcb3bed71094a9ce5b733,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +9aef08cd1bdc8da16324a5e2a30112f3ac56d372,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +0e80d2f76cfe1153ba76899e60c8a55c954a0190,"public int loneSum(int a, int b, int c) +if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +" +a7b2d872a011a238da20fcfacca8917a638a8485,"public int loneSum(int a, int b, int c) +if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +8def1478205418e61920b46ed42028be292e0841,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +685711054a66de25bd0afa695bc9a6c28bd5e4cc,"public int loneSum(int a, int b, int c) +{ + if(a == b) + { + if(a == c) + return 0; + return c; + } + if(a == c) + return b; + if(b == c) + return a; + return (a + b + c); +} +" +db28cf09e58e40bdef8721e688cf4ca94e85f54c,"public int loneSum(int a, int b, int c) +{ + if (a == b && b == c) return 0; + if (a == b) return c; + if (a == c) return b; + if (b == c) return a; + return a + b + c; +} +" +dae09d763b19dde3545203e70316b7a0560ead64,"public int loneSum(int a, int b, int c) +{ + int result; + if ((a==b) && (b==c) && (c==a)) + { + a = 0; + b = 0; + c = 0; + } + else if (a==b) + { + a = 0; + b = 0; + } + else if (b==c) + { + b = 0; + c = 0; + } + else if (c==a) + { + a = 0; + c = 0; + } + result = a + b + c; + return result; +} +" +b5a3765fc5638e6ffc1232d1609a9135cb326c9c,"public int loneSum(int a, int b, int c) +{ + int sum = a + b + c; + if ( a == b) { sum = sum - a - b; } + if ( a == c) { sum = sum - a - c; } + if( b == c) { sum = sum - b - c; } + if (( a == b ) && (b==c)) { sum = 0; } + return sum; +} +" +38fdaaebada11e2966104f2d194481ce359d375c,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + a=0; + b=0; + } + else if (b == c) + { + b=0; + c=0; + } + else if (a == c) + { + a=0; + c=0; + } + return a+b+c; +} +" +d744d8313f038b04867a36dd08376cb705b034bb,"public int loneSum(int a, int b, int c) +{ + if (a==b) + { + a=0; + b=0; + } + if (b == c) + { + b=0; + c=0; + } + if (a == c) + { + a=0; + c=0; + } + return a+b+c; +} +" +4c0bb40c8d64f599af9ddc1ab9259ec79734aaf0,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + NewA=0; + NewB=0; + NewC=c; + } + if (b == c) + { + NewA=a; + NewB=0; + NewC=0; + } + if (a == c) + { + NewA=0; + NewB=b; + NewC=0; + } + return NewA + NewB + NewC; +} +" +113d867c260c1b084bcc2e001fc6be27658c9f00,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + int NewA=0; + int NewB=0; + int NewC=c; + } + if (b == c) + { + int NewA=a; + int NewB=0; + int NewC=0; + } + if (a == c) + { + int NewA=0; + int NewB=b; + int NewC=0; + } + return NewA + NewB + NewC; +} +" +1c582a21f8baf47760da79595a6853ac06460077,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + int NewA=0; + int NewB=0; + int NewC=c; + } + if (b == c) + { + NewA=a; + NewB=0; + NewC=0; + } + if (a == c) + { + NewA=0; + NewB=b; + NewC=0; + } + return NewA + NewB + NewC; +} +" +be026b2defae2e1754b5cb36f5cf6cc815d2bcec,"public int loneSum(int a, int b, int c) +{ + int NewA; + int NewB; + int NewC; + if (a == b) + { + NewA=0; + NewB=0; + NewC=c; + } + if (b == c) + { + NewA=a; + NewB=0; + NewC=0; + } + if (a == c) + { + NewA=0; + NewB=b; + NewC=0; + } + return NewA + NewB + NewC; +} +" +50253ed7921ca207b36deb45bdfe0626b30ac501,"public int loneSum(int a, int b, int c) +{ + int NewA = 0; + int NewB = 0; + int NewC = 0; + if (a == b) + { + NewA=0; + NewB=0; + NewC=c; + } + if (b == c) + { + NewA=a; + NewB=0; + NewC=0; + } + if (a == c) + { + NewA=0; + NewB=b; + NewC=0; + } + return NewA + NewB + NewC; +} +" +6b71555e25ded2ca33678bc5fe299f600736b460,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + a=0; + b=0; + } + if (b == c) + { + b=0; + c=0; + } + if (a == c) + { + a=0; + c=0; + } + return a+b+c; +} +" +d770f9fcf3c2720fe2d54639afe85bf85c443ec9,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return a + c; + } + else if (b == c) + { + return a + b; + } + else if (a == b && a == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +f32e2f805ed4bf470905bea0e75da2a08eac1db0,"public int loneSum(int a, int b, int c) +{ + if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if (a == b && a == c) + { + return 0; + } + else + { + return a + b + c; + } +} +" +e005651612dcbc9fabe9717995da83f63188a670,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else + { + return a + b + c; + } +} +" +57e693caa7793b0e0a0800db91738e3a1d5d360c,"public int loneSum(int a, int b, int c) +{ + if (a == b && a == c) + { + return 0; + } + else if (a == b) + { + return c; + } + else if (b == c) + { + return a; + } + else if ( a == c) + { + return b; + } + else + { + return a + b + c; + } +} +" diff --git a/IRT_dataset/problem_502_45.txt b/IRT_dataset/problem_502_45.txt new file mode 100644 index 0000000..864c022 --- /dev/null +++ b/IRT_dataset/problem_502_45.txt @@ -0,0 +1 @@ +Given an int array, return the sum of the numbers in the array, except ignore sections of numbers starting with a 6 and extending to the next 7 (every 6 will be followed by at least one 7). Return 0 for no numbers. \ No newline at end of file diff --git a/__init__.py b/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/custom_rec_policy.py b/custom_rec_policy.py new file mode 100644 index 0000000..4ba45b4 --- /dev/null +++ b/custom_rec_policy.py @@ -0,0 +1,248 @@ +''' +Implement the PPO algorithm for our Selection Environment. +''' +import os +import json +import math +import argparse +from tqdm import tqdm +import itertools +from collections import defaultdict +import torch.nn as nn +from stable_baselines3.common.torch_layers import BaseFeaturesExtractor +from stable_baselines3.common.policies import ActorCriticPolicy +from stable_baselines3.common.env_checker import check_env +from stable_baselines3.common.vec_env import DummyVecEnv +from stable_baselines3 import PPO +from IRT.implement_irt import read_dataset +from selection_env import SelectionEnv + +class CustomFeatureExtractor(BaseFeaturesExtractor): + def __init__(self, observation_space, features_dim=128): + super(CustomFeatureExtractor, self).__init__(observation_space, features_dim) + # Modify this part to fit with your input space + self.feature_extractor = nn.Sequential(nn.Linear(observation_space.shape[0], 128), nn.ReLU()) + # Set the dimensions of the last layer of the feature extractor + self.latent_dim_pi = 128 + self.latent_dim_vf = 128 + + def forward(self, observations): + return self.feature_extractor(observations), self.feature_extractor(observations) + + def forward_critic(self, observations): + return self.feature_extractor(observations) + + def forward_actor(self, observations): + return self.feature_extractor(observations) + +class RecurrentPolicy(ActorCriticPolicy): + def __init__(self, *args, **kwargs): + super(RecurrentPolicy, self).__init__(*args, **kwargs, + net_arch={'pi': [128, 'lstm', 128], + 'vf': [128, 'lstm', 128]}) + + def _build_mlp_extractor(self) -> None: + self.mlp_extractor = CustomFeatureExtractor(self.observation_space) + + + +def implement_PPO_algorithm(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, save_main_dir = 'results', intermediate=None, bypass_num_passes=None): + ''' + Implement stable baselines algorithm with the environment + ''' + # wrap the environment using DummyVecEnv + if intermediate is None: + obs = env.set_force_reset(force_reset=-1, mode='train') # start from student 0 + env = DummyVecEnv([lambda: env]) + + policy_name = hyperparameters['policy_name'] + gamma = hyperparameters['gamma'] + ent_coef = hyperparameters['ent_coef'] + learning_rate = hyperparameters['learning_rate'] + num_forward_passes = hyperparameters['num_forward_passes'] + + # train students + num_train_students = num_students - num_test_students + + # train the agent + print('\nTraining the agent') + model = PPO(RecurrentPolicy, env, verbose=1, gamma=gamma, ent_coef=ent_coef, learning_rate=learning_rate, n_epochs = num_forward_passes, n_steps=1024, batch_size=64).learn(total_timesteps = int(num_train_students)*MAX_EPISODES) + + print('\nTesting the trained agent') + # test the trained agent + for sub_env in env.envs: + sub_env.set_force_reset(num_students-num_test_students-1, mode='test') + obs = env.reset() # start from student 0 + # test for k students + K = num_test_students-1 + # TODO: Calculate discounted return for each student + pred_student_information = defaultdict(dict) + for j in tqdm(range(K)): + # print('##### Testing for student {:d} #####'.format(j)) + n_steps = 20 + pred_student_information[j]['discounted_return'] = 0 + pred_student_information[j]['test_cases'] = [] + for step in range(n_steps): + action, _ = model.predict(obs, deterministic=False) + # print("Step {}".format(step + 1)) + # print("Action: ", action) + obs, reward, done, info = env.step(action) + # print('Observation, Reward, Done, Info: ', obs, reward, done, info) + env.render(mode='console') + # update discounted return + pred_student_information[j]['discounted_return'] += (gamma**step)*reward.tolist()[0] + # update test cases + pred_student_information[j]['test_cases'].append(action.tolist()[0]) + if done: + break + + save_dir = '{:s}/PPO/{:s}'.format(save_main_dir, policy_name) + if not os.path.exists(save_dir): + os.makedirs(save_dir) + # save discounted return + if intermediate is None: + save_path = '{:s}/{:f}_{:f}_{:f}_{:d}.json'.format(save_dir, gamma, ent_coef, learning_rate, num_forward_passes) + with open(save_path, 'w') as f: + json.dump(pred_student_information, f, indent=4) + else: + save_path_dir = '{:s}/{:f}_{:f}_{:f}_{:d}'.format(save_dir, gamma, ent_coef, learning_rate, bypass_num_passes) + if not os.path.exists(save_path_dir): + os.makedirs(save_path_dir) + save_path = '{:d}.json'.format(intermediate) + with open(os.path.join(save_path_dir, save_path), 'w') as f: + json.dump(pred_student_information, f, indent=4) + +def save_intermediate_results(env, num_students, MAX_EPISODES, num_test_students, hyperparameters): + ''' + Train the model and save the validation results after each epoch + ''' + save_main_dir = 'results_intermediate' + num_forward_passes = hyperparameters['num_forward_passes'] + hyperparameters['num_forward_passes'] = 1 + for intermediate in range(1, num_forward_passes+1): + if intermediate == 1: + # wrap the environment using DummyVecEnv + obs = env.set_force_reset(force_reset=-1, mode='train') # start from student 0 + env = DummyVecEnv([lambda: env]) + else: + for sub_env in env.envs: + sub_env.set_force_reset(force_reset=-1, mode='train') + + # call the implement_PPO_algorithm function + print('Epoch: {:d}'.format(intermediate)) + implement_PPO_algorithm(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, save_main_dir, intermediate, bypass_num_passes=num_forward_passes) + +def test_individual_env_methods(): + env = SelectionEnv() + observation = env.get_observation('This is a test', 'This is a test also') + print(observation.shape) # (768,) + # test get updated ability + print(env.get_updated_ability(0, [0, 0, 1, 2])) + # test - step + for i in range(10): + print(env.step(i)) + +def create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=False): + ''' + Create a new environment + ''' + env = SelectionEnv(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + return env + + +def parse_arguments(): + ''' + Parse command line arguments + ''' + parser = argparse.ArgumentParser(description='Test Case Selection Environment') + parser.add_argument('--num_test_students', type=int, default=5, help='Number of test students') + parser.add_argument('--CONSIDER_TEST_CASES', type=int, default=15, help='Number of test cases to consider') + parser.add_argument('--MAX_EPISODES', type=int, default=5, help='Maximum number of episodes') + parser.add_argument('--verbose', type=bool, default=False, help='Verbose') + parser.add_argument('--intermediate', type=bool, default=False, help='Save intermediate results') + parser.add_argument('--config', type=str, default='0.900000_0.000000_0.005000_10.json', help='Default hyperparameters') + parser.add_argument('--save_main_dir', type=str, default='results', help='Save main directory') + parser.add_argument('--force_repeat', type=bool, default=False, help='Force repeat the experiment') + args = parser.parse_args() + return args + + +def main(): + # parse arguments + args = parse_arguments() + + # output directory + output_dir = args.save_main_dir + if not os.path.exists(output_dir): + os.makedirs(output_dir) + + # define number of test cases to consider + CONSIDER_TEST_CASES = args.CONSIDER_TEST_CASES + MAX_EPISODES = args.MAX_EPISODES + num_test_students = args.num_test_students + verbose = args.verbose + intermediate = args.intermediate + + + # TODO: Load dataset + student_ids, outputs = read_dataset(CONSIDER_TEST_CASES) + + # define environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose) + + # test individual environment methods + # test_individual_env_methods() + + # check environment + check_env(env) + print('Environment Validated!') + + + if not intermediate: + # implement algorithm + print('\nPerforming Hyperparameter Tuning') + + # define hyperparameters for hyperparameter tuning + policy_name = ['CustomPolicy'] + gamma = [0.9, 1.0] + ent_coef = [0.01, 0.1, 0.9] + learning_rate = [0.0001, 0.0005, 0.001, 0.01] + num_forward_passes = [1, 5, 10] # num epochs + # iterate over all combinations of hyperparameters + for policy_name, gamma, ent_coef, learning_rate, num_forward_passes in itertools.product(policy_name, gamma, ent_coef, learning_rate, num_forward_passes): + if not args.force_repeat: + # save path + save_dir = 'results/PPO/{:s}'.format(policy_name) + save_path = '{:s}/{:f}_{:f}_{:f}_{:d}.json'.format(save_dir, gamma, ent_coef, learning_rate, num_forward_passes) + # check if file exists + if os.path.exists(save_path): + continue + + # create new environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + # define hyperparameters dictionary + hyperparameters = {'policy_name': policy_name, 'gamma': gamma, 'ent_coef': ent_coef, 'learning_rate': learning_rate, 'num_forward_passes': num_forward_passes} + # implement algorithm + implement_PPO_algorithm(env, len(student_ids), MAX_EPISODES, num_test_students, hyperparameters) + # print hyperparameters + print('Hyperparameters: ', hyperparameters) + # close environment + env.close() + # delete environment + del env + else: + # print intermediate results for a single hyperparameter setting + # parse config + config = args.config + gamma, ent_coef, learning_rate, num_forward_passes = config.strip('.json').split('_') + policy_name = 'CustomPolicy' + hyperparameters = {'policy_name': policy_name, 'gamma': float(gamma), 'ent_coef': float(ent_coef), 'learning_rate': float(learning_rate), 'num_forward_passes': int(num_forward_passes)} + + # create new environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + print('Saving intermediate results for hyperparameters: ', hyperparameters) + # save intermediate results + save_intermediate_results(env, len(student_ids), MAX_EPISODES, num_test_students, hyperparameters) + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/lstm_bilinear_policy.py b/lstm_bilinear_policy.py new file mode 100644 index 0000000..fce7d61 --- /dev/null +++ b/lstm_bilinear_policy.py @@ -0,0 +1,330 @@ +''' +Implement the PPO algorithm for our Selection Environment. +''' +import os +import sys +import json +import math +import argparse +from tqdm import tqdm +import itertools +from collections import defaultdict +import torch.nn as nn +from stable_baselines3.common.torch_layers import BaseFeaturesExtractor +from stable_baselines3.common.policies import ActorCriticPolicy +from stable_baselines3.common.env_checker import check_env +from stable_baselines3.common.vec_env import DummyVecEnv +from stable_baselines3 import PPO +from IRT.implement_irt import read_dataset +from selection_env import SelectionEnv +import torch +from torch.distributions import Categorical +from functools import partial + +class LstmFeaturesExtractor(BaseFeaturesExtractor): + def __init__(self, observation_space, features_dim=128): + super().__init__(observation_space, features_dim) + + # Define the LSTM layer + self.lstm = nn.LSTM(input_size=observation_space.shape[0], hidden_size=self.features_dim, num_layers=1, batch_first=True) + + def forward(self, observations): + # Pass the observations through the LSTM + lstm_out, _ = self.lstm(observations) + + # Remove the sequence length dimension + lstm_out = lstm_out.squeeze(1) + + return lstm_out + + +class LstmBilinearPolicy(ActorCriticPolicy): + def __init__(self, observation_space, action_space, lr_schedule, test_case_embeddings, *args, **kwargs): + super().__init__(observation_space, action_space, lr_schedule, + features_extractor_class=LstmFeaturesExtractor, + # net_arch=[dict(pi=[64, 64], vf=[64, 64])], + activation_fn=nn.Tanh, + *args, **kwargs) + + + # TODO: define feature dimension (make it a parameter of this constructor) + self.features_dim = 128 + + # get the test cases embeddings + self.test_case_embeddings = test_case_embeddings + + # Define the weight matrix W + self.W = nn.Parameter(torch.randn(self.features_dim, observation_space.shape[0])) + + # Define the softmax layer + self.softmax = nn.Softmax(dim=-1) + + # Define the value function + self.value_fn = nn.Linear(self.features_dim, 1) + + def _get_action_dist_from_latents(self, latents_pi, latents_vf): + + # compute projections + projection = torch.matmul(torch.matmul(latents_pi, self.W), self.test_case_embeddings.T) + + # Apply the softmax to get the probabilities of the test cases + probabilities = self.softmax(projection) + + # Create the action distribution + action_dist = Categorical(probs=probabilities) # shape: (batch_size, num_test_cases) + + # Compute the value + value = self.value_fn(latents_vf) + + return action_dist, value + + def forward(self, obs, deterministic=False): + # Extract the features + features = self.extract_features(obs) + + # Compute the action distribution and the value + action_dist, value = self._get_action_dist_from_latents(features, features) + + # Sample an action + if deterministic: + action = action_dist.probs.argmax(dim=-1, keepdim=True) + else: + action = action_dist.sample() + + # Return the action, the value and the action log probability + return action, value, action_dist.log_prob(action) + +def get_test_case_embeddings(env): + ''' + Get the test case embeddings + ''' + # get test case dictionary + test_cases = env.test_cases + + # get test case embeddings + test_case_embeddings = [] + for case_num, test_case in test_cases.items(): + # disable gradient + with torch.no_grad(): + # Tokenize the obs str + obs_input_ids = env.tokenizer.encode(test_case, return_tensors='pt').to(env.device) + outputs_obs = env.code_gpt(obs_input_ids) + embeddings_obs = outputs_obs.last_hidden_state + # Aggregate the embeddings + embeddings_obs = embeddings_obs.mean(dim=1).squeeze(0) + # Add the embedding to the list + test_case_embeddings.append(embeddings_obs) + # convert to tensor + test_case_embeddings = torch.stack(test_case_embeddings) + # return the embeddings + return test_case_embeddings + + +def implement_PPO_algorithm(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, test_case_embeddings, save_main_dir = 'results', intermediate=None, bypass_num_passes=None): + ''' + Implement stable baselines algorithm with the environment + ''' + # wrap the environment using DummyVecEnv + if intermediate is None: + obs = env.set_force_reset(force_reset=-1, mode='train') # start from student 0 + env = DummyVecEnv([lambda: env]) + + policy_name = hyperparameters['policy_name'] + gamma = hyperparameters['gamma'] + ent_coef = hyperparameters['ent_coef'] + learning_rate = hyperparameters['learning_rate'] + num_forward_passes = hyperparameters['num_forward_passes'] + + # train students + num_train_students = num_students - num_test_students + + # define the policy + RecurrentPolicy = partial(LstmBilinearPolicy, test_case_embeddings=test_case_embeddings) + + # train the agent + print('\nTraining the agent') + model = PPO(RecurrentPolicy, env, verbose=1, gamma=gamma, ent_coef=ent_coef, learning_rate=learning_rate, n_epochs = num_forward_passes, n_steps=1024, batch_size=64).learn(total_timesteps = int(num_train_students)*MAX_EPISODES) + + print('\nTesting the trained agent') + # test the trained agent + for sub_env in env.envs: + sub_env.set_force_reset(num_students-num_test_students-1, mode='test') + obs = env.reset() # start from student 0 + # test for k students + K = num_test_students-1 + # TODO: Calculate discounted return for each student + pred_student_information = defaultdict(dict) + for j in tqdm(range(K)): + # print('##### Testing for student {:d} #####'.format(j)) + n_steps = 20 + pred_student_information[j]['discounted_return'] = 0 + pred_student_information[j]['test_cases'] = [] + for step in range(n_steps): + action, _ = model.predict(obs, deterministic=False) + # print("Step {}".format(step + 1)) + # print("Action: ", action) + obs, reward, done, info = env.step(action) + # print('Observation, Reward, Done, Info: ', obs, reward, done, info) + env.render(mode='console') + # update discounted return + pred_student_information[j]['discounted_return'] += (gamma**step)*reward.tolist()[0] + # update test cases + pred_student_information[j]['test_cases'].append(action.tolist()[0]) + if done: + break + + save_dir = '{:s}/PPO/{:s}'.format(save_main_dir, policy_name) + if not os.path.exists(save_dir): + os.makedirs(save_dir) + # save discounted return + if intermediate is None: + save_path = '{:s}/{:f}_{:f}_{:f}_{:d}.json'.format(save_dir, gamma, ent_coef, learning_rate, num_forward_passes) + with open(save_path, 'w') as f: + json.dump(pred_student_information, f, indent=4) + else: + save_path_dir = '{:s}/{:f}_{:f}_{:f}_{:d}'.format(save_dir, gamma, ent_coef, learning_rate, bypass_num_passes) + if not os.path.exists(save_path_dir): + os.makedirs(save_path_dir) + save_path = '{:d}.json'.format(intermediate) + with open(os.path.join(save_path_dir, save_path), 'w') as f: + json.dump(pred_student_information, f, indent=4) + +def save_intermediate_results(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, test_case_embeddings): + ''' + Train the model and save the validation results after each epoch + ''' + save_main_dir = 'results_intermediate' + num_forward_passes = hyperparameters['num_forward_passes'] + hyperparameters['num_forward_passes'] = 1 + for intermediate in range(1, num_forward_passes+1): + if intermediate == 1: + # wrap the environment using DummyVecEnv + obs = env.set_force_reset(force_reset=-1, mode='train') # start from student 0 + env = DummyVecEnv([lambda: env]) + else: + for sub_env in env.envs: + sub_env.set_force_reset(force_reset=-1, mode='train') + + # call the implement_PPO_algorithm function + print('Epoch: {:d}'.format(intermediate)) + implement_PPO_algorithm(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, test_case_embeddings, save_main_dir, intermediate, bypass_num_passes=num_forward_passes) + +def test_individual_env_methods(): + env = SelectionEnv() + observation = env.get_observation('This is a test', 'This is a test also') + print(observation.shape) # (768,) + # test get updated ability + print(env.get_updated_ability(0, [0, 0, 1, 2])) + # test - step + for i in range(10): + print(env.step(i)) + +def create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=False): + ''' + Create a new environment + ''' + env = SelectionEnv(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + return env + + +def parse_arguments(): + ''' + Parse command line arguments + ''' + parser = argparse.ArgumentParser(description='Test Case Selection Environment') + parser.add_argument('--num_test_students', type=int, default=10, help='Number of test students') + parser.add_argument('--CONSIDER_TEST_CASES', type=int, default=15, help='Number of test cases to consider') + parser.add_argument('--MAX_EPISODES', type=int, default=10, help='Maximum number of episodes') + parser.add_argument('--verbose', type=bool, default=False, help='Verbose') + parser.add_argument('--intermediate', type=bool, default=False, help='Save intermediate results') + parser.add_argument('--config', type=str, default='0.900000_0.000000_0.005000_10.json', help='Default hyperparameters') + parser.add_argument('--save_main_dir', type=str, default='results', help='Save main directory') + parser.add_argument('--force_repeat', type=bool, default=False, help='Force repeat the experiment') + args = parser.parse_args() + return args + + +def main(): + # parse arguments + args = parse_arguments() + + + # output directory + output_dir = args.save_main_dir + if not os.path.exists(output_dir): + os.makedirs(output_dir) + + # define number of test cases to consider + CONSIDER_TEST_CASES = args.CONSIDER_TEST_CASES + MAX_EPISODES = args.MAX_EPISODES + num_test_students = args.num_test_students + verbose = args.verbose + intermediate = args.intermediate + + + # TODO: Load dataset + student_ids, outputs = read_dataset(CONSIDER_TEST_CASES) + + # define environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose) + + # get test case embeddings + test_case_embeddings = get_test_case_embeddings(env) + print('Generated Test Case Embeddings: ', test_case_embeddings.shape) + + # test individual environment methods + # test_individual_env_methods() + + # check environment + check_env(env) + print('Environment Validated!') + + + if not intermediate: + # implement algorithm + print('\nPerforming Hyperparameter Tuning') + + # define hyperparameters for hyperparameter tuning + policy_name = ['LSTMBilinearPolicy'] + gamma = [0.9] + ent_coef = [0.01, 0.1] + learning_rate = [0.0001, 0.001, 0.01] + num_forward_passes = [10, 25, 50] # num epochs + # iterate over all combinations of hyperparameters + for policy_name, gamma, ent_coef, learning_rate, num_forward_passes in itertools.product(policy_name, gamma, ent_coef, learning_rate, num_forward_passes): + if not args.force_repeat: + # save path + save_dir = 'results/PPO/{:s}'.format(policy_name) + save_path = '{:s}/{:f}_{:f}_{:f}_{:d}.json'.format(save_dir, gamma, ent_coef, learning_rate, num_forward_passes) + # check if file exists + if os.path.exists(save_path): + continue + + # create new environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + # define hyperparameters dictionary + hyperparameters = {'policy_name': policy_name, 'gamma': gamma, 'ent_coef': ent_coef, 'learning_rate': learning_rate, 'num_forward_passes': num_forward_passes} + # implement algorithm + implement_PPO_algorithm(env, len(student_ids), MAX_EPISODES, num_test_students, hyperparameters, test_case_embeddings) + # print hyperparameters + print('Hyperparameters: ', hyperparameters) + # close environment + env.close() + # delete environment + del env + else: + # print intermediate results for a single hyperparameter setting + # parse config + config = args.config + gamma, ent_coef, learning_rate, num_forward_passes = config.strip('.json').split('_') + policy_name = 'LSTMBilinearPolicy' + hyperparameters = {'policy_name': policy_name, 'gamma': float(gamma), 'ent_coef': float(ent_coef), 'learning_rate': float(learning_rate), 'num_forward_passes': int(num_forward_passes)} + + # create new environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + print('Saving intermediate results for hyperparameters: ', hyperparameters) + # save intermediate results + save_intermediate_results(env, len(student_ids), MAX_EPISODES, num_test_students, hyperparameters, test_case_embeddings) + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/ppo.py b/ppo.py new file mode 100644 index 0000000..34836bf --- /dev/null +++ b/ppo.py @@ -0,0 +1,218 @@ +''' +Implement the PPO algorithm for our Selection Environment. +''' +import os +import json +import math +import argparse +from tqdm import tqdm +import itertools +from collections import defaultdict +from stable_baselines3.common.env_checker import check_env +from stable_baselines3.common.vec_env import DummyVecEnv +from stable_baselines3 import PPO +from IRT.implement_irt import read_dataset +from selection_env import SelectionEnv + +def implement_PPO_algorithm(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, save_main_dir = 'results', intermediate=None, bypass_num_passes=None): + ''' + Implement stable baselines algorithm with the environment + ''' + # wrap the environment using DummyVecEnv + if intermediate is None: + obs = env.set_force_reset(force_reset=-1, mode='train') # start from student 0 + env = DummyVecEnv([lambda: env]) + + policy_name = hyperparameters['policy_name'] + gamma = hyperparameters['gamma'] + ent_coef = hyperparameters['ent_coef'] + learning_rate = hyperparameters['learning_rate'] + num_forward_passes = hyperparameters['num_forward_passes'] + + # train students + num_train_students = num_students - num_test_students + + # train the agent + print('\nTraining the agent') + model = PPO(policy_name, env, verbose=1, gamma=gamma, ent_coef=ent_coef, learning_rate=learning_rate, n_epochs = num_forward_passes, n_steps=1024, batch_size=64).learn(total_timesteps = int(num_train_students)*MAX_EPISODES) + + print('\nTesting the trained agent') + # test the trained agent + for sub_env in env.envs: + sub_env.set_force_reset(num_students-num_test_students-1, mode='test') + obs = env.reset() # start from student 0 + # test for k students + K = num_test_students-1 + # TODO: Calculate discounted return for each student + pred_student_information = defaultdict(dict) + for j in tqdm(range(K)): + # print('##### Testing for student {:d} #####'.format(j)) + n_steps = 20 + pred_student_information[j]['discounted_return'] = 0 + pred_student_information[j]['test_cases'] = [] + for step in range(n_steps): + action, _ = model.predict(obs, deterministic=False) + # print("Step {}".format(step + 1)) + # print("Action: ", action) + obs, reward, done, info = env.step(action) + # print('Observation, Reward, Done, Info: ', obs, reward, done, info) + env.render(mode='console') + # update discounted return + pred_student_information[j]['discounted_return'] += (gamma**step)*reward.tolist()[0] + # update test cases + pred_student_information[j]['test_cases'].append(action.tolist()[0]) + if done: + break + + save_dir = '{:s}/PPO/{:s}'.format(save_main_dir, policy_name) + if not os.path.exists(save_dir): + os.makedirs(save_dir) + # save discounted return + if intermediate is None: + save_path = '{:s}/{:f}_{:f}_{:f}_{:d}.json'.format(save_dir, gamma, ent_coef, learning_rate, num_forward_passes) + with open(save_path, 'w') as f: + json.dump(pred_student_information, f, indent=4) + else: + save_path_dir = '{:s}/{:f}_{:f}_{:f}_{:d}'.format(save_dir, gamma, ent_coef, learning_rate, bypass_num_passes) + if not os.path.exists(save_path_dir): + os.makedirs(save_path_dir) + save_path = '{:d}.json'.format(intermediate) + with open(os.path.join(save_path_dir, save_path), 'w') as f: + json.dump(pred_student_information, f, indent=4) + +def save_intermediate_results(env, num_students, MAX_EPISODES, num_test_students, hyperparameters): + ''' + Train the model and save the validation results after each epoch + ''' + save_main_dir = 'results_intermediate' + num_forward_passes = hyperparameters['num_forward_passes'] + hyperparameters['num_forward_passes'] = 1 + for intermediate in range(1, num_forward_passes+1): + if intermediate == 1: + # wrap the environment using DummyVecEnv + obs = env.set_force_reset(force_reset=-1, mode='train') # start from student 0 + env = DummyVecEnv([lambda: env]) + else: + for sub_env in env.envs: + sub_env.set_force_reset(force_reset=-1, mode='train') + + # call the implement_PPO_algorithm function + print('Epoch: {:d}'.format(intermediate)) + implement_PPO_algorithm(env, num_students, MAX_EPISODES, num_test_students, hyperparameters, save_main_dir, intermediate, bypass_num_passes=num_forward_passes) + + + +def test_individual_env_methods(): + env = SelectionEnv() + observation = env.get_observation('This is a test', 'This is a test also') + print(observation.shape) # (768,) + # test get updated ability + print(env.get_updated_ability(0, [0, 0, 1, 2])) + # test - step + for i in range(10): + print(env.step(i)) + +def create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=False): + ''' + Create a new environment + ''' + env = SelectionEnv(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + return env + + +def parse_arguments(): + ''' + Parse command line arguments + ''' + parser = argparse.ArgumentParser(description='Test Case Selection Environment') + parser.add_argument('--num_test_students', type=int, default=10, help='Number of test students') + parser.add_argument('--CONSIDER_TEST_CASES', type=int, default=15, help='Number of test cases to consider') + parser.add_argument('--MAX_EPISODES', type=int, default=10, help='Maximum number of episodes') + parser.add_argument('--verbose', type=bool, default=False, help='Verbose') + parser.add_argument('--intermediate', type=bool, default=False, help='Save intermediate results') + parser.add_argument('--config', type=str, default='0.900000_0.000000_0.005000_10.json', help='Default hyperparameters') + parser.add_argument('--save_main_dir', type=str, default='results', help='Save main directory') + parser.add_argument('--force_repeat', type=bool, default=False, help='Force repeat the experiment') + args = parser.parse_args() + return args + + +def main(): + # parse arguments + args = parse_arguments() + + # output directory + output_dir = args.save_main_dir + if not os.path.exists(output_dir): + os.makedirs(output_dir) + + # define number of test cases to consider + CONSIDER_TEST_CASES = args.CONSIDER_TEST_CASES + MAX_EPISODES = args.MAX_EPISODES + num_test_students = args.num_test_students + verbose = args.verbose + intermediate = args.intermediate + + + # TODO: Load dataset + student_ids, outputs = read_dataset(CONSIDER_TEST_CASES) + + # define environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose) + + # test individual environment methods + # test_individual_env_methods() + + # check environment + check_env(env) + print('Environment Validated!') + + + if not intermediate: + # implement algorithm + print('\nPerforming Hyperparameter Tuning') + + # define hyperparameters for hyperparameter tuning + policy_name = ['MlpPolicy'] + gamma = [0.9] + ent_coef = [0.01, 0.1] + learning_rate = [0.0001, 0.001, 0.01] + num_forward_passes = [10, 25, 50] # num epochs + # iterate over all combinations of hyperparameters + for policy_name, gamma, ent_coef, learning_rate, num_forward_passes in itertools.product(policy_name, gamma, ent_coef, learning_rate, num_forward_passes): + # save path + if not args.force_repeat: + save_dir = 'results/PPO/{:s}'.format(policy_name) + save_path = save_path = '{:s}/{:f}_{:f}_{:f}_{:d}.json'.format(save_dir, gamma, ent_coef, learning_rate, num_forward_passes) + # check if file exists + if os.path.exists(save_path): + continue + + # create new environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + # define hyperparameters dictionary + hyperparameters = {'policy_name': policy_name, 'gamma': gamma, 'ent_coef': ent_coef, 'learning_rate': learning_rate, 'num_forward_passes': num_forward_passes} + # implement algorithm + implement_PPO_algorithm(env, len(student_ids), MAX_EPISODES, num_test_students, hyperparameters) + # print hyperparameters + print('Hyperparameters: ', hyperparameters) + # close environment + env.close() + # delete environment + del env + else: + # print intermediate results for a single hyperparameter setting + # parse config + config = args.config + gamma, ent_coef, learning_rate, num_forward_passes = config.strip('.json').split('_') + policy_name = 'MlpPolicy' + hyperparameters = {'policy_name': policy_name, 'gamma': float(gamma), 'ent_coef': float(ent_coef), 'learning_rate': float(learning_rate), 'num_forward_passes': int(num_forward_passes)} + + # create new environment + env = create_new_env(student_ids, num_test_students, outputs, CONSIDER_TEST_CASES, MAX_EPISODES, verbose=verbose) + print('Saving intermediate results for hyperparameters: ', hyperparameters) + # save intermediate results + save_intermediate_results(env, len(student_ids), MAX_EPISODES, num_test_students, hyperparameters) + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/selection_env.py b/selection_env.py new file mode 100644 index 0000000..0eb22b1 --- /dev/null +++ b/selection_env.py @@ -0,0 +1,246 @@ +''' +Define our own environment for the test case selection task +''' + +# imports +import os +import json +import math +import argparse +from tqdm import tqdm +import itertools +from collections import defaultdict +import numpy as np +import pandas as pd +import torch +import gymnasium as gym +from gymnasium import spaces +from stable_baselines3.common.env_checker import check_env +from stable_baselines3.common.vec_env import DummyVecEnv, SubprocVecEnv +from stable_baselines3 import DQN, A2C, DDPG, TD3, SAC +import transformers +from transformers import GPT2Tokenizer, GPT2Model +from utils import get_code_dict, get_problem_statement, load_test_cases, get_pivot_code_id +from IRT.implement_irt import read_dataset, IRTModel, get_dataloader, set_seed, get_model_info, train_IRT +from IRT.load_params import load_irt_parameters + +class SelectionEnv(gym.Env): + + # constructor + def __init__(self, student_ids, num_test_students, outputs, CONSIDER_TEST_CASES=15, MAX_EPISODES=5, verbose=False): + super(SelectionEnv, self).__init__() + + self.CONSIDER_TEST_CASES = CONSIDER_TEST_CASES + self.MAX_EPISODES = MAX_EPISODES + self.verbose = verbose + + self.student_ids = student_ids + self.num_test_students = num_test_students + self.outputs = outputs + + # Load IRT parameters + self.student_ability, self.item_difficulty = load_irt_parameters() + # Load code dataset + self.code_df = pd.read_csv('IRT_dataset/CodeStates.csv') + # pivot code id + self.pivot_code_id = get_pivot_code_id() + # Code dict + self.code_dict = get_code_dict(self.student_ids, self.pivot_code_id, self.code_df) + # problem statement + self.problem_statement = get_problem_statement() + # pivot code + self.pivot_code = self.code_dict[self.pivot_code_id] + # test cases dictionary + self.test_cases = dict(itertools.islice(load_test_cases().items(), self.CONSIDER_TEST_CASES)) + + # huggingface + # device + self.device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') + # tokenizer - CodeGPT + self.tokenizer = GPT2Tokenizer.from_pretrained("microsoft/CodeGPT-small-java") + # model - CodeGPT + self.code_gpt = GPT2Model.from_pretrained("microsoft/CodeGPT-small-java").to(self.device) + + # initialize student tracker + self.student_tracker = -1 + # initialize number of episodes + self.episode = 0 + # set maximum number of episodes + self.max_episodes = self.MAX_EPISODES + # track test cases per student + self.test_cases_per_student = defaultdict(list) + # track ability per student + self.ability_per_student = defaultdict(list) + + # default mode + self.mode = 'train' + + # action space + self.action_space = spaces.Discrete(len(self.test_cases)) + + # observation space - output of code gpt + self.observation_space = spaces.Box(low=-np.inf, high=np.inf, shape=(768,), dtype=np.float32) + + def construct_str_state(self, cur_test_cases): + ''' + Construct the state of the environment + ''' + # construct the state + # dictionary containing the chosen test case index and the test case value + test_case_dict = {i: self.test_cases[str(i)] for i in cur_test_cases} + + # construct the student string + str_state = 'Program: {:s}\t Student Code: {:s}\tChosen Test Cases: {:s}'.format(self.problem_statement, self.code_dict[self.student_ids[self.student_tracker]], str(test_case_dict)) + + # construct the pivot code string + correct_code_str = 'Program: {:s}\t Correct Code: {:s}\tChosen Test Cases: {:s}'.format(self.problem_statement, self.pivot_code, str(test_case_dict)) + # print(str_state) + return str_state, correct_code_str + + def get_observation(self, obs_str, pivot_code_str): + ''' + Pass the observation string through the code bert with gradient disabled + ''' + # disable gradient + with torch.no_grad(): + # Tokenize the obs str + obs_input_ids = self.tokenizer.encode(obs_str, return_tensors='pt').to(self.device) + outputs_obs = self.code_gpt(obs_input_ids) + embeddings_obs = outputs_obs.last_hidden_state + # Aggregate the embeddings + embeddings_obs = embeddings_obs.mean(dim=1).squeeze(0) + + # Tokenize the pivot code str + pivot_input_ids = self.tokenizer.encode(pivot_code_str, return_tensors='pt').to(self.device) + # for pivot code string + outputs_pivot = self.code_gpt(pivot_input_ids) + embeddings_pivot = outputs_pivot.last_hidden_state + # Aggregate the embeddings + embeddings_pivot = embeddings_pivot.mean(dim=1).squeeze(0) + + # state representation (subtract the two) + state_rep = embeddings_obs - embeddings_pivot + # convert to numpy array + state_rep = state_rep.cpu().numpy() + + return state_rep + + def set_force_reset(self, force_reset=0, mode='train'): + self.student_tracker = force_reset + self.mode = mode + + def reset(self, seed=None): + ''' + Reset the environment + ''' + # Set the seed if provided + if seed is not None: + self.seed(seed) + # set seed + set_seed(seed) + # increment student tracker + self.student_tracker += 1 + + # check if student tracker has reached the end + if self.student_tracker >= len(self.student_ids)-self.num_test_students and self.mode == 'train': + self.student_tracker = 0 + # print('Student Tracker: {:d}'.format(self.student_tracker)) + + # reset number of episodes + self.episode = 0 + # reset test cases per student + self.test_cases_per_student = defaultdict(list) + # reset ability per student + self.ability_per_student = defaultdict(list) + + # observation string + str_state, correct_code_str = self.construct_str_state(self.test_cases_per_student[self.student_tracker]) + # observation + observation = self.get_observation(str_state, correct_code_str) + + # info + info = {'Message': 'Student {:s} is selected'.format(self.student_ids[self.student_tracker])} + # return observation and info + return observation, info + + def get_updated_ability(self, student_id, test_cases): + ''' + Get updated ability of the student using IRT model + ''' + # TODO: get output values of the test cases + output_values = [] + for test_case in test_cases: + output_values.append(self.outputs[student_id][test_case]) + # get the dataloader + dataloader = get_dataloader(1, [0], [output_values]) # student id is 0, since we are only considering one student at a time + # get model info + model, loss_fn, optimizer, num_epochs, device = get_model_info(1, len(test_cases), load_params=True, verbose=False) + # train the model + model = train_IRT(test_cases, model, loss_fn, optimizer, num_epochs, device, dataloader, verbose=False) + # get updated ability + updated_ability = model.student_ability.item() + # return updated ability + return updated_ability + + def step(self, action): + ''' + Take a step in the environemnt + ''' + if self.verbose: + print('Student Tracker: {:d}, Action: {}, Test Cases Per Student: {}'.format(self.student_tracker, action, self.test_cases_per_student[self.student_tracker])) + # increment episode + self.episode += 1 + # update chosen test cases list + self.test_cases_per_student[self.student_tracker].append(action) + # update student ability using IRT model + updated_ability = self.get_updated_ability(self.student_tracker, self.test_cases_per_student[self.student_tracker]) + # update ability per student + self.ability_per_student[self.student_tracker].append(updated_ability) + # compute reward + # check if action has been selected previously + count_action = self.test_cases_per_student[self.student_tracker].count(action) + if count_action > 1: + # penalize the agent for selecting the same action again + reward = -10000 + else: + try: + reward = 1/abs(self.student_ability[self.student_tracker].item() - updated_ability) + except ZeroDivisionError: + reward = 10000 + # update next state + str_state, correct_code_str = self.construct_str_state(self.test_cases_per_student[self.student_tracker]) + # update next state + next_state = self.get_observation(str_state, correct_code_str) + # check termination of episode + done = False + if self.episode == self.max_episodes: + done = True + # set truncate and info + truncate = False + info = {} + + # return information + return next_state, reward, done, truncate, info + + def render(self, mode='console'): + ''' + Render the environment + ''' + if mode == 'console': + print('Episode: {:d}\tStudent: {:s}\tTest Cases: {:s}\tStudent Ability: {:.3f}'.format(self.episode, self.student_ids[self.student_tracker], str(self.test_cases_per_student[self.student_tracker]), self.ability_per_student[self.student_tracker][-1])) + else: + pass + + def close(self): + ''' + Close the environment + ''' + pass + + def seed(self, seed=None): + ''' + Set a random seed + ''' + set_seed(seed) + + diff --git a/utils.py b/utils.py new file mode 100644 index 0000000..a129542 --- /dev/null +++ b/utils.py @@ -0,0 +1,27 @@ +import json + +def get_code_dict(student_ids, pivot_code_id, code_df): + code_dict = {} + for student_id in student_ids: + code_dict[student_id] = list(code_df[code_df['CodeStateID'] == student_id]['Code'].values)[0] + # add pivot code + code_dict[pivot_code_id] = list(code_df[code_df['CodeStateID'] == pivot_code_id]['Code'].values)[0] + return code_dict + +def get_problem_statement(): + with open('IRT_dataset/problem_502_45.txt') as f: + problem_statement = f.read() + return problem_statement + +def get_pivot_code_id(): + with open('IRT_dataset/502_45/pivot_code_id.txt') as f: + pivot_code_id = f.read().strip() + return pivot_code_id + +def load_test_cases(): + ''' + Load test cases from the test_cases folder + ''' + with open('IRT_dataset/502_45/test_cases.json') as f: + test_cases = json.load(f) + return test_cases \ No newline at end of file